licenses
sequencelengths
1
3
version
stringclasses
677 values
tree_hash
stringlengths
40
40
path
stringclasses
1 value
type
stringclasses
2 values
size
stringlengths
2
8
text
stringlengths
25
67.1M
package_name
stringlengths
2
41
repo
stringlengths
33
86
[ "MIT" ]
0.2.4
c45074f765d0f729dc12bc23fedb49b041545b3b
code
3175
""" consistency_tests( rng::AbstractRNG, f::OILMM, f_naive::GaussianProcessProbabilisticProgramme, x::AbstractVector, Y::ColVecs{<:Real}, ) Verify that an OILMM `f` is self-consistent and consistent with the naive GP implementation `f_naive`. """ function consistency_tests( rng::AbstractRNG, f::OILMM, f_naive::GaussianProcessProbabilisticProgramme; x_tr::AbstractVector, x_te::AbstractVector, x_naive_tr::AbstractVector, x_naive_te::AbstractVector, y_tr::AbstractVector, y_te::AbstractVector, σ²::Real, ) # Set up the finite-dimensional marginals. fx_tr = f(x_tr, σ²) fx_tr_naive = f_naive(x_naive_tr, σ²) # Check log p(Ytr) agrees with naive implementation. @test logpdf(fx_tr, y_tr) ≈ logpdf(fx_tr_naive, y_tr) # Check that prior marginals agree with naive implementation. @test mean(fx_tr) ≈ mean(fx_tr_naive) @test var(fx_tr) ≈ var(fx_tr_naive) # Check that noise-free prior marginals agree with the naive implementation. oilmm_marginals = denoised_marginals(f(x_tr)) naive_marginals = marginals(f_naive(x_naive_tr)) @test mean.(oilmm_marginals) ≈ mean.(naive_marginals) @test std.(oilmm_marginals) ≈ std.(naive_marginals) # Check that both versions of rand produce samples. This is not a correctness test. @test rand_latent(rng, f(x_tr)) isa Vector{<:Real} @test rand(rng, f(x_tr)) isa Vector{<:Real} # Ensure that log p(Yte | Ytr) is self-consistent. f_posterior = posterior(f(x_tr, σ²), y_tr) x_all = vcat(x_tr, x_te) y_tr_cv = reshape(y_tr, :, x_tr.out_dim) y_te_cv = reshape(y_te, :, x_te.out_dim) y_all = vec(vcat(y_tr_cv, y_te_cv)) @test logpdf(f_posterior(x_te, σ²), y_te) ≈ logpdf(f(x_all, σ²), y_all) - logpdf(f(x_tr, σ²), y_tr) # Construct the posterior naively using Stheno. f_posterior = posterior(f(x_tr, σ²), y_tr) f_posterior_naive = posterior(f_naive(x_naive_tr, σ²), y_tr) # Compare posterior marginals. @test mean(f_posterior(x_tr, σ²)) ≈ mean(f_posterior_naive(x_naive_tr, σ²)) @test var(f_posterior(x_tr)) ≈ var(f_posterior_naive(x_naive_tr)) @test mean(f_posterior(x_te)) ≈ mean(f_posterior_naive(x_naive_te)) @test var(f_posterior(x_te)) ≈ var(f_posterior_naive(x_naive_te)) # Check that the gradient w.r.t. the logpdf and be computed w.r.t. the observations. lml_zygote, pb = Zygote.pullback((f, x, y) -> logpdf(f(x, σ²), y), f, x_tr, y_tr) @test lml_zygote ≈ logpdf(f(x_tr, σ²), y_tr) Δ = randn(rng) cotangents_fd = FiniteDifferences.j′vp( central_fdm(5, 1), y -> logpdf(f(x_tr, σ²), y), Δ, y_tr, ) cotangents_ad = pb(Δ) @test cotangents_fd[1] ≈ cotangents_ad[3] end function consistency_tests( rng::AbstractRNG, f::OILMM, f_naive::AbstractGP, x::AbstractVector, Y::ColVecs{<:Real}, ) consistency_tests(rng, f, [f_naive], x, Y) end function FiniteDifferences.to_vec(X::ColVecs) x_vec, back = to_vec(X.X) function from_vec_ColVecs(x) return ColVecs(back(x)) end return x_vec, from_vec_ColVecs end
OILMMs
https://github.com/willtebbutt/OILMMs.jl.git
[ "MIT" ]
0.2.4
c45074f765d0f729dc12bc23fedb49b041545b3b
code
1226
@testset "util" begin @testset "eachrow" begin X = randn(2, 5) y, pb = Zygote.pullback(collect ∘ eachrow, X) @test y == collect(eachrow(X)) # Just make the seed the output since it's a valid cotangent for itself. ȳ = y # Compute pullback using Zygote and FiniteDifferences and test they roughly agree. dX_fd = FiniteDifferences.j′vp(central_fdm(5, 1), collect ∘ eachrow, ȳ, X) dX_ad = pb(ȳ) @test first(dX_fd) ≈ first(dX_ad) end @testset "inv(::Diagonal)" begin x = randn(3) f = diag ∘ inv ∘ Diagonal y, pb = Zygote.pullback(f, x) @test y == f(x) ȳ = randn(3) dX_fd = FiniteDifferences.j′vp(central_fdm(5, 1), f, ȳ, x) dX_ad = pb(ȳ) @test first(dX_fd) ≈ first(dX_ad) end @testset "inv(::Cholesky{<:BlasFloat, <:StridedMatrix}" begin A = randn(3, 3) f = A -> inv(cholesky(A * A' + I)) Ω, pb_inv_Chol = Zygote.pullback(f, A) @test Ω == f(A) ΔΩ = randn(3, 3) dX_fd = FiniteDifferences.j′vp(central_fdm(5, 1), f, ΔΩ, A) dX_ad = pb_inv_Chol(ΔΩ) @test first(dX_fd) ≈ first(dX_ad) end end
OILMMs
https://github.com/willtebbutt/OILMMs.jl.git
[ "MIT" ]
0.2.4
c45074f765d0f729dc12bc23fedb49b041545b3b
docs
6756
# OILMMs.jl: Orthogonal Instantaneous Linear Mixing Models in Julia <!-- [![Stable](https://img.shields.io/badge/docs-stable-blue.svg)](https://willtebbutt.github.io/OILMMs.jl/stable) [![Dev](https://img.shields.io/badge/docs-dev-blue.svg)](https://willtebbutt.github.io/OILMMs.jl/dev) --> [![Build Status](https://travis-ci.com/willtebbutt/OILMMs.jl.svg?branch=master)](https://travis-ci.com/willtebbutt/OILMMs.jl) [![Codecov](https://codecov.io/gh/willtebbutt/OILMMs.jl/branch/master/graph/badge.svg)](https://codecov.io/gh/willtebbutt/OILMMs.jl) [![ColPrac: Contributor's Guide on Collaborative Practices for Community Packages](https://img.shields.io/badge/ColPrac-Contributor's%20Guide-blueviolet)](https://github.com/SciML/ColPrac) An implementation of the Orthogonal Instantaneous Linear Mixing Model (OILMM). The Python implementation can be found [here](https://github.com/wesselb/oilmm). ## Examples Please refer to the examples directory for basic usage, or below for a very quick intro. ## API The API broadly follows [Stheno.jl](https://github.com/willtebbutt/Stheno.jl/)'s. ```julia f = OILMM(...) ``` constructs an Orthogonal Instantaneous Linear Mixing Model. This object represents a distribution over vector-valued functions -- see the docstring for more info. ```julia f(x) ``` represents `f` at the input locations `x`. ```julia logpdf(f(x), y) # compute the log marginal probability of `y` under the model. rand(rng, f(x)) # sample from `f` at `x`, for random number generator `rng`. marginals(f(x)) # compute the marginal statistics of `f` at `x`. ``` `y` should be an `AbstractVector{<:Real}` of the same length as `x`. To perform inference, simply invoke the `posterior` function: ``` f_post = posterior(f(x), y) ``` `f_post` is then another `OILMM` that is the posterior distribution. That this works is one of the very convenient properties of the OILMM. All public functions should have docstrings. If you encounter something that is unclear, please raise an issue so that it can be fixed. ## Worked Example ```julia using AbstractGPs using LinearAlgebra using OILMMs using Random # Specify and construct an OILMM. p = 10 m = 3 U, s, _ = svd(randn(p, m)) σ² = 0.1 f = OILMM( [GP(SEKernel()) for _ in 1:m], U, Diagonal(s), Diagonal(rand(m) .+ 0.1), ); # Sample from the model. x = MOInput(randn(10), p); fx = f(x, σ²); rng = MersenneTwister(123456); y = rand(rng, fx); # Compute the logpdf of the data under the model. logpdf(fx, y) # Perform posterior inference. This produces another OILMM. f_post = posterior(fx, y) # Compute the posterior marginals. We can also use `rand` and `logpdf` as before. post_marginals = marginals(f_post(x)); ``` ## Worked Example using TemporalGPs.jl. [TemporalGPs.jl](https://github.com/willtebbutt/TemporalGPs.jl/) makes inference and learning in GPs for time series much more efficient than performing exact inference. It plays nicely with this package, and can be used to accelerate inference in an OILMM simply by wrapping each of the base processes using `to_sde`. See the TemporalGPs.jl docs for more info on this. ```julia using AbstractGPs using LinearAlgebra using OILMMs using Random using TemporalGPs # Specify and construct an OILMM. p = 10 m = 3 U, s, _ = svd(randn(p, m)) σ² = 0.1 f = OILMM( [to_sde(GP(Matern52Kernel()), SArrayStorage(Float64)) for _ in 1:m], U, Diagonal(s), Diagonal(rand(m) .+ 0.1), ); # Sample from the model. LARGE DATA SET! x = MOInput(RegularSpacing(0.0, 1.0, 1_000_000), p); fx = f(x, σ²); rng = MersenneTwister(123456); y = rand(rng, fx); # Compute the logpdf of the data under the model. logpdf(fx, y) # Perform posterior inference. This produces another OILMM. f_post = posterior(fx, y) # Compute the posterior marginals. We can also use `rand` and `logpdf` as before. post_marginals = marginals(f_post(x)); ``` Notice that this example is nearly identical to the one above, because all GP-related packages used utilise the [AbstractGPs.jl](https://github.com/JuliaGaussianProcesses/AbstractGPs.jl) APIs. ## Worked Example Learning Parameters We don't provide a fit+predict interface, instead we rely on external packages to provide something similar that is more flexible. Specifically, we recommend using a mixture of [ParameterHandling.jl](https://github.com/invenia/ParameterHandling.jl/), [Optim.jl](https://github.com/JuliaNLSolvers/Optim.jl) or some other general non-linear optimisation package), and [Zygote.jl](https://github.com/FluxML/Zygote.jl/). Below we provide a small example: ```julia # Load GP-related packages. using AbstractGPs using OILMMs using TemporalGPs # Load standard packages from the Julia ecosystem using LinearAlgebra using Optim # Standard optimisation algorithms. using ParameterHandling # Helper functionality for dealing with model parameters. using Random using Zygote # Algorithmic Differentiation # Specify OILMM parameters as a NamedTuple. # Utilise orthogonal, and positive from ParameterHandling.jl to constrain appropriately. p = 2 m = 1 θ_init = ( U = orthogonal(randn(p, m)), s = positive.(rand(m) .+ 0.1), σ² = positive(0.1), ) # Define a function which builds an OILMM, given a NamedTuple of parameters. function build_oilmm(θ::NamedTuple) return OILMM( [to_sde(GP(Matern52Kernel()), SArrayStorage(Float64)) for _ in 1:m], θ.U, Diagonal(θ.s), Diagonal(zeros(m)), ) end # Generate some synthetic data to train on. f = build_oilmm(ParameterHandling.value(θ_init)); const x = MOInput(RegularSpacing(0.0, 0.01, 1_000_000), p); fx = f(x, 0.1); rng = MersenneTwister(123456); const y = rand(rng, fx); # Define a function which computes the NLML given the parameters. function objective(θ::NamedTuple) f = build_oilmm(θ) return -logpdf(f(x, θ.σ²), y) end # Build a version of the objective function which can be used with Optim.jl. θ_init_flat, unflatten = flatten(θ_init); unpack(θ::Vector{<:Real}) = ParameterHandling.value(unflatten(θ)) objective(θ::Vector{<:Real}) = objective(unpack(θ)) # Utilise Optim.jl + Zygote.jl to optimise the model parameters. training_results = Optim.optimize( objective, θ -> only(Zygote.gradient(objective, θ)), θ_init_flat + randn(length(θ_init_flat)), # Add some noise to make learning non-trivial BFGS( alphaguess = Optim.LineSearches.InitialStatic(scaled=true), linesearch = Optim.LineSearches.BackTracking(), ), Optim.Options(show_trace = true); inplace=false, ) # Compute posterior marginals at optimal solution. θ_opt = unpack(training_results.minimizer) f = build_oilmm(θ_opt) f_post = posterior(f(x, θ_opt.σ²), y) fx = marginals(f_post(x)) ``` ## Bib Info Please refer to the CITATION.bib file.
OILMMs
https://github.com/willtebbutt/OILMMs.jl.git
[ "MIT" ]
0.2.0
a03ccfb41392241b384f650901557bf6d5500401
code
427
using BinDeps @BinDeps.setup visa = library_dependency("visa", aliases = ["visa64","VISA","/Library/Frameworks/VISA.framework/VISA", "librsvisa"]) # librsvisa is the specific Rohde & Schwarz VISA library name visa_path_found = BinDeps._find_library(visa) if ~isempty(visa_path_found) @BinDeps.install Dict(:visa=>:libvisa) else @warn "No VISA libraries found, please check VISA installation for visa64 library!" end
Instruments
https://github.com/BBN-Q/Instruments.jl.git
[ "MIT" ]
0.2.0
a03ccfb41392241b384f650901557bf6d5500401
code
793
module Instruments export Instrument, GenericInstrument, connect!, disconnect!, write, read, query export ResourceManager export find_resources export @scpifloat export @scpibool import Base: write, read, readavailable # load the binary dependency path if isfile(joinpath(dirname(dirname(@__FILE__)),"deps","deps.jl")) include("../deps/deps.jl") else #error("Instruments.jl not properly installed. Please run Pkg.build(\"Instruments\")") @warn "No VISA libraries found, please check VISA installation for visa64 library!" end include("visa/VISA.jl") include("instrument.jl") include("scpi.jl") ResourceManager() = viOpenDefaultRM() # Helper functions to find instruments find_resources(rm, expr::AbstractString="?*::INSTR") = Instruments.viFindRsrc(rm, expr) end # module
Instruments
https://github.com/BBN-Q/Instruments.jl.git
[ "MIT" ]
0.2.0
a03ccfb41392241b384f650901557bf6d5500401
code
1226
abstract type Instrument end mutable struct GenericInstrument <: Instrument handle::ViObject connected::Bool bufSize::UInt32 end GenericInstrument() = GenericInstrument(0, false, 1024) function connect!(rm, instr::Instrument, address::AbstractString) if !instr.connected instr.handle = viOpen(rm, address) instr.connected = true end end function disconnect!(instr::Instrument) if instr.connected viClose(instr.handle) instr.connected = false end end #String reads and writes check_connected(instr::Instrument) = @assert instr.connected "Instrument is not connected!" macro check_connected(ex) funcproto = ex.args[1] body = ex.args[2] instrument_obj = funcproto.args[2] checkbody = quote check_connected($(instrument_obj)) $body end return Expr(:function, esc(funcproto), esc(checkbody)) end @check_connected write(instr::Instrument, msg::AbstractString) = viWrite(instr.handle, msg) @check_connected read(instr::Instrument) = rstrip(viRead(instr.handle; bufSize=instr.bufSize), ['\r', '\n']) @check_connected readavailable(instr::Instrument) = readavailable(instr.handle) function query(instr::Instrument, msg::AbstractString; delay::Real=0) write(instr, msg) sleep(delay) read(instr) end
Instruments
https://github.com/BBN-Q/Instruments.jl.git
[ "MIT" ]
0.2.0
a03ccfb41392241b384f650901557bf6d5500401
code
1012
#Macros to make it easier to write drivers for SCPI instruments macro scpifloat(name, instrType, scpiStr, scale, units) setterFunc = symbol(string(name)*"!") setterProto = :($(setterFunc)(instr::$instrType, val::Real)) setterBody = :(write(instr, $scpiStr * " $val")) setter = Expr(:function, esc(setterProto), esc(setterBody)) getCmd = scpiStr*"?" getterProto = :($name(instr::$instrType)) getterBody = :(query(instr, $getCmd)) getter = Expr(:function, esc(getterProto), esc(getterBody)) Expr(:block, setter, getter) end macro scpibool(name, instrType, scpiStr) setterFunc = symbol(string(name)*"!") setterProto = :($(setterFunc)(instr::$instrType, val::Bool)) setterBody = :(write(instr, $scpiStr * " " * string(int(val)) )) setter = Expr(:function, esc(setterProto), esc(setterBody)) getCmd = scpiStr*"?" getterProto = :($name(instr::$instrType)) getterBody = :(bool(int(query(instr, $getCmd)))) getter = Expr(:function, esc(getterProto), esc(getterBody)) Expr(:block, setter, getter) end
Instruments
https://github.com/BBN-Q/Instruments.jl.git
[ "MIT" ]
0.2.0
a03ccfb41392241b384f650901557bf6d5500401
code
9078
#= Thin-veener over the VISA shared library. See VPP-4.3.2 document for details. =# ############################ Types ############################################# #Vi datatypes #Cribbed from VPP-4.3.2 section 3.1 table and/or visa.h #It's most likely we don't actually need all of these but they're easy to #generate with some metaprogramming for typePair = [("UInt32", Cuint), ("Int32", Cint), ("UInt64", Culonglong), ("Int64", Clonglong), ("UInt16", Cushort), ("Int16", Cshort), ("UInt8", Cuchar), ("Int8", Cchar), ("Addr", Cvoid), ("Char", Cchar), ("Byte", Cuchar), ("Boolean", Bool), ("Real32", Cfloat), ("Real64", Cdouble), ("Status", Cint), ("Version", Cuint), ("Object", Cuint), ("Session", Cuint) ] viTypeName = Symbol("Vi"*typePair[1]) viConsructorName = Symbol("vi"*typePair[1]) viPTypeName = Symbol("ViP"*typePair[1]) viATypeName = Symbol("ViA"*typePair[1]) @eval begin $viTypeName = $typePair[2] $viConsructorName(x) = convert($viTypeName, x) $viPTypeName = Ref{$viTypeName} $viATypeName = Array{$viTypeName, 1} end end for typePair = [("Buf", "PByte"), ("String", "PChar"), ("Rsrc", "String") ] viTypeName = Symbol("Vi"*typePair[1]) viPTypeName = Symbol("ViP"*typePair[1]) viATypeName = Symbol("ViA"*typePair[1]) mappedViType = Symbol("Vi"*typePair[2]) @eval begin $viTypeName = $mappedViType $viPTypeName = $mappedViType $viATypeName = Array{$viTypeName, 1} end end ViPChar = Ptr{UInt8} ViEvent = ViObject ViPEvent = Ref{ViEvent} ViFindList = ViObject ViPFindList = Ref{ViFindList} ViString = ViPChar ViRsrc = ViString ViBuf = ViPByte; ViAccessMode = ViUInt32 ViAttr = ViUInt32 ViEventType = ViUInt32 ViEventFilter = ViUInt32 ########################## Constants ########################################### # Completion and Error Codes ----------------------------------------------*/ include("codes.jl") #Atributes and other definitions include("constants.jl") ######################### Functions ############################################ #Helper macro to make VISA call and check the status for an error macro check_status(viCall) return quote status = $viCall if status < VI_SUCCESS errMsg = codes[status] error("VISA C call failed with status $(errMsg[1]): $(errMsg[2])") end status end end function check_status(status) if status < VI_SUCCESS errMsg = codes[status] error("VISA C call failed with status $(errMsg[1]): $(errMsg[2])") end status end #- Resource Manager Functions and Operations -------------------------------# function viOpenDefaultRM() rm = ViPSession(0) check_status(ccall((:viOpenDefaultRM, libvisa), ViStatus, (ViPSession,), rm)) rm.x end function viFindRsrc(sesn::ViSession, expr::AbstractString) returnCount = ViPUInt32(0) findList = ViPFindList(0) desc = zeros(ViByte, VI_FIND_BUFLEN) descp = pointer(desc) check_status(ccall((:viFindRsrc, libvisa), ViStatus, (ViSession, ViString, ViPFindList, ViPUInt32, ViPByte), sesn, expr, findList, returnCount, descp)) #Create the array of instrument strings and push them on instrStrs = Vector{String}() if returnCount.x > 0 push!(instrStrs, unsafe_string(descp)) end for i=1:returnCount.x-1 check_status(ccall((:viFindNext, libvisa), ViStatus, (ViFindList, ViPByte), findList.x, descp)) push!(instrStrs, unsafe_string(descp)) end instrStrs end # ViStatus _VI_FUNC viParseRsrc (ViSession rmSesn, ViRsrc rsrcName, # ViPUInt16 intfType, ViPUInt16 intfNum); # ViStatus _VI_FUNC viParseRsrcEx (ViSession rmSesn, ViRsrc rsrcName, ViPUInt16 intfType, # ViPUInt16 intfNum, ViChar _VI_FAR rsrcClass[], # ViChar _VI_FAR expandedUnaliasedName[], # ViChar _VI_FAR aliasIfExists[]); function viOpen(sesn::ViSession, name::String; mode::ViAccessMode=VI_NO_LOCK, timeout::ViUInt32=VI_TMO_IMMEDIATE) #Pointer for the instrument handle instrHandle = ViPSession(0) check_status(ccall((:viOpen, libvisa), ViStatus, (ViSession, ViRsrc, ViAccessMode, ViUInt32, ViPSession), sesn, name, mode, timeout, instrHandle)) instrHandle.x end function viClose(viObj::ViObject) check_status(ccall((:viClose, libvisa), ViStatus, (ViObject,), viObj)) end # #- Resource Template Operations --------------------------------------------*/ function viSetAttribute(viObj::ViObject, attrName::ViAttr, attrValue::ViAttrState) check_status(ccall((:viSetAttribute, libvisa), ViStatus, (ViObject, ViAttr, ViAttrState), viObj, attrName, attrValue)) end function viGetAttribute(viObj::ViObject, attrName::ViAttr) value = ViAttrState[0] check_status( ccall((:viGetAttribute, libvisa), ViStatus, (ViObject, ViAttr, Ptr{Cvoid}), viObj, attrName, value)) value[] end # ViStatus _VI_FUNC viStatusDesc (ViObject vi, ViStatus status, ViChar _VI_FAR desc[]); # ViStatus _VI_FUNC viTerminate (ViObject vi, ViUInt16 degree, ViJobId jobId); # ViStatus _VI_FUNC viLock (ViSession vi, ViAccessMode lockType, ViUInt32 timeout, # ViKeyId requestedKey, ViChar _VI_FAR accessKey[]); # ViStatus _VI_FUNC viUnlock (ViSession vi); function viEnableEvent(instrHandle::ViSession, eventType::Integer, mechanism::Integer) check_status(ccall((:viEnableEvent,libvisa), ViStatus, (ViSession, ViEventType, UInt16, ViEventFilter), instrHandle, eventType, mechanism, 0)) end function viDisableEvent(instrHandle::ViSession, eventType::Integer, mechanism::Integer) check_status(ccall((:viEnableEvent,libvisa), ViStatus, (ViSession, ViEventType, UInt16), instrHandle, eventType, mechanism)) end function viDiscardEvents(instrHandle::ViSession, eventType::ViEventType, mechanism::UInt16) check_status(ccall((:viEnableEvent,libvisa), ViStatus, (ViSession, ViEventType, UInt16), instrHandle, eventType, mechanism)) end function viWaitOnEvent(instrHandle::ViSession, eventType::ViEventType, timeout::UInt32 = VI_TMO_INFINITE) outType = Array(ViEventType) outEvent = Array(ViEvent) check_status(ccall((:viWaitOnEvent,libvisa), ViStatus, (ViSession, ViEventType, UInt32, Ptr{ViEventType}, Ptr{ViEvent}), instrHandle, eventType, timeout, outType, outEvent)) (outType[], outEvent[]) end # ViStatus _VI_FUNC viWaitOnEvent (ViSession vi, ViEventType inEventType, ViUInt32 timeout, # ViPEventType outEventType, ViPEvent outContext); # ViStatus _VI_FUNC viDisableEvent (ViSession vi, ViEventType eventType, ViUInt16 mechanism); # ViStatus _VI_FUNC viDiscardEvents (ViSession vi, ViEventType eventType, ViUInt16 mechanism); # ViStatus _VI_FUNC viWaitOnEvent (ViSession vi, ViEventType inEventType, ViUInt32 timeout, # ViPEventType outEventType, ViPEvent outContext); # ViStatus _VI_FUNC viInstallHandler(ViSession vi, ViEventType eventType, ViHndlr handler, # ViAddr userHandle); # ViStatus _VI_FUNC viUninstallHandler(ViSession vi, ViEventType eventType, ViHndlr handler, # ViAddr userHandle); #- Basic I/O Operations ----------------------------------------------------# function viWrite(instrHandle::ViSession, data::Union{String, Vector{UInt8}}) bytesWritten = ViUInt32[0] check_status(ccall((:viWrite, libvisa), ViStatus, (ViSession, ViBuf, ViUInt32, ViPUInt32), instrHandle, pointer(data), length(data), bytesWritten)) bytesWritten[1] end function viRead!(instrHandle::ViSession, buffer::Array{UInt8}) bytesRead = ViUInt32[0] status = check_status(ccall((:viRead, libvisa), ViStatus, (ViSession, ViBuf, ViUInt32, ViPUInt32), instrHandle, buffer, sizeof(buffer), bytesRead)) return (status != VI_SUCCESS_MAX_CNT, bytesRead[]) end function viRead(instrHandle::ViSession; bufSize::UInt32=0x00000400) buf = zeros(UInt8, bufSize) (done, bytesRead) = viRead!(instrHandle, buf) unsafe_string(pointer(buf)) end function readavailable(instrHandle::ViSession) ret = IOBuffer() buf = Array(UInt8, 0x400) while true (done, bytesRead) = viRead!(instrHandle, buf) write(ret,buf[1:bytesRead]) if done break end end take!(ret) end # ViStatus _VI_FUNC viReadAsync (ViSession vi, ViPBuf buf, ViUInt32 cnt, ViPJobId jobId); # ViStatus _VI_FUNC viReadToFile (ViSession vi, ViConstString filename, ViUInt32 cnt, # ViPUInt32 retCnt); # ViStatus _VI_FUNC viWriteAsync (ViSession vi, ViBuf buf, ViUInt32 cnt, ViPJobId jobId); # ViStatus _VI_FUNC viWriteFromFile (ViSession vi, ViConstString filename, ViUInt32 cnt, # ViPUInt32 retCnt); # ViStatus _VI_FUNC viAssertTrigger (ViSession vi, ViUInt16 protocol); # ViStatus _VI_FUNC viReadSTB (ViSession vi, ViPUInt16 status); # ViStatus _VI_FUNC viClear (ViSession vi);
Instruments
https://github.com/BBN-Q/Instruments.jl.git
[ "MIT" ]
0.2.0
a03ccfb41392241b384f650901557bf6d5500401
code
20881
#- Completion and Error Codes ----------------------------------------------*/ const VI_SUCCESS = 0 const VI_ERROR = -2147483647-1 # 0x80000000 const VI_SUCCESS_EVENT_EN = 0x3FFF0002 # 3FFF0002, 1073676290 const VI_SUCCESS_EVENT_DIS = 0x3FFF0003 # 3FFF0003, 1073676291 const VI_SUCCESS_QUEUE_EMPTY = 0x3FFF0004 # 3FFF0004, 1073676292 const VI_SUCCESS_TERM_CHAR = 0x3FFF0005 # 3FFF0005, 1073676293 const VI_SUCCESS_MAX_CNT = 0x3FFF0006 # 3FFF0006, 1073676294 const VI_SUCCESS_DEV_NPRESENT = 0x3FFF007D # 3FFF007D, 1073676413 const VI_SUCCESS_TRIG_MAPPED = 0x3FFF007E # 3FFF007E, 1073676414 const VI_SUCCESS_QUEUE_NEMPTY = 0x3FFF0080 # 3FFF0080, 1073676416 const VI_SUCCESS_NCHAIN = 0x3FFF0098 # 3FFF0098, 1073676440 const VI_SUCCESS_NESTED_SHARED = 0x3FFF0099 # 3FFF0099, 1073676441 const VI_SUCCESS_NESTED_EXCLUSIVE = 0x3FFF009A # 3FFF009A, 1073676442 const VI_SUCCESS_SYNC = 0x3FFF009B # 3FFF009B, 1073676443 const VI_WARN_QUEUE_OVERFLOW = 0x3FFF000C # 3FFF000C, 1073676300 const VI_WARN_CONFIG_NLOADED = 0x3FFF0077 # 3FFF0077, 1073676407 const VI_WARN_NULL_OBJECT = 0x3FFF0082 # 3FFF0082, 1073676418 const VI_WARN_NSUP_ATTR_STATE = 0x3FFF0084 # 3FFF0084, 1073676420 const VI_WARN_UNKNOWN_STATUS = 0x3FFF0085 # 3FFF0085, 1073676421 const VI_WARN_NSUP_BUF = 0x3FFF0088 # 3FFF0088, 1073676424 const VI_WARN_EXT_FUNC_NIMPL = 0x3FFF00A9 # 3FFF00A9, 1073676457 const VI_ERROR_SYSTEM_ERROR = VI_ERROR+0x3FFF0000 # BFFF0000, -1073807360 const VI_ERROR_INV_OBJECT = VI_ERROR+0x3FFF000E # BFFF000E, -1073807346 const VI_ERROR_RSRC_LOCKED = VI_ERROR+0x3FFF000F # BFFF000F, -1073807345 const VI_ERROR_INV_EXPR = VI_ERROR+0x3FFF0010 # BFFF0010, -1073807344 const VI_ERROR_RSRC_NFOUND = VI_ERROR+0x3FFF0011 # BFFF0011, -1073807343 const VI_ERROR_INV_RSRC_NAME = VI_ERROR+0x3FFF0012 # BFFF0012, -1073807342 const VI_ERROR_INV_ACC_MODE = VI_ERROR+0x3FFF0013 # BFFF0013, -1073807341 const VI_ERROR_TMO = VI_ERROR+0x3FFF0015 # BFFF0015, -1073807339 const VI_ERROR_CLOSING_FAILED = VI_ERROR+0x3FFF0016 # BFFF0016, -1073807338 const VI_ERROR_INV_DEGREE = VI_ERROR+0x3FFF001B # BFFF001B, -1073807333 const VI_ERROR_INV_JOB_ID = VI_ERROR+0x3FFF001C # BFFF001C, -1073807332 const VI_ERROR_NSUP_ATTR = VI_ERROR+0x3FFF001D # BFFF001D, -1073807331 const VI_ERROR_NSUP_ATTR_STATE = VI_ERROR+0x3FFF001E # BFFF001E, -1073807330 const VI_ERROR_ATTR_READONLY = VI_ERROR+0x3FFF001F # BFFF001F, -1073807329 const VI_ERROR_INV_LOCK_TYPE = VI_ERROR+0x3FFF0020 # BFFF0020, -1073807328 const VI_ERROR_INV_ACCESS_KEY = VI_ERROR+0x3FFF0021 # BFFF0021, -1073807327 const VI_ERROR_INV_EVENT = VI_ERROR+0x3FFF0026 # BFFF0026, -1073807322 const VI_ERROR_INV_MECH = VI_ERROR+0x3FFF0027 # BFFF0027, -1073807321 const VI_ERROR_HNDLR_NINSTALLED = VI_ERROR+0x3FFF0028 # BFFF0028, -1073807320 const VI_ERROR_INV_HNDLR_REF = VI_ERROR+0x3FFF0029 # BFFF0029, -1073807319 const VI_ERROR_INV_CONTEXT = VI_ERROR+0x3FFF002A # BFFF002A, -1073807318 const VI_ERROR_QUEUE_OVERFLOW = VI_ERROR+0x3FFF002D # BFFF002D, -1073807315 const VI_ERROR_NENABLED = VI_ERROR+0x3FFF002F # BFFF002F, -1073807313 const VI_ERROR_ABORT = VI_ERROR+0x3FFF0030 # BFFF0030, -1073807312 const VI_ERROR_RAW_WR_PROT_VIOL = VI_ERROR+0x3FFF0034 # BFFF0034, -1073807308 const VI_ERROR_RAW_RD_PROT_VIOL = VI_ERROR+0x3FFF0035 # BFFF0035, -1073807307 const VI_ERROR_OUTP_PROT_VIOL = VI_ERROR+0x3FFF0036 # BFFF0036, -1073807306 const VI_ERROR_INP_PROT_VIOL = VI_ERROR+0x3FFF0037 # BFFF0037, -1073807305 const VI_ERROR_BERR = VI_ERROR+0x3FFF0038 # BFFF0038, -1073807304 const VI_ERROR_IN_PROGRESS = VI_ERROR+0x3FFF0039 # BFFF0039, -1073807303 const VI_ERROR_INV_SETUP = VI_ERROR+0x3FFF003A # BFFF003A, -1073807302 const VI_ERROR_QUEUE_ERROR = VI_ERROR+0x3FFF003B # BFFF003B, -1073807301 const VI_ERROR_ALLOC = VI_ERROR+0x3FFF003C # BFFF003C, -1073807300 const VI_ERROR_INV_MASK = VI_ERROR+0x3FFF003D # BFFF003D, -1073807299 const VI_ERROR_IO = VI_ERROR+0x3FFF003E # BFFF003E, -1073807298 const VI_ERROR_INV_FMT = VI_ERROR+0x3FFF003F # BFFF003F, -1073807297 const VI_ERROR_NSUP_FMT = VI_ERROR+0x3FFF0041 # BFFF0041, -1073807295 const VI_ERROR_LINE_IN_USE = VI_ERROR+0x3FFF0042 # BFFF0042, -1073807294 const VI_ERROR_NSUP_MODE = VI_ERROR+0x3FFF0046 # BFFF0046, -1073807290 const VI_ERROR_SRQ_NOCCURRED = VI_ERROR+0x3FFF004A # BFFF004A, -1073807286 const VI_ERROR_INV_SPACE = VI_ERROR+0x3FFF004E # BFFF004E, -1073807282 const VI_ERROR_INV_OFFSET = VI_ERROR+0x3FFF0051 # BFFF0051, -1073807279 const VI_ERROR_INV_WIDTH = VI_ERROR+0x3FFF0052 # BFFF0052, -1073807278 const VI_ERROR_NSUP_OFFSET = VI_ERROR+0x3FFF0054 # BFFF0054, -1073807276 const VI_ERROR_NSUP_VAR_WIDTH = VI_ERROR+0x3FFF0055 # BFFF0055, -1073807275 const VI_ERROR_WINDOW_NMAPPED = VI_ERROR+0x3FFF0057 # BFFF0057, -1073807273 const VI_ERROR_RESP_PENDING = VI_ERROR+0x3FFF0059 # BFFF0059, -1073807271 const VI_ERROR_NLISTENERS = VI_ERROR+0x3FFF005F # BFFF005F, -1073807265 const VI_ERROR_NCIC = VI_ERROR+0x3FFF0060 # BFFF0060, -1073807264 const VI_ERROR_NSYS_CNTLR = VI_ERROR+0x3FFF0061 # BFFF0061, -1073807263 const VI_ERROR_NSUP_OPER = VI_ERROR+0x3FFF0067 # BFFF0067, -1073807257 const VI_ERROR_INTR_PENDING = VI_ERROR+0x3FFF0068 # BFFF0068, -1073807256 const VI_ERROR_ASRL_PARITY = VI_ERROR+0x3FFF006A # BFFF006A, -1073807254 const VI_ERROR_ASRL_FRAMING = VI_ERROR+0x3FFF006B # BFFF006B, -1073807253 const VI_ERROR_ASRL_OVERRUN = VI_ERROR+0x3FFF006C # BFFF006C, -1073807252 const VI_ERROR_TRIG_NMAPPED = VI_ERROR+0x3FFF006E # BFFF006E, -1073807250 const VI_ERROR_NSUP_ALIGN_OFFSET = VI_ERROR+0x3FFF0070 # BFFF0070, -1073807248 const VI_ERROR_USER_BUF = VI_ERROR+0x3FFF0071 # BFFF0071, -1073807247 const VI_ERROR_RSRC_BUSY = VI_ERROR+0x3FFF0072 # BFFF0072, -1073807246 const VI_ERROR_NSUP_WIDTH = VI_ERROR+0x3FFF0076 # BFFF0076, -1073807242 const VI_ERROR_INV_PARAMETER = VI_ERROR+0x3FFF0078 # BFFF0078, -1073807240 const VI_ERROR_INV_PROT = VI_ERROR+0x3FFF0079 # BFFF0079, -1073807239 const VI_ERROR_INV_SIZE = VI_ERROR+0x3FFF007B # BFFF007B, -1073807237 const VI_ERROR_WINDOW_MAPPED = VI_ERROR+0x3FFF0080 # BFFF0080, -1073807232 const VI_ERROR_NIMPL_OPER = VI_ERROR+0x3FFF0081 # BFFF0081, -1073807231 const VI_ERROR_INV_LENGTH = VI_ERROR+0x3FFF0083 # BFFF0083, -1073807229 const VI_ERROR_INV_MODE = VI_ERROR+0x3FFF0091 # BFFF0091, -1073807215 const VI_ERROR_SESN_NLOCKED = VI_ERROR+0x3FFF009C # BFFF009C, -1073807204 const VI_ERROR_MEM_NSHARED = VI_ERROR+0x3FFF009D # BFFF009D, -1073807203 const VI_ERROR_LIBRARY_NFOUND = VI_ERROR+0x3FFF009E # BFFF009E, -1073807202 const VI_ERROR_NSUP_INTR = VI_ERROR+0x3FFF009F # BFFF009F, -1073807201 const VI_ERROR_INV_LINE = VI_ERROR+0x3FFF00A0 # BFFF00A0, -1073807200 const VI_ERROR_FILE_ACCESS = VI_ERROR+0x3FFF00A1 # BFFF00A1, -1073807199 const VI_ERROR_FILE_IO = VI_ERROR+0x3FFF00A2 # BFFF00A2, -1073807198 const VI_ERROR_NSUP_LINE = VI_ERROR+0x3FFF00A3 # BFFF00A3, -1073807197 const VI_ERROR_NSUP_MECH = VI_ERROR+0x3FFF00A4 # BFFF00A4, -1073807196 const VI_ERROR_INTF_NUM_NCONFIG = VI_ERROR+0x3FFF00A5 # BFFF00A5, -1073807195 const VI_ERROR_CONN_LOST = VI_ERROR+0x3FFF00A6 # BFFF00A6, -1073807194 const VI_ERROR_MACHINE_NAVAIL = VI_ERROR+0x3FFF00A7 # BFFF00A7, -1073807193 const VI_ERROR_NPERMISSION = VI_ERROR+0x3FFF00A8 # BFFF00A8, -1073807192 # Dictionary mapping codes to more verbose information # # See Appendix A of the NI-VISA Programmers Reference #Dictionary maps integer codes to tuples of (Code, Meaning) codes = Dict{Int,Tuple{String,String}}( VI_SUCCESS => ("VI_SUCCESS", "Operation completed successfully."), VI_SUCCESS_EVENT_EN => ("VI_SUCCESS_EVENT_EN", "Specified event is already enabled for at least one of the specified mechanisms."), VI_SUCCESS_EVENT_DIS => ("VI_SUCCESS_EVENT_DIS", "Specified event is already disabled for at least one of the specified mechanisms."), VI_SUCCESS_QUEUE_EMPTY => ("VI_SUCCESS_QUEUE_EMPTY", "Operation completed successfully, but queue was already empty."), VI_SUCCESS_TERM_CHAR => ("VI_SUCCESS_TERM_CHAR", "The specified termination character was read."), VI_SUCCESS_MAX_CNT => ("VI_SUCCESS_MAX_CNT", "The number of bytes transferred is equal to the requested input count. More data may be available."), VI_SUCCESS_DEV_NPRESENT => ("VI_SUCCESS_DEV_NPRESENT", "Session opened successfully, but the device at the specified address is not responding."), VI_SUCCESS_TRIG_MAPPED => ("VI_SUCCESS_TRIG_MAPPED", "The path from trigSrc to trigDest is already mapped."), VI_SUCCESS_QUEUE_NEMPTY => ("VI_SUCCESS_QUEUE_NEMPTY", "Wait terminated successfully on receipt of an event notification. There is at least one more event object of the requested type(s) available for this session."), VI_SUCCESS_NCHAIN => ("VI_SUCCESS_NCHAIN", "Event handled successfully. Do not invoke any other handlers on this session for this event."), VI_SUCCESS_NESTED_SHARED => ("VI_SUCCESS_NESTED_SHARED", "Operation completed successfully, and this session has nested shared locks."), VI_SUCCESS_NESTED_EXCLUSIVE=> ("VI_SUCCESS_NESTED_EXCLUSIVE", "Operation completed successfully, and this session has nested exclusive locks."), VI_SUCCESS_SYNC => ("VI_SUCCESS_SYNC", "Operation completed successfully, but the operation was actually synchronous rather than asynchronous."), VI_WARN_QUEUE_OVERFLOW => ("VI_WARN_QUEUE_OVERFLOW", "VISA received more event information of the specified type than the configured queue size could hold."), VI_WARN_CONFIG_NLOADED => ("VI_WARN_CONFIG_NLOADED", "The specified configuration either does not exist or could not be loaded. VISA-specified defaults will be used."), VI_WARN_NULL_OBJECT => ("VI_WARN_NULL_OBJECT", "The specified object reference is uninitialized."), VI_WARN_NSUP_ATTR_STATE => ("VI_WARN_NSUP_ATTR_STATE", "Although the specified state of the attribute is valid, it is not supported by this implementation."), VI_WARN_UNKNOWN_STATUS => ("VI_WARN_UNKNOWN_STATUS", "The status code passed to the operation could not be interpreted."), VI_WARN_NSUP_BUF => ("VI_WARN_NSUP_BUF", "The specified I/O buffer type is not supported."), VI_WARN_EXT_FUNC_NIMPL => ("VI_WARN_EXT_FUNC_NIMPL", "The operation succeeded, but a lower level driver did not implement the extended functionality."), VI_ERROR_SYSTEM_ERROR => ("VI_ERROR_SYSTEM_ERROR", "Unknown system error (miscellaneous error)."), VI_ERROR_INV_OBJECT => ("VI_ERROR_INV_OBJECT", "The given session or object reference is invalid."), VI_ERROR_RSRC_LOCKED => ("VI_ERROR_RSRC_LOCKED", "Specified type of lock cannot be obtained, or specified operation cannot be performed, because the resource is locked."), VI_ERROR_INV_EXPR => ("VI_ERROR_INV_EXPR", "Invalid expression specified for search."), VI_ERROR_RSRC_NFOUND => ("VI_ERROR_RSRC_NFOUND", "Insufficient location information or the requested device or resource is not present in the system."), VI_ERROR_INV_RSRC_NAME => ("VI_ERROR_INV_RSRC_NAME", "Invalid resource reference specified. Parsing error."), VI_ERROR_INV_ACC_MODE => ("VI_ERROR_INV_ACC_MODE", "Invalid access mode."), VI_ERROR_TMO => ("VI_ERROR_TMO", "Timeout expired before operation completed."), VI_ERROR_CLOSING_FAILED => ("VI_ERROR_CLOSING_FAILED", "The VISA driver failed to properly close the session or object reference. This might be due to an error freeing internal or OS resources, a failed network connection, or a lower-level driver or OS error."), VI_ERROR_INV_DEGREE => ("VI_ERROR_INV_DEGREE", "Specified degree is invalid."), VI_ERROR_INV_JOB_ID => ("VI_ERROR_INV_JOB_ID", "Specified job identifier is invalid."), VI_ERROR_NSUP_ATTR => ("VI_ERROR_NSUP_ATTR", "The specified attribute is not defined or supported by the referenced object."), VI_ERROR_NSUP_ATTR_STATE => ("VI_ERROR_NSUP_ATTR_STATE", "The specified state of the attribute is not valid, or is not supported as defined by the object."), VI_ERROR_ATTR_READONLY => ("VI_ERROR_ATTR_READONLY", "The specified attribute is read-only."), VI_ERROR_INV_LOCK_TYPE => ("VI_ERROR_INV_LOCK_TYPE", "The specified type of lock is not supported by this resource."), VI_ERROR_INV_ACCESS_KEY => ("VI_ERROR_INV_ACCESS_KEY", "The access key to the resource associated with the specified session is invalid."), VI_ERROR_INV_EVENT => ("VI_ERROR_INV_EVENT", "Specified event type is not supported by the resource."), VI_ERROR_INV_MECH => ("VI_ERROR_INV_MECH", "Invalid mechanism specified."), VI_ERROR_HNDLR_NINSTALLED => ("VI_ERROR_HNDLR_NINSTALLED", "A handler was not installed."), VI_ERROR_INV_HNDLR_REF => ("VI_ERROR_INV_HNDLR_REF", "The given handler reference is either invalid or was not installed."), VI_ERROR_INV_CONTEXT => ("VI_ERROR_INV_CONTEXT", "Specified event context is invalid."), VI_ERROR_QUEUE_OVERFLOW => ("VI_ERROR_QUEUE_OVERFLOW", "The event queue for the specified type has overflowed (usually due to previous events not having been closed)."), VI_ERROR_NENABLED => ("VI_ERROR_NENABLED", "You must be enabled for events of the specified type in order to receive them."), VI_ERROR_ABORT => ("VI_ERROR_ABORT", "User abort occurred during transfer."), VI_ERROR_RAW_WR_PROT_VIOL => ("VI_ERROR_RAW_WR_PROT_VIOL", "Violation of raw write protocol occurred during transfer."), VI_ERROR_RAW_RD_PROT_VIOL => ("VI_ERROR_RAW_RD_PROT_VIOL", "Violation of raw read protocol occurred during transfer."), VI_ERROR_OUTP_PROT_VIOL => ("VI_ERROR_OUTP_PROT_VIOL", "Device reported an output protocol error during transfer."), VI_ERROR_INP_PROT_VIOL => ("VI_ERROR_INP_PROT_VIOL", "Device reported an input protocol error during transfer."), VI_ERROR_BERR => ("VI_ERROR_BERR", "Bus error occurred during transfer."), VI_ERROR_IN_PROGRESS => ("VI_ERROR_IN_PROGRESS", "Unable to queue the asynchronous operation because there is already an operation in progress."), VI_ERROR_INV_SETUP => ("VI_ERROR_INV_SETUP", "Unable to start operation because setup is invalid (usually due to attributes being set to an inconsistent state)."), VI_ERROR_QUEUE_ERROR => ("VI_ERROR_QUEUE_ERROR", "Unable to queue the asynchronous operation (usually due to the I/O completion event not being enabled or insufficient space in the session's queue)."), VI_ERROR_ALLOC => ("VI_ERROR_ALLOC", "Insufficient system resources to perform necessary memory allocation."), VI_ERROR_INV_MASK => ("VI_ERROR_INV_MASK", "Invalid buffer mask specified."), VI_ERROR_IO => ("VI_ERROR_IO", "Could not perform operation because of I/O error."), VI_ERROR_INV_FMT => ("VI_ERROR_INV_FMT", "A format specifier in the format string is invalid."), VI_ERROR_NSUP_FMT => ("VI_ERROR_NSUP_FMT", "A format specifier in the format string is not supported."), VI_ERROR_LINE_IN_USE => ("VI_ERROR_LINE_IN_USE", "The specified trigger line is currently in use."), VI_ERROR_NSUP_MODE => ("VI_ERROR_NSUP_MODE", "The specified mode is not supported by this VISA implementation."), VI_ERROR_SRQ_NOCCURRED => ("VI_ERROR_SRQ_NOCCURRED", "Service request has not been received for the session."), VI_ERROR_INV_SPACE => ("VI_ERROR_INV_SPACE", "Invalid address space specified."), VI_ERROR_INV_OFFSET => ("VI_ERROR_INV_OFFSET", "Invalid offset specified."), VI_ERROR_INV_WIDTH => ("VI_ERROR_INV_WIDTH", "Invalid access width specified."), VI_ERROR_NSUP_OFFSET => ("VI_ERROR_NSUP_OFFSET", "Specified offset is not accessible from this hardware."), VI_ERROR_NSUP_VAR_WIDTH => ("VI_ERROR_NSUP_VAR_WIDTH", "Cannot support source and destination widths that are different."), VI_ERROR_WINDOW_NMAPPED => ("VI_ERROR_WINDOW_NMAPPED", "The specified session is not currently mapped."), VI_ERROR_RESP_PENDING => ("VI_ERROR_RESP_PENDING", "A previous response is still pending, causing a multiple query error."), VI_ERROR_NLISTENERS => ("VI_ERROR_NLISTENERS", "No listeners condition is detected (both NRFD and NDAC are deasserted)."), VI_ERROR_NCIC => ("VI_ERROR_NCIC", "The interface associated with this session is not currently the controller in charge."), VI_ERROR_NSYS_CNTLR => ("VI_ERROR_NSYS_CNTLR", "The interface associated with this session is not the system controller."), VI_ERROR_NSUP_OPER => ("VI_ERROR_NSUP_OPER", "The given session or object reference does not support this operation."), VI_ERROR_INTR_PENDING => ("VI_ERROR_INTR_PENDING", "An interrupt is still pending from a previous call."), VI_ERROR_ASRL_PARITY => ("VI_ERROR_ASRL_PARITY", "A parity error occurred during transfer."), VI_ERROR_ASRL_FRAMING => ("VI_ERROR_ASRL_FRAMING", "A framing error occurred during transfer."), VI_ERROR_ASRL_OVERRUN => ("VI_ERROR_ASRL_OVERRUN", "An overrun error occurred during transfer. A character was not read from the hardware before the next character arrived."), VI_ERROR_TRIG_NMAPPED => ("VI_ERROR_TRIG_NMAPPED", "The path from trigSrc to trigDest is not currently mapped."), VI_ERROR_NSUP_ALIGN_OFFSET => ("VI_ERROR_NSUP_ALIGN_OFFSET", "The specified offset is not properly aligned for the access width of the operation."), VI_ERROR_USER_BUF => ("VI_ERROR_USER_BUF", "A specified user buffer is not valid or cannot be accessed for the required size."), VI_ERROR_RSRC_BUSY => ("VI_ERROR_RSRC_BUSY", "The resource is valid, but VISA cannot currently access it."), VI_ERROR_NSUP_WIDTH => ("VI_ERROR_NSUP_WIDTH", "Specified width is not supported by this hardware."), VI_ERROR_INV_PARAMETER => ("VI_ERROR_INV_PARAMETER", "The value of some parameter (which parameter is not known) is invalid."), VI_ERROR_INV_PROT => ("VI_ERROR_INV_PROT", "The protocol specified is invalid."), VI_ERROR_INV_SIZE => ("VI_ERROR_INV_SIZE", "Invalid size of window specified."), VI_ERROR_WINDOW_MAPPED => ("VI_ERROR_WINDOW_MAPPED", "The specified session currently contains a mapped window."), VI_ERROR_NIMPL_OPER => ("VI_ERROR_NIMPL_OPER", "The given operation is not implemented."), VI_ERROR_INV_LENGTH => ("VI_ERROR_INV_LENGTH", "Invalid length specified."), VI_ERROR_INV_MODE => ("VI_ERROR_INV_MODE", "Invalid mode specified."), VI_ERROR_SESN_NLOCKED => ("VI_ERROR_SESN_NLOCKED", "The current session did not have a lock on the resource."), VI_ERROR_MEM_NSHARED => ("VI_ERROR_MEM_NSHARED", "The device does not export any memory."), VI_ERROR_LIBRARY_NFOUND => ("VI_ERROR_LIBRARY_NFOUND", "A code library required by VISA could not be located or loaded."), VI_ERROR_NSUP_INTR => ("VI_ERROR_NSUP_INTR", "The interface cannot generate an interrupt on the requested level or with the requested statusID value."), VI_ERROR_INV_LINE => ("VI_ERROR_INV_LINE", "The value specified by the line parameter is invalid."), VI_ERROR_FILE_ACCESS => ("VI_ERROR_FILE_ACCESS", "An error occurred while trying to open the specified file. Possible reasons include an invalid path or lack of access rights."), VI_ERROR_FILE_IO => ("VI_ERROR_FILE_IO", "An error occurred while performing I/O on the specified file."), VI_ERROR_NSUP_LINE => ("VI_ERROR_NSUP_LINE", "One of the specified lines (trigSrc or trigDest) is not supported by this VISA implementation, or the combination of lines is not a valid mapping."), VI_ERROR_NSUP_MECH => ("VI_ERROR_NSUP_MECH", "The specified mechanism is not supported for the given event type."), VI_ERROR_INTF_NUM_NCONFIG => ("VI_ERROR_INTF_NUM_NCONFIG", "The interface type is valid but the specified interface number is not configured."), VI_ERROR_CONN_LOST => ("VI_ERROR_CONN_LOST", "The connection for the given session has been lost."), VI_ERROR_MACHINE_NAVAIL => ("VI_ERROR_MACHINE_NAVAIL", "The remote machine does not exist or is not accepting any connections. If the NI-VISA server is installed and running on the remote machine, it may have an incompatible version or may be listening on a different port."), VI_ERROR_NPERMISSION => ("VI_ERROR_NPERMISSION", "Access to the resource or remote machine is denied. This is due to lack of sufficient privileges for the current user or machine") )
Instruments
https://github.com/BBN-Q/Instruments.jl.git
[ "MIT" ]
0.2.0
a03ccfb41392241b384f650901557bf6d5500401
code
21507
#- Other VISA Definitions --------------------------------------------------*/ const WORD_SIZE = 64 const VI_NULL = 0 const VI_TRUE = 1 const VI_FALSE = 0 #- Attributes (platform independent size) ----------------------------------*/ const VI_ATTR_RSRC_CLASS = 0xBFFF0001 const VI_ATTR_RSRC_NAME = 0xBFFF0002 const VI_ATTR_RSRC_IMPL_VERSION = 0x3FFF0003 const VI_ATTR_RSRC_LOCK_STATE = 0x3FFF0004 const VI_ATTR_MAX_QUEUE_LENGTH = 0x3FFF0005 const VI_ATTR_USER_DATA_32 = 0x3FFF0007 const VI_ATTR_FDC_CHNL = 0x3FFF000D const VI_ATTR_FDC_MODE = 0x3FFF000F const VI_ATTR_FDC_GEN_SIGNAL_EN = 0x3FFF0011 const VI_ATTR_FDC_USE_PAIR = 0x3FFF0013 const VI_ATTR_SEND_END_EN = 0x3FFF0016 const VI_ATTR_TERMCHAR = 0x3FFF0018 const VI_ATTR_TMO_VALUE = 0x3FFF001A const VI_ATTR_GPIB_READDR_EN = 0x3FFF001B const VI_ATTR_IO_PROT = 0x3FFF001C const VI_ATTR_DMA_ALLOW_EN = 0x3FFF001E const VI_ATTR_ASRL_BAUD = 0x3FFF0021 const VI_ATTR_ASRL_DATA_BITS = 0x3FFF0022 const VI_ATTR_ASRL_PARITY = 0x3FFF0023 const VI_ATTR_ASRL_STOP_BITS = 0x3FFF0024 const VI_ATTR_ASRL_FLOW_CNTRL = 0x3FFF0025 const VI_ATTR_RD_BUF_OPER_MODE = 0x3FFF002A const VI_ATTR_RD_BUF_SIZE = 0x3FFF002B const VI_ATTR_WR_BUF_OPER_MODE = 0x3FFF002D const VI_ATTR_WR_BUF_SIZE = 0x3FFF002E const VI_ATTR_SUPPRESS_END_EN = 0x3FFF0036 const VI_ATTR_TERMCHAR_EN = 0x3FFF0038 const VI_ATTR_DEST_ACCESS_PRIV = 0x3FFF0039 const VI_ATTR_DEST_BYTE_ORDER = 0x3FFF003A const VI_ATTR_SRC_ACCESS_PRIV = 0x3FFF003C const VI_ATTR_SRC_BYTE_ORDER = 0x3FFF003D const VI_ATTR_SRC_INCREMENT = 0x3FFF0040 const VI_ATTR_DEST_INCREMENT = 0x3FFF0041 const VI_ATTR_WIN_ACCESS_PRIV = 0x3FFF0045 const VI_ATTR_WIN_BYTE_ORDER = 0x3FFF0047 const VI_ATTR_GPIB_ATN_STATE = 0x3FFF0057 const VI_ATTR_GPIB_ADDR_STATE = 0x3FFF005C const VI_ATTR_GPIB_CIC_STATE = 0x3FFF005E const VI_ATTR_GPIB_NDAC_STATE = 0x3FFF0062 const VI_ATTR_GPIB_SRQ_STATE = 0x3FFF0067 const VI_ATTR_GPIB_SYS_CNTRL_STATE = 0x3FFF0068 const VI_ATTR_GPIB_HS488_CBL_LEN = 0x3FFF0069 const VI_ATTR_CMDR_LA = 0x3FFF006B const VI_ATTR_VXI_DEV_CLASS = 0x3FFF006C const VI_ATTR_MAINFRAME_LA = 0x3FFF0070 const VI_ATTR_MANF_NAME = 0xBFFF0072 const VI_ATTR_MODEL_NAME = 0xBFFF0077 const VI_ATTR_VXI_VME_INTR_STATUS = 0x3FFF008B const VI_ATTR_VXI_TRIG_STATUS = 0x3FFF008D const VI_ATTR_VXI_VME_SYSFAIL_STATE = 0x3FFF0094 const VI_ATTR_WIN_BASE_ADDR_32 = 0x3FFF0098 const VI_ATTR_WIN_SIZE_32 = 0x3FFF009A const VI_ATTR_ASRL_AVAIL_NUM = 0x3FFF00AC const VI_ATTR_MEM_BASE_32 = 0x3FFF00AD const VI_ATTR_ASRL_CTS_STATE = 0x3FFF00AE const VI_ATTR_ASRL_DCD_STATE = 0x3FFF00AF const VI_ATTR_ASRL_DSR_STATE = 0x3FFF00B1 const VI_ATTR_ASRL_DTR_STATE = 0x3FFF00B2 const VI_ATTR_ASRL_END_IN = 0x3FFF00B3 const VI_ATTR_ASRL_END_OUT = 0x3FFF00B4 const VI_ATTR_ASRL_REPLACE_CHAR = 0x3FFF00BE const VI_ATTR_ASRL_RI_STATE = 0x3FFF00BF const VI_ATTR_ASRL_RTS_STATE = 0x3FFF00C0 const VI_ATTR_ASRL_XON_CHAR = 0x3FFF00C1 const VI_ATTR_ASRL_XOFF_CHAR = 0x3FFF00C2 const VI_ATTR_WIN_ACCESS = 0x3FFF00C3 const VI_ATTR_RM_SESSION = 0x3FFF00C4 const VI_ATTR_VXI_LA = 0x3FFF00D5 const VI_ATTR_MANF_ID = 0x3FFF00D9 const VI_ATTR_MEM_SIZE_32 = 0x3FFF00DD const VI_ATTR_MEM_SPACE = 0x3FFF00DE const VI_ATTR_MODEL_CODE = 0x3FFF00DF const VI_ATTR_SLOT = 0x3FFF00E8 const VI_ATTR_INTF_INST_NAME = 0xBFFF00E9 const VI_ATTR_IMMEDIATE_SERV = 0x3FFF0100 const VI_ATTR_INTF_PARENT_NUM = 0x3FFF0101 const VI_ATTR_RSRC_SPEC_VERSION = 0x3FFF0170 const VI_ATTR_INTF_TYPE = 0x3FFF0171 const VI_ATTR_GPIB_PRIMARY_ADDR = 0x3FFF0172 const VI_ATTR_GPIB_SECONDARY_ADDR = 0x3FFF0173 const VI_ATTR_RSRC_MANF_NAME = 0xBFFF0174 const VI_ATTR_RSRC_MANF_ID = 0x3FFF0175 const VI_ATTR_INTF_NUM = 0x3FFF0176 const VI_ATTR_TRIG_ID = 0x3FFF0177 const VI_ATTR_GPIB_REN_STATE = 0x3FFF0181 const VI_ATTR_GPIB_UNADDR_EN = 0x3FFF0184 const VI_ATTR_DEV_STATUS_BYTE = 0x3FFF0189 const VI_ATTR_FILE_APPEND_EN = 0x3FFF0192 const VI_ATTR_VXI_TRIG_SUPPORT = 0x3FFF0194 const VI_ATTR_TCPIP_ADDR = 0xBFFF0195 const VI_ATTR_TCPIP_HOSTNAME = 0xBFFF0196 const VI_ATTR_TCPIP_PORT = 0x3FFF0197 const VI_ATTR_TCPIP_DEVICE_NAME = 0xBFFF0199 const VI_ATTR_TCPIP_NODELAY = 0x3FFF019A const VI_ATTR_TCPIP_KEEPALIVE = 0x3FFF019B const VI_ATTR_4882_COMPLIANT = 0x3FFF019F const VI_ATTR_USB_SERIAL_NUM = 0xBFFF01A0 const VI_ATTR_USB_INTFC_NUM = 0x3FFF01A1 const VI_ATTR_USB_PROTOCOL = 0x3FFF01A7 const VI_ATTR_USB_MAX_INTR_SIZE = 0x3FFF01AF const VI_ATTR_PXI_DEV_NUM = 0x3FFF0201 const VI_ATTR_PXI_FUNC_NUM = 0x3FFF0202 const VI_ATTR_PXI_BUS_NUM = 0x3FFF0205 const VI_ATTR_PXI_CHASSIS = 0x3FFF0206 const VI_ATTR_PXI_SLOTPATH = 0xBFFF0207 const VI_ATTR_PXI_SLOT_LBUS_LEFT = 0x3FFF0208 const VI_ATTR_PXI_SLOT_LBUS_RIGHT = 0x3FFF0209 const VI_ATTR_PXI_TRIG_BUS = 0x3FFF020A const VI_ATTR_PXI_STAR_TRIG_BUS = 0x3FFF020B const VI_ATTR_PXI_STAR_TRIG_LINE = 0x3FFF020C const VI_ATTR_PXI_SRC_TRIG_BUS = 0x3FFF020D const VI_ATTR_PXI_DEST_TRIG_BUS = 0x3FFF020E const VI_ATTR_PXI_MEM_TYPE_BAR0 = 0x3FFF0211 const VI_ATTR_PXI_MEM_TYPE_BAR1 = 0x3FFF0212 const VI_ATTR_PXI_MEM_TYPE_BAR2 = 0x3FFF0213 const VI_ATTR_PXI_MEM_TYPE_BAR3 = 0x3FFF0214 const VI_ATTR_PXI_MEM_TYPE_BAR4 = 0x3FFF0215 const VI_ATTR_PXI_MEM_TYPE_BAR5 = 0x3FFF0216 const VI_ATTR_PXI_MEM_BASE_BAR0_32 = 0x3FFF0221 const VI_ATTR_PXI_MEM_BASE_BAR1_32 = 0x3FFF0222 const VI_ATTR_PXI_MEM_BASE_BAR2_32 = 0x3FFF0223 const VI_ATTR_PXI_MEM_BASE_BAR3_32 = 0x3FFF0224 const VI_ATTR_PXI_MEM_BASE_BAR4_32 = 0x3FFF0225 const VI_ATTR_PXI_MEM_BASE_BAR5_32 = 0x3FFF0226 const VI_ATTR_PXI_MEM_BASE_BAR0_64 = 0x3FFF0228 const VI_ATTR_PXI_MEM_BASE_BAR1_64 = 0x3FFF0229 const VI_ATTR_PXI_MEM_BASE_BAR2_64 = 0x3FFF022A const VI_ATTR_PXI_MEM_BASE_BAR3_64 = 0x3FFF022B const VI_ATTR_PXI_MEM_BASE_BAR4_64 = 0x3FFF022C const VI_ATTR_PXI_MEM_BASE_BAR5_64 = 0x3FFF022D const VI_ATTR_PXI_MEM_SIZE_BAR0_32 = 0x3FFF0231 const VI_ATTR_PXI_MEM_SIZE_BAR1_32 = 0x3FFF0232 const VI_ATTR_PXI_MEM_SIZE_BAR2_32 = 0x3FFF0233 const VI_ATTR_PXI_MEM_SIZE_BAR3_32 = 0x3FFF0234 const VI_ATTR_PXI_MEM_SIZE_BAR4_32 = 0x3FFF0235 const VI_ATTR_PXI_MEM_SIZE_BAR5_32 = 0x3FFF0236 const VI_ATTR_PXI_MEM_SIZE_BAR0_64 = 0x3FFF0238 const VI_ATTR_PXI_MEM_SIZE_BAR1_64 = 0x3FFF0239 const VI_ATTR_PXI_MEM_SIZE_BAR2_64 = 0x3FFF023A const VI_ATTR_PXI_MEM_SIZE_BAR3_64 = 0x3FFF023B const VI_ATTR_PXI_MEM_SIZE_BAR4_64 = 0x3FFF023C const VI_ATTR_PXI_MEM_SIZE_BAR5_64 = 0x3FFF023D const VI_ATTR_PXI_IS_EXPRESS = 0x3FFF0240 const VI_ATTR_PXI_SLOT_LWIDTH = 0x3FFF0241 const VI_ATTR_PXI_MAX_LWIDTH = 0x3FFF0242 const VI_ATTR_PXI_ACTUAL_LWIDTH = 0x3FFF0243 const VI_ATTR_PXI_DSTAR_BUS = 0x3FFF0244 const VI_ATTR_PXI_DSTAR_SET = 0x3FFF0245 const VI_ATTR_PXI_ALLOW_WRITE_COMBINE = 0x3FFF0246 const VI_ATTR_TCPIP_HISLIP_OVERLAP_EN = 0x3FFF0300 const VI_ATTR_TCPIP_HISLIP_VERSION = 0x3FFF0301 const VI_ATTR_TCPIP_HISLIP_MAX_MESSAGE_KB = 0x3FFF0302 const VI_ATTR_TCPIP_IS_HISLIP = 0x3FFF0303 const VI_ATTR_JOB_ID = 0x3FFF4006 const VI_ATTR_EVENT_TYPE = 0x3FFF4010 const VI_ATTR_SIGP_STATUS_ID = 0x3FFF4011 const VI_ATTR_RECV_TRIG_ID = 0x3FFF4012 const VI_ATTR_INTR_STATUS_ID = 0x3FFF4023 const VI_ATTR_STATUS = 0x3FFF4025 const VI_ATTR_RET_COUNT_32 = 0x3FFF4026 const VI_ATTR_BUFFER = 0x3FFF4027 const VI_ATTR_RECV_INTR_LEVEL = 0x3FFF4041 const VI_ATTR_OPER_NAME = 0xBFFF4042 const VI_ATTR_GPIB_RECV_CIC_STATE = 0x3FFF4193 const VI_ATTR_RECV_TCPIP_ADDR = 0xBFFF4198 const VI_ATTR_USB_RECV_INTR_SIZE = 0x3FFF41B0 const VI_ATTR_USB_RECV_INTR_DATA = 0xBFFF41B1 const VI_ATTR_PXI_RECV_INTR_SEQ = 0x3FFF4240 const VI_ATTR_PXI_RECV_INTR_DATA = 0x3FFF4241 #- Attributes (platform dependent size) ------------------------------------*/ if WORD_SIZE == 64 ViAttrState = ViUInt64 else ViAttrState = ViUInt32 end if WORD_SIZE == 64 const VI_ATTR_USER_DATA_64 = 0x3FFF000A const VI_ATTR_RET_COUNT_64 = 0x3FFF4028 const VI_ATTR_USER_DATA = VI_ATTR_USER_DATA_64 const VI_ATTR_RET_COUNT = VI_ATTR_RET_COUNT_64 else const VI_ATTR_USER_DATA = VI_ATTR_USER_DATA_32 const VI_ATTR_RET_COUNT = VI_ATTR_RET_COUNT_32 end if WORD_SIZE == 64 const VI_ATTR_WIN_BASE_ADDR_64 = 0x3FFF009B const VI_ATTR_WIN_SIZE_64 = 0x3FFF009C const VI_ATTR_MEM_BASE_64 = 0x3FFF00D0 const VI_ATTR_MEM_SIZE_64 = 0x3FFF00D1 end if WORD_SIZE == 64 const VI_ATTR_WIN_BASE_ADDR = VI_ATTR_WIN_BASE_ADDR_64 const VI_ATTR_WIN_SIZE = VI_ATTR_WIN_SIZE_64 const VI_ATTR_MEM_BASE = VI_ATTR_MEM_BASE_64 const VI_ATTR_MEM_SIZE = VI_ATTR_MEM_SIZE_64 const VI_ATTR_PXI_MEM_BASE_BAR0 = VI_ATTR_PXI_MEM_BASE_BAR0_64 const VI_ATTR_PXI_MEM_BASE_BAR1 = VI_ATTR_PXI_MEM_BASE_BAR1_64 const VI_ATTR_PXI_MEM_BASE_BAR2 = VI_ATTR_PXI_MEM_BASE_BAR2_64 const VI_ATTR_PXI_MEM_BASE_BAR3 = VI_ATTR_PXI_MEM_BASE_BAR3_64 const VI_ATTR_PXI_MEM_BASE_BAR4 = VI_ATTR_PXI_MEM_BASE_BAR4_64 const VI_ATTR_PXI_MEM_BASE_BAR5 = VI_ATTR_PXI_MEM_BASE_BAR5_64 const VI_ATTR_PXI_MEM_SIZE_BAR0 = VI_ATTR_PXI_MEM_SIZE_BAR0_64 const VI_ATTR_PXI_MEM_SIZE_BAR1 = VI_ATTR_PXI_MEM_SIZE_BAR1_64 const VI_ATTR_PXI_MEM_SIZE_BAR2 = VI_ATTR_PXI_MEM_SIZE_BAR2_64 const VI_ATTR_PXI_MEM_SIZE_BAR3 = VI_ATTR_PXI_MEM_SIZE_BAR3_64 const VI_ATTR_PXI_MEM_SIZE_BAR4 = VI_ATTR_PXI_MEM_SIZE_BAR4_64 const VI_ATTR_PXI_MEM_SIZE_BAR5 = VI_ATTR_PXI_MEM_SIZE_BAR5_64 else const VI_ATTR_WIN_BASE_ADDR = VI_ATTR_WIN_BASE_ADDR_32 const VI_ATTR_WIN_SIZE = VI_ATTR_WIN_SIZE_32 const VI_ATTR_MEM_BASE = VI_ATTR_MEM_BASE_32 const VI_ATTR_MEM_SIZE = VI_ATTR_MEM_SIZE_32 const VI_ATTR_PXI_MEM_BASE_BAR0 = VI_ATTR_PXI_MEM_BASE_BAR0_32 const VI_ATTR_PXI_MEM_BASE_BAR1 = VI_ATTR_PXI_MEM_BASE_BAR1_32 const VI_ATTR_PXI_MEM_BASE_BAR2 = VI_ATTR_PXI_MEM_BASE_BAR2_32 const VI_ATTR_PXI_MEM_BASE_BAR3 = VI_ATTR_PXI_MEM_BASE_BAR3_32 const VI_ATTR_PXI_MEM_BASE_BAR4 = VI_ATTR_PXI_MEM_BASE_BAR4_32 const VI_ATTR_PXI_MEM_BASE_BAR5 = VI_ATTR_PXI_MEM_BASE_BAR5_32 const VI_ATTR_PXI_MEM_SIZE_BAR0 = VI_ATTR_PXI_MEM_SIZE_BAR0_32 const VI_ATTR_PXI_MEM_SIZE_BAR1 = VI_ATTR_PXI_MEM_SIZE_BAR1_32 const VI_ATTR_PXI_MEM_SIZE_BAR2 = VI_ATTR_PXI_MEM_SIZE_BAR2_32 const VI_ATTR_PXI_MEM_SIZE_BAR3 = VI_ATTR_PXI_MEM_SIZE_BAR3_32 const VI_ATTR_PXI_MEM_SIZE_BAR4 = VI_ATTR_PXI_MEM_SIZE_BAR4_32 const VI_ATTR_PXI_MEM_SIZE_BAR5 = VI_ATTR_PXI_MEM_SIZE_BAR5_32 end #- Event Types -------------------------------------------------------------*/ const VI_EVENT_IO_COMPLETION = 0x3FFF2009 const VI_EVENT_TRIG = 0xBFFF200A const VI_EVENT_SERVICE_REQ = 0x3FFF200B const VI_EVENT_CLEAR = 0x3FFF200D const VI_EVENT_EXCEPTION = 0xBFFF200E const VI_EVENT_GPIB_CIC = 0x3FFF2012 const VI_EVENT_GPIB_TALK = 0x3FFF2013 const VI_EVENT_GPIB_LISTEN = 0x3FFF2014 const VI_EVENT_VXI_VME_SYSFAIL = 0x3FFF201D const VI_EVENT_VXI_VME_SYSRESET = 0x3FFF201E const VI_EVENT_VXI_SIGP = 0x3FFF2020 const VI_EVENT_VXI_VME_INTR = 0xBFFF2021 const VI_EVENT_PXI_INTR = 0x3FFF2022 const VI_EVENT_TCPIP_CONNECT = 0x3FFF2036 const VI_EVENT_USB_INTR = 0x3FFF2037 const VI_ALL_ENABLED_EVENTS = 0x3FFF7FFF #- Other VISA Definitions --------------------------------------------------*/ # const VI_VERSION_MAJOR(ver) ((((ViVersion)ver) & 0xFFF00000 >> 20) # const VI_VERSION_MINOR(ver) ((((ViVersion)ver) & 0x000FFF00 >> 8) # const VI_VERSION_SUBMINOR(ver) ((((ViVersion)ver) & 0x000000FF ) const VI_FIND_BUFLEN = 256 const VI_INTF_GPIB = 1 const VI_INTF_VXI = 2 const VI_INTF_GPIB_VXI = 3 const VI_INTF_ASRL = 4 const VI_INTF_PXI = 5 const VI_INTF_TCPIP = 6 const VI_INTF_USB = 7 const VI_PROT_NORMAL = 1 const VI_PROT_FDC = 2 const VI_PROT_HS488 = 3 const VI_PROT_4882_STRS = 4 const VI_PROT_USBTMC_VENDOR = 5 const VI_FDC_NORMAL = 1 const VI_FDC_STREAM = 2 const VI_LOCAL_SPACE = 0 const VI_A16_SPACE = 1 const VI_A24_SPACE = 2 const VI_A32_SPACE = 3 const VI_A64_SPACE = 4 const VI_PXI_ALLOC_SPACE = 9 const VI_PXI_CFG_SPACE = 10 const VI_PXI_BAR0_SPACE = 11 const VI_PXI_BAR1_SPACE = 12 const VI_PXI_BAR2_SPACE = 13 const VI_PXI_BAR3_SPACE = 14 const VI_PXI_BAR4_SPACE = 15 const VI_PXI_BAR5_SPACE = 16 const VI_OPAQUE_SPACE = 0xFFFF const VI_UNKNOWN_LA = -1 const VI_UNKNOWN_SLOT = -1 const VI_UNKNOWN_LEVEL = -1 const VI_UNKNOWN_CHASSIS = -1 const VI_QUEUE = 1 const VI_HNDLR = 2 const VI_SUSPEND_HNDLR = 4 const VI_ALL_MECH = 0xFFFF const VI_ANY_HNDLR = 0 const VI_TRIG_ALL = -2 const VI_TRIG_SW = -1 const VI_TRIG_TTL0 = 0 const VI_TRIG_TTL1 = 1 const VI_TRIG_TTL2 = 2 const VI_TRIG_TTL3 = 3 const VI_TRIG_TTL4 = 4 const VI_TRIG_TTL5 = 5 const VI_TRIG_TTL6 = 6 const VI_TRIG_TTL7 = 7 const VI_TRIG_ECL0 = 8 const VI_TRIG_ECL1 = 9 const VI_TRIG_ECL2 = 10 const VI_TRIG_ECL3 = 11 const VI_TRIG_ECL4 = 12 const VI_TRIG_ECL5 = 13 const VI_TRIG_STAR_SLOT1 = 14 const VI_TRIG_STAR_SLOT2 = 15 const VI_TRIG_STAR_SLOT3 = 16 const VI_TRIG_STAR_SLOT4 = 17 const VI_TRIG_STAR_SLOT5 = 18 const VI_TRIG_STAR_SLOT6 = 19 const VI_TRIG_STAR_SLOT7 = 20 const VI_TRIG_STAR_SLOT8 = 21 const VI_TRIG_STAR_SLOT9 = 22 const VI_TRIG_STAR_SLOT10 = 23 const VI_TRIG_STAR_SLOT11 = 24 const VI_TRIG_STAR_SLOT12 = 25 const VI_TRIG_STAR_INSTR = 26 const VI_TRIG_PANEL_IN = 27 const VI_TRIG_PANEL_OUT = 28 const VI_TRIG_STAR_VXI0 = 29 const VI_TRIG_STAR_VXI1 = 30 const VI_TRIG_STAR_VXI2 = 31 const VI_TRIG_PROT_DEFAULT = 0 const VI_TRIG_PROT_ON = 1 const VI_TRIG_PROT_OFF = 2 const VI_TRIG_PROT_SYNC = 5 const VI_TRIG_PROT_RESERVE = 6 const VI_TRIG_PROT_UNRESERVE = 7 const VI_READ_BUF = 1 const VI_WRITE_BUF = 2 const VI_READ_BUF_DISCARD = 4 const VI_WRITE_BUF_DISCARD = 8 const VI_IO_IN_BUF = 16 const VI_IO_OUT_BUF = 32 const VI_IO_IN_BUF_DISCARD = 64 const VI_IO_OUT_BUF_DISCARD = 128 const VI_FLUSH_ON_ACCESS = 1 const VI_FLUSH_WHEN_FULL = 2 const VI_FLUSH_DISABLE = 3 const VI_NMAPPED = 1 const VI_USE_OPERS = 2 const VI_DEREF_ADDR = 3 const VI_DEREF_ADDR_BYTE_SWAP = 4 const VI_TMO_IMMEDIATE = 0x00000000 const VI_TMO_INFINITE = 0xFFFFFFFF const VI_NO_LOCK = 0x00000000 const VI_EXCLUSIVE_LOCK = 0x00000001 const VI_SHARED_LOCK = 0x00000002 const VI_LOAD_CONFIG = 0x00000003 const VI_NO_SEC_ADDR = 0xFFFF const VI_ASRL_PAR_NONE = 0 const VI_ASRL_PAR_ODD = 1 const VI_ASRL_PAR_EVEN = 2 const VI_ASRL_PAR_MARK = 3 const VI_ASRL_PAR_SPACE = 4 const VI_ASRL_STOP_ONE = 10 const VI_ASRL_STOP_ONE5 = 15 const VI_ASRL_STOP_TWO = 20 const VI_ASRL_FLOW_NONE = 0 const VI_ASRL_FLOW_XON_XOFF = 1 const VI_ASRL_FLOW_RTS_CTS = 2 const VI_ASRL_FLOW_DTR_DSR = 4 const VI_ASRL_END_NONE = 0 const VI_ASRL_END_LAST_BIT = 1 const VI_ASRL_END_TERMCHAR = 2 const VI_ASRL_END_BREAK = 3 const VI_STATE_ASSERTED = 1 const VI_STATE_UNASSERTED = 0 const VI_STATE_UNKNOWN = -1 const VI_BIG_ENDIAN = 0 const VI_LITTLE_ENDIAN = 1 const VI_DATA_PRIV = 0 const VI_DATA_NPRIV = 1 const VI_PROG_PRIV = 2 const VI_PROG_NPRIV = 3 const VI_BLCK_PRIV = 4 const VI_BLCK_NPRIV = 5 const VI_D64_PRIV = 6 const VI_D64_NPRIV = 7 const VI_D64_2EVME = 8 const VI_D64_SST160 = 9 const VI_D64_SST267 = 10 const VI_D64_SST320 = 11 const VI_WIDTH_8 = 1 const VI_WIDTH_16 = 2 const VI_WIDTH_32 = 4 const VI_WIDTH_64 = 8 const VI_GPIB_REN_DEASSERT = 0 const VI_GPIB_REN_ASSERT = 1 const VI_GPIB_REN_DEASSERT_GTL = 2 const VI_GPIB_REN_ASSERT_ADDRESS = 3 const VI_GPIB_REN_ASSERT_LLO = 4 const VI_GPIB_REN_ASSERT_ADDRESS_LLO = 5 const VI_GPIB_REN_ADDRESS_GTL = 6 const VI_GPIB_ATN_DEASSERT = 0 const VI_GPIB_ATN_ASSERT = 1 const VI_GPIB_ATN_DEASSERT_HANDSHAKE = 2 const VI_GPIB_ATN_ASSERT_IMMEDIATE = 3 const VI_GPIB_HS488_DISABLED = 0 const VI_GPIB_HS488_NIMPL = -1 const VI_GPIB_UNADDRESSED = 0 const VI_GPIB_TALKER = 1 const VI_GPIB_LISTENER = 2 const VI_VXI_CMD16 = 0x0200 const VI_VXI_CMD16_RESP16 = 0x0202 const VI_VXI_RESP16 = 0x0002 const VI_VXI_CMD32 = 0x0400 const VI_VXI_CMD32_RESP16 = 0x0402 const VI_VXI_CMD32_RESP32 = 0x0404 const VI_VXI_RESP32 = 0x0004 const VI_ASSERT_SIGNAL = -1 const VI_ASSERT_USE_ASSIGNED = 0 const VI_ASSERT_IRQ1 = 1 const VI_ASSERT_IRQ2 = 2 const VI_ASSERT_IRQ3 = 3 const VI_ASSERT_IRQ4 = 4 const VI_ASSERT_IRQ5 = 5 const VI_ASSERT_IRQ6 = 6 const VI_ASSERT_IRQ7 = 7 const VI_UTIL_ASSERT_SYSRESET = 1 const VI_UTIL_ASSERT_SYSFAIL = 2 const VI_UTIL_DEASSERT_SYSFAIL = 3 const VI_VXI_CLASS_MEMORY = 0 const VI_VXI_CLASS_EXTENDED = 1 const VI_VXI_CLASS_MESSAGE = 2 const VI_VXI_CLASS_REGISTER = 3 const VI_VXI_CLASS_OTHER = 4 const VI_PXI_ADDR_NONE = 0 const VI_PXI_ADDR_MEM = 1 const VI_PXI_ADDR_IO = 2 const VI_PXI_ADDR_CFG = 3 const VI_TRIG_UNKNOWN = -1 const VI_PXI_LBUS_UNKNOWN = -1 const VI_PXI_LBUS_NONE = 0 const VI_PXI_LBUS_STAR_TRIG_BUS_0 = 1000 const VI_PXI_LBUS_STAR_TRIG_BUS_1 = 1001 const VI_PXI_LBUS_STAR_TRIG_BUS_2 = 1002 const VI_PXI_LBUS_STAR_TRIG_BUS_3 = 1003 const VI_PXI_LBUS_STAR_TRIG_BUS_4 = 1004 const VI_PXI_LBUS_STAR_TRIG_BUS_5 = 1005 const VI_PXI_LBUS_STAR_TRIG_BUS_6 = 1006 const VI_PXI_LBUS_STAR_TRIG_BUS_7 = 1007 const VI_PXI_LBUS_STAR_TRIG_BUS_8 = 1008 const VI_PXI_LBUS_STAR_TRIG_BUS_9 = 1009 const VI_PXI_STAR_TRIG_CONTROLLER = 1413
Instruments
https://github.com/BBN-Q/Instruments.jl.git
[ "MIT" ]
0.2.0
a03ccfb41392241b384f650901557bf6d5500401
code
219
using Instruments using Test # write your own tests here @test 1 == 1 rm = ResourceManager() insts = Vector{String}() try push!(insts, Instruments.viFindRsrc(rm, "?*::INSTR")...) catch LoadError viClose(rm) end
Instruments
https://github.com/BBN-Q/Instruments.jl.git
[ "MIT" ]
0.2.0
a03ccfb41392241b384f650901557bf6d5500401
docs
468
# Instruments Updated to work with V1.0 Instrument control with Julia. ## Documentation Available [online](http://instrumentsjl.readthedocs.org/). ## Quick Start ``` using Instruments rm = ResourceManager() instruments = find_resources(rm) # returns a list of VISA strings for all found instruments uwSource = GenericInstrument() connect!(rm, uwSource, "GPIB0::28::INSTR") query(uwSource, "*IDN?") # prints "Rohde&Schwarz,SMIQ...." disconnect!(uwSource) ```
Instruments
https://github.com/BBN-Q/Instruments.jl.git
[ "MIT" ]
0.5.3
de102dcf2363b95fd6c919a2a4388dc7a85d02ce
code
637
using GeoIP using Documenter DocMeta.setdocmeta!(GeoIP, :DocTestSetup, :(using GeoIP); recursive=true) makedocs(; modules=[GeoIP], authors = "Andrey Oskin, Seth Bromberger, contributors: https://github.com/JuliaWeb/GeoIP.jl/graphs/contributors", repo="https://github.com/JuliaWeb/GeoIP.jl/blob/{commit}{path}#{line}", sitename="GeoIP.jl", format=Documenter.HTML(; prettyurls=get(ENV, "CI", "false") == "true", canonical="https://JuliaWeb.github.io/GeoIP.jl", assets=String[], ), pages=[ "Home" => "index.md", ], ) deploydocs(; repo="github.com/JuliaWeb/GeoIP.jl", )
GeoIP
https://github.com/JuliaWeb/GeoIP.jl.git
[ "MIT" ]
0.5.3
de102dcf2363b95fd6c919a2a4388dc7a85d02ce
code
270
module GeoIP using DataFrames using GZip using ZipFile using CSV using IPNets import Sockets: IPv4 import Base: getindex export # types Location, # methods geolocate, setlocale, load include("data.jl") include("geoip-module.jl") end # module
GeoIP
https://github.com/JuliaWeb/GeoIP.jl.git
[ "MIT" ]
0.5.3
de102dcf2363b95fd6c919a2a4388dc7a85d02ce
code
7202
######################################## # Location structure ######################################## # It would be great to replace this with a real GIS package. abstract type Point end abstract type Point3D <: Point end struct Location <: Point3D x::Float64 y::Float64 z::Float64 datum::String function Location(x, y, z = 0, datum = "WGS84") if x === missing || y === missing return missing else return new(x, y, z, datum) end end end ######################################## # Main structures ######################################## struct Locale{T} index::Vector{Int} locs::T end struct BlockRow{T} v4net::T geoname_id::Int location::Union{Location, Missing} registered_country_geoname_id::Union{Int, Missing} is_anonymous_proxy::Int is_satellite_provider::Int postal_code::Union{String, Missing} accuracy_radius::Union{Int, Missing} end function BlockRow(csvrow) net = IPNets.IPv4Net(csvrow.network) geoname_id = ismissing(csvrow.geoname_id) ? -1 : csvrow.geoname_id location = Location(csvrow.longitude, csvrow.latitude) registered_country_geoname_id = csvrow.registered_country_geoname_id accuracy_radius = get(csvrow, :accuracy_radius, missing) postal_code = csvrow.postal_code BlockRow( net, geoname_id, location, registered_country_geoname_id, csvrow.is_anonymous_proxy, csvrow.is_satellite_provider, postal_code, accuracy_radius ) end struct DB{T1, T2 <: Locale} index::Vector{T1} blocks::Vector{BlockRow{T1}} locs::Vector{T2} localeid::Int ldict::Dict{Symbol, Int} end Base.broadcastable(db::DB) = Ref(db) """ setlocale(db, localename) Set new locale which should be used in return results. If locale is not found, then current locale is going to be used. """ function setlocale(db::DB, localename) if localename in keys(db.ldict) return DB(db.index, db.blocks, db.locs, db.ldict[localename], db.ldict) else @warn "Unable to find locale $localename" return db end end # Path to directory with data, can define GEOIP_DATADIR to override # the default (useful for testing with a smaller test set) function getdatadir(datadir) isempty(datadir) || return datadir haskey(ENV, "GEOIP_DATADIR") ? ENV["GEOIP_DATADIR"] : datadir end function getzipfile(zipfile) isempty(zipfile) || return zipfile haskey(ENV, "GEOIP_ZIPFILE") ? ENV["GEOIP_ZIPFILE"] : zipfile end getlocale(x::Pair) = x function getlocale(x::Symbol) if x == :en return :en => r"Locations-en.csv$" elseif x == :de return :de => r"Locations-de.csv$" elseif x == :ru return :ru => r"Locations-ru.csv$" elseif x == :ja return :ja => r"Locations-ja.csv$" elseif x == :es return :es => r"Locations-es.csv$" elseif x == :fr return :fr => r"Locations-fr.csv$" elseif x == :pt_br return :pt_br => r"Locations-pt-BR.csv$" elseif x == :zh_cn return :zh_cn => r"Locations-zh_cn.csv$" end end function loadgz(datadir, blockcsvgz, citycsvgz) blockfile = joinpath(datadir, blockcsvgz) locfile = joinpath(datadir, citycsvgz) isfile(blockfile) || throw(ArgumentError("Unable to find blocks file in $(blockfile)")) isfile(locfile) || throw(ArgumentError("Unable to find locations file in $(locfile)")) local blocks local locs try blocks = GZip.open(blockfile, "r") do stream CSV.File(read(stream); types = Dict(:postal_code => String)) end locs = GZip.open(locfile, "r") do stream CSV.File(read(stream)) end catch @error "Geolocation data cannot be read. Data directory may be corrupt..." rethrow() end return blocks, [locs], Dict(:en => 1) end function loadzip(datadir, zipfile, locales) zipfile = joinpath(datadir, zipfile) isfile(zipfile) || throw(ArgumentError("Unable to find data file in $(zipfile)")) r = ZipFile.Reader(zipfile) ldict = Dict{Symbol, Int}() locid = 1 local blocks locs = [] try for f in r.files for (l, s) in locales if occursin(s, f.name) v = Vector{UInt8}(undef, f.uncompressedsize) ls = read!(f, v) |> CSV.File push!(locs, ls) ldict[l] = locid locid += 1 end end if occursin(r"Blocks-IPv4.csv$", f.name) v = Vector{UInt8}(undef, f.uncompressedsize) blocks = read!(f, v) |> x -> CSV.File(x; types = Dict(:postal_code => String)) end end catch @error "Geolocation data cannot be read. Data directory may be corrupt..." rethrow() finally close(r) end return blocks, locs, ldict end """ load(; datadir, zipfile, locales, deflocale, blockcsvgz, citycsvgz) Load GeoIP database from compressed CSV file or files. If `zipfile` argument is provided then `load` tries to load data from that file, otherwise it will try to load data from `blockcsvgz` and `citycsvgz`. By default `blockcsvgz` equals to `"GeoLite2-City-Blocks-IPv4.csv.gz"` and `citycsvgz` equals to `"GeoLite2-City-Locations-en.csv.gz"`. `datadir` defines where data files are located and can be either set as an argument or read from the `ENV` variable `GEOIP_DATADIR`. In the same way if `ENV` variable `GEOIP_ZIPFILE` is set, then it is used for determining `zipfile` argument. Argument `locales` determine locale files which should be loaded. Locales can be given as `Symbol`s or `Pair`s of locale name and filename which contains corresponding locale, e.g. `locales = [:en, :fr]` or `locales = [:en => r"-en.csv"]`. Following locales are supported in `Symbol` version `:en, :de, :ru, :ja, :es, :fr, :pt_br, :zh_cn`. To set default locale use `deflocale` argument, e.g. `deflocale = :en`. """ function load(; zipfile = "", datadir = "", locales = [:en], deflocale = :en, blockcsvgz = "GeoLite2-City-Blocks-IPv4.csv.gz", citycsvgz = "GeoLite2-City-Locations-en.csv.gz") datadir = getdatadir(datadir) zipfile = getzipfile(zipfile) blocks, locs, ldict = if isempty(zipfile) loadgz(datadir, blockcsvgz, citycsvgz) else locales = getlocale.(locales) loadzip(datadir, zipfile, locales) end blockdb = BlockRow.(blocks) sort!(blockdb, by = x -> x.v4net) index = map(x -> x.v4net, blockdb) locsdb = map(locs) do loc ldb = collect(loc) sort!(ldb, by = x -> x.geoname_id) lindex = map(x -> x.geoname_id, ldb) Locale(lindex, ldb) end localeid = if deflocale in keys(ldict) ldict[deflocale] else cd = collect(d) idx = findfirst(x -> x[2] == 1, cd) locname = cd[idx][1] @warn "Default locale $deflocale was not found, using locale $locname" 1 end return DB(index, blockdb, locsdb, localeid, ldict) end
GeoIP
https://github.com/JuliaWeb/GeoIP.jl.git
[ "MIT" ]
0.5.3
de102dcf2363b95fd6c919a2a4388dc7a85d02ce
code
1538
######################################## # Geolocation functions ######################################## """ geolocate(geodata::GeoIP.DB, ip) Returns geolocation and other information determined in `geodata` by `ip`. """ function geolocate(geodata::DB, ip::IPv4) ipnet = IPv4Net(ip, 32) # TODO: Dict should be changed to a more suitable structure res = Dict{String, Any}() idx = searchsortedfirst(geodata.index, ipnet) - 1 if idx == 0 || !(ip in geodata.index[idx]) return res end row = geodata.blocks[idx] res["v4net"] = row.v4net res["geoname_id"] = row.geoname_id res["location"] = row.location res["registered_country_geoname_id"] = row.registered_country_geoname_id res["is_anonymous_proxy"] = row.is_anonymous_proxy res["is_satellite_provider"] = row.is_satellite_provider res["postal_code"] = row.postal_code res["accuracy_radius"] = row.accuracy_radius geoname_id = row.geoname_id locale = geodata.locs[geodata.localeid] idx2 = searchsortedfirst(locale.index, geoname_id) if idx2 > length(locale.locs) || idx2 < 1 return res end if locale.index[idx2] != geoname_id return res end row2 = locale.locs[idx2] for k in keys(row2) res[string(k)] = row2[k] end return res end geolocate(geodata::DB, ipstr::AbstractString) = geolocate(geodata, IPv4(ipstr)) geolocate(geodata::DB, ipint::Integer) = geolocate(geodata, IPv4(ipint)) getindex(geodata::DB, ip) = geolocate(geodata, ip)
GeoIP
https://github.com/JuliaWeb/GeoIP.jl.git
[ "MIT" ]
0.5.3
de102dcf2363b95fd6c919a2a4388dc7a85d02ce
code
756
module TestGeoIP using Test for file in sort([file for file in readdir(@__DIR__) if occursin(r"^test[_0-9]+.*\.jl$", file)]) m = match(r"test([0-9]+)_(.*).jl", file) filename = String(m[2]) testnum = string(parse(Int, m[1])) # with this test one can run only specific tests, for example # Pkg.test("Telegram", test_args = ["xxx"]) # or # Pkg.test("Telegram", test_args = ["1"]) if isempty(ARGS) || (filename in ARGS) || (testnum in ARGS) || (m[1] in ARGS) @testset "$filename" begin # Here you can optionally exclude some test files # VERSION < v"1.1" && file == "test_xxx.jl" && continue include(file) end end end end # module
GeoIP
https://github.com/JuliaWeb/GeoIP.jl.git
[ "MIT" ]
0.5.3
de102dcf2363b95fd6c919a2a4388dc7a85d02ce
code
1695
module TestBase using GeoIP using Sockets: IPv4, @ip_str using Test TEST_DATADIR = joinpath(dirname(@__FILE__), "data") ENV["GEOIP_DATADIR"] = TEST_DATADIR @testset "ZipFile loading" begin ENV["GEOIP_ZIPFILE"] = "GeoLite2-City-CSV.zip" geodata = load() @testset "Known result" begin ip1 = IPv4("1.0.8.1") geoip1 = geolocate(geodata, ip1) @test geoip1["country_iso_code"] == "CN" @test geoip1["time_zone"] == "Asia/Shanghai" @test ceil(Int, geoip1["location"].x) == 114 # String indexing geoip1 = geolocate(geodata, "1.0.8.1") @test geoip1["country_iso_code"] == "CN" @test geoip1["time_zone"] == "Asia/Shanghai" @test ceil(Int, geoip1["location"].x) == 114 end @testset "Null results" begin @test isempty(geolocate(geodata, ip"0.0.0.0")) @test isempty(geolocate(geodata, ip"127.0.0.1")) end @testset "Broadcasing" begin result = geolocate.(geodata, [ip"1.0.16.1", ip"1.0.8.1"]) @test length(Set(result)) == 2 @test !isempty(result[1]) @test !isempty(result[2]) end @testset "Dict indexing" begin geoip1 = geodata[ip"1.0.8.1"] @test geoip1["country_iso_code"] == "CN" @test geoip1["time_zone"] == "Asia/Shanghai" @test ceil(Int, geoip1["location"].x) == 114 end end @testset "Loading from gz files" begin haskey(ENV, "GEOIP_ZIPFILE") && pop!(ENV, "GEOIP_ZIPFILE") geodata = load() geoip1 = geodata[ip"1.0.8.1"] @test geoip1["country_iso_code"] == "CN" @test geoip1["time_zone"] == "Asia/Shanghai" @test ceil(Int, geoip1["location"].x) == 114 end end # module
GeoIP
https://github.com/JuliaWeb/GeoIP.jl.git
[ "MIT" ]
0.5.3
de102dcf2363b95fd6c919a2a4388dc7a85d02ce
code
819
module TestLocalization using GeoIP using Sockets: IPv4, @ip_str using Test TEST_DATADIR = joinpath(dirname(@__FILE__), "data") ENV["GEOIP_DATADIR"] = TEST_DATADIR ENV["GEOIP_ZIPFILE"] = "GeoLite2-City-CSV.zip" @testset "Locales setup" begin db = load(locales = [:en, :ru]) geoip1 = db[ip"1.0.8.1"] @test geoip1["locale_code"] == "en" @test geoip1["continent_name"] == "Asia" db2 = setlocale(db, :ru) geoip1 = db2[ip"1.0.8.1"] @test geoip1["locale_code"] == "ru" @test geoip1["continent_name"] == "Азия" end @testset "Missed locales" begin db = load(locales = [:en, :ru], deflocale = :ru) geoip1 = db[ip"1.0.1.1"] @test !haskey(geoip1, "locale_code") db2 = setlocale(db, :en) geoip1 = db2[ip"1.0.1.1"] @test geoip1["locale_code"] == "en" end end # module
GeoIP
https://github.com/JuliaWeb/GeoIP.jl.git
[ "MIT" ]
0.5.3
de102dcf2363b95fd6c919a2a4388dc7a85d02ce
docs
7052
# GeoIP IP Geolocalization using the [Geolite2](https://dev.maxmind.com/geoip/geoip2/geolite2/) Database | **Documentation** | **Build Status** | |:---------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------:|:----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------:| | [![Stable](https://img.shields.io/badge/docs-stable-blue.svg)](https://JuliaWeb.github.io/GeoIP.jl/stable)[![Dev](https://img.shields.io/badge/docs-dev-blue.svg)](https://JuliaWeb.github.io/GeoIP.jl/dev) | [![Build](https://github.com/JuliaWeb/GeoIP.jl/workflows/CI/badge.svg)](https://github.com/JuliaWeb/GeoIP.jl/actions)[![Coverage](https://codecov.io/gh/JuliaWeb/GeoIP.jl/branch/master/graph/badge.svg)](https://codecov.io/gh/JuliaWeb/GeoIP.jl) | # Installation The package is registered in the [General](https://github.com/JuliaRegistries/General) registry and so can be installed at the REPL with ```julia julia> using Pkg julia> Pkg.add("GeoIP") ``` # Usage ## Data files You can use [MaxMind geolite2](https://dev.maxmind.com/geoip/geoip2/geolite2/) csv files downloaded from the site. Due to the [MaxMind policy](https://blog.maxmind.com/2019/12/18/significant-changes-to-accessing-and-using-geolite2-databases/), `GeoLite.jl` does not distribute `GeoLite2` files and does not provide download utilities. For automated download it is recommended to use [MaxMind GeoIP Update](https://dev.maxmind.com/geoip/geoipupdate/) program. For proper functioning of `GeoIP.jl` you need to download `GeoLite2 City` datafile, usually it should have a name like `GeoLite2-City-CSV_20191224.zip`. Files processing and loading provided with `load()` call. Directory where data is located should be located either in `ENV["GEOIP_DATADIR"]` or it can be passed as an argument to `load` function. Zip file location can be passed as an argument or it can be stored in `ENV["GEOIP_ZIPFILE"]`. For example ```julia using GeoIP geodata = load(zipfile = "GeoLite2-City-CSV_20191224.zip", datadir = "/data") ``` If `ENV["GEOIP_DATADIR"]` is set to `"/data"` and `ENV["GEOIP_ZIPFILE"]` is set to `"GeoLite2-City-CSV_20191224.zip"` then it is equivalent to ```julia using GeoIP geodata = load() ``` ## Example You can get the ip data with the `geolocate` function or by using `[]` ```julia using GeoIP geodata = load(zipfile = "GeoLite2-City-CSV_20191224.zip") geolocate(geodata, ip"1.2.3.4") # returns dictionary with all relevant information # Equivalent to geodata[ip"1.2.3.4"] # Equivalent, but slower version geodata["1.2.3.4"] ``` `geolocate` form is useful for broadcasting ```julia geolocate.(geodata, [ip"1.2.3.4", ip"8.8.8.8"]) # returns vector of geo data. ``` ## Localization It is possible to use localized version of geo files. To load localized data, one can use `locales` argument of the `load` function. To switch between different locales is possible with the help of `setlocale` function. ```julia using GeoIP geodata = load(zipfile = "GeoLite2-City-CSV_20191224.zip", locales = [:en, :fr]) geodata[ip"201.186.185.1"] # Dict{String, Any} with 21 entries: # "time_zone" => "America/Santiago" # "subdivision_2_name" => missing # "accuracy_radius" => 100 # "geoname_id" => 3874960 # "continent_code" => "SA" # "postal_code" => missing # "continent_name" => "South America" # "locale_code" => "en" # "subdivision_2_iso_code" => missing # "location" => Location(-72.9436, -41.4709, 0.0, "WGS84") # "v4net" => IPv4Net("201.186.185.0/24") # "subdivision_1_name" => "Los Lagos Region" # "subdivision_1_iso_code" => "LL" # "city_name" => "Port Montt" # "metro_code" => missing # "registered_country_geoname_id" => 3895114 # "is_in_european_union" => 0 # "is_satellite_provider" => 0 # "is_anonymous_proxy" => 0 # "country_name" => "Chile" # "country_iso_code" => "CL" geodata_fr = setlocale(geodata, :fr) geodata_fr[ip"201.186.185.1"] # Dict{String, Any} with 21 entries: # "time_zone" => "America/Santiago" # "subdivision_2_name" => missing # "accuracy_radius" => 100 # "geoname_id" => 3874960 # "continent_code" => "SA" # "postal_code" => missing # "continent_name" => "Amérique du Sud" # "locale_code" => "fr" # "subdivision_2_iso_code" => missing # "location" => Location(-72.9436, -41.4709, 0.0, "WGS84") # "v4net" => IPv4Net("201.186.185.0/24") # "subdivision_1_name" => missing # "subdivision_1_iso_code" => "LL" # "city_name" => "Puerto Montt" # "metro_code" => missing # "registered_country_geoname_id" => 3895114 # "is_in_european_union" => 0 # "is_satellite_provider" => 0 # "is_anonymous_proxy" => 0 # "country_name" => "Chili" # "country_iso_code" => "CL" ``` During `load` procedure, it is possible to use either `Symbol` notation, i.e. `locales = [:en, :fr]` or one can pass `Vector` of `Pair`, where first argument is the locale name and second argument is a regular expression, which defines the name of the CSV file, which contains necessary localization. For example `locales = [:en => r"Locations-en.csv%", :fr => r"Locations-fr.csv"]`. By default, following locales are supported `:en, :de, :ru, :ja, :es, :fr, :pt_br, :zh_cn`. Default locale, which is used in `getlocale` response can be set with the help of `deflocale` argument of the `load` function. For example, to get `:fr` locale by default ```julia geodata = load(zipfile = "GeoLite2-City-CSV_20191224.zip", locales = [:en, :fr], deflocale = :fr) ``` # Acknowledgements This product uses, but not include, GeoLite2 data created by MaxMind, available from [http://www.maxmind.com](http://www.maxmind.com).
GeoIP
https://github.com/JuliaWeb/GeoIP.jl.git
[ "MIT" ]
0.5.3
de102dcf2363b95fd6c919a2a4388dc7a85d02ce
docs
2284
```@meta CurrentModule = GeoIP ``` # GeoIP IP Geolocalization using the [Geolite2](https://dev.maxmind.com/geoip/geoip2/geolite2/) Database ## Installation The package is registered in the [General](https://github.com/JuliaRegistries/General) registry and so can be installed at the REPL with ```julia julia> using Pkg julia> Pkg.add("GeoIP") ``` ## Usage ### Data files You can use [MaxMind geolite2](https://dev.maxmind.com/geoip/geoip2/geolite2/) csv files downloaded from the site. Due to the [MaxMind policy](https://blog.maxmind.com/2019/12/18/significant-changes-to-accessing-and-using-geolite2-databases/), `GeoLite.jl` does not distribute `GeoLite2` files and does not provide download utilities. For automated download it is recommended to use [MaxMind GeoIP Update](https://dev.maxmind.com/geoip/geoipupdate/) program. For proper functioning of `GeoIP.jl` you need to download `GeoLite2 City` datafile, usually it should have a name like `GeoLite2-City-CSV_20191224.zip`. Files processing and loading provided with `load()` call. Directory where data is located should be located either in `ENV["GEOIP_DATADIR"]` or it can be passed as an argument to `load` function. Zip file location can be passed as an argument or it can be stored in `ENV["GEOIP_ZIPFILE"]`. For example ```julia using GeoIP geodata = load(zipfile = "GeoLite2-City-CSV_20191224.zip", datadir = "/data") ``` If `ENV["GEOIP_DATADIR"]` is set to `"/data"` and `ENV["GEOIP_ZIPFILE"]` is set to `"GeoLite2-City-CSV_20191224.zip"` then it is equivalent to ```julia using GeoIP geodata = load() ``` ### Example You can get the ip data with the `geolocate` function or by using `[]` ```julia using GeoIP geodata = load(zipfile = "GeoLite2-City-CSV_20191224.zip") geolocate(geodata, ip"1.2.3.4") # returns dictionary with all relevant information # Equivalent to geodata[ip"1.2.3.4"] # Equivalent, but slower version geodata["1.2.3.4"] ``` `geolocate` form is useful for broadcasting ```julia geolocate.(geodata, [ip"1.2.3.4", ip"8.8.8.8"]) # returns vector of geo data. ``` ## Acknowledgements This product uses, but not include, GeoLite2 data created by MaxMind, available from [http://www.maxmind.com](http://www.maxmind.com). ```@index ``` ```@autodocs Modules = [GeoIP] ```
GeoIP
https://github.com/JuliaWeb/GeoIP.jl.git
[ "MIT" ]
0.4.1
e560c896d8081472db0c3f6d4bd2aa540ec176b1
code
5252
module Fontconfig using Printf using Fontconfig_jll export format, match, list function __init__() ENV["FONTCONFIG_FILE"] = fonts_conf ccall((:FcInit, libfontconfig), UInt8, ()) # By default fontconfig on OSX does not include user fonts. @static if Sys.isapple() ccall((:FcConfigAppFontAddDir, libfontconfig), UInt8, (Ptr{Nothing}, Ptr{UInt8}), C_NULL, b"~/Library/Fonts") end end const FcMatchPattern = UInt32(0) const FcMatchFont = UInt32(1) const FcMatchScan = UInt32(2) const string_attrs = Set([:family, :style, :foundry, :file, :lang, :fullname, :familylang, :stylelang, :fullnamelang, :compatibility, :fontformat, :fontfeatures, :namelang, :prgname, :hash, :postscriptname]) const double_attrs = Set([:size, :aspect, :pixelsize, :scale, :dpi]) const integer_attrs = Set([:slant, :weight, :spacing, :hintstyle, :width, :index, :rgba, :fontversion, :lcdfilter]) const bool_attrs = Set([:antialias, :histing, :verticallayout, :autohint, :outline, :scalable, :minspace, :embolden, :embeddedbitmap, :decorative]) mutable struct Pattern ptr::Ptr{Nothing} function Pattern(; args...) ptr = ccall((:FcPatternCreate, libfontconfig), Ptr{Nothing}, ()) for (attr, value) in args if attr in string_attrs ccall((:FcPatternAddString, libfontconfig), Cint, (Ptr{Nothing}, Ptr{UInt8}, Ptr{UInt8}), ptr, string(attr), value) elseif attr in double_attrs ccall((:FcPatternAddDouble, libfontconfig), Cint, (Ptr{Nothing}, Ptr{UInt8}, Cdouble), ptr, string(attr), value) elseif attr in integer_attrs ccall((:FcPatternAddInteger, libfontconfig), Cint, (Ptr{Nothing}, Ptr{UInt8}, Cint), ptr, string(attr), value) elseif attr in bool_attrs ccall((:FcPatternAddBool, libfontconfig), Cint, (Ptr{Nothing}, Ptr{UInt8}, Cint), ptr, string(attr), value) end end pat = new(ptr) finalizer(pat -> ccall((:FcPatternDestroy, libfontconfig), Nothing, (Ptr{Nothing},), pat.ptr), pat) return pat end function Pattern(ptr::Ptr{Nothing}) return new(ptr) end function Pattern(name::AbstractString) ptr = ccall((:FcNameParse, libfontconfig), Ptr{Nothing}, (Ptr{UInt8},), name) pat = new(ptr) finalizer(pat -> ccall((:FcPatternDestroy, libfontconfig), Nothing, (Ptr{Nothing},), pat.ptr), pat) return pat end end function Base.show(io::IO, pat::Pattern) desc = ccall((:FcNameUnparse, libfontconfig), Ptr{UInt8}, (Ptr{Nothing},), pat.ptr) @printf(io, "Fontconfig.Pattern(\"%s\")", unsafe_string(desc)) Libc.free(desc) end function Base.match(pat::Pattern, default_substitute::Bool=true) ccall((:FcConfigSubstitute, libfontconfig), UInt8, (Ptr{Nothing}, Ptr{Nothing}, Int32), C_NULL, pat.ptr, FcMatchPattern) if default_substitute ccall((:FcDefaultSubstitute, libfontconfig), Nothing, (Ptr{Nothing},), pat.ptr) end result = Int32[0] mat = ccall((:FcFontMatch, libfontconfig), Ptr{Nothing}, (Ptr{Nothing}, Ptr{Nothing}, Ptr{Int32}), C_NULL, pat.ptr, result) if result[1] != 0 error(string("Fontconfig was unable to match font ", pat)) end return Pattern(mat) end function format(pat::Pattern, fmt::AbstractString="%{=fclist}") desc = ccall((:FcPatternFormat, libfontconfig), Ptr{UInt8}, (Ptr{Nothing}, Ptr{UInt8}), pat.ptr, fmt) if desc == C_NULL error("Invalid fontconfig format.") end descstr = unsafe_string(desc) Libc.free(desc) return descstr end struct FcFontSet nfont::Cint sfont::Cint fonts::Ptr{Ptr{Nothing}} end """ list(pat::Pattern=Pattern(), properties = ["family", "style", "file"])::Vector{Pattern} Selects fonts matching `pat` and creates patterns from those fonts. These patterns containing only those properties listed in `properties`, and returns a vector of unique such patterns, as a `Vector{Pattern}`. """ function list(pat::Pattern=Pattern(), properties = ["family", "style", "file"]) os = ccall((:FcObjectSetCreate, libfontconfig), Ptr{Nothing}, ()) for property in properties ccall((:FcObjectSetAdd, libfontconfig), Cint, (Ptr{Nothing}, Ptr{UInt8}), os, property) end fs_ptr = ccall((:FcFontList, libfontconfig), Ptr{FcFontSet}, (Ptr{Nothing}, Ptr{Nothing}, Ptr{Nothing}), C_NULL, pat.ptr, os) fs = unsafe_load(fs_ptr) patterns = Pattern[] for i in 1:fs.nfont push!(patterns, Pattern(unsafe_load(fs.fonts, i))) end ccall((:FcObjectSetDestroy, libfontconfig), Nothing, (Ptr{Nothing},), os) return patterns end end # module
Fontconfig
https://github.com/JuliaGraphics/Fontconfig.jl.git
[ "MIT" ]
0.4.1
e560c896d8081472db0c3f6d4bd2aa540ec176b1
code
200
using Fontconfig using Test # select basic font pattern = Fontconfig.Pattern(family="Helvetica", size=10, hinting=true) # check that methods don't crash match(pattern) format(pattern) list(pattern)
Fontconfig
https://github.com/JuliaGraphics/Fontconfig.jl.git
[ "MIT" ]
0.4.1
e560c896d8081472db0c3f6d4bd2aa540ec176b1
docs
1835
# Fontconfig [![Build Status](https://travis-ci.org/JuliaGraphics/Fontconfig.jl.svg?branch=master)](https://travis-ci.org/JuliaGraphics/Fontconfig.jl) [![Build status](https://ci.appveyor.com/api/projects/status/swy9jacgux1nveo0/branch/master?svg=true)](https://ci.appveyor.com/project/SimonDanisch/fontconfig-jl-4rmrs/branch/master) Fontconfig.jl provides basic binding to [fontconfig](http://www.freedesktop.org/wiki/Software/fontconfig/). # Pattern `Pattern` corresponds to the fontconfig type `FcPattern`. It respresents a set of font properties used to match specific fonts. It can be constructed in two ways. First with zero or more keyword arguments corresponding to fontconfig font properties. ```julia Fontconfig.Pattern(; args...) ``` For example ```julia Fontconfig.Pattern(family="Helvetica", size=10, hinting=true) ``` Secondly, it can be constructed with a fontconfig specifications string ```julia Fontconfig.Pattern(name::String) ``` For example ```julia Fontconfig.Pattern("Helvetica-10") ``` # Match The primary functionality fontconfig provides is matching font patterns. In Fontconfig.jl this is done with the `match` function, corresponding to `FcMatch` in fontconfig. ```julia match(pat::Pattern) ``` It takes a `Pattern` and return a `Pattern` corresponding to the nearest matching installed font. # Format Extracting property values from a `Pattern` can be done with the `format` function, which wraps `FcPatternFormat`. ```julia format(pat::Pattern, fmt::String="%{=fclist}") ``` See `man FcPatternFormat` for the format string specification. # List Fontconfig also provides a function `list` to enumerate all installed fonts. Optionally, a `Pattern` can be provided to list just matching fonts. The function will return a vector of `Pattern`s ```julia list(pat::Pattern=Pattern()) ```
Fontconfig
https://github.com/JuliaGraphics/Fontconfig.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
1124
using Vulkan const instance = Instance([], []) const pdevice = first(unwrap(enumerate_physical_devices(instance))) const device = Device(pdevice, [DeviceQueueCreateInfo(0, [1.0])], [], []) function manyf(f, args...) for i in 1:10000 f(args...) end end function manual_f(device) f = Ref{VkCore.VkFence}() info = VkCore.VkFenceCreateInfo(VkCore.VK_STRUCTURE_TYPE_FENCE_CREATE_INFO, C_NULL, 0) VkCore.vkCreateFence(device, Ref(info), C_NULL, f) VkCore.vkDestroyFence(device, f[], C_NULL) end function manual_f(device, fptr1, fptr2) f = Ref{VkCore.VkFence}() info = VkCore.VkFenceCreateInfo(VkCore.VK_STRUCTURE_TYPE_FENCE_CREATE_INFO, C_NULL, 0) VkCore.vkCreateFence(device, Ref(info), C_NULL, f, fptr1) VkCore.vkDestroyFence(device, f[], C_NULL, fptr2) end fptr1, fptr2 = function_pointer(device, "vkCreateFence"), function_pointer(device, "vkDestroyFence") @time manual_f(device) @time manual_f(device, fptr1, fptr2) @time manyf(manual_f, device) @time manyf(manual_f, device, fptr1, fptr2) function f(device) f = Vk.Fence(device) finalize(f) end @time f(device) @profview manyf(f, device)
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
2683
using Vulkan using BenchmarkTools # Benchmarks: # - Creation of minimalist create info structs: # - directly # - from the high-level struct passed as a literal # - via a conversion from an existing high-level struct # - Creation of high-level structs println("InstanceCreateInfo") @btime _InstanceCreateInfo([], []; application_info = _ApplicationInfo(v"1.0", v"1.5", v"1.2"; application_name="MyApp", engine_name="MyEngine")) @btime _InstanceCreateInfo(InstanceCreateInfo([], []; application_info = ApplicationInfo(v"1.0", v"1.5", v"1.2"; application_name="MyApp", engine_name="MyEngine"))) ci = InstanceCreateInfo([], []; application_info = ApplicationInfo(v"1.0", v"1.5", v"1.2"; application_name="MyApp", engine_name="MyEngine")) @btime _InstanceCreateInfo($ci) @btime InstanceCreateInfo([], []; application_info = ApplicationInfo(v"1.0", v"1.5", v"1.2"; application_name="MyApp", engine_name="MyEngine")) println("DescriptorPoolCreateInfo") @btime _DescriptorPoolCreateInfo(3, _DescriptorPoolSize.([DESCRIPTOR_TYPE_SAMPLER, DESCRIPTOR_TYPE_STORAGE_BUFFER], [4, 6])) @btime _DescriptorPoolCreateInfo(DescriptorPoolCreateInfo(3, DescriptorPoolSize.([DESCRIPTOR_TYPE_SAMPLER, DESCRIPTOR_TYPE_STORAGE_BUFFER], [4, 6]))) ci = DescriptorPoolCreateInfo(3, DescriptorPoolSize.([DESCRIPTOR_TYPE_SAMPLER, DESCRIPTOR_TYPE_STORAGE_BUFFER], [4, 6])) @btime _DescriptorPoolCreateInfo($ci) @btime DescriptorPoolCreateInfo(3, DescriptorPoolSize.([DESCRIPTOR_TYPE_SAMPLER, DESCRIPTOR_TYPE_STORAGE_BUFFER], [4, 6])) # println("DeviceCreateInfo") # @btime _DeviceCreateInfo([_DeviceQueueCreateInfo(find_queue_family(pdevice, QUEUE_GRAPHICS_BIT & QUEUE_COMPUTE_BIT), [1.0])], [], []) # @btime _DeviceCreateInfo(DeviceCreateInfo([DeviceQueueCreateInfo(find_queue_family(pdevice, QUEUE_GRAPHICS_BIT & QUEUE_COMPUTE_BIT), [1.0])], [], [])) # ci = DeviceCreateInfo([DeviceQueueCreateInfo(find_queue_family(pdevice, QUEUE_GRAPHICS_BIT & QUEUE_COMPUTE_BIT), [1.0])], [], []) # @btime _DeviceCreateInfo($ci) # @btime DeviceCreateInfo([DeviceQueueCreateInfo(find_queue_family(pdevice, QUEUE_GRAPHICS_BIT & QUEUE_COMPUTE_BIT), [1.0])], [], []) # Initialization (heavy on compile times) println("Struct initialization") @time using Vulkan t = time_ns() f1 = Vk.initialize(_PhysicalDeviceFeatures2, _PhysicalDeviceVulkan12Features, _PhysicalDeviceVulkanMemoryModelFeatures); # f1 = Vk.initialize(_PhysicalDeviceFeatures2, _PhysicalDeviceVulkan12Features, _PhysicalDeviceVulkanMemoryModelFeatures, _PhysicalDeviceFragmentDensityMapFeaturesEXT); println((time_ns() - t) / 1e9) @btime Vk.initialize(_PhysicalDeviceFeatures2, _PhysicalDeviceVulkan12Features, _PhysicalDeviceVulkanMemoryModelFeatures);
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
371
using SnoopCompile @time_imports using Vulkan tinf = @snoopi_deep include("../test/runtests.jl"); fl = flatten(tinf) summary = last(accumulate_by_source(fl), 10) accumulate_by_source(fl) itrigs = inference_triggers(tinf) filtermod(Vulkan, itrigs) tinf_load = @snoopi_deep using Vulkan fl_load = flatten(tinf_load) summary_load = last(accumulate_by_source(fl_load), 10)
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
231
# To be executed for local deployment. # Make sure you have LiveServer in your environment, # as well as all the dependencies of the generator project. using LiveServer servedocs(literate = "", skip_dir = joinpath("docs", "src"))
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
3057
using Documenter using Literate using Vulkan using VulkanGen function julia_files(dir) files = reduce(vcat, [joinpath(root, file) for (root, dirs, files) in walkdir(dir) for file in files]) sort(filter(endswith(".jl"), files)) end function replace_edit(content) haskey(ENV, "JULIA_GITHUB_ACTIONS_CI") && return content # Linking does not work locally, but we can make # the warning go away with a hard link to the repo. replace( content, r"EditURL = \".*<unknown>/(.*)\"" => s"EditURL = \"https://github.com/JuliaGPU/Vulkan.jl/tree/main/\1\"", ) end function generate_markdowns() dir = joinpath(@__DIR__, "src") Threads.@threads for file in julia_files(dir) Literate.markdown( file, dirname(file); postprocess = replace_edit, documenter = true, ) end end generate_markdowns() makedocs(; modules=[Vulkan, VulkanGen], format=Documenter.HTML( prettyurls = true, size_threshold_warn = 10_000_000, # 10 MB, size_threshold = 100_000_000, # 100 MB, ), pages=[ "Home" => "index.md", "Introduction" => "intro.md", "Glossary" => "glossary.md", "Tutorial" => [ "Getting started" => "tutorial/getting_started.md", "Error handling" => "tutorial/error_handling.md", "Resource management" => "tutorial/resource_management.md", "In-depth tutorial" => "tutorial/indepth.md", "Running compute shaders" => "tutorial/minimal_working_compute.md", ], "How to" => [ "Specify package options" => "howto/preferences.md", "Debug an application" => "howto/debugging.md", "Manipulate handles" => "howto/handles.md", "Compile a SPIR-V shader from Julia" => "howto/shaders.md", ], "Reference" => [ "Wrapper types" => "reference/wrapper_types.md", "Wrapper functions" => "reference/wrapper_functions.md", "API function dispatch" => "reference/dispatch.md", "Package options" => "reference/options.md", ], "Explanations" => [ "Motivations" => "about/motivations.md", "Extension mechanism" => "about/extension_mechanism.md", "Library loading" => "about/library_loading.md", ], "API" => "api.md", "Utility" => "utility.md", "Troubleshooting" => "troubleshooting.md", "Developer documentation" => [ "Overview" => "dev/overview.md", "Vulkan specification" => "dev/spec.md", "Generator" => "dev/gen.md", "Next chains" => "dev/next_chains.md", ], ], repo="https://github.com/JuliaGPU/Vulkan.jl/blob/{commit}{path}#L{line}", sitename="Vulkan.jl", authors="serenity4 <[email protected]>", doctest=false, checkdocs=:exports, linkcheck=:false, ) deploydocs( repo = "github.com/JuliaGPU/Vulkan.jl.git", push_preview = true, )
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
7267
#= # Motivations ## Automating low-level patterns Vulkan is a low-level API that exhibits many patterns than any C library exposes. For example, some functions return error codes as a result, or mutate pointer memory as a way of returning values. Arrays are requested in the form of a pointer and a length. Pointers are used in many places; and because their dependency to their pointed data escapes the Julia compiler and the garbage collection mechanism, it is not trivial to keep pointers valid, i.e.: to have them point to valid *unreclaimed* memory. These pitfalls lead to crashes. Furthermore, the Vulkan C API makes heavy use of structures with pointer fields and structure pointers, requiring from the Julia runtime a clear knowledge of variable preservation. Usually, the patterns mentioned above are not problematic for small libraries, because the C structures involved are relatively simple. Vulkan being a large API, however, patterns start to feel heavy: they require lots of boilerplate code and any mistake is likely to result in a crash. That is why we developped a procedural approach to automate these patterns. Vulkan.jl uses a generator to programmatically generate higher-level wrappers for low-level API functions. This is a critical part of this library, which helped us to minimize the amount of human errors in the wrapping process, while allowing a certain flexilibity. The related project is contained in the `generator` folder. Because its unique purpose is to generate wrappers, it is not included in the package, reducing the number of dependencies. ## Structures and variable preservation Since the original Vulkan API is written in C, there are a lot of pointers to deal with and handling them is not always an easy task. With a little practice, one can figure out how to wrap function calls with `cconvert` and `unsafe_convert` provided by Julia. Those functions provide automatic conversions and `ccall` GC-roots `cconvert`ed variables to ensure that pointers will point to valid memory, by explicitly telling the compiler not to garbage-collect nor optimize away the original variable. However, the situation gets a lot more complicated when you deal with pointers as type fields. We will look at a naive example that show how difficult it can get for a Julia developer unfamiliar with calling C code. If we wanted to create a `VkInstance`, we might be tempted to do: =# using Vulkan.VkCore function create_instance(app_name, engine_name) app_info = VkApplicationInfo( VK_STRUCTURE_TYPE_APPLICATION_INFO, # sType C_NULL, # pNext pointer(app_name), # application name 1, # application version pointer(engine_name), # engine name 0, # engine version VK_VERSION_1_2, # requested API version ) create_info = InstanceCreateInfo( VK_STRUCTURE_TYPE_INSTANCE_CREATE_INFO, # sType C_NULL, # pNext 0, # flags Base.unsafe_convert(Ptr{VkApplicationInfo}, (Ref(app_info))), # application info 0, # layer count C_NULL, # layers (none requested) 0, # extension count C_NULL, # extensions (none requested) ) p_instance = Ref{VkInstance}() GC.@preserve app_info begin vkCreateInstance( Ref(create_info), C_NULL, # custom allocator (we choose the default one provided by Vulkan) p_instance, ) end p_instance[] end ## instance = create_instance("AppName", "NoEngine") # very likely to segfault #= which will probably result in a segmentation fault. Why? Two causes may lead to such a result: 1. `app_name` and `engine_name` may never be allocated if the compiler decides not to, so there is no guarantee that `pointer(app_name)` and `pointer(engine_name)` will point to anything valid. Additionally, even if those variables were allocated with valid pointer addresses at some point, they can be garbage collected **at any time**, including before the call to `vkCreateInstance`. 2. `app_info` is not what should be preserved. It cannot be converted to a pointer, but a `Ref` to it can. Therefore it is the reference that needs to be `GC.@preserve`d, not `app_info`. So, `Ref(app_info)` must be assigned to a variable, and replace `app_info` in the call to `GC.@preserve`. Basically, it all comes down to having to preserve everything you take a pointer of. And, if you need to create an intermediary object when converting a variable to a pointer, you need to preserve it too. For example, take of an array of `String`s, that need to be converted as a `Ptr{Cstring}`. You first need to create an array of `Cstring`s, then convert that array to a pointer. The `String`s and the `Cstring` array need to be preserved. This is exactly what `cconvert` and `unsafe_convert` are for. `cconvert` converts a variable to a type that can be converted to the desired (possibly pointer) type using `unsafe_convert`. In addition of chaining both conversions, `ccall` also preserves the `cconvert`ed variable, so that the unsafe conversion becomes safe. Because we cannot use `ccall` in this case, we need to `cconvert` any argument that will be transformed to a pointer, and store the result as long as the desired struct may be used. Then, `unsafe_convert` can be called on this result, to get the desired (pointer) type necessary to construct the API struct. There are several possibilities for preserving what we may call "pointer dependencies". One of them is to reference them inside a global variable, such as a `Dict`, and deleting them once we no longer need it. This has the severe disadvantage of requiring to explicitly manage every dependency, along with large performance issues. Another possibility, which we have taken in this wrapper, is to create a new structure that will store both the API structure and the required dependencies. That way, we can safely rely on the GC for preserving what we need just when we need it. Therefore, every API structure is wrapped inside another one (without the "Vk" prefix), as follows: =# abstract type VulkanStruct{has_deps} end struct InstanceCreateInfo <: VulkanStruct{true} vks::VkInstanceCreateInfo # API struct deps::Vector{Any} # contains all required dependencies end #= and every structure exposes a convenient constructor that works perfectly with `String`s and mutable `AbstractArray`s. No manual `Ref`s/`cconvert`/`unsafe_convert` needed. We hope that the additional `Vector{Any}` will not introduce too much overhead. In the future, this might be changed to a `NTuple{N, Any}` or a `StaticArrays.SVector{N, Any}`. We could also have stored dependencies as additional fields, but this does not scale well with nested structs. It would either require putting an additional field for each dependency (be it direct, or indirect dependencies coming from a pointer to another struct), possibly defining other structures that hold dependencies to avoid having a large number of fields, inducing additional compilation time. !!! tip `cconvert`/`unsafe_convert` were extended on wrapper types so that, when using an API function directly, [`ccall`](https://docs.julialang.org/en/v1/base/c/#ccall) will convert a struct to its API-compatible version. =#
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
2613
#= # Debugging applications ## Debug API usage with validation layers When a Vulkan application crashes, it can be due to a wrong API usage. Validation layers (provided by Khronos) can be enabled which check all API calls to make sure their invocation and execution is in accordance with the Vulkan specification. The validation layers are typically used with a debug callback, which prints out messages reported by the validation layers. First, let's create an instance with the validations layers and the `VK_EXT_debug_utils` extension enabled: ```julia using Vulkan instance = Instance(["VK_LAYER_KHRONOS_validation"], ["VK_EXT_debug_utils"]) ``` Then, we will define a C function to be called when messages are received. We use the [`default_debug_callback`](@ref) provided by the Vulkan.jl: ```julia const debug_callback_c = @cfunction(default_debug_callback, UInt32, (DebugUtilsMessageSeverityFlagEXT, DebugUtilsMessageTypeFlagEXT, Ptr{VkCore.VkDebugUtilsMessengerCallbackDataEXT}, Ptr{Cvoid})) ``` You need then need to define which message types and logging levels you want to include. Note that only setting e.g. `DEBUG_UTILS_MESSAGE_SEVERITY_VERBOSE_BIT_EXT` will not enable you the other levels, you need to set them all explicitly. ```julia # Include all severity messages. You can usually leave out # the verbose and info severities for less noise in the output. message_severity = |( DEBUG_UTILS_MESSAGE_SEVERITY_VERBOSE_BIT_EXT, DEBUG_UTILS_MESSAGE_SEVERITY_INFO_BIT_EXT, DEBUG_UTILS_MESSAGE_SEVERITY_WARNING_BIT_EXT, DEBUG_UTILS_MESSAGE_SEVERITY_ERROR_BIT_EXT, ) # Include all message types. message_type = |( DEBUG_UTILS_MESSAGE_TYPE_GENERAL_BIT_EXT, DEBUG_UTILS_MESSAGE_TYPE_VALIDATION_BIT_EXT, DEBUG_UTILS_MESSAGE_TYPE_PERFORMANCE_BIT_EXT, ) ``` You can now create your debug callback: ```julia messenger = DebugUtilsMessengerEXT(instance, message_severity, message_type, debug_callback_c) ``` However, make sure that the messenger stays alive as long as it is used. You should typically put it in a config next to the `instance` (for scripts, a global variable works as well). !!! tip To debug the initialization of the instance itself, you can create the DebugUtilsMessengerEXTCreateInfo manually and include it in the `next` parameter of the `Instance`: ```julia create_info = DebugUtilsMessengerCreateInfoEXT(message_severity, message_type, debug_callback_c) instance = Instance(["VK_LAYER_KHRONOS_validation"], ["VK_EXT_debug_utils"]; next = create_info) messenger = DebugUtilsMessengerEXT(instance, create_info) ``` =#
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
2512
#= # Manipulating handles ## Creating a handle =# using SwiftShader_jll # hide using Vulkan set_driver(:SwiftShader) # hide const instance = Instance([], []) const pdevice = first(unwrap(enumerate_physical_devices(instance))) const device = Device(pdevice, [DeviceQueueCreateInfo(0, [1.0])], [], []) # The most convenient way to create a handle is through its constructor buffer = Buffer( device, 100, BUFFER_USAGE_TRANSFER_SRC_BIT, SHARING_MODE_EXCLUSIVE, []; flags = BUFFER_CREATE_SPARSE_ALIASED_BIT, ) # This is equivalent to unwrap( create_buffer( device, 100, BUFFER_USAGE_TRANSFER_SRC_BIT, SHARING_MODE_EXCLUSIVE, []; flags = BUFFER_CREATE_SPARSE_ALIASED_BIT, ), ) # [Error handling](@ref) can be performed before unwrapping, e.g. res = create_buffer( device, 100, BUFFER_USAGE_TRANSFER_SRC_BIT, SHARING_MODE_EXCLUSIVE, []; flags = BUFFER_CREATE_SPARSE_ALIASED_BIT, ) if iserror(res) error("Could not create buffer!") else unwrap(res) end # Create info parameters can be built separately, such as info = BufferCreateInfo( 100, BUFFER_USAGE_TRANSFER_SRC_BIT, SHARING_MODE_EXCLUSIVE, []; flags = BUFFER_CREATE_SPARSE_ALIASED_BIT, ) Buffer(device, info) #- create_buffer(device, info) # Handles allocated in batches (such as command buffers) do not have a dedicated constructor; you will need to call the corresponding function yourself. command_pool = CommandPool(device, 0) info = CommandBufferAllocateInfo(command_pool, COMMAND_BUFFER_LEVEL_PRIMARY, 5) res = allocate_command_buffers(device, info) iserror(res) && error("Tried to create 5 command buffers, but failed miserably.") cbuffers = unwrap(res) # Note that they won't be freed automatically; forgetting to free them after use would result in a memory leak (see [Destroying a handle](@ref)). # ## Destroying a handle # The garbage collector will free most handles automatically with a finalizer (see [Automatic finalization](@ref)), but you can force the destruction yourself early with finalize(buffer) # calls `destroy_buffer` # This is most useful when you need to release resources associated to a handle, e.g. a `DeviceMemory`. # Handle types that can be freed in batches don't register finalizers, such as `CommandBuffer` and `DescriptorSet`. They must be freed with free_command_buffers(device, command_pool, cbuffers) # or the corresponding `free_descriptor_sets` for `DescriptorSet`s.
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
345
#= # Setting options To set [Package options](@ref), you can either specify key-value pairs via a `LocalPreferences.toml` file in your environment or by calling `Vulkan.set_preferences!`. Here is an example for setting `LOG_DESTRUCTION` to "true" for debugging purposes: =# using Vulkan Vulkan.set_preferences!("LOG_DESTRUCTION" => "true")
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
1355
#= # Compile SPIR-V shaders Vulkan requires shaders to be in SPIR-V form. We will showcase how to compile shaders into SPIR-V using `glslang` from Julia. Let's first define a GLSL shader: =# shader_code = """ #version 450 layout(location = 0) in vec2 pos; layout(location = 0) out vec4 color; void main() { color = vec4(pos, 0.0, 1.0); } """; # We will use `glslang` to compile this code into a SPIR-V binary file. First, get the path to the binary. using glslang_jll: glslangValidator glslang = glslangValidator(identity) # Fill in an `IOBuffer` with the shader code (to be used as standard input). _stdin = IOBuffer() write(_stdin, shader_code) seekstart(_stdin) flags = ["--stdin"] # Specify which kind of shader we are compiling. Here, we have Vulkan-flavored GLSL, and we will indicate that it is a vertex shader. If your shader is written in HLSL instead of GLSL, you should also provide an additional `"-D"` flag. push!(flags, "-V", "-S", "vert"); # Use a temporary file as output, as `glslang` does not yet support outputting code to stdout. path = tempname() push!(flags, "-o", path) # Run `glslang`. run(pipeline(`$glslang $flags`, stdin = _stdin)) # Read the code and clean the temporary file. spirv_code = reinterpret(UInt32, read(path)) rm(path) @assert first(spirv_code) == 0x07230203 # SPIR-V magic number spirv_code
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
2764
#= # [Dispatch mechanism](@id Dispatch) Some API functions cannot be called directly from the Vulkan library. In particular, extension functions *must* be called through a pointer obtained via API commands. In addition, most functions can be made faster by calling directly into their function pointer, instead of going through the loader trampoline which resolves the function pointer every time. To circumvent that, we provide a handy way for retrieving and calling into function pointers, as well as a thread-safe global dispatch table that can automate this work for you. ## Retrieving function pointers API Function pointers can be obtained with the [`function_pointer`](@ref) function, using the API function name. =# using SwiftShader_jll # hide using Vulkan set_driver(:SwiftShader) # hide const instance = Instance([], []) const pdevice = first(unwrap(enumerate_physical_devices(instance))) const device = Device(pdevice, [DeviceQueueCreateInfo(0, [1.0])], [], []) #= ```@repl dispatch function_pointer("vkCreateInstance") function_pointer(instance, "vkDestroyInstance") function_pointer(device, "vkCreateFence") ``` It is essentially a wrapper around `get_instance_proc_addr` and `get_device_proc_addr`, leveraging multiple dispatch to make it more intuitive to use. ## Providing function pointers Every wrapper function or handle constructor has a signature which accepts the standard function arguments plus a function pointer to call into. For example, instead of doing =# foreach(println, unwrap(enumerate_instance_layer_properties())) # you can do fptr = function_pointer("vkEnumerateInstanceLayerProperties") foreach(println, unwrap(enumerate_instance_layer_properties(fptr))) # In the case of a handle constructor which calls both a creation and a destruction function, there is an argument for each corresponding function pointer: fptr_create = function_pointer(device, "vkCreateFence") fptr_destroy = function_pointer(device, "vkDestroyFence") Fence(device, fptr_create, fptr_destroy) #= ## Automatic dispatch Querying and retrieving function pointers every time results in a lot of boilerplate code. To remedy this, we provide a concurrent global dispatch table which loads all available function pointers for loader, instance and device commands. It has one dispatch table per instance and per device to support using multiple instances and devices at the same time. This feature can be disabled by setting the [preference](@ref Package-options) `USE_DISPATCH_TABLE` to `"false"`. !!! warn All instance and device creations must be externally synchronized if the dispatch table is enabled. This is because all function pointers are retrieved and stored right after the creation of an instance or device handle. =#
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
1130
#= # Package options Certain features of this library are configurable via [Preferences.jl](https://github.com/JuliaPackaging/Preferences.jl). | Preference | Description | Default | |:-----------------:|:-------------------------------------:|:---------:| | `LOG_DESTRUCTION` | Log the destruction of Vulkan handles | `"false"` | | `USE_DISPATCH_TABLE` | Retrieve and store function pointers in a [dispatch table](@ref Dispatch) to speed up API calls and facilitate the use of extensions | `"true"` | | `PRECOMPILE_DEVICE_FUNCTIONS` | Precompile device-specific functions if a Vulkan driver and suitable devices are available. A value of `"auto"` will attempt to precompile but ignore errors; use `"true"` to raise an error upon precompilation failures. | `"auto"` | ## Destruction logging To debug the reference counting mechanism used through finalizers for handle destruction, it is possible to print when a finalizer is run and the resulting effect (freeing the object, or simply decrementing a reference counter). To enable this, set the preference `LOG_DESTRUCTION` to `"true"`. =#
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
7387
#= # Wrapper functions Functions in C behave differently that in Julia. In particular, they can't return multiple values and mutate pointer memory instead. Other patterns emerge from the use of pointers with a separately-provided length, where a length/size parameter can be queried, so that you build a pointer with the right size, and pass it in to the API to be filled with data. All these patterns were automated, so that wrapper functions feel a lot more natural and straightforward for Julia users than the API functions. ## Implicit return values Functions almost never directly return a value in Vulkan, and usually return either a return code or nothing. This is a limitation of C where only a single value can be returned from a function. Instead, they fill pointers with data, and it is your responsibility to initialize them before the call and dereference them afterwards. Here is an example: =# using Vulkan using .VkCore function example_create_instance() instance_ref = Ref{VkInstance}() ## We will cheat a bit for the create info. code = vkCreateInstance( InstanceCreateInfo([], []), # create info C_NULL, # allocator instance_ref, ) @assert code == VK_SUCCESS instance_ref[] end example_create_instance() #= We did not create a `VkInstanceCreateInfo` to stay concise. Note that the create info structure can be used as is by the `vkCreateInstance`, even if it is a wrapper. Indeed, it implements `Base.cconvert` and `Base.unsafe_convert` to automatically interface with the C API. All this setup code is now automated, with a better [error handling](@ref Error-handling). =# instance = unwrap(create_instance(InstanceCreateInfo([], []); allocator = C_NULL)) #= When there are multiple implicit return values (i.e. multiple pointers being written to), they are returned as a tuple: ```julia actual_data_size, data = unwrap(get_pipeline_cache_data(device, pipeline_cache, data_size)) ``` ## Queries ### Enumerated items Sometimes, when enumerating objects or properties for example, a function may need to be called twice: a first time for returning the number of elements to be enumerated, then a second time with an initialized array of the right length to be filled with Vulkan objects: =# function example_enumerate_physical_devices(instance) pPhysicalDeviceCount = Ref{UInt32}(0) ## Get the length in pPhysicalDeviceCount. code = vkEnumeratePhysicalDevices(instance, pPhysicalDeviceCount, C_NULL) @assert code == VK_SUCCESS ## Initialize the array with the returned length. pPhysicalDevices = Vector{VkPhysicalDevice}(undef, pPhysicalDeviceCount[]) ## Fill the array. code = vkEnumeratePhysicalDevices(instance, pPhysicalDeviceCount, pPhysicalDevices) @assert code == VK_SUCCESS pPhysicalDevices end example_enumerate_physical_devices(instance) # The relevant enumeration functions are wrapped with this, so that only one call needs to be made, without worrying about creating intermediate arrays: unwrap(enumerate_physical_devices(instance)) #= ### Incomplete retrieval Some API commands such as `vkEnumerateInstanceLayerProperties` may return a `VK_INCOMPLETE` code indicating that some items could not be written to the provided array. This happens if the number of available items changes after that the length is obtained, making the array too small. In this case, it is recommended to simply query the length again, and provide a vector of the updated size, starting over if the number of items changes again. To avoid doing this by hand, this step is automated in a while loop. Here is what it may look like: =# function example_enumerate_physical_devices_2(instance) pPhysicalDeviceCount = Ref{UInt32}(0) @assert vkEnumeratePhysicalDevices(instance, pPhysicalDeviceCount, C_NULL) == VK_SUCCESS pPhysicalDevices = Vector{VkPhysicalDevice}(undef, pPhysicalDeviceCount[]) code = vkEnumeratePhysicalDevices(instance, pPhysicalDeviceCount, pPhysicalDevices) while code == VK_INCOMPLETE @assert vkEnumeratePhysicalDevices(instance, pPhysicalDeviceCount, C_NULL) == VK_SUCCESS pPhysicalDevices = Vector{VkPhysicalDevice}(undef, pPhysicalDeviceCount[]) code = vkEnumeratePhysicalDevices(instance, pPhysicalDeviceCount, pPhysicalDevices) end pPhysicalDevices end example_enumerate_physical_devices_2(instance) # The wrapper function [`enumerate_physical_devices`](@ref) implements this logic, yielding unwrap(enumerate_physical_devices(instance)) #= ## [Exposing create info arguments](@id expose-create-info-args) Functions that take a single `Create*Info` or `Allocate*Info` structure as an argument additionally define a method where all create info parameters are unpacked. The method will then build the create info structure automatically, slightly reducing boilerplate. For example, it is possible to create a [`Fence`](@ref) with `create_fence(device; flags = FENCE_CREATE_SIGNALED_BIT)`, instead of `create_fence(device, FenceCreateInfo(; flags = FENCE_CREATE_SIGNALED_BIT))`. Note that this feature is also available for handle constructors in conjunction with [Handle constructors](@ref), allowing `Fence(device; flags = FENCE_CREATE_SIGNALED_BIT)`. ## Automatic insertion of inferable arguments In some places, part of the arguments of a function or of the fields of a structure can only take one logical value. It can be divided into two sets: 1. The structure type `sType` of certain structures 2. Arguments related to the start and length of a pointer which represents an array The second set is a consequence of using a higher-level language than C. In C, the pointer alone does not provide any information regarding the number of elements it holds. In Julia, array-like values can be constructed in many different ways, being an `Array`, a `NTuple` or other container types which provide a `length` method. #### Structure type Many API structures possess a `sType` field which must be set to a unique value. This is done to favor the extendability of the API, but is unnecessary boilerplate for the user. Worse, this is an error-prone process which may lead to crashes. All the constructors of this library do not expose this `sType` argument, and hardcode the expected value. If for any reason the structure type must be retrieved, it can be done via `structure_type`: ```@repl wrapper_functions structure_type(InstanceCreateInfo) structure_type(_InstanceCreateInfo) structure_type(VkCore.VkInstanceCreateInfo) ``` #### Pointer lengths The length of array pointers is automatically deduced from the length of the container passed in as argument. #### Pointer starts Some API functions require to specify the start of a pointer array as an argument. They have been hardcoded to 0 (first element), since it is always possible to pass in a sub-array (e.g. a view). ## Intermediate functions Similarly to [structures](@ref Structures), there are intermediate functions that accept and return [intermediate structures](@ref Intermediate-structures). For example, [`enumerate_instance_layer_properties`](@ref) which returns a `ResultTypes.Result{Vector{LayerProperties}}` has an intermediate counterpart [`_enumerate_instance_layer_properties`](@ref) which returns a `ResultTypes.Result{Vector{_LayerProperties}}`. =#
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
8599
#= # Wrapper types The Vulkan API possesses a few data structures that exhibit a different behavior. Each structure type has been wrapped carefully to automate the underlying API patterns. We list all of these here along with their properties and features that we hope will free the developer of some of the heaviest patterns and boilerplate of the Vulkan API. ## Handles Handles are opaque pointers to internal Vulkan objects. Almost every handle must be created and destroyed with API commands. Some handles have a parent handle (see [Parent handle access](@ref Parent-handle-access) for navigating through the resulting handle hierarchy), which *must not* be destroyed before its children. For this we provide wrappers around creation functions with an automatic finalization feature (see [Automatic finalization](@ref Automatic-finalization)) that uses a simple reference couting system. This alleviates the burden of tracking when a handle can be freed and freeing it, in conformance with the Vulkan specification. Most handles are typically created with a `*CreateInfo` or `*AllocateInfo` structure, that packs creation parameters to be provided to the API creation function. To allow for nice one-liners that don't involve long create info names, [these create info parameters are exposed](@ref expose-create-info-args) in the creation function, automatically building the create info structure. !!! tip Most handle types have constructors defined that wrap around the creation function and automatically unwrap the result (see [Error handling](@ref Error-handling)). ### Automatic finalization In the Vulkan API, handles are created with the functions `vkCreate*` and `vkAllocate*`, and most of them must be destroyed after use with a call to `vkDestroy*` or `vkFree*`. More importantly, they must be destroyed with the same allocator and parent handle that created them. To automate this, new mutable handle types were defined to allow for the registration of a [finalizer](https://docs.julialang.org/en/v1/base/base/#Base.finalizer). The `create_*` and `allocate_*` wrappers automatically register the corresponding destructor in a finalizer, so that you don't need to worry about destructors (except for `CommandBuffer`s and `DescriptorSet`s, see below). The finalizer of a handle, and therefore its API destructor, will execute when there are no program-accessible references to this handle. Because finalizers may run in arbitrary order in Julia, and some handle types such as `VkDevice` require to be destroyed only after all their children, a simple thread-safe reference counting system is used to make sure that a handle is destroyed **only after all its children are destroyed**. As an exception, because they are meant to be freed in batches, `CommandBuffer`s and `DescriptorSet`s do not register any destructor and are not automatically freed. Those handles will have to explicitly freed with [`free_command_buffers`](@ref) and [`free_descriptor_sets`](@ref) respectively. Finalizers can be run eagerly with [`finalize`](https://docs.julialang.org/en/v1/base/base/#Base.finalize), which allows one to reclaim resources early. The finalizers won't run twice if triggered manually. !!! danger You should **never** explicitly call a destructor, except for `CommandBuffer` and `DescriptorSet`. Otherwise, the object will be destroyed twice and will lead to a segmentation fault. !!! note If you need to construct a handle from an opaque pointer (obtained, for example, via an external library such as a `VkSurfaceKHR` from GLFW), you can use the constructor `(::Type{<:Handle})(ptr::Ptr{Cvoid}, destructor[, parent])` as in ```julia surface_ptr = GLFW.CreateWindowSurface(instance, window) SurfaceKHR(surface_ptr, x -> destroy_surface_khr(instance, x), instance) ``` If the surface doesn't need to be destroyed (for example, if the external library does it automatically), the `identity` function should be passed in as destructor. ### Handle constructors Handles that can only be created with a single API constructor have constructors defined which wrap the relevant create/allocate\* function and `unwrap` the result. For example, `Instance(layers, extensions)` is equivalent to `unwrap(create_instance(layers, extensions))`. If the API constructor returns an error, an exception will be raised (see [Error handling](@ref)). ### Parent handle access Handles store their parent handle if they have one. For example, `Pipeline`s have a `device` field as a [`Device`](@ref), which itself contains a `physical_device` field and so on until the instance that has no parent. This reduces the number of objects that must be carried around in user programs. `Base.parent` was extended to navigate this hierarchy, where for example `parent(device) == device.physical_device` and `parent(physical_device) == physical_device.instance`. ## Structures Vulkan structures, such as `Extent2D`, `InstanceCreateInfo` and `PhysicalDeviceFeatures` were wrapped into two different structures each: a high-level structure, which should be used most of the time, and an intermediate structure used for maximal performance whenever required. ### High-level structures High-level structures were defined to ressemble idiomatic Julia structures, replacing C types by idiomatic Julia types. They abstract most pointers away, using Julia arrays and strings, and use `VersionNumbers` instead of integers. Equality and hashing are implemented with [StructEquality.jl](https://github.com/jolin-io/StructEquality.jl) to facilitate their use in dictionaries. ### Intermediate structures Intermediate structures wrap C-compatible structures and embed pointer data as dependencies. Therefore, as long as the intermediate structure lives, all pointer data contained within the C-compatible structure will be valid. These structures are mostly used internally by Vulkan.jl, but they can be used with [intermediate functions](@ref Intermediate-functions) for maximum performance, avoiding the overhead incurred by high-level structures which require back and forth conversions with C-compatible structures for API calls. These intermediate structures share the name of the high-level structures, starting with an underscore. For example, the high-level structure [`InstanceCreateInfo`](@ref) has an intermediate counterpart [`_InstanceCreateInfo`](@ref). Note that intermediate structures can only be used with other intermediate structures. `convert` methods allow the conversion between arbitrary high-level and intermediate structures, if required. !!! tip Outside performance-critical sections such as tight loops, high-level structures are much more convenient to manipulate and should be used instead. ## Bitmask flags In the Vulkan API, certain flags use a bitmask structure. A bitmask is a logical `or` combination of several bit values, whose meaning is defined by the bitmask type. In Vulkan, the associated flag type is defined as a `UInt32`, which allows any value to be passed in as a flag. This opens up the door to incorrect usage that may be hard to debug. To circumvent that, most bitmask flags were wrapped with an associated type which prevents combinations with flags of other bitmask types. For example, consider the core `VkSampleCountFlags` type (alias for `UInt32`) with bits defined via the enumerated type `VkSampleCountFlagBits`: ```@repl using Vulkan.VkCore VK_SAMPLE_COUNT_1_BIT isa VkSampleCountFlagBits VK_SAMPLE_COUNT_1_BIT === VkSampleCountFlagBits(1) VK_SAMPLE_COUNT_1_BIT === VkSampleCountFlags(1) VK_SAMPLE_COUNT_1_BIT | VK_SAMPLE_COUNT_2_BIT === VkSampleCountFlags(3) VK_SAMPLE_COUNT_1_BIT & VK_SAMPLE_COUNT_2_BIT === VkSampleCountFlags(0) VK_SAMPLE_COUNT_1_BIT & VK_SURFACE_TRANSFORM_IDENTITY_BIT_KHR === VkSampleCountFlags(1) ``` Those two types are combined into one `SampleCountFlag`: ```@repl using Vulkan SampleCountFlag <: BitMask SurfaceTransformFlagKHR <: BitMask # another bitmask flag SAMPLE_COUNT_1_BIT | SAMPLE_COUNT_2_BIT === SampleCountFlag(3) SAMPLE_COUNT_1_BIT & SAMPLE_COUNT_2_BIT === SampleCountFlag(0) SAMPLE_COUNT_1_BIT & SURFACE_TRANSFORM_IDENTITY_BIT_KHR UInt32(typemax(SampleCountFlag)) === UInt32(VkCore.VK_SAMPLE_COUNT_FLAG_BITS_MAX_ENUM) ``` All functions that were expecting a `VkSampleCountFlags` (`UInt32`) value will have their wrapped versions expect a value of type `SampleCountFlag`. Furthermore, the `*FLAG_BITS_MAX_ENUM` values are removed. This value is the same for all enums and can be accessed via `typemax(T)` where `T` is a `BitMask` (e.g. `SampleCountFlag`). =#
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
2166
#= # Error handling Error handling is achieved via a Rust-like mechanism through [ResultTypes.jl](https://github.com/iamed2/ResultTypes.jl). All Vulkan API functions that return a Vulkan [result code](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkResult.html) are wrapped into a `ResultTypes.Result`, which holds either the result or a [`VulkanError`](@ref) if a non-zero status code is encountered. Note that `ResultTypes.Result` is distinct from `Vulkan.Result` which is the wrapped version of `VkResult`. Errors can be manually handled with the following pattern =# using Vulkan res = create_instance(["VK_LAYER_KHRONOS_validation"], []) if iserror(res) err = unwrap_error(res) if err.code == ERROR_INCOMPATIBLE_DRIVER error(""" No driver compatible with the requested API version could be found. Please make sure that a driver supporting Vulkan is installed, and that it is up to date with the requested version. """) elseif err.code == ERROR_LAYER_NOT_PRESENT @warn "Validation layers not available." create_instance([], []) else throw(err) end else # get the instance unwrap(res) end # Note that calling `unwrap` directly on the result will throw any contained `VulkanError` if there is one. So, if you just want to throw an exception when encountering an error, you can do unwrap(create_instance([], [])) # Because it may be tedious to unwrap everything by hand and explicitly set the create info structures, [convenience constructors](@ref expose-create-info-args) are defined for handle types so that you can just do Instance([], []) #= However, note that exceptions are thrown whenever the result is an error with this shorter approach. Furthermore, all functions that may return non-success (but non-error) codes return a `Vulkan.Result` type along with any other returned value, since the return code may still be of interest. For more details on the `ResultTypes.Result` type and how to handle it, please consult the [ResultTypes.jl documentation](https://iamed2.github.io/ResultTypes.jl/stable/). =#
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
6388
#= # In-depth tutorial The objective of this in-depth tutorial is to introduce the reader to the functionality of this library and reach a level of familiarity sufficient for building more complex applications. This tutorial is *not* intended as a replacement for a Vulkan tutorial. In particular, it is assumed that the reader has a basic understanding of Vulkan. If you are new to Vulkan, feel free to follow the [official Vulkan tutorial](https://vulkan-tutorial.com/) along with this one. The Vulkan tutorial will teach you the concepts behind Vulkan, and this tutorial, how to use the API *from Julia*. A lot of resources are available online for learning about Vulkan, such as the [Vulkan Guide](https://github.com/KhronosGroup/Vulkan-Guide) by the Khronos Group. You can find a more detailed list [here](https://www.vulkan.org/learn). ## Initialization The entry point of any Vulkan application is an `Instance`, so we will create one. We will use validation layers and the extension `VK_EXT_debug_utils` that will allow logging from Vulkan. We will also provide an `ApplicationInfo` parameter to request the 1.2 version of the API. =# using SwiftShader_jll # hide using Vulkan set_driver(:SwiftShader) # hide const application_info = ApplicationInfo( v"0.0.1", # application version v"0.0.1", # engine version v"1.2"; # requested API version application_name = "Demo", engine_name = "DemoEngine", ) #= The application and engine versions don't matter here, but must be provided regardless. We request the version 1.2 of the Vulkan API (ensure you have a driver compatible with version 1.2 first). Application and engine names won't matter either, but we provide them for demonstration purposes. ```julia const instance = Instance( ["VK_LAYER_KHRONOS_validation"], ["VK_EXT_debug_utils"]; application_info, ) ``` This simple call does a few things under the hood: - it creates an `InstanceCreateInfo` with the provided arguments - it calls `create_instance` with the create info, which in turn: - calls the API constructor `vkCreateInstance` - checks if an error occured; if so, return a `ResultTypes.Result` type wrapping an error - registers a finalizer to a newly created `Instance` that will call `destroy_instance` (forwarding to `vkDestroyInstance`) when necessary - unwraps the result of `create_instance`, which is assumed to be a success code (otherwise an exception is thrown). Note that this little abstraction does not induce any loss of functionality. Indeed, the `Instance` constructor has a few keyword arguments not mentioned above for a more advanced use, which simply provides default values. Note that we pass in arrays, version numbers and strings; but the C API does not know anything about Julia types. Fortunately, these conversions are taken care of by the wrapper, so that we don't need to provide pointers for arrays and strings, nor integers that act as version numbers. We now setup a debug messenger that we'll use for logging. Its function is to process messages sent by the Vulkan API. We could use the default debug callback provided by Vulkan.jl, namely [`default_debug_callback`](@ref); but instead we will implement our own callback for educational purposes. We'll just define a function that prints whatever message is received from Vulkan. We won't just `println`, because it does context-switching which is not allowed in finalizers (and the callback may be called in a finalizer, notably when functions like `vkDestroy...` are called). We can use `jl_safe_printf` which does not go through the Julia task system to safely print messages. The data that will arrive from Vulkan will be a `Ptr{VkCore.VkDebugUtilsMessengerCallbackDataEXT}` ```julia function debug_callback(severity, type, p_data, p_user_data) p_data ≠ C_NULL || return UInt32(0) # don't print if there's no message data = unsafe_load(p_data) msg = unsafe_string(data.pMessage) ccall(:jl_safe_printf, Cvoid, (Cstring,), string(msg, '\n')) return UInt32(0) end ``` Because we are passing a callback to Vulkan as a function pointer, we need to convert it to a function pointer using `@cfunction`: ```julia const debug_callback_c = @cfunction( debug_callback, UInt32, ( DebugUtilsMessageSeverityFlagEXT, DebugUtilsMessageTypeFlagEXT, Ptr{VkCore.VkDebugUtilsMessengerCallbackDataEXT}, Ptr{Cvoid}, ) ) ``` !!! warning If you intend to do this inside a module that will be precompiled, you must create the function pointer in the `__init__()` stage: ```julia const debug_callback_c = Ref{Ptr{Cvoid}}() function __init__() debug_callback_c[] = @cfunction(...) # the expression above end ``` This is because function pointers are only valid in a given runtime environment, so you need to get it at runtime (and *not* compile time). Note that the signature uses pointers and structures from VulkanCore.jl (accessible through the exported `core` and `vk` aliases). This is because we currently don't generate wrappers for defining function pointers. The flag types are still wrapper types, because the wrapped versions share the same binary representation as the core types. Let's create the debug messenger for all message types and severities: ```julia const debug_messenger = DebugUtilsMessengerEXT( instance, |( DEBUG_UTILS_MESSAGE_SEVERITY_VERBOSE_BIT_EXT, DEBUG_UTILS_MESSAGE_SEVERITY_INFO_BIT_EXT, DEBUG_UTILS_MESSAGE_SEVERITY_WARNING_BIT_EXT, DEBUG_UTILS_MESSAGE_SEVERITY_ERROR_BIT_EXT, ), |( DEBUG_UTILS_MESSAGE_TYPE_GENERAL_BIT_EXT, DEBUG_UTILS_MESSAGE_TYPE_VALIDATION_BIT_EXT, DEBUG_UTILS_MESSAGE_TYPE_PERFORMANCE_BIT_EXT, ), debug_callback_c, ) ``` !!! note `DebugUtilsMessengerEXT` is an extension-defined handle. Any extension function such as `vkCreateDebugUtilsMessengerEXT` and `vkDestroyDebugUtilsMessengerEXT` (called in the constructor and finalizer respectively) must be called using a function pointer. This detail is abstracted away with the wrapper, as API function pointers are automatically retrieved as needed and stored in a thread-safe global dispatch table. See more in the [Dispatch](@ref) section. We can now enumerate and pick a physical device that we will use for this tutorial. *Work in progress.* =#
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
11286
#= # Minimal working compute example The amount of control offered by Vulkan is not a very welcome property for users who just want to run a simple shader to compute something quickly, and the effort required for the "first good run" is often quite deterrent. To ease the struggle, this tutorial gives precisely the small "bootstrap" piece of code that should allow you to quickly run a compute shader on actual data. In short, we walk through the following steps: - Opening a device and finding good queue families and memory types - Allocating memory and buffers - Compiling a shader program and filling up the structures necessary to run it: - specialization constants - push constants - descriptor sets and layouts - Making a command buffer and submitting it to the queue, efficiently running the shader ## Initialization =# using SwiftShader_jll # hide using Vulkan set_driver(:SwiftShader) # hide instance = Instance([], []) # Take the first available physical device (you might check that it is an # actual GPU, using [`get_physical_device_properties`](@ref)). physical_device = first(unwrap(enumerate_physical_devices(instance))) # At this point, we need to choose a queue family index to use. For this # example, have a look at `vulkaninfo` command and pick the good queue manually # from the list of `VkQueueFamilyProperties` -- you want one that has # `QUEUE_COMPUTE` in the flags. In a production environment, you would use # [`get_physical_device_queue_family_properties`](@ref) to find a good index. qfam_idx = 0 # Create a device object and make a queue for our purposes. device = Device(physical_device, [DeviceQueueCreateInfo(qfam_idx, [1.0])], [], []) # ## Allocating the memory # # Similarly, you need to find a good memory type. Again, you can find a good one # using `vulkaninfo` or with [`get_physical_device_memory_properties`](@ref). # For compute, you want something that is both at the device (contains # `MEMORY_PROPERTY_DEVICE_LOCAL_BIT`) and visible from the host # (`..._HOST_VISIBLE_BIT`). memorytype_idx = 0 # Let's create some data. We will work with 100 flimsy floats. data_items = 100 mem_size = sizeof(Float32) * data_items # Allocate the memory of the correct type mem = DeviceMemory(device, mem_size, memorytype_idx) # Make a buffer that will be used to access the memory, and bind it to the # memory. (Memory allocations may be quite demanding, it is therefore often # better to allocate a single big chunk of memory, and create multiple buffers # that view it as smaller arrays.) buffer = Buffer( device, mem_size, BUFFER_USAGE_STORAGE_BUFFER_BIT, SHARING_MODE_EXCLUSIVE, [qfam_idx], ) bind_buffer_memory(device, buffer, mem, 0) # ## Uploading the data to the device # # First, map the memory and get a pointer to it. memptr = unwrap(map_memory(device, mem, 0, mem_size)) # Here we make Julia to look at the mapped data as a vector of `Float32`s, so # that we can access it easily: data = unsafe_wrap(Vector{Float32}, convert(Ptr{Float32}, memptr), data_items, own = false); # For now, let's just zero out all the data, and *flush* the changes to make # sure the device can see the updated data. This is the simplest way to move # array data to the device. data .= 0 unwrap(flush_mapped_memory_ranges(device, [MappedMemoryRange(mem, 0, mem_size)])) # The flushing is not required if you have verified that the memory is # host-coherent (i.e., has `MEMORY_PROPERTY_HOST_COHERENT_BIT`). # Eventually, you may need to allocate memory types that are not visible from # host, because these provide better capacity and speed on the discrete GPUs. # At that point, you may need to use the transfer queue and memory transfer # commands to get the data from host-visible to GPU-local memory, using e.g. # [`cmd_copy_buffer`](@ref). # ## Compiling the shader # # Now we need to make a shader program. We will use `glslangValidator` packaged # in a JLL to compile a GLSL program from a string into a spir-v bytecode, # which is later passed to the GPU drivers. shader_code = """ #version 430 layout(local_size_x_id = 0) in; layout(local_size_x = 1, local_size_y = 1, local_size_z = 1) in; layout(constant_id = 0) const uint blocksize = 1; // manual way to capture the specialization constants layout(push_constant) uniform Params { float val; uint n; } params; layout(std430, binding=0) buffer databuf { float data[]; }; void main() { uint i = gl_GlobalInvocationID.x; if(i < params.n) data[i] = params.val * i; } """ # Push constants are small packs of variables that are used to quickly send # configuration data to the shader runs. Make sure that this structure # corresponds to what is declared in the shader. struct ShaderPushConsts val::Float32 n::UInt32 end # Specialization constants are similar to push constants, but less dynamic: You # can change them before compiling the shader for the pipeline, but not # dynamically. This may have performance benefits for "very static" values, # such as block sizes. struct ShaderSpecConsts local_size_x::UInt32 end # Let's now compile the shader to SPIR-V with `glslang`. We can use the artifact `glslang_jll` which provides the binary through the [Artifact system](https://pkgdocs.julialang.org/v1/artifacts/). # First, make sure to `] add glslang_jll`, then we can do the shader compilation through: using glslang_jll: glslangValidator glslang = glslangValidator(identity) shader_bcode = mktempdir() do dir inpath = joinpath(dir, "shader.comp") outpath = joinpath(dir, "shader.spv") open(f -> write(f, shader_code), inpath, "w") status = run(`$glslang -V -S comp -o $outpath $inpath`) @assert status.exitcode == 0 reinterpret(UInt32, read(outpath)) end # We can now make a shader module with the compiled code: shader = ShaderModule(device, sizeof(UInt32) * length(shader_bcode), shader_bcode) # ## Assembling the pipeline # # A `descriptor set layout` describes how many resources of what kind will # be used by the shader. In this case, we only use a single buffer: dsl = DescriptorSetLayout( device, [ DescriptorSetLayoutBinding( 0, DESCRIPTOR_TYPE_STORAGE_BUFFER, SHADER_STAGE_COMPUTE_BIT; descriptor_count = 1, ), ], ) # Pipeline layout describes the descriptor set together with the location of # push constants: pl = PipelineLayout( device, [dsl], [PushConstantRange(SHADER_STAGE_COMPUTE_BIT, 0, sizeof(ShaderPushConsts))], ) # Shader compilation can use "specialization constants" that get propagated # (and optimized) into the shader code. We use them to make the shader # workgroup size "dynamic" in the sense that the size (32) is not hardcoded in # GLSL, but instead taken from here. const_local_size_x = 32 spec_consts = [ShaderSpecConsts(const_local_size_x)] # Next, we create a pipeline that can run the shader code with the specified layout: pipeline_info = ComputePipelineCreateInfo( PipelineShaderStageCreateInfo( SHADER_STAGE_COMPUTE_BIT, shader, "main", # this needs to match the function name in the shader specialization_info = SpecializationInfo( [SpecializationMapEntry(0, 0, 4)], UInt64(4), Ptr{Nothing}(pointer(spec_consts)), ), ), pl, -1, ) ps, _ = unwrap(create_compute_pipelines(device, [pipeline_info])) p = first(ps) # Now make a descriptor pool to allocate the buffer descriptors from (not a big # one, just 1 descriptor set with 1 descriptor in total), ... dpool = DescriptorPool(device, 1, [DescriptorPoolSize(DESCRIPTOR_TYPE_STORAGE_BUFFER, 1)], flags=DESCRIPTOR_POOL_CREATE_FREE_DESCRIPTOR_SET_BIT) # ... allocate the descriptors for our layout, ... dsets = unwrap(allocate_descriptor_sets(device, DescriptorSetAllocateInfo(dpool, [dsl]))) dset = first(dsets) # ... and make the descriptors point to the right buffers. update_descriptor_sets( device, [ WriteDescriptorSet( dset, 0, 0, DESCRIPTOR_TYPE_STORAGE_BUFFER, [], [DescriptorBufferInfo(buffer, 0, WHOLE_SIZE)], [], ), ], [], ) # ## Executing the shader # # Let's create a command pool in the right queue family, and take a command # buffer out of that. cmdpool = CommandPool(device, qfam_idx) cbufs = unwrap( allocate_command_buffers( device, CommandBufferAllocateInfo(cmdpool, COMMAND_BUFFER_LEVEL_PRIMARY, 1), ), ) cbuf = first(cbufs) # Now that we have a command buffer, we can fill it with commands that cause # the kernel to be run. Basically, we bind and fill everything, and then # dispatch a sufficient amount of invocations of the shader to span over the # array. begin_command_buffer( cbuf, CommandBufferBeginInfo(flags = COMMAND_BUFFER_USAGE_ONE_TIME_SUBMIT_BIT), ) cmd_bind_pipeline(cbuf, PIPELINE_BIND_POINT_COMPUTE, p) const_buf = [ShaderPushConsts(1.234, data_items)] cmd_push_constants( cbuf, pl, SHADER_STAGE_COMPUTE_BIT, 0, sizeof(ShaderPushConsts), Ptr{Nothing}(pointer(const_buf)), ) cmd_bind_descriptor_sets(cbuf, PIPELINE_BIND_POINT_COMPUTE, pl, 0, [dset], []) cmd_dispatch(cbuf, div(data_items, const_local_size_x, RoundUp), 1, 1) end_command_buffer(cbuf) # Finally, find a handle to the compute queue and send the command to execute # the shader! compute_q = get_device_queue(device, qfam_idx, 0) unwrap(queue_submit(compute_q, [SubmitInfo([], [], [cbuf], [])])) # ## Getting the data # # After submitting the queue, the data is being crunched in the background. To # get the resulting data, we need to wait for completion and invalidate the # mapped memory (so that whatever data updates that happened on the GPU get # transferred to the mapped range visible for the host). # # While [`queue_wait_idle`](@ref) will wait for computations to be carried out, # we need to make sure that the required data is kept alive during queue # operations. In non-global scopes, such as functions, the compiler may skip # the allocation of unused variables or garbage-collect objects that the # runtime thinks are no longer used. If garbage-collected, objects will call # their finalizers which imply the destruction of the Vulkan objects # (via `vkDestroy...`). In this particular case, the runtime is not aware # that for example the pipeline and buffer objects are still used and that # there's a dependency with these variables until the command returns, so we # tell it manually. GC.@preserve buffer dsl pl p const_buf spec_consts begin unwrap(queue_wait_idle(compute_q)) end # Free the command buffers and the descriptor sets. These are the only handles that are not cleaned up automatically (see [Automatic finalization](@ref)). free_command_buffers(device, cmdpool, cbufs) free_descriptor_sets(device, dpool, dsets) # Just as with flushing, the invalidation is only required for memory that is # not host-coherent. You may skip this step if you check that the memory has # the host-coherent property flag. unwrap(invalidate_mapped_memory_ranges(device, [MappedMemoryRange(mem, 0, mem_size)])) # Finally, let's have a look at the data created by your compute shader! data # WHOA
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
1734
# # Resource management # Let's see how resources get freed automatically, and when they aren't. First let's set the preference `"LOG_DESTRUCTION"` to `"true"` to see what's going on: using SwiftShader_jll # hide using Vulkan set_driver(:SwiftShader) # hide Vulkan.set_preferences!("LOG_DESTRUCTION" => "true") # Now let's create a bunch of handles and see what happens when the GC runs: function do_something() instance = Instance([], []) physical_devices = unwrap(enumerate_physical_devices(instance)) physical_device = first(physical_devices) device = Device(physical_device, [DeviceQueueCreateInfo(0, [1.0])], [], []) command_pool = CommandPool(device, 0) buffers = unwrap( allocate_command_buffers( device, CommandBufferAllocateInfo(command_pool, COMMAND_BUFFER_LEVEL_PRIMARY, 10), ), ) ## they won't be automatically freed individually free_command_buffers(device, command_pool, buffers) nothing end do_something() ## to force some finalizers to run GC.gc() #= Not all handles were destroyed upon finalization. In particular, the physical device and the buffers were not destroyed. That's because a physical device is not owned by the application, so you can't destroy it, and buffers must be freed in batches with `free_command_buffers` (as done above). See more information in [Automatic finalization](@ref). !!! note Not all finalizers have run. In some cases (e.g. when a finalizer must be run to release resources), it may be preferable to run them directly. You can do this by calling `finalize` (exported from `Base`): ```@example resource_management instance = Instance([], []) finalize(instance) ``` =#
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
852
module VulkanColorTypesExt using Vulkan using ColorTypes # generated by `ext/generate_formats.jl`. Vk.Format(::Type{RGB{Float16}}) = FORMAT_R16G16B16_SFLOAT Vk.Format(::Type{RGBA{Float16}}) = FORMAT_R16G16B16A16_SFLOAT Vk.Format(::Type{RGB{Float32}}) = FORMAT_R32G32B32_SFLOAT Vk.Format(::Type{RGBA{Float32}}) = FORMAT_R32G32B32A32_SFLOAT Vk.Format(::Type{RGB{Float64}}) = FORMAT_R64G64B64_SFLOAT Vk.Format(::Type{RGBA{Float64}}) = FORMAT_R64G64B64A64_SFLOAT Vk.format_type(::Val{FORMAT_R16G16B16_SFLOAT}) = RGB{Float16} Vk.format_type(::Val{FORMAT_R16G16B16A16_SFLOAT}) = RGBA{Float16} Vk.format_type(::Val{FORMAT_R32G32B32_SFLOAT}) = RGB{Float32} Vk.format_type(::Val{FORMAT_R32G32B32A32_SFLOAT}) = RGBA{Float32} Vk.format_type(::Val{FORMAT_R64G64B64_SFLOAT}) = RGB{Float64} Vk.format_type(::Val{FORMAT_R64G64B64A64_SFLOAT}) = RGBA{Float64} end
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
1565
module VulkanFixedPointNumbersColorTypesExt using Vulkan using FixedPointNumbers using ColorTypes # generated by `ext/generate_formats.jl`. Vk.Format(::Type{RGB{N0f8}}) = Vk.FORMAT_R8G8B8_UNORM Vk.Format(::Type{RGB{Q0f7}}) = Vk.FORMAT_R8G8B8_SNORM Vk.Format(::Type{BGR{N0f8}}) = Vk.FORMAT_B8G8R8_UNORM Vk.Format(::Type{BGR{Q0f7}}) = Vk.FORMAT_B8G8R8_SNORM Vk.Format(::Type{RGBA{N0f8}}) = Vk.FORMAT_R8G8B8A8_UNORM Vk.Format(::Type{RGBA{Q0f7}}) = Vk.FORMAT_R8G8B8A8_SNORM Vk.Format(::Type{BGRA{N0f8}}) = Vk.FORMAT_B8G8R8A8_UNORM Vk.Format(::Type{BGRA{Q0f7}}) = Vk.FORMAT_B8G8R8A8_SNORM Vk.Format(::Type{RGB{N0f16}}) = Vk.FORMAT_R16G16B16_UNORM Vk.Format(::Type{RGB{Q0f15}}) = Vk.FORMAT_R16G16B16_SNORM Vk.Format(::Type{RGBA{N0f16}}) = Vk.FORMAT_R16G16B16A16_UNORM Vk.Format(::Type{RGBA{Q0f15}}) = Vk.FORMAT_R16G16B16A16_SNORM Vk.format_type(::Val{Vk.FORMAT_R8G8B8_UNORM}) = RGB{N0f8} Vk.format_type(::Val{Vk.FORMAT_R8G8B8_SNORM}) = RGB{Q0f7} Vk.format_type(::Val{Vk.FORMAT_B8G8R8_UNORM}) = BGR{N0f8} Vk.format_type(::Val{Vk.FORMAT_B8G8R8_SNORM}) = BGR{Q0f7} Vk.format_type(::Val{Vk.FORMAT_R8G8B8A8_UNORM}) = RGBA{N0f8} Vk.format_type(::Val{Vk.FORMAT_R8G8B8A8_SNORM}) = RGBA{Q0f7} Vk.format_type(::Val{Vk.FORMAT_B8G8R8A8_UNORM}) = BGRA{N0f8} Vk.format_type(::Val{Vk.FORMAT_B8G8R8A8_SNORM}) = BGRA{Q0f7} Vk.format_type(::Val{Vk.FORMAT_R16G16B16_UNORM}) = RGB{N0f16} Vk.format_type(::Val{Vk.FORMAT_R16G16B16_SNORM}) = RGB{Q0f15} Vk.format_type(::Val{Vk.FORMAT_R16G16B16A16_UNORM}) = RGBA{N0f16} Vk.format_type(::Val{Vk.FORMAT_R16G16B16A16_SNORM}) = RGBA{Q0f15} end
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
482
module VulkanFixedPointNumbersExt using Vulkan using FixedPointNumbers # generated by `ext/generate_formats.jl`. Vk.Format(::Type{N0f8}) = FORMAT_R8_UNORM Vk.Format(::Type{Q0f7}) = FORMAT_R8_SNORM Vk.Format(::Type{N0f16}) = FORMAT_R16_UNORM Vk.Format(::Type{Q0f15}) = FORMAT_R16_SNORM Vk.format_type(::Val{FORMAT_R8_UNORM}) = N0f8 Vk.format_type(::Val{FORMAT_R8_SNORM}) = Q0f7 Vk.format_type(::Val{FORMAT_R16_UNORM}) = N0f16 Vk.format_type(::Val{FORMAT_R16_SNORM}) = Q0f15 end
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
1418
module VulkanFixedPointNumbersStaticArraysCoreExt using Vulkan using FixedPointNumbers using StaticArraysCore: SVector # generated by `ext/generate_formats.jl`. Vk.Format(::Type{SVector{2, Q0f7}}) = FORMAT_R8G8_SNORM Vk.Format(::Type{SVector{3, Q0f7}}) = FORMAT_R8G8B8_SNORM Vk.Format(::Type{SVector{4, Q0f7}}) = FORMAT_R8G8B8A8_SNORM Vk.Format(::Type{SVector{2, N0f8}}) = FORMAT_R8G8_UNORM Vk.Format(::Type{SVector{3, N0f8}}) = FORMAT_R8G8B8_UNORM Vk.Format(::Type{SVector{4, N0f8}}) = FORMAT_R8G8B8A8_UNORM Vk.Format(::Type{SVector{2, Q0f15}}) = FORMAT_R16G16_SNORM Vk.Format(::Type{SVector{3, Q0f15}}) = FORMAT_R16G16B16_SNORM Vk.Format(::Type{SVector{4, Q0f15}}) = FORMAT_R16G16B16A16_SNORM Vk.Format(::Type{SVector{2, N0f16}}) = FORMAT_R16G16_UNORM Vk.Format(::Type{SVector{3, N0f16}}) = FORMAT_R16G16B16_UNORM Vk.Format(::Type{SVector{4, N0f16}}) = FORMAT_R16G16B16A16_UNORM Vk.format_type(::Val{FORMAT_R8G8_SNORM}) = SVector{2, Q0f7} Vk.format_type(::Val{FORMAT_R8G8_UNORM}) = SVector{2, N0f8} Vk.format_type(::Val{FORMAT_G8B8G8R8_422_UNORM}) = SVector{4, N0f8} Vk.format_type(::Val{FORMAT_B8G8R8G8_422_UNORM}) = SVector{4, N0f8} Vk.format_type(::Val{FORMAT_R16G16_SNORM}) = SVector{2, Q0f15} Vk.format_type(::Val{FORMAT_R16G16_UNORM}) = SVector{2, N0f16} Vk.format_type(::Val{FORMAT_G16B16G16R16_422_UNORM}) = SVector{4, N0f16} Vk.format_type(::Val{FORMAT_B16G16R16G16_422_UNORM}) = SVector{4, N0f16} end
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
912
module VulkanStaticArraysCoreExt using Vulkan using StaticArraysCore: SVector # generated by `ext/generate_formats.jl`. Vk.Format(::Type{SVector{2, Float16}}) = FORMAT_R16G16_SFLOAT Vk.Format(::Type{SVector{3, Float16}}) = FORMAT_R16G16B16_SFLOAT Vk.Format(::Type{SVector{4, Float16}}) = FORMAT_R16G16B16A16_SFLOAT Vk.Format(::Type{SVector{2, Float32}}) = FORMAT_R32G32_SFLOAT Vk.Format(::Type{SVector{3, Float32}}) = FORMAT_R32G32B32_SFLOAT Vk.Format(::Type{SVector{4, Float32}}) = FORMAT_R32G32B32A32_SFLOAT Vk.Format(::Type{SVector{2, Float64}}) = FORMAT_R64G64_SFLOAT Vk.Format(::Type{SVector{3, Float64}}) = FORMAT_R64G64B64_SFLOAT Vk.Format(::Type{SVector{4, Float64}}) = FORMAT_R64G64B64A64_SFLOAT Vk.format_type(::Val{FORMAT_R16G16_SFLOAT}) = SVector{2, Float16} Vk.format_type(::Val{FORMAT_R32G32_SFLOAT}) = SVector{2, Float32} Vk.format_type(::Val{FORMAT_R64G64_SFLOAT}) = SVector{2, Float64} end
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
217
module VulkanXCBExt using Vulkan using XCB: XCBWindow function Vk.SurfaceKHR(instance, window::XCBWindow) unwrap(Vk.create_xcb_surface_khr(instance, Vk.XcbSurfaceCreateInfoKHR(window.conn.h, window.id))) end end
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
5105
# This file is a generator for ext/VulkanColorTypesExt.jl. if !isinteractive() using Pkg Pkg.activate(temp = true); Pkg.add(["ColorTypes", "FixedPointNumbers"]); Pkg.develop(path = dirname(@__DIR__)) end using Vulkan: Vk using ColorTypes using FixedPointNumbers using StaticArrays NUMERIC_FORMATS = [:SNORM, :UNORM, :UFLOAT, :SFLOAT] #, :UINT, :SINT, :USCALED, :SSCALED] function component_type(width, numeric_format) if numeric_format in (:SNORM, :UNORM) baseT = getproperty(Base, Symbol(numeric_format == :SNORM ? :Int : :UInt, width)) T = numeric_format == :SNORM ? Fixed : Normed nbits = numeric_format == :SNORM ? width - 1 : width T{baseT, nbits} else width == 8 ? N0f8 : getproperty(Base, Symbol(:Float, width)) end end function generate_color_formats() vk_formats = Vk.Format[] color_types = Type[] for color_width in (8, 16, 32, 64) for numeric_format in NUMERIC_FORMATS rgb_orders = [[:R, :G, :B], [:B, :G, :R]] color_patterns = [rgb_orders; [[:A; order] for order in rgb_orders]; [[order; :A] for order in rgb_orders]] T = component_type(color_width, numeric_format) for color_pattern in color_patterns component_format = join(join.(zip(color_pattern, fill(color_width, 4)))) format = Symbol(:FORMAT_, component_format, '_', numeric_format) if isdefined(Vk, format) val = getproperty(Vk, format) color_type = getproperty(ColorTypes, Symbol(join(color_pattern))) concrete_type = color_type{T} push!(vk_formats, val) push!(color_types, concrete_type) end end end end vk_formats, color_types end function generate_packed_formats() vk_formats = Vk.Format[] packed_types = DataType[] for format in instances(Vk.Format) m = match(r"PACK(8|16|32)", string(format)) isnothing(m) && continue width = m[1] T = getproperty(Base, Symbol(:UInt, width)) push!(vk_formats, format) push!(packed_types, T) end vk_formats, packed_types end function generate_vector_formats() vk_formats = Pair{Vk.Format,Type}[] vector_types = Pair{Type,Vk.Format}[] ispermuted(pattern) = pattern[1] ≠ :R for color_width in (8, 16, 32, 64) for numeric_format in NUMERIC_FORMATS rgb_orders = [[:R, :G], [:R, :G, :B], [:G, :B, :G, :R], [:B, :G, :R, :G]] rgb_orders_with_alpha = filter(order -> length(order) == 3, rgb_orders) color_patterns = [rgb_orders; [[:A; order] for order in rgb_orders_with_alpha]; [[order; :A] for order in rgb_orders_with_alpha]] T = component_type(color_width, numeric_format) for color_pattern in color_patterns component_format = join(join.(zip(color_pattern, fill(color_width, 4)))) format = Symbol(:FORMAT_, component_format, !allunique(color_pattern) ? "_422" : "", '_', numeric_format) if isdefined(Vk, format) val = getproperty(Vk, format) N = length(color_pattern) concrete_type = SVector{N,T} allunique(color_pattern) && push!(vk_formats, val => concrete_type) # These color patterns are already mapped to ColorTypes types. !in(color_pattern, ([:R, :G, :B], [:R, :G, :B, :A])) && push!(vector_types, concrete_type => val) end end end end vk_formats, vector_types end function generate_single_component_formats() vk_formats = Vk.Format[] julia_types = Type[] for color_width in (8, 16, 32, 64) for numeric_format in NUMERIC_FORMATS T = component_type(color_width, numeric_format) format = Symbol(:FORMAT_R, color_width, '_', numeric_format) if isdefined(Vk, format) val = getproperty(Vk, format) push!(vk_formats, val) push!(julia_types, T) end end end vk_formats, julia_types end function print_mapping(vk_formats, julia_types) if !isa(vk_formats, Vector{Pair{Vk.Format, Type}}) && !isa(julia_types, Vector{Pair{Type, Vk.Format}}) mapping = sort(collect(Dict(vk_formats .=> julia_types)); by = first) mapping_formats = mapping mapping_types = reverse.(mapping) else mapping_formats = vk_formats mapping_types = julia_types end for (format, T) in mapping_formats println("Vk.Format(::Type{", T, "}) = ", replace(repr(format), "Vulkan" => "Vk")) end println() for (T, format) in mapping_types println("Vk.format_type(::Val{", replace(repr(format), "Vulkan" => "Vk"), "}) = ", T) end end function main() printstyled("\nColor formats:\n"; color = :yellow) vk_formats, color_types = generate_color_formats() print_mapping(vk_formats, color_types) printstyled("\nPacked formats:\n"; color = :yellow) vk_formats, packed_types = generate_packed_formats() print_mapping(vk_formats, packed_types) printstyled("\nVector formats:\n"; color = :yellow) vk_formats, packed_types = generate_vector_formats() print_mapping(vk_formats, packed_types) printstyled("\nSingle-component formats:\n"; color = :yellow) vk_formats, julia_types = generate_single_component_formats() print_mapping(vk_formats, julia_types) end main()
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
4669071
const MAX_PHYSICAL_DEVICE_NAME_SIZE = VK_MAX_PHYSICAL_DEVICE_NAME_SIZE const UUID_SIZE = VK_UUID_SIZE const LUID_SIZE = VK_LUID_SIZE const MAX_DESCRIPTION_SIZE = VK_MAX_DESCRIPTION_SIZE const MAX_MEMORY_TYPES = VK_MAX_MEMORY_TYPES const MAX_MEMORY_HEAPS = VK_MAX_MEMORY_HEAPS const LOD_CLAMP_NONE = VK_LOD_CLAMP_NONE const REMAINING_MIP_LEVELS = VK_REMAINING_MIP_LEVELS const REMAINING_ARRAY_LAYERS = VK_REMAINING_ARRAY_LAYERS const WHOLE_SIZE = VK_WHOLE_SIZE const ATTACHMENT_UNUSED = VK_ATTACHMENT_UNUSED const QUEUE_FAMILY_IGNORED = VK_QUEUE_FAMILY_IGNORED const QUEUE_FAMILY_EXTERNAL = VK_QUEUE_FAMILY_EXTERNAL const QUEUE_FAMILY_FOREIGN_EXT = VK_QUEUE_FAMILY_FOREIGN_EXT const SUBPASS_EXTERNAL = VK_SUBPASS_EXTERNAL const MAX_DEVICE_GROUP_SIZE = VK_MAX_DEVICE_GROUP_SIZE const MAX_DRIVER_NAME_SIZE = VK_MAX_DRIVER_NAME_SIZE const MAX_DRIVER_INFO_SIZE = VK_MAX_DRIVER_INFO_SIZE const SHADER_UNUSED_KHR = VK_SHADER_UNUSED_KHR const MAX_GLOBAL_PRIORITY_SIZE_KHR = VK_MAX_GLOBAL_PRIORITY_SIZE_KHR const MAX_SHADER_MODULE_IDENTIFIER_SIZE_EXT = VK_MAX_SHADER_MODULE_IDENTIFIER_SIZE_EXT @cenum ImageLayout::UInt32 begin IMAGE_LAYOUT_UNDEFINED = 0 IMAGE_LAYOUT_GENERAL = 1 IMAGE_LAYOUT_COLOR_ATTACHMENT_OPTIMAL = 2 IMAGE_LAYOUT_DEPTH_STENCIL_ATTACHMENT_OPTIMAL = 3 IMAGE_LAYOUT_DEPTH_STENCIL_READ_ONLY_OPTIMAL = 4 IMAGE_LAYOUT_SHADER_READ_ONLY_OPTIMAL = 5 IMAGE_LAYOUT_TRANSFER_SRC_OPTIMAL = 6 IMAGE_LAYOUT_TRANSFER_DST_OPTIMAL = 7 IMAGE_LAYOUT_PREINITIALIZED = 8 IMAGE_LAYOUT_DEPTH_READ_ONLY_STENCIL_ATTACHMENT_OPTIMAL = 1000117000 IMAGE_LAYOUT_DEPTH_ATTACHMENT_STENCIL_READ_ONLY_OPTIMAL = 1000117001 IMAGE_LAYOUT_DEPTH_ATTACHMENT_OPTIMAL = 1000241000 IMAGE_LAYOUT_DEPTH_READ_ONLY_OPTIMAL = 1000241001 IMAGE_LAYOUT_STENCIL_ATTACHMENT_OPTIMAL = 1000241002 IMAGE_LAYOUT_STENCIL_READ_ONLY_OPTIMAL = 1000241003 IMAGE_LAYOUT_READ_ONLY_OPTIMAL = 1000314000 IMAGE_LAYOUT_ATTACHMENT_OPTIMAL = 1000314001 IMAGE_LAYOUT_PRESENT_SRC_KHR = 1000001002 IMAGE_LAYOUT_VIDEO_DECODE_DST_KHR = 1000024000 IMAGE_LAYOUT_VIDEO_DECODE_SRC_KHR = 1000024001 IMAGE_LAYOUT_VIDEO_DECODE_DPB_KHR = 1000024002 IMAGE_LAYOUT_SHARED_PRESENT_KHR = 1000111000 IMAGE_LAYOUT_FRAGMENT_DENSITY_MAP_OPTIMAL_EXT = 1000218000 IMAGE_LAYOUT_FRAGMENT_SHADING_RATE_ATTACHMENT_OPTIMAL_KHR = 1000164003 IMAGE_LAYOUT_VIDEO_ENCODE_DST_KHR = 1000299000 IMAGE_LAYOUT_VIDEO_ENCODE_SRC_KHR = 1000299001 IMAGE_LAYOUT_VIDEO_ENCODE_DPB_KHR = 1000299002 IMAGE_LAYOUT_ATTACHMENT_FEEDBACK_LOOP_OPTIMAL_EXT = 1000339000 end @cenum AttachmentLoadOp::UInt32 begin ATTACHMENT_LOAD_OP_LOAD = 0 ATTACHMENT_LOAD_OP_CLEAR = 1 ATTACHMENT_LOAD_OP_DONT_CARE = 2 ATTACHMENT_LOAD_OP_NONE_EXT = 1000400000 end @cenum AttachmentStoreOp::UInt32 begin ATTACHMENT_STORE_OP_STORE = 0 ATTACHMENT_STORE_OP_DONT_CARE = 1 ATTACHMENT_STORE_OP_NONE = 1000301000 end @cenum ImageType::UInt32 begin IMAGE_TYPE_1D = 0 IMAGE_TYPE_2D = 1 IMAGE_TYPE_3D = 2 end @cenum ImageTiling::UInt32 begin IMAGE_TILING_OPTIMAL = 0 IMAGE_TILING_LINEAR = 1 IMAGE_TILING_DRM_FORMAT_MODIFIER_EXT = 1000158000 end @cenum ImageViewType::UInt32 begin IMAGE_VIEW_TYPE_1D = 0 IMAGE_VIEW_TYPE_2D = 1 IMAGE_VIEW_TYPE_3D = 2 IMAGE_VIEW_TYPE_CUBE = 3 IMAGE_VIEW_TYPE_1D_ARRAY = 4 IMAGE_VIEW_TYPE_2D_ARRAY = 5 IMAGE_VIEW_TYPE_CUBE_ARRAY = 6 end @cenum CommandBufferLevel::UInt32 begin COMMAND_BUFFER_LEVEL_PRIMARY = 0 COMMAND_BUFFER_LEVEL_SECONDARY = 1 end @cenum ComponentSwizzle::UInt32 begin COMPONENT_SWIZZLE_IDENTITY = 0 COMPONENT_SWIZZLE_ZERO = 1 COMPONENT_SWIZZLE_ONE = 2 COMPONENT_SWIZZLE_R = 3 COMPONENT_SWIZZLE_G = 4 COMPONENT_SWIZZLE_B = 5 COMPONENT_SWIZZLE_A = 6 end @cenum DescriptorType::UInt32 begin DESCRIPTOR_TYPE_SAMPLER = 0 DESCRIPTOR_TYPE_COMBINED_IMAGE_SAMPLER = 1 DESCRIPTOR_TYPE_SAMPLED_IMAGE = 2 DESCRIPTOR_TYPE_STORAGE_IMAGE = 3 DESCRIPTOR_TYPE_UNIFORM_TEXEL_BUFFER = 4 DESCRIPTOR_TYPE_STORAGE_TEXEL_BUFFER = 5 DESCRIPTOR_TYPE_UNIFORM_BUFFER = 6 DESCRIPTOR_TYPE_STORAGE_BUFFER = 7 DESCRIPTOR_TYPE_UNIFORM_BUFFER_DYNAMIC = 8 DESCRIPTOR_TYPE_STORAGE_BUFFER_DYNAMIC = 9 DESCRIPTOR_TYPE_INPUT_ATTACHMENT = 10 DESCRIPTOR_TYPE_INLINE_UNIFORM_BLOCK = 1000138000 DESCRIPTOR_TYPE_ACCELERATION_STRUCTURE_KHR = 1000150000 DESCRIPTOR_TYPE_ACCELERATION_STRUCTURE_NV = 1000165000 DESCRIPTOR_TYPE_SAMPLE_WEIGHT_IMAGE_QCOM = 1000440000 DESCRIPTOR_TYPE_BLOCK_MATCH_IMAGE_QCOM = 1000440001 DESCRIPTOR_TYPE_MUTABLE_EXT = 1000351000 end @cenum QueryType::UInt32 begin QUERY_TYPE_OCCLUSION = 0 QUERY_TYPE_PIPELINE_STATISTICS = 1 QUERY_TYPE_TIMESTAMP = 2 QUERY_TYPE_RESULT_STATUS_ONLY_KHR = 1000023000 QUERY_TYPE_TRANSFORM_FEEDBACK_STREAM_EXT = 1000028004 QUERY_TYPE_PERFORMANCE_QUERY_KHR = 1000116000 QUERY_TYPE_ACCELERATION_STRUCTURE_COMPACTED_SIZE_KHR = 1000150000 QUERY_TYPE_ACCELERATION_STRUCTURE_SERIALIZATION_SIZE_KHR = 1000150001 QUERY_TYPE_ACCELERATION_STRUCTURE_COMPACTED_SIZE_NV = 1000165000 QUERY_TYPE_PERFORMANCE_QUERY_INTEL = 1000210000 QUERY_TYPE_VIDEO_ENCODE_BITSTREAM_BUFFER_RANGE_KHR = 1000299000 QUERY_TYPE_MESH_PRIMITIVES_GENERATED_EXT = 1000328000 QUERY_TYPE_PRIMITIVES_GENERATED_EXT = 1000382000 QUERY_TYPE_ACCELERATION_STRUCTURE_SERIALIZATION_BOTTOM_LEVEL_POINTERS_KHR = 1000386000 QUERY_TYPE_ACCELERATION_STRUCTURE_SIZE_KHR = 1000386001 QUERY_TYPE_MICROMAP_SERIALIZATION_SIZE_EXT = 1000396000 QUERY_TYPE_MICROMAP_COMPACTED_SIZE_EXT = 1000396001 end @cenum BorderColor::UInt32 begin BORDER_COLOR_FLOAT_TRANSPARENT_BLACK = 0 BORDER_COLOR_INT_TRANSPARENT_BLACK = 1 BORDER_COLOR_FLOAT_OPAQUE_BLACK = 2 BORDER_COLOR_INT_OPAQUE_BLACK = 3 BORDER_COLOR_FLOAT_OPAQUE_WHITE = 4 BORDER_COLOR_INT_OPAQUE_WHITE = 5 BORDER_COLOR_FLOAT_CUSTOM_EXT = 1000287003 BORDER_COLOR_INT_CUSTOM_EXT = 1000287004 end @cenum PipelineBindPoint::UInt32 begin PIPELINE_BIND_POINT_GRAPHICS = 0 PIPELINE_BIND_POINT_COMPUTE = 1 PIPELINE_BIND_POINT_RAY_TRACING_KHR = 1000165000 PIPELINE_BIND_POINT_SUBPASS_SHADING_HUAWEI = 1000369003 end @cenum PipelineCacheHeaderVersion::UInt32 begin PIPELINE_CACHE_HEADER_VERSION_ONE = 1 end @cenum PrimitiveTopology::UInt32 begin PRIMITIVE_TOPOLOGY_POINT_LIST = 0 PRIMITIVE_TOPOLOGY_LINE_LIST = 1 PRIMITIVE_TOPOLOGY_LINE_STRIP = 2 PRIMITIVE_TOPOLOGY_TRIANGLE_LIST = 3 PRIMITIVE_TOPOLOGY_TRIANGLE_STRIP = 4 PRIMITIVE_TOPOLOGY_TRIANGLE_FAN = 5 PRIMITIVE_TOPOLOGY_LINE_LIST_WITH_ADJACENCY = 6 PRIMITIVE_TOPOLOGY_LINE_STRIP_WITH_ADJACENCY = 7 PRIMITIVE_TOPOLOGY_TRIANGLE_LIST_WITH_ADJACENCY = 8 PRIMITIVE_TOPOLOGY_TRIANGLE_STRIP_WITH_ADJACENCY = 9 PRIMITIVE_TOPOLOGY_PATCH_LIST = 10 end @cenum SharingMode::UInt32 begin SHARING_MODE_EXCLUSIVE = 0 SHARING_MODE_CONCURRENT = 1 end @cenum IndexType::UInt32 begin INDEX_TYPE_UINT16 = 0 INDEX_TYPE_UINT32 = 1 INDEX_TYPE_NONE_KHR = 1000165000 INDEX_TYPE_UINT8_EXT = 1000265000 end @cenum Filter::UInt32 begin FILTER_NEAREST = 0 FILTER_LINEAR = 1 FILTER_CUBIC_EXT = 1000015000 end @cenum SamplerMipmapMode::UInt32 begin SAMPLER_MIPMAP_MODE_NEAREST = 0 SAMPLER_MIPMAP_MODE_LINEAR = 1 end @cenum SamplerAddressMode::UInt32 begin SAMPLER_ADDRESS_MODE_REPEAT = 0 SAMPLER_ADDRESS_MODE_MIRRORED_REPEAT = 1 SAMPLER_ADDRESS_MODE_CLAMP_TO_EDGE = 2 SAMPLER_ADDRESS_MODE_CLAMP_TO_BORDER = 3 SAMPLER_ADDRESS_MODE_MIRROR_CLAMP_TO_EDGE = 4 end @cenum CompareOp::UInt32 begin COMPARE_OP_NEVER = 0 COMPARE_OP_LESS = 1 COMPARE_OP_EQUAL = 2 COMPARE_OP_LESS_OR_EQUAL = 3 COMPARE_OP_GREATER = 4 COMPARE_OP_NOT_EQUAL = 5 COMPARE_OP_GREATER_OR_EQUAL = 6 COMPARE_OP_ALWAYS = 7 end @cenum PolygonMode::UInt32 begin POLYGON_MODE_FILL = 0 POLYGON_MODE_LINE = 1 POLYGON_MODE_POINT = 2 POLYGON_MODE_FILL_RECTANGLE_NV = 1000153000 end @cenum FrontFace::UInt32 begin FRONT_FACE_COUNTER_CLOCKWISE = 0 FRONT_FACE_CLOCKWISE = 1 end @cenum BlendFactor::UInt32 begin BLEND_FACTOR_ZERO = 0 BLEND_FACTOR_ONE = 1 BLEND_FACTOR_SRC_COLOR = 2 BLEND_FACTOR_ONE_MINUS_SRC_COLOR = 3 BLEND_FACTOR_DST_COLOR = 4 BLEND_FACTOR_ONE_MINUS_DST_COLOR = 5 BLEND_FACTOR_SRC_ALPHA = 6 BLEND_FACTOR_ONE_MINUS_SRC_ALPHA = 7 BLEND_FACTOR_DST_ALPHA = 8 BLEND_FACTOR_ONE_MINUS_DST_ALPHA = 9 BLEND_FACTOR_CONSTANT_COLOR = 10 BLEND_FACTOR_ONE_MINUS_CONSTANT_COLOR = 11 BLEND_FACTOR_CONSTANT_ALPHA = 12 BLEND_FACTOR_ONE_MINUS_CONSTANT_ALPHA = 13 BLEND_FACTOR_SRC_ALPHA_SATURATE = 14 BLEND_FACTOR_SRC1_COLOR = 15 BLEND_FACTOR_ONE_MINUS_SRC1_COLOR = 16 BLEND_FACTOR_SRC1_ALPHA = 17 BLEND_FACTOR_ONE_MINUS_SRC1_ALPHA = 18 end @cenum BlendOp::UInt32 begin BLEND_OP_ADD = 0 BLEND_OP_SUBTRACT = 1 BLEND_OP_REVERSE_SUBTRACT = 2 BLEND_OP_MIN = 3 BLEND_OP_MAX = 4 BLEND_OP_ZERO_EXT = 1000148000 BLEND_OP_SRC_EXT = 1000148001 BLEND_OP_DST_EXT = 1000148002 BLEND_OP_SRC_OVER_EXT = 1000148003 BLEND_OP_DST_OVER_EXT = 1000148004 BLEND_OP_SRC_IN_EXT = 1000148005 BLEND_OP_DST_IN_EXT = 1000148006 BLEND_OP_SRC_OUT_EXT = 1000148007 BLEND_OP_DST_OUT_EXT = 1000148008 BLEND_OP_SRC_ATOP_EXT = 1000148009 BLEND_OP_DST_ATOP_EXT = 1000148010 BLEND_OP_XOR_EXT = 1000148011 BLEND_OP_MULTIPLY_EXT = 1000148012 BLEND_OP_SCREEN_EXT = 1000148013 BLEND_OP_OVERLAY_EXT = 1000148014 BLEND_OP_DARKEN_EXT = 1000148015 BLEND_OP_LIGHTEN_EXT = 1000148016 BLEND_OP_COLORDODGE_EXT = 1000148017 BLEND_OP_COLORBURN_EXT = 1000148018 BLEND_OP_HARDLIGHT_EXT = 1000148019 BLEND_OP_SOFTLIGHT_EXT = 1000148020 BLEND_OP_DIFFERENCE_EXT = 1000148021 BLEND_OP_EXCLUSION_EXT = 1000148022 BLEND_OP_INVERT_EXT = 1000148023 BLEND_OP_INVERT_RGB_EXT = 1000148024 BLEND_OP_LINEARDODGE_EXT = 1000148025 BLEND_OP_LINEARBURN_EXT = 1000148026 BLEND_OP_VIVIDLIGHT_EXT = 1000148027 BLEND_OP_LINEARLIGHT_EXT = 1000148028 BLEND_OP_PINLIGHT_EXT = 1000148029 BLEND_OP_HARDMIX_EXT = 1000148030 BLEND_OP_HSL_HUE_EXT = 1000148031 BLEND_OP_HSL_SATURATION_EXT = 1000148032 BLEND_OP_HSL_COLOR_EXT = 1000148033 BLEND_OP_HSL_LUMINOSITY_EXT = 1000148034 BLEND_OP_PLUS_EXT = 1000148035 BLEND_OP_PLUS_CLAMPED_EXT = 1000148036 BLEND_OP_PLUS_CLAMPED_ALPHA_EXT = 1000148037 BLEND_OP_PLUS_DARKER_EXT = 1000148038 BLEND_OP_MINUS_EXT = 1000148039 BLEND_OP_MINUS_CLAMPED_EXT = 1000148040 BLEND_OP_CONTRAST_EXT = 1000148041 BLEND_OP_INVERT_OVG_EXT = 1000148042 BLEND_OP_RED_EXT = 1000148043 BLEND_OP_GREEN_EXT = 1000148044 BLEND_OP_BLUE_EXT = 1000148045 end @cenum StencilOp::UInt32 begin STENCIL_OP_KEEP = 0 STENCIL_OP_ZERO = 1 STENCIL_OP_REPLACE = 2 STENCIL_OP_INCREMENT_AND_CLAMP = 3 STENCIL_OP_DECREMENT_AND_CLAMP = 4 STENCIL_OP_INVERT = 5 STENCIL_OP_INCREMENT_AND_WRAP = 6 STENCIL_OP_DECREMENT_AND_WRAP = 7 end @cenum LogicOp::UInt32 begin LOGIC_OP_CLEAR = 0 LOGIC_OP_AND = 1 LOGIC_OP_AND_REVERSE = 2 LOGIC_OP_COPY = 3 LOGIC_OP_AND_INVERTED = 4 LOGIC_OP_NO_OP = 5 LOGIC_OP_XOR = 6 LOGIC_OP_OR = 7 LOGIC_OP_NOR = 8 LOGIC_OP_EQUIVALENT = 9 LOGIC_OP_INVERT = 10 LOGIC_OP_OR_REVERSE = 11 LOGIC_OP_COPY_INVERTED = 12 LOGIC_OP_OR_INVERTED = 13 LOGIC_OP_NAND = 14 LOGIC_OP_SET = 15 end @cenum InternalAllocationType::UInt32 begin INTERNAL_ALLOCATION_TYPE_EXECUTABLE = 0 end @cenum SystemAllocationScope::UInt32 begin SYSTEM_ALLOCATION_SCOPE_COMMAND = 0 SYSTEM_ALLOCATION_SCOPE_OBJECT = 1 SYSTEM_ALLOCATION_SCOPE_CACHE = 2 SYSTEM_ALLOCATION_SCOPE_DEVICE = 3 SYSTEM_ALLOCATION_SCOPE_INSTANCE = 4 end @cenum PhysicalDeviceType::UInt32 begin PHYSICAL_DEVICE_TYPE_OTHER = 0 PHYSICAL_DEVICE_TYPE_INTEGRATED_GPU = 1 PHYSICAL_DEVICE_TYPE_DISCRETE_GPU = 2 PHYSICAL_DEVICE_TYPE_VIRTUAL_GPU = 3 PHYSICAL_DEVICE_TYPE_CPU = 4 end @cenum VertexInputRate::UInt32 begin VERTEX_INPUT_RATE_VERTEX = 0 VERTEX_INPUT_RATE_INSTANCE = 1 end @cenum Format::UInt32 begin FORMAT_UNDEFINED = 0 FORMAT_R4G4_UNORM_PACK8 = 1 FORMAT_R4G4B4A4_UNORM_PACK16 = 2 FORMAT_B4G4R4A4_UNORM_PACK16 = 3 FORMAT_R5G6B5_UNORM_PACK16 = 4 FORMAT_B5G6R5_UNORM_PACK16 = 5 FORMAT_R5G5B5A1_UNORM_PACK16 = 6 FORMAT_B5G5R5A1_UNORM_PACK16 = 7 FORMAT_A1R5G5B5_UNORM_PACK16 = 8 FORMAT_R8_UNORM = 9 FORMAT_R8_SNORM = 10 FORMAT_R8_USCALED = 11 FORMAT_R8_SSCALED = 12 FORMAT_R8_UINT = 13 FORMAT_R8_SINT = 14 FORMAT_R8_SRGB = 15 FORMAT_R8G8_UNORM = 16 FORMAT_R8G8_SNORM = 17 FORMAT_R8G8_USCALED = 18 FORMAT_R8G8_SSCALED = 19 FORMAT_R8G8_UINT = 20 FORMAT_R8G8_SINT = 21 FORMAT_R8G8_SRGB = 22 FORMAT_R8G8B8_UNORM = 23 FORMAT_R8G8B8_SNORM = 24 FORMAT_R8G8B8_USCALED = 25 FORMAT_R8G8B8_SSCALED = 26 FORMAT_R8G8B8_UINT = 27 FORMAT_R8G8B8_SINT = 28 FORMAT_R8G8B8_SRGB = 29 FORMAT_B8G8R8_UNORM = 30 FORMAT_B8G8R8_SNORM = 31 FORMAT_B8G8R8_USCALED = 32 FORMAT_B8G8R8_SSCALED = 33 FORMAT_B8G8R8_UINT = 34 FORMAT_B8G8R8_SINT = 35 FORMAT_B8G8R8_SRGB = 36 FORMAT_R8G8B8A8_UNORM = 37 FORMAT_R8G8B8A8_SNORM = 38 FORMAT_R8G8B8A8_USCALED = 39 FORMAT_R8G8B8A8_SSCALED = 40 FORMAT_R8G8B8A8_UINT = 41 FORMAT_R8G8B8A8_SINT = 42 FORMAT_R8G8B8A8_SRGB = 43 FORMAT_B8G8R8A8_UNORM = 44 FORMAT_B8G8R8A8_SNORM = 45 FORMAT_B8G8R8A8_USCALED = 46 FORMAT_B8G8R8A8_SSCALED = 47 FORMAT_B8G8R8A8_UINT = 48 FORMAT_B8G8R8A8_SINT = 49 FORMAT_B8G8R8A8_SRGB = 50 FORMAT_A8B8G8R8_UNORM_PACK32 = 51 FORMAT_A8B8G8R8_SNORM_PACK32 = 52 FORMAT_A8B8G8R8_USCALED_PACK32 = 53 FORMAT_A8B8G8R8_SSCALED_PACK32 = 54 FORMAT_A8B8G8R8_UINT_PACK32 = 55 FORMAT_A8B8G8R8_SINT_PACK32 = 56 FORMAT_A8B8G8R8_SRGB_PACK32 = 57 FORMAT_A2R10G10B10_UNORM_PACK32 = 58 FORMAT_A2R10G10B10_SNORM_PACK32 = 59 FORMAT_A2R10G10B10_USCALED_PACK32 = 60 FORMAT_A2R10G10B10_SSCALED_PACK32 = 61 FORMAT_A2R10G10B10_UINT_PACK32 = 62 FORMAT_A2R10G10B10_SINT_PACK32 = 63 FORMAT_A2B10G10R10_UNORM_PACK32 = 64 FORMAT_A2B10G10R10_SNORM_PACK32 = 65 FORMAT_A2B10G10R10_USCALED_PACK32 = 66 FORMAT_A2B10G10R10_SSCALED_PACK32 = 67 FORMAT_A2B10G10R10_UINT_PACK32 = 68 FORMAT_A2B10G10R10_SINT_PACK32 = 69 FORMAT_R16_UNORM = 70 FORMAT_R16_SNORM = 71 FORMAT_R16_USCALED = 72 FORMAT_R16_SSCALED = 73 FORMAT_R16_UINT = 74 FORMAT_R16_SINT = 75 FORMAT_R16_SFLOAT = 76 FORMAT_R16G16_UNORM = 77 FORMAT_R16G16_SNORM = 78 FORMAT_R16G16_USCALED = 79 FORMAT_R16G16_SSCALED = 80 FORMAT_R16G16_UINT = 81 FORMAT_R16G16_SINT = 82 FORMAT_R16G16_SFLOAT = 83 FORMAT_R16G16B16_UNORM = 84 FORMAT_R16G16B16_SNORM = 85 FORMAT_R16G16B16_USCALED = 86 FORMAT_R16G16B16_SSCALED = 87 FORMAT_R16G16B16_UINT = 88 FORMAT_R16G16B16_SINT = 89 FORMAT_R16G16B16_SFLOAT = 90 FORMAT_R16G16B16A16_UNORM = 91 FORMAT_R16G16B16A16_SNORM = 92 FORMAT_R16G16B16A16_USCALED = 93 FORMAT_R16G16B16A16_SSCALED = 94 FORMAT_R16G16B16A16_UINT = 95 FORMAT_R16G16B16A16_SINT = 96 FORMAT_R16G16B16A16_SFLOAT = 97 FORMAT_R32_UINT = 98 FORMAT_R32_SINT = 99 FORMAT_R32_SFLOAT = 100 FORMAT_R32G32_UINT = 101 FORMAT_R32G32_SINT = 102 FORMAT_R32G32_SFLOAT = 103 FORMAT_R32G32B32_UINT = 104 FORMAT_R32G32B32_SINT = 105 FORMAT_R32G32B32_SFLOAT = 106 FORMAT_R32G32B32A32_UINT = 107 FORMAT_R32G32B32A32_SINT = 108 FORMAT_R32G32B32A32_SFLOAT = 109 FORMAT_R64_UINT = 110 FORMAT_R64_SINT = 111 FORMAT_R64_SFLOAT = 112 FORMAT_R64G64_UINT = 113 FORMAT_R64G64_SINT = 114 FORMAT_R64G64_SFLOAT = 115 FORMAT_R64G64B64_UINT = 116 FORMAT_R64G64B64_SINT = 117 FORMAT_R64G64B64_SFLOAT = 118 FORMAT_R64G64B64A64_UINT = 119 FORMAT_R64G64B64A64_SINT = 120 FORMAT_R64G64B64A64_SFLOAT = 121 FORMAT_B10G11R11_UFLOAT_PACK32 = 122 FORMAT_E5B9G9R9_UFLOAT_PACK32 = 123 FORMAT_D16_UNORM = 124 FORMAT_X8_D24_UNORM_PACK32 = 125 FORMAT_D32_SFLOAT = 126 FORMAT_S8_UINT = 127 FORMAT_D16_UNORM_S8_UINT = 128 FORMAT_D24_UNORM_S8_UINT = 129 FORMAT_D32_SFLOAT_S8_UINT = 130 FORMAT_BC1_RGB_UNORM_BLOCK = 131 FORMAT_BC1_RGB_SRGB_BLOCK = 132 FORMAT_BC1_RGBA_UNORM_BLOCK = 133 FORMAT_BC1_RGBA_SRGB_BLOCK = 134 FORMAT_BC2_UNORM_BLOCK = 135 FORMAT_BC2_SRGB_BLOCK = 136 FORMAT_BC3_UNORM_BLOCK = 137 FORMAT_BC3_SRGB_BLOCK = 138 FORMAT_BC4_UNORM_BLOCK = 139 FORMAT_BC4_SNORM_BLOCK = 140 FORMAT_BC5_UNORM_BLOCK = 141 FORMAT_BC5_SNORM_BLOCK = 142 FORMAT_BC6H_UFLOAT_BLOCK = 143 FORMAT_BC6H_SFLOAT_BLOCK = 144 FORMAT_BC7_UNORM_BLOCK = 145 FORMAT_BC7_SRGB_BLOCK = 146 FORMAT_ETC2_R8G8B8_UNORM_BLOCK = 147 FORMAT_ETC2_R8G8B8_SRGB_BLOCK = 148 FORMAT_ETC2_R8G8B8A1_UNORM_BLOCK = 149 FORMAT_ETC2_R8G8B8A1_SRGB_BLOCK = 150 FORMAT_ETC2_R8G8B8A8_UNORM_BLOCK = 151 FORMAT_ETC2_R8G8B8A8_SRGB_BLOCK = 152 FORMAT_EAC_R11_UNORM_BLOCK = 153 FORMAT_EAC_R11_SNORM_BLOCK = 154 FORMAT_EAC_R11G11_UNORM_BLOCK = 155 FORMAT_EAC_R11G11_SNORM_BLOCK = 156 FORMAT_ASTC_4x4_UNORM_BLOCK = 157 FORMAT_ASTC_4x4_SRGB_BLOCK = 158 FORMAT_ASTC_5x4_UNORM_BLOCK = 159 FORMAT_ASTC_5x4_SRGB_BLOCK = 160 FORMAT_ASTC_5x5_UNORM_BLOCK = 161 FORMAT_ASTC_5x5_SRGB_BLOCK = 162 FORMAT_ASTC_6x5_UNORM_BLOCK = 163 FORMAT_ASTC_6x5_SRGB_BLOCK = 164 FORMAT_ASTC_6x6_UNORM_BLOCK = 165 FORMAT_ASTC_6x6_SRGB_BLOCK = 166 FORMAT_ASTC_8x5_UNORM_BLOCK = 167 FORMAT_ASTC_8x5_SRGB_BLOCK = 168 FORMAT_ASTC_8x6_UNORM_BLOCK = 169 FORMAT_ASTC_8x6_SRGB_BLOCK = 170 FORMAT_ASTC_8x8_UNORM_BLOCK = 171 FORMAT_ASTC_8x8_SRGB_BLOCK = 172 FORMAT_ASTC_10x5_UNORM_BLOCK = 173 FORMAT_ASTC_10x5_SRGB_BLOCK = 174 FORMAT_ASTC_10x6_UNORM_BLOCK = 175 FORMAT_ASTC_10x6_SRGB_BLOCK = 176 FORMAT_ASTC_10x8_UNORM_BLOCK = 177 FORMAT_ASTC_10x8_SRGB_BLOCK = 178 FORMAT_ASTC_10x10_UNORM_BLOCK = 179 FORMAT_ASTC_10x10_SRGB_BLOCK = 180 FORMAT_ASTC_12x10_UNORM_BLOCK = 181 FORMAT_ASTC_12x10_SRGB_BLOCK = 182 FORMAT_ASTC_12x12_UNORM_BLOCK = 183 FORMAT_ASTC_12x12_SRGB_BLOCK = 184 FORMAT_G8B8G8R8_422_UNORM = 1000156000 FORMAT_B8G8R8G8_422_UNORM = 1000156001 FORMAT_G8_B8_R8_3PLANE_420_UNORM = 1000156002 FORMAT_G8_B8R8_2PLANE_420_UNORM = 1000156003 FORMAT_G8_B8_R8_3PLANE_422_UNORM = 1000156004 FORMAT_G8_B8R8_2PLANE_422_UNORM = 1000156005 FORMAT_G8_B8_R8_3PLANE_444_UNORM = 1000156006 FORMAT_R10X6_UNORM_PACK16 = 1000156007 FORMAT_R10X6G10X6_UNORM_2PACK16 = 1000156008 FORMAT_R10X6G10X6B10X6A10X6_UNORM_4PACK16 = 1000156009 FORMAT_G10X6B10X6G10X6R10X6_422_UNORM_4PACK16 = 1000156010 FORMAT_B10X6G10X6R10X6G10X6_422_UNORM_4PACK16 = 1000156011 FORMAT_G10X6_B10X6_R10X6_3PLANE_420_UNORM_3PACK16 = 1000156012 FORMAT_G10X6_B10X6R10X6_2PLANE_420_UNORM_3PACK16 = 1000156013 FORMAT_G10X6_B10X6_R10X6_3PLANE_422_UNORM_3PACK16 = 1000156014 FORMAT_G10X6_B10X6R10X6_2PLANE_422_UNORM_3PACK16 = 1000156015 FORMAT_G10X6_B10X6_R10X6_3PLANE_444_UNORM_3PACK16 = 1000156016 FORMAT_R12X4_UNORM_PACK16 = 1000156017 FORMAT_R12X4G12X4_UNORM_2PACK16 = 1000156018 FORMAT_R12X4G12X4B12X4A12X4_UNORM_4PACK16 = 1000156019 FORMAT_G12X4B12X4G12X4R12X4_422_UNORM_4PACK16 = 1000156020 FORMAT_B12X4G12X4R12X4G12X4_422_UNORM_4PACK16 = 1000156021 FORMAT_G12X4_B12X4_R12X4_3PLANE_420_UNORM_3PACK16 = 1000156022 FORMAT_G12X4_B12X4R12X4_2PLANE_420_UNORM_3PACK16 = 1000156023 FORMAT_G12X4_B12X4_R12X4_3PLANE_422_UNORM_3PACK16 = 1000156024 FORMAT_G12X4_B12X4R12X4_2PLANE_422_UNORM_3PACK16 = 1000156025 FORMAT_G12X4_B12X4_R12X4_3PLANE_444_UNORM_3PACK16 = 1000156026 FORMAT_G16B16G16R16_422_UNORM = 1000156027 FORMAT_B16G16R16G16_422_UNORM = 1000156028 FORMAT_G16_B16_R16_3PLANE_420_UNORM = 1000156029 FORMAT_G16_B16R16_2PLANE_420_UNORM = 1000156030 FORMAT_G16_B16_R16_3PLANE_422_UNORM = 1000156031 FORMAT_G16_B16R16_2PLANE_422_UNORM = 1000156032 FORMAT_G16_B16_R16_3PLANE_444_UNORM = 1000156033 FORMAT_G8_B8R8_2PLANE_444_UNORM = 1000330000 FORMAT_G10X6_B10X6R10X6_2PLANE_444_UNORM_3PACK16 = 1000330001 FORMAT_G12X4_B12X4R12X4_2PLANE_444_UNORM_3PACK16 = 1000330002 FORMAT_G16_B16R16_2PLANE_444_UNORM = 1000330003 FORMAT_A4R4G4B4_UNORM_PACK16 = 1000340000 FORMAT_A4B4G4R4_UNORM_PACK16 = 1000340001 FORMAT_ASTC_4x4_SFLOAT_BLOCK = 1000066000 FORMAT_ASTC_5x4_SFLOAT_BLOCK = 1000066001 FORMAT_ASTC_5x5_SFLOAT_BLOCK = 1000066002 FORMAT_ASTC_6x5_SFLOAT_BLOCK = 1000066003 FORMAT_ASTC_6x6_SFLOAT_BLOCK = 1000066004 FORMAT_ASTC_8x5_SFLOAT_BLOCK = 1000066005 FORMAT_ASTC_8x6_SFLOAT_BLOCK = 1000066006 FORMAT_ASTC_8x8_SFLOAT_BLOCK = 1000066007 FORMAT_ASTC_10x5_SFLOAT_BLOCK = 1000066008 FORMAT_ASTC_10x6_SFLOAT_BLOCK = 1000066009 FORMAT_ASTC_10x8_SFLOAT_BLOCK = 1000066010 FORMAT_ASTC_10x10_SFLOAT_BLOCK = 1000066011 FORMAT_ASTC_12x10_SFLOAT_BLOCK = 1000066012 FORMAT_ASTC_12x12_SFLOAT_BLOCK = 1000066013 FORMAT_PVRTC1_2BPP_UNORM_BLOCK_IMG = 1000054000 FORMAT_PVRTC1_4BPP_UNORM_BLOCK_IMG = 1000054001 FORMAT_PVRTC2_2BPP_UNORM_BLOCK_IMG = 1000054002 FORMAT_PVRTC2_4BPP_UNORM_BLOCK_IMG = 1000054003 FORMAT_PVRTC1_2BPP_SRGB_BLOCK_IMG = 1000054004 FORMAT_PVRTC1_4BPP_SRGB_BLOCK_IMG = 1000054005 FORMAT_PVRTC2_2BPP_SRGB_BLOCK_IMG = 1000054006 FORMAT_PVRTC2_4BPP_SRGB_BLOCK_IMG = 1000054007 FORMAT_R16G16_S10_5_NV = 1000464000 end @cenum StructureType::UInt32 begin STRUCTURE_TYPE_APPLICATION_INFO = 0 STRUCTURE_TYPE_INSTANCE_CREATE_INFO = 1 STRUCTURE_TYPE_DEVICE_QUEUE_CREATE_INFO = 2 STRUCTURE_TYPE_DEVICE_CREATE_INFO = 3 STRUCTURE_TYPE_SUBMIT_INFO = 4 STRUCTURE_TYPE_MEMORY_ALLOCATE_INFO = 5 STRUCTURE_TYPE_MAPPED_MEMORY_RANGE = 6 STRUCTURE_TYPE_BIND_SPARSE_INFO = 7 STRUCTURE_TYPE_FENCE_CREATE_INFO = 8 STRUCTURE_TYPE_SEMAPHORE_CREATE_INFO = 9 STRUCTURE_TYPE_EVENT_CREATE_INFO = 10 STRUCTURE_TYPE_QUERY_POOL_CREATE_INFO = 11 STRUCTURE_TYPE_BUFFER_CREATE_INFO = 12 STRUCTURE_TYPE_BUFFER_VIEW_CREATE_INFO = 13 STRUCTURE_TYPE_IMAGE_CREATE_INFO = 14 STRUCTURE_TYPE_IMAGE_VIEW_CREATE_INFO = 15 STRUCTURE_TYPE_SHADER_MODULE_CREATE_INFO = 16 STRUCTURE_TYPE_PIPELINE_CACHE_CREATE_INFO = 17 STRUCTURE_TYPE_PIPELINE_SHADER_STAGE_CREATE_INFO = 18 STRUCTURE_TYPE_PIPELINE_VERTEX_INPUT_STATE_CREATE_INFO = 19 STRUCTURE_TYPE_PIPELINE_INPUT_ASSEMBLY_STATE_CREATE_INFO = 20 STRUCTURE_TYPE_PIPELINE_TESSELLATION_STATE_CREATE_INFO = 21 STRUCTURE_TYPE_PIPELINE_VIEWPORT_STATE_CREATE_INFO = 22 STRUCTURE_TYPE_PIPELINE_RASTERIZATION_STATE_CREATE_INFO = 23 STRUCTURE_TYPE_PIPELINE_MULTISAMPLE_STATE_CREATE_INFO = 24 STRUCTURE_TYPE_PIPELINE_DEPTH_STENCIL_STATE_CREATE_INFO = 25 STRUCTURE_TYPE_PIPELINE_COLOR_BLEND_STATE_CREATE_INFO = 26 STRUCTURE_TYPE_PIPELINE_DYNAMIC_STATE_CREATE_INFO = 27 STRUCTURE_TYPE_GRAPHICS_PIPELINE_CREATE_INFO = 28 STRUCTURE_TYPE_COMPUTE_PIPELINE_CREATE_INFO = 29 STRUCTURE_TYPE_PIPELINE_LAYOUT_CREATE_INFO = 30 STRUCTURE_TYPE_SAMPLER_CREATE_INFO = 31 STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_CREATE_INFO = 32 STRUCTURE_TYPE_DESCRIPTOR_POOL_CREATE_INFO = 33 STRUCTURE_TYPE_DESCRIPTOR_SET_ALLOCATE_INFO = 34 STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET = 35 STRUCTURE_TYPE_COPY_DESCRIPTOR_SET = 36 STRUCTURE_TYPE_FRAMEBUFFER_CREATE_INFO = 37 STRUCTURE_TYPE_RENDER_PASS_CREATE_INFO = 38 STRUCTURE_TYPE_COMMAND_POOL_CREATE_INFO = 39 STRUCTURE_TYPE_COMMAND_BUFFER_ALLOCATE_INFO = 40 STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_INFO = 41 STRUCTURE_TYPE_COMMAND_BUFFER_BEGIN_INFO = 42 STRUCTURE_TYPE_RENDER_PASS_BEGIN_INFO = 43 STRUCTURE_TYPE_BUFFER_MEMORY_BARRIER = 44 STRUCTURE_TYPE_IMAGE_MEMORY_BARRIER = 45 STRUCTURE_TYPE_MEMORY_BARRIER = 46 STRUCTURE_TYPE_LOADER_INSTANCE_CREATE_INFO = 47 STRUCTURE_TYPE_LOADER_DEVICE_CREATE_INFO = 48 STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_PROPERTIES = 1000094000 STRUCTURE_TYPE_BIND_BUFFER_MEMORY_INFO = 1000157000 STRUCTURE_TYPE_BIND_IMAGE_MEMORY_INFO = 1000157001 STRUCTURE_TYPE_PHYSICAL_DEVICE_16BIT_STORAGE_FEATURES = 1000083000 STRUCTURE_TYPE_MEMORY_DEDICATED_REQUIREMENTS = 1000127000 STRUCTURE_TYPE_MEMORY_DEDICATED_ALLOCATE_INFO = 1000127001 STRUCTURE_TYPE_MEMORY_ALLOCATE_FLAGS_INFO = 1000060000 STRUCTURE_TYPE_DEVICE_GROUP_RENDER_PASS_BEGIN_INFO = 1000060003 STRUCTURE_TYPE_DEVICE_GROUP_COMMAND_BUFFER_BEGIN_INFO = 1000060004 STRUCTURE_TYPE_DEVICE_GROUP_SUBMIT_INFO = 1000060005 STRUCTURE_TYPE_DEVICE_GROUP_BIND_SPARSE_INFO = 1000060006 STRUCTURE_TYPE_BIND_BUFFER_MEMORY_DEVICE_GROUP_INFO = 1000060013 STRUCTURE_TYPE_BIND_IMAGE_MEMORY_DEVICE_GROUP_INFO = 1000060014 STRUCTURE_TYPE_PHYSICAL_DEVICE_GROUP_PROPERTIES = 1000070000 STRUCTURE_TYPE_DEVICE_GROUP_DEVICE_CREATE_INFO = 1000070001 STRUCTURE_TYPE_BUFFER_MEMORY_REQUIREMENTS_INFO_2 = 1000146000 STRUCTURE_TYPE_IMAGE_MEMORY_REQUIREMENTS_INFO_2 = 1000146001 STRUCTURE_TYPE_IMAGE_SPARSE_MEMORY_REQUIREMENTS_INFO_2 = 1000146002 STRUCTURE_TYPE_MEMORY_REQUIREMENTS_2 = 1000146003 STRUCTURE_TYPE_SPARSE_IMAGE_MEMORY_REQUIREMENTS_2 = 1000146004 STRUCTURE_TYPE_PHYSICAL_DEVICE_FEATURES_2 = 1000059000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PROPERTIES_2 = 1000059001 STRUCTURE_TYPE_FORMAT_PROPERTIES_2 = 1000059002 STRUCTURE_TYPE_IMAGE_FORMAT_PROPERTIES_2 = 1000059003 STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_FORMAT_INFO_2 = 1000059004 STRUCTURE_TYPE_QUEUE_FAMILY_PROPERTIES_2 = 1000059005 STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_PROPERTIES_2 = 1000059006 STRUCTURE_TYPE_SPARSE_IMAGE_FORMAT_PROPERTIES_2 = 1000059007 STRUCTURE_TYPE_PHYSICAL_DEVICE_SPARSE_IMAGE_FORMAT_INFO_2 = 1000059008 STRUCTURE_TYPE_PHYSICAL_DEVICE_POINT_CLIPPING_PROPERTIES = 1000117000 STRUCTURE_TYPE_RENDER_PASS_INPUT_ATTACHMENT_ASPECT_CREATE_INFO = 1000117001 STRUCTURE_TYPE_IMAGE_VIEW_USAGE_CREATE_INFO = 1000117002 STRUCTURE_TYPE_PIPELINE_TESSELLATION_DOMAIN_ORIGIN_STATE_CREATE_INFO = 1000117003 STRUCTURE_TYPE_RENDER_PASS_MULTIVIEW_CREATE_INFO = 1000053000 STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_FEATURES = 1000053001 STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_PROPERTIES = 1000053002 STRUCTURE_TYPE_PHYSICAL_DEVICE_VARIABLE_POINTERS_FEATURES = 1000120000 STRUCTURE_TYPE_PROTECTED_SUBMIT_INFO = 1000145000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PROTECTED_MEMORY_FEATURES = 1000145001 STRUCTURE_TYPE_PHYSICAL_DEVICE_PROTECTED_MEMORY_PROPERTIES = 1000145002 STRUCTURE_TYPE_DEVICE_QUEUE_INFO_2 = 1000145003 STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_CREATE_INFO = 1000156000 STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_INFO = 1000156001 STRUCTURE_TYPE_BIND_IMAGE_PLANE_MEMORY_INFO = 1000156002 STRUCTURE_TYPE_IMAGE_PLANE_MEMORY_REQUIREMENTS_INFO = 1000156003 STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLER_YCBCR_CONVERSION_FEATURES = 1000156004 STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_IMAGE_FORMAT_PROPERTIES = 1000156005 STRUCTURE_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_CREATE_INFO = 1000085000 STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_IMAGE_FORMAT_INFO = 1000071000 STRUCTURE_TYPE_EXTERNAL_IMAGE_FORMAT_PROPERTIES = 1000071001 STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_BUFFER_INFO = 1000071002 STRUCTURE_TYPE_EXTERNAL_BUFFER_PROPERTIES = 1000071003 STRUCTURE_TYPE_PHYSICAL_DEVICE_ID_PROPERTIES = 1000071004 STRUCTURE_TYPE_EXTERNAL_MEMORY_BUFFER_CREATE_INFO = 1000072000 STRUCTURE_TYPE_EXTERNAL_MEMORY_IMAGE_CREATE_INFO = 1000072001 STRUCTURE_TYPE_EXPORT_MEMORY_ALLOCATE_INFO = 1000072002 STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_FENCE_INFO = 1000112000 STRUCTURE_TYPE_EXTERNAL_FENCE_PROPERTIES = 1000112001 STRUCTURE_TYPE_EXPORT_FENCE_CREATE_INFO = 1000113000 STRUCTURE_TYPE_EXPORT_SEMAPHORE_CREATE_INFO = 1000077000 STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_SEMAPHORE_INFO = 1000076000 STRUCTURE_TYPE_EXTERNAL_SEMAPHORE_PROPERTIES = 1000076001 STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_3_PROPERTIES = 1000168000 STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_SUPPORT = 1000168001 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_DRAW_PARAMETERS_FEATURES = 1000063000 STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_1_FEATURES = 49 STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_1_PROPERTIES = 50 STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_2_FEATURES = 51 STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_2_PROPERTIES = 52 STRUCTURE_TYPE_IMAGE_FORMAT_LIST_CREATE_INFO = 1000147000 STRUCTURE_TYPE_ATTACHMENT_DESCRIPTION_2 = 1000109000 STRUCTURE_TYPE_ATTACHMENT_REFERENCE_2 = 1000109001 STRUCTURE_TYPE_SUBPASS_DESCRIPTION_2 = 1000109002 STRUCTURE_TYPE_SUBPASS_DEPENDENCY_2 = 1000109003 STRUCTURE_TYPE_RENDER_PASS_CREATE_INFO_2 = 1000109004 STRUCTURE_TYPE_SUBPASS_BEGIN_INFO = 1000109005 STRUCTURE_TYPE_SUBPASS_END_INFO = 1000109006 STRUCTURE_TYPE_PHYSICAL_DEVICE_8BIT_STORAGE_FEATURES = 1000177000 STRUCTURE_TYPE_PHYSICAL_DEVICE_DRIVER_PROPERTIES = 1000196000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_ATOMIC_INT64_FEATURES = 1000180000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_FLOAT16_INT8_FEATURES = 1000082000 STRUCTURE_TYPE_PHYSICAL_DEVICE_FLOAT_CONTROLS_PROPERTIES = 1000197000 STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_BINDING_FLAGS_CREATE_INFO = 1000161000 STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_INDEXING_FEATURES = 1000161001 STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_INDEXING_PROPERTIES = 1000161002 STRUCTURE_TYPE_DESCRIPTOR_SET_VARIABLE_DESCRIPTOR_COUNT_ALLOCATE_INFO = 1000161003 STRUCTURE_TYPE_DESCRIPTOR_SET_VARIABLE_DESCRIPTOR_COUNT_LAYOUT_SUPPORT = 1000161004 STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_STENCIL_RESOLVE_PROPERTIES = 1000199000 STRUCTURE_TYPE_SUBPASS_DESCRIPTION_DEPTH_STENCIL_RESOLVE = 1000199001 STRUCTURE_TYPE_PHYSICAL_DEVICE_SCALAR_BLOCK_LAYOUT_FEATURES = 1000221000 STRUCTURE_TYPE_IMAGE_STENCIL_USAGE_CREATE_INFO = 1000246000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLER_FILTER_MINMAX_PROPERTIES = 1000130000 STRUCTURE_TYPE_SAMPLER_REDUCTION_MODE_CREATE_INFO = 1000130001 STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_MEMORY_MODEL_FEATURES = 1000211000 STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGELESS_FRAMEBUFFER_FEATURES = 1000108000 STRUCTURE_TYPE_FRAMEBUFFER_ATTACHMENTS_CREATE_INFO = 1000108001 STRUCTURE_TYPE_FRAMEBUFFER_ATTACHMENT_IMAGE_INFO = 1000108002 STRUCTURE_TYPE_RENDER_PASS_ATTACHMENT_BEGIN_INFO = 1000108003 STRUCTURE_TYPE_PHYSICAL_DEVICE_UNIFORM_BUFFER_STANDARD_LAYOUT_FEATURES = 1000253000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SUBGROUP_EXTENDED_TYPES_FEATURES = 1000175000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SEPARATE_DEPTH_STENCIL_LAYOUTS_FEATURES = 1000241000 STRUCTURE_TYPE_ATTACHMENT_REFERENCE_STENCIL_LAYOUT = 1000241001 STRUCTURE_TYPE_ATTACHMENT_DESCRIPTION_STENCIL_LAYOUT = 1000241002 STRUCTURE_TYPE_PHYSICAL_DEVICE_HOST_QUERY_RESET_FEATURES = 1000261000 STRUCTURE_TYPE_PHYSICAL_DEVICE_TIMELINE_SEMAPHORE_FEATURES = 1000207000 STRUCTURE_TYPE_PHYSICAL_DEVICE_TIMELINE_SEMAPHORE_PROPERTIES = 1000207001 STRUCTURE_TYPE_SEMAPHORE_TYPE_CREATE_INFO = 1000207002 STRUCTURE_TYPE_TIMELINE_SEMAPHORE_SUBMIT_INFO = 1000207003 STRUCTURE_TYPE_SEMAPHORE_WAIT_INFO = 1000207004 STRUCTURE_TYPE_SEMAPHORE_SIGNAL_INFO = 1000207005 STRUCTURE_TYPE_PHYSICAL_DEVICE_BUFFER_DEVICE_ADDRESS_FEATURES = 1000257000 STRUCTURE_TYPE_BUFFER_DEVICE_ADDRESS_INFO = 1000244001 STRUCTURE_TYPE_BUFFER_OPAQUE_CAPTURE_ADDRESS_CREATE_INFO = 1000257002 STRUCTURE_TYPE_MEMORY_OPAQUE_CAPTURE_ADDRESS_ALLOCATE_INFO = 1000257003 STRUCTURE_TYPE_DEVICE_MEMORY_OPAQUE_CAPTURE_ADDRESS_INFO = 1000257004 STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_3_FEATURES = 53 STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_3_PROPERTIES = 54 STRUCTURE_TYPE_PIPELINE_CREATION_FEEDBACK_CREATE_INFO = 1000192000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_TERMINATE_INVOCATION_FEATURES = 1000215000 STRUCTURE_TYPE_PHYSICAL_DEVICE_TOOL_PROPERTIES = 1000245000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_DEMOTE_TO_HELPER_INVOCATION_FEATURES = 1000276000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PRIVATE_DATA_FEATURES = 1000295000 STRUCTURE_TYPE_DEVICE_PRIVATE_DATA_CREATE_INFO = 1000295001 STRUCTURE_TYPE_PRIVATE_DATA_SLOT_CREATE_INFO = 1000295002 STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_CREATION_CACHE_CONTROL_FEATURES = 1000297000 STRUCTURE_TYPE_MEMORY_BARRIER_2 = 1000314000 STRUCTURE_TYPE_BUFFER_MEMORY_BARRIER_2 = 1000314001 STRUCTURE_TYPE_IMAGE_MEMORY_BARRIER_2 = 1000314002 STRUCTURE_TYPE_DEPENDENCY_INFO = 1000314003 STRUCTURE_TYPE_SUBMIT_INFO_2 = 1000314004 STRUCTURE_TYPE_SEMAPHORE_SUBMIT_INFO = 1000314005 STRUCTURE_TYPE_COMMAND_BUFFER_SUBMIT_INFO = 1000314006 STRUCTURE_TYPE_PHYSICAL_DEVICE_SYNCHRONIZATION_2_FEATURES = 1000314007 STRUCTURE_TYPE_PHYSICAL_DEVICE_ZERO_INITIALIZE_WORKGROUP_MEMORY_FEATURES = 1000325000 STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_ROBUSTNESS_FEATURES = 1000335000 STRUCTURE_TYPE_COPY_BUFFER_INFO_2 = 1000337000 STRUCTURE_TYPE_COPY_IMAGE_INFO_2 = 1000337001 STRUCTURE_TYPE_COPY_BUFFER_TO_IMAGE_INFO_2 = 1000337002 STRUCTURE_TYPE_COPY_IMAGE_TO_BUFFER_INFO_2 = 1000337003 STRUCTURE_TYPE_BLIT_IMAGE_INFO_2 = 1000337004 STRUCTURE_TYPE_RESOLVE_IMAGE_INFO_2 = 1000337005 STRUCTURE_TYPE_BUFFER_COPY_2 = 1000337006 STRUCTURE_TYPE_IMAGE_COPY_2 = 1000337007 STRUCTURE_TYPE_IMAGE_BLIT_2 = 1000337008 STRUCTURE_TYPE_BUFFER_IMAGE_COPY_2 = 1000337009 STRUCTURE_TYPE_IMAGE_RESOLVE_2 = 1000337010 STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_SIZE_CONTROL_PROPERTIES = 1000225000 STRUCTURE_TYPE_PIPELINE_SHADER_STAGE_REQUIRED_SUBGROUP_SIZE_CREATE_INFO = 1000225001 STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_SIZE_CONTROL_FEATURES = 1000225002 STRUCTURE_TYPE_PHYSICAL_DEVICE_INLINE_UNIFORM_BLOCK_FEATURES = 1000138000 STRUCTURE_TYPE_PHYSICAL_DEVICE_INLINE_UNIFORM_BLOCK_PROPERTIES = 1000138001 STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET_INLINE_UNIFORM_BLOCK = 1000138002 STRUCTURE_TYPE_DESCRIPTOR_POOL_INLINE_UNIFORM_BLOCK_CREATE_INFO = 1000138003 STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXTURE_COMPRESSION_ASTC_HDR_FEATURES = 1000066000 STRUCTURE_TYPE_RENDERING_INFO = 1000044000 STRUCTURE_TYPE_RENDERING_ATTACHMENT_INFO = 1000044001 STRUCTURE_TYPE_PIPELINE_RENDERING_CREATE_INFO = 1000044002 STRUCTURE_TYPE_PHYSICAL_DEVICE_DYNAMIC_RENDERING_FEATURES = 1000044003 STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_RENDERING_INFO = 1000044004 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_DOT_PRODUCT_FEATURES = 1000280000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_DOT_PRODUCT_PROPERTIES = 1000280001 STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXEL_BUFFER_ALIGNMENT_PROPERTIES = 1000281001 STRUCTURE_TYPE_FORMAT_PROPERTIES_3 = 1000360000 STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_4_FEATURES = 1000413000 STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_4_PROPERTIES = 1000413001 STRUCTURE_TYPE_DEVICE_BUFFER_MEMORY_REQUIREMENTS = 1000413002 STRUCTURE_TYPE_DEVICE_IMAGE_MEMORY_REQUIREMENTS = 1000413003 STRUCTURE_TYPE_SWAPCHAIN_CREATE_INFO_KHR = 1000001000 STRUCTURE_TYPE_PRESENT_INFO_KHR = 1000001001 STRUCTURE_TYPE_DEVICE_GROUP_PRESENT_CAPABILITIES_KHR = 1000060007 STRUCTURE_TYPE_IMAGE_SWAPCHAIN_CREATE_INFO_KHR = 1000060008 STRUCTURE_TYPE_BIND_IMAGE_MEMORY_SWAPCHAIN_INFO_KHR = 1000060009 STRUCTURE_TYPE_ACQUIRE_NEXT_IMAGE_INFO_KHR = 1000060010 STRUCTURE_TYPE_DEVICE_GROUP_PRESENT_INFO_KHR = 1000060011 STRUCTURE_TYPE_DEVICE_GROUP_SWAPCHAIN_CREATE_INFO_KHR = 1000060012 STRUCTURE_TYPE_DISPLAY_MODE_CREATE_INFO_KHR = 1000002000 STRUCTURE_TYPE_DISPLAY_SURFACE_CREATE_INFO_KHR = 1000002001 STRUCTURE_TYPE_DISPLAY_PRESENT_INFO_KHR = 1000003000 STRUCTURE_TYPE_XLIB_SURFACE_CREATE_INFO_KHR = 1000004000 STRUCTURE_TYPE_XCB_SURFACE_CREATE_INFO_KHR = 1000005000 STRUCTURE_TYPE_WAYLAND_SURFACE_CREATE_INFO_KHR = 1000006000 STRUCTURE_TYPE_ANDROID_SURFACE_CREATE_INFO_KHR = 1000008000 STRUCTURE_TYPE_WIN32_SURFACE_CREATE_INFO_KHR = 1000009000 STRUCTURE_TYPE_DEBUG_REPORT_CALLBACK_CREATE_INFO_EXT = 1000011000 STRUCTURE_TYPE_PIPELINE_RASTERIZATION_STATE_RASTERIZATION_ORDER_AMD = 1000018000 STRUCTURE_TYPE_DEBUG_MARKER_OBJECT_NAME_INFO_EXT = 1000022000 STRUCTURE_TYPE_DEBUG_MARKER_OBJECT_TAG_INFO_EXT = 1000022001 STRUCTURE_TYPE_DEBUG_MARKER_MARKER_INFO_EXT = 1000022002 STRUCTURE_TYPE_VIDEO_PROFILE_INFO_KHR = 1000023000 STRUCTURE_TYPE_VIDEO_CAPABILITIES_KHR = 1000023001 STRUCTURE_TYPE_VIDEO_PICTURE_RESOURCE_INFO_KHR = 1000023002 STRUCTURE_TYPE_VIDEO_SESSION_MEMORY_REQUIREMENTS_KHR = 1000023003 STRUCTURE_TYPE_BIND_VIDEO_SESSION_MEMORY_INFO_KHR = 1000023004 STRUCTURE_TYPE_VIDEO_SESSION_CREATE_INFO_KHR = 1000023005 STRUCTURE_TYPE_VIDEO_SESSION_PARAMETERS_CREATE_INFO_KHR = 1000023006 STRUCTURE_TYPE_VIDEO_SESSION_PARAMETERS_UPDATE_INFO_KHR = 1000023007 STRUCTURE_TYPE_VIDEO_BEGIN_CODING_INFO_KHR = 1000023008 STRUCTURE_TYPE_VIDEO_END_CODING_INFO_KHR = 1000023009 STRUCTURE_TYPE_VIDEO_CODING_CONTROL_INFO_KHR = 1000023010 STRUCTURE_TYPE_VIDEO_REFERENCE_SLOT_INFO_KHR = 1000023011 STRUCTURE_TYPE_QUEUE_FAMILY_VIDEO_PROPERTIES_KHR = 1000023012 STRUCTURE_TYPE_VIDEO_PROFILE_LIST_INFO_KHR = 1000023013 STRUCTURE_TYPE_PHYSICAL_DEVICE_VIDEO_FORMAT_INFO_KHR = 1000023014 STRUCTURE_TYPE_VIDEO_FORMAT_PROPERTIES_KHR = 1000023015 STRUCTURE_TYPE_QUEUE_FAMILY_QUERY_RESULT_STATUS_PROPERTIES_KHR = 1000023016 STRUCTURE_TYPE_VIDEO_DECODE_INFO_KHR = 1000024000 STRUCTURE_TYPE_VIDEO_DECODE_CAPABILITIES_KHR = 1000024001 STRUCTURE_TYPE_VIDEO_DECODE_USAGE_INFO_KHR = 1000024002 STRUCTURE_TYPE_DEDICATED_ALLOCATION_IMAGE_CREATE_INFO_NV = 1000026000 STRUCTURE_TYPE_DEDICATED_ALLOCATION_BUFFER_CREATE_INFO_NV = 1000026001 STRUCTURE_TYPE_DEDICATED_ALLOCATION_MEMORY_ALLOCATE_INFO_NV = 1000026002 STRUCTURE_TYPE_PHYSICAL_DEVICE_TRANSFORM_FEEDBACK_FEATURES_EXT = 1000028000 STRUCTURE_TYPE_PHYSICAL_DEVICE_TRANSFORM_FEEDBACK_PROPERTIES_EXT = 1000028001 STRUCTURE_TYPE_PIPELINE_RASTERIZATION_STATE_STREAM_CREATE_INFO_EXT = 1000028002 STRUCTURE_TYPE_CU_MODULE_CREATE_INFO_NVX = 1000029000 STRUCTURE_TYPE_CU_FUNCTION_CREATE_INFO_NVX = 1000029001 STRUCTURE_TYPE_CU_LAUNCH_INFO_NVX = 1000029002 STRUCTURE_TYPE_IMAGE_VIEW_HANDLE_INFO_NVX = 1000030000 STRUCTURE_TYPE_IMAGE_VIEW_ADDRESS_PROPERTIES_NVX = 1000030001 STRUCTURE_TYPE_VIDEO_ENCODE_H264_CAPABILITIES_EXT = 1000038000 STRUCTURE_TYPE_VIDEO_ENCODE_H264_SESSION_PARAMETERS_CREATE_INFO_EXT = 1000038001 STRUCTURE_TYPE_VIDEO_ENCODE_H264_SESSION_PARAMETERS_ADD_INFO_EXT = 1000038002 STRUCTURE_TYPE_VIDEO_ENCODE_H264_VCL_FRAME_INFO_EXT = 1000038003 STRUCTURE_TYPE_VIDEO_ENCODE_H264_DPB_SLOT_INFO_EXT = 1000038004 STRUCTURE_TYPE_VIDEO_ENCODE_H264_NALU_SLICE_INFO_EXT = 1000038005 STRUCTURE_TYPE_VIDEO_ENCODE_H264_EMIT_PICTURE_PARAMETERS_INFO_EXT = 1000038006 STRUCTURE_TYPE_VIDEO_ENCODE_H264_PROFILE_INFO_EXT = 1000038007 STRUCTURE_TYPE_VIDEO_ENCODE_H264_RATE_CONTROL_INFO_EXT = 1000038008 STRUCTURE_TYPE_VIDEO_ENCODE_H264_RATE_CONTROL_LAYER_INFO_EXT = 1000038009 STRUCTURE_TYPE_VIDEO_ENCODE_H264_REFERENCE_LISTS_INFO_EXT = 1000038010 STRUCTURE_TYPE_VIDEO_ENCODE_H265_CAPABILITIES_EXT = 1000039000 STRUCTURE_TYPE_VIDEO_ENCODE_H265_SESSION_PARAMETERS_CREATE_INFO_EXT = 1000039001 STRUCTURE_TYPE_VIDEO_ENCODE_H265_SESSION_PARAMETERS_ADD_INFO_EXT = 1000039002 STRUCTURE_TYPE_VIDEO_ENCODE_H265_VCL_FRAME_INFO_EXT = 1000039003 STRUCTURE_TYPE_VIDEO_ENCODE_H265_DPB_SLOT_INFO_EXT = 1000039004 STRUCTURE_TYPE_VIDEO_ENCODE_H265_NALU_SLICE_SEGMENT_INFO_EXT = 1000039005 STRUCTURE_TYPE_VIDEO_ENCODE_H265_EMIT_PICTURE_PARAMETERS_INFO_EXT = 1000039006 STRUCTURE_TYPE_VIDEO_ENCODE_H265_PROFILE_INFO_EXT = 1000039007 STRUCTURE_TYPE_VIDEO_ENCODE_H265_REFERENCE_LISTS_INFO_EXT = 1000039008 STRUCTURE_TYPE_VIDEO_ENCODE_H265_RATE_CONTROL_INFO_EXT = 1000039009 STRUCTURE_TYPE_VIDEO_ENCODE_H265_RATE_CONTROL_LAYER_INFO_EXT = 1000039010 STRUCTURE_TYPE_VIDEO_DECODE_H264_CAPABILITIES_KHR = 1000040000 STRUCTURE_TYPE_VIDEO_DECODE_H264_PICTURE_INFO_KHR = 1000040001 STRUCTURE_TYPE_VIDEO_DECODE_H264_PROFILE_INFO_KHR = 1000040003 STRUCTURE_TYPE_VIDEO_DECODE_H264_SESSION_PARAMETERS_CREATE_INFO_KHR = 1000040004 STRUCTURE_TYPE_VIDEO_DECODE_H264_SESSION_PARAMETERS_ADD_INFO_KHR = 1000040005 STRUCTURE_TYPE_VIDEO_DECODE_H264_DPB_SLOT_INFO_KHR = 1000040006 STRUCTURE_TYPE_TEXTURE_LOD_GATHER_FORMAT_PROPERTIES_AMD = 1000041000 STRUCTURE_TYPE_RENDERING_FRAGMENT_SHADING_RATE_ATTACHMENT_INFO_KHR = 1000044006 STRUCTURE_TYPE_RENDERING_FRAGMENT_DENSITY_MAP_ATTACHMENT_INFO_EXT = 1000044007 STRUCTURE_TYPE_ATTACHMENT_SAMPLE_COUNT_INFO_AMD = 1000044008 STRUCTURE_TYPE_MULTIVIEW_PER_VIEW_ATTRIBUTES_INFO_NVX = 1000044009 STRUCTURE_TYPE_STREAM_DESCRIPTOR_SURFACE_CREATE_INFO_GGP = 1000049000 STRUCTURE_TYPE_PHYSICAL_DEVICE_CORNER_SAMPLED_IMAGE_FEATURES_NV = 1000050000 STRUCTURE_TYPE_EXTERNAL_MEMORY_IMAGE_CREATE_INFO_NV = 1000056000 STRUCTURE_TYPE_EXPORT_MEMORY_ALLOCATE_INFO_NV = 1000056001 STRUCTURE_TYPE_IMPORT_MEMORY_WIN32_HANDLE_INFO_NV = 1000057000 STRUCTURE_TYPE_EXPORT_MEMORY_WIN32_HANDLE_INFO_NV = 1000057001 STRUCTURE_TYPE_WIN32_KEYED_MUTEX_ACQUIRE_RELEASE_INFO_NV = 1000058000 STRUCTURE_TYPE_VALIDATION_FLAGS_EXT = 1000061000 STRUCTURE_TYPE_VI_SURFACE_CREATE_INFO_NN = 1000062000 STRUCTURE_TYPE_IMAGE_VIEW_ASTC_DECODE_MODE_EXT = 1000067000 STRUCTURE_TYPE_PHYSICAL_DEVICE_ASTC_DECODE_FEATURES_EXT = 1000067001 STRUCTURE_TYPE_PIPELINE_ROBUSTNESS_CREATE_INFO_EXT = 1000068000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_ROBUSTNESS_FEATURES_EXT = 1000068001 STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_ROBUSTNESS_PROPERTIES_EXT = 1000068002 STRUCTURE_TYPE_IMPORT_MEMORY_WIN32_HANDLE_INFO_KHR = 1000073000 STRUCTURE_TYPE_EXPORT_MEMORY_WIN32_HANDLE_INFO_KHR = 1000073001 STRUCTURE_TYPE_MEMORY_WIN32_HANDLE_PROPERTIES_KHR = 1000073002 STRUCTURE_TYPE_MEMORY_GET_WIN32_HANDLE_INFO_KHR = 1000073003 STRUCTURE_TYPE_IMPORT_MEMORY_FD_INFO_KHR = 1000074000 STRUCTURE_TYPE_MEMORY_FD_PROPERTIES_KHR = 1000074001 STRUCTURE_TYPE_MEMORY_GET_FD_INFO_KHR = 1000074002 STRUCTURE_TYPE_WIN32_KEYED_MUTEX_ACQUIRE_RELEASE_INFO_KHR = 1000075000 STRUCTURE_TYPE_IMPORT_SEMAPHORE_WIN32_HANDLE_INFO_KHR = 1000078000 STRUCTURE_TYPE_EXPORT_SEMAPHORE_WIN32_HANDLE_INFO_KHR = 1000078001 STRUCTURE_TYPE_D3D12_FENCE_SUBMIT_INFO_KHR = 1000078002 STRUCTURE_TYPE_SEMAPHORE_GET_WIN32_HANDLE_INFO_KHR = 1000078003 STRUCTURE_TYPE_IMPORT_SEMAPHORE_FD_INFO_KHR = 1000079000 STRUCTURE_TYPE_SEMAPHORE_GET_FD_INFO_KHR = 1000079001 STRUCTURE_TYPE_PHYSICAL_DEVICE_PUSH_DESCRIPTOR_PROPERTIES_KHR = 1000080000 STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_CONDITIONAL_RENDERING_INFO_EXT = 1000081000 STRUCTURE_TYPE_PHYSICAL_DEVICE_CONDITIONAL_RENDERING_FEATURES_EXT = 1000081001 STRUCTURE_TYPE_CONDITIONAL_RENDERING_BEGIN_INFO_EXT = 1000081002 STRUCTURE_TYPE_PRESENT_REGIONS_KHR = 1000084000 STRUCTURE_TYPE_PIPELINE_VIEWPORT_W_SCALING_STATE_CREATE_INFO_NV = 1000087000 STRUCTURE_TYPE_SURFACE_CAPABILITIES_2_EXT = 1000090000 STRUCTURE_TYPE_DISPLAY_POWER_INFO_EXT = 1000091000 STRUCTURE_TYPE_DEVICE_EVENT_INFO_EXT = 1000091001 STRUCTURE_TYPE_DISPLAY_EVENT_INFO_EXT = 1000091002 STRUCTURE_TYPE_SWAPCHAIN_COUNTER_CREATE_INFO_EXT = 1000091003 STRUCTURE_TYPE_PRESENT_TIMES_INFO_GOOGLE = 1000092000 STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_PER_VIEW_ATTRIBUTES_PROPERTIES_NVX = 1000097000 STRUCTURE_TYPE_PIPELINE_VIEWPORT_SWIZZLE_STATE_CREATE_INFO_NV = 1000098000 STRUCTURE_TYPE_PHYSICAL_DEVICE_DISCARD_RECTANGLE_PROPERTIES_EXT = 1000099000 STRUCTURE_TYPE_PIPELINE_DISCARD_RECTANGLE_STATE_CREATE_INFO_EXT = 1000099001 STRUCTURE_TYPE_PHYSICAL_DEVICE_CONSERVATIVE_RASTERIZATION_PROPERTIES_EXT = 1000101000 STRUCTURE_TYPE_PIPELINE_RASTERIZATION_CONSERVATIVE_STATE_CREATE_INFO_EXT = 1000101001 STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_CLIP_ENABLE_FEATURES_EXT = 1000102000 STRUCTURE_TYPE_PIPELINE_RASTERIZATION_DEPTH_CLIP_STATE_CREATE_INFO_EXT = 1000102001 STRUCTURE_TYPE_HDR_METADATA_EXT = 1000105000 STRUCTURE_TYPE_SHARED_PRESENT_SURFACE_CAPABILITIES_KHR = 1000111000 STRUCTURE_TYPE_IMPORT_FENCE_WIN32_HANDLE_INFO_KHR = 1000114000 STRUCTURE_TYPE_EXPORT_FENCE_WIN32_HANDLE_INFO_KHR = 1000114001 STRUCTURE_TYPE_FENCE_GET_WIN32_HANDLE_INFO_KHR = 1000114002 STRUCTURE_TYPE_IMPORT_FENCE_FD_INFO_KHR = 1000115000 STRUCTURE_TYPE_FENCE_GET_FD_INFO_KHR = 1000115001 STRUCTURE_TYPE_PHYSICAL_DEVICE_PERFORMANCE_QUERY_FEATURES_KHR = 1000116000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PERFORMANCE_QUERY_PROPERTIES_KHR = 1000116001 STRUCTURE_TYPE_QUERY_POOL_PERFORMANCE_CREATE_INFO_KHR = 1000116002 STRUCTURE_TYPE_PERFORMANCE_QUERY_SUBMIT_INFO_KHR = 1000116003 STRUCTURE_TYPE_ACQUIRE_PROFILING_LOCK_INFO_KHR = 1000116004 STRUCTURE_TYPE_PERFORMANCE_COUNTER_KHR = 1000116005 STRUCTURE_TYPE_PERFORMANCE_COUNTER_DESCRIPTION_KHR = 1000116006 STRUCTURE_TYPE_PHYSICAL_DEVICE_SURFACE_INFO_2_KHR = 1000119000 STRUCTURE_TYPE_SURFACE_CAPABILITIES_2_KHR = 1000119001 STRUCTURE_TYPE_SURFACE_FORMAT_2_KHR = 1000119002 STRUCTURE_TYPE_DISPLAY_PROPERTIES_2_KHR = 1000121000 STRUCTURE_TYPE_DISPLAY_PLANE_PROPERTIES_2_KHR = 1000121001 STRUCTURE_TYPE_DISPLAY_MODE_PROPERTIES_2_KHR = 1000121002 STRUCTURE_TYPE_DISPLAY_PLANE_INFO_2_KHR = 1000121003 STRUCTURE_TYPE_DISPLAY_PLANE_CAPABILITIES_2_KHR = 1000121004 STRUCTURE_TYPE_IOS_SURFACE_CREATE_INFO_MVK = 1000122000 STRUCTURE_TYPE_MACOS_SURFACE_CREATE_INFO_MVK = 1000123000 STRUCTURE_TYPE_DEBUG_UTILS_OBJECT_NAME_INFO_EXT = 1000128000 STRUCTURE_TYPE_DEBUG_UTILS_OBJECT_TAG_INFO_EXT = 1000128001 STRUCTURE_TYPE_DEBUG_UTILS_LABEL_EXT = 1000128002 STRUCTURE_TYPE_DEBUG_UTILS_MESSENGER_CALLBACK_DATA_EXT = 1000128003 STRUCTURE_TYPE_DEBUG_UTILS_MESSENGER_CREATE_INFO_EXT = 1000128004 STRUCTURE_TYPE_ANDROID_HARDWARE_BUFFER_USAGE_ANDROID = 1000129000 STRUCTURE_TYPE_ANDROID_HARDWARE_BUFFER_PROPERTIES_ANDROID = 1000129001 STRUCTURE_TYPE_ANDROID_HARDWARE_BUFFER_FORMAT_PROPERTIES_ANDROID = 1000129002 STRUCTURE_TYPE_IMPORT_ANDROID_HARDWARE_BUFFER_INFO_ANDROID = 1000129003 STRUCTURE_TYPE_MEMORY_GET_ANDROID_HARDWARE_BUFFER_INFO_ANDROID = 1000129004 STRUCTURE_TYPE_EXTERNAL_FORMAT_ANDROID = 1000129005 STRUCTURE_TYPE_ANDROID_HARDWARE_BUFFER_FORMAT_PROPERTIES_2_ANDROID = 1000129006 STRUCTURE_TYPE_SAMPLE_LOCATIONS_INFO_EXT = 1000143000 STRUCTURE_TYPE_RENDER_PASS_SAMPLE_LOCATIONS_BEGIN_INFO_EXT = 1000143001 STRUCTURE_TYPE_PIPELINE_SAMPLE_LOCATIONS_STATE_CREATE_INFO_EXT = 1000143002 STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLE_LOCATIONS_PROPERTIES_EXT = 1000143003 STRUCTURE_TYPE_MULTISAMPLE_PROPERTIES_EXT = 1000143004 STRUCTURE_TYPE_PHYSICAL_DEVICE_BLEND_OPERATION_ADVANCED_FEATURES_EXT = 1000148000 STRUCTURE_TYPE_PHYSICAL_DEVICE_BLEND_OPERATION_ADVANCED_PROPERTIES_EXT = 1000148001 STRUCTURE_TYPE_PIPELINE_COLOR_BLEND_ADVANCED_STATE_CREATE_INFO_EXT = 1000148002 STRUCTURE_TYPE_PIPELINE_COVERAGE_TO_COLOR_STATE_CREATE_INFO_NV = 1000149000 STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET_ACCELERATION_STRUCTURE_KHR = 1000150007 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_BUILD_GEOMETRY_INFO_KHR = 1000150000 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_DEVICE_ADDRESS_INFO_KHR = 1000150002 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_AABBS_DATA_KHR = 1000150003 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_INSTANCES_DATA_KHR = 1000150004 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_TRIANGLES_DATA_KHR = 1000150005 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_KHR = 1000150006 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_VERSION_INFO_KHR = 1000150009 STRUCTURE_TYPE_COPY_ACCELERATION_STRUCTURE_INFO_KHR = 1000150010 STRUCTURE_TYPE_COPY_ACCELERATION_STRUCTURE_TO_MEMORY_INFO_KHR = 1000150011 STRUCTURE_TYPE_COPY_MEMORY_TO_ACCELERATION_STRUCTURE_INFO_KHR = 1000150012 STRUCTURE_TYPE_PHYSICAL_DEVICE_ACCELERATION_STRUCTURE_FEATURES_KHR = 1000150013 STRUCTURE_TYPE_PHYSICAL_DEVICE_ACCELERATION_STRUCTURE_PROPERTIES_KHR = 1000150014 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_CREATE_INFO_KHR = 1000150017 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_BUILD_SIZES_INFO_KHR = 1000150020 STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_PIPELINE_FEATURES_KHR = 1000347000 STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_PIPELINE_PROPERTIES_KHR = 1000347001 STRUCTURE_TYPE_RAY_TRACING_PIPELINE_CREATE_INFO_KHR = 1000150015 STRUCTURE_TYPE_RAY_TRACING_SHADER_GROUP_CREATE_INFO_KHR = 1000150016 STRUCTURE_TYPE_RAY_TRACING_PIPELINE_INTERFACE_CREATE_INFO_KHR = 1000150018 STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_QUERY_FEATURES_KHR = 1000348013 STRUCTURE_TYPE_PIPELINE_COVERAGE_MODULATION_STATE_CREATE_INFO_NV = 1000152000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SM_BUILTINS_FEATURES_NV = 1000154000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SM_BUILTINS_PROPERTIES_NV = 1000154001 STRUCTURE_TYPE_DRM_FORMAT_MODIFIER_PROPERTIES_LIST_EXT = 1000158000 STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_DRM_FORMAT_MODIFIER_INFO_EXT = 1000158002 STRUCTURE_TYPE_IMAGE_DRM_FORMAT_MODIFIER_LIST_CREATE_INFO_EXT = 1000158003 STRUCTURE_TYPE_IMAGE_DRM_FORMAT_MODIFIER_EXPLICIT_CREATE_INFO_EXT = 1000158004 STRUCTURE_TYPE_IMAGE_DRM_FORMAT_MODIFIER_PROPERTIES_EXT = 1000158005 STRUCTURE_TYPE_DRM_FORMAT_MODIFIER_PROPERTIES_LIST_2_EXT = 1000158006 STRUCTURE_TYPE_VALIDATION_CACHE_CREATE_INFO_EXT = 1000160000 STRUCTURE_TYPE_SHADER_MODULE_VALIDATION_CACHE_CREATE_INFO_EXT = 1000160001 STRUCTURE_TYPE_PHYSICAL_DEVICE_PORTABILITY_SUBSET_FEATURES_KHR = 1000163000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PORTABILITY_SUBSET_PROPERTIES_KHR = 1000163001 STRUCTURE_TYPE_PIPELINE_VIEWPORT_SHADING_RATE_IMAGE_STATE_CREATE_INFO_NV = 1000164000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADING_RATE_IMAGE_FEATURES_NV = 1000164001 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADING_RATE_IMAGE_PROPERTIES_NV = 1000164002 STRUCTURE_TYPE_PIPELINE_VIEWPORT_COARSE_SAMPLE_ORDER_STATE_CREATE_INFO_NV = 1000164005 STRUCTURE_TYPE_RAY_TRACING_PIPELINE_CREATE_INFO_NV = 1000165000 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_CREATE_INFO_NV = 1000165001 STRUCTURE_TYPE_GEOMETRY_NV = 1000165003 STRUCTURE_TYPE_GEOMETRY_TRIANGLES_NV = 1000165004 STRUCTURE_TYPE_GEOMETRY_AABB_NV = 1000165005 STRUCTURE_TYPE_BIND_ACCELERATION_STRUCTURE_MEMORY_INFO_NV = 1000165006 STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET_ACCELERATION_STRUCTURE_NV = 1000165007 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_MEMORY_REQUIREMENTS_INFO_NV = 1000165008 STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_PROPERTIES_NV = 1000165009 STRUCTURE_TYPE_RAY_TRACING_SHADER_GROUP_CREATE_INFO_NV = 1000165011 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_INFO_NV = 1000165012 STRUCTURE_TYPE_PHYSICAL_DEVICE_REPRESENTATIVE_FRAGMENT_TEST_FEATURES_NV = 1000166000 STRUCTURE_TYPE_PIPELINE_REPRESENTATIVE_FRAGMENT_TEST_STATE_CREATE_INFO_NV = 1000166001 STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_VIEW_IMAGE_FORMAT_INFO_EXT = 1000170000 STRUCTURE_TYPE_FILTER_CUBIC_IMAGE_VIEW_IMAGE_FORMAT_PROPERTIES_EXT = 1000170001 STRUCTURE_TYPE_IMPORT_MEMORY_HOST_POINTER_INFO_EXT = 1000178000 STRUCTURE_TYPE_MEMORY_HOST_POINTER_PROPERTIES_EXT = 1000178001 STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_MEMORY_HOST_PROPERTIES_EXT = 1000178002 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CLOCK_FEATURES_KHR = 1000181000 STRUCTURE_TYPE_PIPELINE_COMPILER_CONTROL_CREATE_INFO_AMD = 1000183000 STRUCTURE_TYPE_CALIBRATED_TIMESTAMP_INFO_EXT = 1000184000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CORE_PROPERTIES_AMD = 1000185000 STRUCTURE_TYPE_VIDEO_DECODE_H265_CAPABILITIES_KHR = 1000187000 STRUCTURE_TYPE_VIDEO_DECODE_H265_SESSION_PARAMETERS_CREATE_INFO_KHR = 1000187001 STRUCTURE_TYPE_VIDEO_DECODE_H265_SESSION_PARAMETERS_ADD_INFO_KHR = 1000187002 STRUCTURE_TYPE_VIDEO_DECODE_H265_PROFILE_INFO_KHR = 1000187003 STRUCTURE_TYPE_VIDEO_DECODE_H265_PICTURE_INFO_KHR = 1000187004 STRUCTURE_TYPE_VIDEO_DECODE_H265_DPB_SLOT_INFO_KHR = 1000187005 STRUCTURE_TYPE_DEVICE_QUEUE_GLOBAL_PRIORITY_CREATE_INFO_KHR = 1000174000 STRUCTURE_TYPE_PHYSICAL_DEVICE_GLOBAL_PRIORITY_QUERY_FEATURES_KHR = 1000388000 STRUCTURE_TYPE_QUEUE_FAMILY_GLOBAL_PRIORITY_PROPERTIES_KHR = 1000388001 STRUCTURE_TYPE_DEVICE_MEMORY_OVERALLOCATION_CREATE_INFO_AMD = 1000189000 STRUCTURE_TYPE_PHYSICAL_DEVICE_VERTEX_ATTRIBUTE_DIVISOR_PROPERTIES_EXT = 1000190000 STRUCTURE_TYPE_PIPELINE_VERTEX_INPUT_DIVISOR_STATE_CREATE_INFO_EXT = 1000190001 STRUCTURE_TYPE_PHYSICAL_DEVICE_VERTEX_ATTRIBUTE_DIVISOR_FEATURES_EXT = 1000190002 STRUCTURE_TYPE_PRESENT_FRAME_TOKEN_GGP = 1000191000 STRUCTURE_TYPE_PHYSICAL_DEVICE_COMPUTE_SHADER_DERIVATIVES_FEATURES_NV = 1000201000 STRUCTURE_TYPE_PHYSICAL_DEVICE_MESH_SHADER_FEATURES_NV = 1000202000 STRUCTURE_TYPE_PHYSICAL_DEVICE_MESH_SHADER_PROPERTIES_NV = 1000202001 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_IMAGE_FOOTPRINT_FEATURES_NV = 1000204000 STRUCTURE_TYPE_PIPELINE_VIEWPORT_EXCLUSIVE_SCISSOR_STATE_CREATE_INFO_NV = 1000205000 STRUCTURE_TYPE_PHYSICAL_DEVICE_EXCLUSIVE_SCISSOR_FEATURES_NV = 1000205002 STRUCTURE_TYPE_CHECKPOINT_DATA_NV = 1000206000 STRUCTURE_TYPE_QUEUE_FAMILY_CHECKPOINT_PROPERTIES_NV = 1000206001 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_FUNCTIONS_2_FEATURES_INTEL = 1000209000 STRUCTURE_TYPE_QUERY_POOL_PERFORMANCE_QUERY_CREATE_INFO_INTEL = 1000210000 STRUCTURE_TYPE_INITIALIZE_PERFORMANCE_API_INFO_INTEL = 1000210001 STRUCTURE_TYPE_PERFORMANCE_MARKER_INFO_INTEL = 1000210002 STRUCTURE_TYPE_PERFORMANCE_STREAM_MARKER_INFO_INTEL = 1000210003 STRUCTURE_TYPE_PERFORMANCE_OVERRIDE_INFO_INTEL = 1000210004 STRUCTURE_TYPE_PERFORMANCE_CONFIGURATION_ACQUIRE_INFO_INTEL = 1000210005 STRUCTURE_TYPE_PHYSICAL_DEVICE_PCI_BUS_INFO_PROPERTIES_EXT = 1000212000 STRUCTURE_TYPE_DISPLAY_NATIVE_HDR_SURFACE_CAPABILITIES_AMD = 1000213000 STRUCTURE_TYPE_SWAPCHAIN_DISPLAY_NATIVE_HDR_CREATE_INFO_AMD = 1000213001 STRUCTURE_TYPE_IMAGEPIPE_SURFACE_CREATE_INFO_FUCHSIA = 1000214000 STRUCTURE_TYPE_METAL_SURFACE_CREATE_INFO_EXT = 1000217000 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_FEATURES_EXT = 1000218000 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_PROPERTIES_EXT = 1000218001 STRUCTURE_TYPE_RENDER_PASS_FRAGMENT_DENSITY_MAP_CREATE_INFO_EXT = 1000218002 STRUCTURE_TYPE_FRAGMENT_SHADING_RATE_ATTACHMENT_INFO_KHR = 1000226000 STRUCTURE_TYPE_PIPELINE_FRAGMENT_SHADING_RATE_STATE_CREATE_INFO_KHR = 1000226001 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_PROPERTIES_KHR = 1000226002 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_FEATURES_KHR = 1000226003 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_KHR = 1000226004 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CORE_PROPERTIES_2_AMD = 1000227000 STRUCTURE_TYPE_PHYSICAL_DEVICE_COHERENT_MEMORY_FEATURES_AMD = 1000229000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_IMAGE_ATOMIC_INT64_FEATURES_EXT = 1000234000 STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_BUDGET_PROPERTIES_EXT = 1000237000 STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_PRIORITY_FEATURES_EXT = 1000238000 STRUCTURE_TYPE_MEMORY_PRIORITY_ALLOCATE_INFO_EXT = 1000238001 STRUCTURE_TYPE_SURFACE_PROTECTED_CAPABILITIES_KHR = 1000239000 STRUCTURE_TYPE_PHYSICAL_DEVICE_DEDICATED_ALLOCATION_IMAGE_ALIASING_FEATURES_NV = 1000240000 STRUCTURE_TYPE_PHYSICAL_DEVICE_BUFFER_DEVICE_ADDRESS_FEATURES_EXT = 1000244000 STRUCTURE_TYPE_BUFFER_DEVICE_ADDRESS_CREATE_INFO_EXT = 1000244002 STRUCTURE_TYPE_VALIDATION_FEATURES_EXT = 1000247000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PRESENT_WAIT_FEATURES_KHR = 1000248000 STRUCTURE_TYPE_PHYSICAL_DEVICE_COOPERATIVE_MATRIX_FEATURES_NV = 1000249000 STRUCTURE_TYPE_COOPERATIVE_MATRIX_PROPERTIES_NV = 1000249001 STRUCTURE_TYPE_PHYSICAL_DEVICE_COOPERATIVE_MATRIX_PROPERTIES_NV = 1000249002 STRUCTURE_TYPE_PHYSICAL_DEVICE_COVERAGE_REDUCTION_MODE_FEATURES_NV = 1000250000 STRUCTURE_TYPE_PIPELINE_COVERAGE_REDUCTION_STATE_CREATE_INFO_NV = 1000250001 STRUCTURE_TYPE_FRAMEBUFFER_MIXED_SAMPLES_COMBINATION_NV = 1000250002 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADER_INTERLOCK_FEATURES_EXT = 1000251000 STRUCTURE_TYPE_PHYSICAL_DEVICE_YCBCR_IMAGE_ARRAYS_FEATURES_EXT = 1000252000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PROVOKING_VERTEX_FEATURES_EXT = 1000254000 STRUCTURE_TYPE_PIPELINE_RASTERIZATION_PROVOKING_VERTEX_STATE_CREATE_INFO_EXT = 1000254001 STRUCTURE_TYPE_PHYSICAL_DEVICE_PROVOKING_VERTEX_PROPERTIES_EXT = 1000254002 STRUCTURE_TYPE_SURFACE_FULL_SCREEN_EXCLUSIVE_INFO_EXT = 1000255000 STRUCTURE_TYPE_SURFACE_CAPABILITIES_FULL_SCREEN_EXCLUSIVE_EXT = 1000255002 STRUCTURE_TYPE_SURFACE_FULL_SCREEN_EXCLUSIVE_WIN32_INFO_EXT = 1000255001 STRUCTURE_TYPE_HEADLESS_SURFACE_CREATE_INFO_EXT = 1000256000 STRUCTURE_TYPE_PHYSICAL_DEVICE_LINE_RASTERIZATION_FEATURES_EXT = 1000259000 STRUCTURE_TYPE_PIPELINE_RASTERIZATION_LINE_STATE_CREATE_INFO_EXT = 1000259001 STRUCTURE_TYPE_PHYSICAL_DEVICE_LINE_RASTERIZATION_PROPERTIES_EXT = 1000259002 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_ATOMIC_FLOAT_FEATURES_EXT = 1000260000 STRUCTURE_TYPE_PHYSICAL_DEVICE_INDEX_TYPE_UINT8_FEATURES_EXT = 1000265000 STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTENDED_DYNAMIC_STATE_FEATURES_EXT = 1000267000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_EXECUTABLE_PROPERTIES_FEATURES_KHR = 1000269000 STRUCTURE_TYPE_PIPELINE_INFO_KHR = 1000269001 STRUCTURE_TYPE_PIPELINE_EXECUTABLE_PROPERTIES_KHR = 1000269002 STRUCTURE_TYPE_PIPELINE_EXECUTABLE_INFO_KHR = 1000269003 STRUCTURE_TYPE_PIPELINE_EXECUTABLE_STATISTIC_KHR = 1000269004 STRUCTURE_TYPE_PIPELINE_EXECUTABLE_INTERNAL_REPRESENTATION_KHR = 1000269005 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_ATOMIC_FLOAT_2_FEATURES_EXT = 1000273000 STRUCTURE_TYPE_SURFACE_PRESENT_MODE_EXT = 1000274000 STRUCTURE_TYPE_SURFACE_PRESENT_SCALING_CAPABILITIES_EXT = 1000274001 STRUCTURE_TYPE_SURFACE_PRESENT_MODE_COMPATIBILITY_EXT = 1000274002 STRUCTURE_TYPE_PHYSICAL_DEVICE_SWAPCHAIN_MAINTENANCE_1_FEATURES_EXT = 1000275000 STRUCTURE_TYPE_SWAPCHAIN_PRESENT_FENCE_INFO_EXT = 1000275001 STRUCTURE_TYPE_SWAPCHAIN_PRESENT_MODES_CREATE_INFO_EXT = 1000275002 STRUCTURE_TYPE_SWAPCHAIN_PRESENT_MODE_INFO_EXT = 1000275003 STRUCTURE_TYPE_SWAPCHAIN_PRESENT_SCALING_CREATE_INFO_EXT = 1000275004 STRUCTURE_TYPE_RELEASE_SWAPCHAIN_IMAGES_INFO_EXT = 1000275005 STRUCTURE_TYPE_PHYSICAL_DEVICE_DEVICE_GENERATED_COMMANDS_PROPERTIES_NV = 1000277000 STRUCTURE_TYPE_GRAPHICS_SHADER_GROUP_CREATE_INFO_NV = 1000277001 STRUCTURE_TYPE_GRAPHICS_PIPELINE_SHADER_GROUPS_CREATE_INFO_NV = 1000277002 STRUCTURE_TYPE_INDIRECT_COMMANDS_LAYOUT_TOKEN_NV = 1000277003 STRUCTURE_TYPE_INDIRECT_COMMANDS_LAYOUT_CREATE_INFO_NV = 1000277004 STRUCTURE_TYPE_GENERATED_COMMANDS_INFO_NV = 1000277005 STRUCTURE_TYPE_GENERATED_COMMANDS_MEMORY_REQUIREMENTS_INFO_NV = 1000277006 STRUCTURE_TYPE_PHYSICAL_DEVICE_DEVICE_GENERATED_COMMANDS_FEATURES_NV = 1000277007 STRUCTURE_TYPE_PHYSICAL_DEVICE_INHERITED_VIEWPORT_SCISSOR_FEATURES_NV = 1000278000 STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_VIEWPORT_SCISSOR_INFO_NV = 1000278001 STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXEL_BUFFER_ALIGNMENT_FEATURES_EXT = 1000281000 STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_RENDER_PASS_TRANSFORM_INFO_QCOM = 1000282000 STRUCTURE_TYPE_RENDER_PASS_TRANSFORM_BEGIN_INFO_QCOM = 1000282001 STRUCTURE_TYPE_PHYSICAL_DEVICE_DEVICE_MEMORY_REPORT_FEATURES_EXT = 1000284000 STRUCTURE_TYPE_DEVICE_DEVICE_MEMORY_REPORT_CREATE_INFO_EXT = 1000284001 STRUCTURE_TYPE_DEVICE_MEMORY_REPORT_CALLBACK_DATA_EXT = 1000284002 STRUCTURE_TYPE_PHYSICAL_DEVICE_ROBUSTNESS_2_FEATURES_EXT = 1000286000 STRUCTURE_TYPE_PHYSICAL_DEVICE_ROBUSTNESS_2_PROPERTIES_EXT = 1000286001 STRUCTURE_TYPE_SAMPLER_CUSTOM_BORDER_COLOR_CREATE_INFO_EXT = 1000287000 STRUCTURE_TYPE_PHYSICAL_DEVICE_CUSTOM_BORDER_COLOR_PROPERTIES_EXT = 1000287001 STRUCTURE_TYPE_PHYSICAL_DEVICE_CUSTOM_BORDER_COLOR_FEATURES_EXT = 1000287002 STRUCTURE_TYPE_PIPELINE_LIBRARY_CREATE_INFO_KHR = 1000290000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PRESENT_BARRIER_FEATURES_NV = 1000292000 STRUCTURE_TYPE_SURFACE_CAPABILITIES_PRESENT_BARRIER_NV = 1000292001 STRUCTURE_TYPE_SWAPCHAIN_PRESENT_BARRIER_CREATE_INFO_NV = 1000292002 STRUCTURE_TYPE_PRESENT_ID_KHR = 1000294000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PRESENT_ID_FEATURES_KHR = 1000294001 STRUCTURE_TYPE_VIDEO_ENCODE_INFO_KHR = 1000299000 STRUCTURE_TYPE_VIDEO_ENCODE_RATE_CONTROL_INFO_KHR = 1000299001 STRUCTURE_TYPE_VIDEO_ENCODE_RATE_CONTROL_LAYER_INFO_KHR = 1000299002 STRUCTURE_TYPE_VIDEO_ENCODE_CAPABILITIES_KHR = 1000299003 STRUCTURE_TYPE_VIDEO_ENCODE_USAGE_INFO_KHR = 1000299004 STRUCTURE_TYPE_PHYSICAL_DEVICE_DIAGNOSTICS_CONFIG_FEATURES_NV = 1000300000 STRUCTURE_TYPE_DEVICE_DIAGNOSTICS_CONFIG_CREATE_INFO_NV = 1000300001 STRUCTURE_TYPE_EXPORT_METAL_OBJECT_CREATE_INFO_EXT = 1000311000 STRUCTURE_TYPE_EXPORT_METAL_OBJECTS_INFO_EXT = 1000311001 STRUCTURE_TYPE_EXPORT_METAL_DEVICE_INFO_EXT = 1000311002 STRUCTURE_TYPE_EXPORT_METAL_COMMAND_QUEUE_INFO_EXT = 1000311003 STRUCTURE_TYPE_EXPORT_METAL_BUFFER_INFO_EXT = 1000311004 STRUCTURE_TYPE_IMPORT_METAL_BUFFER_INFO_EXT = 1000311005 STRUCTURE_TYPE_EXPORT_METAL_TEXTURE_INFO_EXT = 1000311006 STRUCTURE_TYPE_IMPORT_METAL_TEXTURE_INFO_EXT = 1000311007 STRUCTURE_TYPE_EXPORT_METAL_IO_SURFACE_INFO_EXT = 1000311008 STRUCTURE_TYPE_IMPORT_METAL_IO_SURFACE_INFO_EXT = 1000311009 STRUCTURE_TYPE_EXPORT_METAL_SHARED_EVENT_INFO_EXT = 1000311010 STRUCTURE_TYPE_IMPORT_METAL_SHARED_EVENT_INFO_EXT = 1000311011 STRUCTURE_TYPE_QUEUE_FAMILY_CHECKPOINT_PROPERTIES_2_NV = 1000314008 STRUCTURE_TYPE_CHECKPOINT_DATA_2_NV = 1000314009 STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_BUFFER_PROPERTIES_EXT = 1000316000 STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_BUFFER_DENSITY_MAP_PROPERTIES_EXT = 1000316001 STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_BUFFER_FEATURES_EXT = 1000316002 STRUCTURE_TYPE_DESCRIPTOR_ADDRESS_INFO_EXT = 1000316003 STRUCTURE_TYPE_DESCRIPTOR_GET_INFO_EXT = 1000316004 STRUCTURE_TYPE_BUFFER_CAPTURE_DESCRIPTOR_DATA_INFO_EXT = 1000316005 STRUCTURE_TYPE_IMAGE_CAPTURE_DESCRIPTOR_DATA_INFO_EXT = 1000316006 STRUCTURE_TYPE_IMAGE_VIEW_CAPTURE_DESCRIPTOR_DATA_INFO_EXT = 1000316007 STRUCTURE_TYPE_SAMPLER_CAPTURE_DESCRIPTOR_DATA_INFO_EXT = 1000316008 STRUCTURE_TYPE_OPAQUE_CAPTURE_DESCRIPTOR_DATA_CREATE_INFO_EXT = 1000316010 STRUCTURE_TYPE_DESCRIPTOR_BUFFER_BINDING_INFO_EXT = 1000316011 STRUCTURE_TYPE_DESCRIPTOR_BUFFER_BINDING_PUSH_DESCRIPTOR_BUFFER_HANDLE_EXT = 1000316012 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_CAPTURE_DESCRIPTOR_DATA_INFO_EXT = 1000316009 STRUCTURE_TYPE_PHYSICAL_DEVICE_GRAPHICS_PIPELINE_LIBRARY_FEATURES_EXT = 1000320000 STRUCTURE_TYPE_PHYSICAL_DEVICE_GRAPHICS_PIPELINE_LIBRARY_PROPERTIES_EXT = 1000320001 STRUCTURE_TYPE_GRAPHICS_PIPELINE_LIBRARY_CREATE_INFO_EXT = 1000320002 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_EARLY_AND_LATE_FRAGMENT_TESTS_FEATURES_AMD = 1000321000 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADER_BARYCENTRIC_FEATURES_KHR = 1000203000 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADER_BARYCENTRIC_PROPERTIES_KHR = 1000322000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SUBGROUP_UNIFORM_CONTROL_FLOW_FEATURES_KHR = 1000323000 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_ENUMS_PROPERTIES_NV = 1000326000 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_ENUMS_FEATURES_NV = 1000326001 STRUCTURE_TYPE_PIPELINE_FRAGMENT_SHADING_RATE_ENUM_STATE_CREATE_INFO_NV = 1000326002 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_MOTION_TRIANGLES_DATA_NV = 1000327000 STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_MOTION_BLUR_FEATURES_NV = 1000327001 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_MOTION_INFO_NV = 1000327002 STRUCTURE_TYPE_PHYSICAL_DEVICE_MESH_SHADER_FEATURES_EXT = 1000328000 STRUCTURE_TYPE_PHYSICAL_DEVICE_MESH_SHADER_PROPERTIES_EXT = 1000328001 STRUCTURE_TYPE_PHYSICAL_DEVICE_YCBCR_2_PLANE_444_FORMATS_FEATURES_EXT = 1000330000 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_2_FEATURES_EXT = 1000332000 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_2_PROPERTIES_EXT = 1000332001 STRUCTURE_TYPE_COPY_COMMAND_TRANSFORM_INFO_QCOM = 1000333000 STRUCTURE_TYPE_PHYSICAL_DEVICE_WORKGROUP_MEMORY_EXPLICIT_LAYOUT_FEATURES_KHR = 1000336000 STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_COMPRESSION_CONTROL_FEATURES_EXT = 1000338000 STRUCTURE_TYPE_IMAGE_COMPRESSION_CONTROL_EXT = 1000338001 STRUCTURE_TYPE_SUBRESOURCE_LAYOUT_2_EXT = 1000338002 STRUCTURE_TYPE_IMAGE_SUBRESOURCE_2_EXT = 1000338003 STRUCTURE_TYPE_IMAGE_COMPRESSION_PROPERTIES_EXT = 1000338004 STRUCTURE_TYPE_PHYSICAL_DEVICE_ATTACHMENT_FEEDBACK_LOOP_LAYOUT_FEATURES_EXT = 1000339000 STRUCTURE_TYPE_PHYSICAL_DEVICE_4444_FORMATS_FEATURES_EXT = 1000340000 STRUCTURE_TYPE_PHYSICAL_DEVICE_FAULT_FEATURES_EXT = 1000341000 STRUCTURE_TYPE_DEVICE_FAULT_COUNTS_EXT = 1000341001 STRUCTURE_TYPE_DEVICE_FAULT_INFO_EXT = 1000341002 STRUCTURE_TYPE_PHYSICAL_DEVICE_RGBA10X6_FORMATS_FEATURES_EXT = 1000344000 STRUCTURE_TYPE_DIRECTFB_SURFACE_CREATE_INFO_EXT = 1000346000 STRUCTURE_TYPE_PHYSICAL_DEVICE_VERTEX_INPUT_DYNAMIC_STATE_FEATURES_EXT = 1000352000 STRUCTURE_TYPE_VERTEX_INPUT_BINDING_DESCRIPTION_2_EXT = 1000352001 STRUCTURE_TYPE_VERTEX_INPUT_ATTRIBUTE_DESCRIPTION_2_EXT = 1000352002 STRUCTURE_TYPE_PHYSICAL_DEVICE_DRM_PROPERTIES_EXT = 1000353000 STRUCTURE_TYPE_PHYSICAL_DEVICE_ADDRESS_BINDING_REPORT_FEATURES_EXT = 1000354000 STRUCTURE_TYPE_DEVICE_ADDRESS_BINDING_CALLBACK_DATA_EXT = 1000354001 STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_CLIP_CONTROL_FEATURES_EXT = 1000355000 STRUCTURE_TYPE_PIPELINE_VIEWPORT_DEPTH_CLIP_CONTROL_CREATE_INFO_EXT = 1000355001 STRUCTURE_TYPE_PHYSICAL_DEVICE_PRIMITIVE_TOPOLOGY_LIST_RESTART_FEATURES_EXT = 1000356000 STRUCTURE_TYPE_IMPORT_MEMORY_ZIRCON_HANDLE_INFO_FUCHSIA = 1000364000 STRUCTURE_TYPE_MEMORY_ZIRCON_HANDLE_PROPERTIES_FUCHSIA = 1000364001 STRUCTURE_TYPE_MEMORY_GET_ZIRCON_HANDLE_INFO_FUCHSIA = 1000364002 STRUCTURE_TYPE_IMPORT_SEMAPHORE_ZIRCON_HANDLE_INFO_FUCHSIA = 1000365000 STRUCTURE_TYPE_SEMAPHORE_GET_ZIRCON_HANDLE_INFO_FUCHSIA = 1000365001 STRUCTURE_TYPE_BUFFER_COLLECTION_CREATE_INFO_FUCHSIA = 1000366000 STRUCTURE_TYPE_IMPORT_MEMORY_BUFFER_COLLECTION_FUCHSIA = 1000366001 STRUCTURE_TYPE_BUFFER_COLLECTION_IMAGE_CREATE_INFO_FUCHSIA = 1000366002 STRUCTURE_TYPE_BUFFER_COLLECTION_PROPERTIES_FUCHSIA = 1000366003 STRUCTURE_TYPE_BUFFER_CONSTRAINTS_INFO_FUCHSIA = 1000366004 STRUCTURE_TYPE_BUFFER_COLLECTION_BUFFER_CREATE_INFO_FUCHSIA = 1000366005 STRUCTURE_TYPE_IMAGE_CONSTRAINTS_INFO_FUCHSIA = 1000366006 STRUCTURE_TYPE_IMAGE_FORMAT_CONSTRAINTS_INFO_FUCHSIA = 1000366007 STRUCTURE_TYPE_SYSMEM_COLOR_SPACE_FUCHSIA = 1000366008 STRUCTURE_TYPE_BUFFER_COLLECTION_CONSTRAINTS_INFO_FUCHSIA = 1000366009 STRUCTURE_TYPE_SUBPASS_SHADING_PIPELINE_CREATE_INFO_HUAWEI = 1000369000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBPASS_SHADING_FEATURES_HUAWEI = 1000369001 STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBPASS_SHADING_PROPERTIES_HUAWEI = 1000369002 STRUCTURE_TYPE_PHYSICAL_DEVICE_INVOCATION_MASK_FEATURES_HUAWEI = 1000370000 STRUCTURE_TYPE_MEMORY_GET_REMOTE_ADDRESS_INFO_NV = 1000371000 STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_MEMORY_RDMA_FEATURES_NV = 1000371001 STRUCTURE_TYPE_PIPELINE_PROPERTIES_IDENTIFIER_EXT = 1000372000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_PROPERTIES_FEATURES_EXT = 1000372001 STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTISAMPLED_RENDER_TO_SINGLE_SAMPLED_FEATURES_EXT = 1000376000 STRUCTURE_TYPE_SUBPASS_RESOLVE_PERFORMANCE_QUERY_EXT = 1000376001 STRUCTURE_TYPE_MULTISAMPLED_RENDER_TO_SINGLE_SAMPLED_INFO_EXT = 1000376002 STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTENDED_DYNAMIC_STATE_2_FEATURES_EXT = 1000377000 STRUCTURE_TYPE_SCREEN_SURFACE_CREATE_INFO_QNX = 1000378000 STRUCTURE_TYPE_PHYSICAL_DEVICE_COLOR_WRITE_ENABLE_FEATURES_EXT = 1000381000 STRUCTURE_TYPE_PIPELINE_COLOR_WRITE_CREATE_INFO_EXT = 1000381001 STRUCTURE_TYPE_PHYSICAL_DEVICE_PRIMITIVES_GENERATED_QUERY_FEATURES_EXT = 1000382000 STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_MAINTENANCE_1_FEATURES_KHR = 1000386000 STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_VIEW_MIN_LOD_FEATURES_EXT = 1000391000 STRUCTURE_TYPE_IMAGE_VIEW_MIN_LOD_CREATE_INFO_EXT = 1000391001 STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTI_DRAW_FEATURES_EXT = 1000392000 STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTI_DRAW_PROPERTIES_EXT = 1000392001 STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_2D_VIEW_OF_3D_FEATURES_EXT = 1000393000 STRUCTURE_TYPE_MICROMAP_BUILD_INFO_EXT = 1000396000 STRUCTURE_TYPE_MICROMAP_VERSION_INFO_EXT = 1000396001 STRUCTURE_TYPE_COPY_MICROMAP_INFO_EXT = 1000396002 STRUCTURE_TYPE_COPY_MICROMAP_TO_MEMORY_INFO_EXT = 1000396003 STRUCTURE_TYPE_COPY_MEMORY_TO_MICROMAP_INFO_EXT = 1000396004 STRUCTURE_TYPE_PHYSICAL_DEVICE_OPACITY_MICROMAP_FEATURES_EXT = 1000396005 STRUCTURE_TYPE_PHYSICAL_DEVICE_OPACITY_MICROMAP_PROPERTIES_EXT = 1000396006 STRUCTURE_TYPE_MICROMAP_CREATE_INFO_EXT = 1000396007 STRUCTURE_TYPE_MICROMAP_BUILD_SIZES_INFO_EXT = 1000396008 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_TRIANGLES_OPACITY_MICROMAP_EXT = 1000396009 STRUCTURE_TYPE_PHYSICAL_DEVICE_CLUSTER_CULLING_SHADER_FEATURES_HUAWEI = 1000404000 STRUCTURE_TYPE_PHYSICAL_DEVICE_CLUSTER_CULLING_SHADER_PROPERTIES_HUAWEI = 1000404001 STRUCTURE_TYPE_PHYSICAL_DEVICE_BORDER_COLOR_SWIZZLE_FEATURES_EXT = 1000411000 STRUCTURE_TYPE_SAMPLER_BORDER_COLOR_COMPONENT_MAPPING_CREATE_INFO_EXT = 1000411001 STRUCTURE_TYPE_PHYSICAL_DEVICE_PAGEABLE_DEVICE_LOCAL_MEMORY_FEATURES_EXT = 1000412000 STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_SET_HOST_MAPPING_FEATURES_VALVE = 1000420000 STRUCTURE_TYPE_DESCRIPTOR_SET_BINDING_REFERENCE_VALVE = 1000420001 STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_HOST_MAPPING_INFO_VALVE = 1000420002 STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_CLAMP_ZERO_ONE_FEATURES_EXT = 1000421000 STRUCTURE_TYPE_PHYSICAL_DEVICE_NON_SEAMLESS_CUBE_MAP_FEATURES_EXT = 1000422000 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_OFFSET_FEATURES_QCOM = 1000425000 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_OFFSET_PROPERTIES_QCOM = 1000425001 STRUCTURE_TYPE_SUBPASS_FRAGMENT_DENSITY_MAP_OFFSET_END_INFO_QCOM = 1000425002 STRUCTURE_TYPE_PHYSICAL_DEVICE_COPY_MEMORY_INDIRECT_FEATURES_NV = 1000426000 STRUCTURE_TYPE_PHYSICAL_DEVICE_COPY_MEMORY_INDIRECT_PROPERTIES_NV = 1000426001 STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_DECOMPRESSION_FEATURES_NV = 1000427000 STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_DECOMPRESSION_PROPERTIES_NV = 1000427001 STRUCTURE_TYPE_PHYSICAL_DEVICE_LINEAR_COLOR_ATTACHMENT_FEATURES_NV = 1000430000 STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_COMPRESSION_CONTROL_SWAPCHAIN_FEATURES_EXT = 1000437000 STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_PROCESSING_FEATURES_QCOM = 1000440000 STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_PROCESSING_PROPERTIES_QCOM = 1000440001 STRUCTURE_TYPE_IMAGE_VIEW_SAMPLE_WEIGHT_CREATE_INFO_QCOM = 1000440002 STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTENDED_DYNAMIC_STATE_3_FEATURES_EXT = 1000455000 STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTENDED_DYNAMIC_STATE_3_PROPERTIES_EXT = 1000455001 STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBPASS_MERGE_FEEDBACK_FEATURES_EXT = 1000458000 STRUCTURE_TYPE_RENDER_PASS_CREATION_CONTROL_EXT = 1000458001 STRUCTURE_TYPE_RENDER_PASS_CREATION_FEEDBACK_CREATE_INFO_EXT = 1000458002 STRUCTURE_TYPE_RENDER_PASS_SUBPASS_FEEDBACK_CREATE_INFO_EXT = 1000458003 STRUCTURE_TYPE_DIRECT_DRIVER_LOADING_INFO_LUNARG = 1000459000 STRUCTURE_TYPE_DIRECT_DRIVER_LOADING_LIST_LUNARG = 1000459001 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_MODULE_IDENTIFIER_FEATURES_EXT = 1000462000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_MODULE_IDENTIFIER_PROPERTIES_EXT = 1000462001 STRUCTURE_TYPE_PIPELINE_SHADER_STAGE_MODULE_IDENTIFIER_CREATE_INFO_EXT = 1000462002 STRUCTURE_TYPE_SHADER_MODULE_IDENTIFIER_EXT = 1000462003 STRUCTURE_TYPE_PHYSICAL_DEVICE_RASTERIZATION_ORDER_ATTACHMENT_ACCESS_FEATURES_EXT = 1000342000 STRUCTURE_TYPE_PHYSICAL_DEVICE_OPTICAL_FLOW_FEATURES_NV = 1000464000 STRUCTURE_TYPE_PHYSICAL_DEVICE_OPTICAL_FLOW_PROPERTIES_NV = 1000464001 STRUCTURE_TYPE_OPTICAL_FLOW_IMAGE_FORMAT_INFO_NV = 1000464002 STRUCTURE_TYPE_OPTICAL_FLOW_IMAGE_FORMAT_PROPERTIES_NV = 1000464003 STRUCTURE_TYPE_OPTICAL_FLOW_SESSION_CREATE_INFO_NV = 1000464004 STRUCTURE_TYPE_OPTICAL_FLOW_EXECUTE_INFO_NV = 1000464005 STRUCTURE_TYPE_OPTICAL_FLOW_SESSION_CREATE_PRIVATE_DATA_INFO_NV = 1000464010 STRUCTURE_TYPE_PHYSICAL_DEVICE_LEGACY_DITHERING_FEATURES_EXT = 1000465000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_PROTECTED_ACCESS_FEATURES_EXT = 1000466000 STRUCTURE_TYPE_PHYSICAL_DEVICE_TILE_PROPERTIES_FEATURES_QCOM = 1000484000 STRUCTURE_TYPE_TILE_PROPERTIES_QCOM = 1000484001 STRUCTURE_TYPE_PHYSICAL_DEVICE_AMIGO_PROFILING_FEATURES_SEC = 1000485000 STRUCTURE_TYPE_AMIGO_PROFILING_SUBMIT_INFO_SEC = 1000485001 STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_PER_VIEW_VIEWPORTS_FEATURES_QCOM = 1000488000 STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_INVOCATION_REORDER_FEATURES_NV = 1000490000 STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_INVOCATION_REORDER_PROPERTIES_NV = 1000490001 STRUCTURE_TYPE_PHYSICAL_DEVICE_MUTABLE_DESCRIPTOR_TYPE_FEATURES_EXT = 1000351000 STRUCTURE_TYPE_MUTABLE_DESCRIPTOR_TYPE_CREATE_INFO_EXT = 1000351002 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CORE_BUILTINS_FEATURES_ARM = 1000497000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CORE_BUILTINS_PROPERTIES_ARM = 1000497001 STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_LIBRARY_GROUP_HANDLES_FEATURES_EXT = 1000498000 end @cenum SubpassContents::UInt32 begin SUBPASS_CONTENTS_INLINE = 0 SUBPASS_CONTENTS_SECONDARY_COMMAND_BUFFERS = 1 end @cenum Result::Int32 begin SUCCESS = 0 NOT_READY = 1 TIMEOUT = 2 EVENT_SET = 3 EVENT_RESET = 4 INCOMPLETE = 5 ERROR_OUT_OF_HOST_MEMORY = -1 ERROR_OUT_OF_DEVICE_MEMORY = -2 ERROR_INITIALIZATION_FAILED = -3 ERROR_DEVICE_LOST = -4 ERROR_MEMORY_MAP_FAILED = -5 ERROR_LAYER_NOT_PRESENT = -6 ERROR_EXTENSION_NOT_PRESENT = -7 ERROR_FEATURE_NOT_PRESENT = -8 ERROR_INCOMPATIBLE_DRIVER = -9 ERROR_TOO_MANY_OBJECTS = -10 ERROR_FORMAT_NOT_SUPPORTED = -11 ERROR_FRAGMENTED_POOL = -12 ERROR_UNKNOWN = -13 ERROR_OUT_OF_POOL_MEMORY = -1000069000 ERROR_INVALID_EXTERNAL_HANDLE = -1000072003 ERROR_FRAGMENTATION = -1000161000 ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS = -1000257000 PIPELINE_COMPILE_REQUIRED = 1000297000 ERROR_SURFACE_LOST_KHR = -1000000000 ERROR_NATIVE_WINDOW_IN_USE_KHR = -1000000001 SUBOPTIMAL_KHR = 1000001003 ERROR_OUT_OF_DATE_KHR = -1000001004 ERROR_INCOMPATIBLE_DISPLAY_KHR = -1000003001 ERROR_VALIDATION_FAILED_EXT = -1000011001 ERROR_INVALID_SHADER_NV = -1000012000 ERROR_IMAGE_USAGE_NOT_SUPPORTED_KHR = -1000023000 ERROR_VIDEO_PICTURE_LAYOUT_NOT_SUPPORTED_KHR = -1000023001 ERROR_VIDEO_PROFILE_OPERATION_NOT_SUPPORTED_KHR = -1000023002 ERROR_VIDEO_PROFILE_FORMAT_NOT_SUPPORTED_KHR = -1000023003 ERROR_VIDEO_PROFILE_CODEC_NOT_SUPPORTED_KHR = -1000023004 ERROR_VIDEO_STD_VERSION_NOT_SUPPORTED_KHR = -1000023005 ERROR_INVALID_DRM_FORMAT_MODIFIER_PLANE_LAYOUT_EXT = -1000158000 ERROR_NOT_PERMITTED_KHR = -1000174001 ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT = -1000255000 THREAD_IDLE_KHR = 1000268000 THREAD_DONE_KHR = 1000268001 OPERATION_DEFERRED_KHR = 1000268002 OPERATION_NOT_DEFERRED_KHR = 1000268003 ERROR_COMPRESSION_EXHAUSTED_EXT = -1000338000 end @cenum DynamicState::UInt32 begin DYNAMIC_STATE_VIEWPORT = 0 DYNAMIC_STATE_SCISSOR = 1 DYNAMIC_STATE_LINE_WIDTH = 2 DYNAMIC_STATE_DEPTH_BIAS = 3 DYNAMIC_STATE_BLEND_CONSTANTS = 4 DYNAMIC_STATE_DEPTH_BOUNDS = 5 DYNAMIC_STATE_STENCIL_COMPARE_MASK = 6 DYNAMIC_STATE_STENCIL_WRITE_MASK = 7 DYNAMIC_STATE_STENCIL_REFERENCE = 8 DYNAMIC_STATE_CULL_MODE = 1000267000 DYNAMIC_STATE_FRONT_FACE = 1000267001 DYNAMIC_STATE_PRIMITIVE_TOPOLOGY = 1000267002 DYNAMIC_STATE_VIEWPORT_WITH_COUNT = 1000267003 DYNAMIC_STATE_SCISSOR_WITH_COUNT = 1000267004 DYNAMIC_STATE_VERTEX_INPUT_BINDING_STRIDE = 1000267005 DYNAMIC_STATE_DEPTH_TEST_ENABLE = 1000267006 DYNAMIC_STATE_DEPTH_WRITE_ENABLE = 1000267007 DYNAMIC_STATE_DEPTH_COMPARE_OP = 1000267008 DYNAMIC_STATE_DEPTH_BOUNDS_TEST_ENABLE = 1000267009 DYNAMIC_STATE_STENCIL_TEST_ENABLE = 1000267010 DYNAMIC_STATE_STENCIL_OP = 1000267011 DYNAMIC_STATE_RASTERIZER_DISCARD_ENABLE = 1000377001 DYNAMIC_STATE_DEPTH_BIAS_ENABLE = 1000377002 DYNAMIC_STATE_PRIMITIVE_RESTART_ENABLE = 1000377004 DYNAMIC_STATE_VIEWPORT_W_SCALING_NV = 1000087000 DYNAMIC_STATE_DISCARD_RECTANGLE_EXT = 1000099000 DYNAMIC_STATE_SAMPLE_LOCATIONS_EXT = 1000143000 DYNAMIC_STATE_RAY_TRACING_PIPELINE_STACK_SIZE_KHR = 1000347000 DYNAMIC_STATE_VIEWPORT_SHADING_RATE_PALETTE_NV = 1000164004 DYNAMIC_STATE_VIEWPORT_COARSE_SAMPLE_ORDER_NV = 1000164006 DYNAMIC_STATE_EXCLUSIVE_SCISSOR_NV = 1000205001 DYNAMIC_STATE_FRAGMENT_SHADING_RATE_KHR = 1000226000 DYNAMIC_STATE_LINE_STIPPLE_EXT = 1000259000 DYNAMIC_STATE_VERTEX_INPUT_EXT = 1000352000 DYNAMIC_STATE_PATCH_CONTROL_POINTS_EXT = 1000377000 DYNAMIC_STATE_LOGIC_OP_EXT = 1000377003 DYNAMIC_STATE_COLOR_WRITE_ENABLE_EXT = 1000381000 DYNAMIC_STATE_TESSELLATION_DOMAIN_ORIGIN_EXT = 1000455002 DYNAMIC_STATE_DEPTH_CLAMP_ENABLE_EXT = 1000455003 DYNAMIC_STATE_POLYGON_MODE_EXT = 1000455004 DYNAMIC_STATE_RASTERIZATION_SAMPLES_EXT = 1000455005 DYNAMIC_STATE_SAMPLE_MASK_EXT = 1000455006 DYNAMIC_STATE_ALPHA_TO_COVERAGE_ENABLE_EXT = 1000455007 DYNAMIC_STATE_ALPHA_TO_ONE_ENABLE_EXT = 1000455008 DYNAMIC_STATE_LOGIC_OP_ENABLE_EXT = 1000455009 DYNAMIC_STATE_COLOR_BLEND_ENABLE_EXT = 1000455010 DYNAMIC_STATE_COLOR_BLEND_EQUATION_EXT = 1000455011 DYNAMIC_STATE_COLOR_WRITE_MASK_EXT = 1000455012 DYNAMIC_STATE_RASTERIZATION_STREAM_EXT = 1000455013 DYNAMIC_STATE_CONSERVATIVE_RASTERIZATION_MODE_EXT = 1000455014 DYNAMIC_STATE_EXTRA_PRIMITIVE_OVERESTIMATION_SIZE_EXT = 1000455015 DYNAMIC_STATE_DEPTH_CLIP_ENABLE_EXT = 1000455016 DYNAMIC_STATE_SAMPLE_LOCATIONS_ENABLE_EXT = 1000455017 DYNAMIC_STATE_COLOR_BLEND_ADVANCED_EXT = 1000455018 DYNAMIC_STATE_PROVOKING_VERTEX_MODE_EXT = 1000455019 DYNAMIC_STATE_LINE_RASTERIZATION_MODE_EXT = 1000455020 DYNAMIC_STATE_LINE_STIPPLE_ENABLE_EXT = 1000455021 DYNAMIC_STATE_DEPTH_CLIP_NEGATIVE_ONE_TO_ONE_EXT = 1000455022 DYNAMIC_STATE_VIEWPORT_W_SCALING_ENABLE_NV = 1000455023 DYNAMIC_STATE_VIEWPORT_SWIZZLE_NV = 1000455024 DYNAMIC_STATE_COVERAGE_TO_COLOR_ENABLE_NV = 1000455025 DYNAMIC_STATE_COVERAGE_TO_COLOR_LOCATION_NV = 1000455026 DYNAMIC_STATE_COVERAGE_MODULATION_MODE_NV = 1000455027 DYNAMIC_STATE_COVERAGE_MODULATION_TABLE_ENABLE_NV = 1000455028 DYNAMIC_STATE_COVERAGE_MODULATION_TABLE_NV = 1000455029 DYNAMIC_STATE_SHADING_RATE_IMAGE_ENABLE_NV = 1000455030 DYNAMIC_STATE_REPRESENTATIVE_FRAGMENT_TEST_ENABLE_NV = 1000455031 DYNAMIC_STATE_COVERAGE_REDUCTION_MODE_NV = 1000455032 end @cenum DescriptorUpdateTemplateType::UInt32 begin DESCRIPTOR_UPDATE_TEMPLATE_TYPE_DESCRIPTOR_SET = 0 DESCRIPTOR_UPDATE_TEMPLATE_TYPE_PUSH_DESCRIPTORS_KHR = 1 end @cenum ObjectType::UInt32 begin OBJECT_TYPE_UNKNOWN = 0 OBJECT_TYPE_INSTANCE = 1 OBJECT_TYPE_PHYSICAL_DEVICE = 2 OBJECT_TYPE_DEVICE = 3 OBJECT_TYPE_QUEUE = 4 OBJECT_TYPE_SEMAPHORE = 5 OBJECT_TYPE_COMMAND_BUFFER = 6 OBJECT_TYPE_FENCE = 7 OBJECT_TYPE_DEVICE_MEMORY = 8 OBJECT_TYPE_BUFFER = 9 OBJECT_TYPE_IMAGE = 10 OBJECT_TYPE_EVENT = 11 OBJECT_TYPE_QUERY_POOL = 12 OBJECT_TYPE_BUFFER_VIEW = 13 OBJECT_TYPE_IMAGE_VIEW = 14 OBJECT_TYPE_SHADER_MODULE = 15 OBJECT_TYPE_PIPELINE_CACHE = 16 OBJECT_TYPE_PIPELINE_LAYOUT = 17 OBJECT_TYPE_RENDER_PASS = 18 OBJECT_TYPE_PIPELINE = 19 OBJECT_TYPE_DESCRIPTOR_SET_LAYOUT = 20 OBJECT_TYPE_SAMPLER = 21 OBJECT_TYPE_DESCRIPTOR_POOL = 22 OBJECT_TYPE_DESCRIPTOR_SET = 23 OBJECT_TYPE_FRAMEBUFFER = 24 OBJECT_TYPE_COMMAND_POOL = 25 OBJECT_TYPE_SAMPLER_YCBCR_CONVERSION = 1000156000 OBJECT_TYPE_DESCRIPTOR_UPDATE_TEMPLATE = 1000085000 OBJECT_TYPE_PRIVATE_DATA_SLOT = 1000295000 OBJECT_TYPE_SURFACE_KHR = 1000000000 OBJECT_TYPE_SWAPCHAIN_KHR = 1000001000 OBJECT_TYPE_DISPLAY_KHR = 1000002000 OBJECT_TYPE_DISPLAY_MODE_KHR = 1000002001 OBJECT_TYPE_DEBUG_REPORT_CALLBACK_EXT = 1000011000 OBJECT_TYPE_VIDEO_SESSION_KHR = 1000023000 OBJECT_TYPE_VIDEO_SESSION_PARAMETERS_KHR = 1000023001 OBJECT_TYPE_CU_MODULE_NVX = 1000029000 OBJECT_TYPE_CU_FUNCTION_NVX = 1000029001 OBJECT_TYPE_DEBUG_UTILS_MESSENGER_EXT = 1000128000 OBJECT_TYPE_ACCELERATION_STRUCTURE_KHR = 1000150000 OBJECT_TYPE_VALIDATION_CACHE_EXT = 1000160000 OBJECT_TYPE_ACCELERATION_STRUCTURE_NV = 1000165000 OBJECT_TYPE_PERFORMANCE_CONFIGURATION_INTEL = 1000210000 OBJECT_TYPE_DEFERRED_OPERATION_KHR = 1000268000 OBJECT_TYPE_INDIRECT_COMMANDS_LAYOUT_NV = 1000277000 OBJECT_TYPE_BUFFER_COLLECTION_FUCHSIA = 1000366000 OBJECT_TYPE_MICROMAP_EXT = 1000396000 OBJECT_TYPE_OPTICAL_FLOW_SESSION_NV = 1000464000 end @cenum RayTracingInvocationReorderModeNV::UInt32 begin RAY_TRACING_INVOCATION_REORDER_MODE_NONE_NV = 0 RAY_TRACING_INVOCATION_REORDER_MODE_REORDER_NV = 1 end @cenum DirectDriverLoadingModeLUNARG::UInt32 begin DIRECT_DRIVER_LOADING_MODE_EXCLUSIVE_LUNARG = 0 DIRECT_DRIVER_LOADING_MODE_INCLUSIVE_LUNARG = 1 end @cenum SemaphoreType::UInt32 begin SEMAPHORE_TYPE_BINARY = 0 SEMAPHORE_TYPE_TIMELINE = 1 end @cenum PresentModeKHR::UInt32 begin PRESENT_MODE_IMMEDIATE_KHR = 0 PRESENT_MODE_MAILBOX_KHR = 1 PRESENT_MODE_FIFO_KHR = 2 PRESENT_MODE_FIFO_RELAXED_KHR = 3 PRESENT_MODE_SHARED_DEMAND_REFRESH_KHR = 1000111000 PRESENT_MODE_SHARED_CONTINUOUS_REFRESH_KHR = 1000111001 end @cenum ColorSpaceKHR::UInt32 begin COLOR_SPACE_SRGB_NONLINEAR_KHR = 0 COLOR_SPACE_DISPLAY_P3_NONLINEAR_EXT = 1000104001 COLOR_SPACE_EXTENDED_SRGB_LINEAR_EXT = 1000104002 COLOR_SPACE_DISPLAY_P3_LINEAR_EXT = 1000104003 COLOR_SPACE_DCI_P3_NONLINEAR_EXT = 1000104004 COLOR_SPACE_BT709_LINEAR_EXT = 1000104005 COLOR_SPACE_BT709_NONLINEAR_EXT = 1000104006 COLOR_SPACE_BT2020_LINEAR_EXT = 1000104007 COLOR_SPACE_HDR10_ST2084_EXT = 1000104008 COLOR_SPACE_DOLBYVISION_EXT = 1000104009 COLOR_SPACE_HDR10_HLG_EXT = 1000104010 COLOR_SPACE_ADOBERGB_LINEAR_EXT = 1000104011 COLOR_SPACE_ADOBERGB_NONLINEAR_EXT = 1000104012 COLOR_SPACE_PASS_THROUGH_EXT = 1000104013 COLOR_SPACE_EXTENDED_SRGB_NONLINEAR_EXT = 1000104014 COLOR_SPACE_DISPLAY_NATIVE_AMD = 1000213000 end @cenum TimeDomainEXT::UInt32 begin TIME_DOMAIN_DEVICE_EXT = 0 TIME_DOMAIN_CLOCK_MONOTONIC_EXT = 1 TIME_DOMAIN_CLOCK_MONOTONIC_RAW_EXT = 2 TIME_DOMAIN_QUERY_PERFORMANCE_COUNTER_EXT = 3 end @cenum DebugReportObjectTypeEXT::UInt32 begin DEBUG_REPORT_OBJECT_TYPE_UNKNOWN_EXT = 0 DEBUG_REPORT_OBJECT_TYPE_INSTANCE_EXT = 1 DEBUG_REPORT_OBJECT_TYPE_PHYSICAL_DEVICE_EXT = 2 DEBUG_REPORT_OBJECT_TYPE_DEVICE_EXT = 3 DEBUG_REPORT_OBJECT_TYPE_QUEUE_EXT = 4 DEBUG_REPORT_OBJECT_TYPE_SEMAPHORE_EXT = 5 DEBUG_REPORT_OBJECT_TYPE_COMMAND_BUFFER_EXT = 6 DEBUG_REPORT_OBJECT_TYPE_FENCE_EXT = 7 DEBUG_REPORT_OBJECT_TYPE_DEVICE_MEMORY_EXT = 8 DEBUG_REPORT_OBJECT_TYPE_BUFFER_EXT = 9 DEBUG_REPORT_OBJECT_TYPE_IMAGE_EXT = 10 DEBUG_REPORT_OBJECT_TYPE_EVENT_EXT = 11 DEBUG_REPORT_OBJECT_TYPE_QUERY_POOL_EXT = 12 DEBUG_REPORT_OBJECT_TYPE_BUFFER_VIEW_EXT = 13 DEBUG_REPORT_OBJECT_TYPE_IMAGE_VIEW_EXT = 14 DEBUG_REPORT_OBJECT_TYPE_SHADER_MODULE_EXT = 15 DEBUG_REPORT_OBJECT_TYPE_PIPELINE_CACHE_EXT = 16 DEBUG_REPORT_OBJECT_TYPE_PIPELINE_LAYOUT_EXT = 17 DEBUG_REPORT_OBJECT_TYPE_RENDER_PASS_EXT = 18 DEBUG_REPORT_OBJECT_TYPE_PIPELINE_EXT = 19 DEBUG_REPORT_OBJECT_TYPE_DESCRIPTOR_SET_LAYOUT_EXT = 20 DEBUG_REPORT_OBJECT_TYPE_SAMPLER_EXT = 21 DEBUG_REPORT_OBJECT_TYPE_DESCRIPTOR_POOL_EXT = 22 DEBUG_REPORT_OBJECT_TYPE_DESCRIPTOR_SET_EXT = 23 DEBUG_REPORT_OBJECT_TYPE_FRAMEBUFFER_EXT = 24 DEBUG_REPORT_OBJECT_TYPE_COMMAND_POOL_EXT = 25 DEBUG_REPORT_OBJECT_TYPE_SURFACE_KHR_EXT = 26 DEBUG_REPORT_OBJECT_TYPE_SWAPCHAIN_KHR_EXT = 27 DEBUG_REPORT_OBJECT_TYPE_DEBUG_REPORT_CALLBACK_EXT_EXT = 28 DEBUG_REPORT_OBJECT_TYPE_DISPLAY_KHR_EXT = 29 DEBUG_REPORT_OBJECT_TYPE_DISPLAY_MODE_KHR_EXT = 30 DEBUG_REPORT_OBJECT_TYPE_VALIDATION_CACHE_EXT_EXT = 33 DEBUG_REPORT_OBJECT_TYPE_SAMPLER_YCBCR_CONVERSION_EXT = 1000156000 DEBUG_REPORT_OBJECT_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_EXT = 1000085000 DEBUG_REPORT_OBJECT_TYPE_CU_MODULE_NVX_EXT = 1000029000 DEBUG_REPORT_OBJECT_TYPE_CU_FUNCTION_NVX_EXT = 1000029001 DEBUG_REPORT_OBJECT_TYPE_ACCELERATION_STRUCTURE_KHR_EXT = 1000150000 DEBUG_REPORT_OBJECT_TYPE_ACCELERATION_STRUCTURE_NV_EXT = 1000165000 DEBUG_REPORT_OBJECT_TYPE_BUFFER_COLLECTION_FUCHSIA_EXT = 1000366000 end @cenum DeviceMemoryReportEventTypeEXT::UInt32 begin DEVICE_MEMORY_REPORT_EVENT_TYPE_ALLOCATE_EXT = 0 DEVICE_MEMORY_REPORT_EVENT_TYPE_FREE_EXT = 1 DEVICE_MEMORY_REPORT_EVENT_TYPE_IMPORT_EXT = 2 DEVICE_MEMORY_REPORT_EVENT_TYPE_UNIMPORT_EXT = 3 DEVICE_MEMORY_REPORT_EVENT_TYPE_ALLOCATION_FAILED_EXT = 4 end @cenum RasterizationOrderAMD::UInt32 begin RASTERIZATION_ORDER_STRICT_AMD = 0 RASTERIZATION_ORDER_RELAXED_AMD = 1 end @cenum ValidationCheckEXT::UInt32 begin VALIDATION_CHECK_ALL_EXT = 0 VALIDATION_CHECK_SHADERS_EXT = 1 end @cenum ValidationFeatureEnableEXT::UInt32 begin VALIDATION_FEATURE_ENABLE_GPU_ASSISTED_EXT = 0 VALIDATION_FEATURE_ENABLE_GPU_ASSISTED_RESERVE_BINDING_SLOT_EXT = 1 VALIDATION_FEATURE_ENABLE_BEST_PRACTICES_EXT = 2 VALIDATION_FEATURE_ENABLE_DEBUG_PRINTF_EXT = 3 VALIDATION_FEATURE_ENABLE_SYNCHRONIZATION_VALIDATION_EXT = 4 end @cenum ValidationFeatureDisableEXT::UInt32 begin VALIDATION_FEATURE_DISABLE_ALL_EXT = 0 VALIDATION_FEATURE_DISABLE_SHADERS_EXT = 1 VALIDATION_FEATURE_DISABLE_THREAD_SAFETY_EXT = 2 VALIDATION_FEATURE_DISABLE_API_PARAMETERS_EXT = 3 VALIDATION_FEATURE_DISABLE_OBJECT_LIFETIMES_EXT = 4 VALIDATION_FEATURE_DISABLE_CORE_CHECKS_EXT = 5 VALIDATION_FEATURE_DISABLE_UNIQUE_HANDLES_EXT = 6 VALIDATION_FEATURE_DISABLE_SHADER_VALIDATION_CACHE_EXT = 7 end @cenum IndirectCommandsTokenTypeNV::UInt32 begin INDIRECT_COMMANDS_TOKEN_TYPE_SHADER_GROUP_NV = 0 INDIRECT_COMMANDS_TOKEN_TYPE_STATE_FLAGS_NV = 1 INDIRECT_COMMANDS_TOKEN_TYPE_INDEX_BUFFER_NV = 2 INDIRECT_COMMANDS_TOKEN_TYPE_VERTEX_BUFFER_NV = 3 INDIRECT_COMMANDS_TOKEN_TYPE_PUSH_CONSTANT_NV = 4 INDIRECT_COMMANDS_TOKEN_TYPE_DRAW_INDEXED_NV = 5 INDIRECT_COMMANDS_TOKEN_TYPE_DRAW_NV = 6 INDIRECT_COMMANDS_TOKEN_TYPE_DRAW_TASKS_NV = 7 INDIRECT_COMMANDS_TOKEN_TYPE_DRAW_MESH_TASKS_NV = 1000328000 end @cenum DisplayPowerStateEXT::UInt32 begin DISPLAY_POWER_STATE_OFF_EXT = 0 DISPLAY_POWER_STATE_SUSPEND_EXT = 1 DISPLAY_POWER_STATE_ON_EXT = 2 end @cenum DeviceEventTypeEXT::UInt32 begin DEVICE_EVENT_TYPE_DISPLAY_HOTPLUG_EXT = 0 end @cenum DisplayEventTypeEXT::UInt32 begin DISPLAY_EVENT_TYPE_FIRST_PIXEL_OUT_EXT = 0 end @cenum ViewportCoordinateSwizzleNV::UInt32 begin VIEWPORT_COORDINATE_SWIZZLE_POSITIVE_X_NV = 0 VIEWPORT_COORDINATE_SWIZZLE_NEGATIVE_X_NV = 1 VIEWPORT_COORDINATE_SWIZZLE_POSITIVE_Y_NV = 2 VIEWPORT_COORDINATE_SWIZZLE_NEGATIVE_Y_NV = 3 VIEWPORT_COORDINATE_SWIZZLE_POSITIVE_Z_NV = 4 VIEWPORT_COORDINATE_SWIZZLE_NEGATIVE_Z_NV = 5 VIEWPORT_COORDINATE_SWIZZLE_POSITIVE_W_NV = 6 VIEWPORT_COORDINATE_SWIZZLE_NEGATIVE_W_NV = 7 end @cenum DiscardRectangleModeEXT::UInt32 begin DISCARD_RECTANGLE_MODE_INCLUSIVE_EXT = 0 DISCARD_RECTANGLE_MODE_EXCLUSIVE_EXT = 1 end @cenum PointClippingBehavior::UInt32 begin POINT_CLIPPING_BEHAVIOR_ALL_CLIP_PLANES = 0 POINT_CLIPPING_BEHAVIOR_USER_CLIP_PLANES_ONLY = 1 end @cenum SamplerReductionMode::UInt32 begin SAMPLER_REDUCTION_MODE_WEIGHTED_AVERAGE = 0 SAMPLER_REDUCTION_MODE_MIN = 1 SAMPLER_REDUCTION_MODE_MAX = 2 end @cenum TessellationDomainOrigin::UInt32 begin TESSELLATION_DOMAIN_ORIGIN_UPPER_LEFT = 0 TESSELLATION_DOMAIN_ORIGIN_LOWER_LEFT = 1 end @cenum SamplerYcbcrModelConversion::UInt32 begin SAMPLER_YCBCR_MODEL_CONVERSION_RGB_IDENTITY = 0 SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_IDENTITY = 1 SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_709 = 2 SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_601 = 3 SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_2020 = 4 end @cenum SamplerYcbcrRange::UInt32 begin SAMPLER_YCBCR_RANGE_ITU_FULL = 0 SAMPLER_YCBCR_RANGE_ITU_NARROW = 1 end @cenum ChromaLocation::UInt32 begin CHROMA_LOCATION_COSITED_EVEN = 0 CHROMA_LOCATION_MIDPOINT = 1 end @cenum BlendOverlapEXT::UInt32 begin BLEND_OVERLAP_UNCORRELATED_EXT = 0 BLEND_OVERLAP_DISJOINT_EXT = 1 BLEND_OVERLAP_CONJOINT_EXT = 2 end @cenum CoverageModulationModeNV::UInt32 begin COVERAGE_MODULATION_MODE_NONE_NV = 0 COVERAGE_MODULATION_MODE_RGB_NV = 1 COVERAGE_MODULATION_MODE_ALPHA_NV = 2 COVERAGE_MODULATION_MODE_RGBA_NV = 3 end @cenum CoverageReductionModeNV::UInt32 begin COVERAGE_REDUCTION_MODE_MERGE_NV = 0 COVERAGE_REDUCTION_MODE_TRUNCATE_NV = 1 end @cenum ValidationCacheHeaderVersionEXT::UInt32 begin VALIDATION_CACHE_HEADER_VERSION_ONE_EXT = 1 end @cenum ShaderInfoTypeAMD::UInt32 begin SHADER_INFO_TYPE_STATISTICS_AMD = 0 SHADER_INFO_TYPE_BINARY_AMD = 1 SHADER_INFO_TYPE_DISASSEMBLY_AMD = 2 end @cenum QueueGlobalPriorityKHR::UInt32 begin QUEUE_GLOBAL_PRIORITY_LOW_KHR = 128 QUEUE_GLOBAL_PRIORITY_MEDIUM_KHR = 256 QUEUE_GLOBAL_PRIORITY_HIGH_KHR = 512 QUEUE_GLOBAL_PRIORITY_REALTIME_KHR = 1024 end @cenum ConservativeRasterizationModeEXT::UInt32 begin CONSERVATIVE_RASTERIZATION_MODE_DISABLED_EXT = 0 CONSERVATIVE_RASTERIZATION_MODE_OVERESTIMATE_EXT = 1 CONSERVATIVE_RASTERIZATION_MODE_UNDERESTIMATE_EXT = 2 end @cenum VendorId::UInt32 begin VENDOR_ID_VIV = 0x00010001 VENDOR_ID_VSI = 0x00010002 VENDOR_ID_KAZAN = 0x00010003 VENDOR_ID_CODEPLAY = 0x00010004 VENDOR_ID_MESA = 0x00010005 VENDOR_ID_POCL = 0x00010006 end @cenum DriverId::UInt32 begin DRIVER_ID_AMD_PROPRIETARY = 1 DRIVER_ID_AMD_OPEN_SOURCE = 2 DRIVER_ID_MESA_RADV = 3 DRIVER_ID_NVIDIA_PROPRIETARY = 4 DRIVER_ID_INTEL_PROPRIETARY_WINDOWS = 5 DRIVER_ID_INTEL_OPEN_SOURCE_MESA = 6 DRIVER_ID_IMAGINATION_PROPRIETARY = 7 DRIVER_ID_QUALCOMM_PROPRIETARY = 8 DRIVER_ID_ARM_PROPRIETARY = 9 DRIVER_ID_GOOGLE_SWIFTSHADER = 10 DRIVER_ID_GGP_PROPRIETARY = 11 DRIVER_ID_BROADCOM_PROPRIETARY = 12 DRIVER_ID_MESA_LLVMPIPE = 13 DRIVER_ID_MOLTENVK = 14 DRIVER_ID_COREAVI_PROPRIETARY = 15 DRIVER_ID_JUICE_PROPRIETARY = 16 DRIVER_ID_VERISILICON_PROPRIETARY = 17 DRIVER_ID_MESA_TURNIP = 18 DRIVER_ID_MESA_V3DV = 19 DRIVER_ID_MESA_PANVK = 20 DRIVER_ID_SAMSUNG_PROPRIETARY = 21 DRIVER_ID_MESA_VENUS = 22 DRIVER_ID_MESA_DOZEN = 23 DRIVER_ID_MESA_NVK = 24 DRIVER_ID_IMAGINATION_OPEN_SOURCE_MESA = 25 end @cenum ShadingRatePaletteEntryNV::UInt32 begin SHADING_RATE_PALETTE_ENTRY_NO_INVOCATIONS_NV = 0 SHADING_RATE_PALETTE_ENTRY_16_INVOCATIONS_PER_PIXEL_NV = 1 SHADING_RATE_PALETTE_ENTRY_8_INVOCATIONS_PER_PIXEL_NV = 2 SHADING_RATE_PALETTE_ENTRY_4_INVOCATIONS_PER_PIXEL_NV = 3 SHADING_RATE_PALETTE_ENTRY_2_INVOCATIONS_PER_PIXEL_NV = 4 SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_PIXEL_NV = 5 SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_2X1_PIXELS_NV = 6 SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_1X2_PIXELS_NV = 7 SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_2X2_PIXELS_NV = 8 SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_4X2_PIXELS_NV = 9 SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_2X4_PIXELS_NV = 10 SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_4X4_PIXELS_NV = 11 end @cenum CoarseSampleOrderTypeNV::UInt32 begin COARSE_SAMPLE_ORDER_TYPE_DEFAULT_NV = 0 COARSE_SAMPLE_ORDER_TYPE_CUSTOM_NV = 1 COARSE_SAMPLE_ORDER_TYPE_PIXEL_MAJOR_NV = 2 COARSE_SAMPLE_ORDER_TYPE_SAMPLE_MAJOR_NV = 3 end @cenum CopyAccelerationStructureModeKHR::UInt32 begin COPY_ACCELERATION_STRUCTURE_MODE_CLONE_KHR = 0 COPY_ACCELERATION_STRUCTURE_MODE_COMPACT_KHR = 1 COPY_ACCELERATION_STRUCTURE_MODE_SERIALIZE_KHR = 2 COPY_ACCELERATION_STRUCTURE_MODE_DESERIALIZE_KHR = 3 end @cenum BuildAccelerationStructureModeKHR::UInt32 begin BUILD_ACCELERATION_STRUCTURE_MODE_BUILD_KHR = 0 BUILD_ACCELERATION_STRUCTURE_MODE_UPDATE_KHR = 1 end @cenum AccelerationStructureTypeKHR::UInt32 begin ACCELERATION_STRUCTURE_TYPE_TOP_LEVEL_KHR = 0 ACCELERATION_STRUCTURE_TYPE_BOTTOM_LEVEL_KHR = 1 ACCELERATION_STRUCTURE_TYPE_GENERIC_KHR = 2 end @cenum GeometryTypeKHR::UInt32 begin GEOMETRY_TYPE_TRIANGLES_KHR = 0 GEOMETRY_TYPE_AABBS_KHR = 1 GEOMETRY_TYPE_INSTANCES_KHR = 2 end @cenum AccelerationStructureMemoryRequirementsTypeNV::UInt32 begin ACCELERATION_STRUCTURE_MEMORY_REQUIREMENTS_TYPE_OBJECT_NV = 0 ACCELERATION_STRUCTURE_MEMORY_REQUIREMENTS_TYPE_BUILD_SCRATCH_NV = 1 ACCELERATION_STRUCTURE_MEMORY_REQUIREMENTS_TYPE_UPDATE_SCRATCH_NV = 2 end @cenum AccelerationStructureBuildTypeKHR::UInt32 begin ACCELERATION_STRUCTURE_BUILD_TYPE_HOST_KHR = 0 ACCELERATION_STRUCTURE_BUILD_TYPE_DEVICE_KHR = 1 ACCELERATION_STRUCTURE_BUILD_TYPE_HOST_OR_DEVICE_KHR = 2 end @cenum RayTracingShaderGroupTypeKHR::UInt32 begin RAY_TRACING_SHADER_GROUP_TYPE_GENERAL_KHR = 0 RAY_TRACING_SHADER_GROUP_TYPE_TRIANGLES_HIT_GROUP_KHR = 1 RAY_TRACING_SHADER_GROUP_TYPE_PROCEDURAL_HIT_GROUP_KHR = 2 end @cenum AccelerationStructureCompatibilityKHR::UInt32 begin ACCELERATION_STRUCTURE_COMPATIBILITY_COMPATIBLE_KHR = 0 ACCELERATION_STRUCTURE_COMPATIBILITY_INCOMPATIBLE_KHR = 1 end @cenum ShaderGroupShaderKHR::UInt32 begin SHADER_GROUP_SHADER_GENERAL_KHR = 0 SHADER_GROUP_SHADER_CLOSEST_HIT_KHR = 1 SHADER_GROUP_SHADER_ANY_HIT_KHR = 2 SHADER_GROUP_SHADER_INTERSECTION_KHR = 3 end @cenum MemoryOverallocationBehaviorAMD::UInt32 begin MEMORY_OVERALLOCATION_BEHAVIOR_DEFAULT_AMD = 0 MEMORY_OVERALLOCATION_BEHAVIOR_ALLOWED_AMD = 1 MEMORY_OVERALLOCATION_BEHAVIOR_DISALLOWED_AMD = 2 end @cenum ScopeNV::UInt32 begin SCOPE_DEVICE_NV = 1 SCOPE_WORKGROUP_NV = 2 SCOPE_SUBGROUP_NV = 3 SCOPE_QUEUE_FAMILY_NV = 5 end @cenum ComponentTypeNV::UInt32 begin COMPONENT_TYPE_FLOAT16_NV = 0 COMPONENT_TYPE_FLOAT32_NV = 1 COMPONENT_TYPE_FLOAT64_NV = 2 COMPONENT_TYPE_SINT8_NV = 3 COMPONENT_TYPE_SINT16_NV = 4 COMPONENT_TYPE_SINT32_NV = 5 COMPONENT_TYPE_SINT64_NV = 6 COMPONENT_TYPE_UINT8_NV = 7 COMPONENT_TYPE_UINT16_NV = 8 COMPONENT_TYPE_UINT32_NV = 9 COMPONENT_TYPE_UINT64_NV = 10 end @cenum PerformanceCounterScopeKHR::UInt32 begin PERFORMANCE_COUNTER_SCOPE_COMMAND_BUFFER_KHR = 0 PERFORMANCE_COUNTER_SCOPE_RENDER_PASS_KHR = 1 PERFORMANCE_COUNTER_SCOPE_COMMAND_KHR = 2 end @cenum PerformanceCounterUnitKHR::UInt32 begin PERFORMANCE_COUNTER_UNIT_GENERIC_KHR = 0 PERFORMANCE_COUNTER_UNIT_PERCENTAGE_KHR = 1 PERFORMANCE_COUNTER_UNIT_NANOSECONDS_KHR = 2 PERFORMANCE_COUNTER_UNIT_BYTES_KHR = 3 PERFORMANCE_COUNTER_UNIT_BYTES_PER_SECOND_KHR = 4 PERFORMANCE_COUNTER_UNIT_KELVIN_KHR = 5 PERFORMANCE_COUNTER_UNIT_WATTS_KHR = 6 PERFORMANCE_COUNTER_UNIT_VOLTS_KHR = 7 PERFORMANCE_COUNTER_UNIT_AMPS_KHR = 8 PERFORMANCE_COUNTER_UNIT_HERTZ_KHR = 9 PERFORMANCE_COUNTER_UNIT_CYCLES_KHR = 10 end @cenum PerformanceCounterStorageKHR::UInt32 begin PERFORMANCE_COUNTER_STORAGE_INT32_KHR = 0 PERFORMANCE_COUNTER_STORAGE_INT64_KHR = 1 PERFORMANCE_COUNTER_STORAGE_UINT32_KHR = 2 PERFORMANCE_COUNTER_STORAGE_UINT64_KHR = 3 PERFORMANCE_COUNTER_STORAGE_FLOAT32_KHR = 4 PERFORMANCE_COUNTER_STORAGE_FLOAT64_KHR = 5 end @cenum PerformanceConfigurationTypeINTEL::UInt32 begin PERFORMANCE_CONFIGURATION_TYPE_COMMAND_QUEUE_METRICS_DISCOVERY_ACTIVATED_INTEL = 0 end @cenum QueryPoolSamplingModeINTEL::UInt32 begin QUERY_POOL_SAMPLING_MODE_MANUAL_INTEL = 0 end @cenum PerformanceOverrideTypeINTEL::UInt32 begin PERFORMANCE_OVERRIDE_TYPE_NULL_HARDWARE_INTEL = 0 PERFORMANCE_OVERRIDE_TYPE_FLUSH_GPU_CACHES_INTEL = 1 end @cenum PerformanceParameterTypeINTEL::UInt32 begin PERFORMANCE_PARAMETER_TYPE_HW_COUNTERS_SUPPORTED_INTEL = 0 PERFORMANCE_PARAMETER_TYPE_STREAM_MARKER_VALID_BITS_INTEL = 1 end @cenum PerformanceValueTypeINTEL::UInt32 begin PERFORMANCE_VALUE_TYPE_UINT32_INTEL = 0 PERFORMANCE_VALUE_TYPE_UINT64_INTEL = 1 PERFORMANCE_VALUE_TYPE_FLOAT_INTEL = 2 PERFORMANCE_VALUE_TYPE_BOOL_INTEL = 3 PERFORMANCE_VALUE_TYPE_STRING_INTEL = 4 end @cenum ShaderFloatControlsIndependence::UInt32 begin SHADER_FLOAT_CONTROLS_INDEPENDENCE_32_BIT_ONLY = 0 SHADER_FLOAT_CONTROLS_INDEPENDENCE_ALL = 1 SHADER_FLOAT_CONTROLS_INDEPENDENCE_NONE = 2 end @cenum PipelineExecutableStatisticFormatKHR::UInt32 begin PIPELINE_EXECUTABLE_STATISTIC_FORMAT_BOOL32_KHR = 0 PIPELINE_EXECUTABLE_STATISTIC_FORMAT_INT64_KHR = 1 PIPELINE_EXECUTABLE_STATISTIC_FORMAT_UINT64_KHR = 2 PIPELINE_EXECUTABLE_STATISTIC_FORMAT_FLOAT64_KHR = 3 end @cenum LineRasterizationModeEXT::UInt32 begin LINE_RASTERIZATION_MODE_DEFAULT_EXT = 0 LINE_RASTERIZATION_MODE_RECTANGULAR_EXT = 1 LINE_RASTERIZATION_MODE_BRESENHAM_EXT = 2 LINE_RASTERIZATION_MODE_RECTANGULAR_SMOOTH_EXT = 3 end @cenum FragmentShadingRateCombinerOpKHR::UInt32 begin FRAGMENT_SHADING_RATE_COMBINER_OP_KEEP_KHR = 0 FRAGMENT_SHADING_RATE_COMBINER_OP_REPLACE_KHR = 1 FRAGMENT_SHADING_RATE_COMBINER_OP_MIN_KHR = 2 FRAGMENT_SHADING_RATE_COMBINER_OP_MAX_KHR = 3 FRAGMENT_SHADING_RATE_COMBINER_OP_MUL_KHR = 4 end @cenum FragmentShadingRateNV::UInt32 begin FRAGMENT_SHADING_RATE_1_INVOCATION_PER_PIXEL_NV = 0 FRAGMENT_SHADING_RATE_1_INVOCATION_PER_1X2_PIXELS_NV = 1 FRAGMENT_SHADING_RATE_1_INVOCATION_PER_2X1_PIXELS_NV = 4 FRAGMENT_SHADING_RATE_1_INVOCATION_PER_2X2_PIXELS_NV = 5 FRAGMENT_SHADING_RATE_1_INVOCATION_PER_2X4_PIXELS_NV = 6 FRAGMENT_SHADING_RATE_1_INVOCATION_PER_4X2_PIXELS_NV = 9 FRAGMENT_SHADING_RATE_1_INVOCATION_PER_4X4_PIXELS_NV = 10 FRAGMENT_SHADING_RATE_2_INVOCATIONS_PER_PIXEL_NV = 11 FRAGMENT_SHADING_RATE_4_INVOCATIONS_PER_PIXEL_NV = 12 FRAGMENT_SHADING_RATE_8_INVOCATIONS_PER_PIXEL_NV = 13 FRAGMENT_SHADING_RATE_16_INVOCATIONS_PER_PIXEL_NV = 14 FRAGMENT_SHADING_RATE_NO_INVOCATIONS_NV = 15 end @cenum FragmentShadingRateTypeNV::UInt32 begin FRAGMENT_SHADING_RATE_TYPE_FRAGMENT_SIZE_NV = 0 FRAGMENT_SHADING_RATE_TYPE_ENUMS_NV = 1 end @cenum SubpassMergeStatusEXT::UInt32 begin SUBPASS_MERGE_STATUS_MERGED_EXT = 0 SUBPASS_MERGE_STATUS_DISALLOWED_EXT = 1 SUBPASS_MERGE_STATUS_NOT_MERGED_SIDE_EFFECTS_EXT = 2 SUBPASS_MERGE_STATUS_NOT_MERGED_SAMPLES_MISMATCH_EXT = 3 SUBPASS_MERGE_STATUS_NOT_MERGED_VIEWS_MISMATCH_EXT = 4 SUBPASS_MERGE_STATUS_NOT_MERGED_ALIASING_EXT = 5 SUBPASS_MERGE_STATUS_NOT_MERGED_DEPENDENCIES_EXT = 6 SUBPASS_MERGE_STATUS_NOT_MERGED_INCOMPATIBLE_INPUT_ATTACHMENT_EXT = 7 SUBPASS_MERGE_STATUS_NOT_MERGED_TOO_MANY_ATTACHMENTS_EXT = 8 SUBPASS_MERGE_STATUS_NOT_MERGED_INSUFFICIENT_STORAGE_EXT = 9 SUBPASS_MERGE_STATUS_NOT_MERGED_DEPTH_STENCIL_COUNT_EXT = 10 SUBPASS_MERGE_STATUS_NOT_MERGED_RESOLVE_ATTACHMENT_REUSE_EXT = 11 SUBPASS_MERGE_STATUS_NOT_MERGED_SINGLE_SUBPASS_EXT = 12 SUBPASS_MERGE_STATUS_NOT_MERGED_UNSPECIFIED_EXT = 13 end @cenum ProvokingVertexModeEXT::UInt32 begin PROVOKING_VERTEX_MODE_FIRST_VERTEX_EXT = 0 PROVOKING_VERTEX_MODE_LAST_VERTEX_EXT = 1 end @cenum AccelerationStructureMotionInstanceTypeNV::UInt32 begin ACCELERATION_STRUCTURE_MOTION_INSTANCE_TYPE_STATIC_NV = 0 ACCELERATION_STRUCTURE_MOTION_INSTANCE_TYPE_MATRIX_MOTION_NV = 1 ACCELERATION_STRUCTURE_MOTION_INSTANCE_TYPE_SRT_MOTION_NV = 2 end @cenum DeviceAddressBindingTypeEXT::UInt32 begin DEVICE_ADDRESS_BINDING_TYPE_BIND_EXT = 0 DEVICE_ADDRESS_BINDING_TYPE_UNBIND_EXT = 1 end @cenum QueryResultStatusKHR::Int32 begin QUERY_RESULT_STATUS_ERROR_KHR = -1 QUERY_RESULT_STATUS_NOT_READY_KHR = 0 QUERY_RESULT_STATUS_COMPLETE_KHR = 1 end @cenum PipelineRobustnessBufferBehaviorEXT::UInt32 begin PIPELINE_ROBUSTNESS_BUFFER_BEHAVIOR_DEVICE_DEFAULT_EXT = 0 PIPELINE_ROBUSTNESS_BUFFER_BEHAVIOR_DISABLED_EXT = 1 PIPELINE_ROBUSTNESS_BUFFER_BEHAVIOR_ROBUST_BUFFER_ACCESS_EXT = 2 PIPELINE_ROBUSTNESS_BUFFER_BEHAVIOR_ROBUST_BUFFER_ACCESS_2_EXT = 3 end @cenum PipelineRobustnessImageBehaviorEXT::UInt32 begin PIPELINE_ROBUSTNESS_IMAGE_BEHAVIOR_DEVICE_DEFAULT_EXT = 0 PIPELINE_ROBUSTNESS_IMAGE_BEHAVIOR_DISABLED_EXT = 1 PIPELINE_ROBUSTNESS_IMAGE_BEHAVIOR_ROBUST_IMAGE_ACCESS_EXT = 2 PIPELINE_ROBUSTNESS_IMAGE_BEHAVIOR_ROBUST_IMAGE_ACCESS_2_EXT = 3 end @cenum OpticalFlowPerformanceLevelNV::UInt32 begin OPTICAL_FLOW_PERFORMANCE_LEVEL_UNKNOWN_NV = 0 OPTICAL_FLOW_PERFORMANCE_LEVEL_SLOW_NV = 1 OPTICAL_FLOW_PERFORMANCE_LEVEL_MEDIUM_NV = 2 OPTICAL_FLOW_PERFORMANCE_LEVEL_FAST_NV = 3 end @cenum OpticalFlowSessionBindingPointNV::UInt32 begin OPTICAL_FLOW_SESSION_BINDING_POINT_UNKNOWN_NV = 0 OPTICAL_FLOW_SESSION_BINDING_POINT_INPUT_NV = 1 OPTICAL_FLOW_SESSION_BINDING_POINT_REFERENCE_NV = 2 OPTICAL_FLOW_SESSION_BINDING_POINT_HINT_NV = 3 OPTICAL_FLOW_SESSION_BINDING_POINT_FLOW_VECTOR_NV = 4 OPTICAL_FLOW_SESSION_BINDING_POINT_BACKWARD_FLOW_VECTOR_NV = 5 OPTICAL_FLOW_SESSION_BINDING_POINT_COST_NV = 6 OPTICAL_FLOW_SESSION_BINDING_POINT_BACKWARD_COST_NV = 7 OPTICAL_FLOW_SESSION_BINDING_POINT_GLOBAL_FLOW_NV = 8 end @cenum MicromapTypeEXT::UInt32 begin MICROMAP_TYPE_OPACITY_MICROMAP_EXT = 0 end @cenum CopyMicromapModeEXT::UInt32 begin COPY_MICROMAP_MODE_CLONE_EXT = 0 COPY_MICROMAP_MODE_SERIALIZE_EXT = 1 COPY_MICROMAP_MODE_DESERIALIZE_EXT = 2 COPY_MICROMAP_MODE_COMPACT_EXT = 3 end @cenum BuildMicromapModeEXT::UInt32 begin BUILD_MICROMAP_MODE_BUILD_EXT = 0 end @cenum OpacityMicromapFormatEXT::UInt32 begin OPACITY_MICROMAP_FORMAT_2_STATE_EXT = 1 OPACITY_MICROMAP_FORMAT_4_STATE_EXT = 2 end @cenum OpacityMicromapSpecialIndexEXT::Int32 begin OPACITY_MICROMAP_SPECIAL_INDEX_FULLY_TRANSPARENT_EXT = -1 OPACITY_MICROMAP_SPECIAL_INDEX_FULLY_OPAQUE_EXT = -2 OPACITY_MICROMAP_SPECIAL_INDEX_FULLY_UNKNOWN_TRANSPARENT_EXT = -3 OPACITY_MICROMAP_SPECIAL_INDEX_FULLY_UNKNOWN_OPAQUE_EXT = -4 end @cenum DeviceFaultAddressTypeEXT::UInt32 begin DEVICE_FAULT_ADDRESS_TYPE_NONE_EXT = 0 DEVICE_FAULT_ADDRESS_TYPE_READ_INVALID_EXT = 1 DEVICE_FAULT_ADDRESS_TYPE_WRITE_INVALID_EXT = 2 DEVICE_FAULT_ADDRESS_TYPE_EXECUTE_INVALID_EXT = 3 DEVICE_FAULT_ADDRESS_TYPE_INSTRUCTION_POINTER_UNKNOWN_EXT = 4 DEVICE_FAULT_ADDRESS_TYPE_INSTRUCTION_POINTER_INVALID_EXT = 5 DEVICE_FAULT_ADDRESS_TYPE_INSTRUCTION_POINTER_FAULT_EXT = 6 end @cenum DeviceFaultVendorBinaryHeaderVersionEXT::UInt32 begin DEVICE_FAULT_VENDOR_BINARY_HEADER_VERSION_ONE_EXT = 1 end convert(T::Type{UInt32}, x::ImageLayout) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::AttachmentLoadOp) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::AttachmentStoreOp) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ImageType) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ImageTiling) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ImageViewType) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::CommandBufferLevel) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ComponentSwizzle) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::DescriptorType) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::QueryType) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::BorderColor) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PipelineBindPoint) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PipelineCacheHeaderVersion) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PrimitiveTopology) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::SharingMode) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::IndexType) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::Filter) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::SamplerMipmapMode) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::SamplerAddressMode) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::CompareOp) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PolygonMode) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::FrontFace) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::BlendFactor) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::BlendOp) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::StencilOp) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::LogicOp) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::InternalAllocationType) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::SystemAllocationScope) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PhysicalDeviceType) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::VertexInputRate) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::Format) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::StructureType) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::SubpassContents) = Base.bitcast(UInt32, x) convert(T::Type{Int32}, x::Result) = Base.bitcast(Int32, x) convert(T::Type{UInt32}, x::DynamicState) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::DescriptorUpdateTemplateType) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ObjectType) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::RayTracingInvocationReorderModeNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::DirectDriverLoadingModeLUNARG) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::SemaphoreType) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PresentModeKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ColorSpaceKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::TimeDomainEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::DebugReportObjectTypeEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::DeviceMemoryReportEventTypeEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::RasterizationOrderAMD) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ValidationCheckEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ValidationFeatureEnableEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ValidationFeatureDisableEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::IndirectCommandsTokenTypeNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::DisplayPowerStateEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::DeviceEventTypeEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::DisplayEventTypeEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ViewportCoordinateSwizzleNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::DiscardRectangleModeEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PointClippingBehavior) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::SamplerReductionMode) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::TessellationDomainOrigin) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::SamplerYcbcrModelConversion) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::SamplerYcbcrRange) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ChromaLocation) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::BlendOverlapEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::CoverageModulationModeNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::CoverageReductionModeNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ValidationCacheHeaderVersionEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ShaderInfoTypeAMD) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::QueueGlobalPriorityKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ConservativeRasterizationModeEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::VendorId) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::DriverId) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ShadingRatePaletteEntryNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::CoarseSampleOrderTypeNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::CopyAccelerationStructureModeKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::BuildAccelerationStructureModeKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::AccelerationStructureTypeKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::GeometryTypeKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::AccelerationStructureMemoryRequirementsTypeNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::AccelerationStructureBuildTypeKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::RayTracingShaderGroupTypeKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::AccelerationStructureCompatibilityKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ShaderGroupShaderKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::MemoryOverallocationBehaviorAMD) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ScopeNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ComponentTypeNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PerformanceCounterScopeKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PerformanceCounterUnitKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PerformanceCounterStorageKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PerformanceConfigurationTypeINTEL) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::QueryPoolSamplingModeINTEL) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PerformanceOverrideTypeINTEL) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PerformanceParameterTypeINTEL) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PerformanceValueTypeINTEL) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ShaderFloatControlsIndependence) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PipelineExecutableStatisticFormatKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::LineRasterizationModeEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::FragmentShadingRateCombinerOpKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::FragmentShadingRateNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::FragmentShadingRateTypeNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::SubpassMergeStatusEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ProvokingVertexModeEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::AccelerationStructureMotionInstanceTypeNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::DeviceAddressBindingTypeEXT) = Base.bitcast(UInt32, x) convert(T::Type{Int32}, x::QueryResultStatusKHR) = Base.bitcast(Int32, x) convert(T::Type{UInt32}, x::PipelineRobustnessBufferBehaviorEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PipelineRobustnessImageBehaviorEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::OpticalFlowPerformanceLevelNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::OpticalFlowSessionBindingPointNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::MicromapTypeEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::CopyMicromapModeEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::BuildMicromapModeEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::OpacityMicromapFormatEXT) = Base.bitcast(UInt32, x) convert(T::Type{Int32}, x::OpacityMicromapSpecialIndexEXT) = Base.bitcast(Int32, x) convert(T::Type{UInt32}, x::DeviceFaultAddressTypeEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::DeviceFaultVendorBinaryHeaderVersionEXT) = Base.bitcast(UInt32, x) convert(T::Type{ImageLayout}, x::UInt32) = Base.bitcast(ImageLayout, x) convert(T::Type{AttachmentLoadOp}, x::UInt32) = Base.bitcast(AttachmentLoadOp, x) convert(T::Type{AttachmentStoreOp}, x::UInt32) = Base.bitcast(AttachmentStoreOp, x) convert(T::Type{ImageType}, x::UInt32) = Base.bitcast(ImageType, x) convert(T::Type{ImageTiling}, x::UInt32) = Base.bitcast(ImageTiling, x) convert(T::Type{ImageViewType}, x::UInt32) = Base.bitcast(ImageViewType, x) convert(T::Type{CommandBufferLevel}, x::UInt32) = Base.bitcast(CommandBufferLevel, x) convert(T::Type{ComponentSwizzle}, x::UInt32) = Base.bitcast(ComponentSwizzle, x) convert(T::Type{DescriptorType}, x::UInt32) = Base.bitcast(DescriptorType, x) convert(T::Type{QueryType}, x::UInt32) = Base.bitcast(QueryType, x) convert(T::Type{BorderColor}, x::UInt32) = Base.bitcast(BorderColor, x) convert(T::Type{PipelineBindPoint}, x::UInt32) = Base.bitcast(PipelineBindPoint, x) convert(T::Type{PipelineCacheHeaderVersion}, x::UInt32) = Base.bitcast(PipelineCacheHeaderVersion, x) convert(T::Type{PrimitiveTopology}, x::UInt32) = Base.bitcast(PrimitiveTopology, x) convert(T::Type{SharingMode}, x::UInt32) = Base.bitcast(SharingMode, x) convert(T::Type{IndexType}, x::UInt32) = Base.bitcast(IndexType, x) convert(T::Type{Filter}, x::UInt32) = Base.bitcast(Filter, x) convert(T::Type{SamplerMipmapMode}, x::UInt32) = Base.bitcast(SamplerMipmapMode, x) convert(T::Type{SamplerAddressMode}, x::UInt32) = Base.bitcast(SamplerAddressMode, x) convert(T::Type{CompareOp}, x::UInt32) = Base.bitcast(CompareOp, x) convert(T::Type{PolygonMode}, x::UInt32) = Base.bitcast(PolygonMode, x) convert(T::Type{FrontFace}, x::UInt32) = Base.bitcast(FrontFace, x) convert(T::Type{BlendFactor}, x::UInt32) = Base.bitcast(BlendFactor, x) convert(T::Type{BlendOp}, x::UInt32) = Base.bitcast(BlendOp, x) convert(T::Type{StencilOp}, x::UInt32) = Base.bitcast(StencilOp, x) convert(T::Type{LogicOp}, x::UInt32) = Base.bitcast(LogicOp, x) convert(T::Type{InternalAllocationType}, x::UInt32) = Base.bitcast(InternalAllocationType, x) convert(T::Type{SystemAllocationScope}, x::UInt32) = Base.bitcast(SystemAllocationScope, x) convert(T::Type{PhysicalDeviceType}, x::UInt32) = Base.bitcast(PhysicalDeviceType, x) convert(T::Type{VertexInputRate}, x::UInt32) = Base.bitcast(VertexInputRate, x) convert(T::Type{Format}, x::UInt32) = Base.bitcast(Format, x) convert(T::Type{StructureType}, x::UInt32) = Base.bitcast(StructureType, x) convert(T::Type{SubpassContents}, x::UInt32) = Base.bitcast(SubpassContents, x) convert(T::Type{Result}, x::Int32) = Base.bitcast(Result, x) convert(T::Type{DynamicState}, x::UInt32) = Base.bitcast(DynamicState, x) convert(T::Type{DescriptorUpdateTemplateType}, x::UInt32) = Base.bitcast(DescriptorUpdateTemplateType, x) convert(T::Type{ObjectType}, x::UInt32) = Base.bitcast(ObjectType, x) convert(T::Type{RayTracingInvocationReorderModeNV}, x::UInt32) = Base.bitcast(RayTracingInvocationReorderModeNV, x) convert(T::Type{DirectDriverLoadingModeLUNARG}, x::UInt32) = Base.bitcast(DirectDriverLoadingModeLUNARG, x) convert(T::Type{SemaphoreType}, x::UInt32) = Base.bitcast(SemaphoreType, x) convert(T::Type{PresentModeKHR}, x::UInt32) = Base.bitcast(PresentModeKHR, x) convert(T::Type{ColorSpaceKHR}, x::UInt32) = Base.bitcast(ColorSpaceKHR, x) convert(T::Type{TimeDomainEXT}, x::UInt32) = Base.bitcast(TimeDomainEXT, x) convert(T::Type{DebugReportObjectTypeEXT}, x::UInt32) = Base.bitcast(DebugReportObjectTypeEXT, x) convert(T::Type{DeviceMemoryReportEventTypeEXT}, x::UInt32) = Base.bitcast(DeviceMemoryReportEventTypeEXT, x) convert(T::Type{RasterizationOrderAMD}, x::UInt32) = Base.bitcast(RasterizationOrderAMD, x) convert(T::Type{ValidationCheckEXT}, x::UInt32) = Base.bitcast(ValidationCheckEXT, x) convert(T::Type{ValidationFeatureEnableEXT}, x::UInt32) = Base.bitcast(ValidationFeatureEnableEXT, x) convert(T::Type{ValidationFeatureDisableEXT}, x::UInt32) = Base.bitcast(ValidationFeatureDisableEXT, x) convert(T::Type{IndirectCommandsTokenTypeNV}, x::UInt32) = Base.bitcast(IndirectCommandsTokenTypeNV, x) convert(T::Type{DisplayPowerStateEXT}, x::UInt32) = Base.bitcast(DisplayPowerStateEXT, x) convert(T::Type{DeviceEventTypeEXT}, x::UInt32) = Base.bitcast(DeviceEventTypeEXT, x) convert(T::Type{DisplayEventTypeEXT}, x::UInt32) = Base.bitcast(DisplayEventTypeEXT, x) convert(T::Type{ViewportCoordinateSwizzleNV}, x::UInt32) = Base.bitcast(ViewportCoordinateSwizzleNV, x) convert(T::Type{DiscardRectangleModeEXT}, x::UInt32) = Base.bitcast(DiscardRectangleModeEXT, x) convert(T::Type{PointClippingBehavior}, x::UInt32) = Base.bitcast(PointClippingBehavior, x) convert(T::Type{SamplerReductionMode}, x::UInt32) = Base.bitcast(SamplerReductionMode, x) convert(T::Type{TessellationDomainOrigin}, x::UInt32) = Base.bitcast(TessellationDomainOrigin, x) convert(T::Type{SamplerYcbcrModelConversion}, x::UInt32) = Base.bitcast(SamplerYcbcrModelConversion, x) convert(T::Type{SamplerYcbcrRange}, x::UInt32) = Base.bitcast(SamplerYcbcrRange, x) convert(T::Type{ChromaLocation}, x::UInt32) = Base.bitcast(ChromaLocation, x) convert(T::Type{BlendOverlapEXT}, x::UInt32) = Base.bitcast(BlendOverlapEXT, x) convert(T::Type{CoverageModulationModeNV}, x::UInt32) = Base.bitcast(CoverageModulationModeNV, x) convert(T::Type{CoverageReductionModeNV}, x::UInt32) = Base.bitcast(CoverageReductionModeNV, x) convert(T::Type{ValidationCacheHeaderVersionEXT}, x::UInt32) = Base.bitcast(ValidationCacheHeaderVersionEXT, x) convert(T::Type{ShaderInfoTypeAMD}, x::UInt32) = Base.bitcast(ShaderInfoTypeAMD, x) convert(T::Type{QueueGlobalPriorityKHR}, x::UInt32) = Base.bitcast(QueueGlobalPriorityKHR, x) convert(T::Type{ConservativeRasterizationModeEXT}, x::UInt32) = Base.bitcast(ConservativeRasterizationModeEXT, x) convert(T::Type{VendorId}, x::UInt32) = Base.bitcast(VendorId, x) convert(T::Type{DriverId}, x::UInt32) = Base.bitcast(DriverId, x) convert(T::Type{ShadingRatePaletteEntryNV}, x::UInt32) = Base.bitcast(ShadingRatePaletteEntryNV, x) convert(T::Type{CoarseSampleOrderTypeNV}, x::UInt32) = Base.bitcast(CoarseSampleOrderTypeNV, x) convert(T::Type{CopyAccelerationStructureModeKHR}, x::UInt32) = Base.bitcast(CopyAccelerationStructureModeKHR, x) convert(T::Type{BuildAccelerationStructureModeKHR}, x::UInt32) = Base.bitcast(BuildAccelerationStructureModeKHR, x) convert(T::Type{AccelerationStructureTypeKHR}, x::UInt32) = Base.bitcast(AccelerationStructureTypeKHR, x) convert(T::Type{GeometryTypeKHR}, x::UInt32) = Base.bitcast(GeometryTypeKHR, x) convert(T::Type{AccelerationStructureMemoryRequirementsTypeNV}, x::UInt32) = Base.bitcast(AccelerationStructureMemoryRequirementsTypeNV, x) convert(T::Type{AccelerationStructureBuildTypeKHR}, x::UInt32) = Base.bitcast(AccelerationStructureBuildTypeKHR, x) convert(T::Type{RayTracingShaderGroupTypeKHR}, x::UInt32) = Base.bitcast(RayTracingShaderGroupTypeKHR, x) convert(T::Type{AccelerationStructureCompatibilityKHR}, x::UInt32) = Base.bitcast(AccelerationStructureCompatibilityKHR, x) convert(T::Type{ShaderGroupShaderKHR}, x::UInt32) = Base.bitcast(ShaderGroupShaderKHR, x) convert(T::Type{MemoryOverallocationBehaviorAMD}, x::UInt32) = Base.bitcast(MemoryOverallocationBehaviorAMD, x) convert(T::Type{ScopeNV}, x::UInt32) = Base.bitcast(ScopeNV, x) convert(T::Type{ComponentTypeNV}, x::UInt32) = Base.bitcast(ComponentTypeNV, x) convert(T::Type{PerformanceCounterScopeKHR}, x::UInt32) = Base.bitcast(PerformanceCounterScopeKHR, x) convert(T::Type{PerformanceCounterUnitKHR}, x::UInt32) = Base.bitcast(PerformanceCounterUnitKHR, x) convert(T::Type{PerformanceCounterStorageKHR}, x::UInt32) = Base.bitcast(PerformanceCounterStorageKHR, x) convert(T::Type{PerformanceConfigurationTypeINTEL}, x::UInt32) = Base.bitcast(PerformanceConfigurationTypeINTEL, x) convert(T::Type{QueryPoolSamplingModeINTEL}, x::UInt32) = Base.bitcast(QueryPoolSamplingModeINTEL, x) convert(T::Type{PerformanceOverrideTypeINTEL}, x::UInt32) = Base.bitcast(PerformanceOverrideTypeINTEL, x) convert(T::Type{PerformanceParameterTypeINTEL}, x::UInt32) = Base.bitcast(PerformanceParameterTypeINTEL, x) convert(T::Type{PerformanceValueTypeINTEL}, x::UInt32) = Base.bitcast(PerformanceValueTypeINTEL, x) convert(T::Type{ShaderFloatControlsIndependence}, x::UInt32) = Base.bitcast(ShaderFloatControlsIndependence, x) convert(T::Type{PipelineExecutableStatisticFormatKHR}, x::UInt32) = Base.bitcast(PipelineExecutableStatisticFormatKHR, x) convert(T::Type{LineRasterizationModeEXT}, x::UInt32) = Base.bitcast(LineRasterizationModeEXT, x) convert(T::Type{FragmentShadingRateCombinerOpKHR}, x::UInt32) = Base.bitcast(FragmentShadingRateCombinerOpKHR, x) convert(T::Type{FragmentShadingRateNV}, x::UInt32) = Base.bitcast(FragmentShadingRateNV, x) convert(T::Type{FragmentShadingRateTypeNV}, x::UInt32) = Base.bitcast(FragmentShadingRateTypeNV, x) convert(T::Type{SubpassMergeStatusEXT}, x::UInt32) = Base.bitcast(SubpassMergeStatusEXT, x) convert(T::Type{ProvokingVertexModeEXT}, x::UInt32) = Base.bitcast(ProvokingVertexModeEXT, x) convert(T::Type{AccelerationStructureMotionInstanceTypeNV}, x::UInt32) = Base.bitcast(AccelerationStructureMotionInstanceTypeNV, x) convert(T::Type{DeviceAddressBindingTypeEXT}, x::UInt32) = Base.bitcast(DeviceAddressBindingTypeEXT, x) convert(T::Type{QueryResultStatusKHR}, x::Int32) = Base.bitcast(QueryResultStatusKHR, x) convert(T::Type{PipelineRobustnessBufferBehaviorEXT}, x::UInt32) = Base.bitcast(PipelineRobustnessBufferBehaviorEXT, x) convert(T::Type{PipelineRobustnessImageBehaviorEXT}, x::UInt32) = Base.bitcast(PipelineRobustnessImageBehaviorEXT, x) convert(T::Type{OpticalFlowPerformanceLevelNV}, x::UInt32) = Base.bitcast(OpticalFlowPerformanceLevelNV, x) convert(T::Type{OpticalFlowSessionBindingPointNV}, x::UInt32) = Base.bitcast(OpticalFlowSessionBindingPointNV, x) convert(T::Type{MicromapTypeEXT}, x::UInt32) = Base.bitcast(MicromapTypeEXT, x) convert(T::Type{CopyMicromapModeEXT}, x::UInt32) = Base.bitcast(CopyMicromapModeEXT, x) convert(T::Type{BuildMicromapModeEXT}, x::UInt32) = Base.bitcast(BuildMicromapModeEXT, x) convert(T::Type{OpacityMicromapFormatEXT}, x::UInt32) = Base.bitcast(OpacityMicromapFormatEXT, x) convert(T::Type{OpacityMicromapSpecialIndexEXT}, x::Int32) = Base.bitcast(OpacityMicromapSpecialIndexEXT, x) convert(T::Type{DeviceFaultAddressTypeEXT}, x::UInt32) = Base.bitcast(DeviceFaultAddressTypeEXT, x) convert(T::Type{DeviceFaultVendorBinaryHeaderVersionEXT}, x::UInt32) = Base.bitcast(DeviceFaultVendorBinaryHeaderVersionEXT, x) convert(T::Type{ImageLayout}, x::VkImageLayout) = Base.bitcast(ImageLayout, x) convert(T::Type{AttachmentLoadOp}, x::VkAttachmentLoadOp) = Base.bitcast(AttachmentLoadOp, x) convert(T::Type{AttachmentStoreOp}, x::VkAttachmentStoreOp) = Base.bitcast(AttachmentStoreOp, x) convert(T::Type{ImageType}, x::VkImageType) = Base.bitcast(ImageType, x) convert(T::Type{ImageTiling}, x::VkImageTiling) = Base.bitcast(ImageTiling, x) convert(T::Type{ImageViewType}, x::VkImageViewType) = Base.bitcast(ImageViewType, x) convert(T::Type{CommandBufferLevel}, x::VkCommandBufferLevel) = Base.bitcast(CommandBufferLevel, x) convert(T::Type{ComponentSwizzle}, x::VkComponentSwizzle) = Base.bitcast(ComponentSwizzle, x) convert(T::Type{DescriptorType}, x::VkDescriptorType) = Base.bitcast(DescriptorType, x) convert(T::Type{QueryType}, x::VkQueryType) = Base.bitcast(QueryType, x) convert(T::Type{BorderColor}, x::VkBorderColor) = Base.bitcast(BorderColor, x) convert(T::Type{PipelineBindPoint}, x::VkPipelineBindPoint) = Base.bitcast(PipelineBindPoint, x) convert(T::Type{PipelineCacheHeaderVersion}, x::VkPipelineCacheHeaderVersion) = Base.bitcast(PipelineCacheHeaderVersion, x) convert(T::Type{PrimitiveTopology}, x::VkPrimitiveTopology) = Base.bitcast(PrimitiveTopology, x) convert(T::Type{SharingMode}, x::VkSharingMode) = Base.bitcast(SharingMode, x) convert(T::Type{IndexType}, x::VkIndexType) = Base.bitcast(IndexType, x) convert(T::Type{Filter}, x::VkFilter) = Base.bitcast(Filter, x) convert(T::Type{SamplerMipmapMode}, x::VkSamplerMipmapMode) = Base.bitcast(SamplerMipmapMode, x) convert(T::Type{SamplerAddressMode}, x::VkSamplerAddressMode) = Base.bitcast(SamplerAddressMode, x) convert(T::Type{CompareOp}, x::VkCompareOp) = Base.bitcast(CompareOp, x) convert(T::Type{PolygonMode}, x::VkPolygonMode) = Base.bitcast(PolygonMode, x) convert(T::Type{FrontFace}, x::VkFrontFace) = Base.bitcast(FrontFace, x) convert(T::Type{BlendFactor}, x::VkBlendFactor) = Base.bitcast(BlendFactor, x) convert(T::Type{BlendOp}, x::VkBlendOp) = Base.bitcast(BlendOp, x) convert(T::Type{StencilOp}, x::VkStencilOp) = Base.bitcast(StencilOp, x) convert(T::Type{LogicOp}, x::VkLogicOp) = Base.bitcast(LogicOp, x) convert(T::Type{InternalAllocationType}, x::VkInternalAllocationType) = Base.bitcast(InternalAllocationType, x) convert(T::Type{SystemAllocationScope}, x::VkSystemAllocationScope) = Base.bitcast(SystemAllocationScope, x) convert(T::Type{PhysicalDeviceType}, x::VkPhysicalDeviceType) = Base.bitcast(PhysicalDeviceType, x) convert(T::Type{VertexInputRate}, x::VkVertexInputRate) = Base.bitcast(VertexInputRate, x) convert(T::Type{Format}, x::VkFormat) = Base.bitcast(Format, x) convert(T::Type{StructureType}, x::VkStructureType) = Base.bitcast(StructureType, x) convert(T::Type{SubpassContents}, x::VkSubpassContents) = Base.bitcast(SubpassContents, x) convert(T::Type{Result}, x::VkResult) = Base.bitcast(Result, x) convert(T::Type{DynamicState}, x::VkDynamicState) = Base.bitcast(DynamicState, x) convert(T::Type{DescriptorUpdateTemplateType}, x::VkDescriptorUpdateTemplateType) = Base.bitcast(DescriptorUpdateTemplateType, x) convert(T::Type{ObjectType}, x::VkObjectType) = Base.bitcast(ObjectType, x) convert(T::Type{RayTracingInvocationReorderModeNV}, x::VkRayTracingInvocationReorderModeNV) = Base.bitcast(RayTracingInvocationReorderModeNV, x) convert(T::Type{DirectDriverLoadingModeLUNARG}, x::VkDirectDriverLoadingModeLUNARG) = Base.bitcast(DirectDriverLoadingModeLUNARG, x) convert(T::Type{SemaphoreType}, x::VkSemaphoreType) = Base.bitcast(SemaphoreType, x) convert(T::Type{PresentModeKHR}, x::VkPresentModeKHR) = Base.bitcast(PresentModeKHR, x) convert(T::Type{ColorSpaceKHR}, x::VkColorSpaceKHR) = Base.bitcast(ColorSpaceKHR, x) convert(T::Type{TimeDomainEXT}, x::VkTimeDomainEXT) = Base.bitcast(TimeDomainEXT, x) convert(T::Type{DebugReportObjectTypeEXT}, x::VkDebugReportObjectTypeEXT) = Base.bitcast(DebugReportObjectTypeEXT, x) convert(T::Type{DeviceMemoryReportEventTypeEXT}, x::VkDeviceMemoryReportEventTypeEXT) = Base.bitcast(DeviceMemoryReportEventTypeEXT, x) convert(T::Type{RasterizationOrderAMD}, x::VkRasterizationOrderAMD) = Base.bitcast(RasterizationOrderAMD, x) convert(T::Type{ValidationCheckEXT}, x::VkValidationCheckEXT) = Base.bitcast(ValidationCheckEXT, x) convert(T::Type{ValidationFeatureEnableEXT}, x::VkValidationFeatureEnableEXT) = Base.bitcast(ValidationFeatureEnableEXT, x) convert(T::Type{ValidationFeatureDisableEXT}, x::VkValidationFeatureDisableEXT) = Base.bitcast(ValidationFeatureDisableEXT, x) convert(T::Type{IndirectCommandsTokenTypeNV}, x::VkIndirectCommandsTokenTypeNV) = Base.bitcast(IndirectCommandsTokenTypeNV, x) convert(T::Type{DisplayPowerStateEXT}, x::VkDisplayPowerStateEXT) = Base.bitcast(DisplayPowerStateEXT, x) convert(T::Type{DeviceEventTypeEXT}, x::VkDeviceEventTypeEXT) = Base.bitcast(DeviceEventTypeEXT, x) convert(T::Type{DisplayEventTypeEXT}, x::VkDisplayEventTypeEXT) = Base.bitcast(DisplayEventTypeEXT, x) convert(T::Type{ViewportCoordinateSwizzleNV}, x::VkViewportCoordinateSwizzleNV) = Base.bitcast(ViewportCoordinateSwizzleNV, x) convert(T::Type{DiscardRectangleModeEXT}, x::VkDiscardRectangleModeEXT) = Base.bitcast(DiscardRectangleModeEXT, x) convert(T::Type{PointClippingBehavior}, x::VkPointClippingBehavior) = Base.bitcast(PointClippingBehavior, x) convert(T::Type{SamplerReductionMode}, x::VkSamplerReductionMode) = Base.bitcast(SamplerReductionMode, x) convert(T::Type{TessellationDomainOrigin}, x::VkTessellationDomainOrigin) = Base.bitcast(TessellationDomainOrigin, x) convert(T::Type{SamplerYcbcrModelConversion}, x::VkSamplerYcbcrModelConversion) = Base.bitcast(SamplerYcbcrModelConversion, x) convert(T::Type{SamplerYcbcrRange}, x::VkSamplerYcbcrRange) = Base.bitcast(SamplerYcbcrRange, x) convert(T::Type{ChromaLocation}, x::VkChromaLocation) = Base.bitcast(ChromaLocation, x) convert(T::Type{BlendOverlapEXT}, x::VkBlendOverlapEXT) = Base.bitcast(BlendOverlapEXT, x) convert(T::Type{CoverageModulationModeNV}, x::VkCoverageModulationModeNV) = Base.bitcast(CoverageModulationModeNV, x) convert(T::Type{CoverageReductionModeNV}, x::VkCoverageReductionModeNV) = Base.bitcast(CoverageReductionModeNV, x) convert(T::Type{ValidationCacheHeaderVersionEXT}, x::VkValidationCacheHeaderVersionEXT) = Base.bitcast(ValidationCacheHeaderVersionEXT, x) convert(T::Type{ShaderInfoTypeAMD}, x::VkShaderInfoTypeAMD) = Base.bitcast(ShaderInfoTypeAMD, x) convert(T::Type{QueueGlobalPriorityKHR}, x::VkQueueGlobalPriorityKHR) = Base.bitcast(QueueGlobalPriorityKHR, x) convert(T::Type{ConservativeRasterizationModeEXT}, x::VkConservativeRasterizationModeEXT) = Base.bitcast(ConservativeRasterizationModeEXT, x) convert(T::Type{VendorId}, x::VkVendorId) = Base.bitcast(VendorId, x) convert(T::Type{DriverId}, x::VkDriverId) = Base.bitcast(DriverId, x) convert(T::Type{ShadingRatePaletteEntryNV}, x::VkShadingRatePaletteEntryNV) = Base.bitcast(ShadingRatePaletteEntryNV, x) convert(T::Type{CoarseSampleOrderTypeNV}, x::VkCoarseSampleOrderTypeNV) = Base.bitcast(CoarseSampleOrderTypeNV, x) convert(T::Type{CopyAccelerationStructureModeKHR}, x::VkCopyAccelerationStructureModeKHR) = Base.bitcast(CopyAccelerationStructureModeKHR, x) convert(T::Type{BuildAccelerationStructureModeKHR}, x::VkBuildAccelerationStructureModeKHR) = Base.bitcast(BuildAccelerationStructureModeKHR, x) convert(T::Type{AccelerationStructureTypeKHR}, x::VkAccelerationStructureTypeKHR) = Base.bitcast(AccelerationStructureTypeKHR, x) convert(T::Type{GeometryTypeKHR}, x::VkGeometryTypeKHR) = Base.bitcast(GeometryTypeKHR, x) convert(T::Type{AccelerationStructureMemoryRequirementsTypeNV}, x::VkAccelerationStructureMemoryRequirementsTypeNV) = Base.bitcast(AccelerationStructureMemoryRequirementsTypeNV, x) convert(T::Type{AccelerationStructureBuildTypeKHR}, x::VkAccelerationStructureBuildTypeKHR) = Base.bitcast(AccelerationStructureBuildTypeKHR, x) convert(T::Type{RayTracingShaderGroupTypeKHR}, x::VkRayTracingShaderGroupTypeKHR) = Base.bitcast(RayTracingShaderGroupTypeKHR, x) convert(T::Type{AccelerationStructureCompatibilityKHR}, x::VkAccelerationStructureCompatibilityKHR) = Base.bitcast(AccelerationStructureCompatibilityKHR, x) convert(T::Type{ShaderGroupShaderKHR}, x::VkShaderGroupShaderKHR) = Base.bitcast(ShaderGroupShaderKHR, x) convert(T::Type{MemoryOverallocationBehaviorAMD}, x::VkMemoryOverallocationBehaviorAMD) = Base.bitcast(MemoryOverallocationBehaviorAMD, x) convert(T::Type{ScopeNV}, x::VkScopeNV) = Base.bitcast(ScopeNV, x) convert(T::Type{ComponentTypeNV}, x::VkComponentTypeNV) = Base.bitcast(ComponentTypeNV, x) convert(T::Type{PerformanceCounterScopeKHR}, x::VkPerformanceCounterScopeKHR) = Base.bitcast(PerformanceCounterScopeKHR, x) convert(T::Type{PerformanceCounterUnitKHR}, x::VkPerformanceCounterUnitKHR) = Base.bitcast(PerformanceCounterUnitKHR, x) convert(T::Type{PerformanceCounterStorageKHR}, x::VkPerformanceCounterStorageKHR) = Base.bitcast(PerformanceCounterStorageKHR, x) convert(T::Type{PerformanceConfigurationTypeINTEL}, x::VkPerformanceConfigurationTypeINTEL) = Base.bitcast(PerformanceConfigurationTypeINTEL, x) convert(T::Type{QueryPoolSamplingModeINTEL}, x::VkQueryPoolSamplingModeINTEL) = Base.bitcast(QueryPoolSamplingModeINTEL, x) convert(T::Type{PerformanceOverrideTypeINTEL}, x::VkPerformanceOverrideTypeINTEL) = Base.bitcast(PerformanceOverrideTypeINTEL, x) convert(T::Type{PerformanceParameterTypeINTEL}, x::VkPerformanceParameterTypeINTEL) = Base.bitcast(PerformanceParameterTypeINTEL, x) convert(T::Type{PerformanceValueTypeINTEL}, x::VkPerformanceValueTypeINTEL) = Base.bitcast(PerformanceValueTypeINTEL, x) convert(T::Type{ShaderFloatControlsIndependence}, x::VkShaderFloatControlsIndependence) = Base.bitcast(ShaderFloatControlsIndependence, x) convert(T::Type{PipelineExecutableStatisticFormatKHR}, x::VkPipelineExecutableStatisticFormatKHR) = Base.bitcast(PipelineExecutableStatisticFormatKHR, x) convert(T::Type{LineRasterizationModeEXT}, x::VkLineRasterizationModeEXT) = Base.bitcast(LineRasterizationModeEXT, x) convert(T::Type{FragmentShadingRateCombinerOpKHR}, x::VkFragmentShadingRateCombinerOpKHR) = Base.bitcast(FragmentShadingRateCombinerOpKHR, x) convert(T::Type{FragmentShadingRateNV}, x::VkFragmentShadingRateNV) = Base.bitcast(FragmentShadingRateNV, x) convert(T::Type{FragmentShadingRateTypeNV}, x::VkFragmentShadingRateTypeNV) = Base.bitcast(FragmentShadingRateTypeNV, x) convert(T::Type{SubpassMergeStatusEXT}, x::VkSubpassMergeStatusEXT) = Base.bitcast(SubpassMergeStatusEXT, x) convert(T::Type{ProvokingVertexModeEXT}, x::VkProvokingVertexModeEXT) = Base.bitcast(ProvokingVertexModeEXT, x) convert(T::Type{AccelerationStructureMotionInstanceTypeNV}, x::VkAccelerationStructureMotionInstanceTypeNV) = Base.bitcast(AccelerationStructureMotionInstanceTypeNV, x) convert(T::Type{DeviceAddressBindingTypeEXT}, x::VkDeviceAddressBindingTypeEXT) = Base.bitcast(DeviceAddressBindingTypeEXT, x) convert(T::Type{QueryResultStatusKHR}, x::VkQueryResultStatusKHR) = Base.bitcast(QueryResultStatusKHR, x) convert(T::Type{PipelineRobustnessBufferBehaviorEXT}, x::VkPipelineRobustnessBufferBehaviorEXT) = Base.bitcast(PipelineRobustnessBufferBehaviorEXT, x) convert(T::Type{PipelineRobustnessImageBehaviorEXT}, x::VkPipelineRobustnessImageBehaviorEXT) = Base.bitcast(PipelineRobustnessImageBehaviorEXT, x) convert(T::Type{OpticalFlowPerformanceLevelNV}, x::VkOpticalFlowPerformanceLevelNV) = Base.bitcast(OpticalFlowPerformanceLevelNV, x) convert(T::Type{OpticalFlowSessionBindingPointNV}, x::VkOpticalFlowSessionBindingPointNV) = Base.bitcast(OpticalFlowSessionBindingPointNV, x) convert(T::Type{MicromapTypeEXT}, x::VkMicromapTypeEXT) = Base.bitcast(MicromapTypeEXT, x) convert(T::Type{CopyMicromapModeEXT}, x::VkCopyMicromapModeEXT) = Base.bitcast(CopyMicromapModeEXT, x) convert(T::Type{BuildMicromapModeEXT}, x::VkBuildMicromapModeEXT) = Base.bitcast(BuildMicromapModeEXT, x) convert(T::Type{OpacityMicromapFormatEXT}, x::VkOpacityMicromapFormatEXT) = Base.bitcast(OpacityMicromapFormatEXT, x) convert(T::Type{OpacityMicromapSpecialIndexEXT}, x::VkOpacityMicromapSpecialIndexEXT) = Base.bitcast(OpacityMicromapSpecialIndexEXT, x) convert(T::Type{DeviceFaultAddressTypeEXT}, x::VkDeviceFaultAddressTypeEXT) = Base.bitcast(DeviceFaultAddressTypeEXT, x) convert(T::Type{DeviceFaultVendorBinaryHeaderVersionEXT}, x::VkDeviceFaultVendorBinaryHeaderVersionEXT) = Base.bitcast(DeviceFaultVendorBinaryHeaderVersionEXT, x) convert(T::Type{VkImageLayout}, x::ImageLayout) = Base.bitcast(VkImageLayout, x) convert(T::Type{VkAttachmentLoadOp}, x::AttachmentLoadOp) = Base.bitcast(VkAttachmentLoadOp, x) convert(T::Type{VkAttachmentStoreOp}, x::AttachmentStoreOp) = Base.bitcast(VkAttachmentStoreOp, x) convert(T::Type{VkImageType}, x::ImageType) = Base.bitcast(VkImageType, x) convert(T::Type{VkImageTiling}, x::ImageTiling) = Base.bitcast(VkImageTiling, x) convert(T::Type{VkImageViewType}, x::ImageViewType) = Base.bitcast(VkImageViewType, x) convert(T::Type{VkCommandBufferLevel}, x::CommandBufferLevel) = Base.bitcast(VkCommandBufferLevel, x) convert(T::Type{VkComponentSwizzle}, x::ComponentSwizzle) = Base.bitcast(VkComponentSwizzle, x) convert(T::Type{VkDescriptorType}, x::DescriptorType) = Base.bitcast(VkDescriptorType, x) convert(T::Type{VkQueryType}, x::QueryType) = Base.bitcast(VkQueryType, x) convert(T::Type{VkBorderColor}, x::BorderColor) = Base.bitcast(VkBorderColor, x) convert(T::Type{VkPipelineBindPoint}, x::PipelineBindPoint) = Base.bitcast(VkPipelineBindPoint, x) convert(T::Type{VkPipelineCacheHeaderVersion}, x::PipelineCacheHeaderVersion) = Base.bitcast(VkPipelineCacheHeaderVersion, x) convert(T::Type{VkPrimitiveTopology}, x::PrimitiveTopology) = Base.bitcast(VkPrimitiveTopology, x) convert(T::Type{VkSharingMode}, x::SharingMode) = Base.bitcast(VkSharingMode, x) convert(T::Type{VkIndexType}, x::IndexType) = Base.bitcast(VkIndexType, x) convert(T::Type{VkFilter}, x::Filter) = Base.bitcast(VkFilter, x) convert(T::Type{VkSamplerMipmapMode}, x::SamplerMipmapMode) = Base.bitcast(VkSamplerMipmapMode, x) convert(T::Type{VkSamplerAddressMode}, x::SamplerAddressMode) = Base.bitcast(VkSamplerAddressMode, x) convert(T::Type{VkCompareOp}, x::CompareOp) = Base.bitcast(VkCompareOp, x) convert(T::Type{VkPolygonMode}, x::PolygonMode) = Base.bitcast(VkPolygonMode, x) convert(T::Type{VkFrontFace}, x::FrontFace) = Base.bitcast(VkFrontFace, x) convert(T::Type{VkBlendFactor}, x::BlendFactor) = Base.bitcast(VkBlendFactor, x) convert(T::Type{VkBlendOp}, x::BlendOp) = Base.bitcast(VkBlendOp, x) convert(T::Type{VkStencilOp}, x::StencilOp) = Base.bitcast(VkStencilOp, x) convert(T::Type{VkLogicOp}, x::LogicOp) = Base.bitcast(VkLogicOp, x) convert(T::Type{VkInternalAllocationType}, x::InternalAllocationType) = Base.bitcast(VkInternalAllocationType, x) convert(T::Type{VkSystemAllocationScope}, x::SystemAllocationScope) = Base.bitcast(VkSystemAllocationScope, x) convert(T::Type{VkPhysicalDeviceType}, x::PhysicalDeviceType) = Base.bitcast(VkPhysicalDeviceType, x) convert(T::Type{VkVertexInputRate}, x::VertexInputRate) = Base.bitcast(VkVertexInputRate, x) convert(T::Type{VkFormat}, x::Format) = Base.bitcast(VkFormat, x) convert(T::Type{VkStructureType}, x::StructureType) = Base.bitcast(VkStructureType, x) convert(T::Type{VkSubpassContents}, x::SubpassContents) = Base.bitcast(VkSubpassContents, x) convert(T::Type{VkResult}, x::Result) = Base.bitcast(VkResult, x) convert(T::Type{VkDynamicState}, x::DynamicState) = Base.bitcast(VkDynamicState, x) convert(T::Type{VkDescriptorUpdateTemplateType}, x::DescriptorUpdateTemplateType) = Base.bitcast(VkDescriptorUpdateTemplateType, x) convert(T::Type{VkObjectType}, x::ObjectType) = Base.bitcast(VkObjectType, x) convert(T::Type{VkRayTracingInvocationReorderModeNV}, x::RayTracingInvocationReorderModeNV) = Base.bitcast(VkRayTracingInvocationReorderModeNV, x) convert(T::Type{VkDirectDriverLoadingModeLUNARG}, x::DirectDriverLoadingModeLUNARG) = Base.bitcast(VkDirectDriverLoadingModeLUNARG, x) convert(T::Type{VkSemaphoreType}, x::SemaphoreType) = Base.bitcast(VkSemaphoreType, x) convert(T::Type{VkPresentModeKHR}, x::PresentModeKHR) = Base.bitcast(VkPresentModeKHR, x) convert(T::Type{VkColorSpaceKHR}, x::ColorSpaceKHR) = Base.bitcast(VkColorSpaceKHR, x) convert(T::Type{VkTimeDomainEXT}, x::TimeDomainEXT) = Base.bitcast(VkTimeDomainEXT, x) convert(T::Type{VkDebugReportObjectTypeEXT}, x::DebugReportObjectTypeEXT) = Base.bitcast(VkDebugReportObjectTypeEXT, x) convert(T::Type{VkDeviceMemoryReportEventTypeEXT}, x::DeviceMemoryReportEventTypeEXT) = Base.bitcast(VkDeviceMemoryReportEventTypeEXT, x) convert(T::Type{VkRasterizationOrderAMD}, x::RasterizationOrderAMD) = Base.bitcast(VkRasterizationOrderAMD, x) convert(T::Type{VkValidationCheckEXT}, x::ValidationCheckEXT) = Base.bitcast(VkValidationCheckEXT, x) convert(T::Type{VkValidationFeatureEnableEXT}, x::ValidationFeatureEnableEXT) = Base.bitcast(VkValidationFeatureEnableEXT, x) convert(T::Type{VkValidationFeatureDisableEXT}, x::ValidationFeatureDisableEXT) = Base.bitcast(VkValidationFeatureDisableEXT, x) convert(T::Type{VkIndirectCommandsTokenTypeNV}, x::IndirectCommandsTokenTypeNV) = Base.bitcast(VkIndirectCommandsTokenTypeNV, x) convert(T::Type{VkDisplayPowerStateEXT}, x::DisplayPowerStateEXT) = Base.bitcast(VkDisplayPowerStateEXT, x) convert(T::Type{VkDeviceEventTypeEXT}, x::DeviceEventTypeEXT) = Base.bitcast(VkDeviceEventTypeEXT, x) convert(T::Type{VkDisplayEventTypeEXT}, x::DisplayEventTypeEXT) = Base.bitcast(VkDisplayEventTypeEXT, x) convert(T::Type{VkViewportCoordinateSwizzleNV}, x::ViewportCoordinateSwizzleNV) = Base.bitcast(VkViewportCoordinateSwizzleNV, x) convert(T::Type{VkDiscardRectangleModeEXT}, x::DiscardRectangleModeEXT) = Base.bitcast(VkDiscardRectangleModeEXT, x) convert(T::Type{VkPointClippingBehavior}, x::PointClippingBehavior) = Base.bitcast(VkPointClippingBehavior, x) convert(T::Type{VkSamplerReductionMode}, x::SamplerReductionMode) = Base.bitcast(VkSamplerReductionMode, x) convert(T::Type{VkTessellationDomainOrigin}, x::TessellationDomainOrigin) = Base.bitcast(VkTessellationDomainOrigin, x) convert(T::Type{VkSamplerYcbcrModelConversion}, x::SamplerYcbcrModelConversion) = Base.bitcast(VkSamplerYcbcrModelConversion, x) convert(T::Type{VkSamplerYcbcrRange}, x::SamplerYcbcrRange) = Base.bitcast(VkSamplerYcbcrRange, x) convert(T::Type{VkChromaLocation}, x::ChromaLocation) = Base.bitcast(VkChromaLocation, x) convert(T::Type{VkBlendOverlapEXT}, x::BlendOverlapEXT) = Base.bitcast(VkBlendOverlapEXT, x) convert(T::Type{VkCoverageModulationModeNV}, x::CoverageModulationModeNV) = Base.bitcast(VkCoverageModulationModeNV, x) convert(T::Type{VkCoverageReductionModeNV}, x::CoverageReductionModeNV) = Base.bitcast(VkCoverageReductionModeNV, x) convert(T::Type{VkValidationCacheHeaderVersionEXT}, x::ValidationCacheHeaderVersionEXT) = Base.bitcast(VkValidationCacheHeaderVersionEXT, x) convert(T::Type{VkShaderInfoTypeAMD}, x::ShaderInfoTypeAMD) = Base.bitcast(VkShaderInfoTypeAMD, x) convert(T::Type{VkQueueGlobalPriorityKHR}, x::QueueGlobalPriorityKHR) = Base.bitcast(VkQueueGlobalPriorityKHR, x) convert(T::Type{VkConservativeRasterizationModeEXT}, x::ConservativeRasterizationModeEXT) = Base.bitcast(VkConservativeRasterizationModeEXT, x) convert(T::Type{VkVendorId}, x::VendorId) = Base.bitcast(VkVendorId, x) convert(T::Type{VkDriverId}, x::DriverId) = Base.bitcast(VkDriverId, x) convert(T::Type{VkShadingRatePaletteEntryNV}, x::ShadingRatePaletteEntryNV) = Base.bitcast(VkShadingRatePaletteEntryNV, x) convert(T::Type{VkCoarseSampleOrderTypeNV}, x::CoarseSampleOrderTypeNV) = Base.bitcast(VkCoarseSampleOrderTypeNV, x) convert(T::Type{VkCopyAccelerationStructureModeKHR}, x::CopyAccelerationStructureModeKHR) = Base.bitcast(VkCopyAccelerationStructureModeKHR, x) convert(T::Type{VkBuildAccelerationStructureModeKHR}, x::BuildAccelerationStructureModeKHR) = Base.bitcast(VkBuildAccelerationStructureModeKHR, x) convert(T::Type{VkAccelerationStructureTypeKHR}, x::AccelerationStructureTypeKHR) = Base.bitcast(VkAccelerationStructureTypeKHR, x) convert(T::Type{VkGeometryTypeKHR}, x::GeometryTypeKHR) = Base.bitcast(VkGeometryTypeKHR, x) convert(T::Type{VkAccelerationStructureMemoryRequirementsTypeNV}, x::AccelerationStructureMemoryRequirementsTypeNV) = Base.bitcast(VkAccelerationStructureMemoryRequirementsTypeNV, x) convert(T::Type{VkAccelerationStructureBuildTypeKHR}, x::AccelerationStructureBuildTypeKHR) = Base.bitcast(VkAccelerationStructureBuildTypeKHR, x) convert(T::Type{VkRayTracingShaderGroupTypeKHR}, x::RayTracingShaderGroupTypeKHR) = Base.bitcast(VkRayTracingShaderGroupTypeKHR, x) convert(T::Type{VkAccelerationStructureCompatibilityKHR}, x::AccelerationStructureCompatibilityKHR) = Base.bitcast(VkAccelerationStructureCompatibilityKHR, x) convert(T::Type{VkShaderGroupShaderKHR}, x::ShaderGroupShaderKHR) = Base.bitcast(VkShaderGroupShaderKHR, x) convert(T::Type{VkMemoryOverallocationBehaviorAMD}, x::MemoryOverallocationBehaviorAMD) = Base.bitcast(VkMemoryOverallocationBehaviorAMD, x) convert(T::Type{VkScopeNV}, x::ScopeNV) = Base.bitcast(VkScopeNV, x) convert(T::Type{VkComponentTypeNV}, x::ComponentTypeNV) = Base.bitcast(VkComponentTypeNV, x) convert(T::Type{VkPerformanceCounterScopeKHR}, x::PerformanceCounterScopeKHR) = Base.bitcast(VkPerformanceCounterScopeKHR, x) convert(T::Type{VkPerformanceCounterUnitKHR}, x::PerformanceCounterUnitKHR) = Base.bitcast(VkPerformanceCounterUnitKHR, x) convert(T::Type{VkPerformanceCounterStorageKHR}, x::PerformanceCounterStorageKHR) = Base.bitcast(VkPerformanceCounterStorageKHR, x) convert(T::Type{VkPerformanceConfigurationTypeINTEL}, x::PerformanceConfigurationTypeINTEL) = Base.bitcast(VkPerformanceConfigurationTypeINTEL, x) convert(T::Type{VkQueryPoolSamplingModeINTEL}, x::QueryPoolSamplingModeINTEL) = Base.bitcast(VkQueryPoolSamplingModeINTEL, x) convert(T::Type{VkPerformanceOverrideTypeINTEL}, x::PerformanceOverrideTypeINTEL) = Base.bitcast(VkPerformanceOverrideTypeINTEL, x) convert(T::Type{VkPerformanceParameterTypeINTEL}, x::PerformanceParameterTypeINTEL) = Base.bitcast(VkPerformanceParameterTypeINTEL, x) convert(T::Type{VkPerformanceValueTypeINTEL}, x::PerformanceValueTypeINTEL) = Base.bitcast(VkPerformanceValueTypeINTEL, x) convert(T::Type{VkShaderFloatControlsIndependence}, x::ShaderFloatControlsIndependence) = Base.bitcast(VkShaderFloatControlsIndependence, x) convert(T::Type{VkPipelineExecutableStatisticFormatKHR}, x::PipelineExecutableStatisticFormatKHR) = Base.bitcast(VkPipelineExecutableStatisticFormatKHR, x) convert(T::Type{VkLineRasterizationModeEXT}, x::LineRasterizationModeEXT) = Base.bitcast(VkLineRasterizationModeEXT, x) convert(T::Type{VkFragmentShadingRateCombinerOpKHR}, x::FragmentShadingRateCombinerOpKHR) = Base.bitcast(VkFragmentShadingRateCombinerOpKHR, x) convert(T::Type{VkFragmentShadingRateNV}, x::FragmentShadingRateNV) = Base.bitcast(VkFragmentShadingRateNV, x) convert(T::Type{VkFragmentShadingRateTypeNV}, x::FragmentShadingRateTypeNV) = Base.bitcast(VkFragmentShadingRateTypeNV, x) convert(T::Type{VkSubpassMergeStatusEXT}, x::SubpassMergeStatusEXT) = Base.bitcast(VkSubpassMergeStatusEXT, x) convert(T::Type{VkProvokingVertexModeEXT}, x::ProvokingVertexModeEXT) = Base.bitcast(VkProvokingVertexModeEXT, x) convert(T::Type{VkAccelerationStructureMotionInstanceTypeNV}, x::AccelerationStructureMotionInstanceTypeNV) = Base.bitcast(VkAccelerationStructureMotionInstanceTypeNV, x) convert(T::Type{VkDeviceAddressBindingTypeEXT}, x::DeviceAddressBindingTypeEXT) = Base.bitcast(VkDeviceAddressBindingTypeEXT, x) convert(T::Type{VkQueryResultStatusKHR}, x::QueryResultStatusKHR) = Base.bitcast(VkQueryResultStatusKHR, x) convert(T::Type{VkPipelineRobustnessBufferBehaviorEXT}, x::PipelineRobustnessBufferBehaviorEXT) = Base.bitcast(VkPipelineRobustnessBufferBehaviorEXT, x) convert(T::Type{VkPipelineRobustnessImageBehaviorEXT}, x::PipelineRobustnessImageBehaviorEXT) = Base.bitcast(VkPipelineRobustnessImageBehaviorEXT, x) convert(T::Type{VkOpticalFlowPerformanceLevelNV}, x::OpticalFlowPerformanceLevelNV) = Base.bitcast(VkOpticalFlowPerformanceLevelNV, x) convert(T::Type{VkOpticalFlowSessionBindingPointNV}, x::OpticalFlowSessionBindingPointNV) = Base.bitcast(VkOpticalFlowSessionBindingPointNV, x) convert(T::Type{VkMicromapTypeEXT}, x::MicromapTypeEXT) = Base.bitcast(VkMicromapTypeEXT, x) convert(T::Type{VkCopyMicromapModeEXT}, x::CopyMicromapModeEXT) = Base.bitcast(VkCopyMicromapModeEXT, x) convert(T::Type{VkBuildMicromapModeEXT}, x::BuildMicromapModeEXT) = Base.bitcast(VkBuildMicromapModeEXT, x) convert(T::Type{VkOpacityMicromapFormatEXT}, x::OpacityMicromapFormatEXT) = Base.bitcast(VkOpacityMicromapFormatEXT, x) convert(T::Type{VkOpacityMicromapSpecialIndexEXT}, x::OpacityMicromapSpecialIndexEXT) = Base.bitcast(VkOpacityMicromapSpecialIndexEXT, x) convert(T::Type{VkDeviceFaultAddressTypeEXT}, x::DeviceFaultAddressTypeEXT) = Base.bitcast(VkDeviceFaultAddressTypeEXT, x) convert(T::Type{VkDeviceFaultVendorBinaryHeaderVersionEXT}, x::DeviceFaultVendorBinaryHeaderVersionEXT) = Base.bitcast(VkDeviceFaultVendorBinaryHeaderVersionEXT, x) @bitmask PipelineCacheCreateFlag::UInt32 begin PIPELINE_CACHE_CREATE_EXTERNALLY_SYNCHRONIZED_BIT = 1 end @bitmask QueueFlag::UInt32 begin QUEUE_GRAPHICS_BIT = 1 QUEUE_COMPUTE_BIT = 2 QUEUE_TRANSFER_BIT = 4 QUEUE_SPARSE_BINDING_BIT = 8 QUEUE_PROTECTED_BIT = 16 QUEUE_VIDEO_DECODE_BIT_KHR = 32 QUEUE_VIDEO_ENCODE_BIT_KHR = 64 QUEUE_OPTICAL_FLOW_BIT_NV = 256 end @bitmask CullModeFlag::UInt32 begin CULL_MODE_FRONT_BIT = 1 CULL_MODE_BACK_BIT = 2 CULL_MODE_NONE = 0 CULL_MODE_FRONT_AND_BACK = 3 end @bitmask RenderPassCreateFlag::UInt32 begin RENDER_PASS_CREATE_TRANSFORM_BIT_QCOM = 2 end @bitmask DeviceQueueCreateFlag::UInt32 begin DEVICE_QUEUE_CREATE_PROTECTED_BIT = 1 end @bitmask MemoryPropertyFlag::UInt32 begin MEMORY_PROPERTY_DEVICE_LOCAL_BIT = 1 MEMORY_PROPERTY_HOST_VISIBLE_BIT = 2 MEMORY_PROPERTY_HOST_COHERENT_BIT = 4 MEMORY_PROPERTY_HOST_CACHED_BIT = 8 MEMORY_PROPERTY_LAZILY_ALLOCATED_BIT = 16 MEMORY_PROPERTY_PROTECTED_BIT = 32 MEMORY_PROPERTY_DEVICE_COHERENT_BIT_AMD = 64 MEMORY_PROPERTY_DEVICE_UNCACHED_BIT_AMD = 128 MEMORY_PROPERTY_RDMA_CAPABLE_BIT_NV = 256 end @bitmask MemoryHeapFlag::UInt32 begin MEMORY_HEAP_DEVICE_LOCAL_BIT = 1 MEMORY_HEAP_MULTI_INSTANCE_BIT = 2 end @bitmask AccessFlag::UInt32 begin ACCESS_INDIRECT_COMMAND_READ_BIT = 1 ACCESS_INDEX_READ_BIT = 2 ACCESS_VERTEX_ATTRIBUTE_READ_BIT = 4 ACCESS_UNIFORM_READ_BIT = 8 ACCESS_INPUT_ATTACHMENT_READ_BIT = 16 ACCESS_SHADER_READ_BIT = 32 ACCESS_SHADER_WRITE_BIT = 64 ACCESS_COLOR_ATTACHMENT_READ_BIT = 128 ACCESS_COLOR_ATTACHMENT_WRITE_BIT = 256 ACCESS_DEPTH_STENCIL_ATTACHMENT_READ_BIT = 512 ACCESS_DEPTH_STENCIL_ATTACHMENT_WRITE_BIT = 1024 ACCESS_TRANSFER_READ_BIT = 2048 ACCESS_TRANSFER_WRITE_BIT = 4096 ACCESS_HOST_READ_BIT = 8192 ACCESS_HOST_WRITE_BIT = 16384 ACCESS_MEMORY_READ_BIT = 32768 ACCESS_MEMORY_WRITE_BIT = 65536 ACCESS_TRANSFORM_FEEDBACK_WRITE_BIT_EXT = 33554432 ACCESS_TRANSFORM_FEEDBACK_COUNTER_READ_BIT_EXT = 67108864 ACCESS_TRANSFORM_FEEDBACK_COUNTER_WRITE_BIT_EXT = 134217728 ACCESS_CONDITIONAL_RENDERING_READ_BIT_EXT = 1048576 ACCESS_COLOR_ATTACHMENT_READ_NONCOHERENT_BIT_EXT = 524288 ACCESS_ACCELERATION_STRUCTURE_READ_BIT_KHR = 2097152 ACCESS_ACCELERATION_STRUCTURE_WRITE_BIT_KHR = 4194304 ACCESS_FRAGMENT_DENSITY_MAP_READ_BIT_EXT = 16777216 ACCESS_FRAGMENT_SHADING_RATE_ATTACHMENT_READ_BIT_KHR = 8388608 ACCESS_COMMAND_PREPROCESS_READ_BIT_NV = 131072 ACCESS_COMMAND_PREPROCESS_WRITE_BIT_NV = 262144 ACCESS_NONE = 0 end @bitmask BufferUsageFlag::UInt32 begin BUFFER_USAGE_TRANSFER_SRC_BIT = 1 BUFFER_USAGE_TRANSFER_DST_BIT = 2 BUFFER_USAGE_UNIFORM_TEXEL_BUFFER_BIT = 4 BUFFER_USAGE_STORAGE_TEXEL_BUFFER_BIT = 8 BUFFER_USAGE_UNIFORM_BUFFER_BIT = 16 BUFFER_USAGE_STORAGE_BUFFER_BIT = 32 BUFFER_USAGE_INDEX_BUFFER_BIT = 64 BUFFER_USAGE_VERTEX_BUFFER_BIT = 128 BUFFER_USAGE_INDIRECT_BUFFER_BIT = 256 BUFFER_USAGE_SHADER_DEVICE_ADDRESS_BIT = 131072 BUFFER_USAGE_VIDEO_DECODE_SRC_BIT_KHR = 8192 BUFFER_USAGE_VIDEO_DECODE_DST_BIT_KHR = 16384 BUFFER_USAGE_TRANSFORM_FEEDBACK_BUFFER_BIT_EXT = 2048 BUFFER_USAGE_TRANSFORM_FEEDBACK_COUNTER_BUFFER_BIT_EXT = 4096 BUFFER_USAGE_CONDITIONAL_RENDERING_BIT_EXT = 512 BUFFER_USAGE_ACCELERATION_STRUCTURE_BUILD_INPUT_READ_ONLY_BIT_KHR = 524288 BUFFER_USAGE_ACCELERATION_STRUCTURE_STORAGE_BIT_KHR = 1048576 BUFFER_USAGE_SHADER_BINDING_TABLE_BIT_KHR = 1024 BUFFER_USAGE_VIDEO_ENCODE_DST_BIT_KHR = 32768 BUFFER_USAGE_VIDEO_ENCODE_SRC_BIT_KHR = 65536 BUFFER_USAGE_SAMPLER_DESCRIPTOR_BUFFER_BIT_EXT = 2097152 BUFFER_USAGE_RESOURCE_DESCRIPTOR_BUFFER_BIT_EXT = 4194304 BUFFER_USAGE_PUSH_DESCRIPTORS_DESCRIPTOR_BUFFER_BIT_EXT = 67108864 BUFFER_USAGE_MICROMAP_BUILD_INPUT_READ_ONLY_BIT_EXT = 8388608 BUFFER_USAGE_MICROMAP_STORAGE_BIT_EXT = 16777216 end @bitmask BufferCreateFlag::UInt32 begin BUFFER_CREATE_SPARSE_BINDING_BIT = 1 BUFFER_CREATE_SPARSE_RESIDENCY_BIT = 2 BUFFER_CREATE_SPARSE_ALIASED_BIT = 4 BUFFER_CREATE_PROTECTED_BIT = 8 BUFFER_CREATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT = 16 BUFFER_CREATE_DESCRIPTOR_BUFFER_CAPTURE_REPLAY_BIT_EXT = 32 end @bitmask ShaderStageFlag::UInt32 begin SHADER_STAGE_VERTEX_BIT = 1 SHADER_STAGE_TESSELLATION_CONTROL_BIT = 2 SHADER_STAGE_TESSELLATION_EVALUATION_BIT = 4 SHADER_STAGE_GEOMETRY_BIT = 8 SHADER_STAGE_FRAGMENT_BIT = 16 SHADER_STAGE_COMPUTE_BIT = 32 SHADER_STAGE_RAYGEN_BIT_KHR = 256 SHADER_STAGE_ANY_HIT_BIT_KHR = 512 SHADER_STAGE_CLOSEST_HIT_BIT_KHR = 1024 SHADER_STAGE_MISS_BIT_KHR = 2048 SHADER_STAGE_INTERSECTION_BIT_KHR = 4096 SHADER_STAGE_CALLABLE_BIT_KHR = 8192 SHADER_STAGE_TASK_BIT_EXT = 64 SHADER_STAGE_MESH_BIT_EXT = 128 SHADER_STAGE_SUBPASS_SHADING_BIT_HUAWEI = 16384 SHADER_STAGE_CLUSTER_CULLING_BIT_HUAWEI = 524288 SHADER_STAGE_ALL_GRAPHICS = 31 SHADER_STAGE_ALL = 2147483647 end @bitmask ImageUsageFlag::UInt32 begin IMAGE_USAGE_TRANSFER_SRC_BIT = 1 IMAGE_USAGE_TRANSFER_DST_BIT = 2 IMAGE_USAGE_SAMPLED_BIT = 4 IMAGE_USAGE_STORAGE_BIT = 8 IMAGE_USAGE_COLOR_ATTACHMENT_BIT = 16 IMAGE_USAGE_DEPTH_STENCIL_ATTACHMENT_BIT = 32 IMAGE_USAGE_TRANSIENT_ATTACHMENT_BIT = 64 IMAGE_USAGE_INPUT_ATTACHMENT_BIT = 128 IMAGE_USAGE_VIDEO_DECODE_DST_BIT_KHR = 1024 IMAGE_USAGE_VIDEO_DECODE_SRC_BIT_KHR = 2048 IMAGE_USAGE_VIDEO_DECODE_DPB_BIT_KHR = 4096 IMAGE_USAGE_FRAGMENT_DENSITY_MAP_BIT_EXT = 512 IMAGE_USAGE_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR = 256 IMAGE_USAGE_VIDEO_ENCODE_DST_BIT_KHR = 8192 IMAGE_USAGE_VIDEO_ENCODE_SRC_BIT_KHR = 16384 IMAGE_USAGE_VIDEO_ENCODE_DPB_BIT_KHR = 32768 IMAGE_USAGE_ATTACHMENT_FEEDBACK_LOOP_BIT_EXT = 524288 IMAGE_USAGE_INVOCATION_MASK_BIT_HUAWEI = 262144 IMAGE_USAGE_SAMPLE_WEIGHT_BIT_QCOM = 1048576 IMAGE_USAGE_SAMPLE_BLOCK_MATCH_BIT_QCOM = 2097152 end @bitmask ImageCreateFlag::UInt32 begin IMAGE_CREATE_SPARSE_BINDING_BIT = 1 IMAGE_CREATE_SPARSE_RESIDENCY_BIT = 2 IMAGE_CREATE_SPARSE_ALIASED_BIT = 4 IMAGE_CREATE_MUTABLE_FORMAT_BIT = 8 IMAGE_CREATE_CUBE_COMPATIBLE_BIT = 16 IMAGE_CREATE_ALIAS_BIT = 1024 IMAGE_CREATE_SPLIT_INSTANCE_BIND_REGIONS_BIT = 64 IMAGE_CREATE_2D_ARRAY_COMPATIBLE_BIT = 32 IMAGE_CREATE_BLOCK_TEXEL_VIEW_COMPATIBLE_BIT = 128 IMAGE_CREATE_EXTENDED_USAGE_BIT = 256 IMAGE_CREATE_PROTECTED_BIT = 2048 IMAGE_CREATE_DISJOINT_BIT = 512 IMAGE_CREATE_CORNER_SAMPLED_BIT_NV = 8192 IMAGE_CREATE_SAMPLE_LOCATIONS_COMPATIBLE_DEPTH_BIT_EXT = 4096 IMAGE_CREATE_SUBSAMPLED_BIT_EXT = 16384 IMAGE_CREATE_DESCRIPTOR_BUFFER_CAPTURE_REPLAY_BIT_EXT = 65536 IMAGE_CREATE_MULTISAMPLED_RENDER_TO_SINGLE_SAMPLED_BIT_EXT = 262144 IMAGE_CREATE_2D_VIEW_COMPATIBLE_BIT_EXT = 131072 IMAGE_CREATE_FRAGMENT_DENSITY_MAP_OFFSET_BIT_QCOM = 32768 end @bitmask ImageViewCreateFlag::UInt32 begin IMAGE_VIEW_CREATE_FRAGMENT_DENSITY_MAP_DYNAMIC_BIT_EXT = 1 IMAGE_VIEW_CREATE_DESCRIPTOR_BUFFER_CAPTURE_REPLAY_BIT_EXT = 4 IMAGE_VIEW_CREATE_FRAGMENT_DENSITY_MAP_DEFERRED_BIT_EXT = 2 end @bitmask SamplerCreateFlag::UInt32 begin SAMPLER_CREATE_SUBSAMPLED_BIT_EXT = 1 SAMPLER_CREATE_SUBSAMPLED_COARSE_RECONSTRUCTION_BIT_EXT = 2 SAMPLER_CREATE_DESCRIPTOR_BUFFER_CAPTURE_REPLAY_BIT_EXT = 8 SAMPLER_CREATE_NON_SEAMLESS_CUBE_MAP_BIT_EXT = 4 SAMPLER_CREATE_IMAGE_PROCESSING_BIT_QCOM = 16 end @bitmask PipelineCreateFlag::UInt32 begin PIPELINE_CREATE_DISABLE_OPTIMIZATION_BIT = 1 PIPELINE_CREATE_ALLOW_DERIVATIVES_BIT = 2 PIPELINE_CREATE_DERIVATIVE_BIT = 4 PIPELINE_CREATE_VIEW_INDEX_FROM_DEVICE_INDEX_BIT = 8 PIPELINE_CREATE_DISPATCH_BASE_BIT = 16 PIPELINE_CREATE_FAIL_ON_PIPELINE_COMPILE_REQUIRED_BIT = 256 PIPELINE_CREATE_EARLY_RETURN_ON_FAILURE_BIT = 512 PIPELINE_CREATE_RENDERING_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR = 2097152 PIPELINE_CREATE_RENDERING_FRAGMENT_DENSITY_MAP_ATTACHMENT_BIT_EXT = 4194304 PIPELINE_CREATE_RAY_TRACING_NO_NULL_ANY_HIT_SHADERS_BIT_KHR = 16384 PIPELINE_CREATE_RAY_TRACING_NO_NULL_CLOSEST_HIT_SHADERS_BIT_KHR = 32768 PIPELINE_CREATE_RAY_TRACING_NO_NULL_MISS_SHADERS_BIT_KHR = 65536 PIPELINE_CREATE_RAY_TRACING_NO_NULL_INTERSECTION_SHADERS_BIT_KHR = 131072 PIPELINE_CREATE_RAY_TRACING_SKIP_TRIANGLES_BIT_KHR = 4096 PIPELINE_CREATE_RAY_TRACING_SKIP_AABBS_BIT_KHR = 8192 PIPELINE_CREATE_RAY_TRACING_SHADER_GROUP_HANDLE_CAPTURE_REPLAY_BIT_KHR = 524288 PIPELINE_CREATE_DEFER_COMPILE_BIT_NV = 32 PIPELINE_CREATE_CAPTURE_STATISTICS_BIT_KHR = 64 PIPELINE_CREATE_CAPTURE_INTERNAL_REPRESENTATIONS_BIT_KHR = 128 PIPELINE_CREATE_INDIRECT_BINDABLE_BIT_NV = 262144 PIPELINE_CREATE_LIBRARY_BIT_KHR = 2048 PIPELINE_CREATE_DESCRIPTOR_BUFFER_BIT_EXT = 536870912 PIPELINE_CREATE_RETAIN_LINK_TIME_OPTIMIZATION_INFO_BIT_EXT = 8388608 PIPELINE_CREATE_LINK_TIME_OPTIMIZATION_BIT_EXT = 1024 PIPELINE_CREATE_RAY_TRACING_ALLOW_MOTION_BIT_NV = 1048576 PIPELINE_CREATE_COLOR_ATTACHMENT_FEEDBACK_LOOP_BIT_EXT = 33554432 PIPELINE_CREATE_DEPTH_STENCIL_ATTACHMENT_FEEDBACK_LOOP_BIT_EXT = 67108864 PIPELINE_CREATE_RAY_TRACING_OPACITY_MICROMAP_BIT_EXT = 16777216 PIPELINE_CREATE_NO_PROTECTED_ACCESS_BIT_EXT = 134217728 PIPELINE_CREATE_PROTECTED_ACCESS_ONLY_BIT_EXT = 1073741824 end @bitmask PipelineShaderStageCreateFlag::UInt32 begin PIPELINE_SHADER_STAGE_CREATE_ALLOW_VARYING_SUBGROUP_SIZE_BIT = 1 PIPELINE_SHADER_STAGE_CREATE_REQUIRE_FULL_SUBGROUPS_BIT = 2 end @bitmask ColorComponentFlag::UInt32 begin COLOR_COMPONENT_R_BIT = 1 COLOR_COMPONENT_G_BIT = 2 COLOR_COMPONENT_B_BIT = 4 COLOR_COMPONENT_A_BIT = 8 end @bitmask FenceCreateFlag::UInt32 begin FENCE_CREATE_SIGNALED_BIT = 1 end @bitmask SemaphoreCreateFlag::UInt32 begin end @bitmask FormatFeatureFlag::UInt32 begin FORMAT_FEATURE_SAMPLED_IMAGE_BIT = 1 FORMAT_FEATURE_STORAGE_IMAGE_BIT = 2 FORMAT_FEATURE_STORAGE_IMAGE_ATOMIC_BIT = 4 FORMAT_FEATURE_UNIFORM_TEXEL_BUFFER_BIT = 8 FORMAT_FEATURE_STORAGE_TEXEL_BUFFER_BIT = 16 FORMAT_FEATURE_STORAGE_TEXEL_BUFFER_ATOMIC_BIT = 32 FORMAT_FEATURE_VERTEX_BUFFER_BIT = 64 FORMAT_FEATURE_COLOR_ATTACHMENT_BIT = 128 FORMAT_FEATURE_COLOR_ATTACHMENT_BLEND_BIT = 256 FORMAT_FEATURE_DEPTH_STENCIL_ATTACHMENT_BIT = 512 FORMAT_FEATURE_BLIT_SRC_BIT = 1024 FORMAT_FEATURE_BLIT_DST_BIT = 2048 FORMAT_FEATURE_SAMPLED_IMAGE_FILTER_LINEAR_BIT = 4096 FORMAT_FEATURE_TRANSFER_SRC_BIT = 16384 FORMAT_FEATURE_TRANSFER_DST_BIT = 32768 FORMAT_FEATURE_MIDPOINT_CHROMA_SAMPLES_BIT = 131072 FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_LINEAR_FILTER_BIT = 262144 FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_SEPARATE_RECONSTRUCTION_FILTER_BIT = 524288 FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_BIT = 1048576 FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_FORCEABLE_BIT = 2097152 FORMAT_FEATURE_DISJOINT_BIT = 4194304 FORMAT_FEATURE_COSITED_CHROMA_SAMPLES_BIT = 8388608 FORMAT_FEATURE_SAMPLED_IMAGE_FILTER_MINMAX_BIT = 65536 FORMAT_FEATURE_VIDEO_DECODE_OUTPUT_BIT_KHR = 33554432 FORMAT_FEATURE_VIDEO_DECODE_DPB_BIT_KHR = 67108864 FORMAT_FEATURE_ACCELERATION_STRUCTURE_VERTEX_BUFFER_BIT_KHR = 536870912 FORMAT_FEATURE_SAMPLED_IMAGE_FILTER_CUBIC_BIT_EXT = 8192 FORMAT_FEATURE_FRAGMENT_DENSITY_MAP_BIT_EXT = 16777216 FORMAT_FEATURE_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR = 1073741824 FORMAT_FEATURE_VIDEO_ENCODE_INPUT_BIT_KHR = 134217728 FORMAT_FEATURE_VIDEO_ENCODE_DPB_BIT_KHR = 268435456 end @bitmask QueryControlFlag::UInt32 begin QUERY_CONTROL_PRECISE_BIT = 1 end @bitmask QueryResultFlag::UInt32 begin QUERY_RESULT_64_BIT = 1 QUERY_RESULT_WAIT_BIT = 2 QUERY_RESULT_WITH_AVAILABILITY_BIT = 4 QUERY_RESULT_PARTIAL_BIT = 8 QUERY_RESULT_WITH_STATUS_BIT_KHR = 16 end @bitmask CommandBufferUsageFlag::UInt32 begin COMMAND_BUFFER_USAGE_ONE_TIME_SUBMIT_BIT = 1 COMMAND_BUFFER_USAGE_RENDER_PASS_CONTINUE_BIT = 2 COMMAND_BUFFER_USAGE_SIMULTANEOUS_USE_BIT = 4 end @bitmask QueryPipelineStatisticFlag::UInt32 begin QUERY_PIPELINE_STATISTIC_INPUT_ASSEMBLY_VERTICES_BIT = 1 QUERY_PIPELINE_STATISTIC_INPUT_ASSEMBLY_PRIMITIVES_BIT = 2 QUERY_PIPELINE_STATISTIC_VERTEX_SHADER_INVOCATIONS_BIT = 4 QUERY_PIPELINE_STATISTIC_GEOMETRY_SHADER_INVOCATIONS_BIT = 8 QUERY_PIPELINE_STATISTIC_GEOMETRY_SHADER_PRIMITIVES_BIT = 16 QUERY_PIPELINE_STATISTIC_CLIPPING_INVOCATIONS_BIT = 32 QUERY_PIPELINE_STATISTIC_CLIPPING_PRIMITIVES_BIT = 64 QUERY_PIPELINE_STATISTIC_FRAGMENT_SHADER_INVOCATIONS_BIT = 128 QUERY_PIPELINE_STATISTIC_TESSELLATION_CONTROL_SHADER_PATCHES_BIT = 256 QUERY_PIPELINE_STATISTIC_TESSELLATION_EVALUATION_SHADER_INVOCATIONS_BIT = 512 QUERY_PIPELINE_STATISTIC_COMPUTE_SHADER_INVOCATIONS_BIT = 1024 QUERY_PIPELINE_STATISTIC_TASK_SHADER_INVOCATIONS_BIT_EXT = 2048 QUERY_PIPELINE_STATISTIC_MESH_SHADER_INVOCATIONS_BIT_EXT = 4096 QUERY_PIPELINE_STATISTIC_CLUSTER_CULLING_SHADER_INVOCATIONS_BIT_HUAWEI = 8192 end @bitmask ImageAspectFlag::UInt32 begin IMAGE_ASPECT_COLOR_BIT = 1 IMAGE_ASPECT_DEPTH_BIT = 2 IMAGE_ASPECT_STENCIL_BIT = 4 IMAGE_ASPECT_METADATA_BIT = 8 IMAGE_ASPECT_PLANE_0_BIT = 16 IMAGE_ASPECT_PLANE_1_BIT = 32 IMAGE_ASPECT_PLANE_2_BIT = 64 IMAGE_ASPECT_MEMORY_PLANE_0_BIT_EXT = 128 IMAGE_ASPECT_MEMORY_PLANE_1_BIT_EXT = 256 IMAGE_ASPECT_MEMORY_PLANE_2_BIT_EXT = 512 IMAGE_ASPECT_MEMORY_PLANE_3_BIT_EXT = 1024 IMAGE_ASPECT_NONE = 0 end @bitmask SparseImageFormatFlag::UInt32 begin SPARSE_IMAGE_FORMAT_SINGLE_MIPTAIL_BIT = 1 SPARSE_IMAGE_FORMAT_ALIGNED_MIP_SIZE_BIT = 2 SPARSE_IMAGE_FORMAT_NONSTANDARD_BLOCK_SIZE_BIT = 4 end @bitmask SparseMemoryBindFlag::UInt32 begin SPARSE_MEMORY_BIND_METADATA_BIT = 1 end @bitmask PipelineStageFlag::UInt32 begin PIPELINE_STAGE_TOP_OF_PIPE_BIT = 1 PIPELINE_STAGE_DRAW_INDIRECT_BIT = 2 PIPELINE_STAGE_VERTEX_INPUT_BIT = 4 PIPELINE_STAGE_VERTEX_SHADER_BIT = 8 PIPELINE_STAGE_TESSELLATION_CONTROL_SHADER_BIT = 16 PIPELINE_STAGE_TESSELLATION_EVALUATION_SHADER_BIT = 32 PIPELINE_STAGE_GEOMETRY_SHADER_BIT = 64 PIPELINE_STAGE_FRAGMENT_SHADER_BIT = 128 PIPELINE_STAGE_EARLY_FRAGMENT_TESTS_BIT = 256 PIPELINE_STAGE_LATE_FRAGMENT_TESTS_BIT = 512 PIPELINE_STAGE_COLOR_ATTACHMENT_OUTPUT_BIT = 1024 PIPELINE_STAGE_COMPUTE_SHADER_BIT = 2048 PIPELINE_STAGE_TRANSFER_BIT = 4096 PIPELINE_STAGE_BOTTOM_OF_PIPE_BIT = 8192 PIPELINE_STAGE_HOST_BIT = 16384 PIPELINE_STAGE_ALL_GRAPHICS_BIT = 32768 PIPELINE_STAGE_ALL_COMMANDS_BIT = 65536 PIPELINE_STAGE_TRANSFORM_FEEDBACK_BIT_EXT = 16777216 PIPELINE_STAGE_CONDITIONAL_RENDERING_BIT_EXT = 262144 PIPELINE_STAGE_ACCELERATION_STRUCTURE_BUILD_BIT_KHR = 33554432 PIPELINE_STAGE_RAY_TRACING_SHADER_BIT_KHR = 2097152 PIPELINE_STAGE_FRAGMENT_DENSITY_PROCESS_BIT_EXT = 8388608 PIPELINE_STAGE_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR = 4194304 PIPELINE_STAGE_COMMAND_PREPROCESS_BIT_NV = 131072 PIPELINE_STAGE_TASK_SHADER_BIT_EXT = 524288 PIPELINE_STAGE_MESH_SHADER_BIT_EXT = 1048576 PIPELINE_STAGE_NONE = 0 end @bitmask CommandPoolCreateFlag::UInt32 begin COMMAND_POOL_CREATE_TRANSIENT_BIT = 1 COMMAND_POOL_CREATE_RESET_COMMAND_BUFFER_BIT = 2 COMMAND_POOL_CREATE_PROTECTED_BIT = 4 end @bitmask CommandPoolResetFlag::UInt32 begin COMMAND_POOL_RESET_RELEASE_RESOURCES_BIT = 1 end @bitmask CommandBufferResetFlag::UInt32 begin COMMAND_BUFFER_RESET_RELEASE_RESOURCES_BIT = 1 end @bitmask SampleCountFlag::UInt32 begin SAMPLE_COUNT_1_BIT = 1 SAMPLE_COUNT_2_BIT = 2 SAMPLE_COUNT_4_BIT = 4 SAMPLE_COUNT_8_BIT = 8 SAMPLE_COUNT_16_BIT = 16 SAMPLE_COUNT_32_BIT = 32 SAMPLE_COUNT_64_BIT = 64 end @bitmask AttachmentDescriptionFlag::UInt32 begin ATTACHMENT_DESCRIPTION_MAY_ALIAS_BIT = 1 end @bitmask StencilFaceFlag::UInt32 begin STENCIL_FACE_FRONT_BIT = 1 STENCIL_FACE_BACK_BIT = 2 STENCIL_FACE_FRONT_AND_BACK = 3 end @bitmask DescriptorPoolCreateFlag::UInt32 begin DESCRIPTOR_POOL_CREATE_FREE_DESCRIPTOR_SET_BIT = 1 DESCRIPTOR_POOL_CREATE_UPDATE_AFTER_BIND_BIT = 2 DESCRIPTOR_POOL_CREATE_HOST_ONLY_BIT_EXT = 4 end @bitmask DependencyFlag::UInt32 begin DEPENDENCY_BY_REGION_BIT = 1 DEPENDENCY_DEVICE_GROUP_BIT = 4 DEPENDENCY_VIEW_LOCAL_BIT = 2 DEPENDENCY_FEEDBACK_LOOP_BIT_EXT = 8 end @bitmask SemaphoreWaitFlag::UInt32 begin SEMAPHORE_WAIT_ANY_BIT = 1 end @bitmask DisplayPlaneAlphaFlagKHR::UInt32 begin DISPLAY_PLANE_ALPHA_OPAQUE_BIT_KHR = 1 DISPLAY_PLANE_ALPHA_GLOBAL_BIT_KHR = 2 DISPLAY_PLANE_ALPHA_PER_PIXEL_BIT_KHR = 4 DISPLAY_PLANE_ALPHA_PER_PIXEL_PREMULTIPLIED_BIT_KHR = 8 end @bitmask CompositeAlphaFlagKHR::UInt32 begin COMPOSITE_ALPHA_OPAQUE_BIT_KHR = 1 COMPOSITE_ALPHA_PRE_MULTIPLIED_BIT_KHR = 2 COMPOSITE_ALPHA_POST_MULTIPLIED_BIT_KHR = 4 COMPOSITE_ALPHA_INHERIT_BIT_KHR = 8 end @bitmask SurfaceTransformFlagKHR::UInt32 begin SURFACE_TRANSFORM_IDENTITY_BIT_KHR = 1 SURFACE_TRANSFORM_ROTATE_90_BIT_KHR = 2 SURFACE_TRANSFORM_ROTATE_180_BIT_KHR = 4 SURFACE_TRANSFORM_ROTATE_270_BIT_KHR = 8 SURFACE_TRANSFORM_HORIZONTAL_MIRROR_BIT_KHR = 16 SURFACE_TRANSFORM_HORIZONTAL_MIRROR_ROTATE_90_BIT_KHR = 32 SURFACE_TRANSFORM_HORIZONTAL_MIRROR_ROTATE_180_BIT_KHR = 64 SURFACE_TRANSFORM_HORIZONTAL_MIRROR_ROTATE_270_BIT_KHR = 128 SURFACE_TRANSFORM_INHERIT_BIT_KHR = 256 end @bitmask DebugReportFlagEXT::UInt32 begin DEBUG_REPORT_INFORMATION_BIT_EXT = 1 DEBUG_REPORT_WARNING_BIT_EXT = 2 DEBUG_REPORT_PERFORMANCE_WARNING_BIT_EXT = 4 DEBUG_REPORT_ERROR_BIT_EXT = 8 DEBUG_REPORT_DEBUG_BIT_EXT = 16 end @bitmask ExternalMemoryHandleTypeFlagNV::UInt32 begin EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_BIT_NV = 1 EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT_NV = 2 EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_IMAGE_BIT_NV = 4 EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_IMAGE_KMT_BIT_NV = 8 end @bitmask ExternalMemoryFeatureFlagNV::UInt32 begin EXTERNAL_MEMORY_FEATURE_DEDICATED_ONLY_BIT_NV = 1 EXTERNAL_MEMORY_FEATURE_EXPORTABLE_BIT_NV = 2 EXTERNAL_MEMORY_FEATURE_IMPORTABLE_BIT_NV = 4 end @bitmask SubgroupFeatureFlag::UInt32 begin SUBGROUP_FEATURE_BASIC_BIT = 1 SUBGROUP_FEATURE_VOTE_BIT = 2 SUBGROUP_FEATURE_ARITHMETIC_BIT = 4 SUBGROUP_FEATURE_BALLOT_BIT = 8 SUBGROUP_FEATURE_SHUFFLE_BIT = 16 SUBGROUP_FEATURE_SHUFFLE_RELATIVE_BIT = 32 SUBGROUP_FEATURE_CLUSTERED_BIT = 64 SUBGROUP_FEATURE_QUAD_BIT = 128 SUBGROUP_FEATURE_PARTITIONED_BIT_NV = 256 end @bitmask IndirectCommandsLayoutUsageFlagNV::UInt32 begin INDIRECT_COMMANDS_LAYOUT_USAGE_EXPLICIT_PREPROCESS_BIT_NV = 1 INDIRECT_COMMANDS_LAYOUT_USAGE_INDEXED_SEQUENCES_BIT_NV = 2 INDIRECT_COMMANDS_LAYOUT_USAGE_UNORDERED_SEQUENCES_BIT_NV = 4 end @bitmask IndirectStateFlagNV::UInt32 begin INDIRECT_STATE_FLAG_FRONTFACE_BIT_NV = 1 end @bitmask PrivateDataSlotCreateFlag::UInt32 begin end @bitmask DescriptorSetLayoutCreateFlag::UInt32 begin DESCRIPTOR_SET_LAYOUT_CREATE_UPDATE_AFTER_BIND_POOL_BIT = 2 DESCRIPTOR_SET_LAYOUT_CREATE_PUSH_DESCRIPTOR_BIT_KHR = 1 DESCRIPTOR_SET_LAYOUT_CREATE_DESCRIPTOR_BUFFER_BIT_EXT = 16 DESCRIPTOR_SET_LAYOUT_CREATE_EMBEDDED_IMMUTABLE_SAMPLERS_BIT_EXT = 32 DESCRIPTOR_SET_LAYOUT_CREATE_HOST_ONLY_POOL_BIT_EXT = 4 end @bitmask ExternalMemoryHandleTypeFlag::UInt32 begin EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_FD_BIT = 1 EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_BIT = 2 EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT = 4 EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_TEXTURE_BIT = 8 EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_TEXTURE_KMT_BIT = 16 EXTERNAL_MEMORY_HANDLE_TYPE_D3D12_HEAP_BIT = 32 EXTERNAL_MEMORY_HANDLE_TYPE_D3D12_RESOURCE_BIT = 64 EXTERNAL_MEMORY_HANDLE_TYPE_DMA_BUF_BIT_EXT = 512 EXTERNAL_MEMORY_HANDLE_TYPE_ANDROID_HARDWARE_BUFFER_BIT_ANDROID = 1024 EXTERNAL_MEMORY_HANDLE_TYPE_HOST_ALLOCATION_BIT_EXT = 128 EXTERNAL_MEMORY_HANDLE_TYPE_HOST_MAPPED_FOREIGN_MEMORY_BIT_EXT = 256 EXTERNAL_MEMORY_HANDLE_TYPE_ZIRCON_VMO_BIT_FUCHSIA = 2048 EXTERNAL_MEMORY_HANDLE_TYPE_RDMA_ADDRESS_BIT_NV = 4096 end @bitmask ExternalMemoryFeatureFlag::UInt32 begin EXTERNAL_MEMORY_FEATURE_DEDICATED_ONLY_BIT = 1 EXTERNAL_MEMORY_FEATURE_EXPORTABLE_BIT = 2 EXTERNAL_MEMORY_FEATURE_IMPORTABLE_BIT = 4 end @bitmask ExternalSemaphoreHandleTypeFlag::UInt32 begin EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_FD_BIT = 1 EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_WIN32_BIT = 2 EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT = 4 EXTERNAL_SEMAPHORE_HANDLE_TYPE_D3D12_FENCE_BIT = 8 EXTERNAL_SEMAPHORE_HANDLE_TYPE_SYNC_FD_BIT = 16 EXTERNAL_SEMAPHORE_HANDLE_TYPE_ZIRCON_EVENT_BIT_FUCHSIA = 128 end @bitmask ExternalSemaphoreFeatureFlag::UInt32 begin EXTERNAL_SEMAPHORE_FEATURE_EXPORTABLE_BIT = 1 EXTERNAL_SEMAPHORE_FEATURE_IMPORTABLE_BIT = 2 end @bitmask SemaphoreImportFlag::UInt32 begin SEMAPHORE_IMPORT_TEMPORARY_BIT = 1 end @bitmask ExternalFenceHandleTypeFlag::UInt32 begin EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_FD_BIT = 1 EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_WIN32_BIT = 2 EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT = 4 EXTERNAL_FENCE_HANDLE_TYPE_SYNC_FD_BIT = 8 end @bitmask ExternalFenceFeatureFlag::UInt32 begin EXTERNAL_FENCE_FEATURE_EXPORTABLE_BIT = 1 EXTERNAL_FENCE_FEATURE_IMPORTABLE_BIT = 2 end @bitmask FenceImportFlag::UInt32 begin FENCE_IMPORT_TEMPORARY_BIT = 1 end @bitmask SurfaceCounterFlagEXT::UInt32 begin SURFACE_COUNTER_VBLANK_BIT_EXT = 1 end @bitmask PeerMemoryFeatureFlag::UInt32 begin PEER_MEMORY_FEATURE_COPY_SRC_BIT = 1 PEER_MEMORY_FEATURE_COPY_DST_BIT = 2 PEER_MEMORY_FEATURE_GENERIC_SRC_BIT = 4 PEER_MEMORY_FEATURE_GENERIC_DST_BIT = 8 end @bitmask MemoryAllocateFlag::UInt32 begin MEMORY_ALLOCATE_DEVICE_MASK_BIT = 1 MEMORY_ALLOCATE_DEVICE_ADDRESS_BIT = 2 MEMORY_ALLOCATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT = 4 end @bitmask DeviceGroupPresentModeFlagKHR::UInt32 begin DEVICE_GROUP_PRESENT_MODE_LOCAL_BIT_KHR = 1 DEVICE_GROUP_PRESENT_MODE_REMOTE_BIT_KHR = 2 DEVICE_GROUP_PRESENT_MODE_SUM_BIT_KHR = 4 DEVICE_GROUP_PRESENT_MODE_LOCAL_MULTI_DEVICE_BIT_KHR = 8 end @bitmask SwapchainCreateFlagKHR::UInt32 begin SWAPCHAIN_CREATE_SPLIT_INSTANCE_BIND_REGIONS_BIT_KHR = 1 SWAPCHAIN_CREATE_PROTECTED_BIT_KHR = 2 SWAPCHAIN_CREATE_MUTABLE_FORMAT_BIT_KHR = 4 SWAPCHAIN_CREATE_DEFERRED_MEMORY_ALLOCATION_BIT_EXT = 8 end @bitmask SubpassDescriptionFlag::UInt32 begin SUBPASS_DESCRIPTION_PER_VIEW_ATTRIBUTES_BIT_NVX = 1 SUBPASS_DESCRIPTION_PER_VIEW_POSITION_X_ONLY_BIT_NVX = 2 SUBPASS_DESCRIPTION_FRAGMENT_REGION_BIT_QCOM = 4 SUBPASS_DESCRIPTION_SHADER_RESOLVE_BIT_QCOM = 8 SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_COLOR_ACCESS_BIT_EXT = 16 SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_DEPTH_ACCESS_BIT_EXT = 32 SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_STENCIL_ACCESS_BIT_EXT = 64 SUBPASS_DESCRIPTION_ENABLE_LEGACY_DITHERING_BIT_EXT = 128 end @bitmask DebugUtilsMessageSeverityFlagEXT::UInt32 begin DEBUG_UTILS_MESSAGE_SEVERITY_VERBOSE_BIT_EXT = 1 DEBUG_UTILS_MESSAGE_SEVERITY_INFO_BIT_EXT = 16 DEBUG_UTILS_MESSAGE_SEVERITY_WARNING_BIT_EXT = 256 DEBUG_UTILS_MESSAGE_SEVERITY_ERROR_BIT_EXT = 4096 end @bitmask DebugUtilsMessageTypeFlagEXT::UInt32 begin DEBUG_UTILS_MESSAGE_TYPE_GENERAL_BIT_EXT = 1 DEBUG_UTILS_MESSAGE_TYPE_VALIDATION_BIT_EXT = 2 DEBUG_UTILS_MESSAGE_TYPE_PERFORMANCE_BIT_EXT = 4 DEBUG_UTILS_MESSAGE_TYPE_DEVICE_ADDRESS_BINDING_BIT_EXT = 8 end @bitmask DescriptorBindingFlag::UInt32 begin DESCRIPTOR_BINDING_UPDATE_AFTER_BIND_BIT = 1 DESCRIPTOR_BINDING_UPDATE_UNUSED_WHILE_PENDING_BIT = 2 DESCRIPTOR_BINDING_PARTIALLY_BOUND_BIT = 4 DESCRIPTOR_BINDING_VARIABLE_DESCRIPTOR_COUNT_BIT = 8 end @bitmask ConditionalRenderingFlagEXT::UInt32 begin CONDITIONAL_RENDERING_INVERTED_BIT_EXT = 1 end @bitmask ResolveModeFlag::UInt32 begin RESOLVE_MODE_SAMPLE_ZERO_BIT = 1 RESOLVE_MODE_AVERAGE_BIT = 2 RESOLVE_MODE_MIN_BIT = 4 RESOLVE_MODE_MAX_BIT = 8 RESOLVE_MODE_NONE = 0 end @bitmask GeometryInstanceFlagKHR::UInt32 begin GEOMETRY_INSTANCE_TRIANGLE_FACING_CULL_DISABLE_BIT_KHR = 1 GEOMETRY_INSTANCE_TRIANGLE_FLIP_FACING_BIT_KHR = 2 GEOMETRY_INSTANCE_FORCE_OPAQUE_BIT_KHR = 4 GEOMETRY_INSTANCE_FORCE_NO_OPAQUE_BIT_KHR = 8 GEOMETRY_INSTANCE_FORCE_OPACITY_MICROMAP_2_STATE_EXT = 16 GEOMETRY_INSTANCE_DISABLE_OPACITY_MICROMAPS_EXT = 32 end @bitmask GeometryFlagKHR::UInt32 begin GEOMETRY_OPAQUE_BIT_KHR = 1 GEOMETRY_NO_DUPLICATE_ANY_HIT_INVOCATION_BIT_KHR = 2 end @bitmask BuildAccelerationStructureFlagKHR::UInt32 begin BUILD_ACCELERATION_STRUCTURE_ALLOW_UPDATE_BIT_KHR = 1 BUILD_ACCELERATION_STRUCTURE_ALLOW_COMPACTION_BIT_KHR = 2 BUILD_ACCELERATION_STRUCTURE_PREFER_FAST_TRACE_BIT_KHR = 4 BUILD_ACCELERATION_STRUCTURE_PREFER_FAST_BUILD_BIT_KHR = 8 BUILD_ACCELERATION_STRUCTURE_LOW_MEMORY_BIT_KHR = 16 BUILD_ACCELERATION_STRUCTURE_MOTION_BIT_NV = 32 BUILD_ACCELERATION_STRUCTURE_ALLOW_OPACITY_MICROMAP_UPDATE_EXT = 64 BUILD_ACCELERATION_STRUCTURE_ALLOW_DISABLE_OPACITY_MICROMAPS_EXT = 128 BUILD_ACCELERATION_STRUCTURE_ALLOW_OPACITY_MICROMAP_DATA_UPDATE_EXT = 256 end @bitmask AccelerationStructureCreateFlagKHR::UInt32 begin ACCELERATION_STRUCTURE_CREATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT_KHR = 1 ACCELERATION_STRUCTURE_CREATE_DESCRIPTOR_BUFFER_CAPTURE_REPLAY_BIT_EXT = 8 ACCELERATION_STRUCTURE_CREATE_MOTION_BIT_NV = 4 end @bitmask FramebufferCreateFlag::UInt32 begin FRAMEBUFFER_CREATE_IMAGELESS_BIT = 1 end @bitmask DeviceDiagnosticsConfigFlagNV::UInt32 begin DEVICE_DIAGNOSTICS_CONFIG_ENABLE_SHADER_DEBUG_INFO_BIT_NV = 1 DEVICE_DIAGNOSTICS_CONFIG_ENABLE_RESOURCE_TRACKING_BIT_NV = 2 DEVICE_DIAGNOSTICS_CONFIG_ENABLE_AUTOMATIC_CHECKPOINTS_BIT_NV = 4 DEVICE_DIAGNOSTICS_CONFIG_ENABLE_SHADER_ERROR_REPORTING_BIT_NV = 8 end @bitmask PipelineCreationFeedbackFlag::UInt32 begin PIPELINE_CREATION_FEEDBACK_VALID_BIT = 1 PIPELINE_CREATION_FEEDBACK_APPLICATION_PIPELINE_CACHE_HIT_BIT = 2 PIPELINE_CREATION_FEEDBACK_BASE_PIPELINE_ACCELERATION_BIT = 4 end @bitmask MemoryDecompressionMethodFlagNV::UInt64 begin MEMORY_DECOMPRESSION_METHOD_GDEFLATE_1_0_BIT_NV = 1 end @bitmask PerformanceCounterDescriptionFlagKHR::UInt32 begin PERFORMANCE_COUNTER_DESCRIPTION_PERFORMANCE_IMPACTING_BIT_KHR = 1 PERFORMANCE_COUNTER_DESCRIPTION_CONCURRENTLY_IMPACTED_BIT_KHR = 2 end @bitmask AcquireProfilingLockFlagKHR::UInt32 begin end @bitmask ShaderCorePropertiesFlagAMD::UInt32 begin end @bitmask ShaderModuleCreateFlag::UInt32 begin end @bitmask PipelineCompilerControlFlagAMD::UInt32 begin end @bitmask ToolPurposeFlag::UInt32 begin TOOL_PURPOSE_VALIDATION_BIT = 1 TOOL_PURPOSE_PROFILING_BIT = 2 TOOL_PURPOSE_TRACING_BIT = 4 TOOL_PURPOSE_ADDITIONAL_FEATURES_BIT = 8 TOOL_PURPOSE_MODIFYING_FEATURES_BIT = 16 TOOL_PURPOSE_DEBUG_REPORTING_BIT_EXT = 32 TOOL_PURPOSE_DEBUG_MARKERS_BIT_EXT = 64 end @bitmask AccessFlag2::UInt64 begin ACCESS_2_INDIRECT_COMMAND_READ_BIT = 1 ACCESS_2_INDEX_READ_BIT = 2 ACCESS_2_VERTEX_ATTRIBUTE_READ_BIT = 4 ACCESS_2_UNIFORM_READ_BIT = 8 ACCESS_2_INPUT_ATTACHMENT_READ_BIT = 16 ACCESS_2_SHADER_READ_BIT = 32 ACCESS_2_SHADER_WRITE_BIT = 64 ACCESS_2_COLOR_ATTACHMENT_READ_BIT = 128 ACCESS_2_COLOR_ATTACHMENT_WRITE_BIT = 256 ACCESS_2_DEPTH_STENCIL_ATTACHMENT_READ_BIT = 512 ACCESS_2_DEPTH_STENCIL_ATTACHMENT_WRITE_BIT = 1024 ACCESS_2_TRANSFER_READ_BIT = 2048 ACCESS_2_TRANSFER_WRITE_BIT = 4096 ACCESS_2_HOST_READ_BIT = 8192 ACCESS_2_HOST_WRITE_BIT = 16384 ACCESS_2_MEMORY_READ_BIT = 32768 ACCESS_2_MEMORY_WRITE_BIT = 65536 ACCESS_2_SHADER_SAMPLED_READ_BIT = 4294967296 ACCESS_2_SHADER_STORAGE_READ_BIT = 8589934592 ACCESS_2_SHADER_STORAGE_WRITE_BIT = 17179869184 ACCESS_2_VIDEO_DECODE_READ_BIT_KHR = 34359738368 ACCESS_2_VIDEO_DECODE_WRITE_BIT_KHR = 68719476736 ACCESS_2_VIDEO_ENCODE_READ_BIT_KHR = 137438953472 ACCESS_2_VIDEO_ENCODE_WRITE_BIT_KHR = 274877906944 ACCESS_2_TRANSFORM_FEEDBACK_WRITE_BIT_EXT = 33554432 ACCESS_2_TRANSFORM_FEEDBACK_COUNTER_READ_BIT_EXT = 67108864 ACCESS_2_TRANSFORM_FEEDBACK_COUNTER_WRITE_BIT_EXT = 134217728 ACCESS_2_CONDITIONAL_RENDERING_READ_BIT_EXT = 1048576 ACCESS_2_COMMAND_PREPROCESS_READ_BIT_NV = 131072 ACCESS_2_COMMAND_PREPROCESS_WRITE_BIT_NV = 262144 ACCESS_2_FRAGMENT_SHADING_RATE_ATTACHMENT_READ_BIT_KHR = 8388608 ACCESS_2_ACCELERATION_STRUCTURE_READ_BIT_KHR = 2097152 ACCESS_2_ACCELERATION_STRUCTURE_WRITE_BIT_KHR = 4194304 ACCESS_2_FRAGMENT_DENSITY_MAP_READ_BIT_EXT = 16777216 ACCESS_2_COLOR_ATTACHMENT_READ_NONCOHERENT_BIT_EXT = 524288 ACCESS_2_DESCRIPTOR_BUFFER_READ_BIT_EXT = 2199023255552 ACCESS_2_INVOCATION_MASK_READ_BIT_HUAWEI = 549755813888 ACCESS_2_SHADER_BINDING_TABLE_READ_BIT_KHR = 1099511627776 ACCESS_2_MICROMAP_READ_BIT_EXT = 17592186044416 ACCESS_2_MICROMAP_WRITE_BIT_EXT = 35184372088832 ACCESS_2_OPTICAL_FLOW_READ_BIT_NV = 4398046511104 ACCESS_2_OPTICAL_FLOW_WRITE_BIT_NV = 8796093022208 ACCESS_2_NONE = 0 end @bitmask PipelineStageFlag2::UInt64 begin PIPELINE_STAGE_2_TOP_OF_PIPE_BIT = 1 PIPELINE_STAGE_2_DRAW_INDIRECT_BIT = 2 PIPELINE_STAGE_2_VERTEX_INPUT_BIT = 4 PIPELINE_STAGE_2_VERTEX_SHADER_BIT = 8 PIPELINE_STAGE_2_TESSELLATION_CONTROL_SHADER_BIT = 16 PIPELINE_STAGE_2_TESSELLATION_EVALUATION_SHADER_BIT = 32 PIPELINE_STAGE_2_GEOMETRY_SHADER_BIT = 64 PIPELINE_STAGE_2_FRAGMENT_SHADER_BIT = 128 PIPELINE_STAGE_2_EARLY_FRAGMENT_TESTS_BIT = 256 PIPELINE_STAGE_2_LATE_FRAGMENT_TESTS_BIT = 512 PIPELINE_STAGE_2_COLOR_ATTACHMENT_OUTPUT_BIT = 1024 PIPELINE_STAGE_2_COMPUTE_SHADER_BIT = 2048 PIPELINE_STAGE_2_ALL_TRANSFER_BIT = 4096 PIPELINE_STAGE_2_BOTTOM_OF_PIPE_BIT = 8192 PIPELINE_STAGE_2_HOST_BIT = 16384 PIPELINE_STAGE_2_ALL_GRAPHICS_BIT = 32768 PIPELINE_STAGE_2_ALL_COMMANDS_BIT = 65536 PIPELINE_STAGE_2_COPY_BIT = 4294967296 PIPELINE_STAGE_2_RESOLVE_BIT = 8589934592 PIPELINE_STAGE_2_BLIT_BIT = 17179869184 PIPELINE_STAGE_2_CLEAR_BIT = 34359738368 PIPELINE_STAGE_2_INDEX_INPUT_BIT = 68719476736 PIPELINE_STAGE_2_VERTEX_ATTRIBUTE_INPUT_BIT = 137438953472 PIPELINE_STAGE_2_PRE_RASTERIZATION_SHADERS_BIT = 274877906944 PIPELINE_STAGE_2_VIDEO_DECODE_BIT_KHR = 67108864 PIPELINE_STAGE_2_VIDEO_ENCODE_BIT_KHR = 134217728 PIPELINE_STAGE_2_TRANSFORM_FEEDBACK_BIT_EXT = 16777216 PIPELINE_STAGE_2_CONDITIONAL_RENDERING_BIT_EXT = 262144 PIPELINE_STAGE_2_COMMAND_PREPROCESS_BIT_NV = 131072 PIPELINE_STAGE_2_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR = 4194304 PIPELINE_STAGE_2_ACCELERATION_STRUCTURE_BUILD_BIT_KHR = 33554432 PIPELINE_STAGE_2_RAY_TRACING_SHADER_BIT_KHR = 2097152 PIPELINE_STAGE_2_FRAGMENT_DENSITY_PROCESS_BIT_EXT = 8388608 PIPELINE_STAGE_2_TASK_SHADER_BIT_EXT = 524288 PIPELINE_STAGE_2_MESH_SHADER_BIT_EXT = 1048576 PIPELINE_STAGE_2_SUBPASS_SHADING_BIT_HUAWEI = 549755813888 PIPELINE_STAGE_2_INVOCATION_MASK_BIT_HUAWEI = 1099511627776 PIPELINE_STAGE_2_ACCELERATION_STRUCTURE_COPY_BIT_KHR = 268435456 PIPELINE_STAGE_2_MICROMAP_BUILD_BIT_EXT = 1073741824 PIPELINE_STAGE_2_CLUSTER_CULLING_SHADER_BIT_HUAWEI = 2199023255552 PIPELINE_STAGE_2_OPTICAL_FLOW_BIT_NV = 536870912 PIPELINE_STAGE_2_NONE = 0 end @bitmask SubmitFlag::UInt32 begin SUBMIT_PROTECTED_BIT = 1 end @bitmask EventCreateFlag::UInt32 begin EVENT_CREATE_DEVICE_ONLY_BIT = 1 end @bitmask PipelineLayoutCreateFlag::UInt32 begin PIPELINE_LAYOUT_CREATE_INDEPENDENT_SETS_BIT_EXT = 2 end @bitmask PipelineColorBlendStateCreateFlag::UInt32 begin PIPELINE_COLOR_BLEND_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_ACCESS_BIT_EXT = 1 end @bitmask PipelineDepthStencilStateCreateFlag::UInt32 begin PIPELINE_DEPTH_STENCIL_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_DEPTH_ACCESS_BIT_EXT = 1 PIPELINE_DEPTH_STENCIL_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_STENCIL_ACCESS_BIT_EXT = 2 end @bitmask GraphicsPipelineLibraryFlagEXT::UInt32 begin GRAPHICS_PIPELINE_LIBRARY_VERTEX_INPUT_INTERFACE_BIT_EXT = 1 GRAPHICS_PIPELINE_LIBRARY_PRE_RASTERIZATION_SHADERS_BIT_EXT = 2 GRAPHICS_PIPELINE_LIBRARY_FRAGMENT_SHADER_BIT_EXT = 4 GRAPHICS_PIPELINE_LIBRARY_FRAGMENT_OUTPUT_INTERFACE_BIT_EXT = 8 end @bitmask DeviceAddressBindingFlagEXT::UInt32 begin DEVICE_ADDRESS_BINDING_INTERNAL_OBJECT_BIT_EXT = 1 end @bitmask PresentScalingFlagEXT::UInt32 begin PRESENT_SCALING_ONE_TO_ONE_BIT_EXT = 1 PRESENT_SCALING_ASPECT_RATIO_STRETCH_BIT_EXT = 2 PRESENT_SCALING_STRETCH_BIT_EXT = 4 end @bitmask PresentGravityFlagEXT::UInt32 begin PRESENT_GRAVITY_MIN_BIT_EXT = 1 PRESENT_GRAVITY_MAX_BIT_EXT = 2 PRESENT_GRAVITY_CENTERED_BIT_EXT = 4 end @bitmask VideoCodecOperationFlagKHR::UInt32 begin VIDEO_CODEC_OPERATION_ENCODE_H264_BIT_EXT = 65536 VIDEO_CODEC_OPERATION_ENCODE_H265_BIT_EXT = 131072 VIDEO_CODEC_OPERATION_DECODE_H264_BIT_KHR = 1 VIDEO_CODEC_OPERATION_DECODE_H265_BIT_KHR = 2 VIDEO_CODEC_OPERATION_NONE_KHR = 0 end @bitmask VideoChromaSubsamplingFlagKHR::UInt32 begin VIDEO_CHROMA_SUBSAMPLING_MONOCHROME_BIT_KHR = 1 VIDEO_CHROMA_SUBSAMPLING_420_BIT_KHR = 2 VIDEO_CHROMA_SUBSAMPLING_422_BIT_KHR = 4 VIDEO_CHROMA_SUBSAMPLING_444_BIT_KHR = 8 VIDEO_CHROMA_SUBSAMPLING_INVALID_KHR = 0 end @bitmask VideoComponentBitDepthFlagKHR::UInt32 begin VIDEO_COMPONENT_BIT_DEPTH_8_BIT_KHR = 1 VIDEO_COMPONENT_BIT_DEPTH_10_BIT_KHR = 4 VIDEO_COMPONENT_BIT_DEPTH_12_BIT_KHR = 16 VIDEO_COMPONENT_BIT_DEPTH_INVALID_KHR = 0 end @bitmask VideoCapabilityFlagKHR::UInt32 begin VIDEO_CAPABILITY_PROTECTED_CONTENT_BIT_KHR = 1 VIDEO_CAPABILITY_SEPARATE_REFERENCE_IMAGES_BIT_KHR = 2 end @bitmask VideoSessionCreateFlagKHR::UInt32 begin VIDEO_SESSION_CREATE_PROTECTED_CONTENT_BIT_KHR = 1 end @bitmask VideoDecodeH264PictureLayoutFlagKHR::UInt32 begin VIDEO_DECODE_H264_PICTURE_LAYOUT_INTERLACED_INTERLEAVED_LINES_BIT_KHR = 1 VIDEO_DECODE_H264_PICTURE_LAYOUT_INTERLACED_SEPARATE_PLANES_BIT_KHR = 2 VIDEO_DECODE_H264_PICTURE_LAYOUT_PROGRESSIVE_KHR = 0 end @bitmask VideoCodingControlFlagKHR::UInt32 begin VIDEO_CODING_CONTROL_RESET_BIT_KHR = 1 VIDEO_CODING_CONTROL_ENCODE_RATE_CONTROL_BIT_KHR = 2 VIDEO_CODING_CONTROL_ENCODE_RATE_CONTROL_LAYER_BIT_KHR = 4 end @bitmask VideoDecodeUsageFlagKHR::UInt32 begin VIDEO_DECODE_USAGE_TRANSCODING_BIT_KHR = 1 VIDEO_DECODE_USAGE_OFFLINE_BIT_KHR = 2 VIDEO_DECODE_USAGE_STREAMING_BIT_KHR = 4 VIDEO_DECODE_USAGE_DEFAULT_KHR = 0 end @bitmask VideoDecodeCapabilityFlagKHR::UInt32 begin VIDEO_DECODE_CAPABILITY_DPB_AND_OUTPUT_COINCIDE_BIT_KHR = 1 VIDEO_DECODE_CAPABILITY_DPB_AND_OUTPUT_DISTINCT_BIT_KHR = 2 end @bitmask ImageFormatConstraintsFlagFUCHSIA::UInt32 begin end @bitmask FormatFeatureFlag2::UInt64 begin FORMAT_FEATURE_2_SAMPLED_IMAGE_BIT = 1 FORMAT_FEATURE_2_STORAGE_IMAGE_BIT = 2 FORMAT_FEATURE_2_STORAGE_IMAGE_ATOMIC_BIT = 4 FORMAT_FEATURE_2_UNIFORM_TEXEL_BUFFER_BIT = 8 FORMAT_FEATURE_2_STORAGE_TEXEL_BUFFER_BIT = 16 FORMAT_FEATURE_2_STORAGE_TEXEL_BUFFER_ATOMIC_BIT = 32 FORMAT_FEATURE_2_VERTEX_BUFFER_BIT = 64 FORMAT_FEATURE_2_COLOR_ATTACHMENT_BIT = 128 FORMAT_FEATURE_2_COLOR_ATTACHMENT_BLEND_BIT = 256 FORMAT_FEATURE_2_DEPTH_STENCIL_ATTACHMENT_BIT = 512 FORMAT_FEATURE_2_BLIT_SRC_BIT = 1024 FORMAT_FEATURE_2_BLIT_DST_BIT = 2048 FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_LINEAR_BIT = 4096 FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_CUBIC_BIT = 8192 FORMAT_FEATURE_2_TRANSFER_SRC_BIT = 16384 FORMAT_FEATURE_2_TRANSFER_DST_BIT = 32768 FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_MINMAX_BIT = 65536 FORMAT_FEATURE_2_MIDPOINT_CHROMA_SAMPLES_BIT = 131072 FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_LINEAR_FILTER_BIT = 262144 FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_SEPARATE_RECONSTRUCTION_FILTER_BIT = 524288 FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_BIT = 1048576 FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_FORCEABLE_BIT = 2097152 FORMAT_FEATURE_2_DISJOINT_BIT = 4194304 FORMAT_FEATURE_2_COSITED_CHROMA_SAMPLES_BIT = 8388608 FORMAT_FEATURE_2_STORAGE_READ_WITHOUT_FORMAT_BIT = 2147483648 FORMAT_FEATURE_2_STORAGE_WRITE_WITHOUT_FORMAT_BIT = 4294967296 FORMAT_FEATURE_2_SAMPLED_IMAGE_DEPTH_COMPARISON_BIT = 8589934592 FORMAT_FEATURE_2_VIDEO_DECODE_OUTPUT_BIT_KHR = 33554432 FORMAT_FEATURE_2_VIDEO_DECODE_DPB_BIT_KHR = 67108864 FORMAT_FEATURE_2_ACCELERATION_STRUCTURE_VERTEX_BUFFER_BIT_KHR = 536870912 FORMAT_FEATURE_2_FRAGMENT_DENSITY_MAP_BIT_EXT = 16777216 FORMAT_FEATURE_2_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR = 1073741824 FORMAT_FEATURE_2_VIDEO_ENCODE_INPUT_BIT_KHR = 134217728 FORMAT_FEATURE_2_VIDEO_ENCODE_DPB_BIT_KHR = 268435456 FORMAT_FEATURE_2_LINEAR_COLOR_ATTACHMENT_BIT_NV = 274877906944 FORMAT_FEATURE_2_WEIGHT_IMAGE_BIT_QCOM = 17179869184 FORMAT_FEATURE_2_WEIGHT_SAMPLED_IMAGE_BIT_QCOM = 34359738368 FORMAT_FEATURE_2_BLOCK_MATCHING_BIT_QCOM = 68719476736 FORMAT_FEATURE_2_BOX_FILTER_SAMPLED_BIT_QCOM = 137438953472 FORMAT_FEATURE_2_OPTICAL_FLOW_IMAGE_BIT_NV = 1099511627776 FORMAT_FEATURE_2_OPTICAL_FLOW_VECTOR_BIT_NV = 2199023255552 FORMAT_FEATURE_2_OPTICAL_FLOW_COST_BIT_NV = 4398046511104 end @bitmask RenderingFlag::UInt32 begin RENDERING_CONTENTS_SECONDARY_COMMAND_BUFFERS_BIT = 1 RENDERING_SUSPENDING_BIT = 2 RENDERING_RESUMING_BIT = 4 RENDERING_ENABLE_LEGACY_DITHERING_BIT_EXT = 8 end @bitmask InstanceCreateFlag::UInt32 begin INSTANCE_CREATE_ENUMERATE_PORTABILITY_BIT_KHR = 1 end @bitmask ImageCompressionFlagEXT::UInt32 begin IMAGE_COMPRESSION_FIXED_RATE_DEFAULT_EXT = 1 IMAGE_COMPRESSION_FIXED_RATE_EXPLICIT_EXT = 2 IMAGE_COMPRESSION_DISABLED_EXT = 4 IMAGE_COMPRESSION_DEFAULT_EXT = 0 end @bitmask ImageCompressionFixedRateFlagEXT::UInt32 begin IMAGE_COMPRESSION_FIXED_RATE_1BPC_BIT_EXT = 1 IMAGE_COMPRESSION_FIXED_RATE_2BPC_BIT_EXT = 2 IMAGE_COMPRESSION_FIXED_RATE_3BPC_BIT_EXT = 4 IMAGE_COMPRESSION_FIXED_RATE_4BPC_BIT_EXT = 8 IMAGE_COMPRESSION_FIXED_RATE_5BPC_BIT_EXT = 16 IMAGE_COMPRESSION_FIXED_RATE_6BPC_BIT_EXT = 32 IMAGE_COMPRESSION_FIXED_RATE_7BPC_BIT_EXT = 64 IMAGE_COMPRESSION_FIXED_RATE_8BPC_BIT_EXT = 128 IMAGE_COMPRESSION_FIXED_RATE_9BPC_BIT_EXT = 256 IMAGE_COMPRESSION_FIXED_RATE_10BPC_BIT_EXT = 512 IMAGE_COMPRESSION_FIXED_RATE_11BPC_BIT_EXT = 1024 IMAGE_COMPRESSION_FIXED_RATE_12BPC_BIT_EXT = 2048 IMAGE_COMPRESSION_FIXED_RATE_13BPC_BIT_EXT = 4096 IMAGE_COMPRESSION_FIXED_RATE_14BPC_BIT_EXT = 8192 IMAGE_COMPRESSION_FIXED_RATE_15BPC_BIT_EXT = 16384 IMAGE_COMPRESSION_FIXED_RATE_16BPC_BIT_EXT = 32768 IMAGE_COMPRESSION_FIXED_RATE_17BPC_BIT_EXT = 65536 IMAGE_COMPRESSION_FIXED_RATE_18BPC_BIT_EXT = 131072 IMAGE_COMPRESSION_FIXED_RATE_19BPC_BIT_EXT = 262144 IMAGE_COMPRESSION_FIXED_RATE_20BPC_BIT_EXT = 524288 IMAGE_COMPRESSION_FIXED_RATE_21BPC_BIT_EXT = 1048576 IMAGE_COMPRESSION_FIXED_RATE_22BPC_BIT_EXT = 2097152 IMAGE_COMPRESSION_FIXED_RATE_23BPC_BIT_EXT = 4194304 IMAGE_COMPRESSION_FIXED_RATE_24BPC_BIT_EXT = 8388608 IMAGE_COMPRESSION_FIXED_RATE_NONE_EXT = 0 end @bitmask OpticalFlowGridSizeFlagNV::UInt32 begin OPTICAL_FLOW_GRID_SIZE_1X1_BIT_NV = 1 OPTICAL_FLOW_GRID_SIZE_2X2_BIT_NV = 2 OPTICAL_FLOW_GRID_SIZE_4X4_BIT_NV = 4 OPTICAL_FLOW_GRID_SIZE_8X8_BIT_NV = 8 OPTICAL_FLOW_GRID_SIZE_UNKNOWN_NV = 0 end @bitmask OpticalFlowUsageFlagNV::UInt32 begin OPTICAL_FLOW_USAGE_INPUT_BIT_NV = 1 OPTICAL_FLOW_USAGE_OUTPUT_BIT_NV = 2 OPTICAL_FLOW_USAGE_HINT_BIT_NV = 4 OPTICAL_FLOW_USAGE_COST_BIT_NV = 8 OPTICAL_FLOW_USAGE_GLOBAL_FLOW_BIT_NV = 16 OPTICAL_FLOW_USAGE_UNKNOWN_NV = 0 end @bitmask OpticalFlowSessionCreateFlagNV::UInt32 begin OPTICAL_FLOW_SESSION_CREATE_ENABLE_HINT_BIT_NV = 1 OPTICAL_FLOW_SESSION_CREATE_ENABLE_COST_BIT_NV = 2 OPTICAL_FLOW_SESSION_CREATE_ENABLE_GLOBAL_FLOW_BIT_NV = 4 OPTICAL_FLOW_SESSION_CREATE_ALLOW_REGIONS_BIT_NV = 8 OPTICAL_FLOW_SESSION_CREATE_BOTH_DIRECTIONS_BIT_NV = 16 end @bitmask OpticalFlowExecuteFlagNV::UInt32 begin OPTICAL_FLOW_EXECUTE_DISABLE_TEMPORAL_HINTS_BIT_NV = 1 end @bitmask BuildMicromapFlagEXT::UInt32 begin BUILD_MICROMAP_PREFER_FAST_TRACE_BIT_EXT = 1 BUILD_MICROMAP_PREFER_FAST_BUILD_BIT_EXT = 2 BUILD_MICROMAP_ALLOW_COMPACTION_BIT_EXT = 4 end @bitmask MicromapCreateFlagEXT::UInt32 begin MICROMAP_CREATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT_EXT = 1 end """ High-level wrapper for VkAccelerationStructureMotionInstanceDataNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMotionInstanceDataNV.html) """ struct AccelerationStructureMotionInstanceDataNV <: HighLevelStruct vks::VkAccelerationStructureMotionInstanceDataNV end """ High-level wrapper for VkDescriptorDataEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorDataEXT.html) """ struct DescriptorDataEXT <: HighLevelStruct vks::VkDescriptorDataEXT end """ High-level wrapper for VkAccelerationStructureGeometryDataKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryDataKHR.html) """ struct AccelerationStructureGeometryDataKHR <: HighLevelStruct vks::VkAccelerationStructureGeometryDataKHR end """ High-level wrapper for VkDeviceOrHostAddressConstKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceOrHostAddressConstKHR.html) """ struct DeviceOrHostAddressConstKHR <: HighLevelStruct vks::VkDeviceOrHostAddressConstKHR end """ High-level wrapper for VkDeviceOrHostAddressKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceOrHostAddressKHR.html) """ struct DeviceOrHostAddressKHR <: HighLevelStruct vks::VkDeviceOrHostAddressKHR end """ High-level wrapper for VkPipelineExecutableStatisticValueKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableStatisticValueKHR.html) """ struct PipelineExecutableStatisticValueKHR <: HighLevelStruct vks::VkPipelineExecutableStatisticValueKHR end """ High-level wrapper for VkPerformanceValueDataINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceValueDataINTEL.html) """ struct PerformanceValueDataINTEL <: HighLevelStruct vks::VkPerformanceValueDataINTEL end """ High-level wrapper for VkPerformanceCounterResultKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceCounterResultKHR.html) """ struct PerformanceCounterResultKHR <: HighLevelStruct vks::VkPerformanceCounterResultKHR end """ High-level wrapper for VkClearValue. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearValue.html) """ struct ClearValue <: HighLevelStruct vks::VkClearValue end """ High-level wrapper for VkClearColorValue. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearColorValue.html) """ struct ClearColorValue <: HighLevelStruct vks::VkClearColorValue end """ High-level wrapper for VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM. Extension: VK\\_QCOM\\_multiview\\_per\\_view\\_viewports [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM.html) """ @struct_hash_equal struct PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM <: HighLevelStruct next::Any multiview_per_view_viewports::Bool end """ High-level wrapper for VkDirectDriverLoadingInfoLUNARG. Extension: VK\\_LUNARG\\_direct\\_driver\\_loading [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDirectDriverLoadingInfoLUNARG.html) """ @struct_hash_equal struct DirectDriverLoadingInfoLUNARG <: HighLevelStruct next::Any flags::UInt32 pfn_get_instance_proc_addr::FunctionPtr end """ High-level wrapper for VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV. Extension: VK\\_NV\\_ray\\_tracing\\_invocation\\_reorder [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceRayTracingInvocationReorderFeaturesNV <: HighLevelStruct next::Any ray_tracing_invocation_reorder::Bool end """ High-level wrapper for VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT. Extension: VK\\_EXT\\_swapchain\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceSwapchainMaintenance1FeaturesEXT <: HighLevelStruct next::Any swapchain_maintenance_1::Bool end """ High-level wrapper for VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM. Extension: VK\\_ARM\\_shader\\_core\\_builtins [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM.html) """ @struct_hash_equal struct PhysicalDeviceShaderCoreBuiltinsFeaturesARM <: HighLevelStruct next::Any shader_core_builtins::Bool end """ High-level wrapper for VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM. Extension: VK\\_ARM\\_shader\\_core\\_builtins [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM.html) """ @struct_hash_equal struct PhysicalDeviceShaderCoreBuiltinsPropertiesARM <: HighLevelStruct next::Any shader_core_mask::UInt64 shader_core_count::UInt32 shader_warps_per_core::UInt32 end """ High-level wrapper for VkDecompressMemoryRegionNV. Extension: VK\\_NV\\_memory\\_decompression [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDecompressMemoryRegionNV.html) """ @struct_hash_equal struct DecompressMemoryRegionNV <: HighLevelStruct src_address::UInt64 dst_address::UInt64 compressed_size::UInt64 decompressed_size::UInt64 decompression_method::UInt64 end """ High-level wrapper for VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT. Extension: VK\\_EXT\\_pipeline\\_library\\_group\\_handles [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT <: HighLevelStruct next::Any pipeline_library_group_handles::Bool end """ High-level wrapper for VkDeviceFaultCountsEXT. Extension: VK\\_EXT\\_device\\_fault [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultCountsEXT.html) """ @struct_hash_equal struct DeviceFaultCountsEXT <: HighLevelStruct next::Any address_info_count::UInt32 vendor_info_count::UInt32 vendor_binary_size::UInt64 end """ High-level wrapper for VkDeviceFaultVendorInfoEXT. Extension: VK\\_EXT\\_device\\_fault [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultVendorInfoEXT.html) """ @struct_hash_equal struct DeviceFaultVendorInfoEXT <: HighLevelStruct description::String vendor_fault_code::UInt64 vendor_fault_data::UInt64 end """ High-level wrapper for VkPhysicalDeviceFaultFeaturesEXT. Extension: VK\\_EXT\\_device\\_fault [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFaultFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceFaultFeaturesEXT <: HighLevelStruct next::Any device_fault::Bool device_fault_vendor_binary::Bool end """ High-level wrapper for VkOpticalFlowSessionCreatePrivateDataInfoNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowSessionCreatePrivateDataInfoNV.html) """ @struct_hash_equal struct OpticalFlowSessionCreatePrivateDataInfoNV <: HighLevelStruct next::Any id::UInt32 size::UInt32 private_data::Ptr{Cvoid} end """ High-level wrapper for VkPhysicalDeviceOpticalFlowFeaturesNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpticalFlowFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceOpticalFlowFeaturesNV <: HighLevelStruct next::Any optical_flow::Bool end """ High-level wrapper for VkPhysicalDeviceAddressBindingReportFeaturesEXT. Extension: VK\\_EXT\\_device\\_address\\_binding\\_report [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAddressBindingReportFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceAddressBindingReportFeaturesEXT <: HighLevelStruct next::Any report_address_binding::Bool end """ High-level wrapper for VkPhysicalDeviceDepthClampZeroOneFeaturesEXT. Extension: VK\\_EXT\\_depth\\_clamp\\_zero\\_one [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthClampZeroOneFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceDepthClampZeroOneFeaturesEXT <: HighLevelStruct next::Any depth_clamp_zero_one::Bool end """ High-level wrapper for VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT. Extension: VK\\_EXT\\_attachment\\_feedback\\_loop\\_layout [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT <: HighLevelStruct next::Any attachment_feedback_loop_layout::Bool end """ High-level wrapper for VkAmigoProfilingSubmitInfoSEC. Extension: VK\\_SEC\\_amigo\\_profiling [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAmigoProfilingSubmitInfoSEC.html) """ @struct_hash_equal struct AmigoProfilingSubmitInfoSEC <: HighLevelStruct next::Any first_draw_timestamp::UInt64 swap_buffer_timestamp::UInt64 end """ High-level wrapper for VkPhysicalDeviceAmigoProfilingFeaturesSEC. Extension: VK\\_SEC\\_amigo\\_profiling [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAmigoProfilingFeaturesSEC.html) """ @struct_hash_equal struct PhysicalDeviceAmigoProfilingFeaturesSEC <: HighLevelStruct next::Any amigo_profiling::Bool end """ High-level wrapper for VkPhysicalDeviceTilePropertiesFeaturesQCOM. Extension: VK\\_QCOM\\_tile\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTilePropertiesFeaturesQCOM.html) """ @struct_hash_equal struct PhysicalDeviceTilePropertiesFeaturesQCOM <: HighLevelStruct next::Any tile_properties::Bool end """ High-level wrapper for VkPhysicalDeviceImageProcessingFeaturesQCOM. Extension: VK\\_QCOM\\_image\\_processing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageProcessingFeaturesQCOM.html) """ @struct_hash_equal struct PhysicalDeviceImageProcessingFeaturesQCOM <: HighLevelStruct next::Any texture_sample_weighted::Bool texture_box_filter::Bool texture_block_match::Bool end """ High-level wrapper for VkPhysicalDevicePipelineRobustnessFeaturesEXT. Extension: VK\\_EXT\\_pipeline\\_robustness [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineRobustnessFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDevicePipelineRobustnessFeaturesEXT <: HighLevelStruct next::Any pipeline_robustness::Bool end """ High-level wrapper for VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT. Extension: VK\\_EXT\\_non\\_seamless\\_cube\\_map [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceNonSeamlessCubeMapFeaturesEXT <: HighLevelStruct next::Any non_seamless_cube_map::Bool end """ High-level wrapper for VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD. Extension: VK\\_AMD\\_shader\\_early\\_and\\_late\\_fragment\\_tests [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD.html) """ @struct_hash_equal struct PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD <: HighLevelStruct next::Any shader_early_and_late_fragment_tests::Bool end """ High-level wrapper for VkPhysicalDevicePipelinePropertiesFeaturesEXT. Extension: VK\\_EXT\\_pipeline\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelinePropertiesFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDevicePipelinePropertiesFeaturesEXT <: HighLevelStruct next::Any pipeline_properties_identifier::Bool end """ High-level wrapper for VkPipelinePropertiesIdentifierEXT. Extension: VK\\_EXT\\_pipeline\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelinePropertiesIdentifierEXT.html) """ @struct_hash_equal struct PipelinePropertiesIdentifierEXT <: HighLevelStruct next::Any pipeline_identifier::NTuple{Int(VK_UUID_SIZE), UInt8} end """ High-level wrapper for VkPhysicalDeviceOpacityMicromapPropertiesEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpacityMicromapPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceOpacityMicromapPropertiesEXT <: HighLevelStruct next::Any max_opacity_2_state_subdivision_level::UInt32 max_opacity_4_state_subdivision_level::UInt32 end """ High-level wrapper for VkPhysicalDeviceOpacityMicromapFeaturesEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpacityMicromapFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceOpacityMicromapFeaturesEXT <: HighLevelStruct next::Any micromap::Bool micromap_capture_replay::Bool micromap_host_commands::Bool end """ High-level wrapper for VkMicromapTriangleEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapTriangleEXT.html) """ @struct_hash_equal struct MicromapTriangleEXT <: HighLevelStruct data_offset::UInt32 subdivision_level::UInt16 format::UInt16 end """ High-level wrapper for VkMicromapUsageEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapUsageEXT.html) """ @struct_hash_equal struct MicromapUsageEXT <: HighLevelStruct count::UInt32 subdivision_level::UInt32 format::UInt32 end """ High-level wrapper for VkMicromapBuildSizesInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapBuildSizesInfoEXT.html) """ @struct_hash_equal struct MicromapBuildSizesInfoEXT <: HighLevelStruct next::Any micromap_size::UInt64 build_scratch_size::UInt64 discardable::Bool end """ High-level wrapper for VkMicromapVersionInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapVersionInfoEXT.html) """ @struct_hash_equal struct MicromapVersionInfoEXT <: HighLevelStruct next::Any version_data::Vector{UInt8} end """ High-level wrapper for VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT. Extension: VK\\_EXT\\_subpass\\_merge\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceSubpassMergeFeedbackFeaturesEXT <: HighLevelStruct next::Any subpass_merge_feedback::Bool end """ High-level wrapper for VkRenderPassCreationFeedbackInfoEXT. Extension: VK\\_EXT\\_subpass\\_merge\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreationFeedbackInfoEXT.html) """ @struct_hash_equal struct RenderPassCreationFeedbackInfoEXT <: HighLevelStruct post_merge_subpass_count::UInt32 end """ High-level wrapper for VkRenderPassCreationFeedbackCreateInfoEXT. Extension: VK\\_EXT\\_subpass\\_merge\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreationFeedbackCreateInfoEXT.html) """ @struct_hash_equal struct RenderPassCreationFeedbackCreateInfoEXT <: HighLevelStruct next::Any render_pass_feedback::RenderPassCreationFeedbackInfoEXT end """ High-level wrapper for VkRenderPassCreationControlEXT. Extension: VK\\_EXT\\_subpass\\_merge\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreationControlEXT.html) """ @struct_hash_equal struct RenderPassCreationControlEXT <: HighLevelStruct next::Any disallow_merging::Bool end """ High-level wrapper for VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT. Extension: VK\\_EXT\\_image\\_compression\\_control\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT <: HighLevelStruct next::Any image_compression_control_swapchain::Bool end """ High-level wrapper for VkPhysicalDeviceImageCompressionControlFeaturesEXT. Extension: VK\\_EXT\\_image\\_compression\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageCompressionControlFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceImageCompressionControlFeaturesEXT <: HighLevelStruct next::Any image_compression_control::Bool end """ High-level wrapper for VkShaderModuleIdentifierEXT. Extension: VK\\_EXT\\_shader\\_module\\_identifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderModuleIdentifierEXT.html) """ @struct_hash_equal struct ShaderModuleIdentifierEXT <: HighLevelStruct next::Any identifier_size::UInt32 identifier::NTuple{Int(VK_MAX_SHADER_MODULE_IDENTIFIER_SIZE_EXT), UInt8} end """ High-level wrapper for VkPipelineShaderStageModuleIdentifierCreateInfoEXT. Extension: VK\\_EXT\\_shader\\_module\\_identifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineShaderStageModuleIdentifierCreateInfoEXT.html) """ @struct_hash_equal struct PipelineShaderStageModuleIdentifierCreateInfoEXT <: HighLevelStruct next::Any identifier_size::UInt32 identifier::Vector{UInt8} end """ High-level wrapper for VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT. Extension: VK\\_EXT\\_shader\\_module\\_identifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceShaderModuleIdentifierPropertiesEXT <: HighLevelStruct next::Any shader_module_identifier_algorithm_uuid::NTuple{Int(VK_UUID_SIZE), UInt8} end """ High-level wrapper for VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT. Extension: VK\\_EXT\\_shader\\_module\\_identifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceShaderModuleIdentifierFeaturesEXT <: HighLevelStruct next::Any shader_module_identifier::Bool end """ High-level wrapper for VkDescriptorSetLayoutHostMappingInfoVALVE. Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutHostMappingInfoVALVE.html) """ @struct_hash_equal struct DescriptorSetLayoutHostMappingInfoVALVE <: HighLevelStruct next::Any descriptor_offset::UInt descriptor_size::UInt32 end """ High-level wrapper for VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE. Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE.html) """ @struct_hash_equal struct PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE <: HighLevelStruct next::Any descriptor_set_host_mapping::Bool end """ High-level wrapper for VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT. Extension: VK\\_EXT\\_graphics\\_pipeline\\_library [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT <: HighLevelStruct next::Any graphics_pipeline_library_fast_linking::Bool graphics_pipeline_library_independent_interpolation_decoration::Bool end """ High-level wrapper for VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT. Extension: VK\\_EXT\\_graphics\\_pipeline\\_library [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT <: HighLevelStruct next::Any graphics_pipeline_library::Bool end """ High-level wrapper for VkPhysicalDeviceLinearColorAttachmentFeaturesNV. Extension: VK\\_NV\\_linear\\_color\\_attachment [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLinearColorAttachmentFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceLinearColorAttachmentFeaturesNV <: HighLevelStruct next::Any linear_color_attachment::Bool end """ High-level wrapper for VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT. Extension: VK\\_EXT\\_rasterization\\_order\\_attachment\\_access [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT <: HighLevelStruct next::Any rasterization_order_color_attachment_access::Bool rasterization_order_depth_attachment_access::Bool rasterization_order_stencil_attachment_access::Bool end """ High-level wrapper for VkImageViewMinLodCreateInfoEXT. Extension: VK\\_EXT\\_image\\_view\\_min\\_lod [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewMinLodCreateInfoEXT.html) """ @struct_hash_equal struct ImageViewMinLodCreateInfoEXT <: HighLevelStruct next::Any min_lod::Float32 end """ High-level wrapper for VkPhysicalDeviceImageViewMinLodFeaturesEXT. Extension: VK\\_EXT\\_image\\_view\\_min\\_lod [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageViewMinLodFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceImageViewMinLodFeaturesEXT <: HighLevelStruct next::Any min_lod::Bool end """ High-level wrapper for VkMultiviewPerViewAttributesInfoNVX. Extension: VK\\_KHR\\_dynamic\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultiviewPerViewAttributesInfoNVX.html) """ @struct_hash_equal struct MultiviewPerViewAttributesInfoNVX <: HighLevelStruct next::Any per_view_attributes::Bool per_view_attributes_position_x_only::Bool end """ High-level wrapper for VkPhysicalDeviceDynamicRenderingFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDynamicRenderingFeatures.html) """ @struct_hash_equal struct PhysicalDeviceDynamicRenderingFeatures <: HighLevelStruct next::Any dynamic_rendering::Bool end """ High-level wrapper for VkDrmFormatModifierProperties2EXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierProperties2EXT.html) """ @struct_hash_equal struct DrmFormatModifierProperties2EXT <: HighLevelStruct drm_format_modifier::UInt64 drm_format_modifier_plane_count::UInt32 drm_format_modifier_tiling_features::UInt64 end """ High-level wrapper for VkDrmFormatModifierPropertiesList2EXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierPropertiesList2EXT.html) """ @struct_hash_equal struct DrmFormatModifierPropertiesList2EXT <: HighLevelStruct next::Any drm_format_modifier_properties::OptionalPtr{Vector{DrmFormatModifierProperties2EXT}} end """ High-level wrapper for VkFormatProperties3. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFormatProperties3.html) """ @struct_hash_equal struct FormatProperties3 <: HighLevelStruct next::Any linear_tiling_features::UInt64 optimal_tiling_features::UInt64 buffer_features::UInt64 end """ High-level wrapper for VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT. Extension: VK\\_EXT\\_rgba10x6\\_formats [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceRGBA10X6FormatsFeaturesEXT <: HighLevelStruct next::Any format_rgba_1_6_without_y_cb_cr_sampler::Bool end """ High-level wrapper for VkSRTDataNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSRTDataNV.html) """ @struct_hash_equal struct SRTDataNV <: HighLevelStruct sx::Float32 a::Float32 b::Float32 pvx::Float32 sy::Float32 c::Float32 pvy::Float32 sz::Float32 pvz::Float32 qx::Float32 qy::Float32 qz::Float32 qw::Float32 tx::Float32 ty::Float32 tz::Float32 end """ High-level wrapper for VkAccelerationStructureMotionInfoNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMotionInfoNV.html) """ @struct_hash_equal struct AccelerationStructureMotionInfoNV <: HighLevelStruct next::Any max_instances::UInt32 flags::UInt32 end """ High-level wrapper for VkAccelerationStructureGeometryMotionTrianglesDataNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryMotionTrianglesDataNV.html) """ @struct_hash_equal struct AccelerationStructureGeometryMotionTrianglesDataNV <: HighLevelStruct next::Any vertex_data::DeviceOrHostAddressConstKHR end """ High-level wrapper for VkPhysicalDeviceRayTracingMotionBlurFeaturesNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingMotionBlurFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceRayTracingMotionBlurFeaturesNV <: HighLevelStruct next::Any ray_tracing_motion_blur::Bool ray_tracing_motion_blur_pipeline_trace_rays_indirect::Bool end """ High-level wrapper for VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR. Extension: VK\\_KHR\\_fragment\\_shader\\_barycentric [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR.html) """ @struct_hash_equal struct PhysicalDeviceFragmentShaderBarycentricPropertiesKHR <: HighLevelStruct next::Any tri_strip_vertex_order_independent_of_provoking_vertex::Bool end """ High-level wrapper for VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR. Extension: VK\\_KHR\\_fragment\\_shader\\_barycentric [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDeviceFragmentShaderBarycentricFeaturesKHR <: HighLevelStruct next::Any fragment_shader_barycentric::Bool end """ High-level wrapper for VkPhysicalDeviceDrmPropertiesEXT. Extension: VK\\_EXT\\_physical\\_device\\_drm [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDrmPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceDrmPropertiesEXT <: HighLevelStruct next::Any has_primary::Bool has_render::Bool primary_major::Int64 primary_minor::Int64 render_major::Int64 render_minor::Int64 end """ High-level wrapper for VkPhysicalDeviceShaderIntegerDotProductProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderIntegerDotProductProperties.html) """ @struct_hash_equal struct PhysicalDeviceShaderIntegerDotProductProperties <: HighLevelStruct next::Any integer_dot_product_8_bit_unsigned_accelerated::Bool integer_dot_product_8_bit_signed_accelerated::Bool integer_dot_product_8_bit_mixed_signedness_accelerated::Bool integer_dot_product_8_bit_packed_unsigned_accelerated::Bool integer_dot_product_8_bit_packed_signed_accelerated::Bool integer_dot_product_8_bit_packed_mixed_signedness_accelerated::Bool integer_dot_product_16_bit_unsigned_accelerated::Bool integer_dot_product_16_bit_signed_accelerated::Bool integer_dot_product_16_bit_mixed_signedness_accelerated::Bool integer_dot_product_32_bit_unsigned_accelerated::Bool integer_dot_product_32_bit_signed_accelerated::Bool integer_dot_product_32_bit_mixed_signedness_accelerated::Bool integer_dot_product_64_bit_unsigned_accelerated::Bool integer_dot_product_64_bit_signed_accelerated::Bool integer_dot_product_64_bit_mixed_signedness_accelerated::Bool integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated::Bool integer_dot_product_accumulating_saturating_8_bit_signed_accelerated::Bool integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated::Bool integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated::Bool integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated::Bool integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated::Bool integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated::Bool integer_dot_product_accumulating_saturating_16_bit_signed_accelerated::Bool integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated::Bool integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated::Bool integer_dot_product_accumulating_saturating_32_bit_signed_accelerated::Bool integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated::Bool integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated::Bool integer_dot_product_accumulating_saturating_64_bit_signed_accelerated::Bool integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated::Bool end """ High-level wrapper for VkPhysicalDeviceShaderIntegerDotProductFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderIntegerDotProductFeatures.html) """ @struct_hash_equal struct PhysicalDeviceShaderIntegerDotProductFeatures <: HighLevelStruct next::Any shader_integer_dot_product::Bool end """ High-level wrapper for VkOpaqueCaptureDescriptorDataCreateInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpaqueCaptureDescriptorDataCreateInfoEXT.html) """ @struct_hash_equal struct OpaqueCaptureDescriptorDataCreateInfoEXT <: HighLevelStruct next::Any opaque_capture_descriptor_data::Ptr{Cvoid} end """ High-level wrapper for VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT <: HighLevelStruct next::Any combined_image_sampler_density_map_descriptor_size::UInt end """ High-level wrapper for VkPhysicalDeviceDescriptorBufferPropertiesEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorBufferPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceDescriptorBufferPropertiesEXT <: HighLevelStruct next::Any combined_image_sampler_descriptor_single_array::Bool bufferless_push_descriptors::Bool allow_sampler_image_view_post_submit_creation::Bool descriptor_buffer_offset_alignment::UInt64 max_descriptor_buffer_bindings::UInt32 max_resource_descriptor_buffer_bindings::UInt32 max_sampler_descriptor_buffer_bindings::UInt32 max_embedded_immutable_sampler_bindings::UInt32 max_embedded_immutable_samplers::UInt32 buffer_capture_replay_descriptor_data_size::UInt image_capture_replay_descriptor_data_size::UInt image_view_capture_replay_descriptor_data_size::UInt sampler_capture_replay_descriptor_data_size::UInt acceleration_structure_capture_replay_descriptor_data_size::UInt sampler_descriptor_size::UInt combined_image_sampler_descriptor_size::UInt sampled_image_descriptor_size::UInt storage_image_descriptor_size::UInt uniform_texel_buffer_descriptor_size::UInt robust_uniform_texel_buffer_descriptor_size::UInt storage_texel_buffer_descriptor_size::UInt robust_storage_texel_buffer_descriptor_size::UInt uniform_buffer_descriptor_size::UInt robust_uniform_buffer_descriptor_size::UInt storage_buffer_descriptor_size::UInt robust_storage_buffer_descriptor_size::UInt input_attachment_descriptor_size::UInt acceleration_structure_descriptor_size::UInt max_sampler_descriptor_buffer_range::UInt64 max_resource_descriptor_buffer_range::UInt64 sampler_descriptor_buffer_address_space_size::UInt64 resource_descriptor_buffer_address_space_size::UInt64 descriptor_buffer_address_space_size::UInt64 end """ High-level wrapper for VkPhysicalDeviceDescriptorBufferFeaturesEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorBufferFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceDescriptorBufferFeaturesEXT <: HighLevelStruct next::Any descriptor_buffer::Bool descriptor_buffer_capture_replay::Bool descriptor_buffer_image_layout_ignored::Bool descriptor_buffer_push_descriptors::Bool end """ High-level wrapper for VkCuModuleCreateInfoNVX. Extension: VK\\_NVX\\_binary\\_import [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCuModuleCreateInfoNVX.html) """ @struct_hash_equal struct CuModuleCreateInfoNVX <: HighLevelStruct next::Any data_size::UInt data::Ptr{Cvoid} end """ High-level wrapper for VkPhysicalDeviceProvokingVertexPropertiesEXT. Extension: VK\\_EXT\\_provoking\\_vertex [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProvokingVertexPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceProvokingVertexPropertiesEXT <: HighLevelStruct next::Any provoking_vertex_mode_per_pipeline::Bool transform_feedback_preserves_triangle_fan_provoking_vertex::Bool end """ High-level wrapper for VkPhysicalDeviceProvokingVertexFeaturesEXT. Extension: VK\\_EXT\\_provoking\\_vertex [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProvokingVertexFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceProvokingVertexFeaturesEXT <: HighLevelStruct next::Any provoking_vertex_last::Bool transform_feedback_preserves_provoking_vertex::Bool end """ High-level wrapper for VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT. Extension: VK\\_EXT\\_ycbcr\\_2plane\\_444\\_formats [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT <: HighLevelStruct next::Any ycbcr_444_formats::Bool end """ High-level wrapper for VkPhysicalDeviceInheritedViewportScissorFeaturesNV. Extension: VK\\_NV\\_inherited\\_viewport\\_scissor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInheritedViewportScissorFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceInheritedViewportScissorFeaturesNV <: HighLevelStruct next::Any inherited_viewport_scissor_2_d::Bool end """ High-level wrapper for VkVideoEndCodingInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoEndCodingInfoKHR.html) """ @struct_hash_equal struct VideoEndCodingInfoKHR <: HighLevelStruct next::Any flags::UInt32 end """ High-level wrapper for VkVideoSessionParametersUpdateInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionParametersUpdateInfoKHR.html) """ @struct_hash_equal struct VideoSessionParametersUpdateInfoKHR <: HighLevelStruct next::Any update_sequence_count::UInt32 end """ High-level wrapper for VkVideoDecodeH265DpbSlotInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h265 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265DpbSlotInfoKHR.html) """ @struct_hash_equal struct VideoDecodeH265DpbSlotInfoKHR <: HighLevelStruct next::Any std_reference_info::StdVideoDecodeH265ReferenceInfo end """ High-level wrapper for VkVideoDecodeH265PictureInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h265 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265PictureInfoKHR.html) """ @struct_hash_equal struct VideoDecodeH265PictureInfoKHR <: HighLevelStruct next::Any std_picture_info::StdVideoDecodeH265PictureInfo slice_segment_offsets::Vector{UInt32} end """ High-level wrapper for VkVideoDecodeH265SessionParametersAddInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h265 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265SessionParametersAddInfoKHR.html) """ @struct_hash_equal struct VideoDecodeH265SessionParametersAddInfoKHR <: HighLevelStruct next::Any std_vp_ss::Vector{StdVideoH265VideoParameterSet} std_sp_ss::Vector{StdVideoH265SequenceParameterSet} std_pp_ss::Vector{StdVideoH265PictureParameterSet} end """ High-level wrapper for VkVideoDecodeH265SessionParametersCreateInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h265 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265SessionParametersCreateInfoKHR.html) """ @struct_hash_equal struct VideoDecodeH265SessionParametersCreateInfoKHR <: HighLevelStruct next::Any max_std_vps_count::UInt32 max_std_sps_count::UInt32 max_std_pps_count::UInt32 parameters_add_info::OptionalPtr{VideoDecodeH265SessionParametersAddInfoKHR} end """ High-level wrapper for VkVideoDecodeH265CapabilitiesKHR. Extension: VK\\_KHR\\_video\\_decode\\_h265 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265CapabilitiesKHR.html) """ @struct_hash_equal struct VideoDecodeH265CapabilitiesKHR <: HighLevelStruct next::Any max_level_idc::StdVideoH265LevelIdc end """ High-level wrapper for VkVideoDecodeH265ProfileInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h265 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265ProfileInfoKHR.html) """ @struct_hash_equal struct VideoDecodeH265ProfileInfoKHR <: HighLevelStruct next::Any std_profile_idc::StdVideoH265ProfileIdc end """ High-level wrapper for VkVideoDecodeH264DpbSlotInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h264 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264DpbSlotInfoKHR.html) """ @struct_hash_equal struct VideoDecodeH264DpbSlotInfoKHR <: HighLevelStruct next::Any std_reference_info::StdVideoDecodeH264ReferenceInfo end """ High-level wrapper for VkVideoDecodeH264PictureInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h264 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264PictureInfoKHR.html) """ @struct_hash_equal struct VideoDecodeH264PictureInfoKHR <: HighLevelStruct next::Any std_picture_info::StdVideoDecodeH264PictureInfo slice_offsets::Vector{UInt32} end """ High-level wrapper for VkVideoDecodeH264SessionParametersAddInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h264 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264SessionParametersAddInfoKHR.html) """ @struct_hash_equal struct VideoDecodeH264SessionParametersAddInfoKHR <: HighLevelStruct next::Any std_sp_ss::Vector{StdVideoH264SequenceParameterSet} std_pp_ss::Vector{StdVideoH264PictureParameterSet} end """ High-level wrapper for VkVideoDecodeH264SessionParametersCreateInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h264 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264SessionParametersCreateInfoKHR.html) """ @struct_hash_equal struct VideoDecodeH264SessionParametersCreateInfoKHR <: HighLevelStruct next::Any max_std_sps_count::UInt32 max_std_pps_count::UInt32 parameters_add_info::OptionalPtr{VideoDecodeH264SessionParametersAddInfoKHR} end """ High-level wrapper for VkQueueFamilyQueryResultStatusPropertiesKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyQueryResultStatusPropertiesKHR.html) """ @struct_hash_equal struct QueueFamilyQueryResultStatusPropertiesKHR <: HighLevelStruct next::Any query_result_status_support::Bool end """ High-level wrapper for VkPhysicalDevicePipelineProtectedAccessFeaturesEXT. Extension: VK\\_EXT\\_pipeline\\_protected\\_access [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineProtectedAccessFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDevicePipelineProtectedAccessFeaturesEXT <: HighLevelStruct next::Any pipeline_protected_access::Bool end """ High-level wrapper for VkSubpassResolvePerformanceQueryEXT. Extension: VK\\_EXT\\_multisampled\\_render\\_to\\_single\\_sampled [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassResolvePerformanceQueryEXT.html) """ @struct_hash_equal struct SubpassResolvePerformanceQueryEXT <: HighLevelStruct next::Any optimal::Bool end """ High-level wrapper for VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT. Extension: VK\\_EXT\\_multisampled\\_render\\_to\\_single\\_sampled [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT <: HighLevelStruct next::Any multisampled_render_to_single_sampled::Bool end """ High-level wrapper for VkPhysicalDeviceLegacyDitheringFeaturesEXT. Extension: VK\\_EXT\\_legacy\\_dithering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLegacyDitheringFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceLegacyDitheringFeaturesEXT <: HighLevelStruct next::Any legacy_dithering::Bool end """ High-level wrapper for VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT. Extension: VK\\_EXT\\_primitives\\_generated\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT <: HighLevelStruct next::Any primitives_generated_query::Bool primitives_generated_query_with_rasterizer_discard::Bool primitives_generated_query_with_non_zero_streams::Bool end """ High-level wrapper for VkPhysicalDeviceSynchronization2Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSynchronization2Features.html) """ @struct_hash_equal struct PhysicalDeviceSynchronization2Features <: HighLevelStruct next::Any synchronization2::Bool end """ High-level wrapper for VkCheckpointData2NV. Extension: VK\\_KHR\\_synchronization2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCheckpointData2NV.html) """ @struct_hash_equal struct CheckpointData2NV <: HighLevelStruct next::Any stage::UInt64 checkpoint_marker::Ptr{Cvoid} end """ High-level wrapper for VkQueueFamilyCheckpointProperties2NV. Extension: VK\\_KHR\\_synchronization2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyCheckpointProperties2NV.html) """ @struct_hash_equal struct QueueFamilyCheckpointProperties2NV <: HighLevelStruct next::Any checkpoint_execution_stage_mask::UInt64 end """ High-level wrapper for VkMemoryBarrier2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryBarrier2.html) """ @struct_hash_equal struct MemoryBarrier2 <: HighLevelStruct next::Any src_stage_mask::UInt64 src_access_mask::UInt64 dst_stage_mask::UInt64 dst_access_mask::UInt64 end """ High-level wrapper for VkPipelineColorWriteCreateInfoEXT. Extension: VK\\_EXT\\_color\\_write\\_enable [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorWriteCreateInfoEXT.html) """ @struct_hash_equal struct PipelineColorWriteCreateInfoEXT <: HighLevelStruct next::Any color_write_enables::Vector{Bool} end """ High-level wrapper for VkPhysicalDeviceColorWriteEnableFeaturesEXT. Extension: VK\\_EXT\\_color\\_write\\_enable [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceColorWriteEnableFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceColorWriteEnableFeaturesEXT <: HighLevelStruct next::Any color_write_enable::Bool end """ High-level wrapper for VkPhysicalDeviceExternalMemoryRDMAFeaturesNV. Extension: VK\\_NV\\_external\\_memory\\_rdma [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalMemoryRDMAFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceExternalMemoryRDMAFeaturesNV <: HighLevelStruct next::Any external_memory_rdma::Bool end """ High-level wrapper for VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT. Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceVertexInputDynamicStateFeaturesEXT <: HighLevelStruct next::Any vertex_input_dynamic_state::Bool end """ High-level wrapper for VkPipelineViewportDepthClipControlCreateInfoEXT. Extension: VK\\_EXT\\_depth\\_clip\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportDepthClipControlCreateInfoEXT.html) """ @struct_hash_equal struct PipelineViewportDepthClipControlCreateInfoEXT <: HighLevelStruct next::Any negative_one_to_one::Bool end """ High-level wrapper for VkPhysicalDeviceDepthClipControlFeaturesEXT. Extension: VK\\_EXT\\_depth\\_clip\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthClipControlFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceDepthClipControlFeaturesEXT <: HighLevelStruct next::Any depth_clip_control::Bool end """ High-level wrapper for VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT. Extension: VK\\_EXT\\_mutable\\_descriptor\\_type [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceMutableDescriptorTypeFeaturesEXT <: HighLevelStruct next::Any mutable_descriptor_type::Bool end """ High-level wrapper for VkPhysicalDeviceImage2DViewOf3DFeaturesEXT. Extension: VK\\_EXT\\_image\\_2d\\_view\\_of\\_3d [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImage2DViewOf3DFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceImage2DViewOf3DFeaturesEXT <: HighLevelStruct next::Any image_2_d_view_of_3_d::Bool sampler_2_d_view_of_3_d::Bool end """ High-level wrapper for VkAccelerationStructureBuildSizesInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureBuildSizesInfoKHR.html) """ @struct_hash_equal struct AccelerationStructureBuildSizesInfoKHR <: HighLevelStruct next::Any acceleration_structure_size::UInt64 update_scratch_size::UInt64 build_scratch_size::UInt64 end """ High-level wrapper for VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV. Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceFragmentShadingRateEnumsFeaturesNV <: HighLevelStruct next::Any fragment_shading_rate_enums::Bool supersample_fragment_shading_rates::Bool no_invocation_fragment_shading_rates::Bool end """ High-level wrapper for VkPhysicalDeviceShaderTerminateInvocationFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderTerminateInvocationFeatures.html) """ @struct_hash_equal struct PhysicalDeviceShaderTerminateInvocationFeatures <: HighLevelStruct next::Any shader_terminate_invocation::Bool end """ High-level wrapper for VkPhysicalDeviceFragmentShadingRateFeaturesKHR. Extension: VK\\_KHR\\_fragment\\_shading\\_rate [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDeviceFragmentShadingRateFeaturesKHR <: HighLevelStruct next::Any pipeline_fragment_shading_rate::Bool primitive_fragment_shading_rate::Bool attachment_fragment_shading_rate::Bool end """ High-level wrapper for VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT. Extension: VK\\_EXT\\_shader\\_image\\_atomic\\_int64 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceShaderImageAtomicInt64FeaturesEXT <: HighLevelStruct next::Any shader_image_int_64_atomics::Bool sparse_image_int_64_atomics::Bool end """ High-level wrapper for VkBufferCopy2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCopy2.html) """ @struct_hash_equal struct BufferCopy2 <: HighLevelStruct next::Any src_offset::UInt64 dst_offset::UInt64 size::UInt64 end """ High-level wrapper for VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI. Extension: VK\\_HUAWEI\\_cluster\\_culling\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI.html) """ @struct_hash_equal struct PhysicalDeviceClusterCullingShaderFeaturesHUAWEI <: HighLevelStruct next::Any clusterculling_shader::Bool multiview_cluster_culling_shader::Bool end """ High-level wrapper for VkPhysicalDeviceSubpassShadingFeaturesHUAWEI. Extension: VK\\_HUAWEI\\_subpass\\_shading [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubpassShadingFeaturesHUAWEI.html) """ @struct_hash_equal struct PhysicalDeviceSubpassShadingFeaturesHUAWEI <: HighLevelStruct next::Any subpass_shading::Bool end """ High-level wrapper for VkPhysicalDevice4444FormatsFeaturesEXT. Extension: VK\\_EXT\\_4444\\_formats [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevice4444FormatsFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDevice4444FormatsFeaturesEXT <: HighLevelStruct next::Any format_a4r4g4b4::Bool format_a4b4g4r4::Bool end """ High-level wrapper for VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR. Extension: VK\\_KHR\\_workgroup\\_memory\\_explicit\\_layout [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR <: HighLevelStruct next::Any workgroup_memory_explicit_layout::Bool workgroup_memory_explicit_layout_scalar_block_layout::Bool workgroup_memory_explicit_layout_8_bit_access::Bool workgroup_memory_explicit_layout_16_bit_access::Bool end """ High-level wrapper for VkPhysicalDeviceImageRobustnessFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageRobustnessFeatures.html) """ @struct_hash_equal struct PhysicalDeviceImageRobustnessFeatures <: HighLevelStruct next::Any robust_image_access::Bool end """ High-level wrapper for VkPhysicalDeviceRobustness2PropertiesEXT. Extension: VK\\_EXT\\_robustness2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRobustness2PropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceRobustness2PropertiesEXT <: HighLevelStruct next::Any robust_storage_buffer_access_size_alignment::UInt64 robust_uniform_buffer_access_size_alignment::UInt64 end """ High-level wrapper for VkPhysicalDeviceRobustness2FeaturesEXT. Extension: VK\\_EXT\\_robustness2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRobustness2FeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceRobustness2FeaturesEXT <: HighLevelStruct next::Any robust_buffer_access_2::Bool robust_image_access_2::Bool null_descriptor::Bool end """ High-level wrapper for VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR. Extension: VK\\_KHR\\_shader\\_subgroup\\_uniform\\_control\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR <: HighLevelStruct next::Any shader_subgroup_uniform_control_flow::Bool end """ High-level wrapper for VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures.html) """ @struct_hash_equal struct PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures <: HighLevelStruct next::Any shader_zero_initialize_workgroup_memory::Bool end """ High-level wrapper for VkPhysicalDeviceDiagnosticsConfigFeaturesNV. Extension: VK\\_NV\\_device\\_diagnostics\\_config [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDiagnosticsConfigFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceDiagnosticsConfigFeaturesNV <: HighLevelStruct next::Any diagnostics_config::Bool end """ High-level wrapper for VkPhysicalDeviceExtendedDynamicState3PropertiesEXT. Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicState3PropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceExtendedDynamicState3PropertiesEXT <: HighLevelStruct next::Any dynamic_primitive_topology_unrestricted::Bool end """ High-level wrapper for VkPhysicalDeviceExtendedDynamicState3FeaturesEXT. Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicState3FeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceExtendedDynamicState3FeaturesEXT <: HighLevelStruct next::Any extended_dynamic_state_3_tessellation_domain_origin::Bool extended_dynamic_state_3_depth_clamp_enable::Bool extended_dynamic_state_3_polygon_mode::Bool extended_dynamic_state_3_rasterization_samples::Bool extended_dynamic_state_3_sample_mask::Bool extended_dynamic_state_3_alpha_to_coverage_enable::Bool extended_dynamic_state_3_alpha_to_one_enable::Bool extended_dynamic_state_3_logic_op_enable::Bool extended_dynamic_state_3_color_blend_enable::Bool extended_dynamic_state_3_color_blend_equation::Bool extended_dynamic_state_3_color_write_mask::Bool extended_dynamic_state_3_rasterization_stream::Bool extended_dynamic_state_3_conservative_rasterization_mode::Bool extended_dynamic_state_3_extra_primitive_overestimation_size::Bool extended_dynamic_state_3_depth_clip_enable::Bool extended_dynamic_state_3_sample_locations_enable::Bool extended_dynamic_state_3_color_blend_advanced::Bool extended_dynamic_state_3_provoking_vertex_mode::Bool extended_dynamic_state_3_line_rasterization_mode::Bool extended_dynamic_state_3_line_stipple_enable::Bool extended_dynamic_state_3_depth_clip_negative_one_to_one::Bool extended_dynamic_state_3_viewport_w_scaling_enable::Bool extended_dynamic_state_3_viewport_swizzle::Bool extended_dynamic_state_3_coverage_to_color_enable::Bool extended_dynamic_state_3_coverage_to_color_location::Bool extended_dynamic_state_3_coverage_modulation_mode::Bool extended_dynamic_state_3_coverage_modulation_table_enable::Bool extended_dynamic_state_3_coverage_modulation_table::Bool extended_dynamic_state_3_coverage_reduction_mode::Bool extended_dynamic_state_3_representative_fragment_test_enable::Bool extended_dynamic_state_3_shading_rate_image_enable::Bool end """ High-level wrapper for VkPhysicalDeviceExtendedDynamicState2FeaturesEXT. Extension: VK\\_EXT\\_extended\\_dynamic\\_state2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicState2FeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceExtendedDynamicState2FeaturesEXT <: HighLevelStruct next::Any extended_dynamic_state_2::Bool extended_dynamic_state_2_logic_op::Bool extended_dynamic_state_2_patch_control_points::Bool end """ High-level wrapper for VkPhysicalDeviceExtendedDynamicStateFeaturesEXT. Extension: VK\\_EXT\\_extended\\_dynamic\\_state [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicStateFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceExtendedDynamicStateFeaturesEXT <: HighLevelStruct next::Any extended_dynamic_state::Bool end """ High-level wrapper for VkRayTracingPipelineInterfaceCreateInfoKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingPipelineInterfaceCreateInfoKHR.html) """ @struct_hash_equal struct RayTracingPipelineInterfaceCreateInfoKHR <: HighLevelStruct next::Any max_pipeline_ray_payload_size::UInt32 max_pipeline_ray_hit_attribute_size::UInt32 end """ High-level wrapper for VkAccelerationStructureVersionInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureVersionInfoKHR.html) """ @struct_hash_equal struct AccelerationStructureVersionInfoKHR <: HighLevelStruct next::Any version_data::Vector{UInt8} end """ High-level wrapper for VkTransformMatrixKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTransformMatrixKHR.html) """ @struct_hash_equal struct TransformMatrixKHR <: HighLevelStruct matrix::NTuple{3, NTuple{4, Float32}} end """ High-level wrapper for VkAabbPositionsKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAabbPositionsKHR.html) """ @struct_hash_equal struct AabbPositionsKHR <: HighLevelStruct min_x::Float32 min_y::Float32 min_z::Float32 max_x::Float32 max_y::Float32 max_z::Float32 end """ High-level wrapper for VkAccelerationStructureBuildRangeInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureBuildRangeInfoKHR.html) """ @struct_hash_equal struct AccelerationStructureBuildRangeInfoKHR <: HighLevelStruct primitive_count::UInt32 primitive_offset::UInt32 first_vertex::UInt32 transform_offset::UInt32 end """ High-level wrapper for VkAccelerationStructureGeometryInstancesDataKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryInstancesDataKHR.html) """ @struct_hash_equal struct AccelerationStructureGeometryInstancesDataKHR <: HighLevelStruct next::Any array_of_pointers::Bool data::DeviceOrHostAddressConstKHR end """ High-level wrapper for VkAccelerationStructureGeometryAabbsDataKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryAabbsDataKHR.html) """ @struct_hash_equal struct AccelerationStructureGeometryAabbsDataKHR <: HighLevelStruct next::Any data::DeviceOrHostAddressConstKHR stride::UInt64 end """ High-level wrapper for VkPhysicalDeviceBorderColorSwizzleFeaturesEXT. Extension: VK\\_EXT\\_border\\_color\\_swizzle [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBorderColorSwizzleFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceBorderColorSwizzleFeaturesEXT <: HighLevelStruct next::Any border_color_swizzle::Bool border_color_swizzle_from_image::Bool end """ High-level wrapper for VkPhysicalDeviceCustomBorderColorFeaturesEXT. Extension: VK\\_EXT\\_custom\\_border\\_color [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCustomBorderColorFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceCustomBorderColorFeaturesEXT <: HighLevelStruct next::Any custom_border_colors::Bool custom_border_color_without_format::Bool end """ High-level wrapper for VkPhysicalDeviceCustomBorderColorPropertiesEXT. Extension: VK\\_EXT\\_custom\\_border\\_color [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCustomBorderColorPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceCustomBorderColorPropertiesEXT <: HighLevelStruct next::Any max_custom_border_color_samplers::UInt32 end """ High-level wrapper for VkPhysicalDeviceCoherentMemoryFeaturesAMD. Extension: VK\\_AMD\\_device\\_coherent\\_memory [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCoherentMemoryFeaturesAMD.html) """ @struct_hash_equal struct PhysicalDeviceCoherentMemoryFeaturesAMD <: HighLevelStruct next::Any device_coherent_memory::Bool end """ High-level wrapper for VkPhysicalDeviceVulkan13Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan13Features.html) """ @struct_hash_equal struct PhysicalDeviceVulkan13Features <: HighLevelStruct next::Any robust_image_access::Bool inline_uniform_block::Bool descriptor_binding_inline_uniform_block_update_after_bind::Bool pipeline_creation_cache_control::Bool private_data::Bool shader_demote_to_helper_invocation::Bool shader_terminate_invocation::Bool subgroup_size_control::Bool compute_full_subgroups::Bool synchronization2::Bool texture_compression_astc_hdr::Bool shader_zero_initialize_workgroup_memory::Bool dynamic_rendering::Bool shader_integer_dot_product::Bool maintenance4::Bool end """ High-level wrapper for VkPhysicalDeviceVulkan12Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan12Features.html) """ @struct_hash_equal struct PhysicalDeviceVulkan12Features <: HighLevelStruct next::Any sampler_mirror_clamp_to_edge::Bool draw_indirect_count::Bool storage_buffer_8_bit_access::Bool uniform_and_storage_buffer_8_bit_access::Bool storage_push_constant_8::Bool shader_buffer_int_64_atomics::Bool shader_shared_int_64_atomics::Bool shader_float_16::Bool shader_int_8::Bool descriptor_indexing::Bool shader_input_attachment_array_dynamic_indexing::Bool shader_uniform_texel_buffer_array_dynamic_indexing::Bool shader_storage_texel_buffer_array_dynamic_indexing::Bool shader_uniform_buffer_array_non_uniform_indexing::Bool shader_sampled_image_array_non_uniform_indexing::Bool shader_storage_buffer_array_non_uniform_indexing::Bool shader_storage_image_array_non_uniform_indexing::Bool shader_input_attachment_array_non_uniform_indexing::Bool shader_uniform_texel_buffer_array_non_uniform_indexing::Bool shader_storage_texel_buffer_array_non_uniform_indexing::Bool descriptor_binding_uniform_buffer_update_after_bind::Bool descriptor_binding_sampled_image_update_after_bind::Bool descriptor_binding_storage_image_update_after_bind::Bool descriptor_binding_storage_buffer_update_after_bind::Bool descriptor_binding_uniform_texel_buffer_update_after_bind::Bool descriptor_binding_storage_texel_buffer_update_after_bind::Bool descriptor_binding_update_unused_while_pending::Bool descriptor_binding_partially_bound::Bool descriptor_binding_variable_descriptor_count::Bool runtime_descriptor_array::Bool sampler_filter_minmax::Bool scalar_block_layout::Bool imageless_framebuffer::Bool uniform_buffer_standard_layout::Bool shader_subgroup_extended_types::Bool separate_depth_stencil_layouts::Bool host_query_reset::Bool timeline_semaphore::Bool buffer_device_address::Bool buffer_device_address_capture_replay::Bool buffer_device_address_multi_device::Bool vulkan_memory_model::Bool vulkan_memory_model_device_scope::Bool vulkan_memory_model_availability_visibility_chains::Bool shader_output_viewport_index::Bool shader_output_layer::Bool subgroup_broadcast_dynamic_id::Bool end """ High-level wrapper for VkPhysicalDeviceVulkan11Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan11Features.html) """ @struct_hash_equal struct PhysicalDeviceVulkan11Features <: HighLevelStruct next::Any storage_buffer_16_bit_access::Bool uniform_and_storage_buffer_16_bit_access::Bool storage_push_constant_16::Bool storage_input_output_16::Bool multiview::Bool multiview_geometry_shader::Bool multiview_tessellation_shader::Bool variable_pointers_storage_buffer::Bool variable_pointers::Bool protected_memory::Bool sampler_ycbcr_conversion::Bool shader_draw_parameters::Bool end """ High-level wrapper for VkPhysicalDevicePipelineCreationCacheControlFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineCreationCacheControlFeatures.html) """ @struct_hash_equal struct PhysicalDevicePipelineCreationCacheControlFeatures <: HighLevelStruct next::Any pipeline_creation_cache_control::Bool end """ High-level wrapper for VkPhysicalDeviceLineRasterizationPropertiesEXT. Extension: VK\\_EXT\\_line\\_rasterization [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLineRasterizationPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceLineRasterizationPropertiesEXT <: HighLevelStruct next::Any line_sub_pixel_precision_bits::UInt32 end """ High-level wrapper for VkPhysicalDeviceLineRasterizationFeaturesEXT. Extension: VK\\_EXT\\_line\\_rasterization [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLineRasterizationFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceLineRasterizationFeaturesEXT <: HighLevelStruct next::Any rectangular_lines::Bool bresenham_lines::Bool smooth_lines::Bool stippled_rectangular_lines::Bool stippled_bresenham_lines::Bool stippled_smooth_lines::Bool end """ High-level wrapper for VkMemoryOpaqueCaptureAddressAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryOpaqueCaptureAddressAllocateInfo.html) """ @struct_hash_equal struct MemoryOpaqueCaptureAddressAllocateInfo <: HighLevelStruct next::Any opaque_capture_address::UInt64 end """ High-level wrapper for VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI. Extension: VK\\_HUAWEI\\_cluster\\_culling\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI.html) """ @struct_hash_equal struct PhysicalDeviceClusterCullingShaderPropertiesHUAWEI <: HighLevelStruct next::Any max_work_group_count::NTuple{3, UInt32} max_work_group_size::NTuple{3, UInt32} max_output_cluster_count::UInt32 end """ High-level wrapper for VkPhysicalDeviceSubpassShadingPropertiesHUAWEI. Extension: VK\\_HUAWEI\\_subpass\\_shading [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubpassShadingPropertiesHUAWEI.html) """ @struct_hash_equal struct PhysicalDeviceSubpassShadingPropertiesHUAWEI <: HighLevelStruct next::Any max_subpass_shading_workgroup_size_aspect_ratio::UInt32 end """ High-level wrapper for VkPipelineShaderStageRequiredSubgroupSizeCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineShaderStageRequiredSubgroupSizeCreateInfo.html) """ @struct_hash_equal struct PipelineShaderStageRequiredSubgroupSizeCreateInfo <: HighLevelStruct next::Any required_subgroup_size::UInt32 end """ High-level wrapper for VkPhysicalDeviceSubgroupSizeControlFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubgroupSizeControlFeatures.html) """ @struct_hash_equal struct PhysicalDeviceSubgroupSizeControlFeatures <: HighLevelStruct next::Any subgroup_size_control::Bool compute_full_subgroups::Bool end """ High-level wrapper for VkPhysicalDeviceTexelBufferAlignmentProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTexelBufferAlignmentProperties.html) """ @struct_hash_equal struct PhysicalDeviceTexelBufferAlignmentProperties <: HighLevelStruct next::Any storage_texel_buffer_offset_alignment_bytes::UInt64 storage_texel_buffer_offset_single_texel_alignment::Bool uniform_texel_buffer_offset_alignment_bytes::UInt64 uniform_texel_buffer_offset_single_texel_alignment::Bool end """ High-level wrapper for VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT. Extension: VK\\_EXT\\_texel\\_buffer\\_alignment [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceTexelBufferAlignmentFeaturesEXT <: HighLevelStruct next::Any texel_buffer_alignment::Bool end """ High-level wrapper for VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures.html) """ @struct_hash_equal struct PhysicalDeviceShaderDemoteToHelperInvocationFeatures <: HighLevelStruct next::Any shader_demote_to_helper_invocation::Bool end """ High-level wrapper for VkPipelineExecutableInternalRepresentationKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableInternalRepresentationKHR.html) """ @struct_hash_equal struct PipelineExecutableInternalRepresentationKHR <: HighLevelStruct next::Any name::String description::String is_text::Bool data_size::UInt data::OptionalPtr{Ptr{Cvoid}} end """ High-level wrapper for VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDevicePipelineExecutablePropertiesFeaturesKHR <: HighLevelStruct next::Any pipeline_executable_info::Bool end """ High-level wrapper for VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT. Extension: VK\\_EXT\\_primitive\\_topology\\_list\\_restart [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT <: HighLevelStruct next::Any primitive_topology_list_restart::Bool primitive_topology_patch_list_restart::Bool end """ High-level wrapper for VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures.html) """ @struct_hash_equal struct PhysicalDeviceSeparateDepthStencilLayoutsFeatures <: HighLevelStruct next::Any separate_depth_stencil_layouts::Bool end """ High-level wrapper for VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT. Extension: VK\\_EXT\\_fragment\\_shader\\_interlock [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceFragmentShaderInterlockFeaturesEXT <: HighLevelStruct next::Any fragment_shader_sample_interlock::Bool fragment_shader_pixel_interlock::Bool fragment_shader_shading_rate_interlock::Bool end """ High-level wrapper for VkPhysicalDeviceShaderSMBuiltinsFeaturesNV. Extension: VK\\_NV\\_shader\\_sm\\_builtins [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSMBuiltinsFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceShaderSMBuiltinsFeaturesNV <: HighLevelStruct next::Any shader_sm_builtins::Bool end """ High-level wrapper for VkPhysicalDeviceShaderSMBuiltinsPropertiesNV. Extension: VK\\_NV\\_shader\\_sm\\_builtins [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSMBuiltinsPropertiesNV.html) """ @struct_hash_equal struct PhysicalDeviceShaderSMBuiltinsPropertiesNV <: HighLevelStruct next::Any shader_sm_count::UInt32 shader_warps_per_sm::UInt32 end """ High-level wrapper for VkPhysicalDeviceIndexTypeUint8FeaturesEXT. Extension: VK\\_EXT\\_index\\_type\\_uint8 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceIndexTypeUint8FeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceIndexTypeUint8FeaturesEXT <: HighLevelStruct next::Any index_type_uint_8::Bool end """ High-level wrapper for VkPhysicalDeviceShaderClockFeaturesKHR. Extension: VK\\_KHR\\_shader\\_clock [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderClockFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDeviceShaderClockFeaturesKHR <: HighLevelStruct next::Any shader_subgroup_clock::Bool shader_device_clock::Bool end """ High-level wrapper for VkPerformanceStreamMarkerInfoINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceStreamMarkerInfoINTEL.html) """ @struct_hash_equal struct PerformanceStreamMarkerInfoINTEL <: HighLevelStruct next::Any marker::UInt32 end """ High-level wrapper for VkPerformanceMarkerInfoINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceMarkerInfoINTEL.html) """ @struct_hash_equal struct PerformanceMarkerInfoINTEL <: HighLevelStruct next::Any marker::UInt64 end """ High-level wrapper for VkInitializePerformanceApiInfoINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkInitializePerformanceApiInfoINTEL.html) """ @struct_hash_equal struct InitializePerformanceApiInfoINTEL <: HighLevelStruct next::Any user_data::OptionalPtr{Ptr{Cvoid}} end """ High-level wrapper for VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL. Extension: VK\\_INTEL\\_shader\\_integer\\_functions2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL.html) """ @struct_hash_equal struct PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL <: HighLevelStruct next::Any shader_integer_functions_2::Bool end """ High-level wrapper for VkPhysicalDeviceCoverageReductionModeFeaturesNV. Extension: VK\\_NV\\_coverage\\_reduction\\_mode [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCoverageReductionModeFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceCoverageReductionModeFeaturesNV <: HighLevelStruct next::Any coverage_reduction_mode::Bool end """ High-level wrapper for VkHeadlessSurfaceCreateInfoEXT. Extension: VK\\_EXT\\_headless\\_surface [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkHeadlessSurfaceCreateInfoEXT.html) """ @struct_hash_equal struct HeadlessSurfaceCreateInfoEXT <: HighLevelStruct next::Any flags::UInt32 end """ High-level wrapper for VkPerformanceQuerySubmitInfoKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceQuerySubmitInfoKHR.html) """ @struct_hash_equal struct PerformanceQuerySubmitInfoKHR <: HighLevelStruct next::Any counter_pass_index::UInt32 end """ High-level wrapper for VkQueryPoolPerformanceCreateInfoKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueryPoolPerformanceCreateInfoKHR.html) """ @struct_hash_equal struct QueryPoolPerformanceCreateInfoKHR <: HighLevelStruct next::Any queue_family_index::UInt32 counter_indices::Vector{UInt32} end """ High-level wrapper for VkPhysicalDevicePerformanceQueryPropertiesKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePerformanceQueryPropertiesKHR.html) """ @struct_hash_equal struct PhysicalDevicePerformanceQueryPropertiesKHR <: HighLevelStruct next::Any allow_command_buffer_query_copies::Bool end """ High-level wrapper for VkPhysicalDevicePerformanceQueryFeaturesKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePerformanceQueryFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDevicePerformanceQueryFeaturesKHR <: HighLevelStruct next::Any performance_counter_query_pools::Bool performance_counter_multiple_query_pools::Bool end """ High-level wrapper for VkSwapchainPresentBarrierCreateInfoNV. Extension: VK\\_NV\\_present\\_barrier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentBarrierCreateInfoNV.html) """ @struct_hash_equal struct SwapchainPresentBarrierCreateInfoNV <: HighLevelStruct next::Any present_barrier_enable::Bool end """ High-level wrapper for VkSurfaceCapabilitiesPresentBarrierNV. Extension: VK\\_NV\\_present\\_barrier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilitiesPresentBarrierNV.html) """ @struct_hash_equal struct SurfaceCapabilitiesPresentBarrierNV <: HighLevelStruct next::Any present_barrier_supported::Bool end """ High-level wrapper for VkPhysicalDevicePresentBarrierFeaturesNV. Extension: VK\\_NV\\_present\\_barrier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePresentBarrierFeaturesNV.html) """ @struct_hash_equal struct PhysicalDevicePresentBarrierFeaturesNV <: HighLevelStruct next::Any present_barrier::Bool end """ High-level wrapper for VkImageViewAddressPropertiesNVX. Extension: VK\\_NVX\\_image\\_view\\_handle [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewAddressPropertiesNVX.html) """ @struct_hash_equal struct ImageViewAddressPropertiesNVX <: HighLevelStruct next::Any device_address::UInt64 size::UInt64 end """ High-level wrapper for VkPhysicalDeviceYcbcrImageArraysFeaturesEXT. Extension: VK\\_EXT\\_ycbcr\\_image\\_arrays [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceYcbcrImageArraysFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceYcbcrImageArraysFeaturesEXT <: HighLevelStruct next::Any ycbcr_image_arrays::Bool end """ High-level wrapper for VkPhysicalDeviceCooperativeMatrixFeaturesNV. Extension: VK\\_NV\\_cooperative\\_matrix [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCooperativeMatrixFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceCooperativeMatrixFeaturesNV <: HighLevelStruct next::Any cooperative_matrix::Bool cooperative_matrix_robust_buffer_access::Bool end """ High-level wrapper for VkPhysicalDeviceTextureCompressionASTCHDRFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTextureCompressionASTCHDRFeatures.html) """ @struct_hash_equal struct PhysicalDeviceTextureCompressionASTCHDRFeatures <: HighLevelStruct next::Any texture_compression_astc_hdr::Bool end """ High-level wrapper for VkPhysicalDeviceImagelessFramebufferFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImagelessFramebufferFeatures.html) """ @struct_hash_equal struct PhysicalDeviceImagelessFramebufferFeatures <: HighLevelStruct next::Any imageless_framebuffer::Bool end """ High-level wrapper for VkFilterCubicImageViewImageFormatPropertiesEXT. Extension: VK\\_EXT\\_filter\\_cubic [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFilterCubicImageViewImageFormatPropertiesEXT.html) """ @struct_hash_equal struct FilterCubicImageViewImageFormatPropertiesEXT <: HighLevelStruct next::Any filter_cubic::Bool filter_cubic_minmax::Bool end """ High-level wrapper for VkBufferDeviceAddressCreateInfoEXT. Extension: VK\\_EXT\\_buffer\\_device\\_address [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferDeviceAddressCreateInfoEXT.html) """ @struct_hash_equal struct BufferDeviceAddressCreateInfoEXT <: HighLevelStruct next::Any device_address::UInt64 end """ High-level wrapper for VkBufferOpaqueCaptureAddressCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferOpaqueCaptureAddressCreateInfo.html) """ @struct_hash_equal struct BufferOpaqueCaptureAddressCreateInfo <: HighLevelStruct next::Any opaque_capture_address::UInt64 end """ High-level wrapper for VkPhysicalDeviceBufferDeviceAddressFeaturesEXT. Extension: VK\\_EXT\\_buffer\\_device\\_address [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBufferDeviceAddressFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceBufferDeviceAddressFeaturesEXT <: HighLevelStruct next::Any buffer_device_address::Bool buffer_device_address_capture_replay::Bool buffer_device_address_multi_device::Bool end """ High-level wrapper for VkPhysicalDeviceBufferDeviceAddressFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBufferDeviceAddressFeatures.html) """ @struct_hash_equal struct PhysicalDeviceBufferDeviceAddressFeatures <: HighLevelStruct next::Any buffer_device_address::Bool buffer_device_address_capture_replay::Bool buffer_device_address_multi_device::Bool end """ High-level wrapper for VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT. Extension: VK\\_EXT\\_pageable\\_device\\_local\\_memory [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT <: HighLevelStruct next::Any pageable_device_local_memory::Bool end """ High-level wrapper for VkMemoryPriorityAllocateInfoEXT. Extension: VK\\_EXT\\_memory\\_priority [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryPriorityAllocateInfoEXT.html) """ @struct_hash_equal struct MemoryPriorityAllocateInfoEXT <: HighLevelStruct next::Any priority::Float32 end """ High-level wrapper for VkPhysicalDeviceMemoryPriorityFeaturesEXT. Extension: VK\\_EXT\\_memory\\_priority [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryPriorityFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceMemoryPriorityFeaturesEXT <: HighLevelStruct next::Any memory_priority::Bool end """ High-level wrapper for VkPhysicalDeviceMemoryBudgetPropertiesEXT. Extension: VK\\_EXT\\_memory\\_budget [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryBudgetPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceMemoryBudgetPropertiesEXT <: HighLevelStruct next::Any heap_budget::NTuple{Int(VK_MAX_MEMORY_HEAPS), UInt64} heap_usage::NTuple{Int(VK_MAX_MEMORY_HEAPS), UInt64} end """ High-level wrapper for VkPipelineRasterizationDepthClipStateCreateInfoEXT. Extension: VK\\_EXT\\_depth\\_clip\\_enable [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationDepthClipStateCreateInfoEXT.html) """ @struct_hash_equal struct PipelineRasterizationDepthClipStateCreateInfoEXT <: HighLevelStruct next::Any flags::UInt32 depth_clip_enable::Bool end """ High-level wrapper for VkPhysicalDeviceDepthClipEnableFeaturesEXT. Extension: VK\\_EXT\\_depth\\_clip\\_enable [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthClipEnableFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceDepthClipEnableFeaturesEXT <: HighLevelStruct next::Any depth_clip_enable::Bool end """ High-level wrapper for VkPhysicalDeviceUniformBufferStandardLayoutFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceUniformBufferStandardLayoutFeatures.html) """ @struct_hash_equal struct PhysicalDeviceUniformBufferStandardLayoutFeatures <: HighLevelStruct next::Any uniform_buffer_standard_layout::Bool end """ High-level wrapper for VkSurfaceProtectedCapabilitiesKHR. Extension: VK\\_KHR\\_surface\\_protected\\_capabilities [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceProtectedCapabilitiesKHR.html) """ @struct_hash_equal struct SurfaceProtectedCapabilitiesKHR <: HighLevelStruct next::Any supports_protected::Bool end """ High-level wrapper for VkPhysicalDeviceScalarBlockLayoutFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceScalarBlockLayoutFeatures.html) """ @struct_hash_equal struct PhysicalDeviceScalarBlockLayoutFeatures <: HighLevelStruct next::Any scalar_block_layout::Bool end """ High-level wrapper for VkPhysicalDeviceFragmentDensityMap2PropertiesEXT. Extension: VK\\_EXT\\_fragment\\_density\\_map2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMap2PropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceFragmentDensityMap2PropertiesEXT <: HighLevelStruct next::Any subsampled_loads::Bool subsampled_coarse_reconstruction_early_access::Bool max_subsampled_array_layers::UInt32 max_descriptor_set_subsampled_samplers::UInt32 end """ High-level wrapper for VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM. Extension: VK\\_QCOM\\_fragment\\_density\\_map\\_offset [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM.html) """ @struct_hash_equal struct PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM <: HighLevelStruct next::Any fragment_density_map_offset::Bool end """ High-level wrapper for VkPhysicalDeviceFragmentDensityMap2FeaturesEXT. Extension: VK\\_EXT\\_fragment\\_density\\_map2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMap2FeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceFragmentDensityMap2FeaturesEXT <: HighLevelStruct next::Any fragment_density_map_deferred::Bool end """ High-level wrapper for VkPhysicalDeviceFragmentDensityMapFeaturesEXT. Extension: VK\\_EXT\\_fragment\\_density\\_map [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceFragmentDensityMapFeaturesEXT <: HighLevelStruct next::Any fragment_density_map::Bool fragment_density_map_dynamic::Bool fragment_density_map_non_subsampled_images::Bool end """ High-level wrapper for VkImageDrmFormatModifierPropertiesEXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageDrmFormatModifierPropertiesEXT.html) """ @struct_hash_equal struct ImageDrmFormatModifierPropertiesEXT <: HighLevelStruct next::Any drm_format_modifier::UInt64 end """ High-level wrapper for VkImageDrmFormatModifierListCreateInfoEXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageDrmFormatModifierListCreateInfoEXT.html) """ @struct_hash_equal struct ImageDrmFormatModifierListCreateInfoEXT <: HighLevelStruct next::Any drm_format_modifiers::Vector{UInt64} end """ High-level wrapper for VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR.html) """ @struct_hash_equal struct PhysicalDeviceRayTracingMaintenance1FeaturesKHR <: HighLevelStruct next::Any ray_tracing_maintenance_1::Bool ray_tracing_pipeline_trace_rays_indirect_2::Bool end """ High-level wrapper for VkTraceRaysIndirectCommand2KHR. Extension: VK\\_KHR\\_ray\\_tracing\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTraceRaysIndirectCommand2KHR.html) """ @struct_hash_equal struct TraceRaysIndirectCommand2KHR <: HighLevelStruct raygen_shader_record_address::UInt64 raygen_shader_record_size::UInt64 miss_shader_binding_table_address::UInt64 miss_shader_binding_table_size::UInt64 miss_shader_binding_table_stride::UInt64 hit_shader_binding_table_address::UInt64 hit_shader_binding_table_size::UInt64 hit_shader_binding_table_stride::UInt64 callable_shader_binding_table_address::UInt64 callable_shader_binding_table_size::UInt64 callable_shader_binding_table_stride::UInt64 width::UInt32 height::UInt32 depth::UInt32 end """ High-level wrapper for VkTraceRaysIndirectCommandKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTraceRaysIndirectCommandKHR.html) """ @struct_hash_equal struct TraceRaysIndirectCommandKHR <: HighLevelStruct width::UInt32 height::UInt32 depth::UInt32 end """ High-level wrapper for VkStridedDeviceAddressRegionKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkStridedDeviceAddressRegionKHR.html) """ @struct_hash_equal struct StridedDeviceAddressRegionKHR <: HighLevelStruct device_address::UInt64 stride::UInt64 size::UInt64 end """ High-level wrapper for VkPhysicalDeviceRayTracingPropertiesNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingPropertiesNV.html) """ @struct_hash_equal struct PhysicalDeviceRayTracingPropertiesNV <: HighLevelStruct next::Any shader_group_handle_size::UInt32 max_recursion_depth::UInt32 max_shader_group_stride::UInt32 shader_group_base_alignment::UInt32 max_geometry_count::UInt64 max_instance_count::UInt64 max_triangle_count::UInt64 max_descriptor_set_acceleration_structures::UInt32 end """ High-level wrapper for VkPhysicalDeviceRayTracingPipelinePropertiesKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingPipelinePropertiesKHR.html) """ @struct_hash_equal struct PhysicalDeviceRayTracingPipelinePropertiesKHR <: HighLevelStruct next::Any shader_group_handle_size::UInt32 max_ray_recursion_depth::UInt32 max_shader_group_stride::UInt32 shader_group_base_alignment::UInt32 shader_group_handle_capture_replay_size::UInt32 max_ray_dispatch_invocation_count::UInt32 shader_group_handle_alignment::UInt32 max_ray_hit_attribute_size::UInt32 end """ High-level wrapper for VkPhysicalDeviceAccelerationStructurePropertiesKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAccelerationStructurePropertiesKHR.html) """ @struct_hash_equal struct PhysicalDeviceAccelerationStructurePropertiesKHR <: HighLevelStruct next::Any max_geometry_count::UInt64 max_instance_count::UInt64 max_primitive_count::UInt64 max_per_stage_descriptor_acceleration_structures::UInt32 max_per_stage_descriptor_update_after_bind_acceleration_structures::UInt32 max_descriptor_set_acceleration_structures::UInt32 max_descriptor_set_update_after_bind_acceleration_structures::UInt32 min_acceleration_structure_scratch_offset_alignment::UInt32 end """ High-level wrapper for VkPhysicalDeviceRayQueryFeaturesKHR. Extension: VK\\_KHR\\_ray\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayQueryFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDeviceRayQueryFeaturesKHR <: HighLevelStruct next::Any ray_query::Bool end """ High-level wrapper for VkPhysicalDeviceRayTracingPipelineFeaturesKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingPipelineFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDeviceRayTracingPipelineFeaturesKHR <: HighLevelStruct next::Any ray_tracing_pipeline::Bool ray_tracing_pipeline_shader_group_handle_capture_replay::Bool ray_tracing_pipeline_shader_group_handle_capture_replay_mixed::Bool ray_tracing_pipeline_trace_rays_indirect::Bool ray_traversal_primitive_culling::Bool end """ High-level wrapper for VkPhysicalDeviceAccelerationStructureFeaturesKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAccelerationStructureFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDeviceAccelerationStructureFeaturesKHR <: HighLevelStruct next::Any acceleration_structure::Bool acceleration_structure_capture_replay::Bool acceleration_structure_indirect_build::Bool acceleration_structure_host_commands::Bool descriptor_binding_acceleration_structure_update_after_bind::Bool end """ High-level wrapper for VkDrawMeshTasksIndirectCommandEXT. Extension: VK\\_EXT\\_mesh\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrawMeshTasksIndirectCommandEXT.html) """ @struct_hash_equal struct DrawMeshTasksIndirectCommandEXT <: HighLevelStruct group_count_x::UInt32 group_count_y::UInt32 group_count_z::UInt32 end """ High-level wrapper for VkPhysicalDeviceMeshShaderPropertiesEXT. Extension: VK\\_EXT\\_mesh\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceMeshShaderPropertiesEXT <: HighLevelStruct next::Any max_task_work_group_total_count::UInt32 max_task_work_group_count::NTuple{3, UInt32} max_task_work_group_invocations::UInt32 max_task_work_group_size::NTuple{3, UInt32} max_task_payload_size::UInt32 max_task_shared_memory_size::UInt32 max_task_payload_and_shared_memory_size::UInt32 max_mesh_work_group_total_count::UInt32 max_mesh_work_group_count::NTuple{3, UInt32} max_mesh_work_group_invocations::UInt32 max_mesh_work_group_size::NTuple{3, UInt32} max_mesh_shared_memory_size::UInt32 max_mesh_payload_and_shared_memory_size::UInt32 max_mesh_output_memory_size::UInt32 max_mesh_payload_and_output_memory_size::UInt32 max_mesh_output_components::UInt32 max_mesh_output_vertices::UInt32 max_mesh_output_primitives::UInt32 max_mesh_output_layers::UInt32 max_mesh_multiview_view_count::UInt32 mesh_output_per_vertex_granularity::UInt32 mesh_output_per_primitive_granularity::UInt32 max_preferred_task_work_group_invocations::UInt32 max_preferred_mesh_work_group_invocations::UInt32 prefers_local_invocation_vertex_output::Bool prefers_local_invocation_primitive_output::Bool prefers_compact_vertex_output::Bool prefers_compact_primitive_output::Bool end """ High-level wrapper for VkPhysicalDeviceMeshShaderFeaturesEXT. Extension: VK\\_EXT\\_mesh\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceMeshShaderFeaturesEXT <: HighLevelStruct next::Any task_shader::Bool mesh_shader::Bool multiview_mesh_shader::Bool primitive_fragment_shading_rate_mesh_shader::Bool mesh_shader_queries::Bool end """ High-level wrapper for VkDrawMeshTasksIndirectCommandNV. Extension: VK\\_NV\\_mesh\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrawMeshTasksIndirectCommandNV.html) """ @struct_hash_equal struct DrawMeshTasksIndirectCommandNV <: HighLevelStruct task_count::UInt32 first_task::UInt32 end """ High-level wrapper for VkPhysicalDeviceMeshShaderPropertiesNV. Extension: VK\\_NV\\_mesh\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderPropertiesNV.html) """ @struct_hash_equal struct PhysicalDeviceMeshShaderPropertiesNV <: HighLevelStruct next::Any max_draw_mesh_tasks_count::UInt32 max_task_work_group_invocations::UInt32 max_task_work_group_size::NTuple{3, UInt32} max_task_total_memory_size::UInt32 max_task_output_count::UInt32 max_mesh_work_group_invocations::UInt32 max_mesh_work_group_size::NTuple{3, UInt32} max_mesh_total_memory_size::UInt32 max_mesh_output_vertices::UInt32 max_mesh_output_primitives::UInt32 max_mesh_multiview_view_count::UInt32 mesh_output_per_vertex_granularity::UInt32 mesh_output_per_primitive_granularity::UInt32 end """ High-level wrapper for VkPhysicalDeviceMeshShaderFeaturesNV. Extension: VK\\_NV\\_mesh\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceMeshShaderFeaturesNV <: HighLevelStruct next::Any task_shader::Bool mesh_shader::Bool end """ High-level wrapper for VkCoarseSampleLocationNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCoarseSampleLocationNV.html) """ @struct_hash_equal struct CoarseSampleLocationNV <: HighLevelStruct pixel_x::UInt32 pixel_y::UInt32 sample::UInt32 end """ High-level wrapper for VkPhysicalDeviceInvocationMaskFeaturesHUAWEI. Extension: VK\\_HUAWEI\\_invocation\\_mask [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInvocationMaskFeaturesHUAWEI.html) """ @struct_hash_equal struct PhysicalDeviceInvocationMaskFeaturesHUAWEI <: HighLevelStruct next::Any invocation_mask::Bool end """ High-level wrapper for VkPhysicalDeviceShadingRateImageFeaturesNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShadingRateImageFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceShadingRateImageFeaturesNV <: HighLevelStruct next::Any shading_rate_image::Bool shading_rate_coarse_sample_order::Bool end """ High-level wrapper for VkPhysicalDeviceMemoryDecompressionPropertiesNV. Extension: VK\\_NV\\_memory\\_decompression [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryDecompressionPropertiesNV.html) """ @struct_hash_equal struct PhysicalDeviceMemoryDecompressionPropertiesNV <: HighLevelStruct next::Any decompression_methods::UInt64 max_decompression_indirect_count::UInt64 end """ High-level wrapper for VkPhysicalDeviceMemoryDecompressionFeaturesNV. Extension: VK\\_NV\\_memory\\_decompression [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryDecompressionFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceMemoryDecompressionFeaturesNV <: HighLevelStruct next::Any memory_decompression::Bool end """ High-level wrapper for VkPhysicalDeviceCopyMemoryIndirectFeaturesNV. Extension: VK\\_NV\\_copy\\_memory\\_indirect [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCopyMemoryIndirectFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceCopyMemoryIndirectFeaturesNV <: HighLevelStruct next::Any indirect_copy::Bool end """ High-level wrapper for VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV. Extension: VK\\_NV\\_dedicated\\_allocation\\_image\\_aliasing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV <: HighLevelStruct next::Any dedicated_allocation_image_aliasing::Bool end """ High-level wrapper for VkPhysicalDeviceShaderImageFootprintFeaturesNV. Extension: VK\\_NV\\_shader\\_image\\_footprint [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderImageFootprintFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceShaderImageFootprintFeaturesNV <: HighLevelStruct next::Any image_footprint::Bool end """ High-level wrapper for VkPhysicalDeviceComputeShaderDerivativesFeaturesNV. Extension: VK\\_NV\\_compute\\_shader\\_derivatives [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceComputeShaderDerivativesFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceComputeShaderDerivativesFeaturesNV <: HighLevelStruct next::Any compute_derivative_group_quads::Bool compute_derivative_group_linear::Bool end """ High-level wrapper for VkPhysicalDeviceCornerSampledImageFeaturesNV. Extension: VK\\_NV\\_corner\\_sampled\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCornerSampledImageFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceCornerSampledImageFeaturesNV <: HighLevelStruct next::Any corner_sampled_image::Bool end """ High-level wrapper for VkPhysicalDeviceExclusiveScissorFeaturesNV. Extension: VK\\_NV\\_scissor\\_exclusive [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExclusiveScissorFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceExclusiveScissorFeaturesNV <: HighLevelStruct next::Any exclusive_scissor::Bool end """ High-level wrapper for VkPipelineRepresentativeFragmentTestStateCreateInfoNV. Extension: VK\\_NV\\_representative\\_fragment\\_test [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRepresentativeFragmentTestStateCreateInfoNV.html) """ @struct_hash_equal struct PipelineRepresentativeFragmentTestStateCreateInfoNV <: HighLevelStruct next::Any representative_fragment_test_enable::Bool end """ High-level wrapper for VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV. Extension: VK\\_NV\\_representative\\_fragment\\_test [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceRepresentativeFragmentTestFeaturesNV <: HighLevelStruct next::Any representative_fragment_test::Bool end """ High-level wrapper for VkPipelineRasterizationStateStreamCreateInfoEXT. Extension: VK\\_EXT\\_transform\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationStateStreamCreateInfoEXT.html) """ @struct_hash_equal struct PipelineRasterizationStateStreamCreateInfoEXT <: HighLevelStruct next::Any flags::UInt32 rasterization_stream::UInt32 end """ High-level wrapper for VkPhysicalDeviceTransformFeedbackPropertiesEXT. Extension: VK\\_EXT\\_transform\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTransformFeedbackPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceTransformFeedbackPropertiesEXT <: HighLevelStruct next::Any max_transform_feedback_streams::UInt32 max_transform_feedback_buffers::UInt32 max_transform_feedback_buffer_size::UInt64 max_transform_feedback_stream_data_size::UInt32 max_transform_feedback_buffer_data_size::UInt32 max_transform_feedback_buffer_data_stride::UInt32 transform_feedback_queries::Bool transform_feedback_streams_lines_triangles::Bool transform_feedback_rasterization_stream_select::Bool transform_feedback_draw::Bool end """ High-level wrapper for VkPhysicalDeviceTransformFeedbackFeaturesEXT. Extension: VK\\_EXT\\_transform\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTransformFeedbackFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceTransformFeedbackFeaturesEXT <: HighLevelStruct next::Any transform_feedback::Bool geometry_streams::Bool end """ High-level wrapper for VkPhysicalDeviceASTCDecodeFeaturesEXT. Extension: VK\\_EXT\\_astc\\_decode\\_mode [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceASTCDecodeFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceASTCDecodeFeaturesEXT <: HighLevelStruct next::Any decode_mode_shared_exponent::Bool end """ High-level wrapper for VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT. Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceVertexAttributeDivisorFeaturesEXT <: HighLevelStruct next::Any vertex_attribute_instance_rate_divisor::Bool vertex_attribute_instance_rate_zero_divisor::Bool end """ High-level wrapper for VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT. Extension: VK\\_EXT\\_shader\\_atomic\\_float2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceShaderAtomicFloat2FeaturesEXT <: HighLevelStruct next::Any shader_buffer_float_16_atomics::Bool shader_buffer_float_16_atomic_add::Bool shader_buffer_float_16_atomic_min_max::Bool shader_buffer_float_32_atomic_min_max::Bool shader_buffer_float_64_atomic_min_max::Bool shader_shared_float_16_atomics::Bool shader_shared_float_16_atomic_add::Bool shader_shared_float_16_atomic_min_max::Bool shader_shared_float_32_atomic_min_max::Bool shader_shared_float_64_atomic_min_max::Bool shader_image_float_32_atomic_min_max::Bool sparse_image_float_32_atomic_min_max::Bool end """ High-level wrapper for VkPhysicalDeviceShaderAtomicFloatFeaturesEXT. Extension: VK\\_EXT\\_shader\\_atomic\\_float [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderAtomicFloatFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceShaderAtomicFloatFeaturesEXT <: HighLevelStruct next::Any shader_buffer_float_32_atomics::Bool shader_buffer_float_32_atomic_add::Bool shader_buffer_float_64_atomics::Bool shader_buffer_float_64_atomic_add::Bool shader_shared_float_32_atomics::Bool shader_shared_float_32_atomic_add::Bool shader_shared_float_64_atomics::Bool shader_shared_float_64_atomic_add::Bool shader_image_float_32_atomics::Bool shader_image_float_32_atomic_add::Bool sparse_image_float_32_atomics::Bool sparse_image_float_32_atomic_add::Bool end """ High-level wrapper for VkPhysicalDeviceShaderAtomicInt64Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderAtomicInt64Features.html) """ @struct_hash_equal struct PhysicalDeviceShaderAtomicInt64Features <: HighLevelStruct next::Any shader_buffer_int_64_atomics::Bool shader_shared_int_64_atomics::Bool end """ High-level wrapper for VkPhysicalDeviceVulkanMemoryModelFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkanMemoryModelFeatures.html) """ @struct_hash_equal struct PhysicalDeviceVulkanMemoryModelFeatures <: HighLevelStruct next::Any vulkan_memory_model::Bool vulkan_memory_model_device_scope::Bool vulkan_memory_model_availability_visibility_chains::Bool end """ High-level wrapper for VkPhysicalDeviceConditionalRenderingFeaturesEXT. Extension: VK\\_EXT\\_conditional\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceConditionalRenderingFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceConditionalRenderingFeaturesEXT <: HighLevelStruct next::Any conditional_rendering::Bool inherited_conditional_rendering::Bool end """ High-level wrapper for VkPhysicalDevice8BitStorageFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevice8BitStorageFeatures.html) """ @struct_hash_equal struct PhysicalDevice8BitStorageFeatures <: HighLevelStruct next::Any storage_buffer_8_bit_access::Bool uniform_and_storage_buffer_8_bit_access::Bool storage_push_constant_8::Bool end """ High-level wrapper for VkCommandBufferInheritanceConditionalRenderingInfoEXT. Extension: VK\\_EXT\\_conditional\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceConditionalRenderingInfoEXT.html) """ @struct_hash_equal struct CommandBufferInheritanceConditionalRenderingInfoEXT <: HighLevelStruct next::Any conditional_rendering_enable::Bool end """ High-level wrapper for VkPhysicalDevicePCIBusInfoPropertiesEXT. Extension: VK\\_EXT\\_pci\\_bus\\_info [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePCIBusInfoPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDevicePCIBusInfoPropertiesEXT <: HighLevelStruct next::Any pci_domain::UInt32 pci_bus::UInt32 pci_device::UInt32 pci_function::UInt32 end """ High-level wrapper for VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT. Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceVertexAttributeDivisorPropertiesEXT <: HighLevelStruct next::Any max_vertex_attrib_divisor::UInt32 end """ High-level wrapper for VkVertexInputBindingDivisorDescriptionEXT. Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputBindingDivisorDescriptionEXT.html) """ @struct_hash_equal struct VertexInputBindingDivisorDescriptionEXT <: HighLevelStruct binding::UInt32 divisor::UInt32 end """ High-level wrapper for VkPipelineVertexInputDivisorStateCreateInfoEXT. Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineVertexInputDivisorStateCreateInfoEXT.html) """ @struct_hash_equal struct PipelineVertexInputDivisorStateCreateInfoEXT <: HighLevelStruct next::Any vertex_binding_divisors::Vector{VertexInputBindingDivisorDescriptionEXT} end """ High-level wrapper for VkTimelineSemaphoreSubmitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTimelineSemaphoreSubmitInfo.html) """ @struct_hash_equal struct TimelineSemaphoreSubmitInfo <: HighLevelStruct next::Any wait_semaphore_values::OptionalPtr{Vector{UInt64}} signal_semaphore_values::OptionalPtr{Vector{UInt64}} end """ High-level wrapper for VkPhysicalDeviceTimelineSemaphoreProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTimelineSemaphoreProperties.html) """ @struct_hash_equal struct PhysicalDeviceTimelineSemaphoreProperties <: HighLevelStruct next::Any max_timeline_semaphore_value_difference::UInt64 end """ High-level wrapper for VkPhysicalDeviceTimelineSemaphoreFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTimelineSemaphoreFeatures.html) """ @struct_hash_equal struct PhysicalDeviceTimelineSemaphoreFeatures <: HighLevelStruct next::Any timeline_semaphore::Bool end """ High-level wrapper for VkSubpassEndInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassEndInfo.html) """ @struct_hash_equal struct SubpassEndInfo <: HighLevelStruct next::Any end """ High-level wrapper for VkDescriptorSetVariableDescriptorCountLayoutSupport. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetVariableDescriptorCountLayoutSupport.html) """ @struct_hash_equal struct DescriptorSetVariableDescriptorCountLayoutSupport <: HighLevelStruct next::Any max_variable_descriptor_count::UInt32 end """ High-level wrapper for VkDescriptorSetVariableDescriptorCountAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetVariableDescriptorCountAllocateInfo.html) """ @struct_hash_equal struct DescriptorSetVariableDescriptorCountAllocateInfo <: HighLevelStruct next::Any descriptor_counts::Vector{UInt32} end """ High-level wrapper for VkPhysicalDeviceDescriptorIndexingProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorIndexingProperties.html) """ @struct_hash_equal struct PhysicalDeviceDescriptorIndexingProperties <: HighLevelStruct next::Any max_update_after_bind_descriptors_in_all_pools::UInt32 shader_uniform_buffer_array_non_uniform_indexing_native::Bool shader_sampled_image_array_non_uniform_indexing_native::Bool shader_storage_buffer_array_non_uniform_indexing_native::Bool shader_storage_image_array_non_uniform_indexing_native::Bool shader_input_attachment_array_non_uniform_indexing_native::Bool robust_buffer_access_update_after_bind::Bool quad_divergent_implicit_lod::Bool max_per_stage_descriptor_update_after_bind_samplers::UInt32 max_per_stage_descriptor_update_after_bind_uniform_buffers::UInt32 max_per_stage_descriptor_update_after_bind_storage_buffers::UInt32 max_per_stage_descriptor_update_after_bind_sampled_images::UInt32 max_per_stage_descriptor_update_after_bind_storage_images::UInt32 max_per_stage_descriptor_update_after_bind_input_attachments::UInt32 max_per_stage_update_after_bind_resources::UInt32 max_descriptor_set_update_after_bind_samplers::UInt32 max_descriptor_set_update_after_bind_uniform_buffers::UInt32 max_descriptor_set_update_after_bind_uniform_buffers_dynamic::UInt32 max_descriptor_set_update_after_bind_storage_buffers::UInt32 max_descriptor_set_update_after_bind_storage_buffers_dynamic::UInt32 max_descriptor_set_update_after_bind_sampled_images::UInt32 max_descriptor_set_update_after_bind_storage_images::UInt32 max_descriptor_set_update_after_bind_input_attachments::UInt32 end """ High-level wrapper for VkPhysicalDeviceDescriptorIndexingFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorIndexingFeatures.html) """ @struct_hash_equal struct PhysicalDeviceDescriptorIndexingFeatures <: HighLevelStruct next::Any shader_input_attachment_array_dynamic_indexing::Bool shader_uniform_texel_buffer_array_dynamic_indexing::Bool shader_storage_texel_buffer_array_dynamic_indexing::Bool shader_uniform_buffer_array_non_uniform_indexing::Bool shader_sampled_image_array_non_uniform_indexing::Bool shader_storage_buffer_array_non_uniform_indexing::Bool shader_storage_image_array_non_uniform_indexing::Bool shader_input_attachment_array_non_uniform_indexing::Bool shader_uniform_texel_buffer_array_non_uniform_indexing::Bool shader_storage_texel_buffer_array_non_uniform_indexing::Bool descriptor_binding_uniform_buffer_update_after_bind::Bool descriptor_binding_sampled_image_update_after_bind::Bool descriptor_binding_storage_image_update_after_bind::Bool descriptor_binding_storage_buffer_update_after_bind::Bool descriptor_binding_uniform_texel_buffer_update_after_bind::Bool descriptor_binding_storage_texel_buffer_update_after_bind::Bool descriptor_binding_update_unused_while_pending::Bool descriptor_binding_partially_bound::Bool descriptor_binding_variable_descriptor_count::Bool runtime_descriptor_array::Bool end """ High-level wrapper for VkPhysicalDeviceShaderCorePropertiesAMD. Extension: VK\\_AMD\\_shader\\_core\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCorePropertiesAMD.html) """ @struct_hash_equal struct PhysicalDeviceShaderCorePropertiesAMD <: HighLevelStruct next::Any shader_engine_count::UInt32 shader_arrays_per_engine_count::UInt32 compute_units_per_shader_array::UInt32 simd_per_compute_unit::UInt32 wavefronts_per_simd::UInt32 wavefront_size::UInt32 sgprs_per_simd::UInt32 min_sgpr_allocation::UInt32 max_sgpr_allocation::UInt32 sgpr_allocation_granularity::UInt32 vgprs_per_simd::UInt32 min_vgpr_allocation::UInt32 max_vgpr_allocation::UInt32 vgpr_allocation_granularity::UInt32 end """ High-level wrapper for VkPhysicalDeviceConservativeRasterizationPropertiesEXT. Extension: VK\\_EXT\\_conservative\\_rasterization [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceConservativeRasterizationPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceConservativeRasterizationPropertiesEXT <: HighLevelStruct next::Any primitive_overestimation_size::Float32 max_extra_primitive_overestimation_size::Float32 extra_primitive_overestimation_size_granularity::Float32 primitive_underestimation::Bool conservative_point_and_line_rasterization::Bool degenerate_triangles_rasterized::Bool degenerate_lines_rasterized::Bool fully_covered_fragment_shader_input_variable::Bool conservative_rasterization_post_depth_coverage::Bool end """ High-level wrapper for VkPhysicalDeviceExternalMemoryHostPropertiesEXT. Extension: VK\\_EXT\\_external\\_memory\\_host [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalMemoryHostPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceExternalMemoryHostPropertiesEXT <: HighLevelStruct next::Any min_imported_host_pointer_alignment::UInt64 end """ High-level wrapper for VkMemoryHostPointerPropertiesEXT. Extension: VK\\_EXT\\_external\\_memory\\_host [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryHostPointerPropertiesEXT.html) """ @struct_hash_equal struct MemoryHostPointerPropertiesEXT <: HighLevelStruct next::Any memory_type_bits::UInt32 end """ High-level wrapper for VkDeviceDeviceMemoryReportCreateInfoEXT. Extension: VK\\_EXT\\_device\\_memory\\_report [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceDeviceMemoryReportCreateInfoEXT.html) """ @struct_hash_equal struct DeviceDeviceMemoryReportCreateInfoEXT <: HighLevelStruct next::Any flags::UInt32 pfn_user_callback::FunctionPtr user_data::Ptr{Cvoid} end """ High-level wrapper for VkPhysicalDeviceDeviceMemoryReportFeaturesEXT. Extension: VK\\_EXT\\_device\\_memory\\_report [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDeviceMemoryReportFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceDeviceMemoryReportFeaturesEXT <: HighLevelStruct next::Any device_memory_report::Bool end """ High-level wrapper for VkDebugUtilsLabelEXT. Extension: VK\\_EXT\\_debug\\_utils [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsLabelEXT.html) """ @struct_hash_equal struct DebugUtilsLabelEXT <: HighLevelStruct next::Any label_name::String color::NTuple{4, Float32} end """ High-level wrapper for VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR. Extension: VK\\_KHR\\_global\\_priority [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDeviceGlobalPriorityQueryFeaturesKHR <: HighLevelStruct next::Any global_priority_query::Bool end """ High-level wrapper for VkShaderResourceUsageAMD. Extension: VK\\_AMD\\_shader\\_info [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderResourceUsageAMD.html) """ @struct_hash_equal struct ShaderResourceUsageAMD <: HighLevelStruct num_used_vgprs::UInt32 num_used_sgprs::UInt32 lds_size_per_local_work_group::UInt32 lds_usage_size_in_bytes::UInt scratch_mem_usage_in_bytes::UInt end """ High-level wrapper for VkPhysicalDeviceHostQueryResetFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceHostQueryResetFeatures.html) """ @struct_hash_equal struct PhysicalDeviceHostQueryResetFeatures <: HighLevelStruct next::Any host_query_reset::Bool end """ High-level wrapper for VkPhysicalDeviceShaderFloat16Int8Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderFloat16Int8Features.html) """ @struct_hash_equal struct PhysicalDeviceShaderFloat16Int8Features <: HighLevelStruct next::Any shader_float_16::Bool shader_int_8::Bool end """ High-level wrapper for VkPhysicalDeviceShaderDrawParametersFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderDrawParametersFeatures.html) """ @struct_hash_equal struct PhysicalDeviceShaderDrawParametersFeatures <: HighLevelStruct next::Any shader_draw_parameters::Bool end """ High-level wrapper for VkDescriptorSetLayoutSupport. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutSupport.html) """ @struct_hash_equal struct DescriptorSetLayoutSupport <: HighLevelStruct next::Any supported::Bool end """ High-level wrapper for VkPhysicalDeviceMaintenance4Properties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMaintenance4Properties.html) """ @struct_hash_equal struct PhysicalDeviceMaintenance4Properties <: HighLevelStruct next::Any max_buffer_size::UInt64 end """ High-level wrapper for VkPhysicalDeviceMaintenance4Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMaintenance4Features.html) """ @struct_hash_equal struct PhysicalDeviceMaintenance4Features <: HighLevelStruct next::Any maintenance4::Bool end """ High-level wrapper for VkPhysicalDeviceMaintenance3Properties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMaintenance3Properties.html) """ @struct_hash_equal struct PhysicalDeviceMaintenance3Properties <: HighLevelStruct next::Any max_per_set_descriptors::UInt32 max_memory_allocation_size::UInt64 end """ High-level wrapper for VkValidationCacheCreateInfoEXT. Extension: VK\\_EXT\\_validation\\_cache [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkValidationCacheCreateInfoEXT.html) """ @struct_hash_equal struct ValidationCacheCreateInfoEXT <: HighLevelStruct next::Any flags::UInt32 initial_data_size::OptionalPtr{UInt} initial_data::Ptr{Cvoid} end """ High-level wrapper for VkDescriptorPoolInlineUniformBlockCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorPoolInlineUniformBlockCreateInfo.html) """ @struct_hash_equal struct DescriptorPoolInlineUniformBlockCreateInfo <: HighLevelStruct next::Any max_inline_uniform_block_bindings::UInt32 end """ High-level wrapper for VkWriteDescriptorSetInlineUniformBlock. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSetInlineUniformBlock.html) """ @struct_hash_equal struct WriteDescriptorSetInlineUniformBlock <: HighLevelStruct next::Any data_size::UInt32 data::Ptr{Cvoid} end """ High-level wrapper for VkPhysicalDeviceInlineUniformBlockProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInlineUniformBlockProperties.html) """ @struct_hash_equal struct PhysicalDeviceInlineUniformBlockProperties <: HighLevelStruct next::Any max_inline_uniform_block_size::UInt32 max_per_stage_descriptor_inline_uniform_blocks::UInt32 max_per_stage_descriptor_update_after_bind_inline_uniform_blocks::UInt32 max_descriptor_set_inline_uniform_blocks::UInt32 max_descriptor_set_update_after_bind_inline_uniform_blocks::UInt32 end """ High-level wrapper for VkPhysicalDeviceInlineUniformBlockFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInlineUniformBlockFeatures.html) """ @struct_hash_equal struct PhysicalDeviceInlineUniformBlockFeatures <: HighLevelStruct next::Any inline_uniform_block::Bool descriptor_binding_inline_uniform_block_update_after_bind::Bool end """ High-level wrapper for VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT. Extension: VK\\_EXT\\_blend\\_operation\\_advanced [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceBlendOperationAdvancedPropertiesEXT <: HighLevelStruct next::Any advanced_blend_max_color_attachments::UInt32 advanced_blend_independent_blend::Bool advanced_blend_non_premultiplied_src_color::Bool advanced_blend_non_premultiplied_dst_color::Bool advanced_blend_correlated_overlap::Bool advanced_blend_all_operations::Bool end """ High-level wrapper for VkPhysicalDeviceMultiDrawFeaturesEXT. Extension: VK\\_EXT\\_multi\\_draw [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiDrawFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceMultiDrawFeaturesEXT <: HighLevelStruct next::Any multi_draw::Bool end """ High-level wrapper for VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT. Extension: VK\\_EXT\\_blend\\_operation\\_advanced [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceBlendOperationAdvancedFeaturesEXT <: HighLevelStruct next::Any advanced_blend_coherent_operations::Bool end """ High-level wrapper for VkSampleLocationEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSampleLocationEXT.html) """ @struct_hash_equal struct SampleLocationEXT <: HighLevelStruct x::Float32 y::Float32 end """ High-level wrapper for VkPhysicalDeviceSamplerFilterMinmaxProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSamplerFilterMinmaxProperties.html) """ @struct_hash_equal struct PhysicalDeviceSamplerFilterMinmaxProperties <: HighLevelStruct next::Any filter_minmax_single_component_formats::Bool filter_minmax_image_component_mapping::Bool end """ High-level wrapper for VkPipelineCoverageToColorStateCreateInfoNV. Extension: VK\\_NV\\_fragment\\_coverage\\_to\\_color [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCoverageToColorStateCreateInfoNV.html) """ @struct_hash_equal struct PipelineCoverageToColorStateCreateInfoNV <: HighLevelStruct next::Any flags::UInt32 coverage_to_color_enable::Bool coverage_to_color_location::UInt32 end """ High-level wrapper for VkPhysicalDeviceProtectedMemoryProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProtectedMemoryProperties.html) """ @struct_hash_equal struct PhysicalDeviceProtectedMemoryProperties <: HighLevelStruct next::Any protected_no_fault::Bool end """ High-level wrapper for VkPhysicalDeviceProtectedMemoryFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProtectedMemoryFeatures.html) """ @struct_hash_equal struct PhysicalDeviceProtectedMemoryFeatures <: HighLevelStruct next::Any protected_memory::Bool end """ High-level wrapper for VkProtectedSubmitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkProtectedSubmitInfo.html) """ @struct_hash_equal struct ProtectedSubmitInfo <: HighLevelStruct next::Any protected_submit::Bool end """ High-level wrapper for VkTextureLODGatherFormatPropertiesAMD. Extension: VK\\_AMD\\_texture\\_gather\\_bias\\_lod [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTextureLODGatherFormatPropertiesAMD.html) """ @struct_hash_equal struct TextureLODGatherFormatPropertiesAMD <: HighLevelStruct next::Any supports_texture_gather_lod_bias_amd::Bool end """ High-level wrapper for VkSamplerYcbcrConversionImageFormatProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerYcbcrConversionImageFormatProperties.html) """ @struct_hash_equal struct SamplerYcbcrConversionImageFormatProperties <: HighLevelStruct next::Any combined_image_sampler_descriptor_count::UInt32 end """ High-level wrapper for VkPhysicalDeviceSamplerYcbcrConversionFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSamplerYcbcrConversionFeatures.html) """ @struct_hash_equal struct PhysicalDeviceSamplerYcbcrConversionFeatures <: HighLevelStruct next::Any sampler_ycbcr_conversion::Bool end """ High-level wrapper for VkMemoryDedicatedRequirements. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryDedicatedRequirements.html) """ @struct_hash_equal struct MemoryDedicatedRequirements <: HighLevelStruct next::Any prefers_dedicated_allocation::Bool requires_dedicated_allocation::Bool end """ High-level wrapper for VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures.html) """ @struct_hash_equal struct PhysicalDeviceShaderSubgroupExtendedTypesFeatures <: HighLevelStruct next::Any shader_subgroup_extended_types::Bool end """ High-level wrapper for VkPhysicalDevice16BitStorageFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevice16BitStorageFeatures.html) """ @struct_hash_equal struct PhysicalDevice16BitStorageFeatures <: HighLevelStruct next::Any storage_buffer_16_bit_access::Bool uniform_and_storage_buffer_16_bit_access::Bool storage_push_constant_16::Bool storage_input_output_16::Bool end """ High-level wrapper for VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX. Extension: VK\\_NVX\\_multiview\\_per\\_view\\_attributes [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX.html) """ @struct_hash_equal struct PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX <: HighLevelStruct next::Any per_view_position_all_components::Bool end """ High-level wrapper for VkPhysicalDeviceDiscardRectanglePropertiesEXT. Extension: VK\\_EXT\\_discard\\_rectangles [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDiscardRectanglePropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceDiscardRectanglePropertiesEXT <: HighLevelStruct next::Any max_discard_rectangles::UInt32 end """ High-level wrapper for VkViewportWScalingNV. Extension: VK\\_NV\\_clip\\_space\\_w\\_scaling [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkViewportWScalingNV.html) """ @struct_hash_equal struct ViewportWScalingNV <: HighLevelStruct xcoeff::Float32 ycoeff::Float32 end """ High-level wrapper for VkPipelineViewportWScalingStateCreateInfoNV. Extension: VK\\_NV\\_clip\\_space\\_w\\_scaling [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportWScalingStateCreateInfoNV.html) """ @struct_hash_equal struct PipelineViewportWScalingStateCreateInfoNV <: HighLevelStruct next::Any viewport_w_scaling_enable::Bool viewport_w_scalings::OptionalPtr{Vector{ViewportWScalingNV}} end """ High-level wrapper for VkPresentTimeGOOGLE. Extension: VK\\_GOOGLE\\_display\\_timing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentTimeGOOGLE.html) """ @struct_hash_equal struct PresentTimeGOOGLE <: HighLevelStruct present_id::UInt32 desired_present_time::UInt64 end """ High-level wrapper for VkPresentTimesInfoGOOGLE. Extension: VK\\_GOOGLE\\_display\\_timing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentTimesInfoGOOGLE.html) """ @struct_hash_equal struct PresentTimesInfoGOOGLE <: HighLevelStruct next::Any times::OptionalPtr{Vector{PresentTimeGOOGLE}} end """ High-level wrapper for VkPastPresentationTimingGOOGLE. Extension: VK\\_GOOGLE\\_display\\_timing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPastPresentationTimingGOOGLE.html) """ @struct_hash_equal struct PastPresentationTimingGOOGLE <: HighLevelStruct present_id::UInt32 desired_present_time::UInt64 actual_present_time::UInt64 earliest_present_time::UInt64 present_margin::UInt64 end """ High-level wrapper for VkRefreshCycleDurationGOOGLE. Extension: VK\\_GOOGLE\\_display\\_timing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRefreshCycleDurationGOOGLE.html) """ @struct_hash_equal struct RefreshCycleDurationGOOGLE <: HighLevelStruct refresh_duration::UInt64 end """ High-level wrapper for VkSwapchainDisplayNativeHdrCreateInfoAMD. Extension: VK\\_AMD\\_display\\_native\\_hdr [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainDisplayNativeHdrCreateInfoAMD.html) """ @struct_hash_equal struct SwapchainDisplayNativeHdrCreateInfoAMD <: HighLevelStruct next::Any local_dimming_enable::Bool end """ High-level wrapper for VkDisplayNativeHdrSurfaceCapabilitiesAMD. Extension: VK\\_AMD\\_display\\_native\\_hdr [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayNativeHdrSurfaceCapabilitiesAMD.html) """ @struct_hash_equal struct DisplayNativeHdrSurfaceCapabilitiesAMD <: HighLevelStruct next::Any local_dimming_support::Bool end """ High-level wrapper for VkPhysicalDevicePresentWaitFeaturesKHR. Extension: VK\\_KHR\\_present\\_wait [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePresentWaitFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDevicePresentWaitFeaturesKHR <: HighLevelStruct next::Any present_wait::Bool end """ High-level wrapper for VkPresentIdKHR. Extension: VK\\_KHR\\_present\\_id [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentIdKHR.html) """ @struct_hash_equal struct PresentIdKHR <: HighLevelStruct next::Any present_ids::OptionalPtr{Vector{UInt64}} end """ High-level wrapper for VkPhysicalDevicePresentIdFeaturesKHR. Extension: VK\\_KHR\\_present\\_id [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePresentIdFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDevicePresentIdFeaturesKHR <: HighLevelStruct next::Any present_id::Bool end """ High-level wrapper for VkXYColorEXT. Extension: VK\\_EXT\\_hdr\\_metadata [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkXYColorEXT.html) """ @struct_hash_equal struct XYColorEXT <: HighLevelStruct x::Float32 y::Float32 end """ High-level wrapper for VkHdrMetadataEXT. Extension: VK\\_EXT\\_hdr\\_metadata [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkHdrMetadataEXT.html) """ @struct_hash_equal struct HdrMetadataEXT <: HighLevelStruct next::Any display_primary_red::XYColorEXT display_primary_green::XYColorEXT display_primary_blue::XYColorEXT white_point::XYColorEXT max_luminance::Float32 min_luminance::Float32 max_content_light_level::Float32 max_frame_average_light_level::Float32 end """ High-level wrapper for VkDeviceGroupBindSparseInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupBindSparseInfo.html) """ @struct_hash_equal struct DeviceGroupBindSparseInfo <: HighLevelStruct next::Any resource_device_index::UInt32 memory_device_index::UInt32 end """ High-level wrapper for VkDeviceGroupSubmitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupSubmitInfo.html) """ @struct_hash_equal struct DeviceGroupSubmitInfo <: HighLevelStruct next::Any wait_semaphore_device_indices::Vector{UInt32} command_buffer_device_masks::Vector{UInt32} signal_semaphore_device_indices::Vector{UInt32} end """ High-level wrapper for VkDeviceGroupCommandBufferBeginInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupCommandBufferBeginInfo.html) """ @struct_hash_equal struct DeviceGroupCommandBufferBeginInfo <: HighLevelStruct next::Any device_mask::UInt32 end """ High-level wrapper for VkBindBufferMemoryDeviceGroupInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindBufferMemoryDeviceGroupInfo.html) """ @struct_hash_equal struct BindBufferMemoryDeviceGroupInfo <: HighLevelStruct next::Any device_indices::Vector{UInt32} end """ High-level wrapper for VkRenderPassMultiviewCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassMultiviewCreateInfo.html) """ @struct_hash_equal struct RenderPassMultiviewCreateInfo <: HighLevelStruct next::Any view_masks::Vector{UInt32} view_offsets::Vector{Int32} correlation_masks::Vector{UInt32} end """ High-level wrapper for VkPhysicalDeviceMultiviewProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewProperties.html) """ @struct_hash_equal struct PhysicalDeviceMultiviewProperties <: HighLevelStruct next::Any max_multiview_view_count::UInt32 max_multiview_instance_index::UInt32 end """ High-level wrapper for VkPhysicalDeviceMultiviewFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewFeatures.html) """ @struct_hash_equal struct PhysicalDeviceMultiviewFeatures <: HighLevelStruct next::Any multiview::Bool multiview_geometry_shader::Bool multiview_tessellation_shader::Bool end """ High-level wrapper for VkMemoryFdPropertiesKHR. Extension: VK\\_KHR\\_external\\_memory\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryFdPropertiesKHR.html) """ @struct_hash_equal struct MemoryFdPropertiesKHR <: HighLevelStruct next::Any memory_type_bits::UInt32 end """ High-level wrapper for VkPhysicalDeviceIDProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceIDProperties.html) """ @struct_hash_equal struct PhysicalDeviceIDProperties <: HighLevelStruct next::Any device_uuid::NTuple{Int(VK_UUID_SIZE), UInt8} driver_uuid::NTuple{Int(VK_UUID_SIZE), UInt8} device_luid::NTuple{Int(VK_LUID_SIZE), UInt8} device_node_mask::UInt32 device_luid_valid::Bool end """ High-level wrapper for VkPhysicalDeviceVariablePointersFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVariablePointersFeatures.html) """ @struct_hash_equal struct PhysicalDeviceVariablePointersFeatures <: HighLevelStruct next::Any variable_pointers_storage_buffer::Bool variable_pointers::Bool end """ High-level wrapper for VkConformanceVersion. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkConformanceVersion.html) """ @struct_hash_equal struct ConformanceVersion <: HighLevelStruct major::UInt8 minor::UInt8 subminor::UInt8 patch::UInt8 end """ High-level wrapper for VkPhysicalDevicePushDescriptorPropertiesKHR. Extension: VK\\_KHR\\_push\\_descriptor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePushDescriptorPropertiesKHR.html) """ @struct_hash_equal struct PhysicalDevicePushDescriptorPropertiesKHR <: HighLevelStruct next::Any max_push_descriptors::UInt32 end """ High-level wrapper for VkSetStateFlagsIndirectCommandNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSetStateFlagsIndirectCommandNV.html) """ @struct_hash_equal struct SetStateFlagsIndirectCommandNV <: HighLevelStruct data::UInt32 end """ High-level wrapper for VkBindVertexBufferIndirectCommandNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindVertexBufferIndirectCommandNV.html) """ @struct_hash_equal struct BindVertexBufferIndirectCommandNV <: HighLevelStruct buffer_address::UInt64 size::UInt32 stride::UInt32 end """ High-level wrapper for VkBindShaderGroupIndirectCommandNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindShaderGroupIndirectCommandNV.html) """ @struct_hash_equal struct BindShaderGroupIndirectCommandNV <: HighLevelStruct group_index::UInt32 end """ High-level wrapper for VkPhysicalDeviceMultiDrawPropertiesEXT. Extension: VK\\_EXT\\_multi\\_draw [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiDrawPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceMultiDrawPropertiesEXT <: HighLevelStruct next::Any max_multi_draw_count::UInt32 end """ High-level wrapper for VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV.html) """ @struct_hash_equal struct PhysicalDeviceDeviceGeneratedCommandsPropertiesNV <: HighLevelStruct next::Any max_graphics_shader_group_count::UInt32 max_indirect_sequence_count::UInt32 max_indirect_commands_token_count::UInt32 max_indirect_commands_stream_count::UInt32 max_indirect_commands_token_offset::UInt32 max_indirect_commands_stream_stride::UInt32 min_sequences_count_buffer_offset_alignment::UInt32 min_sequences_index_buffer_offset_alignment::UInt32 min_indirect_commands_buffer_offset_alignment::UInt32 end """ High-level wrapper for VkPhysicalDevicePrivateDataFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePrivateDataFeatures.html) """ @struct_hash_equal struct PhysicalDevicePrivateDataFeatures <: HighLevelStruct next::Any private_data::Bool end """ High-level wrapper for VkPrivateDataSlotCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPrivateDataSlotCreateInfo.html) """ @struct_hash_equal struct PrivateDataSlotCreateInfo <: HighLevelStruct next::Any flags::UInt32 end """ High-level wrapper for VkDevicePrivateDataCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDevicePrivateDataCreateInfo.html) """ @struct_hash_equal struct DevicePrivateDataCreateInfo <: HighLevelStruct next::Any private_data_slot_request_count::UInt32 end """ High-level wrapper for VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceDeviceGeneratedCommandsFeaturesNV <: HighLevelStruct next::Any device_generated_commands::Bool end """ High-level wrapper for VkDedicatedAllocationBufferCreateInfoNV. Extension: VK\\_NV\\_dedicated\\_allocation [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDedicatedAllocationBufferCreateInfoNV.html) """ @struct_hash_equal struct DedicatedAllocationBufferCreateInfoNV <: HighLevelStruct next::Any dedicated_allocation::Bool end """ High-level wrapper for VkDedicatedAllocationImageCreateInfoNV. Extension: VK\\_NV\\_dedicated\\_allocation [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDedicatedAllocationImageCreateInfoNV.html) """ @struct_hash_equal struct DedicatedAllocationImageCreateInfoNV <: HighLevelStruct next::Any dedicated_allocation::Bool end """ High-level wrapper for VkDebugMarkerMarkerInfoEXT. Extension: VK\\_EXT\\_debug\\_marker [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugMarkerMarkerInfoEXT.html) """ @struct_hash_equal struct DebugMarkerMarkerInfoEXT <: HighLevelStruct next::Any marker_name::String color::NTuple{4, Float32} end """ High-level wrapper for VkXcbSurfaceCreateInfoKHR. Extension: VK\\_KHR\\_xcb\\_surface [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkXcbSurfaceCreateInfoKHR.html) """ @struct_hash_equal struct XcbSurfaceCreateInfoKHR <: HighLevelStruct next::Any flags::UInt32 connection::Ptr{vk.xcb_connection_t} window::vk.xcb_window_t end """ High-level wrapper for VkXlibSurfaceCreateInfoKHR. Extension: VK\\_KHR\\_xlib\\_surface [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkXlibSurfaceCreateInfoKHR.html) """ @struct_hash_equal struct XlibSurfaceCreateInfoKHR <: HighLevelStruct next::Any flags::UInt32 dpy::Ptr{vk.Display} window::vk.Window end """ High-level wrapper for VkWaylandSurfaceCreateInfoKHR. Extension: VK\\_KHR\\_wayland\\_surface [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWaylandSurfaceCreateInfoKHR.html) """ @struct_hash_equal struct WaylandSurfaceCreateInfoKHR <: HighLevelStruct next::Any flags::UInt32 display::Ptr{vk.wl_display} surface::Ptr{vk.wl_surface} end """ High-level wrapper for VkMultiDrawIndexedInfoEXT. Extension: VK\\_EXT\\_multi\\_draw [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultiDrawIndexedInfoEXT.html) """ @struct_hash_equal struct MultiDrawIndexedInfoEXT <: HighLevelStruct first_index::UInt32 index_count::UInt32 vertex_offset::Int32 end """ High-level wrapper for VkMultiDrawInfoEXT. Extension: VK\\_EXT\\_multi\\_draw [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultiDrawInfoEXT.html) """ @struct_hash_equal struct MultiDrawInfoEXT <: HighLevelStruct first_vertex::UInt32 vertex_count::UInt32 end """ High-level wrapper for VkDispatchIndirectCommand. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDispatchIndirectCommand.html) """ @struct_hash_equal struct DispatchIndirectCommand <: HighLevelStruct x::UInt32 y::UInt32 z::UInt32 end """ High-level wrapper for VkDrawIndexedIndirectCommand. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrawIndexedIndirectCommand.html) """ @struct_hash_equal struct DrawIndexedIndirectCommand <: HighLevelStruct index_count::UInt32 instance_count::UInt32 first_index::UInt32 vertex_offset::Int32 first_instance::UInt32 end """ High-level wrapper for VkDrawIndirectCommand. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrawIndirectCommand.html) """ @struct_hash_equal struct DrawIndirectCommand <: HighLevelStruct vertex_count::UInt32 instance_count::UInt32 first_vertex::UInt32 first_instance::UInt32 end """ High-level wrapper for VkSemaphoreCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreCreateInfo.html) """ @struct_hash_equal struct SemaphoreCreateInfo <: HighLevelStruct next::Any flags::UInt32 end """ High-level wrapper for VkPhysicalDeviceSparseProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSparseProperties.html) """ @struct_hash_equal struct PhysicalDeviceSparseProperties <: HighLevelStruct residency_standard_2_d_block_shape::Bool residency_standard_2_d_multisample_block_shape::Bool residency_standard_3_d_block_shape::Bool residency_aligned_mip_size::Bool residency_non_resident_strict::Bool end """ High-level wrapper for VkPhysicalDeviceFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFeatures.html) """ @struct_hash_equal struct PhysicalDeviceFeatures <: HighLevelStruct robust_buffer_access::Bool full_draw_index_uint_32::Bool image_cube_array::Bool independent_blend::Bool geometry_shader::Bool tessellation_shader::Bool sample_rate_shading::Bool dual_src_blend::Bool logic_op::Bool multi_draw_indirect::Bool draw_indirect_first_instance::Bool depth_clamp::Bool depth_bias_clamp::Bool fill_mode_non_solid::Bool depth_bounds::Bool wide_lines::Bool large_points::Bool alpha_to_one::Bool multi_viewport::Bool sampler_anisotropy::Bool texture_compression_etc_2::Bool texture_compression_astc_ldr::Bool texture_compression_bc::Bool occlusion_query_precise::Bool pipeline_statistics_query::Bool vertex_pipeline_stores_and_atomics::Bool fragment_stores_and_atomics::Bool shader_tessellation_and_geometry_point_size::Bool shader_image_gather_extended::Bool shader_storage_image_extended_formats::Bool shader_storage_image_multisample::Bool shader_storage_image_read_without_format::Bool shader_storage_image_write_without_format::Bool shader_uniform_buffer_array_dynamic_indexing::Bool shader_sampled_image_array_dynamic_indexing::Bool shader_storage_buffer_array_dynamic_indexing::Bool shader_storage_image_array_dynamic_indexing::Bool shader_clip_distance::Bool shader_cull_distance::Bool shader_float_64::Bool shader_int_64::Bool shader_int_16::Bool shader_resource_residency::Bool shader_resource_min_lod::Bool sparse_binding::Bool sparse_residency_buffer::Bool sparse_residency_image_2_d::Bool sparse_residency_image_3_d::Bool sparse_residency_2_samples::Bool sparse_residency_4_samples::Bool sparse_residency_8_samples::Bool sparse_residency_16_samples::Bool sparse_residency_aliased::Bool variable_multisample_rate::Bool inherited_queries::Bool end """ High-level wrapper for VkPhysicalDeviceFeatures2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFeatures2.html) """ @struct_hash_equal struct PhysicalDeviceFeatures2 <: HighLevelStruct next::Any features::PhysicalDeviceFeatures end """ High-level wrapper for VkClearDepthStencilValue. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearDepthStencilValue.html) """ @struct_hash_equal struct ClearDepthStencilValue <: HighLevelStruct depth::Float32 stencil::UInt32 end """ High-level wrapper for VkPipelineTessellationStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineTessellationStateCreateInfo.html) """ @struct_hash_equal struct PipelineTessellationStateCreateInfo <: HighLevelStruct next::Any flags::UInt32 patch_control_points::UInt32 end """ High-level wrapper for VkSpecializationMapEntry. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSpecializationMapEntry.html) """ @struct_hash_equal struct SpecializationMapEntry <: HighLevelStruct constant_id::UInt32 offset::UInt32 size::UInt end """ High-level wrapper for VkSpecializationInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSpecializationInfo.html) """ @struct_hash_equal struct SpecializationInfo <: HighLevelStruct map_entries::Vector{SpecializationMapEntry} data_size::OptionalPtr{UInt} data::Ptr{Cvoid} end """ High-level wrapper for VkShaderModuleCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderModuleCreateInfo.html) """ @struct_hash_equal struct ShaderModuleCreateInfo <: HighLevelStruct next::Any flags::UInt32 code_size::UInt code::Vector{UInt32} end """ High-level wrapper for VkCopyMemoryIndirectCommandNV. Extension: VK\\_NV\\_copy\\_memory\\_indirect [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryIndirectCommandNV.html) """ @struct_hash_equal struct CopyMemoryIndirectCommandNV <: HighLevelStruct src_address::UInt64 dst_address::UInt64 size::UInt64 end """ High-level wrapper for VkBufferCopy. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCopy.html) """ @struct_hash_equal struct BufferCopy <: HighLevelStruct src_offset::UInt64 dst_offset::UInt64 size::UInt64 end """ High-level wrapper for VkSubresourceLayout. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubresourceLayout.html) """ @struct_hash_equal struct SubresourceLayout <: HighLevelStruct offset::UInt64 size::UInt64 row_pitch::UInt64 array_pitch::UInt64 depth_pitch::UInt64 end """ High-level wrapper for VkImageDrmFormatModifierExplicitCreateInfoEXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageDrmFormatModifierExplicitCreateInfoEXT.html) """ @struct_hash_equal struct ImageDrmFormatModifierExplicitCreateInfoEXT <: HighLevelStruct next::Any drm_format_modifier::UInt64 plane_layouts::Vector{SubresourceLayout} end """ High-level wrapper for VkSubresourceLayout2EXT. Extension: VK\\_EXT\\_image\\_compression\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubresourceLayout2EXT.html) """ @struct_hash_equal struct SubresourceLayout2EXT <: HighLevelStruct next::Any subresource_layout::SubresourceLayout end """ High-level wrapper for VkMemoryRequirements. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryRequirements.html) """ @struct_hash_equal struct MemoryRequirements <: HighLevelStruct size::UInt64 alignment::UInt64 memory_type_bits::UInt32 end """ High-level wrapper for VkMemoryRequirements2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryRequirements2.html) """ @struct_hash_equal struct MemoryRequirements2 <: HighLevelStruct next::Any memory_requirements::MemoryRequirements end """ High-level wrapper for VkVideoSessionMemoryRequirementsKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionMemoryRequirementsKHR.html) """ @struct_hash_equal struct VideoSessionMemoryRequirementsKHR <: HighLevelStruct next::Any memory_bind_index::UInt32 memory_requirements::MemoryRequirements end """ High-level wrapper for VkMemoryAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryAllocateInfo.html) """ @struct_hash_equal struct MemoryAllocateInfo <: HighLevelStruct next::Any allocation_size::UInt64 memory_type_index::UInt32 end """ High-level wrapper for VkAllocationCallbacks. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAllocationCallbacks.html) """ @struct_hash_equal struct AllocationCallbacks <: HighLevelStruct user_data::OptionalPtr{Ptr{Cvoid}} pfn_allocation::FunctionPtr pfn_reallocation::FunctionPtr pfn_free::FunctionPtr pfn_internal_allocation::OptionalPtr{FunctionPtr} pfn_internal_free::OptionalPtr{FunctionPtr} end """ High-level wrapper for VkApplicationInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkApplicationInfo.html) """ @struct_hash_equal struct ApplicationInfo <: HighLevelStruct next::Any application_name::String application_version::VersionNumber engine_name::String engine_version::VersionNumber api_version::VersionNumber end """ High-level wrapper for VkLayerProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkLayerProperties.html) """ @struct_hash_equal struct LayerProperties <: HighLevelStruct layer_name::String spec_version::VersionNumber implementation_version::VersionNumber description::String end """ High-level wrapper for VkExtensionProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExtensionProperties.html) """ @struct_hash_equal struct ExtensionProperties <: HighLevelStruct extension_name::String spec_version::VersionNumber end """ High-level wrapper for VkViewport. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkViewport.html) """ @struct_hash_equal struct Viewport <: HighLevelStruct x::Float32 y::Float32 width::Float32 height::Float32 min_depth::Float32 max_depth::Float32 end """ High-level wrapper for VkCommandBufferInheritanceViewportScissorInfoNV. Extension: VK\\_NV\\_inherited\\_viewport\\_scissor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceViewportScissorInfoNV.html) """ @struct_hash_equal struct CommandBufferInheritanceViewportScissorInfoNV <: HighLevelStruct next::Any viewport_scissor_2_d::Bool viewport_depth_count::UInt32 viewport_depths::Viewport end """ High-level wrapper for VkExtent3D. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExtent3D.html) """ @struct_hash_equal struct Extent3D <: HighLevelStruct width::UInt32 height::UInt32 depth::UInt32 end """ High-level wrapper for VkExtent2D. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExtent2D.html) """ @struct_hash_equal struct Extent2D <: HighLevelStruct width::UInt32 height::UInt32 end """ High-level wrapper for VkDisplayModeParametersKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModeParametersKHR.html) """ @struct_hash_equal struct DisplayModeParametersKHR <: HighLevelStruct visible_region::Extent2D refresh_rate::UInt32 end """ High-level wrapper for VkDisplayModeCreateInfoKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModeCreateInfoKHR.html) """ @struct_hash_equal struct DisplayModeCreateInfoKHR <: HighLevelStruct next::Any flags::UInt32 parameters::DisplayModeParametersKHR end """ High-level wrapper for VkMultisamplePropertiesEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultisamplePropertiesEXT.html) """ @struct_hash_equal struct MultisamplePropertiesEXT <: HighLevelStruct next::Any max_sample_location_grid_size::Extent2D end """ High-level wrapper for VkPhysicalDeviceShadingRateImagePropertiesNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShadingRateImagePropertiesNV.html) """ @struct_hash_equal struct PhysicalDeviceShadingRateImagePropertiesNV <: HighLevelStruct next::Any shading_rate_texel_size::Extent2D shading_rate_palette_size::UInt32 shading_rate_max_coarse_samples::UInt32 end """ High-level wrapper for VkPhysicalDeviceFragmentDensityMapPropertiesEXT. Extension: VK\\_EXT\\_fragment\\_density\\_map [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceFragmentDensityMapPropertiesEXT <: HighLevelStruct next::Any min_fragment_density_texel_size::Extent2D max_fragment_density_texel_size::Extent2D fragment_density_invocations::Bool end """ High-level wrapper for VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM. Extension: VK\\_QCOM\\_fragment\\_density\\_map\\_offset [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM.html) """ @struct_hash_equal struct PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM <: HighLevelStruct next::Any fragment_density_offset_granularity::Extent2D end """ High-level wrapper for VkPhysicalDeviceImageProcessingPropertiesQCOM. Extension: VK\\_QCOM\\_image\\_processing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageProcessingPropertiesQCOM.html) """ @struct_hash_equal struct PhysicalDeviceImageProcessingPropertiesQCOM <: HighLevelStruct next::Any max_weight_filter_phases::UInt32 max_weight_filter_dimension::OptionalPtr{Extent2D} max_block_match_region::OptionalPtr{Extent2D} max_box_filter_block_size::OptionalPtr{Extent2D} end """ High-level wrapper for VkOffset3D. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOffset3D.html) """ @struct_hash_equal struct Offset3D <: HighLevelStruct x::Int32 y::Int32 z::Int32 end """ High-level wrapper for VkOffset2D. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOffset2D.html) """ @struct_hash_equal struct Offset2D <: HighLevelStruct x::Int32 y::Int32 end """ High-level wrapper for VkRect2D. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRect2D.html) """ @struct_hash_equal struct Rect2D <: HighLevelStruct offset::Offset2D extent::Extent2D end """ High-level wrapper for VkClearRect. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearRect.html) """ @struct_hash_equal struct ClearRect <: HighLevelStruct rect::Rect2D base_array_layer::UInt32 layer_count::UInt32 end """ High-level wrapper for VkPipelineViewportStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportStateCreateInfo.html) """ @struct_hash_equal struct PipelineViewportStateCreateInfo <: HighLevelStruct next::Any flags::UInt32 viewports::OptionalPtr{Vector{Viewport}} scissors::OptionalPtr{Vector{Rect2D}} end """ High-level wrapper for VkDisplayPresentInfoKHR. Extension: VK\\_KHR\\_display\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPresentInfoKHR.html) """ @struct_hash_equal struct DisplayPresentInfoKHR <: HighLevelStruct next::Any src_rect::Rect2D dst_rect::Rect2D persistent::Bool end """ High-level wrapper for VkBindImageMemoryDeviceGroupInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImageMemoryDeviceGroupInfo.html) """ @struct_hash_equal struct BindImageMemoryDeviceGroupInfo <: HighLevelStruct next::Any device_indices::Vector{UInt32} split_instance_bind_regions::Vector{Rect2D} end """ High-level wrapper for VkDeviceGroupRenderPassBeginInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupRenderPassBeginInfo.html) """ @struct_hash_equal struct DeviceGroupRenderPassBeginInfo <: HighLevelStruct next::Any device_mask::UInt32 device_render_areas::Vector{Rect2D} end """ High-level wrapper for VkPipelineViewportExclusiveScissorStateCreateInfoNV. Extension: VK\\_NV\\_scissor\\_exclusive [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportExclusiveScissorStateCreateInfoNV.html) """ @struct_hash_equal struct PipelineViewportExclusiveScissorStateCreateInfoNV <: HighLevelStruct next::Any exclusive_scissors::Vector{Rect2D} end """ High-level wrapper for VkRectLayerKHR. Extension: VK\\_KHR\\_incremental\\_present [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRectLayerKHR.html) """ @struct_hash_equal struct RectLayerKHR <: HighLevelStruct offset::Offset2D extent::Extent2D layer::UInt32 end """ High-level wrapper for VkPresentRegionKHR. Extension: VK\\_KHR\\_incremental\\_present [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentRegionKHR.html) """ @struct_hash_equal struct PresentRegionKHR <: HighLevelStruct rectangles::OptionalPtr{Vector{RectLayerKHR}} end """ High-level wrapper for VkPresentRegionsKHR. Extension: VK\\_KHR\\_incremental\\_present [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentRegionsKHR.html) """ @struct_hash_equal struct PresentRegionsKHR <: HighLevelStruct next::Any regions::OptionalPtr{Vector{PresentRegionKHR}} end """ High-level wrapper for VkSubpassFragmentDensityMapOffsetEndInfoQCOM. Extension: VK\\_QCOM\\_fragment\\_density\\_map\\_offset [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassFragmentDensityMapOffsetEndInfoQCOM.html) """ @struct_hash_equal struct SubpassFragmentDensityMapOffsetEndInfoQCOM <: HighLevelStruct next::Any fragment_density_offsets::Vector{Offset2D} end """ High-level wrapper for VkVideoDecodeH264CapabilitiesKHR. Extension: VK\\_KHR\\_video\\_decode\\_h264 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264CapabilitiesKHR.html) """ @struct_hash_equal struct VideoDecodeH264CapabilitiesKHR <: HighLevelStruct next::Any max_level_idc::StdVideoH264LevelIdc field_offset_granularity::Offset2D end """ High-level wrapper for VkImageViewSampleWeightCreateInfoQCOM. Extension: VK\\_QCOM\\_image\\_processing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewSampleWeightCreateInfoQCOM.html) """ @struct_hash_equal struct ImageViewSampleWeightCreateInfoQCOM <: HighLevelStruct next::Any filter_center::Offset2D filter_size::Extent2D num_phases::UInt32 end """ High-level wrapper for VkTilePropertiesQCOM. Extension: VK\\_QCOM\\_tile\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTilePropertiesQCOM.html) """ @struct_hash_equal struct TilePropertiesQCOM <: HighLevelStruct next::Any tile_size::Extent3D apron_size::Extent2D origin::Offset2D end """ High-level wrapper for VkBaseInStructure. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBaseInStructure.html) """ @struct_hash_equal struct BaseInStructure <: HighLevelStruct next::Any end """ High-level wrapper for VkBaseOutStructure. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBaseOutStructure.html) """ @struct_hash_equal struct BaseOutStructure <: HighLevelStruct next::Any end """ Intermediate wrapper for VkAccelerationStructureMotionInstanceDataNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMotionInstanceDataNV.html) """ struct _AccelerationStructureMotionInstanceDataNV <: VulkanStruct{false} vks::VkAccelerationStructureMotionInstanceDataNV end """ Intermediate wrapper for VkDescriptorDataEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorDataEXT.html) """ struct _DescriptorDataEXT <: VulkanStruct{false} vks::VkDescriptorDataEXT end """ Intermediate wrapper for VkAccelerationStructureGeometryDataKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryDataKHR.html) """ struct _AccelerationStructureGeometryDataKHR <: VulkanStruct{false} vks::VkAccelerationStructureGeometryDataKHR end """ Intermediate wrapper for VkDeviceOrHostAddressConstKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceOrHostAddressConstKHR.html) """ struct _DeviceOrHostAddressConstKHR <: VulkanStruct{false} vks::VkDeviceOrHostAddressConstKHR end """ Intermediate wrapper for VkDeviceOrHostAddressKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceOrHostAddressKHR.html) """ struct _DeviceOrHostAddressKHR <: VulkanStruct{false} vks::VkDeviceOrHostAddressKHR end """ Intermediate wrapper for VkPipelineExecutableStatisticValueKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableStatisticValueKHR.html) """ struct _PipelineExecutableStatisticValueKHR <: VulkanStruct{false} vks::VkPipelineExecutableStatisticValueKHR end """ Intermediate wrapper for VkPerformanceValueDataINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceValueDataINTEL.html) """ struct _PerformanceValueDataINTEL <: VulkanStruct{false} vks::VkPerformanceValueDataINTEL end """ Intermediate wrapper for VkPerformanceCounterResultKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceCounterResultKHR.html) """ struct _PerformanceCounterResultKHR <: VulkanStruct{false} vks::VkPerformanceCounterResultKHR end """ Intermediate wrapper for VkClearValue. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearValue.html) """ struct _ClearValue <: VulkanStruct{false} vks::VkClearValue end """ Intermediate wrapper for VkClearColorValue. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearColorValue.html) """ struct _ClearColorValue <: VulkanStruct{false} vks::VkClearColorValue end """ Intermediate wrapper for VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM. Extension: VK\\_QCOM\\_multiview\\_per\\_view\\_viewports [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM.html) """ struct _PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM <: VulkanStruct{true} vks::VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM deps::Vector{Any} end """ Intermediate wrapper for VkDirectDriverLoadingListLUNARG. Extension: VK\\_LUNARG\\_direct\\_driver\\_loading [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDirectDriverLoadingListLUNARG.html) """ struct _DirectDriverLoadingListLUNARG <: VulkanStruct{true} vks::VkDirectDriverLoadingListLUNARG deps::Vector{Any} end """ Intermediate wrapper for VkDirectDriverLoadingInfoLUNARG. Extension: VK\\_LUNARG\\_direct\\_driver\\_loading [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDirectDriverLoadingInfoLUNARG.html) """ struct _DirectDriverLoadingInfoLUNARG <: VulkanStruct{true} vks::VkDirectDriverLoadingInfoLUNARG deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV. Extension: VK\\_NV\\_ray\\_tracing\\_invocation\\_reorder [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV.html) """ struct _PhysicalDeviceRayTracingInvocationReorderPropertiesNV <: VulkanStruct{true} vks::VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV. Extension: VK\\_NV\\_ray\\_tracing\\_invocation\\_reorder [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV.html) """ struct _PhysicalDeviceRayTracingInvocationReorderFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkSwapchainPresentScalingCreateInfoEXT. Extension: VK\\_EXT\\_swapchain\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentScalingCreateInfoEXT.html) """ struct _SwapchainPresentScalingCreateInfoEXT <: VulkanStruct{true} vks::VkSwapchainPresentScalingCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkSwapchainPresentModeInfoEXT. Extension: VK\\_EXT\\_swapchain\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentModeInfoEXT.html) """ struct _SwapchainPresentModeInfoEXT <: VulkanStruct{true} vks::VkSwapchainPresentModeInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkSwapchainPresentModesCreateInfoEXT. Extension: VK\\_EXT\\_swapchain\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentModesCreateInfoEXT.html) """ struct _SwapchainPresentModesCreateInfoEXT <: VulkanStruct{true} vks::VkSwapchainPresentModesCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkSwapchainPresentFenceInfoEXT. Extension: VK\\_EXT\\_swapchain\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentFenceInfoEXT.html) """ struct _SwapchainPresentFenceInfoEXT <: VulkanStruct{true} vks::VkSwapchainPresentFenceInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT. Extension: VK\\_EXT\\_swapchain\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT.html) """ struct _PhysicalDeviceSwapchainMaintenance1FeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkSurfacePresentModeCompatibilityEXT. Extension: VK\\_EXT\\_surface\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfacePresentModeCompatibilityEXT.html) """ struct _SurfacePresentModeCompatibilityEXT <: VulkanStruct{true} vks::VkSurfacePresentModeCompatibilityEXT deps::Vector{Any} end """ Intermediate wrapper for VkSurfacePresentScalingCapabilitiesEXT. Extension: VK\\_EXT\\_surface\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfacePresentScalingCapabilitiesEXT.html) """ struct _SurfacePresentScalingCapabilitiesEXT <: VulkanStruct{true} vks::VkSurfacePresentScalingCapabilitiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkSurfacePresentModeEXT. Extension: VK\\_EXT\\_surface\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfacePresentModeEXT.html) """ struct _SurfacePresentModeEXT <: VulkanStruct{true} vks::VkSurfacePresentModeEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM. Extension: VK\\_ARM\\_shader\\_core\\_builtins [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM.html) """ struct _PhysicalDeviceShaderCoreBuiltinsFeaturesARM <: VulkanStruct{true} vks::VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM. Extension: VK\\_ARM\\_shader\\_core\\_builtins [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM.html) """ struct _PhysicalDeviceShaderCoreBuiltinsPropertiesARM <: VulkanStruct{true} vks::VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM deps::Vector{Any} end """ Intermediate wrapper for VkDecompressMemoryRegionNV. Extension: VK\\_NV\\_memory\\_decompression [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDecompressMemoryRegionNV.html) """ struct _DecompressMemoryRegionNV <: VulkanStruct{false} vks::VkDecompressMemoryRegionNV end """ Intermediate wrapper for VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT. Extension: VK\\_EXT\\_pipeline\\_library\\_group\\_handles [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT.html) """ struct _PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkDeviceFaultVendorBinaryHeaderVersionOneEXT. Extension: VK\\_EXT\\_device\\_fault [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultVendorBinaryHeaderVersionOneEXT.html) """ struct _DeviceFaultVendorBinaryHeaderVersionOneEXT <: VulkanStruct{false} vks::VkDeviceFaultVendorBinaryHeaderVersionOneEXT end """ Intermediate wrapper for VkDeviceFaultInfoEXT. Extension: VK\\_EXT\\_device\\_fault [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultInfoEXT.html) """ struct _DeviceFaultInfoEXT <: VulkanStruct{true} vks::VkDeviceFaultInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDeviceFaultCountsEXT. Extension: VK\\_EXT\\_device\\_fault [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultCountsEXT.html) """ struct _DeviceFaultCountsEXT <: VulkanStruct{true} vks::VkDeviceFaultCountsEXT deps::Vector{Any} end """ Intermediate wrapper for VkDeviceFaultVendorInfoEXT. Extension: VK\\_EXT\\_device\\_fault [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultVendorInfoEXT.html) """ struct _DeviceFaultVendorInfoEXT <: VulkanStruct{false} vks::VkDeviceFaultVendorInfoEXT end """ Intermediate wrapper for VkDeviceFaultAddressInfoEXT. Extension: VK\\_EXT\\_device\\_fault [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultAddressInfoEXT.html) """ struct _DeviceFaultAddressInfoEXT <: VulkanStruct{false} vks::VkDeviceFaultAddressInfoEXT end """ Intermediate wrapper for VkPhysicalDeviceFaultFeaturesEXT. Extension: VK\\_EXT\\_device\\_fault [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFaultFeaturesEXT.html) """ struct _PhysicalDeviceFaultFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceFaultFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkOpticalFlowExecuteInfoNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowExecuteInfoNV.html) """ struct _OpticalFlowExecuteInfoNV <: VulkanStruct{true} vks::VkOpticalFlowExecuteInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkOpticalFlowSessionCreatePrivateDataInfoNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowSessionCreatePrivateDataInfoNV.html) """ struct _OpticalFlowSessionCreatePrivateDataInfoNV <: VulkanStruct{true} vks::VkOpticalFlowSessionCreatePrivateDataInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkOpticalFlowSessionCreateInfoNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowSessionCreateInfoNV.html) """ struct _OpticalFlowSessionCreateInfoNV <: VulkanStruct{true} vks::VkOpticalFlowSessionCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkOpticalFlowImageFormatPropertiesNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowImageFormatPropertiesNV.html) """ struct _OpticalFlowImageFormatPropertiesNV <: VulkanStruct{true} vks::VkOpticalFlowImageFormatPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkOpticalFlowImageFormatInfoNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowImageFormatInfoNV.html) """ struct _OpticalFlowImageFormatInfoNV <: VulkanStruct{true} vks::VkOpticalFlowImageFormatInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceOpticalFlowPropertiesNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpticalFlowPropertiesNV.html) """ struct _PhysicalDeviceOpticalFlowPropertiesNV <: VulkanStruct{true} vks::VkPhysicalDeviceOpticalFlowPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceOpticalFlowFeaturesNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpticalFlowFeaturesNV.html) """ struct _PhysicalDeviceOpticalFlowFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceOpticalFlowFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkDeviceAddressBindingCallbackDataEXT. Extension: VK\\_EXT\\_device\\_address\\_binding\\_report [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceAddressBindingCallbackDataEXT.html) """ struct _DeviceAddressBindingCallbackDataEXT <: VulkanStruct{true} vks::VkDeviceAddressBindingCallbackDataEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceAddressBindingReportFeaturesEXT. Extension: VK\\_EXT\\_device\\_address\\_binding\\_report [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAddressBindingReportFeaturesEXT.html) """ struct _PhysicalDeviceAddressBindingReportFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceAddressBindingReportFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDepthClampZeroOneFeaturesEXT. Extension: VK\\_EXT\\_depth\\_clamp\\_zero\\_one [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthClampZeroOneFeaturesEXT.html) """ struct _PhysicalDeviceDepthClampZeroOneFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceDepthClampZeroOneFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT. Extension: VK\\_EXT\\_attachment\\_feedback\\_loop\\_layout [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT.html) """ struct _PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkAmigoProfilingSubmitInfoSEC. Extension: VK\\_SEC\\_amigo\\_profiling [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAmigoProfilingSubmitInfoSEC.html) """ struct _AmigoProfilingSubmitInfoSEC <: VulkanStruct{true} vks::VkAmigoProfilingSubmitInfoSEC deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceAmigoProfilingFeaturesSEC. Extension: VK\\_SEC\\_amigo\\_profiling [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAmigoProfilingFeaturesSEC.html) """ struct _PhysicalDeviceAmigoProfilingFeaturesSEC <: VulkanStruct{true} vks::VkPhysicalDeviceAmigoProfilingFeaturesSEC deps::Vector{Any} end """ Intermediate wrapper for VkTilePropertiesQCOM. Extension: VK\\_QCOM\\_tile\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTilePropertiesQCOM.html) """ struct _TilePropertiesQCOM <: VulkanStruct{true} vks::VkTilePropertiesQCOM deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceTilePropertiesFeaturesQCOM. Extension: VK\\_QCOM\\_tile\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTilePropertiesFeaturesQCOM.html) """ struct _PhysicalDeviceTilePropertiesFeaturesQCOM <: VulkanStruct{true} vks::VkPhysicalDeviceTilePropertiesFeaturesQCOM deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceImageProcessingPropertiesQCOM. Extension: VK\\_QCOM\\_image\\_processing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageProcessingPropertiesQCOM.html) """ struct _PhysicalDeviceImageProcessingPropertiesQCOM <: VulkanStruct{true} vks::VkPhysicalDeviceImageProcessingPropertiesQCOM deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceImageProcessingFeaturesQCOM. Extension: VK\\_QCOM\\_image\\_processing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageProcessingFeaturesQCOM.html) """ struct _PhysicalDeviceImageProcessingFeaturesQCOM <: VulkanStruct{true} vks::VkPhysicalDeviceImageProcessingFeaturesQCOM deps::Vector{Any} end """ Intermediate wrapper for VkImageViewSampleWeightCreateInfoQCOM. Extension: VK\\_QCOM\\_image\\_processing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewSampleWeightCreateInfoQCOM.html) """ struct _ImageViewSampleWeightCreateInfoQCOM <: VulkanStruct{true} vks::VkImageViewSampleWeightCreateInfoQCOM deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePipelineRobustnessPropertiesEXT. Extension: VK\\_EXT\\_pipeline\\_robustness [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineRobustnessPropertiesEXT.html) """ struct _PhysicalDevicePipelineRobustnessPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDevicePipelineRobustnessPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPipelineRobustnessCreateInfoEXT. Extension: VK\\_EXT\\_pipeline\\_robustness [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRobustnessCreateInfoEXT.html) """ struct _PipelineRobustnessCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineRobustnessCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePipelineRobustnessFeaturesEXT. Extension: VK\\_EXT\\_pipeline\\_robustness [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineRobustnessFeaturesEXT.html) """ struct _PhysicalDevicePipelineRobustnessFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDevicePipelineRobustnessFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT. Extension: VK\\_EXT\\_non\\_seamless\\_cube\\_map [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT.html) """ struct _PhysicalDeviceNonSeamlessCubeMapFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD. Extension: VK\\_AMD\\_shader\\_early\\_and\\_late\\_fragment\\_tests [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD.html) """ struct _PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD <: VulkanStruct{true} vks::VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePipelinePropertiesFeaturesEXT. Extension: VK\\_EXT\\_pipeline\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelinePropertiesFeaturesEXT.html) """ struct _PhysicalDevicePipelinePropertiesFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDevicePipelinePropertiesFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPipelinePropertiesIdentifierEXT. Extension: VK\\_EXT\\_pipeline\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelinePropertiesIdentifierEXT.html) """ struct _PipelinePropertiesIdentifierEXT <: VulkanStruct{true} vks::VkPipelinePropertiesIdentifierEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceOpacityMicromapPropertiesEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpacityMicromapPropertiesEXT.html) """ struct _PhysicalDeviceOpacityMicromapPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceOpacityMicromapPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceOpacityMicromapFeaturesEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpacityMicromapFeaturesEXT.html) """ struct _PhysicalDeviceOpacityMicromapFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceOpacityMicromapFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkMicromapTriangleEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapTriangleEXT.html) """ struct _MicromapTriangleEXT <: VulkanStruct{false} vks::VkMicromapTriangleEXT end """ Intermediate wrapper for VkMicromapUsageEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapUsageEXT.html) """ struct _MicromapUsageEXT <: VulkanStruct{false} vks::VkMicromapUsageEXT end """ Intermediate wrapper for VkMicromapBuildSizesInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapBuildSizesInfoEXT.html) """ struct _MicromapBuildSizesInfoEXT <: VulkanStruct{true} vks::VkMicromapBuildSizesInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkMicromapVersionInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapVersionInfoEXT.html) """ struct _MicromapVersionInfoEXT <: VulkanStruct{true} vks::VkMicromapVersionInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT. Extension: VK\\_EXT\\_subpass\\_merge\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT.html) """ struct _PhysicalDeviceSubpassMergeFeedbackFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkRenderPassSubpassFeedbackCreateInfoEXT. Extension: VK\\_EXT\\_subpass\\_merge\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassSubpassFeedbackCreateInfoEXT.html) """ struct _RenderPassSubpassFeedbackCreateInfoEXT <: VulkanStruct{true} vks::VkRenderPassSubpassFeedbackCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkRenderPassSubpassFeedbackInfoEXT. Extension: VK\\_EXT\\_subpass\\_merge\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassSubpassFeedbackInfoEXT.html) """ struct _RenderPassSubpassFeedbackInfoEXT <: VulkanStruct{false} vks::VkRenderPassSubpassFeedbackInfoEXT end """ Intermediate wrapper for VkRenderPassCreationFeedbackCreateInfoEXT. Extension: VK\\_EXT\\_subpass\\_merge\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreationFeedbackCreateInfoEXT.html) """ struct _RenderPassCreationFeedbackCreateInfoEXT <: VulkanStruct{true} vks::VkRenderPassCreationFeedbackCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkRenderPassCreationFeedbackInfoEXT. Extension: VK\\_EXT\\_subpass\\_merge\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreationFeedbackInfoEXT.html) """ struct _RenderPassCreationFeedbackInfoEXT <: VulkanStruct{false} vks::VkRenderPassCreationFeedbackInfoEXT end """ Intermediate wrapper for VkRenderPassCreationControlEXT. Extension: VK\\_EXT\\_subpass\\_merge\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreationControlEXT.html) """ struct _RenderPassCreationControlEXT <: VulkanStruct{true} vks::VkRenderPassCreationControlEXT deps::Vector{Any} end """ Intermediate wrapper for VkSubresourceLayout2EXT. Extension: VK\\_EXT\\_image\\_compression\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubresourceLayout2EXT.html) """ struct _SubresourceLayout2EXT <: VulkanStruct{true} vks::VkSubresourceLayout2EXT deps::Vector{Any} end """ Intermediate wrapper for VkImageSubresource2EXT. Extension: VK\\_EXT\\_image\\_compression\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresource2EXT.html) """ struct _ImageSubresource2EXT <: VulkanStruct{true} vks::VkImageSubresource2EXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT. Extension: VK\\_EXT\\_image\\_compression\\_control\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT.html) """ struct _PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkImageCompressionPropertiesEXT. Extension: VK\\_EXT\\_image\\_compression\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCompressionPropertiesEXT.html) """ struct _ImageCompressionPropertiesEXT <: VulkanStruct{true} vks::VkImageCompressionPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceImageCompressionControlFeaturesEXT. Extension: VK\\_EXT\\_image\\_compression\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageCompressionControlFeaturesEXT.html) """ struct _PhysicalDeviceImageCompressionControlFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceImageCompressionControlFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkImageCompressionControlEXT. Extension: VK\\_EXT\\_image\\_compression\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCompressionControlEXT.html) """ struct _ImageCompressionControlEXT <: VulkanStruct{true} vks::VkImageCompressionControlEXT deps::Vector{Any} end """ Intermediate wrapper for VkShaderModuleIdentifierEXT. Extension: VK\\_EXT\\_shader\\_module\\_identifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderModuleIdentifierEXT.html) """ struct _ShaderModuleIdentifierEXT <: VulkanStruct{true} vks::VkShaderModuleIdentifierEXT deps::Vector{Any} end """ Intermediate wrapper for VkPipelineShaderStageModuleIdentifierCreateInfoEXT. Extension: VK\\_EXT\\_shader\\_module\\_identifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineShaderStageModuleIdentifierCreateInfoEXT.html) """ struct _PipelineShaderStageModuleIdentifierCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineShaderStageModuleIdentifierCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT. Extension: VK\\_EXT\\_shader\\_module\\_identifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT.html) """ struct _PhysicalDeviceShaderModuleIdentifierPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT. Extension: VK\\_EXT\\_shader\\_module\\_identifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT.html) """ struct _PhysicalDeviceShaderModuleIdentifierFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkDescriptorSetLayoutHostMappingInfoVALVE. Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutHostMappingInfoVALVE.html) """ struct _DescriptorSetLayoutHostMappingInfoVALVE <: VulkanStruct{true} vks::VkDescriptorSetLayoutHostMappingInfoVALVE deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE. Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE.html) """ struct _PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE <: VulkanStruct{true} vks::VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE deps::Vector{Any} end """ Intermediate wrapper for VkGraphicsPipelineLibraryCreateInfoEXT. Extension: VK\\_EXT\\_graphics\\_pipeline\\_library [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsPipelineLibraryCreateInfoEXT.html) """ struct _GraphicsPipelineLibraryCreateInfoEXT <: VulkanStruct{true} vks::VkGraphicsPipelineLibraryCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT. Extension: VK\\_EXT\\_graphics\\_pipeline\\_library [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT.html) """ struct _PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT. Extension: VK\\_EXT\\_graphics\\_pipeline\\_library [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT.html) """ struct _PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceLinearColorAttachmentFeaturesNV. Extension: VK\\_NV\\_linear\\_color\\_attachment [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLinearColorAttachmentFeaturesNV.html) """ struct _PhysicalDeviceLinearColorAttachmentFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceLinearColorAttachmentFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT. Extension: VK\\_EXT\\_rasterization\\_order\\_attachment\\_access [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT.html) """ struct _PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkImageViewMinLodCreateInfoEXT. Extension: VK\\_EXT\\_image\\_view\\_min\\_lod [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewMinLodCreateInfoEXT.html) """ struct _ImageViewMinLodCreateInfoEXT <: VulkanStruct{true} vks::VkImageViewMinLodCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceImageViewMinLodFeaturesEXT. Extension: VK\\_EXT\\_image\\_view\\_min\\_lod [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageViewMinLodFeaturesEXT.html) """ struct _PhysicalDeviceImageViewMinLodFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceImageViewMinLodFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkMultiviewPerViewAttributesInfoNVX. Extension: VK\\_KHR\\_dynamic\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultiviewPerViewAttributesInfoNVX.html) """ struct _MultiviewPerViewAttributesInfoNVX <: VulkanStruct{true} vks::VkMultiviewPerViewAttributesInfoNVX deps::Vector{Any} end """ Intermediate wrapper for VkAttachmentSampleCountInfoAMD. Extension: VK\\_KHR\\_dynamic\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentSampleCountInfoAMD.html) """ struct _AttachmentSampleCountInfoAMD <: VulkanStruct{true} vks::VkAttachmentSampleCountInfoAMD deps::Vector{Any} end """ Intermediate wrapper for VkCommandBufferInheritanceRenderingInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceRenderingInfo.html) """ struct _CommandBufferInheritanceRenderingInfo <: VulkanStruct{true} vks::VkCommandBufferInheritanceRenderingInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDynamicRenderingFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDynamicRenderingFeatures.html) """ struct _PhysicalDeviceDynamicRenderingFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceDynamicRenderingFeatures deps::Vector{Any} end """ Intermediate wrapper for VkRenderingInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingInfo.html) """ struct _RenderingInfo <: VulkanStruct{true} vks::VkRenderingInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineRenderingCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRenderingCreateInfo.html) """ struct _PipelineRenderingCreateInfo <: VulkanStruct{true} vks::VkPipelineRenderingCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkDrmFormatModifierProperties2EXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierProperties2EXT.html) """ struct _DrmFormatModifierProperties2EXT <: VulkanStruct{false} vks::VkDrmFormatModifierProperties2EXT end """ Intermediate wrapper for VkDrmFormatModifierPropertiesList2EXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierPropertiesList2EXT.html) """ struct _DrmFormatModifierPropertiesList2EXT <: VulkanStruct{true} vks::VkDrmFormatModifierPropertiesList2EXT deps::Vector{Any} end """ Intermediate wrapper for VkFormatProperties3. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFormatProperties3.html) """ struct _FormatProperties3 <: VulkanStruct{true} vks::VkFormatProperties3 deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT. Extension: VK\\_EXT\\_rgba10x6\\_formats [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT.html) """ struct _PhysicalDeviceRGBA10X6FormatsFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkAccelerationStructureMotionInstanceNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMotionInstanceNV.html) """ struct _AccelerationStructureMotionInstanceNV <: VulkanStruct{false} vks::VkAccelerationStructureMotionInstanceNV end """ Intermediate wrapper for VkAccelerationStructureMatrixMotionInstanceNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMatrixMotionInstanceNV.html) """ struct _AccelerationStructureMatrixMotionInstanceNV <: VulkanStruct{false} vks::VkAccelerationStructureMatrixMotionInstanceNV end """ Intermediate wrapper for VkAccelerationStructureSRTMotionInstanceNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureSRTMotionInstanceNV.html) """ struct _AccelerationStructureSRTMotionInstanceNV <: VulkanStruct{false} vks::VkAccelerationStructureSRTMotionInstanceNV end """ Intermediate wrapper for VkSRTDataNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSRTDataNV.html) """ struct _SRTDataNV <: VulkanStruct{false} vks::VkSRTDataNV end """ Intermediate wrapper for VkAccelerationStructureMotionInfoNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMotionInfoNV.html) """ struct _AccelerationStructureMotionInfoNV <: VulkanStruct{true} vks::VkAccelerationStructureMotionInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkAccelerationStructureGeometryMotionTrianglesDataNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryMotionTrianglesDataNV.html) """ struct _AccelerationStructureGeometryMotionTrianglesDataNV <: VulkanStruct{true} vks::VkAccelerationStructureGeometryMotionTrianglesDataNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceRayTracingMotionBlurFeaturesNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingMotionBlurFeaturesNV.html) """ struct _PhysicalDeviceRayTracingMotionBlurFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceRayTracingMotionBlurFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR. Extension: VK\\_KHR\\_fragment\\_shader\\_barycentric [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR.html) """ struct _PhysicalDeviceFragmentShaderBarycentricPropertiesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR. Extension: VK\\_KHR\\_fragment\\_shader\\_barycentric [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR.html) """ struct _PhysicalDeviceFragmentShaderBarycentricFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDrmPropertiesEXT. Extension: VK\\_EXT\\_physical\\_device\\_drm [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDrmPropertiesEXT.html) """ struct _PhysicalDeviceDrmPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceDrmPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderIntegerDotProductProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderIntegerDotProductProperties.html) """ struct _PhysicalDeviceShaderIntegerDotProductProperties <: VulkanStruct{true} vks::VkPhysicalDeviceShaderIntegerDotProductProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderIntegerDotProductFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderIntegerDotProductFeatures.html) """ struct _PhysicalDeviceShaderIntegerDotProductFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceShaderIntegerDotProductFeatures deps::Vector{Any} end """ Intermediate wrapper for VkOpaqueCaptureDescriptorDataCreateInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpaqueCaptureDescriptorDataCreateInfoEXT.html) """ struct _OpaqueCaptureDescriptorDataCreateInfoEXT <: VulkanStruct{true} vks::VkOpaqueCaptureDescriptorDataCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDescriptorGetInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorGetInfoEXT.html) """ struct _DescriptorGetInfoEXT <: VulkanStruct{true} vks::VkDescriptorGetInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDescriptorBufferBindingInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorBufferBindingInfoEXT.html) """ struct _DescriptorBufferBindingInfoEXT <: VulkanStruct{true} vks::VkDescriptorBufferBindingInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDescriptorAddressInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorAddressInfoEXT.html) """ struct _DescriptorAddressInfoEXT <: VulkanStruct{true} vks::VkDescriptorAddressInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT.html) """ struct _PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDescriptorBufferPropertiesEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorBufferPropertiesEXT.html) """ struct _PhysicalDeviceDescriptorBufferPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceDescriptorBufferPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDescriptorBufferFeaturesEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorBufferFeaturesEXT.html) """ struct _PhysicalDeviceDescriptorBufferFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceDescriptorBufferFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkCuModuleCreateInfoNVX. Extension: VK\\_NVX\\_binary\\_import [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCuModuleCreateInfoNVX.html) """ struct _CuModuleCreateInfoNVX <: VulkanStruct{true} vks::VkCuModuleCreateInfoNVX deps::Vector{Any} end """ Intermediate wrapper for VkPipelineRasterizationProvokingVertexStateCreateInfoEXT. Extension: VK\\_EXT\\_provoking\\_vertex [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationProvokingVertexStateCreateInfoEXT.html) """ struct _PipelineRasterizationProvokingVertexStateCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineRasterizationProvokingVertexStateCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceProvokingVertexPropertiesEXT. Extension: VK\\_EXT\\_provoking\\_vertex [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProvokingVertexPropertiesEXT.html) """ struct _PhysicalDeviceProvokingVertexPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceProvokingVertexPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceProvokingVertexFeaturesEXT. Extension: VK\\_EXT\\_provoking\\_vertex [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProvokingVertexFeaturesEXT.html) """ struct _PhysicalDeviceProvokingVertexFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceProvokingVertexFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT. Extension: VK\\_EXT\\_ycbcr\\_2plane\\_444\\_formats [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT.html) """ struct _PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkCommandBufferInheritanceViewportScissorInfoNV. Extension: VK\\_NV\\_inherited\\_viewport\\_scissor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceViewportScissorInfoNV.html) """ struct _CommandBufferInheritanceViewportScissorInfoNV <: VulkanStruct{true} vks::VkCommandBufferInheritanceViewportScissorInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceInheritedViewportScissorFeaturesNV. Extension: VK\\_NV\\_inherited\\_viewport\\_scissor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInheritedViewportScissorFeaturesNV.html) """ struct _PhysicalDeviceInheritedViewportScissorFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceInheritedViewportScissorFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkVideoCodingControlInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoCodingControlInfoKHR.html) """ struct _VideoCodingControlInfoKHR <: VulkanStruct{true} vks::VkVideoCodingControlInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoEndCodingInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoEndCodingInfoKHR.html) """ struct _VideoEndCodingInfoKHR <: VulkanStruct{true} vks::VkVideoEndCodingInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoSessionParametersUpdateInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionParametersUpdateInfoKHR.html) """ struct _VideoSessionParametersUpdateInfoKHR <: VulkanStruct{true} vks::VkVideoSessionParametersUpdateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoSessionCreateInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionCreateInfoKHR.html) """ struct _VideoSessionCreateInfoKHR <: VulkanStruct{true} vks::VkVideoSessionCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeH265DpbSlotInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h265 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265DpbSlotInfoKHR.html) """ struct _VideoDecodeH265DpbSlotInfoKHR <: VulkanStruct{true} vks::VkVideoDecodeH265DpbSlotInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeH265PictureInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h265 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265PictureInfoKHR.html) """ struct _VideoDecodeH265PictureInfoKHR <: VulkanStruct{true} vks::VkVideoDecodeH265PictureInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeH265SessionParametersCreateInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h265 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265SessionParametersCreateInfoKHR.html) """ struct _VideoDecodeH265SessionParametersCreateInfoKHR <: VulkanStruct{true} vks::VkVideoDecodeH265SessionParametersCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeH265SessionParametersAddInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h265 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265SessionParametersAddInfoKHR.html) """ struct _VideoDecodeH265SessionParametersAddInfoKHR <: VulkanStruct{true} vks::VkVideoDecodeH265SessionParametersAddInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeH265CapabilitiesKHR. Extension: VK\\_KHR\\_video\\_decode\\_h265 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265CapabilitiesKHR.html) """ struct _VideoDecodeH265CapabilitiesKHR <: VulkanStruct{true} vks::VkVideoDecodeH265CapabilitiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeH265ProfileInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h265 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265ProfileInfoKHR.html) """ struct _VideoDecodeH265ProfileInfoKHR <: VulkanStruct{true} vks::VkVideoDecodeH265ProfileInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeH264DpbSlotInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h264 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264DpbSlotInfoKHR.html) """ struct _VideoDecodeH264DpbSlotInfoKHR <: VulkanStruct{true} vks::VkVideoDecodeH264DpbSlotInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeH264PictureInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h264 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264PictureInfoKHR.html) """ struct _VideoDecodeH264PictureInfoKHR <: VulkanStruct{true} vks::VkVideoDecodeH264PictureInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeH264SessionParametersCreateInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h264 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264SessionParametersCreateInfoKHR.html) """ struct _VideoDecodeH264SessionParametersCreateInfoKHR <: VulkanStruct{true} vks::VkVideoDecodeH264SessionParametersCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeH264SessionParametersAddInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h264 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264SessionParametersAddInfoKHR.html) """ struct _VideoDecodeH264SessionParametersAddInfoKHR <: VulkanStruct{true} vks::VkVideoDecodeH264SessionParametersAddInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeH264CapabilitiesKHR. Extension: VK\\_KHR\\_video\\_decode\\_h264 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264CapabilitiesKHR.html) """ struct _VideoDecodeH264CapabilitiesKHR <: VulkanStruct{true} vks::VkVideoDecodeH264CapabilitiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeH264ProfileInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h264 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264ProfileInfoKHR.html) """ struct _VideoDecodeH264ProfileInfoKHR <: VulkanStruct{true} vks::VkVideoDecodeH264ProfileInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeUsageInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeUsageInfoKHR.html) """ struct _VideoDecodeUsageInfoKHR <: VulkanStruct{true} vks::VkVideoDecodeUsageInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeCapabilitiesKHR. Extension: VK\\_KHR\\_video\\_decode\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeCapabilitiesKHR.html) """ struct _VideoDecodeCapabilitiesKHR <: VulkanStruct{true} vks::VkVideoDecodeCapabilitiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoReferenceSlotInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoReferenceSlotInfoKHR.html) """ struct _VideoReferenceSlotInfoKHR <: VulkanStruct{true} vks::VkVideoReferenceSlotInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoSessionMemoryRequirementsKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionMemoryRequirementsKHR.html) """ struct _VideoSessionMemoryRequirementsKHR <: VulkanStruct{true} vks::VkVideoSessionMemoryRequirementsKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoCapabilitiesKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoCapabilitiesKHR.html) """ struct _VideoCapabilitiesKHR <: VulkanStruct{true} vks::VkVideoCapabilitiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoProfileInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoProfileInfoKHR.html) """ struct _VideoProfileInfoKHR <: VulkanStruct{true} vks::VkVideoProfileInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoFormatPropertiesKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoFormatPropertiesKHR.html) """ struct _VideoFormatPropertiesKHR <: VulkanStruct{true} vks::VkVideoFormatPropertiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceVideoFormatInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVideoFormatInfoKHR.html) """ struct _PhysicalDeviceVideoFormatInfoKHR <: VulkanStruct{true} vks::VkPhysicalDeviceVideoFormatInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoProfileListInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoProfileListInfoKHR.html) """ struct _VideoProfileListInfoKHR <: VulkanStruct{true} vks::VkVideoProfileListInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkQueueFamilyQueryResultStatusPropertiesKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyQueryResultStatusPropertiesKHR.html) """ struct _QueueFamilyQueryResultStatusPropertiesKHR <: VulkanStruct{true} vks::VkQueueFamilyQueryResultStatusPropertiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkQueueFamilyVideoPropertiesKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyVideoPropertiesKHR.html) """ struct _QueueFamilyVideoPropertiesKHR <: VulkanStruct{true} vks::VkQueueFamilyVideoPropertiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePipelineProtectedAccessFeaturesEXT. Extension: VK\\_EXT\\_pipeline\\_protected\\_access [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineProtectedAccessFeaturesEXT.html) """ struct _PhysicalDevicePipelineProtectedAccessFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDevicePipelineProtectedAccessFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkMultisampledRenderToSingleSampledInfoEXT. Extension: VK\\_EXT\\_multisampled\\_render\\_to\\_single\\_sampled [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultisampledRenderToSingleSampledInfoEXT.html) """ struct _MultisampledRenderToSingleSampledInfoEXT <: VulkanStruct{true} vks::VkMultisampledRenderToSingleSampledInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkSubpassResolvePerformanceQueryEXT. Extension: VK\\_EXT\\_multisampled\\_render\\_to\\_single\\_sampled [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassResolvePerformanceQueryEXT.html) """ struct _SubpassResolvePerformanceQueryEXT <: VulkanStruct{true} vks::VkSubpassResolvePerformanceQueryEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT. Extension: VK\\_EXT\\_multisampled\\_render\\_to\\_single\\_sampled [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT.html) """ struct _PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceLegacyDitheringFeaturesEXT. Extension: VK\\_EXT\\_legacy\\_dithering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLegacyDitheringFeaturesEXT.html) """ struct _PhysicalDeviceLegacyDitheringFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceLegacyDitheringFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT. Extension: VK\\_EXT\\_primitives\\_generated\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT.html) """ struct _PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceSynchronization2Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSynchronization2Features.html) """ struct _PhysicalDeviceSynchronization2Features <: VulkanStruct{true} vks::VkPhysicalDeviceSynchronization2Features deps::Vector{Any} end """ Intermediate wrapper for VkCheckpointData2NV. Extension: VK\\_KHR\\_synchronization2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCheckpointData2NV.html) """ struct _CheckpointData2NV <: VulkanStruct{true} vks::VkCheckpointData2NV deps::Vector{Any} end """ Intermediate wrapper for VkQueueFamilyCheckpointProperties2NV. Extension: VK\\_KHR\\_synchronization2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyCheckpointProperties2NV.html) """ struct _QueueFamilyCheckpointProperties2NV <: VulkanStruct{true} vks::VkQueueFamilyCheckpointProperties2NV deps::Vector{Any} end """ Intermediate wrapper for VkSubmitInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubmitInfo2.html) """ struct _SubmitInfo2 <: VulkanStruct{true} vks::VkSubmitInfo2 deps::Vector{Any} end """ Intermediate wrapper for VkDependencyInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDependencyInfo.html) """ struct _DependencyInfo <: VulkanStruct{true} vks::VkDependencyInfo deps::Vector{Any} end """ Intermediate wrapper for VkMemoryBarrier2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryBarrier2.html) """ struct _MemoryBarrier2 <: VulkanStruct{true} vks::VkMemoryBarrier2 deps::Vector{Any} end """ Intermediate wrapper for VkPipelineColorWriteCreateInfoEXT. Extension: VK\\_EXT\\_color\\_write\\_enable [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorWriteCreateInfoEXT.html) """ struct _PipelineColorWriteCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineColorWriteCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceColorWriteEnableFeaturesEXT. Extension: VK\\_EXT\\_color\\_write\\_enable [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceColorWriteEnableFeaturesEXT.html) """ struct _PhysicalDeviceColorWriteEnableFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceColorWriteEnableFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkVertexInputAttributeDescription2EXT. Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputAttributeDescription2EXT.html) """ struct _VertexInputAttributeDescription2EXT <: VulkanStruct{true} vks::VkVertexInputAttributeDescription2EXT deps::Vector{Any} end """ Intermediate wrapper for VkVertexInputBindingDescription2EXT. Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputBindingDescription2EXT.html) """ struct _VertexInputBindingDescription2EXT <: VulkanStruct{true} vks::VkVertexInputBindingDescription2EXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceExternalMemoryRDMAFeaturesNV. Extension: VK\\_NV\\_external\\_memory\\_rdma [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalMemoryRDMAFeaturesNV.html) """ struct _PhysicalDeviceExternalMemoryRDMAFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceExternalMemoryRDMAFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT. Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT.html) """ struct _PhysicalDeviceVertexInputDynamicStateFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPipelineViewportDepthClipControlCreateInfoEXT. Extension: VK\\_EXT\\_depth\\_clip\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportDepthClipControlCreateInfoEXT.html) """ struct _PipelineViewportDepthClipControlCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineViewportDepthClipControlCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDepthClipControlFeaturesEXT. Extension: VK\\_EXT\\_depth\\_clip\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthClipControlFeaturesEXT.html) """ struct _PhysicalDeviceDepthClipControlFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceDepthClipControlFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkMutableDescriptorTypeCreateInfoEXT. Extension: VK\\_EXT\\_mutable\\_descriptor\\_type [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMutableDescriptorTypeCreateInfoEXT.html) """ struct _MutableDescriptorTypeCreateInfoEXT <: VulkanStruct{true} vks::VkMutableDescriptorTypeCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkMutableDescriptorTypeListEXT. Extension: VK\\_EXT\\_mutable\\_descriptor\\_type [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMutableDescriptorTypeListEXT.html) """ struct _MutableDescriptorTypeListEXT <: VulkanStruct{true} vks::VkMutableDescriptorTypeListEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT. Extension: VK\\_EXT\\_mutable\\_descriptor\\_type [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT.html) """ struct _PhysicalDeviceMutableDescriptorTypeFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceImage2DViewOf3DFeaturesEXT. Extension: VK\\_EXT\\_image\\_2d\\_view\\_of\\_3d [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImage2DViewOf3DFeaturesEXT.html) """ struct _PhysicalDeviceImage2DViewOf3DFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceImage2DViewOf3DFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkAccelerationStructureBuildSizesInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureBuildSizesInfoKHR.html) """ struct _AccelerationStructureBuildSizesInfoKHR <: VulkanStruct{true} vks::VkAccelerationStructureBuildSizesInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkPipelineFragmentShadingRateEnumStateCreateInfoNV. Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineFragmentShadingRateEnumStateCreateInfoNV.html) """ struct _PipelineFragmentShadingRateEnumStateCreateInfoNV <: VulkanStruct{true} vks::VkPipelineFragmentShadingRateEnumStateCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV. Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV.html) """ struct _PhysicalDeviceFragmentShadingRateEnumsPropertiesNV <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV. Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV.html) """ struct _PhysicalDeviceFragmentShadingRateEnumsFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderTerminateInvocationFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderTerminateInvocationFeatures.html) """ struct _PhysicalDeviceShaderTerminateInvocationFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceShaderTerminateInvocationFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentShadingRateKHR. Extension: VK\\_KHR\\_fragment\\_shading\\_rate [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateKHR.html) """ struct _PhysicalDeviceFragmentShadingRateKHR <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentShadingRateKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentShadingRatePropertiesKHR. Extension: VK\\_KHR\\_fragment\\_shading\\_rate [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRatePropertiesKHR.html) """ struct _PhysicalDeviceFragmentShadingRatePropertiesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentShadingRatePropertiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentShadingRateFeaturesKHR. Extension: VK\\_KHR\\_fragment\\_shading\\_rate [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateFeaturesKHR.html) """ struct _PhysicalDeviceFragmentShadingRateFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentShadingRateFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPipelineFragmentShadingRateStateCreateInfoKHR. Extension: VK\\_KHR\\_fragment\\_shading\\_rate [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineFragmentShadingRateStateCreateInfoKHR.html) """ struct _PipelineFragmentShadingRateStateCreateInfoKHR <: VulkanStruct{true} vks::VkPipelineFragmentShadingRateStateCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkFragmentShadingRateAttachmentInfoKHR. Extension: VK\\_KHR\\_fragment\\_shading\\_rate [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFragmentShadingRateAttachmentInfoKHR.html) """ struct _FragmentShadingRateAttachmentInfoKHR <: VulkanStruct{true} vks::VkFragmentShadingRateAttachmentInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT. Extension: VK\\_EXT\\_shader\\_image\\_atomic\\_int64 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT.html) """ struct _PhysicalDeviceShaderImageAtomicInt64FeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkImageResolve2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageResolve2.html) """ struct _ImageResolve2 <: VulkanStruct{true} vks::VkImageResolve2 deps::Vector{Any} end """ Intermediate wrapper for VkBufferImageCopy2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferImageCopy2.html) """ struct _BufferImageCopy2 <: VulkanStruct{true} vks::VkBufferImageCopy2 deps::Vector{Any} end """ Intermediate wrapper for VkImageBlit2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageBlit2.html) """ struct _ImageBlit2 <: VulkanStruct{true} vks::VkImageBlit2 deps::Vector{Any} end """ Intermediate wrapper for VkImageCopy2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCopy2.html) """ struct _ImageCopy2 <: VulkanStruct{true} vks::VkImageCopy2 deps::Vector{Any} end """ Intermediate wrapper for VkBufferCopy2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCopy2.html) """ struct _BufferCopy2 <: VulkanStruct{true} vks::VkBufferCopy2 deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI. Extension: VK\\_HUAWEI\\_cluster\\_culling\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI.html) """ struct _PhysicalDeviceClusterCullingShaderFeaturesHUAWEI <: VulkanStruct{true} vks::VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceSubpassShadingFeaturesHUAWEI. Extension: VK\\_HUAWEI\\_subpass\\_shading [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubpassShadingFeaturesHUAWEI.html) """ struct _PhysicalDeviceSubpassShadingFeaturesHUAWEI <: VulkanStruct{true} vks::VkPhysicalDeviceSubpassShadingFeaturesHUAWEI deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevice4444FormatsFeaturesEXT. Extension: VK\\_EXT\\_4444\\_formats [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevice4444FormatsFeaturesEXT.html) """ struct _PhysicalDevice4444FormatsFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDevice4444FormatsFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR. Extension: VK\\_KHR\\_workgroup\\_memory\\_explicit\\_layout [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR.html) """ struct _PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceImageRobustnessFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageRobustnessFeatures.html) """ struct _PhysicalDeviceImageRobustnessFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceImageRobustnessFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceRobustness2PropertiesEXT. Extension: VK\\_EXT\\_robustness2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRobustness2PropertiesEXT.html) """ struct _PhysicalDeviceRobustness2PropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceRobustness2PropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceRobustness2FeaturesEXT. Extension: VK\\_EXT\\_robustness2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRobustness2FeaturesEXT.html) """ struct _PhysicalDeviceRobustness2FeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceRobustness2FeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR. Extension: VK\\_KHR\\_shader\\_subgroup\\_uniform\\_control\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR.html) """ struct _PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures.html) """ struct _PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures deps::Vector{Any} end """ Intermediate wrapper for VkDeviceDiagnosticsConfigCreateInfoNV. Extension: VK\\_NV\\_device\\_diagnostics\\_config [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceDiagnosticsConfigCreateInfoNV.html) """ struct _DeviceDiagnosticsConfigCreateInfoNV <: VulkanStruct{true} vks::VkDeviceDiagnosticsConfigCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDiagnosticsConfigFeaturesNV. Extension: VK\\_NV\\_device\\_diagnostics\\_config [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDiagnosticsConfigFeaturesNV.html) """ struct _PhysicalDeviceDiagnosticsConfigFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceDiagnosticsConfigFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkCommandBufferInheritanceRenderPassTransformInfoQCOM. Extension: VK\\_QCOM\\_render\\_pass\\_transform [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceRenderPassTransformInfoQCOM.html) """ struct _CommandBufferInheritanceRenderPassTransformInfoQCOM <: VulkanStruct{true} vks::VkCommandBufferInheritanceRenderPassTransformInfoQCOM deps::Vector{Any} end """ Intermediate wrapper for VkCopyCommandTransformInfoQCOM. Extension: VK\\_QCOM\\_rotated\\_copy\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyCommandTransformInfoQCOM.html) """ struct _CopyCommandTransformInfoQCOM <: VulkanStruct{true} vks::VkCopyCommandTransformInfoQCOM deps::Vector{Any} end """ Intermediate wrapper for VkRenderPassTransformBeginInfoQCOM. Extension: VK\\_QCOM\\_render\\_pass\\_transform [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassTransformBeginInfoQCOM.html) """ struct _RenderPassTransformBeginInfoQCOM <: VulkanStruct{true} vks::VkRenderPassTransformBeginInfoQCOM deps::Vector{Any} end """ Intermediate wrapper for VkColorBlendAdvancedEXT. Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkColorBlendAdvancedEXT.html) """ struct _ColorBlendAdvancedEXT <: VulkanStruct{false} vks::VkColorBlendAdvancedEXT end """ Intermediate wrapper for VkColorBlendEquationEXT. Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkColorBlendEquationEXT.html) """ struct _ColorBlendEquationEXT <: VulkanStruct{false} vks::VkColorBlendEquationEXT end """ Intermediate wrapper for VkPhysicalDeviceExtendedDynamicState3PropertiesEXT. Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicState3PropertiesEXT.html) """ struct _PhysicalDeviceExtendedDynamicState3PropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceExtendedDynamicState3PropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceExtendedDynamicState3FeaturesEXT. Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicState3FeaturesEXT.html) """ struct _PhysicalDeviceExtendedDynamicState3FeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceExtendedDynamicState3FeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceExtendedDynamicState2FeaturesEXT. Extension: VK\\_EXT\\_extended\\_dynamic\\_state2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicState2FeaturesEXT.html) """ struct _PhysicalDeviceExtendedDynamicState2FeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceExtendedDynamicState2FeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceExtendedDynamicStateFeaturesEXT. Extension: VK\\_EXT\\_extended\\_dynamic\\_state [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicStateFeaturesEXT.html) """ struct _PhysicalDeviceExtendedDynamicStateFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceExtendedDynamicStateFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPipelineLibraryCreateInfoKHR. Extension: VK\\_KHR\\_pipeline\\_library [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineLibraryCreateInfoKHR.html) """ struct _PipelineLibraryCreateInfoKHR <: VulkanStruct{true} vks::VkPipelineLibraryCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkRayTracingPipelineInterfaceCreateInfoKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingPipelineInterfaceCreateInfoKHR.html) """ struct _RayTracingPipelineInterfaceCreateInfoKHR <: VulkanStruct{true} vks::VkRayTracingPipelineInterfaceCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkAccelerationStructureVersionInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureVersionInfoKHR.html) """ struct _AccelerationStructureVersionInfoKHR <: VulkanStruct{true} vks::VkAccelerationStructureVersionInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkAccelerationStructureInstanceKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureInstanceKHR.html) """ struct _AccelerationStructureInstanceKHR <: VulkanStruct{false} vks::VkAccelerationStructureInstanceKHR end """ Intermediate wrapper for VkTransformMatrixKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTransformMatrixKHR.html) """ struct _TransformMatrixKHR <: VulkanStruct{false} vks::VkTransformMatrixKHR end """ Intermediate wrapper for VkAabbPositionsKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAabbPositionsKHR.html) """ struct _AabbPositionsKHR <: VulkanStruct{false} vks::VkAabbPositionsKHR end """ Intermediate wrapper for VkAccelerationStructureBuildRangeInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureBuildRangeInfoKHR.html) """ struct _AccelerationStructureBuildRangeInfoKHR <: VulkanStruct{false} vks::VkAccelerationStructureBuildRangeInfoKHR end """ Intermediate wrapper for VkAccelerationStructureGeometryKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryKHR.html) """ struct _AccelerationStructureGeometryKHR <: VulkanStruct{true} vks::VkAccelerationStructureGeometryKHR deps::Vector{Any} end """ Intermediate wrapper for VkAccelerationStructureGeometryInstancesDataKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryInstancesDataKHR.html) """ struct _AccelerationStructureGeometryInstancesDataKHR <: VulkanStruct{true} vks::VkAccelerationStructureGeometryInstancesDataKHR deps::Vector{Any} end """ Intermediate wrapper for VkAccelerationStructureGeometryAabbsDataKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryAabbsDataKHR.html) """ struct _AccelerationStructureGeometryAabbsDataKHR <: VulkanStruct{true} vks::VkAccelerationStructureGeometryAabbsDataKHR deps::Vector{Any} end """ Intermediate wrapper for VkAccelerationStructureGeometryTrianglesDataKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryTrianglesDataKHR.html) """ struct _AccelerationStructureGeometryTrianglesDataKHR <: VulkanStruct{true} vks::VkAccelerationStructureGeometryTrianglesDataKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceBorderColorSwizzleFeaturesEXT. Extension: VK\\_EXT\\_border\\_color\\_swizzle [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBorderColorSwizzleFeaturesEXT.html) """ struct _PhysicalDeviceBorderColorSwizzleFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceBorderColorSwizzleFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkSamplerBorderColorComponentMappingCreateInfoEXT. Extension: VK\\_EXT\\_border\\_color\\_swizzle [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerBorderColorComponentMappingCreateInfoEXT.html) """ struct _SamplerBorderColorComponentMappingCreateInfoEXT <: VulkanStruct{true} vks::VkSamplerBorderColorComponentMappingCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceCustomBorderColorFeaturesEXT. Extension: VK\\_EXT\\_custom\\_border\\_color [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCustomBorderColorFeaturesEXT.html) """ struct _PhysicalDeviceCustomBorderColorFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceCustomBorderColorFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceCustomBorderColorPropertiesEXT. Extension: VK\\_EXT\\_custom\\_border\\_color [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCustomBorderColorPropertiesEXT.html) """ struct _PhysicalDeviceCustomBorderColorPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceCustomBorderColorPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkSamplerCustomBorderColorCreateInfoEXT. Extension: VK\\_EXT\\_custom\\_border\\_color [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerCustomBorderColorCreateInfoEXT.html) """ struct _SamplerCustomBorderColorCreateInfoEXT <: VulkanStruct{true} vks::VkSamplerCustomBorderColorCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceToolProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceToolProperties.html) """ struct _PhysicalDeviceToolProperties <: VulkanStruct{true} vks::VkPhysicalDeviceToolProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceCoherentMemoryFeaturesAMD. Extension: VK\\_AMD\\_device\\_coherent\\_memory [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCoherentMemoryFeaturesAMD.html) """ struct _PhysicalDeviceCoherentMemoryFeaturesAMD <: VulkanStruct{true} vks::VkPhysicalDeviceCoherentMemoryFeaturesAMD deps::Vector{Any} end """ Intermediate wrapper for VkPipelineCompilerControlCreateInfoAMD. Extension: VK\\_AMD\\_pipeline\\_compiler\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCompilerControlCreateInfoAMD.html) """ struct _PipelineCompilerControlCreateInfoAMD <: VulkanStruct{true} vks::VkPipelineCompilerControlCreateInfoAMD deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceVulkan13Properties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan13Properties.html) """ struct _PhysicalDeviceVulkan13Properties <: VulkanStruct{true} vks::VkPhysicalDeviceVulkan13Properties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceVulkan13Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan13Features.html) """ struct _PhysicalDeviceVulkan13Features <: VulkanStruct{true} vks::VkPhysicalDeviceVulkan13Features deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceVulkan12Properties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan12Properties.html) """ struct _PhysicalDeviceVulkan12Properties <: VulkanStruct{true} vks::VkPhysicalDeviceVulkan12Properties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceVulkan12Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan12Features.html) """ struct _PhysicalDeviceVulkan12Features <: VulkanStruct{true} vks::VkPhysicalDeviceVulkan12Features deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceVulkan11Properties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan11Properties.html) """ struct _PhysicalDeviceVulkan11Properties <: VulkanStruct{true} vks::VkPhysicalDeviceVulkan11Properties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceVulkan11Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan11Features.html) """ struct _PhysicalDeviceVulkan11Features <: VulkanStruct{true} vks::VkPhysicalDeviceVulkan11Features deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePipelineCreationCacheControlFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineCreationCacheControlFeatures.html) """ struct _PhysicalDevicePipelineCreationCacheControlFeatures <: VulkanStruct{true} vks::VkPhysicalDevicePipelineCreationCacheControlFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPipelineRasterizationLineStateCreateInfoEXT. Extension: VK\\_EXT\\_line\\_rasterization [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationLineStateCreateInfoEXT.html) """ struct _PipelineRasterizationLineStateCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineRasterizationLineStateCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceLineRasterizationPropertiesEXT. Extension: VK\\_EXT\\_line\\_rasterization [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLineRasterizationPropertiesEXT.html) """ struct _PhysicalDeviceLineRasterizationPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceLineRasterizationPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceLineRasterizationFeaturesEXT. Extension: VK\\_EXT\\_line\\_rasterization [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLineRasterizationFeaturesEXT.html) """ struct _PhysicalDeviceLineRasterizationFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceLineRasterizationFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkMemoryOpaqueCaptureAddressAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryOpaqueCaptureAddressAllocateInfo.html) """ struct _MemoryOpaqueCaptureAddressAllocateInfo <: VulkanStruct{true} vks::VkMemoryOpaqueCaptureAddressAllocateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI. Extension: VK\\_HUAWEI\\_cluster\\_culling\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI.html) """ struct _PhysicalDeviceClusterCullingShaderPropertiesHUAWEI <: VulkanStruct{true} vks::VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceSubpassShadingPropertiesHUAWEI. Extension: VK\\_HUAWEI\\_subpass\\_shading [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubpassShadingPropertiesHUAWEI.html) """ struct _PhysicalDeviceSubpassShadingPropertiesHUAWEI <: VulkanStruct{true} vks::VkPhysicalDeviceSubpassShadingPropertiesHUAWEI deps::Vector{Any} end """ Intermediate wrapper for VkPipelineShaderStageRequiredSubgroupSizeCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineShaderStageRequiredSubgroupSizeCreateInfo.html) """ struct _PipelineShaderStageRequiredSubgroupSizeCreateInfo <: VulkanStruct{true} vks::VkPipelineShaderStageRequiredSubgroupSizeCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceSubgroupSizeControlProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubgroupSizeControlProperties.html) """ struct _PhysicalDeviceSubgroupSizeControlProperties <: VulkanStruct{true} vks::VkPhysicalDeviceSubgroupSizeControlProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceSubgroupSizeControlFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubgroupSizeControlFeatures.html) """ struct _PhysicalDeviceSubgroupSizeControlFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceSubgroupSizeControlFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceTexelBufferAlignmentProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTexelBufferAlignmentProperties.html) """ struct _PhysicalDeviceTexelBufferAlignmentProperties <: VulkanStruct{true} vks::VkPhysicalDeviceTexelBufferAlignmentProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT. Extension: VK\\_EXT\\_texel\\_buffer\\_alignment [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT.html) """ struct _PhysicalDeviceTexelBufferAlignmentFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures.html) """ struct _PhysicalDeviceShaderDemoteToHelperInvocationFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPipelineExecutableInternalRepresentationKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableInternalRepresentationKHR.html) """ struct _PipelineExecutableInternalRepresentationKHR <: VulkanStruct{true} vks::VkPipelineExecutableInternalRepresentationKHR deps::Vector{Any} end """ Intermediate wrapper for VkPipelineExecutableStatisticKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableStatisticKHR.html) """ struct _PipelineExecutableStatisticKHR <: VulkanStruct{true} vks::VkPipelineExecutableStatisticKHR deps::Vector{Any} end """ Intermediate wrapper for VkPipelineExecutablePropertiesKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutablePropertiesKHR.html) """ struct _PipelineExecutablePropertiesKHR <: VulkanStruct{true} vks::VkPipelineExecutablePropertiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR.html) """ struct _PhysicalDevicePipelineExecutablePropertiesFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkAttachmentDescriptionStencilLayout. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentDescriptionStencilLayout.html) """ struct _AttachmentDescriptionStencilLayout <: VulkanStruct{true} vks::VkAttachmentDescriptionStencilLayout deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT. Extension: VK\\_EXT\\_primitive\\_topology\\_list\\_restart [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT.html) """ struct _PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkAttachmentReferenceStencilLayout. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentReferenceStencilLayout.html) """ struct _AttachmentReferenceStencilLayout <: VulkanStruct{true} vks::VkAttachmentReferenceStencilLayout deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures.html) """ struct _PhysicalDeviceSeparateDepthStencilLayoutsFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT. Extension: VK\\_EXT\\_fragment\\_shader\\_interlock [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT.html) """ struct _PhysicalDeviceFragmentShaderInterlockFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderSMBuiltinsFeaturesNV. Extension: VK\\_NV\\_shader\\_sm\\_builtins [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSMBuiltinsFeaturesNV.html) """ struct _PhysicalDeviceShaderSMBuiltinsFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceShaderSMBuiltinsFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderSMBuiltinsPropertiesNV. Extension: VK\\_NV\\_shader\\_sm\\_builtins [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSMBuiltinsPropertiesNV.html) """ struct _PhysicalDeviceShaderSMBuiltinsPropertiesNV <: VulkanStruct{true} vks::VkPhysicalDeviceShaderSMBuiltinsPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceIndexTypeUint8FeaturesEXT. Extension: VK\\_EXT\\_index\\_type\\_uint8 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceIndexTypeUint8FeaturesEXT.html) """ struct _PhysicalDeviceIndexTypeUint8FeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceIndexTypeUint8FeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderClockFeaturesKHR. Extension: VK\\_KHR\\_shader\\_clock [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderClockFeaturesKHR.html) """ struct _PhysicalDeviceShaderClockFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceShaderClockFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPerformanceConfigurationAcquireInfoINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceConfigurationAcquireInfoINTEL.html) """ struct _PerformanceConfigurationAcquireInfoINTEL <: VulkanStruct{true} vks::VkPerformanceConfigurationAcquireInfoINTEL deps::Vector{Any} end """ Intermediate wrapper for VkPerformanceOverrideInfoINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceOverrideInfoINTEL.html) """ struct _PerformanceOverrideInfoINTEL <: VulkanStruct{true} vks::VkPerformanceOverrideInfoINTEL deps::Vector{Any} end """ Intermediate wrapper for VkPerformanceStreamMarkerInfoINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceStreamMarkerInfoINTEL.html) """ struct _PerformanceStreamMarkerInfoINTEL <: VulkanStruct{true} vks::VkPerformanceStreamMarkerInfoINTEL deps::Vector{Any} end """ Intermediate wrapper for VkPerformanceMarkerInfoINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceMarkerInfoINTEL.html) """ struct _PerformanceMarkerInfoINTEL <: VulkanStruct{true} vks::VkPerformanceMarkerInfoINTEL deps::Vector{Any} end """ Intermediate wrapper for VkQueryPoolPerformanceQueryCreateInfoINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueryPoolPerformanceQueryCreateInfoINTEL.html) """ struct _QueryPoolPerformanceQueryCreateInfoINTEL <: VulkanStruct{true} vks::VkQueryPoolPerformanceQueryCreateInfoINTEL deps::Vector{Any} end """ Intermediate wrapper for VkInitializePerformanceApiInfoINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkInitializePerformanceApiInfoINTEL.html) """ struct _InitializePerformanceApiInfoINTEL <: VulkanStruct{true} vks::VkInitializePerformanceApiInfoINTEL deps::Vector{Any} end """ Intermediate wrapper for VkPerformanceValueINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceValueINTEL.html) """ struct _PerformanceValueINTEL <: VulkanStruct{false} vks::VkPerformanceValueINTEL end """ Intermediate wrapper for VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL. Extension: VK\\_INTEL\\_shader\\_integer\\_functions2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL.html) """ struct _PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL <: VulkanStruct{true} vks::VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL deps::Vector{Any} end """ Intermediate wrapper for VkFramebufferMixedSamplesCombinationNV. Extension: VK\\_NV\\_coverage\\_reduction\\_mode [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferMixedSamplesCombinationNV.html) """ struct _FramebufferMixedSamplesCombinationNV <: VulkanStruct{true} vks::VkFramebufferMixedSamplesCombinationNV deps::Vector{Any} end """ Intermediate wrapper for VkPipelineCoverageReductionStateCreateInfoNV. Extension: VK\\_NV\\_coverage\\_reduction\\_mode [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCoverageReductionStateCreateInfoNV.html) """ struct _PipelineCoverageReductionStateCreateInfoNV <: VulkanStruct{true} vks::VkPipelineCoverageReductionStateCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceCoverageReductionModeFeaturesNV. Extension: VK\\_NV\\_coverage\\_reduction\\_mode [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCoverageReductionModeFeaturesNV.html) """ struct _PhysicalDeviceCoverageReductionModeFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceCoverageReductionModeFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkHeadlessSurfaceCreateInfoEXT. Extension: VK\\_EXT\\_headless\\_surface [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkHeadlessSurfaceCreateInfoEXT.html) """ struct _HeadlessSurfaceCreateInfoEXT <: VulkanStruct{true} vks::VkHeadlessSurfaceCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPerformanceQuerySubmitInfoKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceQuerySubmitInfoKHR.html) """ struct _PerformanceQuerySubmitInfoKHR <: VulkanStruct{true} vks::VkPerformanceQuerySubmitInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkAcquireProfilingLockInfoKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAcquireProfilingLockInfoKHR.html) """ struct _AcquireProfilingLockInfoKHR <: VulkanStruct{true} vks::VkAcquireProfilingLockInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkQueryPoolPerformanceCreateInfoKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueryPoolPerformanceCreateInfoKHR.html) """ struct _QueryPoolPerformanceCreateInfoKHR <: VulkanStruct{true} vks::VkQueryPoolPerformanceCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkPerformanceCounterDescriptionKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceCounterDescriptionKHR.html) """ struct _PerformanceCounterDescriptionKHR <: VulkanStruct{true} vks::VkPerformanceCounterDescriptionKHR deps::Vector{Any} end """ Intermediate wrapper for VkPerformanceCounterKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceCounterKHR.html) """ struct _PerformanceCounterKHR <: VulkanStruct{true} vks::VkPerformanceCounterKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePerformanceQueryPropertiesKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePerformanceQueryPropertiesKHR.html) """ struct _PhysicalDevicePerformanceQueryPropertiesKHR <: VulkanStruct{true} vks::VkPhysicalDevicePerformanceQueryPropertiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePerformanceQueryFeaturesKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePerformanceQueryFeaturesKHR.html) """ struct _PhysicalDevicePerformanceQueryFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDevicePerformanceQueryFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkSwapchainPresentBarrierCreateInfoNV. Extension: VK\\_NV\\_present\\_barrier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentBarrierCreateInfoNV.html) """ struct _SwapchainPresentBarrierCreateInfoNV <: VulkanStruct{true} vks::VkSwapchainPresentBarrierCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkSurfaceCapabilitiesPresentBarrierNV. Extension: VK\\_NV\\_present\\_barrier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilitiesPresentBarrierNV.html) """ struct _SurfaceCapabilitiesPresentBarrierNV <: VulkanStruct{true} vks::VkSurfaceCapabilitiesPresentBarrierNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePresentBarrierFeaturesNV. Extension: VK\\_NV\\_present\\_barrier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePresentBarrierFeaturesNV.html) """ struct _PhysicalDevicePresentBarrierFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDevicePresentBarrierFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPipelineCreationFeedbackCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCreationFeedbackCreateInfo.html) """ struct _PipelineCreationFeedbackCreateInfo <: VulkanStruct{true} vks::VkPipelineCreationFeedbackCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineCreationFeedback. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCreationFeedback.html) """ struct _PipelineCreationFeedback <: VulkanStruct{false} vks::VkPipelineCreationFeedback end """ Intermediate wrapper for VkImageViewAddressPropertiesNVX. Extension: VK\\_NVX\\_image\\_view\\_handle [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewAddressPropertiesNVX.html) """ struct _ImageViewAddressPropertiesNVX <: VulkanStruct{true} vks::VkImageViewAddressPropertiesNVX deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceYcbcrImageArraysFeaturesEXT. Extension: VK\\_EXT\\_ycbcr\\_image\\_arrays [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceYcbcrImageArraysFeaturesEXT.html) """ struct _PhysicalDeviceYcbcrImageArraysFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceYcbcrImageArraysFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkCooperativeMatrixPropertiesNV. Extension: VK\\_NV\\_cooperative\\_matrix [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCooperativeMatrixPropertiesNV.html) """ struct _CooperativeMatrixPropertiesNV <: VulkanStruct{true} vks::VkCooperativeMatrixPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceCooperativeMatrixPropertiesNV. Extension: VK\\_NV\\_cooperative\\_matrix [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCooperativeMatrixPropertiesNV.html) """ struct _PhysicalDeviceCooperativeMatrixPropertiesNV <: VulkanStruct{true} vks::VkPhysicalDeviceCooperativeMatrixPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceCooperativeMatrixFeaturesNV. Extension: VK\\_NV\\_cooperative\\_matrix [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCooperativeMatrixFeaturesNV.html) """ struct _PhysicalDeviceCooperativeMatrixFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceCooperativeMatrixFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceTextureCompressionASTCHDRFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTextureCompressionASTCHDRFeatures.html) """ struct _PhysicalDeviceTextureCompressionASTCHDRFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceTextureCompressionASTCHDRFeatures deps::Vector{Any} end """ Intermediate wrapper for VkRenderPassAttachmentBeginInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassAttachmentBeginInfo.html) """ struct _RenderPassAttachmentBeginInfo <: VulkanStruct{true} vks::VkRenderPassAttachmentBeginInfo deps::Vector{Any} end """ Intermediate wrapper for VkFramebufferAttachmentImageInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferAttachmentImageInfo.html) """ struct _FramebufferAttachmentImageInfo <: VulkanStruct{true} vks::VkFramebufferAttachmentImageInfo deps::Vector{Any} end """ Intermediate wrapper for VkFramebufferAttachmentsCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferAttachmentsCreateInfo.html) """ struct _FramebufferAttachmentsCreateInfo <: VulkanStruct{true} vks::VkFramebufferAttachmentsCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceImagelessFramebufferFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImagelessFramebufferFeatures.html) """ struct _PhysicalDeviceImagelessFramebufferFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceImagelessFramebufferFeatures deps::Vector{Any} end """ Intermediate wrapper for VkFilterCubicImageViewImageFormatPropertiesEXT. Extension: VK\\_EXT\\_filter\\_cubic [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFilterCubicImageViewImageFormatPropertiesEXT.html) """ struct _FilterCubicImageViewImageFormatPropertiesEXT <: VulkanStruct{true} vks::VkFilterCubicImageViewImageFormatPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceImageViewImageFormatInfoEXT. Extension: VK\\_EXT\\_filter\\_cubic [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageViewImageFormatInfoEXT.html) """ struct _PhysicalDeviceImageViewImageFormatInfoEXT <: VulkanStruct{true} vks::VkPhysicalDeviceImageViewImageFormatInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkBufferDeviceAddressCreateInfoEXT. Extension: VK\\_EXT\\_buffer\\_device\\_address [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferDeviceAddressCreateInfoEXT.html) """ struct _BufferDeviceAddressCreateInfoEXT <: VulkanStruct{true} vks::VkBufferDeviceAddressCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkBufferOpaqueCaptureAddressCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferOpaqueCaptureAddressCreateInfo.html) """ struct _BufferOpaqueCaptureAddressCreateInfo <: VulkanStruct{true} vks::VkBufferOpaqueCaptureAddressCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceBufferDeviceAddressFeaturesEXT. Extension: VK\\_EXT\\_buffer\\_device\\_address [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBufferDeviceAddressFeaturesEXT.html) """ struct _PhysicalDeviceBufferDeviceAddressFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceBufferDeviceAddressFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceBufferDeviceAddressFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBufferDeviceAddressFeatures.html) """ struct _PhysicalDeviceBufferDeviceAddressFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceBufferDeviceAddressFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT. Extension: VK\\_EXT\\_pageable\\_device\\_local\\_memory [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT.html) """ struct _PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkMemoryPriorityAllocateInfoEXT. Extension: VK\\_EXT\\_memory\\_priority [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryPriorityAllocateInfoEXT.html) """ struct _MemoryPriorityAllocateInfoEXT <: VulkanStruct{true} vks::VkMemoryPriorityAllocateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMemoryPriorityFeaturesEXT. Extension: VK\\_EXT\\_memory\\_priority [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryPriorityFeaturesEXT.html) """ struct _PhysicalDeviceMemoryPriorityFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceMemoryPriorityFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMemoryBudgetPropertiesEXT. Extension: VK\\_EXT\\_memory\\_budget [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryBudgetPropertiesEXT.html) """ struct _PhysicalDeviceMemoryBudgetPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceMemoryBudgetPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPipelineRasterizationDepthClipStateCreateInfoEXT. Extension: VK\\_EXT\\_depth\\_clip\\_enable [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationDepthClipStateCreateInfoEXT.html) """ struct _PipelineRasterizationDepthClipStateCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineRasterizationDepthClipStateCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDepthClipEnableFeaturesEXT. Extension: VK\\_EXT\\_depth\\_clip\\_enable [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthClipEnableFeaturesEXT.html) """ struct _PhysicalDeviceDepthClipEnableFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceDepthClipEnableFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceUniformBufferStandardLayoutFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceUniformBufferStandardLayoutFeatures.html) """ struct _PhysicalDeviceUniformBufferStandardLayoutFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceUniformBufferStandardLayoutFeatures deps::Vector{Any} end """ Intermediate wrapper for VkSurfaceProtectedCapabilitiesKHR. Extension: VK\\_KHR\\_surface\\_protected\\_capabilities [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceProtectedCapabilitiesKHR.html) """ struct _SurfaceProtectedCapabilitiesKHR <: VulkanStruct{true} vks::VkSurfaceProtectedCapabilitiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceScalarBlockLayoutFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceScalarBlockLayoutFeatures.html) """ struct _PhysicalDeviceScalarBlockLayoutFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceScalarBlockLayoutFeatures deps::Vector{Any} end """ Intermediate wrapper for VkSubpassFragmentDensityMapOffsetEndInfoQCOM. Extension: VK\\_QCOM\\_fragment\\_density\\_map\\_offset [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassFragmentDensityMapOffsetEndInfoQCOM.html) """ struct _SubpassFragmentDensityMapOffsetEndInfoQCOM <: VulkanStruct{true} vks::VkSubpassFragmentDensityMapOffsetEndInfoQCOM deps::Vector{Any} end """ Intermediate wrapper for VkRenderPassFragmentDensityMapCreateInfoEXT. Extension: VK\\_EXT\\_fragment\\_density\\_map [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassFragmentDensityMapCreateInfoEXT.html) """ struct _RenderPassFragmentDensityMapCreateInfoEXT <: VulkanStruct{true} vks::VkRenderPassFragmentDensityMapCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM. Extension: VK\\_QCOM\\_fragment\\_density\\_map\\_offset [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM.html) """ struct _PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentDensityMap2PropertiesEXT. Extension: VK\\_EXT\\_fragment\\_density\\_map2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMap2PropertiesEXT.html) """ struct _PhysicalDeviceFragmentDensityMap2PropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentDensityMap2PropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentDensityMapPropertiesEXT. Extension: VK\\_EXT\\_fragment\\_density\\_map [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapPropertiesEXT.html) """ struct _PhysicalDeviceFragmentDensityMapPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentDensityMapPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM. Extension: VK\\_QCOM\\_fragment\\_density\\_map\\_offset [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM.html) """ struct _PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentDensityMap2FeaturesEXT. Extension: VK\\_EXT\\_fragment\\_density\\_map2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMap2FeaturesEXT.html) """ struct _PhysicalDeviceFragmentDensityMap2FeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentDensityMap2FeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentDensityMapFeaturesEXT. Extension: VK\\_EXT\\_fragment\\_density\\_map [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapFeaturesEXT.html) """ struct _PhysicalDeviceFragmentDensityMapFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentDensityMapFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkDeviceMemoryOverallocationCreateInfoAMD. Extension: VK\\_AMD\\_memory\\_overallocation\\_behavior [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceMemoryOverallocationCreateInfoAMD.html) """ struct _DeviceMemoryOverallocationCreateInfoAMD <: VulkanStruct{true} vks::VkDeviceMemoryOverallocationCreateInfoAMD deps::Vector{Any} end """ Intermediate wrapper for VkImageStencilUsageCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageStencilUsageCreateInfo.html) """ struct _ImageStencilUsageCreateInfo <: VulkanStruct{true} vks::VkImageStencilUsageCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkImageDrmFormatModifierPropertiesEXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageDrmFormatModifierPropertiesEXT.html) """ struct _ImageDrmFormatModifierPropertiesEXT <: VulkanStruct{true} vks::VkImageDrmFormatModifierPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkImageDrmFormatModifierExplicitCreateInfoEXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageDrmFormatModifierExplicitCreateInfoEXT.html) """ struct _ImageDrmFormatModifierExplicitCreateInfoEXT <: VulkanStruct{true} vks::VkImageDrmFormatModifierExplicitCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkImageDrmFormatModifierListCreateInfoEXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageDrmFormatModifierListCreateInfoEXT.html) """ struct _ImageDrmFormatModifierListCreateInfoEXT <: VulkanStruct{true} vks::VkImageDrmFormatModifierListCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceImageDrmFormatModifierInfoEXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageDrmFormatModifierInfoEXT.html) """ struct _PhysicalDeviceImageDrmFormatModifierInfoEXT <: VulkanStruct{true} vks::VkPhysicalDeviceImageDrmFormatModifierInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDrmFormatModifierPropertiesEXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierPropertiesEXT.html) """ struct _DrmFormatModifierPropertiesEXT <: VulkanStruct{false} vks::VkDrmFormatModifierPropertiesEXT end """ Intermediate wrapper for VkDrmFormatModifierPropertiesListEXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierPropertiesListEXT.html) """ struct _DrmFormatModifierPropertiesListEXT <: VulkanStruct{true} vks::VkDrmFormatModifierPropertiesListEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR.html) """ struct _PhysicalDeviceRayTracingMaintenance1FeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkTraceRaysIndirectCommand2KHR. Extension: VK\\_KHR\\_ray\\_tracing\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTraceRaysIndirectCommand2KHR.html) """ struct _TraceRaysIndirectCommand2KHR <: VulkanStruct{false} vks::VkTraceRaysIndirectCommand2KHR end """ Intermediate wrapper for VkTraceRaysIndirectCommandKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTraceRaysIndirectCommandKHR.html) """ struct _TraceRaysIndirectCommandKHR <: VulkanStruct{false} vks::VkTraceRaysIndirectCommandKHR end """ Intermediate wrapper for VkStridedDeviceAddressRegionKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkStridedDeviceAddressRegionKHR.html) """ struct _StridedDeviceAddressRegionKHR <: VulkanStruct{false} vks::VkStridedDeviceAddressRegionKHR end """ Intermediate wrapper for VkPhysicalDeviceRayTracingPropertiesNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingPropertiesNV.html) """ struct _PhysicalDeviceRayTracingPropertiesNV <: VulkanStruct{true} vks::VkPhysicalDeviceRayTracingPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceRayTracingPipelinePropertiesKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingPipelinePropertiesKHR.html) """ struct _PhysicalDeviceRayTracingPipelinePropertiesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceRayTracingPipelinePropertiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceAccelerationStructurePropertiesKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAccelerationStructurePropertiesKHR.html) """ struct _PhysicalDeviceAccelerationStructurePropertiesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceAccelerationStructurePropertiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceRayQueryFeaturesKHR. Extension: VK\\_KHR\\_ray\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayQueryFeaturesKHR.html) """ struct _PhysicalDeviceRayQueryFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceRayQueryFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceRayTracingPipelineFeaturesKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingPipelineFeaturesKHR.html) """ struct _PhysicalDeviceRayTracingPipelineFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceRayTracingPipelineFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceAccelerationStructureFeaturesKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAccelerationStructureFeaturesKHR.html) """ struct _PhysicalDeviceAccelerationStructureFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceAccelerationStructureFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkWriteDescriptorSetAccelerationStructureNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSetAccelerationStructureNV.html) """ struct _WriteDescriptorSetAccelerationStructureNV <: VulkanStruct{true} vks::VkWriteDescriptorSetAccelerationStructureNV deps::Vector{Any} end """ Intermediate wrapper for VkWriteDescriptorSetAccelerationStructureKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSetAccelerationStructureKHR.html) """ struct _WriteDescriptorSetAccelerationStructureKHR <: VulkanStruct{true} vks::VkWriteDescriptorSetAccelerationStructureKHR deps::Vector{Any} end """ Intermediate wrapper for VkAccelerationStructureCreateInfoNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureCreateInfoNV.html) """ struct _AccelerationStructureCreateInfoNV <: VulkanStruct{true} vks::VkAccelerationStructureCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkAccelerationStructureInfoNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureInfoNV.html) """ struct _AccelerationStructureInfoNV <: VulkanStruct{true} vks::VkAccelerationStructureInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkGeometryNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryNV.html) """ struct _GeometryNV <: VulkanStruct{true} vks::VkGeometryNV deps::Vector{Any} end """ Intermediate wrapper for VkGeometryDataNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryDataNV.html) """ struct _GeometryDataNV <: VulkanStruct{false} vks::VkGeometryDataNV end """ Intermediate wrapper for VkRayTracingShaderGroupCreateInfoKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingShaderGroupCreateInfoKHR.html) """ struct _RayTracingShaderGroupCreateInfoKHR <: VulkanStruct{true} vks::VkRayTracingShaderGroupCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkRayTracingShaderGroupCreateInfoNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingShaderGroupCreateInfoNV.html) """ struct _RayTracingShaderGroupCreateInfoNV <: VulkanStruct{true} vks::VkRayTracingShaderGroupCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkDrawMeshTasksIndirectCommandEXT. Extension: VK\\_EXT\\_mesh\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrawMeshTasksIndirectCommandEXT.html) """ struct _DrawMeshTasksIndirectCommandEXT <: VulkanStruct{false} vks::VkDrawMeshTasksIndirectCommandEXT end """ Intermediate wrapper for VkPhysicalDeviceMeshShaderPropertiesEXT. Extension: VK\\_EXT\\_mesh\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderPropertiesEXT.html) """ struct _PhysicalDeviceMeshShaderPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceMeshShaderPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMeshShaderFeaturesEXT. Extension: VK\\_EXT\\_mesh\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderFeaturesEXT.html) """ struct _PhysicalDeviceMeshShaderFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceMeshShaderFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkDrawMeshTasksIndirectCommandNV. Extension: VK\\_NV\\_mesh\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrawMeshTasksIndirectCommandNV.html) """ struct _DrawMeshTasksIndirectCommandNV <: VulkanStruct{false} vks::VkDrawMeshTasksIndirectCommandNV end """ Intermediate wrapper for VkPhysicalDeviceMeshShaderPropertiesNV. Extension: VK\\_NV\\_mesh\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderPropertiesNV.html) """ struct _PhysicalDeviceMeshShaderPropertiesNV <: VulkanStruct{true} vks::VkPhysicalDeviceMeshShaderPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMeshShaderFeaturesNV. Extension: VK\\_NV\\_mesh\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderFeaturesNV.html) """ struct _PhysicalDeviceMeshShaderFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceMeshShaderFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPipelineViewportCoarseSampleOrderStateCreateInfoNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportCoarseSampleOrderStateCreateInfoNV.html) """ struct _PipelineViewportCoarseSampleOrderStateCreateInfoNV <: VulkanStruct{true} vks::VkPipelineViewportCoarseSampleOrderStateCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkCoarseSampleOrderCustomNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCoarseSampleOrderCustomNV.html) """ struct _CoarseSampleOrderCustomNV <: VulkanStruct{true} vks::VkCoarseSampleOrderCustomNV deps::Vector{Any} end """ Intermediate wrapper for VkCoarseSampleLocationNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCoarseSampleLocationNV.html) """ struct _CoarseSampleLocationNV <: VulkanStruct{false} vks::VkCoarseSampleLocationNV end """ Intermediate wrapper for VkPhysicalDeviceInvocationMaskFeaturesHUAWEI. Extension: VK\\_HUAWEI\\_invocation\\_mask [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInvocationMaskFeaturesHUAWEI.html) """ struct _PhysicalDeviceInvocationMaskFeaturesHUAWEI <: VulkanStruct{true} vks::VkPhysicalDeviceInvocationMaskFeaturesHUAWEI deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShadingRateImagePropertiesNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShadingRateImagePropertiesNV.html) """ struct _PhysicalDeviceShadingRateImagePropertiesNV <: VulkanStruct{true} vks::VkPhysicalDeviceShadingRateImagePropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShadingRateImageFeaturesNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShadingRateImageFeaturesNV.html) """ struct _PhysicalDeviceShadingRateImageFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceShadingRateImageFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPipelineViewportShadingRateImageStateCreateInfoNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportShadingRateImageStateCreateInfoNV.html) """ struct _PipelineViewportShadingRateImageStateCreateInfoNV <: VulkanStruct{true} vks::VkPipelineViewportShadingRateImageStateCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkShadingRatePaletteNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShadingRatePaletteNV.html) """ struct _ShadingRatePaletteNV <: VulkanStruct{true} vks::VkShadingRatePaletteNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMemoryDecompressionPropertiesNV. Extension: VK\\_NV\\_memory\\_decompression [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryDecompressionPropertiesNV.html) """ struct _PhysicalDeviceMemoryDecompressionPropertiesNV <: VulkanStruct{true} vks::VkPhysicalDeviceMemoryDecompressionPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMemoryDecompressionFeaturesNV. Extension: VK\\_NV\\_memory\\_decompression [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryDecompressionFeaturesNV.html) """ struct _PhysicalDeviceMemoryDecompressionFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceMemoryDecompressionFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceCopyMemoryIndirectPropertiesNV. Extension: VK\\_NV\\_copy\\_memory\\_indirect [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCopyMemoryIndirectPropertiesNV.html) """ struct _PhysicalDeviceCopyMemoryIndirectPropertiesNV <: VulkanStruct{true} vks::VkPhysicalDeviceCopyMemoryIndirectPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceCopyMemoryIndirectFeaturesNV. Extension: VK\\_NV\\_copy\\_memory\\_indirect [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCopyMemoryIndirectFeaturesNV.html) """ struct _PhysicalDeviceCopyMemoryIndirectFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceCopyMemoryIndirectFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV. Extension: VK\\_NV\\_dedicated\\_allocation\\_image\\_aliasing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV.html) """ struct _PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderImageFootprintFeaturesNV. Extension: VK\\_NV\\_shader\\_image\\_footprint [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderImageFootprintFeaturesNV.html) """ struct _PhysicalDeviceShaderImageFootprintFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceShaderImageFootprintFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceComputeShaderDerivativesFeaturesNV. Extension: VK\\_NV\\_compute\\_shader\\_derivatives [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceComputeShaderDerivativesFeaturesNV.html) """ struct _PhysicalDeviceComputeShaderDerivativesFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceComputeShaderDerivativesFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceCornerSampledImageFeaturesNV. Extension: VK\\_NV\\_corner\\_sampled\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCornerSampledImageFeaturesNV.html) """ struct _PhysicalDeviceCornerSampledImageFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceCornerSampledImageFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPipelineViewportExclusiveScissorStateCreateInfoNV. Extension: VK\\_NV\\_scissor\\_exclusive [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportExclusiveScissorStateCreateInfoNV.html) """ struct _PipelineViewportExclusiveScissorStateCreateInfoNV <: VulkanStruct{true} vks::VkPipelineViewportExclusiveScissorStateCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceExclusiveScissorFeaturesNV. Extension: VK\\_NV\\_scissor\\_exclusive [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExclusiveScissorFeaturesNV.html) """ struct _PhysicalDeviceExclusiveScissorFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceExclusiveScissorFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPipelineRepresentativeFragmentTestStateCreateInfoNV. Extension: VK\\_NV\\_representative\\_fragment\\_test [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRepresentativeFragmentTestStateCreateInfoNV.html) """ struct _PipelineRepresentativeFragmentTestStateCreateInfoNV <: VulkanStruct{true} vks::VkPipelineRepresentativeFragmentTestStateCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV. Extension: VK\\_NV\\_representative\\_fragment\\_test [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV.html) """ struct _PhysicalDeviceRepresentativeFragmentTestFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPipelineRasterizationStateStreamCreateInfoEXT. Extension: VK\\_EXT\\_transform\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationStateStreamCreateInfoEXT.html) """ struct _PipelineRasterizationStateStreamCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineRasterizationStateStreamCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceTransformFeedbackPropertiesEXT. Extension: VK\\_EXT\\_transform\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTransformFeedbackPropertiesEXT.html) """ struct _PhysicalDeviceTransformFeedbackPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceTransformFeedbackPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceTransformFeedbackFeaturesEXT. Extension: VK\\_EXT\\_transform\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTransformFeedbackFeaturesEXT.html) """ struct _PhysicalDeviceTransformFeedbackFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceTransformFeedbackFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceASTCDecodeFeaturesEXT. Extension: VK\\_EXT\\_astc\\_decode\\_mode [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceASTCDecodeFeaturesEXT.html) """ struct _PhysicalDeviceASTCDecodeFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceASTCDecodeFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkImageViewASTCDecodeModeEXT. Extension: VK\\_EXT\\_astc\\_decode\\_mode [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewASTCDecodeModeEXT.html) """ struct _ImageViewASTCDecodeModeEXT <: VulkanStruct{true} vks::VkImageViewASTCDecodeModeEXT deps::Vector{Any} end """ Intermediate wrapper for VkSubpassDescriptionDepthStencilResolve. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDescriptionDepthStencilResolve.html) """ struct _SubpassDescriptionDepthStencilResolve <: VulkanStruct{true} vks::VkSubpassDescriptionDepthStencilResolve deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDepthStencilResolveProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthStencilResolveProperties.html) """ struct _PhysicalDeviceDepthStencilResolveProperties <: VulkanStruct{true} vks::VkPhysicalDeviceDepthStencilResolveProperties deps::Vector{Any} end """ Intermediate wrapper for VkCheckpointDataNV. Extension: VK\\_NV\\_device\\_diagnostic\\_checkpoints [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCheckpointDataNV.html) """ struct _CheckpointDataNV <: VulkanStruct{true} vks::VkCheckpointDataNV deps::Vector{Any} end """ Intermediate wrapper for VkQueueFamilyCheckpointPropertiesNV. Extension: VK\\_NV\\_device\\_diagnostic\\_checkpoints [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyCheckpointPropertiesNV.html) """ struct _QueueFamilyCheckpointPropertiesNV <: VulkanStruct{true} vks::VkQueueFamilyCheckpointPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT. Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT.html) """ struct _PhysicalDeviceVertexAttributeDivisorFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT. Extension: VK\\_EXT\\_shader\\_atomic\\_float2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT.html) """ struct _PhysicalDeviceShaderAtomicFloat2FeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderAtomicFloatFeaturesEXT. Extension: VK\\_EXT\\_shader\\_atomic\\_float [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderAtomicFloatFeaturesEXT.html) """ struct _PhysicalDeviceShaderAtomicFloatFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceShaderAtomicFloatFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderAtomicInt64Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderAtomicInt64Features.html) """ struct _PhysicalDeviceShaderAtomicInt64Features <: VulkanStruct{true} vks::VkPhysicalDeviceShaderAtomicInt64Features deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceVulkanMemoryModelFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkanMemoryModelFeatures.html) """ struct _PhysicalDeviceVulkanMemoryModelFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceVulkanMemoryModelFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceConditionalRenderingFeaturesEXT. Extension: VK\\_EXT\\_conditional\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceConditionalRenderingFeaturesEXT.html) """ struct _PhysicalDeviceConditionalRenderingFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceConditionalRenderingFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevice8BitStorageFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevice8BitStorageFeatures.html) """ struct _PhysicalDevice8BitStorageFeatures <: VulkanStruct{true} vks::VkPhysicalDevice8BitStorageFeatures deps::Vector{Any} end """ Intermediate wrapper for VkCommandBufferInheritanceConditionalRenderingInfoEXT. Extension: VK\\_EXT\\_conditional\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceConditionalRenderingInfoEXT.html) """ struct _CommandBufferInheritanceConditionalRenderingInfoEXT <: VulkanStruct{true} vks::VkCommandBufferInheritanceConditionalRenderingInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePCIBusInfoPropertiesEXT. Extension: VK\\_EXT\\_pci\\_bus\\_info [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePCIBusInfoPropertiesEXT.html) """ struct _PhysicalDevicePCIBusInfoPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDevicePCIBusInfoPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT. Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT.html) """ struct _PhysicalDeviceVertexAttributeDivisorPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPipelineVertexInputDivisorStateCreateInfoEXT. Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineVertexInputDivisorStateCreateInfoEXT.html) """ struct _PipelineVertexInputDivisorStateCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineVertexInputDivisorStateCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkVertexInputBindingDivisorDescriptionEXT. Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputBindingDivisorDescriptionEXT.html) """ struct _VertexInputBindingDivisorDescriptionEXT <: VulkanStruct{false} vks::VkVertexInputBindingDivisorDescriptionEXT end """ Intermediate wrapper for VkSemaphoreWaitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreWaitInfo.html) """ struct _SemaphoreWaitInfo <: VulkanStruct{true} vks::VkSemaphoreWaitInfo deps::Vector{Any} end """ Intermediate wrapper for VkTimelineSemaphoreSubmitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTimelineSemaphoreSubmitInfo.html) """ struct _TimelineSemaphoreSubmitInfo <: VulkanStruct{true} vks::VkTimelineSemaphoreSubmitInfo deps::Vector{Any} end """ Intermediate wrapper for VkSemaphoreTypeCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreTypeCreateInfo.html) """ struct _SemaphoreTypeCreateInfo <: VulkanStruct{true} vks::VkSemaphoreTypeCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceTimelineSemaphoreProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTimelineSemaphoreProperties.html) """ struct _PhysicalDeviceTimelineSemaphoreProperties <: VulkanStruct{true} vks::VkPhysicalDeviceTimelineSemaphoreProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceTimelineSemaphoreFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTimelineSemaphoreFeatures.html) """ struct _PhysicalDeviceTimelineSemaphoreFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceTimelineSemaphoreFeatures deps::Vector{Any} end """ Intermediate wrapper for VkSubpassEndInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassEndInfo.html) """ struct _SubpassEndInfo <: VulkanStruct{true} vks::VkSubpassEndInfo deps::Vector{Any} end """ Intermediate wrapper for VkSubpassBeginInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassBeginInfo.html) """ struct _SubpassBeginInfo <: VulkanStruct{true} vks::VkSubpassBeginInfo deps::Vector{Any} end """ Intermediate wrapper for VkRenderPassCreateInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreateInfo2.html) """ struct _RenderPassCreateInfo2 <: VulkanStruct{true} vks::VkRenderPassCreateInfo2 deps::Vector{Any} end """ Intermediate wrapper for VkSubpassDependency2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDependency2.html) """ struct _SubpassDependency2 <: VulkanStruct{true} vks::VkSubpassDependency2 deps::Vector{Any} end """ Intermediate wrapper for VkSubpassDescription2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDescription2.html) """ struct _SubpassDescription2 <: VulkanStruct{true} vks::VkSubpassDescription2 deps::Vector{Any} end """ Intermediate wrapper for VkAttachmentReference2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentReference2.html) """ struct _AttachmentReference2 <: VulkanStruct{true} vks::VkAttachmentReference2 deps::Vector{Any} end """ Intermediate wrapper for VkAttachmentDescription2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentDescription2.html) """ struct _AttachmentDescription2 <: VulkanStruct{true} vks::VkAttachmentDescription2 deps::Vector{Any} end """ Intermediate wrapper for VkDescriptorSetVariableDescriptorCountLayoutSupport. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetVariableDescriptorCountLayoutSupport.html) """ struct _DescriptorSetVariableDescriptorCountLayoutSupport <: VulkanStruct{true} vks::VkDescriptorSetVariableDescriptorCountLayoutSupport deps::Vector{Any} end """ Intermediate wrapper for VkDescriptorSetVariableDescriptorCountAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetVariableDescriptorCountAllocateInfo.html) """ struct _DescriptorSetVariableDescriptorCountAllocateInfo <: VulkanStruct{true} vks::VkDescriptorSetVariableDescriptorCountAllocateInfo deps::Vector{Any} end """ Intermediate wrapper for VkDescriptorSetLayoutBindingFlagsCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutBindingFlagsCreateInfo.html) """ struct _DescriptorSetLayoutBindingFlagsCreateInfo <: VulkanStruct{true} vks::VkDescriptorSetLayoutBindingFlagsCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDescriptorIndexingProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorIndexingProperties.html) """ struct _PhysicalDeviceDescriptorIndexingProperties <: VulkanStruct{true} vks::VkPhysicalDeviceDescriptorIndexingProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDescriptorIndexingFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorIndexingFeatures.html) """ struct _PhysicalDeviceDescriptorIndexingFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceDescriptorIndexingFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPipelineRasterizationConservativeStateCreateInfoEXT. Extension: VK\\_EXT\\_conservative\\_rasterization [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationConservativeStateCreateInfoEXT.html) """ struct _PipelineRasterizationConservativeStateCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineRasterizationConservativeStateCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderCoreProperties2AMD. Extension: VK\\_AMD\\_shader\\_core\\_properties2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCoreProperties2AMD.html) """ struct _PhysicalDeviceShaderCoreProperties2AMD <: VulkanStruct{true} vks::VkPhysicalDeviceShaderCoreProperties2AMD deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderCorePropertiesAMD. Extension: VK\\_AMD\\_shader\\_core\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCorePropertiesAMD.html) """ struct _PhysicalDeviceShaderCorePropertiesAMD <: VulkanStruct{true} vks::VkPhysicalDeviceShaderCorePropertiesAMD deps::Vector{Any} end """ Intermediate wrapper for VkCalibratedTimestampInfoEXT. Extension: VK\\_EXT\\_calibrated\\_timestamps [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCalibratedTimestampInfoEXT.html) """ struct _CalibratedTimestampInfoEXT <: VulkanStruct{true} vks::VkCalibratedTimestampInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceConservativeRasterizationPropertiesEXT. Extension: VK\\_EXT\\_conservative\\_rasterization [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceConservativeRasterizationPropertiesEXT.html) """ struct _PhysicalDeviceConservativeRasterizationPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceConservativeRasterizationPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceExternalMemoryHostPropertiesEXT. Extension: VK\\_EXT\\_external\\_memory\\_host [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalMemoryHostPropertiesEXT.html) """ struct _PhysicalDeviceExternalMemoryHostPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceExternalMemoryHostPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkMemoryHostPointerPropertiesEXT. Extension: VK\\_EXT\\_external\\_memory\\_host [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryHostPointerPropertiesEXT.html) """ struct _MemoryHostPointerPropertiesEXT <: VulkanStruct{true} vks::VkMemoryHostPointerPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkImportMemoryHostPointerInfoEXT. Extension: VK\\_EXT\\_external\\_memory\\_host [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMemoryHostPointerInfoEXT.html) """ struct _ImportMemoryHostPointerInfoEXT <: VulkanStruct{true} vks::VkImportMemoryHostPointerInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDeviceMemoryReportCallbackDataEXT. Extension: VK\\_EXT\\_device\\_memory\\_report [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceMemoryReportCallbackDataEXT.html) """ struct _DeviceMemoryReportCallbackDataEXT <: VulkanStruct{true} vks::VkDeviceMemoryReportCallbackDataEXT deps::Vector{Any} end """ Intermediate wrapper for VkDeviceDeviceMemoryReportCreateInfoEXT. Extension: VK\\_EXT\\_device\\_memory\\_report [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceDeviceMemoryReportCreateInfoEXT.html) """ struct _DeviceDeviceMemoryReportCreateInfoEXT <: VulkanStruct{true} vks::VkDeviceDeviceMemoryReportCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDeviceMemoryReportFeaturesEXT. Extension: VK\\_EXT\\_device\\_memory\\_report [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDeviceMemoryReportFeaturesEXT.html) """ struct _PhysicalDeviceDeviceMemoryReportFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceDeviceMemoryReportFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkDebugUtilsMessengerCallbackDataEXT. Extension: VK\\_EXT\\_debug\\_utils [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsMessengerCallbackDataEXT.html) """ struct _DebugUtilsMessengerCallbackDataEXT <: VulkanStruct{true} vks::VkDebugUtilsMessengerCallbackDataEXT deps::Vector{Any} end """ Intermediate wrapper for VkDebugUtilsMessengerCreateInfoEXT. Extension: VK\\_EXT\\_debug\\_utils [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsMessengerCreateInfoEXT.html) """ struct _DebugUtilsMessengerCreateInfoEXT <: VulkanStruct{true} vks::VkDebugUtilsMessengerCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDebugUtilsLabelEXT. Extension: VK\\_EXT\\_debug\\_utils [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsLabelEXT.html) """ struct _DebugUtilsLabelEXT <: VulkanStruct{true} vks::VkDebugUtilsLabelEXT deps::Vector{Any} end """ Intermediate wrapper for VkDebugUtilsObjectTagInfoEXT. Extension: VK\\_EXT\\_debug\\_utils [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsObjectTagInfoEXT.html) """ struct _DebugUtilsObjectTagInfoEXT <: VulkanStruct{true} vks::VkDebugUtilsObjectTagInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDebugUtilsObjectNameInfoEXT. Extension: VK\\_EXT\\_debug\\_utils [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsObjectNameInfoEXT.html) """ struct _DebugUtilsObjectNameInfoEXT <: VulkanStruct{true} vks::VkDebugUtilsObjectNameInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkQueueFamilyGlobalPriorityPropertiesKHR. Extension: VK\\_KHR\\_global\\_priority [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyGlobalPriorityPropertiesKHR.html) """ struct _QueueFamilyGlobalPriorityPropertiesKHR <: VulkanStruct{true} vks::VkQueueFamilyGlobalPriorityPropertiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR. Extension: VK\\_KHR\\_global\\_priority [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR.html) """ struct _PhysicalDeviceGlobalPriorityQueryFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkDeviceQueueGlobalPriorityCreateInfoKHR. Extension: VK\\_KHR\\_global\\_priority [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceQueueGlobalPriorityCreateInfoKHR.html) """ struct _DeviceQueueGlobalPriorityCreateInfoKHR <: VulkanStruct{true} vks::VkDeviceQueueGlobalPriorityCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkShaderStatisticsInfoAMD. Extension: VK\\_AMD\\_shader\\_info [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderStatisticsInfoAMD.html) """ struct _ShaderStatisticsInfoAMD <: VulkanStruct{false} vks::VkShaderStatisticsInfoAMD end """ Intermediate wrapper for VkShaderResourceUsageAMD. Extension: VK\\_AMD\\_shader\\_info [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderResourceUsageAMD.html) """ struct _ShaderResourceUsageAMD <: VulkanStruct{false} vks::VkShaderResourceUsageAMD end """ Intermediate wrapper for VkPhysicalDeviceHostQueryResetFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceHostQueryResetFeatures.html) """ struct _PhysicalDeviceHostQueryResetFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceHostQueryResetFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFloatControlsProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFloatControlsProperties.html) """ struct _PhysicalDeviceFloatControlsProperties <: VulkanStruct{true} vks::VkPhysicalDeviceFloatControlsProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderFloat16Int8Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderFloat16Int8Features.html) """ struct _PhysicalDeviceShaderFloat16Int8Features <: VulkanStruct{true} vks::VkPhysicalDeviceShaderFloat16Int8Features deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderDrawParametersFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderDrawParametersFeatures.html) """ struct _PhysicalDeviceShaderDrawParametersFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceShaderDrawParametersFeatures deps::Vector{Any} end """ Intermediate wrapper for VkDescriptorSetLayoutSupport. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutSupport.html) """ struct _DescriptorSetLayoutSupport <: VulkanStruct{true} vks::VkDescriptorSetLayoutSupport deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMaintenance4Properties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMaintenance4Properties.html) """ struct _PhysicalDeviceMaintenance4Properties <: VulkanStruct{true} vks::VkPhysicalDeviceMaintenance4Properties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMaintenance4Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMaintenance4Features.html) """ struct _PhysicalDeviceMaintenance4Features <: VulkanStruct{true} vks::VkPhysicalDeviceMaintenance4Features deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMaintenance3Properties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMaintenance3Properties.html) """ struct _PhysicalDeviceMaintenance3Properties <: VulkanStruct{true} vks::VkPhysicalDeviceMaintenance3Properties deps::Vector{Any} end """ Intermediate wrapper for VkValidationCacheCreateInfoEXT. Extension: VK\\_EXT\\_validation\\_cache [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkValidationCacheCreateInfoEXT.html) """ struct _ValidationCacheCreateInfoEXT <: VulkanStruct{true} vks::VkValidationCacheCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkImageFormatListCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageFormatListCreateInfo.html) """ struct _ImageFormatListCreateInfo <: VulkanStruct{true} vks::VkImageFormatListCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineCoverageModulationStateCreateInfoNV. Extension: VK\\_NV\\_framebuffer\\_mixed\\_samples [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCoverageModulationStateCreateInfoNV.html) """ struct _PipelineCoverageModulationStateCreateInfoNV <: VulkanStruct{true} vks::VkPipelineCoverageModulationStateCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkDescriptorPoolInlineUniformBlockCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorPoolInlineUniformBlockCreateInfo.html) """ struct _DescriptorPoolInlineUniformBlockCreateInfo <: VulkanStruct{true} vks::VkDescriptorPoolInlineUniformBlockCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkWriteDescriptorSetInlineUniformBlock. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSetInlineUniformBlock.html) """ struct _WriteDescriptorSetInlineUniformBlock <: VulkanStruct{true} vks::VkWriteDescriptorSetInlineUniformBlock deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceInlineUniformBlockProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInlineUniformBlockProperties.html) """ struct _PhysicalDeviceInlineUniformBlockProperties <: VulkanStruct{true} vks::VkPhysicalDeviceInlineUniformBlockProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceInlineUniformBlockFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInlineUniformBlockFeatures.html) """ struct _PhysicalDeviceInlineUniformBlockFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceInlineUniformBlockFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPipelineColorBlendAdvancedStateCreateInfoEXT. Extension: VK\\_EXT\\_blend\\_operation\\_advanced [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorBlendAdvancedStateCreateInfoEXT.html) """ struct _PipelineColorBlendAdvancedStateCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineColorBlendAdvancedStateCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT. Extension: VK\\_EXT\\_blend\\_operation\\_advanced [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT.html) """ struct _PhysicalDeviceBlendOperationAdvancedPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMultiDrawFeaturesEXT. Extension: VK\\_EXT\\_multi\\_draw [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiDrawFeaturesEXT.html) """ struct _PhysicalDeviceMultiDrawFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceMultiDrawFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT. Extension: VK\\_EXT\\_blend\\_operation\\_advanced [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT.html) """ struct _PhysicalDeviceBlendOperationAdvancedFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkSamplerReductionModeCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerReductionModeCreateInfo.html) """ struct _SamplerReductionModeCreateInfo <: VulkanStruct{true} vks::VkSamplerReductionModeCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkMultisamplePropertiesEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultisamplePropertiesEXT.html) """ struct _MultisamplePropertiesEXT <: VulkanStruct{true} vks::VkMultisamplePropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceSampleLocationsPropertiesEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSampleLocationsPropertiesEXT.html) """ struct _PhysicalDeviceSampleLocationsPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceSampleLocationsPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPipelineSampleLocationsStateCreateInfoEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineSampleLocationsStateCreateInfoEXT.html) """ struct _PipelineSampleLocationsStateCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineSampleLocationsStateCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkRenderPassSampleLocationsBeginInfoEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassSampleLocationsBeginInfoEXT.html) """ struct _RenderPassSampleLocationsBeginInfoEXT <: VulkanStruct{true} vks::VkRenderPassSampleLocationsBeginInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkSubpassSampleLocationsEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassSampleLocationsEXT.html) """ struct _SubpassSampleLocationsEXT <: VulkanStruct{false} vks::VkSubpassSampleLocationsEXT end """ Intermediate wrapper for VkAttachmentSampleLocationsEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentSampleLocationsEXT.html) """ struct _AttachmentSampleLocationsEXT <: VulkanStruct{false} vks::VkAttachmentSampleLocationsEXT end """ Intermediate wrapper for VkSampleLocationsInfoEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSampleLocationsInfoEXT.html) """ struct _SampleLocationsInfoEXT <: VulkanStruct{true} vks::VkSampleLocationsInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkSampleLocationEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSampleLocationEXT.html) """ struct _SampleLocationEXT <: VulkanStruct{false} vks::VkSampleLocationEXT end """ Intermediate wrapper for VkPhysicalDeviceSamplerFilterMinmaxProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSamplerFilterMinmaxProperties.html) """ struct _PhysicalDeviceSamplerFilterMinmaxProperties <: VulkanStruct{true} vks::VkPhysicalDeviceSamplerFilterMinmaxProperties deps::Vector{Any} end """ Intermediate wrapper for VkPipelineCoverageToColorStateCreateInfoNV. Extension: VK\\_NV\\_fragment\\_coverage\\_to\\_color [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCoverageToColorStateCreateInfoNV.html) """ struct _PipelineCoverageToColorStateCreateInfoNV <: VulkanStruct{true} vks::VkPipelineCoverageToColorStateCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkDeviceQueueInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceQueueInfo2.html) """ struct _DeviceQueueInfo2 <: VulkanStruct{true} vks::VkDeviceQueueInfo2 deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceProtectedMemoryProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProtectedMemoryProperties.html) """ struct _PhysicalDeviceProtectedMemoryProperties <: VulkanStruct{true} vks::VkPhysicalDeviceProtectedMemoryProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceProtectedMemoryFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProtectedMemoryFeatures.html) """ struct _PhysicalDeviceProtectedMemoryFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceProtectedMemoryFeatures deps::Vector{Any} end """ Intermediate wrapper for VkProtectedSubmitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkProtectedSubmitInfo.html) """ struct _ProtectedSubmitInfo <: VulkanStruct{true} vks::VkProtectedSubmitInfo deps::Vector{Any} end """ Intermediate wrapper for VkTextureLODGatherFormatPropertiesAMD. Extension: VK\\_AMD\\_texture\\_gather\\_bias\\_lod [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTextureLODGatherFormatPropertiesAMD.html) """ struct _TextureLODGatherFormatPropertiesAMD <: VulkanStruct{true} vks::VkTextureLODGatherFormatPropertiesAMD deps::Vector{Any} end """ Intermediate wrapper for VkSamplerYcbcrConversionImageFormatProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerYcbcrConversionImageFormatProperties.html) """ struct _SamplerYcbcrConversionImageFormatProperties <: VulkanStruct{true} vks::VkSamplerYcbcrConversionImageFormatProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceSamplerYcbcrConversionFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSamplerYcbcrConversionFeatures.html) """ struct _PhysicalDeviceSamplerYcbcrConversionFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceSamplerYcbcrConversionFeatures deps::Vector{Any} end """ Intermediate wrapper for VkImagePlaneMemoryRequirementsInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImagePlaneMemoryRequirementsInfo.html) """ struct _ImagePlaneMemoryRequirementsInfo <: VulkanStruct{true} vks::VkImagePlaneMemoryRequirementsInfo deps::Vector{Any} end """ Intermediate wrapper for VkBindImagePlaneMemoryInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImagePlaneMemoryInfo.html) """ struct _BindImagePlaneMemoryInfo <: VulkanStruct{true} vks::VkBindImagePlaneMemoryInfo deps::Vector{Any} end """ Intermediate wrapper for VkSamplerYcbcrConversionCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerYcbcrConversionCreateInfo.html) """ struct _SamplerYcbcrConversionCreateInfo <: VulkanStruct{true} vks::VkSamplerYcbcrConversionCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineTessellationDomainOriginStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineTessellationDomainOriginStateCreateInfo.html) """ struct _PipelineTessellationDomainOriginStateCreateInfo <: VulkanStruct{true} vks::VkPipelineTessellationDomainOriginStateCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkImageViewUsageCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewUsageCreateInfo.html) """ struct _ImageViewUsageCreateInfo <: VulkanStruct{true} vks::VkImageViewUsageCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkMemoryDedicatedRequirements. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryDedicatedRequirements.html) """ struct _MemoryDedicatedRequirements <: VulkanStruct{true} vks::VkMemoryDedicatedRequirements deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePointClippingProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePointClippingProperties.html) """ struct _PhysicalDevicePointClippingProperties <: VulkanStruct{true} vks::VkPhysicalDevicePointClippingProperties deps::Vector{Any} end """ Intermediate wrapper for VkSparseImageMemoryRequirements2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryRequirements2.html) """ struct _SparseImageMemoryRequirements2 <: VulkanStruct{true} vks::VkSparseImageMemoryRequirements2 deps::Vector{Any} end """ Intermediate wrapper for VkMemoryRequirements2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryRequirements2.html) """ struct _MemoryRequirements2 <: VulkanStruct{true} vks::VkMemoryRequirements2 deps::Vector{Any} end """ Intermediate wrapper for VkDeviceImageMemoryRequirements. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceImageMemoryRequirements.html) """ struct _DeviceImageMemoryRequirements <: VulkanStruct{true} vks::VkDeviceImageMemoryRequirements deps::Vector{Any} end """ Intermediate wrapper for VkDeviceBufferMemoryRequirements. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceBufferMemoryRequirements.html) """ struct _DeviceBufferMemoryRequirements <: VulkanStruct{true} vks::VkDeviceBufferMemoryRequirements deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures.html) """ struct _PhysicalDeviceShaderSubgroupExtendedTypesFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceSubgroupProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubgroupProperties.html) """ struct _PhysicalDeviceSubgroupProperties <: VulkanStruct{true} vks::VkPhysicalDeviceSubgroupProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevice16BitStorageFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevice16BitStorageFeatures.html) """ struct _PhysicalDevice16BitStorageFeatures <: VulkanStruct{true} vks::VkPhysicalDevice16BitStorageFeatures deps::Vector{Any} end """ Intermediate wrapper for VkSharedPresentSurfaceCapabilitiesKHR. Extension: VK\\_KHR\\_shared\\_presentable\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSharedPresentSurfaceCapabilitiesKHR.html) """ struct _SharedPresentSurfaceCapabilitiesKHR <: VulkanStruct{true} vks::VkSharedPresentSurfaceCapabilitiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkDisplayPlaneCapabilities2KHR. Extension: VK\\_KHR\\_get\\_display\\_properties2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneCapabilities2KHR.html) """ struct _DisplayPlaneCapabilities2KHR <: VulkanStruct{true} vks::VkDisplayPlaneCapabilities2KHR deps::Vector{Any} end """ Intermediate wrapper for VkDisplayModeProperties2KHR. Extension: VK\\_KHR\\_get\\_display\\_properties2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModeProperties2KHR.html) """ struct _DisplayModeProperties2KHR <: VulkanStruct{true} vks::VkDisplayModeProperties2KHR deps::Vector{Any} end """ Intermediate wrapper for VkDisplayPlaneProperties2KHR. Extension: VK\\_KHR\\_get\\_display\\_properties2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneProperties2KHR.html) """ struct _DisplayPlaneProperties2KHR <: VulkanStruct{true} vks::VkDisplayPlaneProperties2KHR deps::Vector{Any} end """ Intermediate wrapper for VkDisplayProperties2KHR. Extension: VK\\_KHR\\_get\\_display\\_properties2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayProperties2KHR.html) """ struct _DisplayProperties2KHR <: VulkanStruct{true} vks::VkDisplayProperties2KHR deps::Vector{Any} end """ Intermediate wrapper for VkSurfaceFormat2KHR. Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceFormat2KHR.html) """ struct _SurfaceFormat2KHR <: VulkanStruct{true} vks::VkSurfaceFormat2KHR deps::Vector{Any} end """ Intermediate wrapper for VkSurfaceCapabilities2KHR. Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilities2KHR.html) """ struct _SurfaceCapabilities2KHR <: VulkanStruct{true} vks::VkSurfaceCapabilities2KHR deps::Vector{Any} end """ Intermediate wrapper for VkRenderPassInputAttachmentAspectCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassInputAttachmentAspectCreateInfo.html) """ struct _RenderPassInputAttachmentAspectCreateInfo <: VulkanStruct{true} vks::VkRenderPassInputAttachmentAspectCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkInputAttachmentAspectReference. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkInputAttachmentAspectReference.html) """ struct _InputAttachmentAspectReference <: VulkanStruct{false} vks::VkInputAttachmentAspectReference end """ Intermediate wrapper for VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX. Extension: VK\\_NVX\\_multiview\\_per\\_view\\_attributes [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX.html) """ struct _PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX <: VulkanStruct{true} vks::VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX deps::Vector{Any} end """ Intermediate wrapper for VkPipelineDiscardRectangleStateCreateInfoEXT. Extension: VK\\_EXT\\_discard\\_rectangles [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineDiscardRectangleStateCreateInfoEXT.html) """ struct _PipelineDiscardRectangleStateCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineDiscardRectangleStateCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDiscardRectanglePropertiesEXT. Extension: VK\\_EXT\\_discard\\_rectangles [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDiscardRectanglePropertiesEXT.html) """ struct _PhysicalDeviceDiscardRectanglePropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceDiscardRectanglePropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPipelineViewportSwizzleStateCreateInfoNV. Extension: VK\\_NV\\_viewport\\_swizzle [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportSwizzleStateCreateInfoNV.html) """ struct _PipelineViewportSwizzleStateCreateInfoNV <: VulkanStruct{true} vks::VkPipelineViewportSwizzleStateCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkViewportSwizzleNV. Extension: VK\\_NV\\_viewport\\_swizzle [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkViewportSwizzleNV.html) """ struct _ViewportSwizzleNV <: VulkanStruct{false} vks::VkViewportSwizzleNV end """ Intermediate wrapper for VkPipelineViewportWScalingStateCreateInfoNV. Extension: VK\\_NV\\_clip\\_space\\_w\\_scaling [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportWScalingStateCreateInfoNV.html) """ struct _PipelineViewportWScalingStateCreateInfoNV <: VulkanStruct{true} vks::VkPipelineViewportWScalingStateCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkViewportWScalingNV. Extension: VK\\_NV\\_clip\\_space\\_w\\_scaling [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkViewportWScalingNV.html) """ struct _ViewportWScalingNV <: VulkanStruct{false} vks::VkViewportWScalingNV end """ Intermediate wrapper for VkPresentTimeGOOGLE. Extension: VK\\_GOOGLE\\_display\\_timing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentTimeGOOGLE.html) """ struct _PresentTimeGOOGLE <: VulkanStruct{false} vks::VkPresentTimeGOOGLE end """ Intermediate wrapper for VkPresentTimesInfoGOOGLE. Extension: VK\\_GOOGLE\\_display\\_timing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentTimesInfoGOOGLE.html) """ struct _PresentTimesInfoGOOGLE <: VulkanStruct{true} vks::VkPresentTimesInfoGOOGLE deps::Vector{Any} end """ Intermediate wrapper for VkPastPresentationTimingGOOGLE. Extension: VK\\_GOOGLE\\_display\\_timing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPastPresentationTimingGOOGLE.html) """ struct _PastPresentationTimingGOOGLE <: VulkanStruct{false} vks::VkPastPresentationTimingGOOGLE end """ Intermediate wrapper for VkRefreshCycleDurationGOOGLE. Extension: VK\\_GOOGLE\\_display\\_timing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRefreshCycleDurationGOOGLE.html) """ struct _RefreshCycleDurationGOOGLE <: VulkanStruct{false} vks::VkRefreshCycleDurationGOOGLE end """ Intermediate wrapper for VkSwapchainDisplayNativeHdrCreateInfoAMD. Extension: VK\\_AMD\\_display\\_native\\_hdr [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainDisplayNativeHdrCreateInfoAMD.html) """ struct _SwapchainDisplayNativeHdrCreateInfoAMD <: VulkanStruct{true} vks::VkSwapchainDisplayNativeHdrCreateInfoAMD deps::Vector{Any} end """ Intermediate wrapper for VkDisplayNativeHdrSurfaceCapabilitiesAMD. Extension: VK\\_AMD\\_display\\_native\\_hdr [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayNativeHdrSurfaceCapabilitiesAMD.html) """ struct _DisplayNativeHdrSurfaceCapabilitiesAMD <: VulkanStruct{true} vks::VkDisplayNativeHdrSurfaceCapabilitiesAMD deps::Vector{Any} end """ Intermediate wrapper for VkHdrMetadataEXT. Extension: VK\\_EXT\\_hdr\\_metadata [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkHdrMetadataEXT.html) """ struct _HdrMetadataEXT <: VulkanStruct{true} vks::VkHdrMetadataEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePresentWaitFeaturesKHR. Extension: VK\\_KHR\\_present\\_wait [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePresentWaitFeaturesKHR.html) """ struct _PhysicalDevicePresentWaitFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDevicePresentWaitFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPresentIdKHR. Extension: VK\\_KHR\\_present\\_id [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentIdKHR.html) """ struct _PresentIdKHR <: VulkanStruct{true} vks::VkPresentIdKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePresentIdFeaturesKHR. Extension: VK\\_KHR\\_present\\_id [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePresentIdFeaturesKHR.html) """ struct _PhysicalDevicePresentIdFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDevicePresentIdFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkXYColorEXT. Extension: VK\\_EXT\\_hdr\\_metadata [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkXYColorEXT.html) """ struct _XYColorEXT <: VulkanStruct{false} vks::VkXYColorEXT end """ Intermediate wrapper for VkDescriptorUpdateTemplateEntry. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorUpdateTemplateEntry.html) """ struct _DescriptorUpdateTemplateEntry <: VulkanStruct{false} vks::VkDescriptorUpdateTemplateEntry end """ Intermediate wrapper for VkDeviceGroupSwapchainCreateInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupSwapchainCreateInfoKHR.html) """ struct _DeviceGroupSwapchainCreateInfoKHR <: VulkanStruct{true} vks::VkDeviceGroupSwapchainCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkDeviceGroupDeviceCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupDeviceCreateInfo.html) """ struct _DeviceGroupDeviceCreateInfo <: VulkanStruct{true} vks::VkDeviceGroupDeviceCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkDeviceGroupPresentInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupPresentInfoKHR.html) """ struct _DeviceGroupPresentInfoKHR <: VulkanStruct{true} vks::VkDeviceGroupPresentInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkDeviceGroupPresentCapabilitiesKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupPresentCapabilitiesKHR.html) """ struct _DeviceGroupPresentCapabilitiesKHR <: VulkanStruct{true} vks::VkDeviceGroupPresentCapabilitiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkDeviceGroupBindSparseInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupBindSparseInfo.html) """ struct _DeviceGroupBindSparseInfo <: VulkanStruct{true} vks::VkDeviceGroupBindSparseInfo deps::Vector{Any} end """ Intermediate wrapper for VkDeviceGroupSubmitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupSubmitInfo.html) """ struct _DeviceGroupSubmitInfo <: VulkanStruct{true} vks::VkDeviceGroupSubmitInfo deps::Vector{Any} end """ Intermediate wrapper for VkDeviceGroupCommandBufferBeginInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupCommandBufferBeginInfo.html) """ struct _DeviceGroupCommandBufferBeginInfo <: VulkanStruct{true} vks::VkDeviceGroupCommandBufferBeginInfo deps::Vector{Any} end """ Intermediate wrapper for VkDeviceGroupRenderPassBeginInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupRenderPassBeginInfo.html) """ struct _DeviceGroupRenderPassBeginInfo <: VulkanStruct{true} vks::VkDeviceGroupRenderPassBeginInfo deps::Vector{Any} end """ Intermediate wrapper for VkBindImageMemoryDeviceGroupInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImageMemoryDeviceGroupInfo.html) """ struct _BindImageMemoryDeviceGroupInfo <: VulkanStruct{true} vks::VkBindImageMemoryDeviceGroupInfo deps::Vector{Any} end """ Intermediate wrapper for VkBindBufferMemoryDeviceGroupInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindBufferMemoryDeviceGroupInfo.html) """ struct _BindBufferMemoryDeviceGroupInfo <: VulkanStruct{true} vks::VkBindBufferMemoryDeviceGroupInfo deps::Vector{Any} end """ Intermediate wrapper for VkMemoryAllocateFlagsInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryAllocateFlagsInfo.html) """ struct _MemoryAllocateFlagsInfo <: VulkanStruct{true} vks::VkMemoryAllocateFlagsInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceGroupProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGroupProperties.html) """ struct _PhysicalDeviceGroupProperties <: VulkanStruct{true} vks::VkPhysicalDeviceGroupProperties deps::Vector{Any} end """ Intermediate wrapper for VkSwapchainCounterCreateInfoEXT. Extension: VK\\_EXT\\_display\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainCounterCreateInfoEXT.html) """ struct _SwapchainCounterCreateInfoEXT <: VulkanStruct{true} vks::VkSwapchainCounterCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDisplayEventInfoEXT. Extension: VK\\_EXT\\_display\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayEventInfoEXT.html) """ struct _DisplayEventInfoEXT <: VulkanStruct{true} vks::VkDisplayEventInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDeviceEventInfoEXT. Extension: VK\\_EXT\\_display\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceEventInfoEXT.html) """ struct _DeviceEventInfoEXT <: VulkanStruct{true} vks::VkDeviceEventInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDisplayPowerInfoEXT. Extension: VK\\_EXT\\_display\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPowerInfoEXT.html) """ struct _DisplayPowerInfoEXT <: VulkanStruct{true} vks::VkDisplayPowerInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkSurfaceCapabilities2EXT. Extension: VK\\_EXT\\_display\\_surface\\_counter [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilities2EXT.html) """ struct _SurfaceCapabilities2EXT <: VulkanStruct{true} vks::VkSurfaceCapabilities2EXT deps::Vector{Any} end """ Intermediate wrapper for VkRenderPassMultiviewCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassMultiviewCreateInfo.html) """ struct _RenderPassMultiviewCreateInfo <: VulkanStruct{true} vks::VkRenderPassMultiviewCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMultiviewProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewProperties.html) """ struct _PhysicalDeviceMultiviewProperties <: VulkanStruct{true} vks::VkPhysicalDeviceMultiviewProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMultiviewFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewFeatures.html) """ struct _PhysicalDeviceMultiviewFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceMultiviewFeatures deps::Vector{Any} end """ Intermediate wrapper for VkExportFenceCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportFenceCreateInfo.html) """ struct _ExportFenceCreateInfo <: VulkanStruct{true} vks::VkExportFenceCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkExternalFenceProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalFenceProperties.html) """ struct _ExternalFenceProperties <: VulkanStruct{true} vks::VkExternalFenceProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceExternalFenceInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalFenceInfo.html) """ struct _PhysicalDeviceExternalFenceInfo <: VulkanStruct{true} vks::VkPhysicalDeviceExternalFenceInfo deps::Vector{Any} end """ Intermediate wrapper for VkExportSemaphoreCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportSemaphoreCreateInfo.html) """ struct _ExportSemaphoreCreateInfo <: VulkanStruct{true} vks::VkExportSemaphoreCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkExternalSemaphoreProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalSemaphoreProperties.html) """ struct _ExternalSemaphoreProperties <: VulkanStruct{true} vks::VkExternalSemaphoreProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceExternalSemaphoreInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalSemaphoreInfo.html) """ struct _PhysicalDeviceExternalSemaphoreInfo <: VulkanStruct{true} vks::VkPhysicalDeviceExternalSemaphoreInfo deps::Vector{Any} end """ Intermediate wrapper for VkMemoryFdPropertiesKHR. Extension: VK\\_KHR\\_external\\_memory\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryFdPropertiesKHR.html) """ struct _MemoryFdPropertiesKHR <: VulkanStruct{true} vks::VkMemoryFdPropertiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkImportMemoryFdInfoKHR. Extension: VK\\_KHR\\_external\\_memory\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMemoryFdInfoKHR.html) """ struct _ImportMemoryFdInfoKHR <: VulkanStruct{true} vks::VkImportMemoryFdInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkExportMemoryAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMemoryAllocateInfo.html) """ struct _ExportMemoryAllocateInfo <: VulkanStruct{true} vks::VkExportMemoryAllocateInfo deps::Vector{Any} end """ Intermediate wrapper for VkExternalMemoryBufferCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryBufferCreateInfo.html) """ struct _ExternalMemoryBufferCreateInfo <: VulkanStruct{true} vks::VkExternalMemoryBufferCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkExternalMemoryImageCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryImageCreateInfo.html) """ struct _ExternalMemoryImageCreateInfo <: VulkanStruct{true} vks::VkExternalMemoryImageCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceIDProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceIDProperties.html) """ struct _PhysicalDeviceIDProperties <: VulkanStruct{true} vks::VkPhysicalDeviceIDProperties deps::Vector{Any} end """ Intermediate wrapper for VkExternalBufferProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalBufferProperties.html) """ struct _ExternalBufferProperties <: VulkanStruct{true} vks::VkExternalBufferProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceExternalBufferInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalBufferInfo.html) """ struct _PhysicalDeviceExternalBufferInfo <: VulkanStruct{true} vks::VkPhysicalDeviceExternalBufferInfo deps::Vector{Any} end """ Intermediate wrapper for VkExternalImageFormatProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalImageFormatProperties.html) """ struct _ExternalImageFormatProperties <: VulkanStruct{true} vks::VkExternalImageFormatProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceExternalImageFormatInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalImageFormatInfo.html) """ struct _PhysicalDeviceExternalImageFormatInfo <: VulkanStruct{true} vks::VkPhysicalDeviceExternalImageFormatInfo deps::Vector{Any} end """ Intermediate wrapper for VkExternalMemoryProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryProperties.html) """ struct _ExternalMemoryProperties <: VulkanStruct{false} vks::VkExternalMemoryProperties end """ Intermediate wrapper for VkPhysicalDeviceVariablePointersFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVariablePointersFeatures.html) """ struct _PhysicalDeviceVariablePointersFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceVariablePointersFeatures deps::Vector{Any} end """ Intermediate wrapper for VkRectLayerKHR. Extension: VK\\_KHR\\_incremental\\_present [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRectLayerKHR.html) """ struct _RectLayerKHR <: VulkanStruct{false} vks::VkRectLayerKHR end """ Intermediate wrapper for VkPresentRegionKHR. Extension: VK\\_KHR\\_incremental\\_present [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentRegionKHR.html) """ struct _PresentRegionKHR <: VulkanStruct{true} vks::VkPresentRegionKHR deps::Vector{Any} end """ Intermediate wrapper for VkPresentRegionsKHR. Extension: VK\\_KHR\\_incremental\\_present [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentRegionsKHR.html) """ struct _PresentRegionsKHR <: VulkanStruct{true} vks::VkPresentRegionsKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDriverProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDriverProperties.html) """ struct _PhysicalDeviceDriverProperties <: VulkanStruct{true} vks::VkPhysicalDeviceDriverProperties deps::Vector{Any} end """ Intermediate wrapper for VkConformanceVersion. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkConformanceVersion.html) """ struct _ConformanceVersion <: VulkanStruct{false} vks::VkConformanceVersion end """ Intermediate wrapper for VkPhysicalDevicePushDescriptorPropertiesKHR. Extension: VK\\_KHR\\_push\\_descriptor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePushDescriptorPropertiesKHR.html) """ struct _PhysicalDevicePushDescriptorPropertiesKHR <: VulkanStruct{true} vks::VkPhysicalDevicePushDescriptorPropertiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceSparseImageFormatInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSparseImageFormatInfo2.html) """ struct _PhysicalDeviceSparseImageFormatInfo2 <: VulkanStruct{true} vks::VkPhysicalDeviceSparseImageFormatInfo2 deps::Vector{Any} end """ Intermediate wrapper for VkSparseImageFormatProperties2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageFormatProperties2.html) """ struct _SparseImageFormatProperties2 <: VulkanStruct{true} vks::VkSparseImageFormatProperties2 deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMemoryProperties2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryProperties2.html) """ struct _PhysicalDeviceMemoryProperties2 <: VulkanStruct{true} vks::VkPhysicalDeviceMemoryProperties2 deps::Vector{Any} end """ Intermediate wrapper for VkQueueFamilyProperties2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyProperties2.html) """ struct _QueueFamilyProperties2 <: VulkanStruct{true} vks::VkQueueFamilyProperties2 deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceImageFormatInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageFormatInfo2.html) """ struct _PhysicalDeviceImageFormatInfo2 <: VulkanStruct{true} vks::VkPhysicalDeviceImageFormatInfo2 deps::Vector{Any} end """ Intermediate wrapper for VkImageFormatProperties2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageFormatProperties2.html) """ struct _ImageFormatProperties2 <: VulkanStruct{true} vks::VkImageFormatProperties2 deps::Vector{Any} end """ Intermediate wrapper for VkFormatProperties2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFormatProperties2.html) """ struct _FormatProperties2 <: VulkanStruct{true} vks::VkFormatProperties2 deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceProperties2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProperties2.html) """ struct _PhysicalDeviceProperties2 <: VulkanStruct{true} vks::VkPhysicalDeviceProperties2 deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFeatures2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFeatures2.html) """ struct _PhysicalDeviceFeatures2 <: VulkanStruct{true} vks::VkPhysicalDeviceFeatures2 deps::Vector{Any} end """ Intermediate wrapper for VkIndirectCommandsLayoutCreateInfoNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkIndirectCommandsLayoutCreateInfoNV.html) """ struct _IndirectCommandsLayoutCreateInfoNV <: VulkanStruct{true} vks::VkIndirectCommandsLayoutCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkSetStateFlagsIndirectCommandNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSetStateFlagsIndirectCommandNV.html) """ struct _SetStateFlagsIndirectCommandNV <: VulkanStruct{false} vks::VkSetStateFlagsIndirectCommandNV end """ Intermediate wrapper for VkBindVertexBufferIndirectCommandNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindVertexBufferIndirectCommandNV.html) """ struct _BindVertexBufferIndirectCommandNV <: VulkanStruct{false} vks::VkBindVertexBufferIndirectCommandNV end """ Intermediate wrapper for VkBindIndexBufferIndirectCommandNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindIndexBufferIndirectCommandNV.html) """ struct _BindIndexBufferIndirectCommandNV <: VulkanStruct{false} vks::VkBindIndexBufferIndirectCommandNV end """ Intermediate wrapper for VkBindShaderGroupIndirectCommandNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindShaderGroupIndirectCommandNV.html) """ struct _BindShaderGroupIndirectCommandNV <: VulkanStruct{false} vks::VkBindShaderGroupIndirectCommandNV end """ Intermediate wrapper for VkGraphicsPipelineShaderGroupsCreateInfoNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsPipelineShaderGroupsCreateInfoNV.html) """ struct _GraphicsPipelineShaderGroupsCreateInfoNV <: VulkanStruct{true} vks::VkGraphicsPipelineShaderGroupsCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkGraphicsShaderGroupCreateInfoNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsShaderGroupCreateInfoNV.html) """ struct _GraphicsShaderGroupCreateInfoNV <: VulkanStruct{true} vks::VkGraphicsShaderGroupCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMultiDrawPropertiesEXT. Extension: VK\\_EXT\\_multi\\_draw [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiDrawPropertiesEXT.html) """ struct _PhysicalDeviceMultiDrawPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceMultiDrawPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV.html) """ struct _PhysicalDeviceDeviceGeneratedCommandsPropertiesNV <: VulkanStruct{true} vks::VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePrivateDataFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePrivateDataFeatures.html) """ struct _PhysicalDevicePrivateDataFeatures <: VulkanStruct{true} vks::VkPhysicalDevicePrivateDataFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPrivateDataSlotCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPrivateDataSlotCreateInfo.html) """ struct _PrivateDataSlotCreateInfo <: VulkanStruct{true} vks::VkPrivateDataSlotCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkDevicePrivateDataCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDevicePrivateDataCreateInfo.html) """ struct _DevicePrivateDataCreateInfo <: VulkanStruct{true} vks::VkDevicePrivateDataCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV.html) """ struct _PhysicalDeviceDeviceGeneratedCommandsFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkExportMemoryAllocateInfoNV. Extension: VK\\_NV\\_external\\_memory [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMemoryAllocateInfoNV.html) """ struct _ExportMemoryAllocateInfoNV <: VulkanStruct{true} vks::VkExportMemoryAllocateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkExternalMemoryImageCreateInfoNV. Extension: VK\\_NV\\_external\\_memory [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryImageCreateInfoNV.html) """ struct _ExternalMemoryImageCreateInfoNV <: VulkanStruct{true} vks::VkExternalMemoryImageCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkExternalImageFormatPropertiesNV. Extension: VK\\_NV\\_external\\_memory\\_capabilities [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalImageFormatPropertiesNV.html) """ struct _ExternalImageFormatPropertiesNV <: VulkanStruct{false} vks::VkExternalImageFormatPropertiesNV end """ Intermediate wrapper for VkDedicatedAllocationBufferCreateInfoNV. Extension: VK\\_NV\\_dedicated\\_allocation [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDedicatedAllocationBufferCreateInfoNV.html) """ struct _DedicatedAllocationBufferCreateInfoNV <: VulkanStruct{true} vks::VkDedicatedAllocationBufferCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkDedicatedAllocationImageCreateInfoNV. Extension: VK\\_NV\\_dedicated\\_allocation [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDedicatedAllocationImageCreateInfoNV.html) """ struct _DedicatedAllocationImageCreateInfoNV <: VulkanStruct{true} vks::VkDedicatedAllocationImageCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkDebugMarkerMarkerInfoEXT. Extension: VK\\_EXT\\_debug\\_marker [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugMarkerMarkerInfoEXT.html) """ struct _DebugMarkerMarkerInfoEXT <: VulkanStruct{true} vks::VkDebugMarkerMarkerInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDebugMarkerObjectTagInfoEXT. Extension: VK\\_EXT\\_debug\\_marker [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugMarkerObjectTagInfoEXT.html) """ struct _DebugMarkerObjectTagInfoEXT <: VulkanStruct{true} vks::VkDebugMarkerObjectTagInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDebugMarkerObjectNameInfoEXT. Extension: VK\\_EXT\\_debug\\_marker [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugMarkerObjectNameInfoEXT.html) """ struct _DebugMarkerObjectNameInfoEXT <: VulkanStruct{true} vks::VkDebugMarkerObjectNameInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPipelineRasterizationStateRasterizationOrderAMD. Extension: VK\\_AMD\\_rasterization\\_order [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationStateRasterizationOrderAMD.html) """ struct _PipelineRasterizationStateRasterizationOrderAMD <: VulkanStruct{true} vks::VkPipelineRasterizationStateRasterizationOrderAMD deps::Vector{Any} end """ Intermediate wrapper for VkValidationFeaturesEXT. Extension: VK\\_EXT\\_validation\\_features [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkValidationFeaturesEXT.html) """ struct _ValidationFeaturesEXT <: VulkanStruct{true} vks::VkValidationFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkValidationFlagsEXT. Extension: VK\\_EXT\\_validation\\_flags [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkValidationFlagsEXT.html) """ struct _ValidationFlagsEXT <: VulkanStruct{true} vks::VkValidationFlagsEXT deps::Vector{Any} end """ Intermediate wrapper for VkDebugReportCallbackCreateInfoEXT. Extension: VK\\_EXT\\_debug\\_report [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugReportCallbackCreateInfoEXT.html) """ struct _DebugReportCallbackCreateInfoEXT <: VulkanStruct{true} vks::VkDebugReportCallbackCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPresentInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentInfoKHR.html) """ struct _PresentInfoKHR <: VulkanStruct{true} vks::VkPresentInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkSurfaceFormatKHR. Extension: VK\\_KHR\\_surface [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceFormatKHR.html) """ struct _SurfaceFormatKHR <: VulkanStruct{false} vks::VkSurfaceFormatKHR end """ Intermediate wrapper for VkXcbSurfaceCreateInfoKHR. Extension: VK\\_KHR\\_xcb\\_surface [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkXcbSurfaceCreateInfoKHR.html) """ struct _XcbSurfaceCreateInfoKHR <: VulkanStruct{true} vks::VkXcbSurfaceCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkXlibSurfaceCreateInfoKHR. Extension: VK\\_KHR\\_xlib\\_surface [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkXlibSurfaceCreateInfoKHR.html) """ struct _XlibSurfaceCreateInfoKHR <: VulkanStruct{true} vks::VkXlibSurfaceCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkWaylandSurfaceCreateInfoKHR. Extension: VK\\_KHR\\_wayland\\_surface [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWaylandSurfaceCreateInfoKHR.html) """ struct _WaylandSurfaceCreateInfoKHR <: VulkanStruct{true} vks::VkWaylandSurfaceCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkSurfaceCapabilitiesKHR. Extension: VK\\_KHR\\_surface [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilitiesKHR.html) """ struct _SurfaceCapabilitiesKHR <: VulkanStruct{false} vks::VkSurfaceCapabilitiesKHR end """ Intermediate wrapper for VkDisplayPresentInfoKHR. Extension: VK\\_KHR\\_display\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPresentInfoKHR.html) """ struct _DisplayPresentInfoKHR <: VulkanStruct{true} vks::VkDisplayPresentInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkDisplayPlaneCapabilitiesKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneCapabilitiesKHR.html) """ struct _DisplayPlaneCapabilitiesKHR <: VulkanStruct{false} vks::VkDisplayPlaneCapabilitiesKHR end """ Intermediate wrapper for VkDisplayModeCreateInfoKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModeCreateInfoKHR.html) """ struct _DisplayModeCreateInfoKHR <: VulkanStruct{true} vks::VkDisplayModeCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkDisplayModeParametersKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModeParametersKHR.html) """ struct _DisplayModeParametersKHR <: VulkanStruct{false} vks::VkDisplayModeParametersKHR end """ Intermediate wrapper for VkSubmitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubmitInfo.html) """ struct _SubmitInfo <: VulkanStruct{true} vks::VkSubmitInfo deps::Vector{Any} end """ Intermediate wrapper for VkMultiDrawIndexedInfoEXT. Extension: VK\\_EXT\\_multi\\_draw [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultiDrawIndexedInfoEXT.html) """ struct _MultiDrawIndexedInfoEXT <: VulkanStruct{false} vks::VkMultiDrawIndexedInfoEXT end """ Intermediate wrapper for VkMultiDrawInfoEXT. Extension: VK\\_EXT\\_multi\\_draw [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultiDrawInfoEXT.html) """ struct _MultiDrawInfoEXT <: VulkanStruct{false} vks::VkMultiDrawInfoEXT end """ Intermediate wrapper for VkDispatchIndirectCommand. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDispatchIndirectCommand.html) """ struct _DispatchIndirectCommand <: VulkanStruct{false} vks::VkDispatchIndirectCommand end """ Intermediate wrapper for VkDrawIndexedIndirectCommand. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrawIndexedIndirectCommand.html) """ struct _DrawIndexedIndirectCommand <: VulkanStruct{false} vks::VkDrawIndexedIndirectCommand end """ Intermediate wrapper for VkDrawIndirectCommand. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrawIndirectCommand.html) """ struct _DrawIndirectCommand <: VulkanStruct{false} vks::VkDrawIndirectCommand end """ Intermediate wrapper for VkQueryPoolCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueryPoolCreateInfo.html) """ struct _QueryPoolCreateInfo <: VulkanStruct{true} vks::VkQueryPoolCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkSemaphoreCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreCreateInfo.html) """ struct _SemaphoreCreateInfo <: VulkanStruct{true} vks::VkSemaphoreCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceLimits. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLimits.html) """ struct _PhysicalDeviceLimits <: VulkanStruct{false} vks::VkPhysicalDeviceLimits end """ Intermediate wrapper for VkPhysicalDeviceSparseProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSparseProperties.html) """ struct _PhysicalDeviceSparseProperties <: VulkanStruct{false} vks::VkPhysicalDeviceSparseProperties end """ Intermediate wrapper for VkPhysicalDeviceFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFeatures.html) """ struct _PhysicalDeviceFeatures <: VulkanStruct{false} vks::VkPhysicalDeviceFeatures end """ Intermediate wrapper for VkFenceCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFenceCreateInfo.html) """ struct _FenceCreateInfo <: VulkanStruct{true} vks::VkFenceCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkEventCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkEventCreateInfo.html) """ struct _EventCreateInfo <: VulkanStruct{true} vks::VkEventCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkRenderPassCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreateInfo.html) """ struct _RenderPassCreateInfo <: VulkanStruct{true} vks::VkRenderPassCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkSubpassDependency. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDependency.html) """ struct _SubpassDependency <: VulkanStruct{false} vks::VkSubpassDependency end """ Intermediate wrapper for VkSubpassDescription. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDescription.html) """ struct _SubpassDescription <: VulkanStruct{true} vks::VkSubpassDescription deps::Vector{Any} end """ Intermediate wrapper for VkAttachmentReference. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentReference.html) """ struct _AttachmentReference <: VulkanStruct{false} vks::VkAttachmentReference end """ Intermediate wrapper for VkAttachmentDescription. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentDescription.html) """ struct _AttachmentDescription <: VulkanStruct{false} vks::VkAttachmentDescription end """ Intermediate wrapper for VkClearAttachment. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearAttachment.html) """ struct _ClearAttachment <: VulkanStruct{false} vks::VkClearAttachment end """ Intermediate wrapper for VkClearDepthStencilValue. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearDepthStencilValue.html) """ struct _ClearDepthStencilValue <: VulkanStruct{false} vks::VkClearDepthStencilValue end """ Intermediate wrapper for VkCommandBufferBeginInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferBeginInfo.html) """ struct _CommandBufferBeginInfo <: VulkanStruct{true} vks::VkCommandBufferBeginInfo deps::Vector{Any} end """ Intermediate wrapper for VkCommandPoolCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandPoolCreateInfo.html) """ struct _CommandPoolCreateInfo <: VulkanStruct{true} vks::VkCommandPoolCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkSamplerCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerCreateInfo.html) """ struct _SamplerCreateInfo <: VulkanStruct{true} vks::VkSamplerCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineLayoutCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineLayoutCreateInfo.html) """ struct _PipelineLayoutCreateInfo <: VulkanStruct{true} vks::VkPipelineLayoutCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPushConstantRange. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPushConstantRange.html) """ struct _PushConstantRange <: VulkanStruct{false} vks::VkPushConstantRange end """ Intermediate wrapper for VkPipelineCacheHeaderVersionOne. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCacheHeaderVersionOne.html) """ struct _PipelineCacheHeaderVersionOne <: VulkanStruct{false} vks::VkPipelineCacheHeaderVersionOne end """ Intermediate wrapper for VkPipelineCacheCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCacheCreateInfo.html) """ struct _PipelineCacheCreateInfo <: VulkanStruct{true} vks::VkPipelineCacheCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineDepthStencilStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineDepthStencilStateCreateInfo.html) """ struct _PipelineDepthStencilStateCreateInfo <: VulkanStruct{true} vks::VkPipelineDepthStencilStateCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkStencilOpState. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkStencilOpState.html) """ struct _StencilOpState <: VulkanStruct{false} vks::VkStencilOpState end """ Intermediate wrapper for VkPipelineDynamicStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineDynamicStateCreateInfo.html) """ struct _PipelineDynamicStateCreateInfo <: VulkanStruct{true} vks::VkPipelineDynamicStateCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineColorBlendStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorBlendStateCreateInfo.html) """ struct _PipelineColorBlendStateCreateInfo <: VulkanStruct{true} vks::VkPipelineColorBlendStateCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineColorBlendAttachmentState. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorBlendAttachmentState.html) """ struct _PipelineColorBlendAttachmentState <: VulkanStruct{false} vks::VkPipelineColorBlendAttachmentState end """ Intermediate wrapper for VkPipelineMultisampleStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineMultisampleStateCreateInfo.html) """ struct _PipelineMultisampleStateCreateInfo <: VulkanStruct{true} vks::VkPipelineMultisampleStateCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineRasterizationStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationStateCreateInfo.html) """ struct _PipelineRasterizationStateCreateInfo <: VulkanStruct{true} vks::VkPipelineRasterizationStateCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineViewportStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportStateCreateInfo.html) """ struct _PipelineViewportStateCreateInfo <: VulkanStruct{true} vks::VkPipelineViewportStateCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineTessellationStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineTessellationStateCreateInfo.html) """ struct _PipelineTessellationStateCreateInfo <: VulkanStruct{true} vks::VkPipelineTessellationStateCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineInputAssemblyStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineInputAssemblyStateCreateInfo.html) """ struct _PipelineInputAssemblyStateCreateInfo <: VulkanStruct{true} vks::VkPipelineInputAssemblyStateCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineVertexInputStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineVertexInputStateCreateInfo.html) """ struct _PipelineVertexInputStateCreateInfo <: VulkanStruct{true} vks::VkPipelineVertexInputStateCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkVertexInputAttributeDescription. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputAttributeDescription.html) """ struct _VertexInputAttributeDescription <: VulkanStruct{false} vks::VkVertexInputAttributeDescription end """ Intermediate wrapper for VkVertexInputBindingDescription. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputBindingDescription.html) """ struct _VertexInputBindingDescription <: VulkanStruct{false} vks::VkVertexInputBindingDescription end """ Intermediate wrapper for VkSpecializationInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSpecializationInfo.html) """ struct _SpecializationInfo <: VulkanStruct{true} vks::VkSpecializationInfo deps::Vector{Any} end """ Intermediate wrapper for VkSpecializationMapEntry. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSpecializationMapEntry.html) """ struct _SpecializationMapEntry <: VulkanStruct{false} vks::VkSpecializationMapEntry end """ Intermediate wrapper for VkDescriptorPoolCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorPoolCreateInfo.html) """ struct _DescriptorPoolCreateInfo <: VulkanStruct{true} vks::VkDescriptorPoolCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkDescriptorPoolSize. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorPoolSize.html) """ struct _DescriptorPoolSize <: VulkanStruct{false} vks::VkDescriptorPoolSize end """ Intermediate wrapper for VkDescriptorSetLayoutCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutCreateInfo.html) """ struct _DescriptorSetLayoutCreateInfo <: VulkanStruct{true} vks::VkDescriptorSetLayoutCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkDescriptorSetLayoutBinding. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutBinding.html) """ struct _DescriptorSetLayoutBinding <: VulkanStruct{true} vks::VkDescriptorSetLayoutBinding deps::Vector{Any} end """ Intermediate wrapper for VkShaderModuleCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderModuleCreateInfo.html) """ struct _ShaderModuleCreateInfo <: VulkanStruct{true} vks::VkShaderModuleCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkImageResolve. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageResolve.html) """ struct _ImageResolve <: VulkanStruct{false} vks::VkImageResolve end """ Intermediate wrapper for VkCopyMemoryToImageIndirectCommandNV. Extension: VK\\_NV\\_copy\\_memory\\_indirect [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryToImageIndirectCommandNV.html) """ struct _CopyMemoryToImageIndirectCommandNV <: VulkanStruct{false} vks::VkCopyMemoryToImageIndirectCommandNV end """ Intermediate wrapper for VkCopyMemoryIndirectCommandNV. Extension: VK\\_NV\\_copy\\_memory\\_indirect [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryIndirectCommandNV.html) """ struct _CopyMemoryIndirectCommandNV <: VulkanStruct{false} vks::VkCopyMemoryIndirectCommandNV end """ Intermediate wrapper for VkBufferImageCopy. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferImageCopy.html) """ struct _BufferImageCopy <: VulkanStruct{false} vks::VkBufferImageCopy end """ Intermediate wrapper for VkImageBlit. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageBlit.html) """ struct _ImageBlit <: VulkanStruct{false} vks::VkImageBlit end """ Intermediate wrapper for VkImageCopy. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCopy.html) """ struct _ImageCopy <: VulkanStruct{false} vks::VkImageCopy end """ Intermediate wrapper for VkBindSparseInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindSparseInfo.html) """ struct _BindSparseInfo <: VulkanStruct{true} vks::VkBindSparseInfo deps::Vector{Any} end """ Intermediate wrapper for VkBufferCopy. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCopy.html) """ struct _BufferCopy <: VulkanStruct{false} vks::VkBufferCopy end """ Intermediate wrapper for VkSubresourceLayout. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubresourceLayout.html) """ struct _SubresourceLayout <: VulkanStruct{false} vks::VkSubresourceLayout end """ Intermediate wrapper for VkImageCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCreateInfo.html) """ struct _ImageCreateInfo <: VulkanStruct{true} vks::VkImageCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkMemoryBarrier. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryBarrier.html) """ struct _MemoryBarrier <: VulkanStruct{true} vks::VkMemoryBarrier deps::Vector{Any} end """ Intermediate wrapper for VkImageSubresourceRange. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresourceRange.html) """ struct _ImageSubresourceRange <: VulkanStruct{false} vks::VkImageSubresourceRange end """ Intermediate wrapper for VkImageSubresourceLayers. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresourceLayers.html) """ struct _ImageSubresourceLayers <: VulkanStruct{false} vks::VkImageSubresourceLayers end """ Intermediate wrapper for VkImageSubresource. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresource.html) """ struct _ImageSubresource <: VulkanStruct{false} vks::VkImageSubresource end """ Intermediate wrapper for VkBufferCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCreateInfo.html) """ struct _BufferCreateInfo <: VulkanStruct{true} vks::VkBufferCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkImageFormatProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageFormatProperties.html) """ struct _ImageFormatProperties <: VulkanStruct{false} vks::VkImageFormatProperties end """ Intermediate wrapper for VkFormatProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFormatProperties.html) """ struct _FormatProperties <: VulkanStruct{false} vks::VkFormatProperties end """ Intermediate wrapper for VkMemoryHeap. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryHeap.html) """ struct _MemoryHeap <: VulkanStruct{false} vks::VkMemoryHeap end """ Intermediate wrapper for VkMemoryType. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryType.html) """ struct _MemoryType <: VulkanStruct{false} vks::VkMemoryType end """ Intermediate wrapper for VkSparseImageMemoryRequirements. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryRequirements.html) """ struct _SparseImageMemoryRequirements <: VulkanStruct{false} vks::VkSparseImageMemoryRequirements end """ Intermediate wrapper for VkSparseImageFormatProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageFormatProperties.html) """ struct _SparseImageFormatProperties <: VulkanStruct{false} vks::VkSparseImageFormatProperties end """ Intermediate wrapper for VkMemoryRequirements. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryRequirements.html) """ struct _MemoryRequirements <: VulkanStruct{false} vks::VkMemoryRequirements end """ Intermediate wrapper for VkMemoryAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryAllocateInfo.html) """ struct _MemoryAllocateInfo <: VulkanStruct{true} vks::VkMemoryAllocateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMemoryProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryProperties.html) """ struct _PhysicalDeviceMemoryProperties <: VulkanStruct{false} vks::VkPhysicalDeviceMemoryProperties end """ Intermediate wrapper for VkQueueFamilyProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyProperties.html) """ struct _QueueFamilyProperties <: VulkanStruct{false} vks::VkQueueFamilyProperties end """ Intermediate wrapper for VkInstanceCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkInstanceCreateInfo.html) """ struct _InstanceCreateInfo <: VulkanStruct{true} vks::VkInstanceCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkDeviceCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceCreateInfo.html) """ struct _DeviceCreateInfo <: VulkanStruct{true} vks::VkDeviceCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkDeviceQueueCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceQueueCreateInfo.html) """ struct _DeviceQueueCreateInfo <: VulkanStruct{true} vks::VkDeviceQueueCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkAllocationCallbacks. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAllocationCallbacks.html) """ struct _AllocationCallbacks <: VulkanStruct{true} vks::VkAllocationCallbacks deps::Vector{Any} end """ Intermediate wrapper for VkApplicationInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkApplicationInfo.html) """ struct _ApplicationInfo <: VulkanStruct{true} vks::VkApplicationInfo deps::Vector{Any} end """ Intermediate wrapper for VkLayerProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkLayerProperties.html) """ struct _LayerProperties <: VulkanStruct{false} vks::VkLayerProperties end """ Intermediate wrapper for VkExtensionProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExtensionProperties.html) """ struct _ExtensionProperties <: VulkanStruct{false} vks::VkExtensionProperties end """ Intermediate wrapper for VkPhysicalDeviceProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProperties.html) """ struct _PhysicalDeviceProperties <: VulkanStruct{false} vks::VkPhysicalDeviceProperties end """ Intermediate wrapper for VkComponentMapping. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkComponentMapping.html) """ struct _ComponentMapping <: VulkanStruct{false} vks::VkComponentMapping end """ Intermediate wrapper for VkClearRect. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearRect.html) """ struct _ClearRect <: VulkanStruct{false} vks::VkClearRect end """ Intermediate wrapper for VkRect2D. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRect2D.html) """ struct _Rect2D <: VulkanStruct{false} vks::VkRect2D end """ Intermediate wrapper for VkViewport. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkViewport.html) """ struct _Viewport <: VulkanStruct{false} vks::VkViewport end """ Intermediate wrapper for VkExtent3D. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExtent3D.html) """ struct _Extent3D <: VulkanStruct{false} vks::VkExtent3D end """ Intermediate wrapper for VkExtent2D. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExtent2D.html) """ struct _Extent2D <: VulkanStruct{false} vks::VkExtent2D end """ Intermediate wrapper for VkOffset3D. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOffset3D.html) """ struct _Offset3D <: VulkanStruct{false} vks::VkOffset3D end """ Intermediate wrapper for VkOffset2D. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOffset2D.html) """ struct _Offset2D <: VulkanStruct{false} vks::VkOffset2D end """ Intermediate wrapper for VkBaseInStructure. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBaseInStructure.html) """ struct _BaseInStructure <: VulkanStruct{true} vks::VkBaseInStructure deps::Vector{Any} end """ Intermediate wrapper for VkBaseOutStructure. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBaseOutStructure.html) """ struct _BaseOutStructure <: VulkanStruct{true} vks::VkBaseOutStructure deps::Vector{Any} end mutable struct Instance <: Handle vks::VkInstance refcount::RefCounter destructor Instance(vks::VkInstance, refcount::RefCounter) = new(vks, refcount, undef) end mutable struct PhysicalDevice <: Handle vks::VkPhysicalDevice instance::Instance refcount::RefCounter destructor PhysicalDevice(vks::VkPhysicalDevice, instance::Instance, refcount::RefCounter) = new(vks, instance, refcount, undef) end mutable struct Device <: Handle vks::VkDevice physical_device::PhysicalDevice refcount::RefCounter destructor Device(vks::VkDevice, physical_device::PhysicalDevice, refcount::RefCounter) = new(vks, physical_device, refcount, undef) end mutable struct Queue <: Handle vks::VkQueue device::Device refcount::RefCounter destructor Queue(vks::VkQueue, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct DeviceMemory <: Handle vks::VkDeviceMemory device::Device refcount::RefCounter destructor DeviceMemory(vks::VkDeviceMemory, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkMappedMemoryRange. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMappedMemoryRange.html) """ struct _MappedMemoryRange <: VulkanStruct{true} vks::VkMappedMemoryRange deps::Vector{Any} memory::DeviceMemory end """ Intermediate wrapper for VkSparseMemoryBind. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseMemoryBind.html) """ struct _SparseMemoryBind <: VulkanStruct{false} vks::VkSparseMemoryBind memory::OptionalPtr{DeviceMemory} end """ Intermediate wrapper for VkSparseImageMemoryBind. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryBind.html) """ struct _SparseImageMemoryBind <: VulkanStruct{false} vks::VkSparseImageMemoryBind memory::OptionalPtr{DeviceMemory} end """ Intermediate wrapper for VkMemoryGetFdInfoKHR. Extension: VK\\_KHR\\_external\\_memory\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryGetFdInfoKHR.html) """ struct _MemoryGetFdInfoKHR <: VulkanStruct{true} vks::VkMemoryGetFdInfoKHR deps::Vector{Any} memory::DeviceMemory end """ Intermediate wrapper for VkDeviceMemoryOpaqueCaptureAddressInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceMemoryOpaqueCaptureAddressInfo.html) """ struct _DeviceMemoryOpaqueCaptureAddressInfo <: VulkanStruct{true} vks::VkDeviceMemoryOpaqueCaptureAddressInfo deps::Vector{Any} memory::DeviceMemory end """ Intermediate wrapper for VkBindVideoSessionMemoryInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindVideoSessionMemoryInfoKHR.html) """ struct _BindVideoSessionMemoryInfoKHR <: VulkanStruct{true} vks::VkBindVideoSessionMemoryInfoKHR deps::Vector{Any} memory::DeviceMemory end """ Intermediate wrapper for VkMemoryGetRemoteAddressInfoNV. Extension: VK\\_NV\\_external\\_memory\\_rdma [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryGetRemoteAddressInfoNV.html) """ struct _MemoryGetRemoteAddressInfoNV <: VulkanStruct{true} vks::VkMemoryGetRemoteAddressInfoNV deps::Vector{Any} memory::DeviceMemory end """ High-level wrapper for VkMappedMemoryRange. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMappedMemoryRange.html) """ @struct_hash_equal struct MappedMemoryRange <: HighLevelStruct next::Any memory::DeviceMemory offset::UInt64 size::UInt64 end """ High-level wrapper for VkDeviceMemoryOpaqueCaptureAddressInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceMemoryOpaqueCaptureAddressInfo.html) """ @struct_hash_equal struct DeviceMemoryOpaqueCaptureAddressInfo <: HighLevelStruct next::Any memory::DeviceMemory end """ High-level wrapper for VkBindVideoSessionMemoryInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindVideoSessionMemoryInfoKHR.html) """ @struct_hash_equal struct BindVideoSessionMemoryInfoKHR <: HighLevelStruct next::Any memory_bind_index::UInt32 memory::DeviceMemory memory_offset::UInt64 memory_size::UInt64 end mutable struct CommandPool <: Handle vks::VkCommandPool device::Device refcount::RefCounter destructor CommandPool(vks::VkCommandPool, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct CommandBuffer <: Handle vks::VkCommandBuffer command_pool::CommandPool refcount::RefCounter destructor CommandBuffer(vks::VkCommandBuffer, command_pool::CommandPool, refcount::RefCounter) = new(vks, command_pool, refcount, undef) end """ Intermediate wrapper for VkCommandBufferSubmitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferSubmitInfo.html) """ struct _CommandBufferSubmitInfo <: VulkanStruct{true} vks::VkCommandBufferSubmitInfo deps::Vector{Any} command_buffer::CommandBuffer end """ High-level wrapper for VkCommandBufferSubmitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferSubmitInfo.html) """ @struct_hash_equal struct CommandBufferSubmitInfo <: HighLevelStruct next::Any command_buffer::CommandBuffer device_mask::UInt32 end """ Intermediate wrapper for VkCommandBufferAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferAllocateInfo.html) """ struct _CommandBufferAllocateInfo <: VulkanStruct{true} vks::VkCommandBufferAllocateInfo deps::Vector{Any} command_pool::CommandPool end mutable struct Buffer <: Handle vks::VkBuffer device::Device refcount::RefCounter destructor Buffer(vks::VkBuffer, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkDescriptorBufferInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorBufferInfo.html) """ struct _DescriptorBufferInfo <: VulkanStruct{false} vks::VkDescriptorBufferInfo buffer::OptionalPtr{Buffer} end """ Intermediate wrapper for VkBufferViewCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferViewCreateInfo.html) """ struct _BufferViewCreateInfo <: VulkanStruct{true} vks::VkBufferViewCreateInfo deps::Vector{Any} buffer::Buffer end """ Intermediate wrapper for VkBufferMemoryBarrier. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferMemoryBarrier.html) """ struct _BufferMemoryBarrier <: VulkanStruct{true} vks::VkBufferMemoryBarrier deps::Vector{Any} buffer::Buffer end """ Intermediate wrapper for VkSparseBufferMemoryBindInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseBufferMemoryBindInfo.html) """ struct _SparseBufferMemoryBindInfo <: VulkanStruct{true} vks::VkSparseBufferMemoryBindInfo deps::Vector{Any} buffer::Buffer end """ Intermediate wrapper for VkIndirectCommandsStreamNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkIndirectCommandsStreamNV.html) """ struct _IndirectCommandsStreamNV <: VulkanStruct{false} vks::VkIndirectCommandsStreamNV buffer::Buffer end """ Intermediate wrapper for VkBindBufferMemoryInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindBufferMemoryInfo.html) """ struct _BindBufferMemoryInfo <: VulkanStruct{true} vks::VkBindBufferMemoryInfo deps::Vector{Any} buffer::Buffer memory::DeviceMemory end """ Intermediate wrapper for VkBufferMemoryRequirementsInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferMemoryRequirementsInfo2.html) """ struct _BufferMemoryRequirementsInfo2 <: VulkanStruct{true} vks::VkBufferMemoryRequirementsInfo2 deps::Vector{Any} buffer::Buffer end """ Intermediate wrapper for VkConditionalRenderingBeginInfoEXT. Extension: VK\\_EXT\\_conditional\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkConditionalRenderingBeginInfoEXT.html) """ struct _ConditionalRenderingBeginInfoEXT <: VulkanStruct{true} vks::VkConditionalRenderingBeginInfoEXT deps::Vector{Any} buffer::Buffer end """ Intermediate wrapper for VkGeometryTrianglesNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryTrianglesNV.html) """ struct _GeometryTrianglesNV <: VulkanStruct{true} vks::VkGeometryTrianglesNV deps::Vector{Any} vertex_data::OptionalPtr{Buffer} index_data::OptionalPtr{Buffer} transform_data::OptionalPtr{Buffer} end """ Intermediate wrapper for VkGeometryAABBNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryAABBNV.html) """ struct _GeometryAABBNV <: VulkanStruct{true} vks::VkGeometryAABBNV deps::Vector{Any} aabb_data::OptionalPtr{Buffer} end """ Intermediate wrapper for VkBufferDeviceAddressInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferDeviceAddressInfo.html) """ struct _BufferDeviceAddressInfo <: VulkanStruct{true} vks::VkBufferDeviceAddressInfo deps::Vector{Any} buffer::Buffer end """ Intermediate wrapper for VkAccelerationStructureCreateInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureCreateInfoKHR.html) """ struct _AccelerationStructureCreateInfoKHR <: VulkanStruct{true} vks::VkAccelerationStructureCreateInfoKHR deps::Vector{Any} buffer::Buffer end """ Intermediate wrapper for VkCopyBufferInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyBufferInfo2.html) """ struct _CopyBufferInfo2 <: VulkanStruct{true} vks::VkCopyBufferInfo2 deps::Vector{Any} src_buffer::Buffer dst_buffer::Buffer end """ Intermediate wrapper for VkBufferMemoryBarrier2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferMemoryBarrier2.html) """ struct _BufferMemoryBarrier2 <: VulkanStruct{true} vks::VkBufferMemoryBarrier2 deps::Vector{Any} buffer::Buffer end """ Intermediate wrapper for VkVideoDecodeInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeInfoKHR.html) """ struct _VideoDecodeInfoKHR <: VulkanStruct{true} vks::VkVideoDecodeInfoKHR deps::Vector{Any} src_buffer::Buffer end """ Intermediate wrapper for VkDescriptorBufferBindingPushDescriptorBufferHandleEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorBufferBindingPushDescriptorBufferHandleEXT.html) """ struct _DescriptorBufferBindingPushDescriptorBufferHandleEXT <: VulkanStruct{true} vks::VkDescriptorBufferBindingPushDescriptorBufferHandleEXT deps::Vector{Any} buffer::Buffer end """ Intermediate wrapper for VkBufferCaptureDescriptorDataInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCaptureDescriptorDataInfoEXT.html) """ struct _BufferCaptureDescriptorDataInfoEXT <: VulkanStruct{true} vks::VkBufferCaptureDescriptorDataInfoEXT deps::Vector{Any} buffer::Buffer end """ Intermediate wrapper for VkMicromapCreateInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapCreateInfoEXT.html) """ struct _MicromapCreateInfoEXT <: VulkanStruct{true} vks::VkMicromapCreateInfoEXT deps::Vector{Any} buffer::Buffer end """ High-level wrapper for VkDescriptorBufferInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorBufferInfo.html) """ @struct_hash_equal struct DescriptorBufferInfo <: HighLevelStruct buffer::OptionalPtr{Buffer} offset::UInt64 range::UInt64 end """ High-level wrapper for VkIndirectCommandsStreamNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkIndirectCommandsStreamNV.html) """ @struct_hash_equal struct IndirectCommandsStreamNV <: HighLevelStruct buffer::Buffer offset::UInt64 end """ High-level wrapper for VkBindBufferMemoryInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindBufferMemoryInfo.html) """ @struct_hash_equal struct BindBufferMemoryInfo <: HighLevelStruct next::Any buffer::Buffer memory::DeviceMemory memory_offset::UInt64 end """ High-level wrapper for VkBufferMemoryRequirementsInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferMemoryRequirementsInfo2.html) """ @struct_hash_equal struct BufferMemoryRequirementsInfo2 <: HighLevelStruct next::Any buffer::Buffer end """ High-level wrapper for VkGeometryAABBNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryAABBNV.html) """ @struct_hash_equal struct GeometryAABBNV <: HighLevelStruct next::Any aabb_data::OptionalPtr{Buffer} num_aab_bs::UInt32 stride::UInt32 offset::UInt64 end """ High-level wrapper for VkBufferDeviceAddressInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferDeviceAddressInfo.html) """ @struct_hash_equal struct BufferDeviceAddressInfo <: HighLevelStruct next::Any buffer::Buffer end """ High-level wrapper for VkCopyBufferInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyBufferInfo2.html) """ @struct_hash_equal struct CopyBufferInfo2 <: HighLevelStruct next::Any src_buffer::Buffer dst_buffer::Buffer regions::Vector{BufferCopy2} end """ High-level wrapper for VkBufferMemoryBarrier2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferMemoryBarrier2.html) """ @struct_hash_equal struct BufferMemoryBarrier2 <: HighLevelStruct next::Any src_stage_mask::UInt64 src_access_mask::UInt64 dst_stage_mask::UInt64 dst_access_mask::UInt64 src_queue_family_index::UInt32 dst_queue_family_index::UInt32 buffer::Buffer offset::UInt64 size::UInt64 end """ High-level wrapper for VkDescriptorBufferBindingPushDescriptorBufferHandleEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorBufferBindingPushDescriptorBufferHandleEXT.html) """ @struct_hash_equal struct DescriptorBufferBindingPushDescriptorBufferHandleEXT <: HighLevelStruct next::Any buffer::Buffer end """ High-level wrapper for VkBufferCaptureDescriptorDataInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCaptureDescriptorDataInfoEXT.html) """ @struct_hash_equal struct BufferCaptureDescriptorDataInfoEXT <: HighLevelStruct next::Any buffer::Buffer end mutable struct BufferView <: Handle vks::VkBufferView device::Device refcount::RefCounter destructor BufferView(vks::VkBufferView, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct Image <: Handle vks::VkImage device::Device refcount::RefCounter destructor Image(vks::VkImage, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkImageMemoryBarrier. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageMemoryBarrier.html) """ struct _ImageMemoryBarrier <: VulkanStruct{true} vks::VkImageMemoryBarrier deps::Vector{Any} image::Image end """ Intermediate wrapper for VkImageViewCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewCreateInfo.html) """ struct _ImageViewCreateInfo <: VulkanStruct{true} vks::VkImageViewCreateInfo deps::Vector{Any} image::Image end """ Intermediate wrapper for VkSparseImageOpaqueMemoryBindInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageOpaqueMemoryBindInfo.html) """ struct _SparseImageOpaqueMemoryBindInfo <: VulkanStruct{true} vks::VkSparseImageOpaqueMemoryBindInfo deps::Vector{Any} image::Image end """ Intermediate wrapper for VkSparseImageMemoryBindInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryBindInfo.html) """ struct _SparseImageMemoryBindInfo <: VulkanStruct{true} vks::VkSparseImageMemoryBindInfo deps::Vector{Any} image::Image end """ Intermediate wrapper for VkDedicatedAllocationMemoryAllocateInfoNV. Extension: VK\\_NV\\_dedicated\\_allocation [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDedicatedAllocationMemoryAllocateInfoNV.html) """ struct _DedicatedAllocationMemoryAllocateInfoNV <: VulkanStruct{true} vks::VkDedicatedAllocationMemoryAllocateInfoNV deps::Vector{Any} image::OptionalPtr{Image} buffer::OptionalPtr{Buffer} end """ Intermediate wrapper for VkBindImageMemoryInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImageMemoryInfo.html) """ struct _BindImageMemoryInfo <: VulkanStruct{true} vks::VkBindImageMemoryInfo deps::Vector{Any} image::Image memory::DeviceMemory end """ Intermediate wrapper for VkImageMemoryRequirementsInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageMemoryRequirementsInfo2.html) """ struct _ImageMemoryRequirementsInfo2 <: VulkanStruct{true} vks::VkImageMemoryRequirementsInfo2 deps::Vector{Any} image::Image end """ Intermediate wrapper for VkImageSparseMemoryRequirementsInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSparseMemoryRequirementsInfo2.html) """ struct _ImageSparseMemoryRequirementsInfo2 <: VulkanStruct{true} vks::VkImageSparseMemoryRequirementsInfo2 deps::Vector{Any} image::Image end """ Intermediate wrapper for VkMemoryDedicatedAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryDedicatedAllocateInfo.html) """ struct _MemoryDedicatedAllocateInfo <: VulkanStruct{true} vks::VkMemoryDedicatedAllocateInfo deps::Vector{Any} image::OptionalPtr{Image} buffer::OptionalPtr{Buffer} end """ Intermediate wrapper for VkCopyImageInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyImageInfo2.html) """ struct _CopyImageInfo2 <: VulkanStruct{true} vks::VkCopyImageInfo2 deps::Vector{Any} src_image::Image dst_image::Image end """ Intermediate wrapper for VkBlitImageInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBlitImageInfo2.html) """ struct _BlitImageInfo2 <: VulkanStruct{true} vks::VkBlitImageInfo2 deps::Vector{Any} src_image::Image dst_image::Image end """ Intermediate wrapper for VkCopyBufferToImageInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyBufferToImageInfo2.html) """ struct _CopyBufferToImageInfo2 <: VulkanStruct{true} vks::VkCopyBufferToImageInfo2 deps::Vector{Any} src_buffer::Buffer dst_image::Image end """ Intermediate wrapper for VkCopyImageToBufferInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyImageToBufferInfo2.html) """ struct _CopyImageToBufferInfo2 <: VulkanStruct{true} vks::VkCopyImageToBufferInfo2 deps::Vector{Any} src_image::Image dst_buffer::Buffer end """ Intermediate wrapper for VkResolveImageInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkResolveImageInfo2.html) """ struct _ResolveImageInfo2 <: VulkanStruct{true} vks::VkResolveImageInfo2 deps::Vector{Any} src_image::Image dst_image::Image end """ Intermediate wrapper for VkImageMemoryBarrier2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageMemoryBarrier2.html) """ struct _ImageMemoryBarrier2 <: VulkanStruct{true} vks::VkImageMemoryBarrier2 deps::Vector{Any} image::Image end """ Intermediate wrapper for VkImageCaptureDescriptorDataInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCaptureDescriptorDataInfoEXT.html) """ struct _ImageCaptureDescriptorDataInfoEXT <: VulkanStruct{true} vks::VkImageCaptureDescriptorDataInfoEXT deps::Vector{Any} image::Image end """ High-level wrapper for VkDedicatedAllocationMemoryAllocateInfoNV. Extension: VK\\_NV\\_dedicated\\_allocation [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDedicatedAllocationMemoryAllocateInfoNV.html) """ @struct_hash_equal struct DedicatedAllocationMemoryAllocateInfoNV <: HighLevelStruct next::Any image::OptionalPtr{Image} buffer::OptionalPtr{Buffer} end """ High-level wrapper for VkBindImageMemoryInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImageMemoryInfo.html) """ @struct_hash_equal struct BindImageMemoryInfo <: HighLevelStruct next::Any image::Image memory::DeviceMemory memory_offset::UInt64 end """ High-level wrapper for VkImageMemoryRequirementsInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageMemoryRequirementsInfo2.html) """ @struct_hash_equal struct ImageMemoryRequirementsInfo2 <: HighLevelStruct next::Any image::Image end """ High-level wrapper for VkImageSparseMemoryRequirementsInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSparseMemoryRequirementsInfo2.html) """ @struct_hash_equal struct ImageSparseMemoryRequirementsInfo2 <: HighLevelStruct next::Any image::Image end """ High-level wrapper for VkMemoryDedicatedAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryDedicatedAllocateInfo.html) """ @struct_hash_equal struct MemoryDedicatedAllocateInfo <: HighLevelStruct next::Any image::OptionalPtr{Image} buffer::OptionalPtr{Buffer} end """ High-level wrapper for VkImageCaptureDescriptorDataInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCaptureDescriptorDataInfoEXT.html) """ @struct_hash_equal struct ImageCaptureDescriptorDataInfoEXT <: HighLevelStruct next::Any image::Image end mutable struct ImageView <: Handle vks::VkImageView device::Device refcount::RefCounter destructor ImageView(vks::VkImageView, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkVideoPictureResourceInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoPictureResourceInfoKHR.html) """ struct _VideoPictureResourceInfoKHR <: VulkanStruct{true} vks::VkVideoPictureResourceInfoKHR deps::Vector{Any} image_view_binding::ImageView end """ Intermediate wrapper for VkImageViewCaptureDescriptorDataInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewCaptureDescriptorDataInfoEXT.html) """ struct _ImageViewCaptureDescriptorDataInfoEXT <: VulkanStruct{true} vks::VkImageViewCaptureDescriptorDataInfoEXT deps::Vector{Any} image_view::ImageView end """ Intermediate wrapper for VkRenderingAttachmentInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingAttachmentInfo.html) """ struct _RenderingAttachmentInfo <: VulkanStruct{true} vks::VkRenderingAttachmentInfo deps::Vector{Any} image_view::OptionalPtr{ImageView} resolve_image_view::OptionalPtr{ImageView} end """ Intermediate wrapper for VkRenderingFragmentShadingRateAttachmentInfoKHR. Extension: VK\\_KHR\\_dynamic\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingFragmentShadingRateAttachmentInfoKHR.html) """ struct _RenderingFragmentShadingRateAttachmentInfoKHR <: VulkanStruct{true} vks::VkRenderingFragmentShadingRateAttachmentInfoKHR deps::Vector{Any} image_view::OptionalPtr{ImageView} end """ Intermediate wrapper for VkRenderingFragmentDensityMapAttachmentInfoEXT. Extension: VK\\_KHR\\_dynamic\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingFragmentDensityMapAttachmentInfoEXT.html) """ struct _RenderingFragmentDensityMapAttachmentInfoEXT <: VulkanStruct{true} vks::VkRenderingFragmentDensityMapAttachmentInfoEXT deps::Vector{Any} image_view::ImageView end """ High-level wrapper for VkRenderPassAttachmentBeginInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassAttachmentBeginInfo.html) """ @struct_hash_equal struct RenderPassAttachmentBeginInfo <: HighLevelStruct next::Any attachments::Vector{ImageView} end """ High-level wrapper for VkVideoPictureResourceInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoPictureResourceInfoKHR.html) """ @struct_hash_equal struct VideoPictureResourceInfoKHR <: HighLevelStruct next::Any coded_offset::Offset2D coded_extent::Extent2D base_array_layer::UInt32 image_view_binding::ImageView end """ High-level wrapper for VkVideoReferenceSlotInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoReferenceSlotInfoKHR.html) """ @struct_hash_equal struct VideoReferenceSlotInfoKHR <: HighLevelStruct next::Any slot_index::Int32 picture_resource::OptionalPtr{VideoPictureResourceInfoKHR} end """ High-level wrapper for VkVideoDecodeInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeInfoKHR.html) """ @struct_hash_equal struct VideoDecodeInfoKHR <: HighLevelStruct next::Any flags::UInt32 src_buffer::Buffer src_buffer_offset::UInt64 src_buffer_range::UInt64 dst_picture_resource::VideoPictureResourceInfoKHR setup_reference_slot::OptionalPtr{VideoReferenceSlotInfoKHR} reference_slots::Vector{VideoReferenceSlotInfoKHR} end """ High-level wrapper for VkImageViewCaptureDescriptorDataInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewCaptureDescriptorDataInfoEXT.html) """ @struct_hash_equal struct ImageViewCaptureDescriptorDataInfoEXT <: HighLevelStruct next::Any image_view::ImageView end mutable struct ShaderModule <: Handle vks::VkShaderModule device::Device refcount::RefCounter destructor ShaderModule(vks::VkShaderModule, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkPipelineShaderStageCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineShaderStageCreateInfo.html) """ struct _PipelineShaderStageCreateInfo <: VulkanStruct{true} vks::VkPipelineShaderStageCreateInfo deps::Vector{Any} _module::OptionalPtr{ShaderModule} end mutable struct Pipeline <: Handle vks::VkPipeline device::Device refcount::RefCounter destructor Pipeline(vks::VkPipeline, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkPipelineInfoKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineInfoKHR.html) """ struct _PipelineInfoKHR <: VulkanStruct{true} vks::VkPipelineInfoKHR deps::Vector{Any} pipeline::Pipeline end """ Intermediate wrapper for VkPipelineExecutableInfoKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableInfoKHR.html) """ struct _PipelineExecutableInfoKHR <: VulkanStruct{true} vks::VkPipelineExecutableInfoKHR deps::Vector{Any} pipeline::Pipeline end """ High-level wrapper for VkPipelineInfoKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineInfoKHR.html) """ @struct_hash_equal struct PipelineInfoKHR <: HighLevelStruct next::Any pipeline::Pipeline end """ High-level wrapper for VkPipelineExecutableInfoKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableInfoKHR.html) """ @struct_hash_equal struct PipelineExecutableInfoKHR <: HighLevelStruct next::Any pipeline::Pipeline executable_index::UInt32 end """ High-level wrapper for VkPipelineLibraryCreateInfoKHR. Extension: VK\\_KHR\\_pipeline\\_library [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineLibraryCreateInfoKHR.html) """ @struct_hash_equal struct PipelineLibraryCreateInfoKHR <: HighLevelStruct next::Any libraries::Vector{Pipeline} end mutable struct PipelineLayout <: Handle vks::VkPipelineLayout device::Device refcount::RefCounter destructor PipelineLayout(vks::VkPipelineLayout, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkComputePipelineCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkComputePipelineCreateInfo.html) """ struct _ComputePipelineCreateInfo <: VulkanStruct{true} vks::VkComputePipelineCreateInfo deps::Vector{Any} layout::PipelineLayout base_pipeline_handle::OptionalPtr{Pipeline} end """ Intermediate wrapper for VkIndirectCommandsLayoutTokenNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkIndirectCommandsLayoutTokenNV.html) """ struct _IndirectCommandsLayoutTokenNV <: VulkanStruct{true} vks::VkIndirectCommandsLayoutTokenNV deps::Vector{Any} pushconstant_pipeline_layout::OptionalPtr{PipelineLayout} end """ Intermediate wrapper for VkRayTracingPipelineCreateInfoNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingPipelineCreateInfoNV.html) """ struct _RayTracingPipelineCreateInfoNV <: VulkanStruct{true} vks::VkRayTracingPipelineCreateInfoNV deps::Vector{Any} layout::PipelineLayout base_pipeline_handle::OptionalPtr{Pipeline} end """ Intermediate wrapper for VkRayTracingPipelineCreateInfoKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingPipelineCreateInfoKHR.html) """ struct _RayTracingPipelineCreateInfoKHR <: VulkanStruct{true} vks::VkRayTracingPipelineCreateInfoKHR deps::Vector{Any} layout::PipelineLayout base_pipeline_handle::OptionalPtr{Pipeline} end mutable struct Sampler <: Handle vks::VkSampler device::Device refcount::RefCounter destructor Sampler(vks::VkSampler, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkDescriptorImageInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorImageInfo.html) """ struct _DescriptorImageInfo <: VulkanStruct{false} vks::VkDescriptorImageInfo sampler::Sampler image_view::ImageView end """ Intermediate wrapper for VkImageViewHandleInfoNVX. Extension: VK\\_NVX\\_image\\_view\\_handle [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewHandleInfoNVX.html) """ struct _ImageViewHandleInfoNVX <: VulkanStruct{true} vks::VkImageViewHandleInfoNVX deps::Vector{Any} image_view::ImageView sampler::OptionalPtr{Sampler} end """ Intermediate wrapper for VkSamplerCaptureDescriptorDataInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerCaptureDescriptorDataInfoEXT.html) """ struct _SamplerCaptureDescriptorDataInfoEXT <: VulkanStruct{true} vks::VkSamplerCaptureDescriptorDataInfoEXT deps::Vector{Any} sampler::Sampler end """ High-level wrapper for VkSamplerCaptureDescriptorDataInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerCaptureDescriptorDataInfoEXT.html) """ @struct_hash_equal struct SamplerCaptureDescriptorDataInfoEXT <: HighLevelStruct next::Any sampler::Sampler end mutable struct DescriptorSetLayout <: Handle vks::VkDescriptorSetLayout device::Device refcount::RefCounter destructor DescriptorSetLayout(vks::VkDescriptorSetLayout, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkDescriptorUpdateTemplateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorUpdateTemplateCreateInfo.html) """ struct _DescriptorUpdateTemplateCreateInfo <: VulkanStruct{true} vks::VkDescriptorUpdateTemplateCreateInfo deps::Vector{Any} descriptor_set_layout::DescriptorSetLayout pipeline_layout::PipelineLayout end """ Intermediate wrapper for VkDescriptorSetBindingReferenceVALVE. Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetBindingReferenceVALVE.html) """ struct _DescriptorSetBindingReferenceVALVE <: VulkanStruct{true} vks::VkDescriptorSetBindingReferenceVALVE deps::Vector{Any} descriptor_set_layout::DescriptorSetLayout end """ High-level wrapper for VkDescriptorSetBindingReferenceVALVE. Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetBindingReferenceVALVE.html) """ @struct_hash_equal struct DescriptorSetBindingReferenceVALVE <: HighLevelStruct next::Any descriptor_set_layout::DescriptorSetLayout binding::UInt32 end mutable struct DescriptorPool <: Handle vks::VkDescriptorPool device::Device refcount::RefCounter destructor DescriptorPool(vks::VkDescriptorPool, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct DescriptorSet <: Handle vks::VkDescriptorSet descriptor_pool::DescriptorPool refcount::RefCounter destructor DescriptorSet(vks::VkDescriptorSet, descriptor_pool::DescriptorPool, refcount::RefCounter) = new(vks, descriptor_pool, refcount, undef) end """ Intermediate wrapper for VkWriteDescriptorSet. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSet.html) """ struct _WriteDescriptorSet <: VulkanStruct{true} vks::VkWriteDescriptorSet deps::Vector{Any} dst_set::DescriptorSet end """ Intermediate wrapper for VkCopyDescriptorSet. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyDescriptorSet.html) """ struct _CopyDescriptorSet <: VulkanStruct{true} vks::VkCopyDescriptorSet deps::Vector{Any} src_set::DescriptorSet dst_set::DescriptorSet end """ High-level wrapper for VkCopyDescriptorSet. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyDescriptorSet.html) """ @struct_hash_equal struct CopyDescriptorSet <: HighLevelStruct next::Any src_set::DescriptorSet src_binding::UInt32 src_array_element::UInt32 dst_set::DescriptorSet dst_binding::UInt32 dst_array_element::UInt32 descriptor_count::UInt32 end """ Intermediate wrapper for VkDescriptorSetAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetAllocateInfo.html) """ struct _DescriptorSetAllocateInfo <: VulkanStruct{true} vks::VkDescriptorSetAllocateInfo deps::Vector{Any} descriptor_pool::DescriptorPool end """ High-level wrapper for VkDescriptorSetAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetAllocateInfo.html) """ @struct_hash_equal struct DescriptorSetAllocateInfo <: HighLevelStruct next::Any descriptor_pool::DescriptorPool set_layouts::Vector{DescriptorSetLayout} end mutable struct Fence <: Handle vks::VkFence device::Device refcount::RefCounter destructor Fence(vks::VkFence, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkImportFenceFdInfoKHR. Extension: VK\\_KHR\\_external\\_fence\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportFenceFdInfoKHR.html) """ struct _ImportFenceFdInfoKHR <: VulkanStruct{true} vks::VkImportFenceFdInfoKHR deps::Vector{Any} fence::Fence end """ Intermediate wrapper for VkFenceGetFdInfoKHR. Extension: VK\\_KHR\\_external\\_fence\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFenceGetFdInfoKHR.html) """ struct _FenceGetFdInfoKHR <: VulkanStruct{true} vks::VkFenceGetFdInfoKHR deps::Vector{Any} fence::Fence end """ High-level wrapper for VkSwapchainPresentFenceInfoEXT. Extension: VK\\_EXT\\_swapchain\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentFenceInfoEXT.html) """ @struct_hash_equal struct SwapchainPresentFenceInfoEXT <: HighLevelStruct next::Any fences::Vector{Fence} end mutable struct Semaphore <: Handle vks::VkSemaphore device::Device refcount::RefCounter destructor Semaphore(vks::VkSemaphore, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkImportSemaphoreFdInfoKHR. Extension: VK\\_KHR\\_external\\_semaphore\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportSemaphoreFdInfoKHR.html) """ struct _ImportSemaphoreFdInfoKHR <: VulkanStruct{true} vks::VkImportSemaphoreFdInfoKHR deps::Vector{Any} semaphore::Semaphore end """ Intermediate wrapper for VkSemaphoreGetFdInfoKHR. Extension: VK\\_KHR\\_external\\_semaphore\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreGetFdInfoKHR.html) """ struct _SemaphoreGetFdInfoKHR <: VulkanStruct{true} vks::VkSemaphoreGetFdInfoKHR deps::Vector{Any} semaphore::Semaphore end """ Intermediate wrapper for VkSemaphoreSignalInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreSignalInfo.html) """ struct _SemaphoreSignalInfo <: VulkanStruct{true} vks::VkSemaphoreSignalInfo deps::Vector{Any} semaphore::Semaphore end """ Intermediate wrapper for VkSemaphoreSubmitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreSubmitInfo.html) """ struct _SemaphoreSubmitInfo <: VulkanStruct{true} vks::VkSemaphoreSubmitInfo deps::Vector{Any} semaphore::Semaphore end """ High-level wrapper for VkSemaphoreSignalInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreSignalInfo.html) """ @struct_hash_equal struct SemaphoreSignalInfo <: HighLevelStruct next::Any semaphore::Semaphore value::UInt64 end """ High-level wrapper for VkSemaphoreSubmitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreSubmitInfo.html) """ @struct_hash_equal struct SemaphoreSubmitInfo <: HighLevelStruct next::Any semaphore::Semaphore value::UInt64 stage_mask::UInt64 device_index::UInt32 end mutable struct Event <: Handle vks::VkEvent device::Device refcount::RefCounter destructor Event(vks::VkEvent, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct QueryPool <: Handle vks::VkQueryPool device::Device refcount::RefCounter destructor QueryPool(vks::VkQueryPool, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct Framebuffer <: Handle vks::VkFramebuffer device::Device refcount::RefCounter destructor Framebuffer(vks::VkFramebuffer, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct RenderPass <: Handle vks::VkRenderPass device::Device refcount::RefCounter destructor RenderPass(vks::VkRenderPass, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkGraphicsPipelineCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsPipelineCreateInfo.html) """ struct _GraphicsPipelineCreateInfo <: VulkanStruct{true} vks::VkGraphicsPipelineCreateInfo deps::Vector{Any} layout::OptionalPtr{PipelineLayout} render_pass::OptionalPtr{RenderPass} base_pipeline_handle::OptionalPtr{Pipeline} end """ Intermediate wrapper for VkCommandBufferInheritanceInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceInfo.html) """ struct _CommandBufferInheritanceInfo <: VulkanStruct{true} vks::VkCommandBufferInheritanceInfo deps::Vector{Any} render_pass::OptionalPtr{RenderPass} framebuffer::OptionalPtr{Framebuffer} end """ Intermediate wrapper for VkRenderPassBeginInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassBeginInfo.html) """ struct _RenderPassBeginInfo <: VulkanStruct{true} vks::VkRenderPassBeginInfo deps::Vector{Any} render_pass::RenderPass framebuffer::Framebuffer end """ Intermediate wrapper for VkFramebufferCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferCreateInfo.html) """ struct _FramebufferCreateInfo <: VulkanStruct{true} vks::VkFramebufferCreateInfo deps::Vector{Any} render_pass::RenderPass end """ Intermediate wrapper for VkSubpassShadingPipelineCreateInfoHUAWEI. Extension: VK\\_HUAWEI\\_subpass\\_shading [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassShadingPipelineCreateInfoHUAWEI.html) """ struct _SubpassShadingPipelineCreateInfoHUAWEI <: VulkanStruct{true} vks::VkSubpassShadingPipelineCreateInfoHUAWEI deps::Vector{Any} render_pass::RenderPass end """ High-level wrapper for VkRenderPassBeginInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassBeginInfo.html) """ @struct_hash_equal struct RenderPassBeginInfo <: HighLevelStruct next::Any render_pass::RenderPass framebuffer::Framebuffer render_area::Rect2D clear_values::Vector{ClearValue} end """ High-level wrapper for VkSubpassShadingPipelineCreateInfoHUAWEI. Extension: VK\\_HUAWEI\\_subpass\\_shading [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassShadingPipelineCreateInfoHUAWEI.html) """ @struct_hash_equal struct SubpassShadingPipelineCreateInfoHUAWEI <: HighLevelStruct next::Any render_pass::RenderPass subpass::UInt32 end mutable struct PipelineCache <: Handle vks::VkPipelineCache device::Device refcount::RefCounter destructor PipelineCache(vks::VkPipelineCache, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct IndirectCommandsLayoutNV <: Handle vks::VkIndirectCommandsLayoutNV device::Device refcount::RefCounter destructor IndirectCommandsLayoutNV(vks::VkIndirectCommandsLayoutNV, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkGeneratedCommandsInfoNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeneratedCommandsInfoNV.html) """ struct _GeneratedCommandsInfoNV <: VulkanStruct{true} vks::VkGeneratedCommandsInfoNV deps::Vector{Any} pipeline::Pipeline indirect_commands_layout::IndirectCommandsLayoutNV preprocess_buffer::Buffer sequences_count_buffer::OptionalPtr{Buffer} sequences_index_buffer::OptionalPtr{Buffer} end """ Intermediate wrapper for VkGeneratedCommandsMemoryRequirementsInfoNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeneratedCommandsMemoryRequirementsInfoNV.html) """ struct _GeneratedCommandsMemoryRequirementsInfoNV <: VulkanStruct{true} vks::VkGeneratedCommandsMemoryRequirementsInfoNV deps::Vector{Any} pipeline::Pipeline indirect_commands_layout::IndirectCommandsLayoutNV end mutable struct DescriptorUpdateTemplate <: Handle vks::VkDescriptorUpdateTemplate device::Device refcount::RefCounter destructor DescriptorUpdateTemplate(vks::VkDescriptorUpdateTemplate, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct SamplerYcbcrConversion <: Handle vks::VkSamplerYcbcrConversion device::Device refcount::RefCounter destructor SamplerYcbcrConversion(vks::VkSamplerYcbcrConversion, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkSamplerYcbcrConversionInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerYcbcrConversionInfo.html) """ struct _SamplerYcbcrConversionInfo <: VulkanStruct{true} vks::VkSamplerYcbcrConversionInfo deps::Vector{Any} conversion::SamplerYcbcrConversion end """ High-level wrapper for VkSamplerYcbcrConversionInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerYcbcrConversionInfo.html) """ @struct_hash_equal struct SamplerYcbcrConversionInfo <: HighLevelStruct next::Any conversion::SamplerYcbcrConversion end mutable struct ValidationCacheEXT <: Handle vks::VkValidationCacheEXT device::Device refcount::RefCounter destructor ValidationCacheEXT(vks::VkValidationCacheEXT, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkShaderModuleValidationCacheCreateInfoEXT. Extension: VK\\_EXT\\_validation\\_cache [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderModuleValidationCacheCreateInfoEXT.html) """ struct _ShaderModuleValidationCacheCreateInfoEXT <: VulkanStruct{true} vks::VkShaderModuleValidationCacheCreateInfoEXT deps::Vector{Any} validation_cache::ValidationCacheEXT end """ High-level wrapper for VkShaderModuleValidationCacheCreateInfoEXT. Extension: VK\\_EXT\\_validation\\_cache [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderModuleValidationCacheCreateInfoEXT.html) """ @struct_hash_equal struct ShaderModuleValidationCacheCreateInfoEXT <: HighLevelStruct next::Any validation_cache::ValidationCacheEXT end mutable struct AccelerationStructureKHR <: Handle vks::VkAccelerationStructureKHR device::Device refcount::RefCounter destructor AccelerationStructureKHR(vks::VkAccelerationStructureKHR, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkAccelerationStructureBuildGeometryInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureBuildGeometryInfoKHR.html) """ struct _AccelerationStructureBuildGeometryInfoKHR <: VulkanStruct{true} vks::VkAccelerationStructureBuildGeometryInfoKHR deps::Vector{Any} src_acceleration_structure::OptionalPtr{AccelerationStructureKHR} dst_acceleration_structure::OptionalPtr{AccelerationStructureKHR} end """ Intermediate wrapper for VkAccelerationStructureDeviceAddressInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureDeviceAddressInfoKHR.html) """ struct _AccelerationStructureDeviceAddressInfoKHR <: VulkanStruct{true} vks::VkAccelerationStructureDeviceAddressInfoKHR deps::Vector{Any} acceleration_structure::AccelerationStructureKHR end """ Intermediate wrapper for VkCopyAccelerationStructureInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyAccelerationStructureInfoKHR.html) """ struct _CopyAccelerationStructureInfoKHR <: VulkanStruct{true} vks::VkCopyAccelerationStructureInfoKHR deps::Vector{Any} src::AccelerationStructureKHR dst::AccelerationStructureKHR end """ Intermediate wrapper for VkCopyAccelerationStructureToMemoryInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyAccelerationStructureToMemoryInfoKHR.html) """ struct _CopyAccelerationStructureToMemoryInfoKHR <: VulkanStruct{true} vks::VkCopyAccelerationStructureToMemoryInfoKHR deps::Vector{Any} src::AccelerationStructureKHR end """ Intermediate wrapper for VkCopyMemoryToAccelerationStructureInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryToAccelerationStructureInfoKHR.html) """ struct _CopyMemoryToAccelerationStructureInfoKHR <: VulkanStruct{true} vks::VkCopyMemoryToAccelerationStructureInfoKHR deps::Vector{Any} dst::AccelerationStructureKHR end """ High-level wrapper for VkWriteDescriptorSetAccelerationStructureKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSetAccelerationStructureKHR.html) """ @struct_hash_equal struct WriteDescriptorSetAccelerationStructureKHR <: HighLevelStruct next::Any acceleration_structures::Vector{AccelerationStructureKHR} end """ High-level wrapper for VkAccelerationStructureDeviceAddressInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureDeviceAddressInfoKHR.html) """ @struct_hash_equal struct AccelerationStructureDeviceAddressInfoKHR <: HighLevelStruct next::Any acceleration_structure::AccelerationStructureKHR end mutable struct AccelerationStructureNV <: Handle vks::VkAccelerationStructureNV device::Device refcount::RefCounter destructor AccelerationStructureNV(vks::VkAccelerationStructureNV, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkBindAccelerationStructureMemoryInfoNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindAccelerationStructureMemoryInfoNV.html) """ struct _BindAccelerationStructureMemoryInfoNV <: VulkanStruct{true} vks::VkBindAccelerationStructureMemoryInfoNV deps::Vector{Any} acceleration_structure::AccelerationStructureNV memory::DeviceMemory end """ Intermediate wrapper for VkAccelerationStructureMemoryRequirementsInfoNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMemoryRequirementsInfoNV.html) """ struct _AccelerationStructureMemoryRequirementsInfoNV <: VulkanStruct{true} vks::VkAccelerationStructureMemoryRequirementsInfoNV deps::Vector{Any} acceleration_structure::AccelerationStructureNV end """ Intermediate wrapper for VkAccelerationStructureCaptureDescriptorDataInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureCaptureDescriptorDataInfoEXT.html) """ struct _AccelerationStructureCaptureDescriptorDataInfoEXT <: VulkanStruct{true} vks::VkAccelerationStructureCaptureDescriptorDataInfoEXT deps::Vector{Any} acceleration_structure::OptionalPtr{AccelerationStructureKHR} acceleration_structure_nv::OptionalPtr{AccelerationStructureNV} end """ High-level wrapper for VkBindAccelerationStructureMemoryInfoNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindAccelerationStructureMemoryInfoNV.html) """ @struct_hash_equal struct BindAccelerationStructureMemoryInfoNV <: HighLevelStruct next::Any acceleration_structure::AccelerationStructureNV memory::DeviceMemory memory_offset::UInt64 device_indices::Vector{UInt32} end """ High-level wrapper for VkWriteDescriptorSetAccelerationStructureNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSetAccelerationStructureNV.html) """ @struct_hash_equal struct WriteDescriptorSetAccelerationStructureNV <: HighLevelStruct next::Any acceleration_structures::Vector{AccelerationStructureNV} end """ High-level wrapper for VkAccelerationStructureCaptureDescriptorDataInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureCaptureDescriptorDataInfoEXT.html) """ @struct_hash_equal struct AccelerationStructureCaptureDescriptorDataInfoEXT <: HighLevelStruct next::Any acceleration_structure::OptionalPtr{AccelerationStructureKHR} acceleration_structure_nv::OptionalPtr{AccelerationStructureNV} end mutable struct PerformanceConfigurationINTEL <: Handle vks::VkPerformanceConfigurationINTEL device::Device refcount::RefCounter destructor PerformanceConfigurationINTEL(vks::VkPerformanceConfigurationINTEL, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct DeferredOperationKHR <: Handle vks::VkDeferredOperationKHR device::Device refcount::RefCounter destructor DeferredOperationKHR(vks::VkDeferredOperationKHR, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct PrivateDataSlot <: Handle vks::VkPrivateDataSlot device::Device refcount::RefCounter destructor PrivateDataSlot(vks::VkPrivateDataSlot, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct CuModuleNVX <: Handle vks::VkCuModuleNVX device::Device refcount::RefCounter destructor CuModuleNVX(vks::VkCuModuleNVX, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkCuFunctionCreateInfoNVX. Extension: VK\\_NVX\\_binary\\_import [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCuFunctionCreateInfoNVX.html) """ struct _CuFunctionCreateInfoNVX <: VulkanStruct{true} vks::VkCuFunctionCreateInfoNVX deps::Vector{Any} _module::CuModuleNVX end """ High-level wrapper for VkCuFunctionCreateInfoNVX. Extension: VK\\_NVX\\_binary\\_import [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCuFunctionCreateInfoNVX.html) """ @struct_hash_equal struct CuFunctionCreateInfoNVX <: HighLevelStruct next::Any _module::CuModuleNVX name::String end mutable struct CuFunctionNVX <: Handle vks::VkCuFunctionNVX device::Device refcount::RefCounter destructor CuFunctionNVX(vks::VkCuFunctionNVX, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkCuLaunchInfoNVX. Extension: VK\\_NVX\\_binary\\_import [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCuLaunchInfoNVX.html) """ struct _CuLaunchInfoNVX <: VulkanStruct{true} vks::VkCuLaunchInfoNVX deps::Vector{Any} _function::CuFunctionNVX end """ High-level wrapper for VkCuLaunchInfoNVX. Extension: VK\\_NVX\\_binary\\_import [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCuLaunchInfoNVX.html) """ @struct_hash_equal struct CuLaunchInfoNVX <: HighLevelStruct next::Any _function::CuFunctionNVX grid_dim_x::UInt32 grid_dim_y::UInt32 grid_dim_z::UInt32 block_dim_x::UInt32 block_dim_y::UInt32 block_dim_z::UInt32 shared_mem_bytes::UInt32 end mutable struct OpticalFlowSessionNV <: Handle vks::VkOpticalFlowSessionNV device::Device refcount::RefCounter destructor OpticalFlowSessionNV(vks::VkOpticalFlowSessionNV, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct MicromapEXT <: Handle vks::VkMicromapEXT device::Device refcount::RefCounter destructor MicromapEXT(vks::VkMicromapEXT, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkMicromapBuildInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapBuildInfoEXT.html) """ struct _MicromapBuildInfoEXT <: VulkanStruct{true} vks::VkMicromapBuildInfoEXT deps::Vector{Any} dst_micromap::OptionalPtr{MicromapEXT} end """ Intermediate wrapper for VkCopyMicromapInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMicromapInfoEXT.html) """ struct _CopyMicromapInfoEXT <: VulkanStruct{true} vks::VkCopyMicromapInfoEXT deps::Vector{Any} src::MicromapEXT dst::MicromapEXT end """ Intermediate wrapper for VkCopyMicromapToMemoryInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMicromapToMemoryInfoEXT.html) """ struct _CopyMicromapToMemoryInfoEXT <: VulkanStruct{true} vks::VkCopyMicromapToMemoryInfoEXT deps::Vector{Any} src::MicromapEXT end """ Intermediate wrapper for VkCopyMemoryToMicromapInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryToMicromapInfoEXT.html) """ struct _CopyMemoryToMicromapInfoEXT <: VulkanStruct{true} vks::VkCopyMemoryToMicromapInfoEXT deps::Vector{Any} dst::MicromapEXT end """ Intermediate wrapper for VkAccelerationStructureTrianglesOpacityMicromapEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureTrianglesOpacityMicromapEXT.html) """ struct _AccelerationStructureTrianglesOpacityMicromapEXT <: VulkanStruct{true} vks::VkAccelerationStructureTrianglesOpacityMicromapEXT deps::Vector{Any} micromap::MicromapEXT end mutable struct SwapchainKHR <: Handle vks::VkSwapchainKHR device::Device refcount::RefCounter destructor SwapchainKHR(vks::VkSwapchainKHR, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkImageSwapchainCreateInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSwapchainCreateInfoKHR.html) """ struct _ImageSwapchainCreateInfoKHR <: VulkanStruct{true} vks::VkImageSwapchainCreateInfoKHR deps::Vector{Any} swapchain::OptionalPtr{SwapchainKHR} end """ Intermediate wrapper for VkBindImageMemorySwapchainInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImageMemorySwapchainInfoKHR.html) """ struct _BindImageMemorySwapchainInfoKHR <: VulkanStruct{true} vks::VkBindImageMemorySwapchainInfoKHR deps::Vector{Any} swapchain::SwapchainKHR end """ Intermediate wrapper for VkAcquireNextImageInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAcquireNextImageInfoKHR.html) """ struct _AcquireNextImageInfoKHR <: VulkanStruct{true} vks::VkAcquireNextImageInfoKHR deps::Vector{Any} swapchain::SwapchainKHR semaphore::OptionalPtr{Semaphore} fence::OptionalPtr{Fence} end """ Intermediate wrapper for VkReleaseSwapchainImagesInfoEXT. Extension: VK\\_EXT\\_swapchain\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkReleaseSwapchainImagesInfoEXT.html) """ struct _ReleaseSwapchainImagesInfoEXT <: VulkanStruct{true} vks::VkReleaseSwapchainImagesInfoEXT deps::Vector{Any} swapchain::SwapchainKHR end """ High-level wrapper for VkImageSwapchainCreateInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSwapchainCreateInfoKHR.html) """ @struct_hash_equal struct ImageSwapchainCreateInfoKHR <: HighLevelStruct next::Any swapchain::OptionalPtr{SwapchainKHR} end """ High-level wrapper for VkBindImageMemorySwapchainInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImageMemorySwapchainInfoKHR.html) """ @struct_hash_equal struct BindImageMemorySwapchainInfoKHR <: HighLevelStruct next::Any swapchain::SwapchainKHR image_index::UInt32 end """ High-level wrapper for VkAcquireNextImageInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAcquireNextImageInfoKHR.html) """ @struct_hash_equal struct AcquireNextImageInfoKHR <: HighLevelStruct next::Any swapchain::SwapchainKHR timeout::UInt64 semaphore::OptionalPtr{Semaphore} fence::OptionalPtr{Fence} device_mask::UInt32 end """ High-level wrapper for VkReleaseSwapchainImagesInfoEXT. Extension: VK\\_EXT\\_swapchain\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkReleaseSwapchainImagesInfoEXT.html) """ @struct_hash_equal struct ReleaseSwapchainImagesInfoEXT <: HighLevelStruct next::Any swapchain::SwapchainKHR image_indices::Vector{UInt32} end mutable struct VideoSessionKHR <: Handle vks::VkVideoSessionKHR device::Device refcount::RefCounter destructor VideoSessionKHR(vks::VkVideoSessionKHR, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct VideoSessionParametersKHR <: Handle vks::VkVideoSessionParametersKHR video_session::VideoSessionKHR refcount::RefCounter destructor VideoSessionParametersKHR(vks::VkVideoSessionParametersKHR, video_session::VideoSessionKHR, refcount::RefCounter) = new(vks, video_session, refcount, undef) end """ Intermediate wrapper for VkVideoSessionParametersCreateInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionParametersCreateInfoKHR.html) """ struct _VideoSessionParametersCreateInfoKHR <: VulkanStruct{true} vks::VkVideoSessionParametersCreateInfoKHR deps::Vector{Any} video_session_parameters_template::OptionalPtr{VideoSessionParametersKHR} video_session::VideoSessionKHR end """ Intermediate wrapper for VkVideoBeginCodingInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoBeginCodingInfoKHR.html) """ struct _VideoBeginCodingInfoKHR <: VulkanStruct{true} vks::VkVideoBeginCodingInfoKHR deps::Vector{Any} video_session::VideoSessionKHR video_session_parameters::OptionalPtr{VideoSessionParametersKHR} end """ High-level wrapper for VkVideoSessionParametersCreateInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionParametersCreateInfoKHR.html) """ @struct_hash_equal struct VideoSessionParametersCreateInfoKHR <: HighLevelStruct next::Any flags::UInt32 video_session_parameters_template::OptionalPtr{VideoSessionParametersKHR} video_session::VideoSessionKHR end """ High-level wrapper for VkVideoBeginCodingInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoBeginCodingInfoKHR.html) """ @struct_hash_equal struct VideoBeginCodingInfoKHR <: HighLevelStruct next::Any flags::UInt32 video_session::VideoSessionKHR video_session_parameters::OptionalPtr{VideoSessionParametersKHR} reference_slots::Vector{VideoReferenceSlotInfoKHR} end mutable struct DisplayKHR <: Handle vks::VkDisplayKHR physical_device::PhysicalDevice refcount::RefCounter destructor DisplayKHR(vks::VkDisplayKHR, physical_device::PhysicalDevice, refcount::RefCounter) = new(vks, physical_device, refcount, undef) end mutable struct DisplayModeKHR <: Handle vks::VkDisplayModeKHR display::DisplayKHR refcount::RefCounter destructor DisplayModeKHR(vks::VkDisplayModeKHR, display::DisplayKHR, refcount::RefCounter) = new(vks, display, refcount, undef) end """ Intermediate wrapper for VkDisplayModePropertiesKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModePropertiesKHR.html) """ struct _DisplayModePropertiesKHR <: VulkanStruct{false} vks::VkDisplayModePropertiesKHR display_mode::DisplayModeKHR end """ Intermediate wrapper for VkDisplaySurfaceCreateInfoKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplaySurfaceCreateInfoKHR.html) """ struct _DisplaySurfaceCreateInfoKHR <: VulkanStruct{true} vks::VkDisplaySurfaceCreateInfoKHR deps::Vector{Any} display_mode::DisplayModeKHR end """ Intermediate wrapper for VkDisplayPlaneInfo2KHR. Extension: VK\\_KHR\\_get\\_display\\_properties2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneInfo2KHR.html) """ struct _DisplayPlaneInfo2KHR <: VulkanStruct{true} vks::VkDisplayPlaneInfo2KHR deps::Vector{Any} mode::DisplayModeKHR end """ High-level wrapper for VkDisplayModePropertiesKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModePropertiesKHR.html) """ @struct_hash_equal struct DisplayModePropertiesKHR <: HighLevelStruct display_mode::DisplayModeKHR parameters::DisplayModeParametersKHR end """ High-level wrapper for VkDisplayModeProperties2KHR. Extension: VK\\_KHR\\_get\\_display\\_properties2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModeProperties2KHR.html) """ @struct_hash_equal struct DisplayModeProperties2KHR <: HighLevelStruct next::Any display_mode_properties::DisplayModePropertiesKHR end """ High-level wrapper for VkDisplayPlaneInfo2KHR. Extension: VK\\_KHR\\_get\\_display\\_properties2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneInfo2KHR.html) """ @struct_hash_equal struct DisplayPlaneInfo2KHR <: HighLevelStruct next::Any mode::DisplayModeKHR plane_index::UInt32 end """ Intermediate wrapper for VkDisplayPropertiesKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPropertiesKHR.html) """ struct _DisplayPropertiesKHR <: VulkanStruct{true} vks::VkDisplayPropertiesKHR deps::Vector{Any} display::DisplayKHR end """ Intermediate wrapper for VkDisplayPlanePropertiesKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlanePropertiesKHR.html) """ struct _DisplayPlanePropertiesKHR <: VulkanStruct{false} vks::VkDisplayPlanePropertiesKHR current_display::DisplayKHR end """ High-level wrapper for VkDisplayPlanePropertiesKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlanePropertiesKHR.html) """ @struct_hash_equal struct DisplayPlanePropertiesKHR <: HighLevelStruct current_display::DisplayKHR current_stack_index::UInt32 end """ High-level wrapper for VkDisplayPlaneProperties2KHR. Extension: VK\\_KHR\\_get\\_display\\_properties2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneProperties2KHR.html) """ @struct_hash_equal struct DisplayPlaneProperties2KHR <: HighLevelStruct next::Any display_plane_properties::DisplayPlanePropertiesKHR end """ High-level wrapper for VkPhysicalDeviceGroupProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGroupProperties.html) """ @struct_hash_equal struct PhysicalDeviceGroupProperties <: HighLevelStruct next::Any physical_device_count::UInt32 physical_devices::NTuple{Int(VK_MAX_DEVICE_GROUP_SIZE), PhysicalDevice} subset_allocation::Bool end """ High-level wrapper for VkDeviceGroupDeviceCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupDeviceCreateInfo.html) """ @struct_hash_equal struct DeviceGroupDeviceCreateInfo <: HighLevelStruct next::Any physical_devices::Vector{PhysicalDevice} end mutable struct SurfaceKHR <: Handle vks::VkSurfaceKHR instance::Instance refcount::RefCounter destructor SurfaceKHR(vks::VkSurfaceKHR, instance::Instance, refcount::RefCounter) = new(vks, instance, refcount, undef) end """ Intermediate wrapper for VkSwapchainCreateInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainCreateInfoKHR.html) """ struct _SwapchainCreateInfoKHR <: VulkanStruct{true} vks::VkSwapchainCreateInfoKHR deps::Vector{Any} surface::SurfaceKHR old_swapchain::OptionalPtr{SwapchainKHR} end """ Intermediate wrapper for VkPhysicalDeviceSurfaceInfo2KHR. Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSurfaceInfo2KHR.html) """ struct _PhysicalDeviceSurfaceInfo2KHR <: VulkanStruct{true} vks::VkPhysicalDeviceSurfaceInfo2KHR deps::Vector{Any} surface::OptionalPtr{SurfaceKHR} end """ High-level wrapper for VkPhysicalDeviceSurfaceInfo2KHR. Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSurfaceInfo2KHR.html) """ @struct_hash_equal struct PhysicalDeviceSurfaceInfo2KHR <: HighLevelStruct next::Any surface::OptionalPtr{SurfaceKHR} end mutable struct DebugReportCallbackEXT <: Handle vks::VkDebugReportCallbackEXT instance::Instance refcount::RefCounter destructor DebugReportCallbackEXT(vks::VkDebugReportCallbackEXT, instance::Instance, refcount::RefCounter) = new(vks, instance, refcount, undef) end mutable struct DebugUtilsMessengerEXT <: Handle vks::VkDebugUtilsMessengerEXT instance::Instance refcount::RefCounter destructor DebugUtilsMessengerEXT(vks::VkDebugUtilsMessengerEXT, instance::Instance, refcount::RefCounter) = new(vks, instance, refcount, undef) end """ High-level wrapper for VkOpticalFlowExecuteInfoNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowExecuteInfoNV.html) """ @struct_hash_equal struct OpticalFlowExecuteInfoNV <: HighLevelStruct next::Any flags::OpticalFlowExecuteFlagNV regions::Vector{Rect2D} end """ High-level wrapper for VkOpticalFlowImageFormatInfoNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowImageFormatInfoNV.html) """ @struct_hash_equal struct OpticalFlowImageFormatInfoNV <: HighLevelStruct next::Any usage::OpticalFlowUsageFlagNV end """ High-level wrapper for VkPhysicalDeviceOpticalFlowPropertiesNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpticalFlowPropertiesNV.html) """ @struct_hash_equal struct PhysicalDeviceOpticalFlowPropertiesNV <: HighLevelStruct next::Any supported_output_grid_sizes::OpticalFlowGridSizeFlagNV supported_hint_grid_sizes::OpticalFlowGridSizeFlagNV hint_supported::Bool cost_supported::Bool bidirectional_flow_supported::Bool global_flow_supported::Bool min_width::UInt32 min_height::UInt32 max_width::UInt32 max_height::UInt32 max_num_regions_of_interest::UInt32 end """ High-level wrapper for VkImageCompressionControlEXT. Extension: VK\\_EXT\\_image\\_compression\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCompressionControlEXT.html) """ @struct_hash_equal struct ImageCompressionControlEXT <: HighLevelStruct next::Any flags::ImageCompressionFlagEXT fixed_rate_flags::Vector{ImageCompressionFixedRateFlagEXT} end """ High-level wrapper for VkImageCompressionPropertiesEXT. Extension: VK\\_EXT\\_image\\_compression\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCompressionPropertiesEXT.html) """ @struct_hash_equal struct ImageCompressionPropertiesEXT <: HighLevelStruct next::Any image_compression_flags::ImageCompressionFlagEXT image_compression_fixed_rate_flags::ImageCompressionFixedRateFlagEXT end """ High-level wrapper for VkInstanceCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkInstanceCreateInfo.html) """ @struct_hash_equal struct InstanceCreateInfo <: HighLevelStruct next::Any flags::InstanceCreateFlag application_info::OptionalPtr{ApplicationInfo} enabled_layer_names::Vector{String} enabled_extension_names::Vector{String} end """ High-level wrapper for VkVideoDecodeCapabilitiesKHR. Extension: VK\\_KHR\\_video\\_decode\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeCapabilitiesKHR.html) """ @struct_hash_equal struct VideoDecodeCapabilitiesKHR <: HighLevelStruct next::Any flags::VideoDecodeCapabilityFlagKHR end """ High-level wrapper for VkVideoDecodeUsageInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeUsageInfoKHR.html) """ @struct_hash_equal struct VideoDecodeUsageInfoKHR <: HighLevelStruct next::Any video_usage_hints::VideoDecodeUsageFlagKHR end """ High-level wrapper for VkVideoCodingControlInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoCodingControlInfoKHR.html) """ @struct_hash_equal struct VideoCodingControlInfoKHR <: HighLevelStruct next::Any flags::VideoCodingControlFlagKHR end """ High-level wrapper for VkVideoDecodeH264ProfileInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h264 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264ProfileInfoKHR.html) """ @struct_hash_equal struct VideoDecodeH264ProfileInfoKHR <: HighLevelStruct next::Any std_profile_idc::StdVideoH264ProfileIdc picture_layout::VideoDecodeH264PictureLayoutFlagKHR end """ High-level wrapper for VkVideoCapabilitiesKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoCapabilitiesKHR.html) """ @struct_hash_equal struct VideoCapabilitiesKHR <: HighLevelStruct next::Any flags::VideoCapabilityFlagKHR min_bitstream_buffer_offset_alignment::UInt64 min_bitstream_buffer_size_alignment::UInt64 picture_access_granularity::Extent2D min_coded_extent::Extent2D max_coded_extent::Extent2D max_dpb_slots::UInt32 max_active_reference_pictures::UInt32 std_header_version::ExtensionProperties end """ High-level wrapper for VkQueueFamilyVideoPropertiesKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyVideoPropertiesKHR.html) """ @struct_hash_equal struct QueueFamilyVideoPropertiesKHR <: HighLevelStruct next::Any video_codec_operations::VideoCodecOperationFlagKHR end """ High-level wrapper for VkVideoProfileInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoProfileInfoKHR.html) """ @struct_hash_equal struct VideoProfileInfoKHR <: HighLevelStruct next::Any video_codec_operation::VideoCodecOperationFlagKHR chroma_subsampling::VideoChromaSubsamplingFlagKHR luma_bit_depth::VideoComponentBitDepthFlagKHR chroma_bit_depth::VideoComponentBitDepthFlagKHR end """ High-level wrapper for VkVideoProfileListInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoProfileListInfoKHR.html) """ @struct_hash_equal struct VideoProfileListInfoKHR <: HighLevelStruct next::Any profiles::Vector{VideoProfileInfoKHR} end """ High-level wrapper for VkSurfacePresentScalingCapabilitiesEXT. Extension: VK\\_EXT\\_surface\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfacePresentScalingCapabilitiesEXT.html) """ @struct_hash_equal struct SurfacePresentScalingCapabilitiesEXT <: HighLevelStruct next::Any supported_present_scaling::PresentScalingFlagEXT supported_present_gravity_x::PresentGravityFlagEXT supported_present_gravity_y::PresentGravityFlagEXT min_scaled_image_extent::OptionalPtr{Extent2D} max_scaled_image_extent::OptionalPtr{Extent2D} end """ High-level wrapper for VkSwapchainPresentScalingCreateInfoEXT. Extension: VK\\_EXT\\_swapchain\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentScalingCreateInfoEXT.html) """ @struct_hash_equal struct SwapchainPresentScalingCreateInfoEXT <: HighLevelStruct next::Any scaling_behavior::PresentScalingFlagEXT present_gravity_x::PresentGravityFlagEXT present_gravity_y::PresentGravityFlagEXT end """ High-level wrapper for VkGraphicsPipelineLibraryCreateInfoEXT. Extension: VK\\_EXT\\_graphics\\_pipeline\\_library [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsPipelineLibraryCreateInfoEXT.html) """ @struct_hash_equal struct GraphicsPipelineLibraryCreateInfoEXT <: HighLevelStruct next::Any flags::GraphicsPipelineLibraryFlagEXT end """ High-level wrapper for VkEventCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkEventCreateInfo.html) """ @struct_hash_equal struct EventCreateInfo <: HighLevelStruct next::Any flags::EventCreateFlag end """ High-level wrapper for VkSubmitInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubmitInfo2.html) """ @struct_hash_equal struct SubmitInfo2 <: HighLevelStruct next::Any flags::SubmitFlag wait_semaphore_infos::Vector{SemaphoreSubmitInfo} command_buffer_infos::Vector{CommandBufferSubmitInfo} signal_semaphore_infos::Vector{SemaphoreSubmitInfo} end """ High-level wrapper for VkPhysicalDeviceToolProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceToolProperties.html) """ @struct_hash_equal struct PhysicalDeviceToolProperties <: HighLevelStruct next::Any name::String version::String purposes::ToolPurposeFlag description::String layer::String end """ High-level wrapper for VkPipelineCompilerControlCreateInfoAMD. Extension: VK\\_AMD\\_pipeline\\_compiler\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCompilerControlCreateInfoAMD.html) """ @struct_hash_equal struct PipelineCompilerControlCreateInfoAMD <: HighLevelStruct next::Any compiler_control_flags::PipelineCompilerControlFlagAMD end """ High-level wrapper for VkPhysicalDeviceShaderCoreProperties2AMD. Extension: VK\\_AMD\\_shader\\_core\\_properties2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCoreProperties2AMD.html) """ @struct_hash_equal struct PhysicalDeviceShaderCoreProperties2AMD <: HighLevelStruct next::Any shader_core_features::ShaderCorePropertiesFlagAMD active_compute_unit_count::UInt32 end """ High-level wrapper for VkAcquireProfilingLockInfoKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAcquireProfilingLockInfoKHR.html) """ @struct_hash_equal struct AcquireProfilingLockInfoKHR <: HighLevelStruct next::Any flags::AcquireProfilingLockFlagKHR timeout::UInt64 end """ High-level wrapper for VkPerformanceCounterDescriptionKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceCounterDescriptionKHR.html) """ @struct_hash_equal struct PerformanceCounterDescriptionKHR <: HighLevelStruct next::Any flags::PerformanceCounterDescriptionFlagKHR name::String category::String description::String end """ High-level wrapper for VkPipelineCreationFeedback. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCreationFeedback.html) """ @struct_hash_equal struct PipelineCreationFeedback <: HighLevelStruct flags::PipelineCreationFeedbackFlag duration::UInt64 end """ High-level wrapper for VkPipelineCreationFeedbackCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCreationFeedbackCreateInfo.html) """ @struct_hash_equal struct PipelineCreationFeedbackCreateInfo <: HighLevelStruct next::Any pipeline_creation_feedback::PipelineCreationFeedback pipeline_stage_creation_feedbacks::Vector{PipelineCreationFeedback} end """ High-level wrapper for VkDeviceDiagnosticsConfigCreateInfoNV. Extension: VK\\_NV\\_device\\_diagnostics\\_config [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceDiagnosticsConfigCreateInfoNV.html) """ @struct_hash_equal struct DeviceDiagnosticsConfigCreateInfoNV <: HighLevelStruct next::Any flags::DeviceDiagnosticsConfigFlagNV end """ High-level wrapper for VkFramebufferCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferCreateInfo.html) """ @struct_hash_equal struct FramebufferCreateInfo <: HighLevelStruct next::Any flags::FramebufferCreateFlag render_pass::RenderPass attachments::Vector{ImageView} width::UInt32 height::UInt32 layers::UInt32 end """ High-level wrapper for VkAccelerationStructureInstanceKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureInstanceKHR.html) """ @struct_hash_equal struct AccelerationStructureInstanceKHR <: HighLevelStruct transform::TransformMatrixKHR instance_custom_index::UInt32 mask::UInt32 instance_shader_binding_table_record_offset::UInt32 flags::GeometryInstanceFlagKHR acceleration_structure_reference::UInt64 end """ High-level wrapper for VkAccelerationStructureSRTMotionInstanceNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureSRTMotionInstanceNV.html) """ @struct_hash_equal struct AccelerationStructureSRTMotionInstanceNV <: HighLevelStruct transform_t_0::SRTDataNV transform_t_1::SRTDataNV instance_custom_index::UInt32 mask::UInt32 instance_shader_binding_table_record_offset::UInt32 flags::GeometryInstanceFlagKHR acceleration_structure_reference::UInt64 end """ High-level wrapper for VkAccelerationStructureMatrixMotionInstanceNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMatrixMotionInstanceNV.html) """ @struct_hash_equal struct AccelerationStructureMatrixMotionInstanceNV <: HighLevelStruct transform_t_0::TransformMatrixKHR transform_t_1::TransformMatrixKHR instance_custom_index::UInt32 mask::UInt32 instance_shader_binding_table_record_offset::UInt32 flags::GeometryInstanceFlagKHR acceleration_structure_reference::UInt64 end """ High-level wrapper for VkPhysicalDeviceDepthStencilResolveProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthStencilResolveProperties.html) """ @struct_hash_equal struct PhysicalDeviceDepthStencilResolveProperties <: HighLevelStruct next::Any supported_depth_resolve_modes::ResolveModeFlag supported_stencil_resolve_modes::ResolveModeFlag independent_resolve_none::Bool independent_resolve::Bool end """ High-level wrapper for VkConditionalRenderingBeginInfoEXT. Extension: VK\\_EXT\\_conditional\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkConditionalRenderingBeginInfoEXT.html) """ @struct_hash_equal struct ConditionalRenderingBeginInfoEXT <: HighLevelStruct next::Any buffer::Buffer offset::UInt64 flags::ConditionalRenderingFlagEXT end """ High-level wrapper for VkDescriptorSetLayoutBindingFlagsCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutBindingFlagsCreateInfo.html) """ @struct_hash_equal struct DescriptorSetLayoutBindingFlagsCreateInfo <: HighLevelStruct next::Any binding_flags::Vector{DescriptorBindingFlag} end """ High-level wrapper for VkDebugUtilsMessengerCreateInfoEXT. Extension: VK\\_EXT\\_debug\\_utils [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsMessengerCreateInfoEXT.html) """ @struct_hash_equal struct DebugUtilsMessengerCreateInfoEXT <: HighLevelStruct next::Any flags::UInt32 message_severity::DebugUtilsMessageSeverityFlagEXT message_type::DebugUtilsMessageTypeFlagEXT pfn_user_callback::FunctionPtr user_data::OptionalPtr{Ptr{Cvoid}} end """ High-level wrapper for VkDeviceGroupPresentCapabilitiesKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupPresentCapabilitiesKHR.html) """ @struct_hash_equal struct DeviceGroupPresentCapabilitiesKHR <: HighLevelStruct next::Any present_mask::NTuple{Int(VK_MAX_DEVICE_GROUP_SIZE), UInt32} modes::DeviceGroupPresentModeFlagKHR end """ High-level wrapper for VkDeviceGroupPresentInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupPresentInfoKHR.html) """ @struct_hash_equal struct DeviceGroupPresentInfoKHR <: HighLevelStruct next::Any device_masks::Vector{UInt32} mode::DeviceGroupPresentModeFlagKHR end """ High-level wrapper for VkDeviceGroupSwapchainCreateInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupSwapchainCreateInfoKHR.html) """ @struct_hash_equal struct DeviceGroupSwapchainCreateInfoKHR <: HighLevelStruct next::Any modes::DeviceGroupPresentModeFlagKHR end """ High-level wrapper for VkMemoryAllocateFlagsInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryAllocateFlagsInfo.html) """ @struct_hash_equal struct MemoryAllocateFlagsInfo <: HighLevelStruct next::Any flags::MemoryAllocateFlag device_mask::UInt32 end """ High-level wrapper for VkSwapchainCounterCreateInfoEXT. Extension: VK\\_EXT\\_display\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainCounterCreateInfoEXT.html) """ @struct_hash_equal struct SwapchainCounterCreateInfoEXT <: HighLevelStruct next::Any surface_counters::SurfaceCounterFlagEXT end """ High-level wrapper for VkPhysicalDeviceExternalFenceInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalFenceInfo.html) """ @struct_hash_equal struct PhysicalDeviceExternalFenceInfo <: HighLevelStruct next::Any handle_type::ExternalFenceHandleTypeFlag end """ High-level wrapper for VkExternalFenceProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalFenceProperties.html) """ @struct_hash_equal struct ExternalFenceProperties <: HighLevelStruct next::Any export_from_imported_handle_types::ExternalFenceHandleTypeFlag compatible_handle_types::ExternalFenceHandleTypeFlag external_fence_features::ExternalFenceFeatureFlag end """ High-level wrapper for VkExportFenceCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportFenceCreateInfo.html) """ @struct_hash_equal struct ExportFenceCreateInfo <: HighLevelStruct next::Any handle_types::ExternalFenceHandleTypeFlag end """ High-level wrapper for VkImportFenceFdInfoKHR. Extension: VK\\_KHR\\_external\\_fence\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportFenceFdInfoKHR.html) """ @struct_hash_equal struct ImportFenceFdInfoKHR <: HighLevelStruct next::Any fence::Fence flags::FenceImportFlag handle_type::ExternalFenceHandleTypeFlag fd::Int end """ High-level wrapper for VkFenceGetFdInfoKHR. Extension: VK\\_KHR\\_external\\_fence\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFenceGetFdInfoKHR.html) """ @struct_hash_equal struct FenceGetFdInfoKHR <: HighLevelStruct next::Any fence::Fence handle_type::ExternalFenceHandleTypeFlag end """ High-level wrapper for VkPhysicalDeviceExternalSemaphoreInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalSemaphoreInfo.html) """ @struct_hash_equal struct PhysicalDeviceExternalSemaphoreInfo <: HighLevelStruct next::Any handle_type::ExternalSemaphoreHandleTypeFlag end """ High-level wrapper for VkExternalSemaphoreProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalSemaphoreProperties.html) """ @struct_hash_equal struct ExternalSemaphoreProperties <: HighLevelStruct next::Any export_from_imported_handle_types::ExternalSemaphoreHandleTypeFlag compatible_handle_types::ExternalSemaphoreHandleTypeFlag external_semaphore_features::ExternalSemaphoreFeatureFlag end """ High-level wrapper for VkExportSemaphoreCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportSemaphoreCreateInfo.html) """ @struct_hash_equal struct ExportSemaphoreCreateInfo <: HighLevelStruct next::Any handle_types::ExternalSemaphoreHandleTypeFlag end """ High-level wrapper for VkImportSemaphoreFdInfoKHR. Extension: VK\\_KHR\\_external\\_semaphore\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportSemaphoreFdInfoKHR.html) """ @struct_hash_equal struct ImportSemaphoreFdInfoKHR <: HighLevelStruct next::Any semaphore::Semaphore flags::SemaphoreImportFlag handle_type::ExternalSemaphoreHandleTypeFlag fd::Int end """ High-level wrapper for VkSemaphoreGetFdInfoKHR. Extension: VK\\_KHR\\_external\\_semaphore\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreGetFdInfoKHR.html) """ @struct_hash_equal struct SemaphoreGetFdInfoKHR <: HighLevelStruct next::Any semaphore::Semaphore handle_type::ExternalSemaphoreHandleTypeFlag end """ High-level wrapper for VkExternalMemoryProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryProperties.html) """ @struct_hash_equal struct ExternalMemoryProperties <: HighLevelStruct external_memory_features::ExternalMemoryFeatureFlag export_from_imported_handle_types::ExternalMemoryHandleTypeFlag compatible_handle_types::ExternalMemoryHandleTypeFlag end """ High-level wrapper for VkExternalImageFormatProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalImageFormatProperties.html) """ @struct_hash_equal struct ExternalImageFormatProperties <: HighLevelStruct next::Any external_memory_properties::ExternalMemoryProperties end """ High-level wrapper for VkExternalBufferProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalBufferProperties.html) """ @struct_hash_equal struct ExternalBufferProperties <: HighLevelStruct next::Any external_memory_properties::ExternalMemoryProperties end """ High-level wrapper for VkPhysicalDeviceExternalImageFormatInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalImageFormatInfo.html) """ @struct_hash_equal struct PhysicalDeviceExternalImageFormatInfo <: HighLevelStruct next::Any handle_type::ExternalMemoryHandleTypeFlag end """ High-level wrapper for VkExternalMemoryImageCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryImageCreateInfo.html) """ @struct_hash_equal struct ExternalMemoryImageCreateInfo <: HighLevelStruct next::Any handle_types::ExternalMemoryHandleTypeFlag end """ High-level wrapper for VkExternalMemoryBufferCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryBufferCreateInfo.html) """ @struct_hash_equal struct ExternalMemoryBufferCreateInfo <: HighLevelStruct next::Any handle_types::ExternalMemoryHandleTypeFlag end """ High-level wrapper for VkExportMemoryAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMemoryAllocateInfo.html) """ @struct_hash_equal struct ExportMemoryAllocateInfo <: HighLevelStruct next::Any handle_types::ExternalMemoryHandleTypeFlag end """ High-level wrapper for VkImportMemoryFdInfoKHR. Extension: VK\\_KHR\\_external\\_memory\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMemoryFdInfoKHR.html) """ @struct_hash_equal struct ImportMemoryFdInfoKHR <: HighLevelStruct next::Any handle_type::ExternalMemoryHandleTypeFlag fd::Int end """ High-level wrapper for VkMemoryGetFdInfoKHR. Extension: VK\\_KHR\\_external\\_memory\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryGetFdInfoKHR.html) """ @struct_hash_equal struct MemoryGetFdInfoKHR <: HighLevelStruct next::Any memory::DeviceMemory handle_type::ExternalMemoryHandleTypeFlag end """ High-level wrapper for VkImportMemoryHostPointerInfoEXT. Extension: VK\\_EXT\\_external\\_memory\\_host [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMemoryHostPointerInfoEXT.html) """ @struct_hash_equal struct ImportMemoryHostPointerInfoEXT <: HighLevelStruct next::Any handle_type::ExternalMemoryHandleTypeFlag host_pointer::Ptr{Cvoid} end """ High-level wrapper for VkMemoryGetRemoteAddressInfoNV. Extension: VK\\_NV\\_external\\_memory\\_rdma [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryGetRemoteAddressInfoNV.html) """ @struct_hash_equal struct MemoryGetRemoteAddressInfoNV <: HighLevelStruct next::Any memory::DeviceMemory handle_type::ExternalMemoryHandleTypeFlag end """ High-level wrapper for VkExternalMemoryImageCreateInfoNV. Extension: VK\\_NV\\_external\\_memory [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryImageCreateInfoNV.html) """ @struct_hash_equal struct ExternalMemoryImageCreateInfoNV <: HighLevelStruct next::Any handle_types::ExternalMemoryHandleTypeFlagNV end """ High-level wrapper for VkExportMemoryAllocateInfoNV. Extension: VK\\_NV\\_external\\_memory [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMemoryAllocateInfoNV.html) """ @struct_hash_equal struct ExportMemoryAllocateInfoNV <: HighLevelStruct next::Any handle_types::ExternalMemoryHandleTypeFlagNV end """ High-level wrapper for VkDebugReportCallbackCreateInfoEXT. Extension: VK\\_EXT\\_debug\\_report [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugReportCallbackCreateInfoEXT.html) """ @struct_hash_equal struct DebugReportCallbackCreateInfoEXT <: HighLevelStruct next::Any flags::DebugReportFlagEXT pfn_callback::FunctionPtr user_data::OptionalPtr{Ptr{Cvoid}} end """ High-level wrapper for VkDisplayPropertiesKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPropertiesKHR.html) """ @struct_hash_equal struct DisplayPropertiesKHR <: HighLevelStruct display::DisplayKHR display_name::String physical_dimensions::Extent2D physical_resolution::Extent2D supported_transforms::SurfaceTransformFlagKHR plane_reorder_possible::Bool persistent_content::Bool end """ High-level wrapper for VkDisplayProperties2KHR. Extension: VK\\_KHR\\_get\\_display\\_properties2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayProperties2KHR.html) """ @struct_hash_equal struct DisplayProperties2KHR <: HighLevelStruct next::Any display_properties::DisplayPropertiesKHR end """ High-level wrapper for VkRenderPassTransformBeginInfoQCOM. Extension: VK\\_QCOM\\_render\\_pass\\_transform [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassTransformBeginInfoQCOM.html) """ @struct_hash_equal struct RenderPassTransformBeginInfoQCOM <: HighLevelStruct next::Any transform::SurfaceTransformFlagKHR end """ High-level wrapper for VkCopyCommandTransformInfoQCOM. Extension: VK\\_QCOM\\_rotated\\_copy\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyCommandTransformInfoQCOM.html) """ @struct_hash_equal struct CopyCommandTransformInfoQCOM <: HighLevelStruct next::Any transform::SurfaceTransformFlagKHR end """ High-level wrapper for VkCommandBufferInheritanceRenderPassTransformInfoQCOM. Extension: VK\\_QCOM\\_render\\_pass\\_transform [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceRenderPassTransformInfoQCOM.html) """ @struct_hash_equal struct CommandBufferInheritanceRenderPassTransformInfoQCOM <: HighLevelStruct next::Any transform::SurfaceTransformFlagKHR render_area::Rect2D end """ High-level wrapper for VkDisplayPlaneCapabilitiesKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneCapabilitiesKHR.html) """ @struct_hash_equal struct DisplayPlaneCapabilitiesKHR <: HighLevelStruct supported_alpha::DisplayPlaneAlphaFlagKHR min_src_position::Offset2D max_src_position::Offset2D min_src_extent::Extent2D max_src_extent::Extent2D min_dst_position::Offset2D max_dst_position::Offset2D min_dst_extent::Extent2D max_dst_extent::Extent2D end """ High-level wrapper for VkDisplayPlaneCapabilities2KHR. Extension: VK\\_KHR\\_get\\_display\\_properties2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneCapabilities2KHR.html) """ @struct_hash_equal struct DisplayPlaneCapabilities2KHR <: HighLevelStruct next::Any capabilities::DisplayPlaneCapabilitiesKHR end """ High-level wrapper for VkDisplaySurfaceCreateInfoKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplaySurfaceCreateInfoKHR.html) """ @struct_hash_equal struct DisplaySurfaceCreateInfoKHR <: HighLevelStruct next::Any flags::UInt32 display_mode::DisplayModeKHR plane_index::UInt32 plane_stack_index::UInt32 transform::SurfaceTransformFlagKHR global_alpha::Float32 alpha_mode::DisplayPlaneAlphaFlagKHR image_extent::Extent2D end """ High-level wrapper for VkSemaphoreWaitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreWaitInfo.html) """ @struct_hash_equal struct SemaphoreWaitInfo <: HighLevelStruct next::Any flags::SemaphoreWaitFlag semaphores::Vector{Semaphore} values::Vector{UInt64} end """ High-level wrapper for VkImageFormatProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageFormatProperties.html) """ @struct_hash_equal struct ImageFormatProperties <: HighLevelStruct max_extent::Extent3D max_mip_levels::UInt32 max_array_layers::UInt32 sample_counts::SampleCountFlag max_resource_size::UInt64 end """ High-level wrapper for VkExternalImageFormatPropertiesNV. Extension: VK\\_NV\\_external\\_memory\\_capabilities [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalImageFormatPropertiesNV.html) """ @struct_hash_equal struct ExternalImageFormatPropertiesNV <: HighLevelStruct image_format_properties::ImageFormatProperties external_memory_features::ExternalMemoryFeatureFlagNV export_from_imported_handle_types::ExternalMemoryHandleTypeFlagNV compatible_handle_types::ExternalMemoryHandleTypeFlagNV end """ High-level wrapper for VkImageFormatProperties2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageFormatProperties2.html) """ @struct_hash_equal struct ImageFormatProperties2 <: HighLevelStruct next::Any image_format_properties::ImageFormatProperties end """ High-level wrapper for VkPipelineMultisampleStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineMultisampleStateCreateInfo.html) """ @struct_hash_equal struct PipelineMultisampleStateCreateInfo <: HighLevelStruct next::Any flags::UInt32 rasterization_samples::SampleCountFlag sample_shading_enable::Bool min_sample_shading::Float32 sample_mask::OptionalPtr{Vector{UInt32}} alpha_to_coverage_enable::Bool alpha_to_one_enable::Bool end """ High-level wrapper for VkPhysicalDeviceLimits. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLimits.html) """ @struct_hash_equal struct PhysicalDeviceLimits <: HighLevelStruct max_image_dimension_1_d::UInt32 max_image_dimension_2_d::UInt32 max_image_dimension_3_d::UInt32 max_image_dimension_cube::UInt32 max_image_array_layers::UInt32 max_texel_buffer_elements::UInt32 max_uniform_buffer_range::UInt32 max_storage_buffer_range::UInt32 max_push_constants_size::UInt32 max_memory_allocation_count::UInt32 max_sampler_allocation_count::UInt32 buffer_image_granularity::UInt64 sparse_address_space_size::UInt64 max_bound_descriptor_sets::UInt32 max_per_stage_descriptor_samplers::UInt32 max_per_stage_descriptor_uniform_buffers::UInt32 max_per_stage_descriptor_storage_buffers::UInt32 max_per_stage_descriptor_sampled_images::UInt32 max_per_stage_descriptor_storage_images::UInt32 max_per_stage_descriptor_input_attachments::UInt32 max_per_stage_resources::UInt32 max_descriptor_set_samplers::UInt32 max_descriptor_set_uniform_buffers::UInt32 max_descriptor_set_uniform_buffers_dynamic::UInt32 max_descriptor_set_storage_buffers::UInt32 max_descriptor_set_storage_buffers_dynamic::UInt32 max_descriptor_set_sampled_images::UInt32 max_descriptor_set_storage_images::UInt32 max_descriptor_set_input_attachments::UInt32 max_vertex_input_attributes::UInt32 max_vertex_input_bindings::UInt32 max_vertex_input_attribute_offset::UInt32 max_vertex_input_binding_stride::UInt32 max_vertex_output_components::UInt32 max_tessellation_generation_level::UInt32 max_tessellation_patch_size::UInt32 max_tessellation_control_per_vertex_input_components::UInt32 max_tessellation_control_per_vertex_output_components::UInt32 max_tessellation_control_per_patch_output_components::UInt32 max_tessellation_control_total_output_components::UInt32 max_tessellation_evaluation_input_components::UInt32 max_tessellation_evaluation_output_components::UInt32 max_geometry_shader_invocations::UInt32 max_geometry_input_components::UInt32 max_geometry_output_components::UInt32 max_geometry_output_vertices::UInt32 max_geometry_total_output_components::UInt32 max_fragment_input_components::UInt32 max_fragment_output_attachments::UInt32 max_fragment_dual_src_attachments::UInt32 max_fragment_combined_output_resources::UInt32 max_compute_shared_memory_size::UInt32 max_compute_work_group_count::NTuple{3, UInt32} max_compute_work_group_invocations::UInt32 max_compute_work_group_size::NTuple{3, UInt32} sub_pixel_precision_bits::UInt32 sub_texel_precision_bits::UInt32 mipmap_precision_bits::UInt32 max_draw_indexed_index_value::UInt32 max_draw_indirect_count::UInt32 max_sampler_lod_bias::Float32 max_sampler_anisotropy::Float32 max_viewports::UInt32 max_viewport_dimensions::NTuple{2, UInt32} viewport_bounds_range::NTuple{2, Float32} viewport_sub_pixel_bits::UInt32 min_memory_map_alignment::UInt min_texel_buffer_offset_alignment::UInt64 min_uniform_buffer_offset_alignment::UInt64 min_storage_buffer_offset_alignment::UInt64 min_texel_offset::Int32 max_texel_offset::UInt32 min_texel_gather_offset::Int32 max_texel_gather_offset::UInt32 min_interpolation_offset::Float32 max_interpolation_offset::Float32 sub_pixel_interpolation_offset_bits::UInt32 max_framebuffer_width::UInt32 max_framebuffer_height::UInt32 max_framebuffer_layers::UInt32 framebuffer_color_sample_counts::SampleCountFlag framebuffer_depth_sample_counts::SampleCountFlag framebuffer_stencil_sample_counts::SampleCountFlag framebuffer_no_attachments_sample_counts::SampleCountFlag max_color_attachments::UInt32 sampled_image_color_sample_counts::SampleCountFlag sampled_image_integer_sample_counts::SampleCountFlag sampled_image_depth_sample_counts::SampleCountFlag sampled_image_stencil_sample_counts::SampleCountFlag storage_image_sample_counts::SampleCountFlag max_sample_mask_words::UInt32 timestamp_compute_and_graphics::Bool timestamp_period::Float32 max_clip_distances::UInt32 max_cull_distances::UInt32 max_combined_clip_and_cull_distances::UInt32 discrete_queue_priorities::UInt32 point_size_range::NTuple{2, Float32} line_width_range::NTuple{2, Float32} point_size_granularity::Float32 line_width_granularity::Float32 strict_lines::Bool standard_sample_locations::Bool optimal_buffer_copy_offset_alignment::UInt64 optimal_buffer_copy_row_pitch_alignment::UInt64 non_coherent_atom_size::UInt64 end """ High-level wrapper for VkSampleLocationsInfoEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSampleLocationsInfoEXT.html) """ @struct_hash_equal struct SampleLocationsInfoEXT <: HighLevelStruct next::Any sample_locations_per_pixel::SampleCountFlag sample_location_grid_size::Extent2D sample_locations::Vector{SampleLocationEXT} end """ High-level wrapper for VkAttachmentSampleLocationsEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentSampleLocationsEXT.html) """ @struct_hash_equal struct AttachmentSampleLocationsEXT <: HighLevelStruct attachment_index::UInt32 sample_locations_info::SampleLocationsInfoEXT end """ High-level wrapper for VkSubpassSampleLocationsEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassSampleLocationsEXT.html) """ @struct_hash_equal struct SubpassSampleLocationsEXT <: HighLevelStruct subpass_index::UInt32 sample_locations_info::SampleLocationsInfoEXT end """ High-level wrapper for VkRenderPassSampleLocationsBeginInfoEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassSampleLocationsBeginInfoEXT.html) """ @struct_hash_equal struct RenderPassSampleLocationsBeginInfoEXT <: HighLevelStruct next::Any attachment_initial_sample_locations::Vector{AttachmentSampleLocationsEXT} post_subpass_sample_locations::Vector{SubpassSampleLocationsEXT} end """ High-level wrapper for VkPipelineSampleLocationsStateCreateInfoEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineSampleLocationsStateCreateInfoEXT.html) """ @struct_hash_equal struct PipelineSampleLocationsStateCreateInfoEXT <: HighLevelStruct next::Any sample_locations_enable::Bool sample_locations_info::SampleLocationsInfoEXT end """ High-level wrapper for VkPhysicalDeviceSampleLocationsPropertiesEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSampleLocationsPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceSampleLocationsPropertiesEXT <: HighLevelStruct next::Any sample_location_sample_counts::SampleCountFlag max_sample_location_grid_size::Extent2D sample_location_coordinate_range::NTuple{2, Float32} sample_location_sub_pixel_bits::UInt32 variable_sample_locations::Bool end """ High-level wrapper for VkPhysicalDeviceFragmentShadingRatePropertiesKHR. Extension: VK\\_KHR\\_fragment\\_shading\\_rate [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRatePropertiesKHR.html) """ @struct_hash_equal struct PhysicalDeviceFragmentShadingRatePropertiesKHR <: HighLevelStruct next::Any min_fragment_shading_rate_attachment_texel_size::Extent2D max_fragment_shading_rate_attachment_texel_size::Extent2D max_fragment_shading_rate_attachment_texel_size_aspect_ratio::UInt32 primitive_fragment_shading_rate_with_multiple_viewports::Bool layered_shading_rate_attachments::Bool fragment_shading_rate_non_trivial_combiner_ops::Bool max_fragment_size::Extent2D max_fragment_size_aspect_ratio::UInt32 max_fragment_shading_rate_coverage_samples::UInt32 max_fragment_shading_rate_rasterization_samples::SampleCountFlag fragment_shading_rate_with_shader_depth_stencil_writes::Bool fragment_shading_rate_with_sample_mask::Bool fragment_shading_rate_with_shader_sample_mask::Bool fragment_shading_rate_with_conservative_rasterization::Bool fragment_shading_rate_with_fragment_shader_interlock::Bool fragment_shading_rate_with_custom_sample_locations::Bool fragment_shading_rate_strict_multiply_combiner::Bool end """ High-level wrapper for VkPhysicalDeviceFragmentShadingRateKHR. Extension: VK\\_KHR\\_fragment\\_shading\\_rate [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateKHR.html) """ @struct_hash_equal struct PhysicalDeviceFragmentShadingRateKHR <: HighLevelStruct next::Any sample_counts::SampleCountFlag fragment_size::Extent2D end """ High-level wrapper for VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV. Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV.html) """ @struct_hash_equal struct PhysicalDeviceFragmentShadingRateEnumsPropertiesNV <: HighLevelStruct next::Any max_fragment_shading_rate_invocation_count::SampleCountFlag end """ High-level wrapper for VkMultisampledRenderToSingleSampledInfoEXT. Extension: VK\\_EXT\\_multisampled\\_render\\_to\\_single\\_sampled [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultisampledRenderToSingleSampledInfoEXT.html) """ @struct_hash_equal struct MultisampledRenderToSingleSampledInfoEXT <: HighLevelStruct next::Any multisampled_render_to_single_sampled_enable::Bool rasterization_samples::SampleCountFlag end """ High-level wrapper for VkAttachmentSampleCountInfoAMD. Extension: VK\\_KHR\\_dynamic\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentSampleCountInfoAMD.html) """ @struct_hash_equal struct AttachmentSampleCountInfoAMD <: HighLevelStruct next::Any color_attachment_samples::Vector{SampleCountFlag} depth_stencil_attachment_samples::SampleCountFlag end """ High-level wrapper for VkCommandPoolCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandPoolCreateInfo.html) """ @struct_hash_equal struct CommandPoolCreateInfo <: HighLevelStruct next::Any flags::CommandPoolCreateFlag queue_family_index::UInt32 end """ High-level wrapper for VkSubmitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubmitInfo.html) """ @struct_hash_equal struct SubmitInfo <: HighLevelStruct next::Any wait_semaphores::Vector{Semaphore} wait_dst_stage_mask::Vector{PipelineStageFlag} command_buffers::Vector{CommandBuffer} signal_semaphores::Vector{Semaphore} end """ High-level wrapper for VkQueueFamilyCheckpointPropertiesNV. Extension: VK\\_NV\\_device\\_diagnostic\\_checkpoints [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyCheckpointPropertiesNV.html) """ @struct_hash_equal struct QueueFamilyCheckpointPropertiesNV <: HighLevelStruct next::Any checkpoint_execution_stage_mask::PipelineStageFlag end """ High-level wrapper for VkCheckpointDataNV. Extension: VK\\_NV\\_device\\_diagnostic\\_checkpoints [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCheckpointDataNV.html) """ @struct_hash_equal struct CheckpointDataNV <: HighLevelStruct next::Any stage::PipelineStageFlag checkpoint_marker::Ptr{Cvoid} end """ High-level wrapper for VkSparseMemoryBind. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseMemoryBind.html) """ @struct_hash_equal struct SparseMemoryBind <: HighLevelStruct resource_offset::UInt64 size::UInt64 memory::OptionalPtr{DeviceMemory} memory_offset::UInt64 flags::SparseMemoryBindFlag end """ High-level wrapper for VkSparseBufferMemoryBindInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseBufferMemoryBindInfo.html) """ @struct_hash_equal struct SparseBufferMemoryBindInfo <: HighLevelStruct buffer::Buffer binds::Vector{SparseMemoryBind} end """ High-level wrapper for VkSparseImageOpaqueMemoryBindInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageOpaqueMemoryBindInfo.html) """ @struct_hash_equal struct SparseImageOpaqueMemoryBindInfo <: HighLevelStruct image::Image binds::Vector{SparseMemoryBind} end """ High-level wrapper for VkSparseImageFormatProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageFormatProperties.html) """ @struct_hash_equal struct SparseImageFormatProperties <: HighLevelStruct aspect_mask::ImageAspectFlag image_granularity::Extent3D flags::SparseImageFormatFlag end """ High-level wrapper for VkSparseImageMemoryRequirements. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryRequirements.html) """ @struct_hash_equal struct SparseImageMemoryRequirements <: HighLevelStruct format_properties::SparseImageFormatProperties image_mip_tail_first_lod::UInt32 image_mip_tail_size::UInt64 image_mip_tail_offset::UInt64 image_mip_tail_stride::UInt64 end """ High-level wrapper for VkSparseImageMemoryRequirements2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryRequirements2.html) """ @struct_hash_equal struct SparseImageMemoryRequirements2 <: HighLevelStruct next::Any memory_requirements::SparseImageMemoryRequirements end """ High-level wrapper for VkSparseImageFormatProperties2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageFormatProperties2.html) """ @struct_hash_equal struct SparseImageFormatProperties2 <: HighLevelStruct next::Any properties::SparseImageFormatProperties end """ High-level wrapper for VkImageSubresource. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresource.html) """ @struct_hash_equal struct ImageSubresource <: HighLevelStruct aspect_mask::ImageAspectFlag mip_level::UInt32 array_layer::UInt32 end """ High-level wrapper for VkSparseImageMemoryBind. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryBind.html) """ @struct_hash_equal struct SparseImageMemoryBind <: HighLevelStruct subresource::ImageSubresource offset::Offset3D extent::Extent3D memory::OptionalPtr{DeviceMemory} memory_offset::UInt64 flags::SparseMemoryBindFlag end """ High-level wrapper for VkSparseImageMemoryBindInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryBindInfo.html) """ @struct_hash_equal struct SparseImageMemoryBindInfo <: HighLevelStruct image::Image binds::Vector{SparseImageMemoryBind} end """ High-level wrapper for VkBindSparseInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindSparseInfo.html) """ @struct_hash_equal struct BindSparseInfo <: HighLevelStruct next::Any wait_semaphores::Vector{Semaphore} buffer_binds::Vector{SparseBufferMemoryBindInfo} image_opaque_binds::Vector{SparseImageOpaqueMemoryBindInfo} image_binds::Vector{SparseImageMemoryBindInfo} signal_semaphores::Vector{Semaphore} end """ High-level wrapper for VkImageSubresource2EXT. Extension: VK\\_EXT\\_image\\_compression\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresource2EXT.html) """ @struct_hash_equal struct ImageSubresource2EXT <: HighLevelStruct next::Any image_subresource::ImageSubresource end """ High-level wrapper for VkImageSubresourceLayers. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresourceLayers.html) """ @struct_hash_equal struct ImageSubresourceLayers <: HighLevelStruct aspect_mask::ImageAspectFlag mip_level::UInt32 base_array_layer::UInt32 layer_count::UInt32 end """ High-level wrapper for VkImageCopy. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCopy.html) """ @struct_hash_equal struct ImageCopy <: HighLevelStruct src_subresource::ImageSubresourceLayers src_offset::Offset3D dst_subresource::ImageSubresourceLayers dst_offset::Offset3D extent::Extent3D end """ High-level wrapper for VkImageBlit. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageBlit.html) """ @struct_hash_equal struct ImageBlit <: HighLevelStruct src_subresource::ImageSubresourceLayers src_offsets::NTuple{2, Offset3D} dst_subresource::ImageSubresourceLayers dst_offsets::NTuple{2, Offset3D} end """ High-level wrapper for VkBufferImageCopy. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferImageCopy.html) """ @struct_hash_equal struct BufferImageCopy <: HighLevelStruct buffer_offset::UInt64 buffer_row_length::UInt32 buffer_image_height::UInt32 image_subresource::ImageSubresourceLayers image_offset::Offset3D image_extent::Extent3D end """ High-level wrapper for VkCopyMemoryToImageIndirectCommandNV. Extension: VK\\_NV\\_copy\\_memory\\_indirect [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryToImageIndirectCommandNV.html) """ @struct_hash_equal struct CopyMemoryToImageIndirectCommandNV <: HighLevelStruct src_address::UInt64 buffer_row_length::UInt32 buffer_image_height::UInt32 image_subresource::ImageSubresourceLayers image_offset::Offset3D image_extent::Extent3D end """ High-level wrapper for VkImageResolve. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageResolve.html) """ @struct_hash_equal struct ImageResolve <: HighLevelStruct src_subresource::ImageSubresourceLayers src_offset::Offset3D dst_subresource::ImageSubresourceLayers dst_offset::Offset3D extent::Extent3D end """ High-level wrapper for VkImageCopy2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCopy2.html) """ @struct_hash_equal struct ImageCopy2 <: HighLevelStruct next::Any src_subresource::ImageSubresourceLayers src_offset::Offset3D dst_subresource::ImageSubresourceLayers dst_offset::Offset3D extent::Extent3D end """ High-level wrapper for VkImageBlit2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageBlit2.html) """ @struct_hash_equal struct ImageBlit2 <: HighLevelStruct next::Any src_subresource::ImageSubresourceLayers src_offsets::NTuple{2, Offset3D} dst_subresource::ImageSubresourceLayers dst_offsets::NTuple{2, Offset3D} end """ High-level wrapper for VkBufferImageCopy2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferImageCopy2.html) """ @struct_hash_equal struct BufferImageCopy2 <: HighLevelStruct next::Any buffer_offset::UInt64 buffer_row_length::UInt32 buffer_image_height::UInt32 image_subresource::ImageSubresourceLayers image_offset::Offset3D image_extent::Extent3D end """ High-level wrapper for VkImageResolve2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageResolve2.html) """ @struct_hash_equal struct ImageResolve2 <: HighLevelStruct next::Any src_subresource::ImageSubresourceLayers src_offset::Offset3D dst_subresource::ImageSubresourceLayers dst_offset::Offset3D extent::Extent3D end """ High-level wrapper for VkImageSubresourceRange. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresourceRange.html) """ @struct_hash_equal struct ImageSubresourceRange <: HighLevelStruct aspect_mask::ImageAspectFlag base_mip_level::UInt32 level_count::UInt32 base_array_layer::UInt32 layer_count::UInt32 end """ High-level wrapper for VkClearAttachment. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearAttachment.html) """ @struct_hash_equal struct ClearAttachment <: HighLevelStruct aspect_mask::ImageAspectFlag color_attachment::UInt32 clear_value::ClearValue end """ High-level wrapper for VkInputAttachmentAspectReference. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkInputAttachmentAspectReference.html) """ @struct_hash_equal struct InputAttachmentAspectReference <: HighLevelStruct subpass::UInt32 input_attachment_index::UInt32 aspect_mask::ImageAspectFlag end """ High-level wrapper for VkRenderPassInputAttachmentAspectCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassInputAttachmentAspectCreateInfo.html) """ @struct_hash_equal struct RenderPassInputAttachmentAspectCreateInfo <: HighLevelStruct next::Any aspect_references::Vector{InputAttachmentAspectReference} end """ High-level wrapper for VkBindImagePlaneMemoryInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImagePlaneMemoryInfo.html) """ @struct_hash_equal struct BindImagePlaneMemoryInfo <: HighLevelStruct next::Any plane_aspect::ImageAspectFlag end """ High-level wrapper for VkImagePlaneMemoryRequirementsInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImagePlaneMemoryRequirementsInfo.html) """ @struct_hash_equal struct ImagePlaneMemoryRequirementsInfo <: HighLevelStruct next::Any plane_aspect::ImageAspectFlag end """ High-level wrapper for VkCommandBufferInheritanceInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceInfo.html) """ @struct_hash_equal struct CommandBufferInheritanceInfo <: HighLevelStruct next::Any render_pass::OptionalPtr{RenderPass} subpass::UInt32 framebuffer::OptionalPtr{Framebuffer} occlusion_query_enable::Bool query_flags::QueryControlFlag pipeline_statistics::QueryPipelineStatisticFlag end """ High-level wrapper for VkCommandBufferBeginInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferBeginInfo.html) """ @struct_hash_equal struct CommandBufferBeginInfo <: HighLevelStruct next::Any flags::CommandBufferUsageFlag inheritance_info::OptionalPtr{CommandBufferInheritanceInfo} end """ High-level wrapper for VkFormatProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFormatProperties.html) """ @struct_hash_equal struct FormatProperties <: HighLevelStruct linear_tiling_features::FormatFeatureFlag optimal_tiling_features::FormatFeatureFlag buffer_features::FormatFeatureFlag end """ High-level wrapper for VkFormatProperties2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFormatProperties2.html) """ @struct_hash_equal struct FormatProperties2 <: HighLevelStruct next::Any format_properties::FormatProperties end """ High-level wrapper for VkDrmFormatModifierPropertiesEXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierPropertiesEXT.html) """ @struct_hash_equal struct DrmFormatModifierPropertiesEXT <: HighLevelStruct drm_format_modifier::UInt64 drm_format_modifier_plane_count::UInt32 drm_format_modifier_tiling_features::FormatFeatureFlag end """ High-level wrapper for VkDrmFormatModifierPropertiesListEXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierPropertiesListEXT.html) """ @struct_hash_equal struct DrmFormatModifierPropertiesListEXT <: HighLevelStruct next::Any drm_format_modifier_properties::OptionalPtr{Vector{DrmFormatModifierPropertiesEXT}} end """ High-level wrapper for VkFenceCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFenceCreateInfo.html) """ @struct_hash_equal struct FenceCreateInfo <: HighLevelStruct next::Any flags::FenceCreateFlag end """ High-level wrapper for VkSurfaceCapabilitiesKHR. Extension: VK\\_KHR\\_surface [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilitiesKHR.html) """ @struct_hash_equal struct SurfaceCapabilitiesKHR <: HighLevelStruct min_image_count::UInt32 max_image_count::UInt32 current_extent::Extent2D min_image_extent::Extent2D max_image_extent::Extent2D max_image_array_layers::UInt32 supported_transforms::SurfaceTransformFlagKHR current_transform::SurfaceTransformFlagKHR supported_composite_alpha::CompositeAlphaFlagKHR supported_usage_flags::ImageUsageFlag end """ High-level wrapper for VkSurfaceCapabilities2KHR. Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilities2KHR.html) """ @struct_hash_equal struct SurfaceCapabilities2KHR <: HighLevelStruct next::Any surface_capabilities::SurfaceCapabilitiesKHR end """ High-level wrapper for VkSurfaceCapabilities2EXT. Extension: VK\\_EXT\\_display\\_surface\\_counter [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilities2EXT.html) """ @struct_hash_equal struct SurfaceCapabilities2EXT <: HighLevelStruct next::Any min_image_count::UInt32 max_image_count::UInt32 current_extent::Extent2D min_image_extent::Extent2D max_image_extent::Extent2D max_image_array_layers::UInt32 supported_transforms::SurfaceTransformFlagKHR current_transform::SurfaceTransformFlagKHR supported_composite_alpha::CompositeAlphaFlagKHR supported_usage_flags::ImageUsageFlag supported_surface_counters::SurfaceCounterFlagEXT end """ High-level wrapper for VkSharedPresentSurfaceCapabilitiesKHR. Extension: VK\\_KHR\\_shared\\_presentable\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSharedPresentSurfaceCapabilitiesKHR.html) """ @struct_hash_equal struct SharedPresentSurfaceCapabilitiesKHR <: HighLevelStruct next::Any shared_present_supported_usage_flags::ImageUsageFlag end """ High-level wrapper for VkImageViewUsageCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewUsageCreateInfo.html) """ @struct_hash_equal struct ImageViewUsageCreateInfo <: HighLevelStruct next::Any usage::ImageUsageFlag end """ High-level wrapper for VkImageStencilUsageCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageStencilUsageCreateInfo.html) """ @struct_hash_equal struct ImageStencilUsageCreateInfo <: HighLevelStruct next::Any stencil_usage::ImageUsageFlag end """ High-level wrapper for VkPhysicalDeviceVideoFormatInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVideoFormatInfoKHR.html) """ @struct_hash_equal struct PhysicalDeviceVideoFormatInfoKHR <: HighLevelStruct next::Any image_usage::ImageUsageFlag end """ High-level wrapper for VkPipelineShaderStageCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineShaderStageCreateInfo.html) """ @struct_hash_equal struct PipelineShaderStageCreateInfo <: HighLevelStruct next::Any flags::PipelineShaderStageCreateFlag stage::ShaderStageFlag _module::OptionalPtr{ShaderModule} name::String specialization_info::OptionalPtr{SpecializationInfo} end """ High-level wrapper for VkComputePipelineCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkComputePipelineCreateInfo.html) """ @struct_hash_equal struct ComputePipelineCreateInfo <: HighLevelStruct next::Any flags::PipelineCreateFlag stage::PipelineShaderStageCreateInfo layout::PipelineLayout base_pipeline_handle::OptionalPtr{Pipeline} base_pipeline_index::Int32 end """ High-level wrapper for VkPushConstantRange. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPushConstantRange.html) """ @struct_hash_equal struct PushConstantRange <: HighLevelStruct stage_flags::ShaderStageFlag offset::UInt32 size::UInt32 end """ High-level wrapper for VkPipelineLayoutCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineLayoutCreateInfo.html) """ @struct_hash_equal struct PipelineLayoutCreateInfo <: HighLevelStruct next::Any flags::PipelineLayoutCreateFlag set_layouts::Vector{DescriptorSetLayout} push_constant_ranges::Vector{PushConstantRange} end """ High-level wrapper for VkPhysicalDeviceSubgroupProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubgroupProperties.html) """ @struct_hash_equal struct PhysicalDeviceSubgroupProperties <: HighLevelStruct next::Any subgroup_size::UInt32 supported_stages::ShaderStageFlag supported_operations::SubgroupFeatureFlag quad_operations_in_all_stages::Bool end """ High-level wrapper for VkShaderStatisticsInfoAMD. Extension: VK\\_AMD\\_shader\\_info [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderStatisticsInfoAMD.html) """ @struct_hash_equal struct ShaderStatisticsInfoAMD <: HighLevelStruct shader_stage_mask::ShaderStageFlag resource_usage::ShaderResourceUsageAMD num_physical_vgprs::UInt32 num_physical_sgprs::UInt32 num_available_vgprs::UInt32 num_available_sgprs::UInt32 compute_work_group_size::NTuple{3, UInt32} end """ High-level wrapper for VkPhysicalDeviceCooperativeMatrixPropertiesNV. Extension: VK\\_NV\\_cooperative\\_matrix [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCooperativeMatrixPropertiesNV.html) """ @struct_hash_equal struct PhysicalDeviceCooperativeMatrixPropertiesNV <: HighLevelStruct next::Any cooperative_matrix_supported_stages::ShaderStageFlag end """ High-level wrapper for VkPipelineExecutablePropertiesKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutablePropertiesKHR.html) """ @struct_hash_equal struct PipelineExecutablePropertiesKHR <: HighLevelStruct next::Any stages::ShaderStageFlag name::String description::String subgroup_size::UInt32 end """ High-level wrapper for VkPhysicalDeviceSubgroupSizeControlProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubgroupSizeControlProperties.html) """ @struct_hash_equal struct PhysicalDeviceSubgroupSizeControlProperties <: HighLevelStruct next::Any min_subgroup_size::UInt32 max_subgroup_size::UInt32 max_compute_workgroup_subgroups::UInt32 required_subgroup_size_stages::ShaderStageFlag end """ High-level wrapper for VkPhysicalDeviceVulkan13Properties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan13Properties.html) """ @struct_hash_equal struct PhysicalDeviceVulkan13Properties <: HighLevelStruct next::Any min_subgroup_size::UInt32 max_subgroup_size::UInt32 max_compute_workgroup_subgroups::UInt32 required_subgroup_size_stages::ShaderStageFlag max_inline_uniform_block_size::UInt32 max_per_stage_descriptor_inline_uniform_blocks::UInt32 max_per_stage_descriptor_update_after_bind_inline_uniform_blocks::UInt32 max_descriptor_set_inline_uniform_blocks::UInt32 max_descriptor_set_update_after_bind_inline_uniform_blocks::UInt32 max_inline_uniform_total_size::UInt32 integer_dot_product_8_bit_unsigned_accelerated::Bool integer_dot_product_8_bit_signed_accelerated::Bool integer_dot_product_8_bit_mixed_signedness_accelerated::Bool integer_dot_product_8_bit_packed_unsigned_accelerated::Bool integer_dot_product_8_bit_packed_signed_accelerated::Bool integer_dot_product_8_bit_packed_mixed_signedness_accelerated::Bool integer_dot_product_16_bit_unsigned_accelerated::Bool integer_dot_product_16_bit_signed_accelerated::Bool integer_dot_product_16_bit_mixed_signedness_accelerated::Bool integer_dot_product_32_bit_unsigned_accelerated::Bool integer_dot_product_32_bit_signed_accelerated::Bool integer_dot_product_32_bit_mixed_signedness_accelerated::Bool integer_dot_product_64_bit_unsigned_accelerated::Bool integer_dot_product_64_bit_signed_accelerated::Bool integer_dot_product_64_bit_mixed_signedness_accelerated::Bool integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated::Bool integer_dot_product_accumulating_saturating_8_bit_signed_accelerated::Bool integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated::Bool integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated::Bool integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated::Bool integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated::Bool integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated::Bool integer_dot_product_accumulating_saturating_16_bit_signed_accelerated::Bool integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated::Bool integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated::Bool integer_dot_product_accumulating_saturating_32_bit_signed_accelerated::Bool integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated::Bool integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated::Bool integer_dot_product_accumulating_saturating_64_bit_signed_accelerated::Bool integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated::Bool storage_texel_buffer_offset_alignment_bytes::UInt64 storage_texel_buffer_offset_single_texel_alignment::Bool uniform_texel_buffer_offset_alignment_bytes::UInt64 uniform_texel_buffer_offset_single_texel_alignment::Bool max_buffer_size::UInt64 end """ High-level wrapper for VkPhysicalDeviceExternalBufferInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalBufferInfo.html) """ @struct_hash_equal struct PhysicalDeviceExternalBufferInfo <: HighLevelStruct next::Any flags::BufferCreateFlag usage::BufferUsageFlag handle_type::ExternalMemoryHandleTypeFlag end """ High-level wrapper for VkDescriptorBufferBindingInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorBufferBindingInfoEXT.html) """ @struct_hash_equal struct DescriptorBufferBindingInfoEXT <: HighLevelStruct next::Any address::UInt64 usage::BufferUsageFlag end """ High-level wrapper for VkMemoryBarrier. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryBarrier.html) """ @struct_hash_equal struct MemoryBarrier <: HighLevelStruct next::Any src_access_mask::AccessFlag dst_access_mask::AccessFlag end """ High-level wrapper for VkBufferMemoryBarrier. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferMemoryBarrier.html) """ @struct_hash_equal struct BufferMemoryBarrier <: HighLevelStruct next::Any src_access_mask::AccessFlag dst_access_mask::AccessFlag src_queue_family_index::UInt32 dst_queue_family_index::UInt32 buffer::Buffer offset::UInt64 size::UInt64 end """ High-level wrapper for VkSubpassDependency. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDependency.html) """ @struct_hash_equal struct SubpassDependency <: HighLevelStruct src_subpass::UInt32 dst_subpass::UInt32 src_stage_mask::PipelineStageFlag dst_stage_mask::PipelineStageFlag src_access_mask::AccessFlag dst_access_mask::AccessFlag dependency_flags::DependencyFlag end """ High-level wrapper for VkSubpassDependency2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDependency2.html) """ @struct_hash_equal struct SubpassDependency2 <: HighLevelStruct next::Any src_subpass::UInt32 dst_subpass::UInt32 src_stage_mask::PipelineStageFlag dst_stage_mask::PipelineStageFlag src_access_mask::AccessFlag dst_access_mask::AccessFlag dependency_flags::DependencyFlag view_offset::Int32 end """ High-level wrapper for VkMemoryHeap. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryHeap.html) """ @struct_hash_equal struct MemoryHeap <: HighLevelStruct size::UInt64 flags::MemoryHeapFlag end """ High-level wrapper for VkMemoryType. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryType.html) """ @struct_hash_equal struct MemoryType <: HighLevelStruct property_flags::MemoryPropertyFlag heap_index::UInt32 end """ High-level wrapper for VkPhysicalDeviceMemoryProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryProperties.html) """ @struct_hash_equal struct PhysicalDeviceMemoryProperties <: HighLevelStruct memory_type_count::UInt32 memory_types::NTuple{Int(VK_MAX_MEMORY_TYPES), MemoryType} memory_heap_count::UInt32 memory_heaps::NTuple{Int(VK_MAX_MEMORY_HEAPS), MemoryHeap} end """ High-level wrapper for VkPhysicalDeviceMemoryProperties2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryProperties2.html) """ @struct_hash_equal struct PhysicalDeviceMemoryProperties2 <: HighLevelStruct next::Any memory_properties::PhysicalDeviceMemoryProperties end """ High-level wrapper for VkDeviceQueueCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceQueueCreateInfo.html) """ @struct_hash_equal struct DeviceQueueCreateInfo <: HighLevelStruct next::Any flags::DeviceQueueCreateFlag queue_family_index::UInt32 queue_priorities::Vector{Float32} end """ High-level wrapper for VkDeviceCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceCreateInfo.html) """ @struct_hash_equal struct DeviceCreateInfo <: HighLevelStruct next::Any flags::UInt32 queue_create_infos::Vector{DeviceQueueCreateInfo} enabled_layer_names::Vector{String} enabled_extension_names::Vector{String} enabled_features::OptionalPtr{PhysicalDeviceFeatures} end """ High-level wrapper for VkDeviceQueueInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceQueueInfo2.html) """ @struct_hash_equal struct DeviceQueueInfo2 <: HighLevelStruct next::Any flags::DeviceQueueCreateFlag queue_family_index::UInt32 queue_index::UInt32 end """ High-level wrapper for VkQueueFamilyProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyProperties.html) """ @struct_hash_equal struct QueueFamilyProperties <: HighLevelStruct queue_flags::QueueFlag queue_count::UInt32 timestamp_valid_bits::UInt32 min_image_transfer_granularity::Extent3D end """ High-level wrapper for VkQueueFamilyProperties2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyProperties2.html) """ @struct_hash_equal struct QueueFamilyProperties2 <: HighLevelStruct next::Any queue_family_properties::QueueFamilyProperties end """ High-level wrapper for VkPhysicalDeviceCopyMemoryIndirectPropertiesNV. Extension: VK\\_NV\\_copy\\_memory\\_indirect [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCopyMemoryIndirectPropertiesNV.html) """ @struct_hash_equal struct PhysicalDeviceCopyMemoryIndirectPropertiesNV <: HighLevelStruct next::Any supported_queues::QueueFlag end """ High-level wrapper for VkPipelineCacheCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCacheCreateInfo.html) """ @struct_hash_equal struct PipelineCacheCreateInfo <: HighLevelStruct next::Any flags::PipelineCacheCreateFlag initial_data_size::OptionalPtr{UInt} initial_data::Ptr{Cvoid} end """ High-level wrapper for VkDeviceFaultVendorBinaryHeaderVersionOneEXT. Extension: VK\\_EXT\\_device\\_fault [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultVendorBinaryHeaderVersionOneEXT.html) """ @struct_hash_equal struct DeviceFaultVendorBinaryHeaderVersionOneEXT <: HighLevelStruct header_size::UInt32 header_version::DeviceFaultVendorBinaryHeaderVersionEXT vendor_id::UInt32 device_id::UInt32 driver_version::VersionNumber pipeline_cache_uuid::NTuple{Int(VK_UUID_SIZE), UInt8} application_name_offset::UInt32 application_version::VersionNumber engine_name_offset::UInt32 end """ High-level wrapper for VkDeviceFaultAddressInfoEXT. Extension: VK\\_EXT\\_device\\_fault [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultAddressInfoEXT.html) """ @struct_hash_equal struct DeviceFaultAddressInfoEXT <: HighLevelStruct address_type::DeviceFaultAddressTypeEXT reported_address::UInt64 address_precision::UInt64 end """ High-level wrapper for VkDeviceFaultInfoEXT. Extension: VK\\_EXT\\_device\\_fault [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultInfoEXT.html) """ @struct_hash_equal struct DeviceFaultInfoEXT <: HighLevelStruct next::Any description::String address_infos::OptionalPtr{DeviceFaultAddressInfoEXT} vendor_infos::OptionalPtr{DeviceFaultVendorInfoEXT} vendor_binary_data::OptionalPtr{Ptr{Cvoid}} end """ High-level wrapper for VkCopyMicromapInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMicromapInfoEXT.html) """ @struct_hash_equal struct CopyMicromapInfoEXT <: HighLevelStruct next::Any src::MicromapEXT dst::MicromapEXT mode::CopyMicromapModeEXT end """ High-level wrapper for VkCopyMicromapToMemoryInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMicromapToMemoryInfoEXT.html) """ @struct_hash_equal struct CopyMicromapToMemoryInfoEXT <: HighLevelStruct next::Any src::MicromapEXT dst::DeviceOrHostAddressKHR mode::CopyMicromapModeEXT end """ High-level wrapper for VkCopyMemoryToMicromapInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryToMicromapInfoEXT.html) """ @struct_hash_equal struct CopyMemoryToMicromapInfoEXT <: HighLevelStruct next::Any src::DeviceOrHostAddressConstKHR dst::MicromapEXT mode::CopyMicromapModeEXT end """ High-level wrapper for VkMicromapBuildInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapBuildInfoEXT.html) """ @struct_hash_equal struct MicromapBuildInfoEXT <: HighLevelStruct next::Any type::MicromapTypeEXT flags::BuildMicromapFlagEXT mode::BuildMicromapModeEXT dst_micromap::OptionalPtr{MicromapEXT} usage_counts::OptionalPtr{Vector{MicromapUsageEXT}} usage_counts_2::OptionalPtr{Vector{MicromapUsageEXT}} data::DeviceOrHostAddressConstKHR scratch_data::DeviceOrHostAddressKHR triangle_array::DeviceOrHostAddressConstKHR triangle_array_stride::UInt64 end """ High-level wrapper for VkMicromapCreateInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapCreateInfoEXT.html) """ @struct_hash_equal struct MicromapCreateInfoEXT <: HighLevelStruct next::Any create_flags::MicromapCreateFlagEXT buffer::Buffer offset::UInt64 size::UInt64 type::MicromapTypeEXT device_address::UInt64 end """ High-level wrapper for VkPipelineRobustnessCreateInfoEXT. Extension: VK\\_EXT\\_pipeline\\_robustness [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRobustnessCreateInfoEXT.html) """ @struct_hash_equal struct PipelineRobustnessCreateInfoEXT <: HighLevelStruct next::Any storage_buffers::PipelineRobustnessBufferBehaviorEXT uniform_buffers::PipelineRobustnessBufferBehaviorEXT vertex_inputs::PipelineRobustnessBufferBehaviorEXT images::PipelineRobustnessImageBehaviorEXT end """ High-level wrapper for VkPhysicalDevicePipelineRobustnessPropertiesEXT. Extension: VK\\_EXT\\_pipeline\\_robustness [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineRobustnessPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDevicePipelineRobustnessPropertiesEXT <: HighLevelStruct next::Any default_robustness_storage_buffers::PipelineRobustnessBufferBehaviorEXT default_robustness_uniform_buffers::PipelineRobustnessBufferBehaviorEXT default_robustness_vertex_inputs::PipelineRobustnessBufferBehaviorEXT default_robustness_images::PipelineRobustnessImageBehaviorEXT end """ High-level wrapper for VkDeviceAddressBindingCallbackDataEXT. Extension: VK\\_EXT\\_device\\_address\\_binding\\_report [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceAddressBindingCallbackDataEXT.html) """ @struct_hash_equal struct DeviceAddressBindingCallbackDataEXT <: HighLevelStruct next::Any flags::DeviceAddressBindingFlagEXT base_address::UInt64 size::UInt64 binding_type::DeviceAddressBindingTypeEXT end """ High-level wrapper for VkAccelerationStructureMotionInstanceNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMotionInstanceNV.html) """ @struct_hash_equal struct AccelerationStructureMotionInstanceNV <: HighLevelStruct type::AccelerationStructureMotionInstanceTypeNV flags::UInt32 data::AccelerationStructureMotionInstanceDataNV end """ High-level wrapper for VkPipelineRasterizationProvokingVertexStateCreateInfoEXT. Extension: VK\\_EXT\\_provoking\\_vertex [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationProvokingVertexStateCreateInfoEXT.html) """ @struct_hash_equal struct PipelineRasterizationProvokingVertexStateCreateInfoEXT <: HighLevelStruct next::Any provoking_vertex_mode::ProvokingVertexModeEXT end """ High-level wrapper for VkRenderPassSubpassFeedbackInfoEXT. Extension: VK\\_EXT\\_subpass\\_merge\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassSubpassFeedbackInfoEXT.html) """ @struct_hash_equal struct RenderPassSubpassFeedbackInfoEXT <: HighLevelStruct subpass_merge_status::SubpassMergeStatusEXT description::String post_merge_index::UInt32 end """ High-level wrapper for VkRenderPassSubpassFeedbackCreateInfoEXT. Extension: VK\\_EXT\\_subpass\\_merge\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassSubpassFeedbackCreateInfoEXT.html) """ @struct_hash_equal struct RenderPassSubpassFeedbackCreateInfoEXT <: HighLevelStruct next::Any subpass_feedback::RenderPassSubpassFeedbackInfoEXT end """ High-level wrapper for VkPipelineFragmentShadingRateStateCreateInfoKHR. Extension: VK\\_KHR\\_fragment\\_shading\\_rate [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineFragmentShadingRateStateCreateInfoKHR.html) """ @struct_hash_equal struct PipelineFragmentShadingRateStateCreateInfoKHR <: HighLevelStruct next::Any fragment_size::Extent2D combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR} end """ High-level wrapper for VkPipelineFragmentShadingRateEnumStateCreateInfoNV. Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineFragmentShadingRateEnumStateCreateInfoNV.html) """ @struct_hash_equal struct PipelineFragmentShadingRateEnumStateCreateInfoNV <: HighLevelStruct next::Any shading_rate_type::FragmentShadingRateTypeNV shading_rate::FragmentShadingRateNV combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR} end """ High-level wrapper for VkPipelineRasterizationLineStateCreateInfoEXT. Extension: VK\\_EXT\\_line\\_rasterization [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationLineStateCreateInfoEXT.html) """ @struct_hash_equal struct PipelineRasterizationLineStateCreateInfoEXT <: HighLevelStruct next::Any line_rasterization_mode::LineRasterizationModeEXT stippled_line_enable::Bool line_stipple_factor::UInt32 line_stipple_pattern::UInt16 end """ High-level wrapper for VkPipelineExecutableStatisticKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableStatisticKHR.html) """ @struct_hash_equal struct PipelineExecutableStatisticKHR <: HighLevelStruct next::Any name::String description::String format::PipelineExecutableStatisticFormatKHR value::PipelineExecutableStatisticValueKHR end """ High-level wrapper for VkPhysicalDeviceFloatControlsProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFloatControlsProperties.html) """ @struct_hash_equal struct PhysicalDeviceFloatControlsProperties <: HighLevelStruct next::Any denorm_behavior_independence::ShaderFloatControlsIndependence rounding_mode_independence::ShaderFloatControlsIndependence shader_signed_zero_inf_nan_preserve_float_16::Bool shader_signed_zero_inf_nan_preserve_float_32::Bool shader_signed_zero_inf_nan_preserve_float_64::Bool shader_denorm_preserve_float_16::Bool shader_denorm_preserve_float_32::Bool shader_denorm_preserve_float_64::Bool shader_denorm_flush_to_zero_float_16::Bool shader_denorm_flush_to_zero_float_32::Bool shader_denorm_flush_to_zero_float_64::Bool shader_rounding_mode_rte_float_16::Bool shader_rounding_mode_rte_float_32::Bool shader_rounding_mode_rte_float_64::Bool shader_rounding_mode_rtz_float_16::Bool shader_rounding_mode_rtz_float_32::Bool shader_rounding_mode_rtz_float_64::Bool end """ High-level wrapper for VkPerformanceValueINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceValueINTEL.html) """ @struct_hash_equal struct PerformanceValueINTEL <: HighLevelStruct type::PerformanceValueTypeINTEL data::PerformanceValueDataINTEL end """ High-level wrapper for VkPerformanceOverrideInfoINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceOverrideInfoINTEL.html) """ @struct_hash_equal struct PerformanceOverrideInfoINTEL <: HighLevelStruct next::Any type::PerformanceOverrideTypeINTEL enable::Bool parameter::UInt64 end """ High-level wrapper for VkQueryPoolPerformanceQueryCreateInfoINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueryPoolPerformanceQueryCreateInfoINTEL.html) """ @struct_hash_equal struct QueryPoolPerformanceQueryCreateInfoINTEL <: HighLevelStruct next::Any performance_counters_sampling::QueryPoolSamplingModeINTEL end """ High-level wrapper for VkPerformanceConfigurationAcquireInfoINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceConfigurationAcquireInfoINTEL.html) """ @struct_hash_equal struct PerformanceConfigurationAcquireInfoINTEL <: HighLevelStruct next::Any type::PerformanceConfigurationTypeINTEL end """ High-level wrapper for VkPerformanceCounterKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceCounterKHR.html) """ @struct_hash_equal struct PerformanceCounterKHR <: HighLevelStruct next::Any unit::PerformanceCounterUnitKHR scope::PerformanceCounterScopeKHR storage::PerformanceCounterStorageKHR uuid::NTuple{Int(VK_UUID_SIZE), UInt8} end """ High-level wrapper for VkCooperativeMatrixPropertiesNV. Extension: VK\\_NV\\_cooperative\\_matrix [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCooperativeMatrixPropertiesNV.html) """ @struct_hash_equal struct CooperativeMatrixPropertiesNV <: HighLevelStruct next::Any m_size::UInt32 n_size::UInt32 k_size::UInt32 a_type::ComponentTypeNV b_type::ComponentTypeNV c_type::ComponentTypeNV d_type::ComponentTypeNV scope::ScopeNV end """ High-level wrapper for VkDeviceMemoryOverallocationCreateInfoAMD. Extension: VK\\_AMD\\_memory\\_overallocation\\_behavior [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceMemoryOverallocationCreateInfoAMD.html) """ @struct_hash_equal struct DeviceMemoryOverallocationCreateInfoAMD <: HighLevelStruct next::Any overallocation_behavior::MemoryOverallocationBehaviorAMD end """ High-level wrapper for VkRayTracingShaderGroupCreateInfoNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingShaderGroupCreateInfoNV.html) """ @struct_hash_equal struct RayTracingShaderGroupCreateInfoNV <: HighLevelStruct next::Any type::RayTracingShaderGroupTypeKHR general_shader::UInt32 closest_hit_shader::UInt32 any_hit_shader::UInt32 intersection_shader::UInt32 end """ High-level wrapper for VkRayTracingPipelineCreateInfoNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingPipelineCreateInfoNV.html) """ @struct_hash_equal struct RayTracingPipelineCreateInfoNV <: HighLevelStruct next::Any flags::PipelineCreateFlag stages::Vector{PipelineShaderStageCreateInfo} groups::Vector{RayTracingShaderGroupCreateInfoNV} max_recursion_depth::UInt32 layout::PipelineLayout base_pipeline_handle::OptionalPtr{Pipeline} base_pipeline_index::Int32 end """ High-level wrapper for VkRayTracingShaderGroupCreateInfoKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingShaderGroupCreateInfoKHR.html) """ @struct_hash_equal struct RayTracingShaderGroupCreateInfoKHR <: HighLevelStruct next::Any type::RayTracingShaderGroupTypeKHR general_shader::UInt32 closest_hit_shader::UInt32 any_hit_shader::UInt32 intersection_shader::UInt32 shader_group_capture_replay_handle::OptionalPtr{Ptr{Cvoid}} end """ High-level wrapper for VkAccelerationStructureMemoryRequirementsInfoNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMemoryRequirementsInfoNV.html) """ @struct_hash_equal struct AccelerationStructureMemoryRequirementsInfoNV <: HighLevelStruct next::Any type::AccelerationStructureMemoryRequirementsTypeNV acceleration_structure::AccelerationStructureNV end """ High-level wrapper for VkAccelerationStructureGeometryKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryKHR.html) """ @struct_hash_equal struct AccelerationStructureGeometryKHR <: HighLevelStruct next::Any geometry_type::GeometryTypeKHR geometry::AccelerationStructureGeometryDataKHR flags::GeometryFlagKHR end """ High-level wrapper for VkAccelerationStructureCreateInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureCreateInfoKHR.html) """ @struct_hash_equal struct AccelerationStructureCreateInfoKHR <: HighLevelStruct next::Any create_flags::AccelerationStructureCreateFlagKHR buffer::Buffer offset::UInt64 size::UInt64 type::AccelerationStructureTypeKHR device_address::UInt64 end """ High-level wrapper for VkAccelerationStructureBuildGeometryInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureBuildGeometryInfoKHR.html) """ @struct_hash_equal struct AccelerationStructureBuildGeometryInfoKHR <: HighLevelStruct next::Any type::AccelerationStructureTypeKHR flags::BuildAccelerationStructureFlagKHR mode::BuildAccelerationStructureModeKHR src_acceleration_structure::OptionalPtr{AccelerationStructureKHR} dst_acceleration_structure::OptionalPtr{AccelerationStructureKHR} geometries::OptionalPtr{Vector{AccelerationStructureGeometryKHR}} geometries_2::OptionalPtr{Vector{AccelerationStructureGeometryKHR}} scratch_data::DeviceOrHostAddressKHR end """ High-level wrapper for VkCopyAccelerationStructureInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyAccelerationStructureInfoKHR.html) """ @struct_hash_equal struct CopyAccelerationStructureInfoKHR <: HighLevelStruct next::Any src::AccelerationStructureKHR dst::AccelerationStructureKHR mode::CopyAccelerationStructureModeKHR end """ High-level wrapper for VkCopyAccelerationStructureToMemoryInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyAccelerationStructureToMemoryInfoKHR.html) """ @struct_hash_equal struct CopyAccelerationStructureToMemoryInfoKHR <: HighLevelStruct next::Any src::AccelerationStructureKHR dst::DeviceOrHostAddressKHR mode::CopyAccelerationStructureModeKHR end """ High-level wrapper for VkCopyMemoryToAccelerationStructureInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryToAccelerationStructureInfoKHR.html) """ @struct_hash_equal struct CopyMemoryToAccelerationStructureInfoKHR <: HighLevelStruct next::Any src::DeviceOrHostAddressConstKHR dst::AccelerationStructureKHR mode::CopyAccelerationStructureModeKHR end """ High-level wrapper for VkShadingRatePaletteNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShadingRatePaletteNV.html) """ @struct_hash_equal struct ShadingRatePaletteNV <: HighLevelStruct shading_rate_palette_entries::Vector{ShadingRatePaletteEntryNV} end """ High-level wrapper for VkPipelineViewportShadingRateImageStateCreateInfoNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportShadingRateImageStateCreateInfoNV.html) """ @struct_hash_equal struct PipelineViewportShadingRateImageStateCreateInfoNV <: HighLevelStruct next::Any shading_rate_image_enable::Bool shading_rate_palettes::Vector{ShadingRatePaletteNV} end """ High-level wrapper for VkCoarseSampleOrderCustomNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCoarseSampleOrderCustomNV.html) """ @struct_hash_equal struct CoarseSampleOrderCustomNV <: HighLevelStruct shading_rate::ShadingRatePaletteEntryNV sample_count::UInt32 sample_locations::Vector{CoarseSampleLocationNV} end """ High-level wrapper for VkPipelineViewportCoarseSampleOrderStateCreateInfoNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportCoarseSampleOrderStateCreateInfoNV.html) """ @struct_hash_equal struct PipelineViewportCoarseSampleOrderStateCreateInfoNV <: HighLevelStruct next::Any sample_order_type::CoarseSampleOrderTypeNV custom_sample_orders::Vector{CoarseSampleOrderCustomNV} end """ High-level wrapper for VkPhysicalDeviceDriverProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDriverProperties.html) """ @struct_hash_equal struct PhysicalDeviceDriverProperties <: HighLevelStruct next::Any driver_id::DriverId driver_name::String driver_info::String conformance_version::ConformanceVersion end """ High-level wrapper for VkPhysicalDeviceVulkan12Properties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan12Properties.html) """ @struct_hash_equal struct PhysicalDeviceVulkan12Properties <: HighLevelStruct next::Any driver_id::DriverId driver_name::String driver_info::String conformance_version::ConformanceVersion denorm_behavior_independence::ShaderFloatControlsIndependence rounding_mode_independence::ShaderFloatControlsIndependence shader_signed_zero_inf_nan_preserve_float_16::Bool shader_signed_zero_inf_nan_preserve_float_32::Bool shader_signed_zero_inf_nan_preserve_float_64::Bool shader_denorm_preserve_float_16::Bool shader_denorm_preserve_float_32::Bool shader_denorm_preserve_float_64::Bool shader_denorm_flush_to_zero_float_16::Bool shader_denorm_flush_to_zero_float_32::Bool shader_denorm_flush_to_zero_float_64::Bool shader_rounding_mode_rte_float_16::Bool shader_rounding_mode_rte_float_32::Bool shader_rounding_mode_rte_float_64::Bool shader_rounding_mode_rtz_float_16::Bool shader_rounding_mode_rtz_float_32::Bool shader_rounding_mode_rtz_float_64::Bool max_update_after_bind_descriptors_in_all_pools::UInt32 shader_uniform_buffer_array_non_uniform_indexing_native::Bool shader_sampled_image_array_non_uniform_indexing_native::Bool shader_storage_buffer_array_non_uniform_indexing_native::Bool shader_storage_image_array_non_uniform_indexing_native::Bool shader_input_attachment_array_non_uniform_indexing_native::Bool robust_buffer_access_update_after_bind::Bool quad_divergent_implicit_lod::Bool max_per_stage_descriptor_update_after_bind_samplers::UInt32 max_per_stage_descriptor_update_after_bind_uniform_buffers::UInt32 max_per_stage_descriptor_update_after_bind_storage_buffers::UInt32 max_per_stage_descriptor_update_after_bind_sampled_images::UInt32 max_per_stage_descriptor_update_after_bind_storage_images::UInt32 max_per_stage_descriptor_update_after_bind_input_attachments::UInt32 max_per_stage_update_after_bind_resources::UInt32 max_descriptor_set_update_after_bind_samplers::UInt32 max_descriptor_set_update_after_bind_uniform_buffers::UInt32 max_descriptor_set_update_after_bind_uniform_buffers_dynamic::UInt32 max_descriptor_set_update_after_bind_storage_buffers::UInt32 max_descriptor_set_update_after_bind_storage_buffers_dynamic::UInt32 max_descriptor_set_update_after_bind_sampled_images::UInt32 max_descriptor_set_update_after_bind_storage_images::UInt32 max_descriptor_set_update_after_bind_input_attachments::UInt32 supported_depth_resolve_modes::ResolveModeFlag supported_stencil_resolve_modes::ResolveModeFlag independent_resolve_none::Bool independent_resolve::Bool filter_minmax_single_component_formats::Bool filter_minmax_image_component_mapping::Bool max_timeline_semaphore_value_difference::UInt64 framebuffer_integer_color_sample_counts::SampleCountFlag end """ High-level wrapper for VkPipelineRasterizationConservativeStateCreateInfoEXT. Extension: VK\\_EXT\\_conservative\\_rasterization [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationConservativeStateCreateInfoEXT.html) """ @struct_hash_equal struct PipelineRasterizationConservativeStateCreateInfoEXT <: HighLevelStruct next::Any flags::UInt32 conservative_rasterization_mode::ConservativeRasterizationModeEXT extra_primitive_overestimation_size::Float32 end """ High-level wrapper for VkDeviceQueueGlobalPriorityCreateInfoKHR. Extension: VK\\_KHR\\_global\\_priority [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceQueueGlobalPriorityCreateInfoKHR.html) """ @struct_hash_equal struct DeviceQueueGlobalPriorityCreateInfoKHR <: HighLevelStruct next::Any global_priority::QueueGlobalPriorityKHR end """ High-level wrapper for VkQueueFamilyGlobalPriorityPropertiesKHR. Extension: VK\\_KHR\\_global\\_priority [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyGlobalPriorityPropertiesKHR.html) """ @struct_hash_equal struct QueueFamilyGlobalPriorityPropertiesKHR <: HighLevelStruct next::Any priority_count::UInt32 priorities::NTuple{Int(VK_MAX_GLOBAL_PRIORITY_SIZE_KHR), QueueGlobalPriorityKHR} end """ High-level wrapper for VkPipelineCoverageReductionStateCreateInfoNV. Extension: VK\\_NV\\_coverage\\_reduction\\_mode [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCoverageReductionStateCreateInfoNV.html) """ @struct_hash_equal struct PipelineCoverageReductionStateCreateInfoNV <: HighLevelStruct next::Any flags::UInt32 coverage_reduction_mode::CoverageReductionModeNV end """ High-level wrapper for VkFramebufferMixedSamplesCombinationNV. Extension: VK\\_NV\\_coverage\\_reduction\\_mode [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferMixedSamplesCombinationNV.html) """ @struct_hash_equal struct FramebufferMixedSamplesCombinationNV <: HighLevelStruct next::Any coverage_reduction_mode::CoverageReductionModeNV rasterization_samples::SampleCountFlag depth_stencil_samples::SampleCountFlag color_samples::SampleCountFlag end """ High-level wrapper for VkPipelineCoverageModulationStateCreateInfoNV. Extension: VK\\_NV\\_framebuffer\\_mixed\\_samples [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCoverageModulationStateCreateInfoNV.html) """ @struct_hash_equal struct PipelineCoverageModulationStateCreateInfoNV <: HighLevelStruct next::Any flags::UInt32 coverage_modulation_mode::CoverageModulationModeNV coverage_modulation_table_enable::Bool coverage_modulation_table::OptionalPtr{Vector{Float32}} end """ High-level wrapper for VkPipelineColorBlendAdvancedStateCreateInfoEXT. Extension: VK\\_EXT\\_blend\\_operation\\_advanced [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorBlendAdvancedStateCreateInfoEXT.html) """ @struct_hash_equal struct PipelineColorBlendAdvancedStateCreateInfoEXT <: HighLevelStruct next::Any src_premultiplied::Bool dst_premultiplied::Bool blend_overlap::BlendOverlapEXT end """ High-level wrapper for VkPipelineTessellationDomainOriginStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineTessellationDomainOriginStateCreateInfo.html) """ @struct_hash_equal struct PipelineTessellationDomainOriginStateCreateInfo <: HighLevelStruct next::Any domain_origin::TessellationDomainOrigin end """ High-level wrapper for VkSamplerReductionModeCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerReductionModeCreateInfo.html) """ @struct_hash_equal struct SamplerReductionModeCreateInfo <: HighLevelStruct next::Any reduction_mode::SamplerReductionMode end """ High-level wrapper for VkPhysicalDevicePointClippingProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePointClippingProperties.html) """ @struct_hash_equal struct PhysicalDevicePointClippingProperties <: HighLevelStruct next::Any point_clipping_behavior::PointClippingBehavior end """ High-level wrapper for VkPhysicalDeviceVulkan11Properties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan11Properties.html) """ @struct_hash_equal struct PhysicalDeviceVulkan11Properties <: HighLevelStruct next::Any device_uuid::NTuple{Int(VK_UUID_SIZE), UInt8} driver_uuid::NTuple{Int(VK_UUID_SIZE), UInt8} device_luid::NTuple{Int(VK_LUID_SIZE), UInt8} device_node_mask::UInt32 device_luid_valid::Bool subgroup_size::UInt32 subgroup_supported_stages::ShaderStageFlag subgroup_supported_operations::SubgroupFeatureFlag subgroup_quad_operations_in_all_stages::Bool point_clipping_behavior::PointClippingBehavior max_multiview_view_count::UInt32 max_multiview_instance_index::UInt32 protected_no_fault::Bool max_per_set_descriptors::UInt32 max_memory_allocation_size::UInt64 end """ High-level wrapper for VkPipelineDiscardRectangleStateCreateInfoEXT. Extension: VK\\_EXT\\_discard\\_rectangles [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineDiscardRectangleStateCreateInfoEXT.html) """ @struct_hash_equal struct PipelineDiscardRectangleStateCreateInfoEXT <: HighLevelStruct next::Any flags::UInt32 discard_rectangle_mode::DiscardRectangleModeEXT discard_rectangles::Vector{Rect2D} end """ High-level wrapper for VkViewportSwizzleNV. Extension: VK\\_NV\\_viewport\\_swizzle [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkViewportSwizzleNV.html) """ @struct_hash_equal struct ViewportSwizzleNV <: HighLevelStruct x::ViewportCoordinateSwizzleNV y::ViewportCoordinateSwizzleNV z::ViewportCoordinateSwizzleNV w::ViewportCoordinateSwizzleNV end """ High-level wrapper for VkPipelineViewportSwizzleStateCreateInfoNV. Extension: VK\\_NV\\_viewport\\_swizzle [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportSwizzleStateCreateInfoNV.html) """ @struct_hash_equal struct PipelineViewportSwizzleStateCreateInfoNV <: HighLevelStruct next::Any flags::UInt32 viewport_swizzles::Vector{ViewportSwizzleNV} end """ High-level wrapper for VkDisplayEventInfoEXT. Extension: VK\\_EXT\\_display\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayEventInfoEXT.html) """ @struct_hash_equal struct DisplayEventInfoEXT <: HighLevelStruct next::Any display_event::DisplayEventTypeEXT end """ High-level wrapper for VkDeviceEventInfoEXT. Extension: VK\\_EXT\\_display\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceEventInfoEXT.html) """ @struct_hash_equal struct DeviceEventInfoEXT <: HighLevelStruct next::Any device_event::DeviceEventTypeEXT end """ High-level wrapper for VkDisplayPowerInfoEXT. Extension: VK\\_EXT\\_display\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPowerInfoEXT.html) """ @struct_hash_equal struct DisplayPowerInfoEXT <: HighLevelStruct next::Any power_state::DisplayPowerStateEXT end """ High-level wrapper for VkValidationFeaturesEXT. Extension: VK\\_EXT\\_validation\\_features [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkValidationFeaturesEXT.html) """ @struct_hash_equal struct ValidationFeaturesEXT <: HighLevelStruct next::Any enabled_validation_features::Vector{ValidationFeatureEnableEXT} disabled_validation_features::Vector{ValidationFeatureDisableEXT} end """ High-level wrapper for VkValidationFlagsEXT. Extension: VK\\_EXT\\_validation\\_flags [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkValidationFlagsEXT.html) """ @struct_hash_equal struct ValidationFlagsEXT <: HighLevelStruct next::Any disabled_validation_checks::Vector{ValidationCheckEXT} end """ High-level wrapper for VkPipelineRasterizationStateRasterizationOrderAMD. Extension: VK\\_AMD\\_rasterization\\_order [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationStateRasterizationOrderAMD.html) """ @struct_hash_equal struct PipelineRasterizationStateRasterizationOrderAMD <: HighLevelStruct next::Any rasterization_order::RasterizationOrderAMD end """ High-level wrapper for VkDebugMarkerObjectNameInfoEXT. Extension: VK\\_EXT\\_debug\\_marker [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugMarkerObjectNameInfoEXT.html) """ @struct_hash_equal struct DebugMarkerObjectNameInfoEXT <: HighLevelStruct next::Any object_type::DebugReportObjectTypeEXT object::UInt64 object_name::String end """ High-level wrapper for VkDebugMarkerObjectTagInfoEXT. Extension: VK\\_EXT\\_debug\\_marker [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugMarkerObjectTagInfoEXT.html) """ @struct_hash_equal struct DebugMarkerObjectTagInfoEXT <: HighLevelStruct next::Any object_type::DebugReportObjectTypeEXT object::UInt64 tag_name::UInt64 tag_size::UInt tag::Ptr{Cvoid} end """ High-level wrapper for VkCalibratedTimestampInfoEXT. Extension: VK\\_EXT\\_calibrated\\_timestamps [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCalibratedTimestampInfoEXT.html) """ @struct_hash_equal struct CalibratedTimestampInfoEXT <: HighLevelStruct next::Any time_domain::TimeDomainEXT end """ High-level wrapper for VkSurfacePresentModeEXT. Extension: VK\\_EXT\\_surface\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfacePresentModeEXT.html) """ @struct_hash_equal struct SurfacePresentModeEXT <: HighLevelStruct next::Any present_mode::PresentModeKHR end """ High-level wrapper for VkSurfacePresentModeCompatibilityEXT. Extension: VK\\_EXT\\_surface\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfacePresentModeCompatibilityEXT.html) """ @struct_hash_equal struct SurfacePresentModeCompatibilityEXT <: HighLevelStruct next::Any present_modes::OptionalPtr{Vector{PresentModeKHR}} end """ High-level wrapper for VkSwapchainPresentModesCreateInfoEXT. Extension: VK\\_EXT\\_swapchain\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentModesCreateInfoEXT.html) """ @struct_hash_equal struct SwapchainPresentModesCreateInfoEXT <: HighLevelStruct next::Any present_modes::Vector{PresentModeKHR} end """ High-level wrapper for VkSwapchainPresentModeInfoEXT. Extension: VK\\_EXT\\_swapchain\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentModeInfoEXT.html) """ @struct_hash_equal struct SwapchainPresentModeInfoEXT <: HighLevelStruct next::Any present_modes::Vector{PresentModeKHR} end """ High-level wrapper for VkSemaphoreTypeCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreTypeCreateInfo.html) """ @struct_hash_equal struct SemaphoreTypeCreateInfo <: HighLevelStruct next::Any semaphore_type::SemaphoreType initial_value::UInt64 end """ High-level wrapper for VkDirectDriverLoadingListLUNARG. Extension: VK\\_LUNARG\\_direct\\_driver\\_loading [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDirectDriverLoadingListLUNARG.html) """ @struct_hash_equal struct DirectDriverLoadingListLUNARG <: HighLevelStruct next::Any mode::DirectDriverLoadingModeLUNARG drivers::Vector{DirectDriverLoadingInfoLUNARG} end """ High-level wrapper for VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV. Extension: VK\\_NV\\_ray\\_tracing\\_invocation\\_reorder [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV.html) """ @struct_hash_equal struct PhysicalDeviceRayTracingInvocationReorderPropertiesNV <: HighLevelStruct next::Any ray_tracing_invocation_reorder_reordering_hint::RayTracingInvocationReorderModeNV end """ High-level wrapper for VkDebugUtilsObjectNameInfoEXT. Extension: VK\\_EXT\\_debug\\_utils [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsObjectNameInfoEXT.html) """ @struct_hash_equal struct DebugUtilsObjectNameInfoEXT <: HighLevelStruct next::Any object_type::ObjectType object_handle::UInt64 object_name::String end """ High-level wrapper for VkDebugUtilsMessengerCallbackDataEXT. Extension: VK\\_EXT\\_debug\\_utils [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsMessengerCallbackDataEXT.html) """ @struct_hash_equal struct DebugUtilsMessengerCallbackDataEXT <: HighLevelStruct next::Any flags::UInt32 message_id_name::String message_id_number::Int32 message::String queue_labels::Vector{DebugUtilsLabelEXT} cmd_buf_labels::Vector{DebugUtilsLabelEXT} objects::Vector{DebugUtilsObjectNameInfoEXT} end """ High-level wrapper for VkDebugUtilsObjectTagInfoEXT. Extension: VK\\_EXT\\_debug\\_utils [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsObjectTagInfoEXT.html) """ @struct_hash_equal struct DebugUtilsObjectTagInfoEXT <: HighLevelStruct next::Any object_type::ObjectType object_handle::UInt64 tag_name::UInt64 tag_size::UInt tag::Ptr{Cvoid} end """ High-level wrapper for VkDeviceMemoryReportCallbackDataEXT. Extension: VK\\_EXT\\_device\\_memory\\_report [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceMemoryReportCallbackDataEXT.html) """ @struct_hash_equal struct DeviceMemoryReportCallbackDataEXT <: HighLevelStruct next::Any flags::UInt32 type::DeviceMemoryReportEventTypeEXT memory_object_id::UInt64 size::UInt64 object_type::ObjectType object_handle::UInt64 heap_index::UInt32 end """ High-level wrapper for VkPipelineDynamicStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineDynamicStateCreateInfo.html) """ @struct_hash_equal struct PipelineDynamicStateCreateInfo <: HighLevelStruct next::Any flags::UInt32 dynamic_states::Vector{DynamicState} end """ High-level wrapper for VkRayTracingPipelineCreateInfoKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingPipelineCreateInfoKHR.html) """ @struct_hash_equal struct RayTracingPipelineCreateInfoKHR <: HighLevelStruct next::Any flags::PipelineCreateFlag stages::Vector{PipelineShaderStageCreateInfo} groups::Vector{RayTracingShaderGroupCreateInfoKHR} max_pipeline_ray_recursion_depth::UInt32 library_info::OptionalPtr{PipelineLibraryCreateInfoKHR} library_interface::OptionalPtr{RayTracingPipelineInterfaceCreateInfoKHR} dynamic_state::OptionalPtr{PipelineDynamicStateCreateInfo} layout::PipelineLayout base_pipeline_handle::OptionalPtr{Pipeline} base_pipeline_index::Int32 end """ High-level wrapper for VkPresentInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentInfoKHR.html) """ @struct_hash_equal struct PresentInfoKHR <: HighLevelStruct next::Any wait_semaphores::Vector{Semaphore} swapchains::Vector{SwapchainKHR} image_indices::Vector{UInt32} results::OptionalPtr{Vector{Result}} end """ High-level wrapper for VkSubpassBeginInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassBeginInfo.html) """ @struct_hash_equal struct SubpassBeginInfo <: HighLevelStruct next::Any contents::SubpassContents end """ High-level wrapper for VkBufferViewCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferViewCreateInfo.html) """ @struct_hash_equal struct BufferViewCreateInfo <: HighLevelStruct next::Any flags::UInt32 buffer::Buffer format::Format offset::UInt64 range::UInt64 end """ High-level wrapper for VkVertexInputAttributeDescription. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputAttributeDescription.html) """ @struct_hash_equal struct VertexInputAttributeDescription <: HighLevelStruct location::UInt32 binding::UInt32 format::Format offset::UInt32 end """ High-level wrapper for VkSurfaceFormatKHR. Extension: VK\\_KHR\\_surface [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceFormatKHR.html) """ @struct_hash_equal struct SurfaceFormatKHR <: HighLevelStruct format::Format color_space::ColorSpaceKHR end """ High-level wrapper for VkSurfaceFormat2KHR. Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceFormat2KHR.html) """ @struct_hash_equal struct SurfaceFormat2KHR <: HighLevelStruct next::Any surface_format::SurfaceFormatKHR end """ High-level wrapper for VkImageFormatListCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageFormatListCreateInfo.html) """ @struct_hash_equal struct ImageFormatListCreateInfo <: HighLevelStruct next::Any view_formats::Vector{Format} end """ High-level wrapper for VkImageViewASTCDecodeModeEXT. Extension: VK\\_EXT\\_astc\\_decode\\_mode [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewASTCDecodeModeEXT.html) """ @struct_hash_equal struct ImageViewASTCDecodeModeEXT <: HighLevelStruct next::Any decode_mode::Format end """ High-level wrapper for VkFramebufferAttachmentImageInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferAttachmentImageInfo.html) """ @struct_hash_equal struct FramebufferAttachmentImageInfo <: HighLevelStruct next::Any flags::ImageCreateFlag usage::ImageUsageFlag width::UInt32 height::UInt32 layer_count::UInt32 view_formats::Vector{Format} end """ High-level wrapper for VkFramebufferAttachmentsCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferAttachmentsCreateInfo.html) """ @struct_hash_equal struct FramebufferAttachmentsCreateInfo <: HighLevelStruct next::Any attachment_image_infos::Vector{FramebufferAttachmentImageInfo} end """ High-level wrapper for VkSamplerCustomBorderColorCreateInfoEXT. Extension: VK\\_EXT\\_custom\\_border\\_color [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerCustomBorderColorCreateInfoEXT.html) """ @struct_hash_equal struct SamplerCustomBorderColorCreateInfoEXT <: HighLevelStruct next::Any custom_border_color::ClearColorValue format::Format end """ High-level wrapper for VkVertexInputAttributeDescription2EXT. Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputAttributeDescription2EXT.html) """ @struct_hash_equal struct VertexInputAttributeDescription2EXT <: HighLevelStruct next::Any location::UInt32 binding::UInt32 format::Format offset::UInt32 end """ High-level wrapper for VkVideoSessionCreateInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionCreateInfoKHR.html) """ @struct_hash_equal struct VideoSessionCreateInfoKHR <: HighLevelStruct next::Any queue_family_index::UInt32 flags::VideoSessionCreateFlagKHR video_profile::VideoProfileInfoKHR picture_format::Format max_coded_extent::Extent2D reference_picture_format::Format max_dpb_slots::UInt32 max_active_reference_pictures::UInt32 std_header_version::ExtensionProperties end """ High-level wrapper for VkDescriptorAddressInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorAddressInfoEXT.html) """ @struct_hash_equal struct DescriptorAddressInfoEXT <: HighLevelStruct next::Any address::UInt64 range::UInt64 format::Format end """ High-level wrapper for VkPipelineRenderingCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRenderingCreateInfo.html) """ @struct_hash_equal struct PipelineRenderingCreateInfo <: HighLevelStruct next::Any view_mask::UInt32 color_attachment_formats::Vector{Format} depth_attachment_format::Format stencil_attachment_format::Format end """ High-level wrapper for VkCommandBufferInheritanceRenderingInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceRenderingInfo.html) """ @struct_hash_equal struct CommandBufferInheritanceRenderingInfo <: HighLevelStruct next::Any flags::RenderingFlag view_mask::UInt32 color_attachment_formats::Vector{Format} depth_attachment_format::Format stencil_attachment_format::Format rasterization_samples::SampleCountFlag end """ High-level wrapper for VkOpticalFlowImageFormatPropertiesNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowImageFormatPropertiesNV.html) """ @struct_hash_equal struct OpticalFlowImageFormatPropertiesNV <: HighLevelStruct next::Any format::Format end """ High-level wrapper for VkOpticalFlowSessionCreateInfoNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowSessionCreateInfoNV.html) """ @struct_hash_equal struct OpticalFlowSessionCreateInfoNV <: HighLevelStruct next::Any width::UInt32 height::UInt32 image_format::Format flow_vector_format::Format cost_format::Format output_grid_size::OpticalFlowGridSizeFlagNV hint_grid_size::OpticalFlowGridSizeFlagNV performance_level::OpticalFlowPerformanceLevelNV flags::OpticalFlowSessionCreateFlagNV end """ High-level wrapper for VkVertexInputBindingDescription. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputBindingDescription.html) """ @struct_hash_equal struct VertexInputBindingDescription <: HighLevelStruct binding::UInt32 stride::UInt32 input_rate::VertexInputRate end """ High-level wrapper for VkPipelineVertexInputStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineVertexInputStateCreateInfo.html) """ @struct_hash_equal struct PipelineVertexInputStateCreateInfo <: HighLevelStruct next::Any flags::UInt32 vertex_binding_descriptions::Vector{VertexInputBindingDescription} vertex_attribute_descriptions::Vector{VertexInputAttributeDescription} end """ High-level wrapper for VkGraphicsShaderGroupCreateInfoNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsShaderGroupCreateInfoNV.html) """ @struct_hash_equal struct GraphicsShaderGroupCreateInfoNV <: HighLevelStruct next::Any stages::Vector{PipelineShaderStageCreateInfo} vertex_input_state::OptionalPtr{PipelineVertexInputStateCreateInfo} tessellation_state::OptionalPtr{PipelineTessellationStateCreateInfo} end """ High-level wrapper for VkGraphicsPipelineShaderGroupsCreateInfoNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsPipelineShaderGroupsCreateInfoNV.html) """ @struct_hash_equal struct GraphicsPipelineShaderGroupsCreateInfoNV <: HighLevelStruct next::Any groups::Vector{GraphicsShaderGroupCreateInfoNV} pipelines::Vector{Pipeline} end """ High-level wrapper for VkVertexInputBindingDescription2EXT. Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputBindingDescription2EXT.html) """ @struct_hash_equal struct VertexInputBindingDescription2EXT <: HighLevelStruct next::Any binding::UInt32 stride::UInt32 input_rate::VertexInputRate divisor::UInt32 end """ High-level wrapper for VkPhysicalDeviceProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProperties.html) """ @struct_hash_equal struct PhysicalDeviceProperties <: HighLevelStruct api_version::VersionNumber driver_version::VersionNumber vendor_id::UInt32 device_id::UInt32 device_type::PhysicalDeviceType device_name::String pipeline_cache_uuid::NTuple{Int(VK_UUID_SIZE), UInt8} limits::PhysicalDeviceLimits sparse_properties::PhysicalDeviceSparseProperties end """ High-level wrapper for VkPhysicalDeviceProperties2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProperties2.html) """ @struct_hash_equal struct PhysicalDeviceProperties2 <: HighLevelStruct next::Any properties::PhysicalDeviceProperties end """ High-level wrapper for VkColorBlendAdvancedEXT. Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkColorBlendAdvancedEXT.html) """ @struct_hash_equal struct ColorBlendAdvancedEXT <: HighLevelStruct advanced_blend_op::BlendOp src_premultiplied::Bool dst_premultiplied::Bool blend_overlap::BlendOverlapEXT clamp_results::Bool end """ High-level wrapper for VkPipelineColorBlendAttachmentState. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorBlendAttachmentState.html) """ @struct_hash_equal struct PipelineColorBlendAttachmentState <: HighLevelStruct blend_enable::Bool src_color_blend_factor::BlendFactor dst_color_blend_factor::BlendFactor color_blend_op::BlendOp src_alpha_blend_factor::BlendFactor dst_alpha_blend_factor::BlendFactor alpha_blend_op::BlendOp color_write_mask::ColorComponentFlag end """ High-level wrapper for VkPipelineColorBlendStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorBlendStateCreateInfo.html) """ @struct_hash_equal struct PipelineColorBlendStateCreateInfo <: HighLevelStruct next::Any flags::PipelineColorBlendStateCreateFlag logic_op_enable::Bool logic_op::LogicOp attachments::OptionalPtr{Vector{PipelineColorBlendAttachmentState}} blend_constants::NTuple{4, Float32} end """ High-level wrapper for VkColorBlendEquationEXT. Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkColorBlendEquationEXT.html) """ @struct_hash_equal struct ColorBlendEquationEXT <: HighLevelStruct src_color_blend_factor::BlendFactor dst_color_blend_factor::BlendFactor color_blend_op::BlendOp src_alpha_blend_factor::BlendFactor dst_alpha_blend_factor::BlendFactor alpha_blend_op::BlendOp end """ High-level wrapper for VkPipelineRasterizationStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationStateCreateInfo.html) """ @struct_hash_equal struct PipelineRasterizationStateCreateInfo <: HighLevelStruct next::Any flags::UInt32 depth_clamp_enable::Bool rasterizer_discard_enable::Bool polygon_mode::PolygonMode cull_mode::CullModeFlag front_face::FrontFace depth_bias_enable::Bool depth_bias_constant_factor::Float32 depth_bias_clamp::Float32 depth_bias_slope_factor::Float32 line_width::Float32 end """ High-level wrapper for VkStencilOpState. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkStencilOpState.html) """ @struct_hash_equal struct StencilOpState <: HighLevelStruct fail_op::StencilOp pass_op::StencilOp depth_fail_op::StencilOp compare_op::CompareOp compare_mask::UInt32 write_mask::UInt32 reference::UInt32 end """ High-level wrapper for VkPipelineDepthStencilStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineDepthStencilStateCreateInfo.html) """ @struct_hash_equal struct PipelineDepthStencilStateCreateInfo <: HighLevelStruct next::Any flags::PipelineDepthStencilStateCreateFlag depth_test_enable::Bool depth_write_enable::Bool depth_compare_op::CompareOp depth_bounds_test_enable::Bool stencil_test_enable::Bool front::StencilOpState back::StencilOpState min_depth_bounds::Float32 max_depth_bounds::Float32 end """ High-level wrapper for VkBindIndexBufferIndirectCommandNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindIndexBufferIndirectCommandNV.html) """ @struct_hash_equal struct BindIndexBufferIndirectCommandNV <: HighLevelStruct buffer_address::UInt64 size::UInt32 index_type::IndexType end """ High-level wrapper for VkIndirectCommandsLayoutTokenNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkIndirectCommandsLayoutTokenNV.html) """ @struct_hash_equal struct IndirectCommandsLayoutTokenNV <: HighLevelStruct next::Any token_type::IndirectCommandsTokenTypeNV stream::UInt32 offset::UInt32 vertex_binding_unit::UInt32 vertex_dynamic_stride::Bool pushconstant_pipeline_layout::OptionalPtr{PipelineLayout} pushconstant_shader_stage_flags::ShaderStageFlag pushconstant_offset::UInt32 pushconstant_size::UInt32 indirect_state_flags::IndirectStateFlagNV index_types::Vector{IndexType} index_type_values::Vector{UInt32} end """ High-level wrapper for VkGeometryTrianglesNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryTrianglesNV.html) """ @struct_hash_equal struct GeometryTrianglesNV <: HighLevelStruct next::Any vertex_data::OptionalPtr{Buffer} vertex_offset::UInt64 vertex_count::UInt32 vertex_stride::UInt64 vertex_format::Format index_data::OptionalPtr{Buffer} index_offset::UInt64 index_count::UInt32 index_type::IndexType transform_data::OptionalPtr{Buffer} transform_offset::UInt64 end """ High-level wrapper for VkGeometryDataNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryDataNV.html) """ @struct_hash_equal struct GeometryDataNV <: HighLevelStruct triangles::GeometryTrianglesNV aabbs::GeometryAABBNV end """ High-level wrapper for VkGeometryNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryNV.html) """ @struct_hash_equal struct GeometryNV <: HighLevelStruct next::Any geometry_type::GeometryTypeKHR geometry::GeometryDataNV flags::GeometryFlagKHR end """ High-level wrapper for VkAccelerationStructureInfoNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureInfoNV.html) """ @struct_hash_equal struct AccelerationStructureInfoNV <: HighLevelStruct next::Any type::VkAccelerationStructureTypeNV flags::OptionalPtr{VkBuildAccelerationStructureFlagsNV} instance_count::UInt32 geometries::Vector{GeometryNV} end """ High-level wrapper for VkAccelerationStructureCreateInfoNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureCreateInfoNV.html) """ @struct_hash_equal struct AccelerationStructureCreateInfoNV <: HighLevelStruct next::Any compacted_size::UInt64 info::AccelerationStructureInfoNV end """ High-level wrapper for VkAccelerationStructureGeometryTrianglesDataKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryTrianglesDataKHR.html) """ @struct_hash_equal struct AccelerationStructureGeometryTrianglesDataKHR <: HighLevelStruct next::Any vertex_format::Format vertex_data::DeviceOrHostAddressConstKHR vertex_stride::UInt64 max_vertex::UInt32 index_type::IndexType index_data::DeviceOrHostAddressConstKHR transform_data::DeviceOrHostAddressConstKHR end """ High-level wrapper for VkAccelerationStructureTrianglesOpacityMicromapEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureTrianglesOpacityMicromapEXT.html) """ @struct_hash_equal struct AccelerationStructureTrianglesOpacityMicromapEXT <: HighLevelStruct next::Any index_type::IndexType index_buffer::DeviceOrHostAddressConstKHR index_stride::UInt64 base_triangle::UInt32 usage_counts::OptionalPtr{Vector{MicromapUsageEXT}} usage_counts_2::OptionalPtr{Vector{MicromapUsageEXT}} micromap::MicromapEXT end """ High-level wrapper for VkBufferCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCreateInfo.html) """ @struct_hash_equal struct BufferCreateInfo <: HighLevelStruct next::Any flags::BufferCreateFlag size::UInt64 usage::BufferUsageFlag sharing_mode::SharingMode queue_family_indices::Vector{UInt32} end """ High-level wrapper for VkDeviceBufferMemoryRequirements. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceBufferMemoryRequirements.html) """ @struct_hash_equal struct DeviceBufferMemoryRequirements <: HighLevelStruct next::Any create_info::BufferCreateInfo end """ High-level wrapper for VkSwapchainCreateInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainCreateInfoKHR.html) """ @struct_hash_equal struct SwapchainCreateInfoKHR <: HighLevelStruct next::Any flags::SwapchainCreateFlagKHR surface::SurfaceKHR min_image_count::UInt32 image_format::Format image_color_space::ColorSpaceKHR image_extent::Extent2D image_array_layers::UInt32 image_usage::ImageUsageFlag image_sharing_mode::SharingMode queue_family_indices::Vector{UInt32} pre_transform::SurfaceTransformFlagKHR composite_alpha::CompositeAlphaFlagKHR present_mode::PresentModeKHR clipped::Bool old_swapchain::OptionalPtr{SwapchainKHR} end """ High-level wrapper for VkPhysicalDeviceImageDrmFormatModifierInfoEXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageDrmFormatModifierInfoEXT.html) """ @struct_hash_equal struct PhysicalDeviceImageDrmFormatModifierInfoEXT <: HighLevelStruct next::Any drm_format_modifier::UInt64 sharing_mode::SharingMode queue_family_indices::Vector{UInt32} end """ High-level wrapper for VkPipelineInputAssemblyStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineInputAssemblyStateCreateInfo.html) """ @struct_hash_equal struct PipelineInputAssemblyStateCreateInfo <: HighLevelStruct next::Any flags::UInt32 topology::PrimitiveTopology primitive_restart_enable::Bool end """ High-level wrapper for VkGraphicsPipelineCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsPipelineCreateInfo.html) """ @struct_hash_equal struct GraphicsPipelineCreateInfo <: HighLevelStruct next::Any flags::PipelineCreateFlag stages::OptionalPtr{Vector{PipelineShaderStageCreateInfo}} vertex_input_state::OptionalPtr{PipelineVertexInputStateCreateInfo} input_assembly_state::OptionalPtr{PipelineInputAssemblyStateCreateInfo} tessellation_state::OptionalPtr{PipelineTessellationStateCreateInfo} viewport_state::OptionalPtr{PipelineViewportStateCreateInfo} rasterization_state::OptionalPtr{PipelineRasterizationStateCreateInfo} multisample_state::OptionalPtr{PipelineMultisampleStateCreateInfo} depth_stencil_state::OptionalPtr{PipelineDepthStencilStateCreateInfo} color_blend_state::OptionalPtr{PipelineColorBlendStateCreateInfo} dynamic_state::OptionalPtr{PipelineDynamicStateCreateInfo} layout::OptionalPtr{PipelineLayout} render_pass::OptionalPtr{RenderPass} subpass::UInt32 base_pipeline_handle::OptionalPtr{Pipeline} base_pipeline_index::Int32 end """ High-level wrapper for VkPipelineCacheHeaderVersionOne. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCacheHeaderVersionOne.html) """ @struct_hash_equal struct PipelineCacheHeaderVersionOne <: HighLevelStruct header_size::UInt32 header_version::PipelineCacheHeaderVersion vendor_id::UInt32 device_id::UInt32 pipeline_cache_uuid::NTuple{Int(VK_UUID_SIZE), UInt8} end """ High-level wrapper for VkIndirectCommandsLayoutCreateInfoNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkIndirectCommandsLayoutCreateInfoNV.html) """ @struct_hash_equal struct IndirectCommandsLayoutCreateInfoNV <: HighLevelStruct next::Any flags::IndirectCommandsLayoutUsageFlagNV pipeline_bind_point::PipelineBindPoint tokens::Vector{IndirectCommandsLayoutTokenNV} stream_strides::Vector{UInt32} end """ High-level wrapper for VkGeneratedCommandsInfoNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeneratedCommandsInfoNV.html) """ @struct_hash_equal struct GeneratedCommandsInfoNV <: HighLevelStruct next::Any pipeline_bind_point::PipelineBindPoint pipeline::Pipeline indirect_commands_layout::IndirectCommandsLayoutNV streams::Vector{IndirectCommandsStreamNV} sequences_count::UInt32 preprocess_buffer::Buffer preprocess_offset::UInt64 preprocess_size::UInt64 sequences_count_buffer::OptionalPtr{Buffer} sequences_count_offset::UInt64 sequences_index_buffer::OptionalPtr{Buffer} sequences_index_offset::UInt64 end """ High-level wrapper for VkGeneratedCommandsMemoryRequirementsInfoNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeneratedCommandsMemoryRequirementsInfoNV.html) """ @struct_hash_equal struct GeneratedCommandsMemoryRequirementsInfoNV <: HighLevelStruct next::Any pipeline_bind_point::PipelineBindPoint pipeline::Pipeline indirect_commands_layout::IndirectCommandsLayoutNV max_sequences_count::UInt32 end """ High-level wrapper for VkSamplerCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerCreateInfo.html) """ @struct_hash_equal struct SamplerCreateInfo <: HighLevelStruct next::Any flags::SamplerCreateFlag mag_filter::Filter min_filter::Filter mipmap_mode::SamplerMipmapMode address_mode_u::SamplerAddressMode address_mode_v::SamplerAddressMode address_mode_w::SamplerAddressMode mip_lod_bias::Float32 anisotropy_enable::Bool max_anisotropy::Float32 compare_enable::Bool compare_op::CompareOp min_lod::Float32 max_lod::Float32 border_color::BorderColor unnormalized_coordinates::Bool end """ High-level wrapper for VkQueryPoolCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueryPoolCreateInfo.html) """ @struct_hash_equal struct QueryPoolCreateInfo <: HighLevelStruct next::Any flags::UInt32 query_type::QueryType query_count::UInt32 pipeline_statistics::QueryPipelineStatisticFlag end """ High-level wrapper for VkDescriptorSetLayoutBinding. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutBinding.html) """ @struct_hash_equal struct DescriptorSetLayoutBinding <: HighLevelStruct binding::UInt32 descriptor_type::DescriptorType descriptor_count::UInt32 stage_flags::ShaderStageFlag immutable_samplers::OptionalPtr{Vector{Sampler}} end """ High-level wrapper for VkDescriptorSetLayoutCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutCreateInfo.html) """ @struct_hash_equal struct DescriptorSetLayoutCreateInfo <: HighLevelStruct next::Any flags::DescriptorSetLayoutCreateFlag bindings::Vector{DescriptorSetLayoutBinding} end """ High-level wrapper for VkDescriptorPoolSize. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorPoolSize.html) """ @struct_hash_equal struct DescriptorPoolSize <: HighLevelStruct type::DescriptorType descriptor_count::UInt32 end """ High-level wrapper for VkDescriptorPoolCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorPoolCreateInfo.html) """ @struct_hash_equal struct DescriptorPoolCreateInfo <: HighLevelStruct next::Any flags::DescriptorPoolCreateFlag max_sets::UInt32 pool_sizes::Vector{DescriptorPoolSize} end """ High-level wrapper for VkDescriptorUpdateTemplateEntry. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorUpdateTemplateEntry.html) """ @struct_hash_equal struct DescriptorUpdateTemplateEntry <: HighLevelStruct dst_binding::UInt32 dst_array_element::UInt32 descriptor_count::UInt32 descriptor_type::DescriptorType offset::UInt stride::UInt end """ High-level wrapper for VkDescriptorUpdateTemplateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorUpdateTemplateCreateInfo.html) """ @struct_hash_equal struct DescriptorUpdateTemplateCreateInfo <: HighLevelStruct next::Any flags::UInt32 descriptor_update_entries::Vector{DescriptorUpdateTemplateEntry} template_type::DescriptorUpdateTemplateType descriptor_set_layout::DescriptorSetLayout pipeline_bind_point::PipelineBindPoint pipeline_layout::PipelineLayout set::UInt32 end """ High-level wrapper for VkImageViewHandleInfoNVX. Extension: VK\\_NVX\\_image\\_view\\_handle [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewHandleInfoNVX.html) """ @struct_hash_equal struct ImageViewHandleInfoNVX <: HighLevelStruct next::Any image_view::ImageView descriptor_type::DescriptorType sampler::OptionalPtr{Sampler} end """ High-level wrapper for VkMutableDescriptorTypeListEXT. Extension: VK\\_EXT\\_mutable\\_descriptor\\_type [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMutableDescriptorTypeListEXT.html) """ @struct_hash_equal struct MutableDescriptorTypeListEXT <: HighLevelStruct descriptor_types::Vector{DescriptorType} end """ High-level wrapper for VkMutableDescriptorTypeCreateInfoEXT. Extension: VK\\_EXT\\_mutable\\_descriptor\\_type [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMutableDescriptorTypeCreateInfoEXT.html) """ @struct_hash_equal struct MutableDescriptorTypeCreateInfoEXT <: HighLevelStruct next::Any mutable_descriptor_type_lists::Vector{MutableDescriptorTypeListEXT} end """ High-level wrapper for VkDescriptorGetInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorGetInfoEXT.html) """ @struct_hash_equal struct DescriptorGetInfoEXT <: HighLevelStruct next::Any type::DescriptorType data::DescriptorDataEXT end """ High-level wrapper for VkComponentMapping. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkComponentMapping.html) """ @struct_hash_equal struct ComponentMapping <: HighLevelStruct r::ComponentSwizzle g::ComponentSwizzle b::ComponentSwizzle a::ComponentSwizzle end """ High-level wrapper for VkSamplerYcbcrConversionCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerYcbcrConversionCreateInfo.html) """ @struct_hash_equal struct SamplerYcbcrConversionCreateInfo <: HighLevelStruct next::Any format::Format ycbcr_model::SamplerYcbcrModelConversion ycbcr_range::SamplerYcbcrRange components::ComponentMapping x_chroma_offset::ChromaLocation y_chroma_offset::ChromaLocation chroma_filter::Filter force_explicit_reconstruction::Bool end """ High-level wrapper for VkSamplerBorderColorComponentMappingCreateInfoEXT. Extension: VK\\_EXT\\_border\\_color\\_swizzle [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerBorderColorComponentMappingCreateInfoEXT.html) """ @struct_hash_equal struct SamplerBorderColorComponentMappingCreateInfoEXT <: HighLevelStruct next::Any components::ComponentMapping srgb::Bool end """ High-level wrapper for VkCommandBufferAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferAllocateInfo.html) """ @struct_hash_equal struct CommandBufferAllocateInfo <: HighLevelStruct next::Any command_pool::CommandPool level::CommandBufferLevel command_buffer_count::UInt32 end """ High-level wrapper for VkImageViewCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewCreateInfo.html) """ @struct_hash_equal struct ImageViewCreateInfo <: HighLevelStruct next::Any flags::ImageViewCreateFlag image::Image view_type::ImageViewType format::Format components::ComponentMapping subresource_range::ImageSubresourceRange end """ High-level wrapper for VkPhysicalDeviceImageViewImageFormatInfoEXT. Extension: VK\\_EXT\\_filter\\_cubic [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageViewImageFormatInfoEXT.html) """ @struct_hash_equal struct PhysicalDeviceImageViewImageFormatInfoEXT <: HighLevelStruct next::Any image_view_type::ImageViewType end """ High-level wrapper for VkPhysicalDeviceImageFormatInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageFormatInfo2.html) """ @struct_hash_equal struct PhysicalDeviceImageFormatInfo2 <: HighLevelStruct next::Any format::Format type::ImageType tiling::ImageTiling usage::ImageUsageFlag flags::ImageCreateFlag end """ High-level wrapper for VkPhysicalDeviceSparseImageFormatInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSparseImageFormatInfo2.html) """ @struct_hash_equal struct PhysicalDeviceSparseImageFormatInfo2 <: HighLevelStruct next::Any format::Format type::ImageType samples::SampleCountFlag usage::ImageUsageFlag tiling::ImageTiling end """ High-level wrapper for VkVideoFormatPropertiesKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoFormatPropertiesKHR.html) """ @struct_hash_equal struct VideoFormatPropertiesKHR <: HighLevelStruct next::Any format::Format component_mapping::ComponentMapping image_create_flags::ImageCreateFlag image_type::ImageType image_tiling::ImageTiling image_usage_flags::ImageUsageFlag end """ High-level wrapper for VkDescriptorImageInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorImageInfo.html) """ @struct_hash_equal struct DescriptorImageInfo <: HighLevelStruct sampler::Sampler image_view::ImageView image_layout::ImageLayout end """ High-level wrapper for VkWriteDescriptorSet. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSet.html) """ @struct_hash_equal struct WriteDescriptorSet <: HighLevelStruct next::Any dst_set::DescriptorSet dst_binding::UInt32 dst_array_element::UInt32 descriptor_count::UInt32 descriptor_type::DescriptorType image_info::Vector{DescriptorImageInfo} buffer_info::Vector{DescriptorBufferInfo} texel_buffer_view::Vector{BufferView} end """ High-level wrapper for VkImageMemoryBarrier. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageMemoryBarrier.html) """ @struct_hash_equal struct ImageMemoryBarrier <: HighLevelStruct next::Any src_access_mask::AccessFlag dst_access_mask::AccessFlag old_layout::ImageLayout new_layout::ImageLayout src_queue_family_index::UInt32 dst_queue_family_index::UInt32 image::Image subresource_range::ImageSubresourceRange end """ High-level wrapper for VkImageCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCreateInfo.html) """ @struct_hash_equal struct ImageCreateInfo <: HighLevelStruct next::Any flags::ImageCreateFlag image_type::ImageType format::Format extent::Extent3D mip_levels::UInt32 array_layers::UInt32 samples::SampleCountFlag tiling::ImageTiling usage::ImageUsageFlag sharing_mode::SharingMode queue_family_indices::Vector{UInt32} initial_layout::ImageLayout end """ High-level wrapper for VkDeviceImageMemoryRequirements. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceImageMemoryRequirements.html) """ @struct_hash_equal struct DeviceImageMemoryRequirements <: HighLevelStruct next::Any create_info::ImageCreateInfo plane_aspect::ImageAspectFlag end """ High-level wrapper for VkAttachmentDescription. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentDescription.html) """ @struct_hash_equal struct AttachmentDescription <: HighLevelStruct flags::AttachmentDescriptionFlag format::Format samples::SampleCountFlag load_op::AttachmentLoadOp store_op::AttachmentStoreOp stencil_load_op::AttachmentLoadOp stencil_store_op::AttachmentStoreOp initial_layout::ImageLayout final_layout::ImageLayout end """ High-level wrapper for VkAttachmentReference. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentReference.html) """ @struct_hash_equal struct AttachmentReference <: HighLevelStruct attachment::UInt32 layout::ImageLayout end """ High-level wrapper for VkSubpassDescription. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDescription.html) """ @struct_hash_equal struct SubpassDescription <: HighLevelStruct flags::SubpassDescriptionFlag pipeline_bind_point::PipelineBindPoint input_attachments::Vector{AttachmentReference} color_attachments::Vector{AttachmentReference} resolve_attachments::OptionalPtr{Vector{AttachmentReference}} depth_stencil_attachment::OptionalPtr{AttachmentReference} preserve_attachments::Vector{UInt32} end """ High-level wrapper for VkRenderPassCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreateInfo.html) """ @struct_hash_equal struct RenderPassCreateInfo <: HighLevelStruct next::Any flags::RenderPassCreateFlag attachments::Vector{AttachmentDescription} subpasses::Vector{SubpassDescription} dependencies::Vector{SubpassDependency} end """ High-level wrapper for VkRenderPassFragmentDensityMapCreateInfoEXT. Extension: VK\\_EXT\\_fragment\\_density\\_map [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassFragmentDensityMapCreateInfoEXT.html) """ @struct_hash_equal struct RenderPassFragmentDensityMapCreateInfoEXT <: HighLevelStruct next::Any fragment_density_map_attachment::AttachmentReference end """ High-level wrapper for VkAttachmentDescription2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentDescription2.html) """ @struct_hash_equal struct AttachmentDescription2 <: HighLevelStruct next::Any flags::AttachmentDescriptionFlag format::Format samples::SampleCountFlag load_op::AttachmentLoadOp store_op::AttachmentStoreOp stencil_load_op::AttachmentLoadOp stencil_store_op::AttachmentStoreOp initial_layout::ImageLayout final_layout::ImageLayout end """ High-level wrapper for VkAttachmentReference2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentReference2.html) """ @struct_hash_equal struct AttachmentReference2 <: HighLevelStruct next::Any attachment::UInt32 layout::ImageLayout aspect_mask::ImageAspectFlag end """ High-level wrapper for VkSubpassDescription2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDescription2.html) """ @struct_hash_equal struct SubpassDescription2 <: HighLevelStruct next::Any flags::SubpassDescriptionFlag pipeline_bind_point::PipelineBindPoint view_mask::UInt32 input_attachments::Vector{AttachmentReference2} color_attachments::Vector{AttachmentReference2} resolve_attachments::OptionalPtr{Vector{AttachmentReference2}} depth_stencil_attachment::OptionalPtr{AttachmentReference2} preserve_attachments::Vector{UInt32} end """ High-level wrapper for VkRenderPassCreateInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreateInfo2.html) """ @struct_hash_equal struct RenderPassCreateInfo2 <: HighLevelStruct next::Any flags::RenderPassCreateFlag attachments::Vector{AttachmentDescription2} subpasses::Vector{SubpassDescription2} dependencies::Vector{SubpassDependency2} correlated_view_masks::Vector{UInt32} end """ High-level wrapper for VkSubpassDescriptionDepthStencilResolve. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDescriptionDepthStencilResolve.html) """ @struct_hash_equal struct SubpassDescriptionDepthStencilResolve <: HighLevelStruct next::Any depth_resolve_mode::ResolveModeFlag stencil_resolve_mode::ResolveModeFlag depth_stencil_resolve_attachment::OptionalPtr{AttachmentReference2} end """ High-level wrapper for VkFragmentShadingRateAttachmentInfoKHR. Extension: VK\\_KHR\\_fragment\\_shading\\_rate [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFragmentShadingRateAttachmentInfoKHR.html) """ @struct_hash_equal struct FragmentShadingRateAttachmentInfoKHR <: HighLevelStruct next::Any fragment_shading_rate_attachment::OptionalPtr{AttachmentReference2} shading_rate_attachment_texel_size::Extent2D end """ High-level wrapper for VkAttachmentReferenceStencilLayout. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentReferenceStencilLayout.html) """ @struct_hash_equal struct AttachmentReferenceStencilLayout <: HighLevelStruct next::Any stencil_layout::ImageLayout end """ High-level wrapper for VkAttachmentDescriptionStencilLayout. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentDescriptionStencilLayout.html) """ @struct_hash_equal struct AttachmentDescriptionStencilLayout <: HighLevelStruct next::Any stencil_initial_layout::ImageLayout stencil_final_layout::ImageLayout end """ High-level wrapper for VkCopyImageInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyImageInfo2.html) """ @struct_hash_equal struct CopyImageInfo2 <: HighLevelStruct next::Any src_image::Image src_image_layout::ImageLayout dst_image::Image dst_image_layout::ImageLayout regions::Vector{ImageCopy2} end """ High-level wrapper for VkBlitImageInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBlitImageInfo2.html) """ @struct_hash_equal struct BlitImageInfo2 <: HighLevelStruct next::Any src_image::Image src_image_layout::ImageLayout dst_image::Image dst_image_layout::ImageLayout regions::Vector{ImageBlit2} filter::Filter end """ High-level wrapper for VkCopyBufferToImageInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyBufferToImageInfo2.html) """ @struct_hash_equal struct CopyBufferToImageInfo2 <: HighLevelStruct next::Any src_buffer::Buffer dst_image::Image dst_image_layout::ImageLayout regions::Vector{BufferImageCopy2} end """ High-level wrapper for VkCopyImageToBufferInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyImageToBufferInfo2.html) """ @struct_hash_equal struct CopyImageToBufferInfo2 <: HighLevelStruct next::Any src_image::Image src_image_layout::ImageLayout dst_buffer::Buffer regions::Vector{BufferImageCopy2} end """ High-level wrapper for VkResolveImageInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkResolveImageInfo2.html) """ @struct_hash_equal struct ResolveImageInfo2 <: HighLevelStruct next::Any src_image::Image src_image_layout::ImageLayout dst_image::Image dst_image_layout::ImageLayout regions::Vector{ImageResolve2} end """ High-level wrapper for VkImageMemoryBarrier2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageMemoryBarrier2.html) """ @struct_hash_equal struct ImageMemoryBarrier2 <: HighLevelStruct next::Any src_stage_mask::UInt64 src_access_mask::UInt64 dst_stage_mask::UInt64 dst_access_mask::UInt64 old_layout::ImageLayout new_layout::ImageLayout src_queue_family_index::UInt32 dst_queue_family_index::UInt32 image::Image subresource_range::ImageSubresourceRange end """ High-level wrapper for VkDependencyInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDependencyInfo.html) """ @struct_hash_equal struct DependencyInfo <: HighLevelStruct next::Any dependency_flags::DependencyFlag memory_barriers::Vector{MemoryBarrier2} buffer_memory_barriers::Vector{BufferMemoryBarrier2} image_memory_barriers::Vector{ImageMemoryBarrier2} end """ High-level wrapper for VkRenderingAttachmentInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingAttachmentInfo.html) """ @struct_hash_equal struct RenderingAttachmentInfo <: HighLevelStruct next::Any image_view::OptionalPtr{ImageView} image_layout::ImageLayout resolve_mode::ResolveModeFlag resolve_image_view::OptionalPtr{ImageView} resolve_image_layout::ImageLayout load_op::AttachmentLoadOp store_op::AttachmentStoreOp clear_value::ClearValue end """ High-level wrapper for VkRenderingInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingInfo.html) """ @struct_hash_equal struct RenderingInfo <: HighLevelStruct next::Any flags::RenderingFlag render_area::Rect2D layer_count::UInt32 view_mask::UInt32 color_attachments::Vector{RenderingAttachmentInfo} depth_attachment::OptionalPtr{RenderingAttachmentInfo} stencil_attachment::OptionalPtr{RenderingAttachmentInfo} end """ High-level wrapper for VkRenderingFragmentShadingRateAttachmentInfoKHR. Extension: VK\\_KHR\\_dynamic\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingFragmentShadingRateAttachmentInfoKHR.html) """ @struct_hash_equal struct RenderingFragmentShadingRateAttachmentInfoKHR <: HighLevelStruct next::Any image_view::OptionalPtr{ImageView} image_layout::ImageLayout shading_rate_attachment_texel_size::Extent2D end """ High-level wrapper for VkRenderingFragmentDensityMapAttachmentInfoEXT. Extension: VK\\_KHR\\_dynamic\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingFragmentDensityMapAttachmentInfoEXT.html) """ @struct_hash_equal struct RenderingFragmentDensityMapAttachmentInfoEXT <: HighLevelStruct next::Any image_view::ImageView image_layout::ImageLayout end parent(physical_device::PhysicalDevice) = physical_device.instance parent(device::Device) = device.physical_device parent(queue::Queue) = queue.device parent(command_buffer::CommandBuffer) = command_buffer.command_pool parent(memory::DeviceMemory) = memory.device parent(command_pool::CommandPool) = command_pool.device parent(buffer::Buffer) = buffer.device parent(buffer_view::BufferView) = buffer_view.device parent(image::Image) = image.device parent(image_view::ImageView) = image_view.device parent(shader_module::ShaderModule) = shader_module.device parent(pipeline::Pipeline) = pipeline.device parent(pipeline_layout::PipelineLayout) = pipeline_layout.device parent(sampler::Sampler) = sampler.device parent(descriptor_set::DescriptorSet) = descriptor_set.descriptor_pool parent(descriptor_set_layout::DescriptorSetLayout) = descriptor_set_layout.device parent(descriptor_pool::DescriptorPool) = descriptor_pool.device parent(fence::Fence) = fence.device parent(semaphore::Semaphore) = semaphore.device parent(event::Event) = event.device parent(query_pool::QueryPool) = query_pool.device parent(framebuffer::Framebuffer) = framebuffer.device parent(renderpass::RenderPass) = renderpass.device parent(pipeline_cache::PipelineCache) = pipeline_cache.device parent(indirect_commands_layout::IndirectCommandsLayoutNV) = indirect_commands_layout.device parent(descriptor_update_template::DescriptorUpdateTemplate) = descriptor_update_template.device parent(ycbcr_conversion::SamplerYcbcrConversion) = ycbcr_conversion.device parent(validation_cache::ValidationCacheEXT) = validation_cache.device parent(acceleration_structure::AccelerationStructureKHR) = acceleration_structure.device parent(acceleration_structure::AccelerationStructureNV) = acceleration_structure.device parent(configuration::PerformanceConfigurationINTEL) = configuration.device parent(operation::DeferredOperationKHR) = operation.device parent(private_data_slot::PrivateDataSlot) = private_data_slot.device parent(_module::CuModuleNVX) = _module.device parent(_function::CuFunctionNVX) = _function.device parent(session::OpticalFlowSessionNV) = session.device parent(micromap::MicromapEXT) = micromap.device parent(display::DisplayKHR) = display.physical_device parent(mode::DisplayModeKHR) = mode.display parent(surface::SurfaceKHR) = surface.instance parent(swapchain::SwapchainKHR) = swapchain.device parent(callback::DebugReportCallbackEXT) = callback.instance parent(messenger::DebugUtilsMessengerEXT) = messenger.instance parent(video_session::VideoSessionKHR) = video_session.device parent(video_session_parameters::VideoSessionParametersKHR) = video_session_parameters.video_session _ClearColorValue(float32::NTuple{4, Float32}) = _ClearColorValue(VkClearColorValue(float32)) _ClearColorValue(int32::NTuple{4, Int32}) = _ClearColorValue(VkClearColorValue(int32)) _ClearColorValue(uint32::NTuple{4, UInt32}) = _ClearColorValue(VkClearColorValue(uint32)) _ClearValue(color::_ClearColorValue) = _ClearValue(VkClearValue(color.vks)) _ClearValue(depth_stencil::_ClearDepthStencilValue) = _ClearValue(VkClearValue(depth_stencil.vks)) _PerformanceCounterResultKHR(int32::Int32) = _PerformanceCounterResultKHR(VkPerformanceCounterResultKHR(int32)) _PerformanceCounterResultKHR(int64::Int64) = _PerformanceCounterResultKHR(VkPerformanceCounterResultKHR(int64)) _PerformanceCounterResultKHR(uint32::UInt32) = _PerformanceCounterResultKHR(VkPerformanceCounterResultKHR(uint32)) _PerformanceCounterResultKHR(uint64::UInt64) = _PerformanceCounterResultKHR(VkPerformanceCounterResultKHR(uint64)) _PerformanceCounterResultKHR(float32::Float32) = _PerformanceCounterResultKHR(VkPerformanceCounterResultKHR(float32)) _PerformanceCounterResultKHR(float64::Float64) = _PerformanceCounterResultKHR(VkPerformanceCounterResultKHR(float64)) _PerformanceValueDataINTEL(value32::UInt32) = _PerformanceValueDataINTEL(VkPerformanceValueDataINTEL(value32)) _PerformanceValueDataINTEL(value64::UInt64) = _PerformanceValueDataINTEL(VkPerformanceValueDataINTEL(value64)) _PerformanceValueDataINTEL(value_float::AbstractFloat) = _PerformanceValueDataINTEL(VkPerformanceValueDataINTEL(value_float)) _PerformanceValueDataINTEL(value_bool::Bool) = _PerformanceValueDataINTEL(VkPerformanceValueDataINTEL(value_bool)) _PerformanceValueDataINTEL(value_string::String) = _PerformanceValueDataINTEL(VkPerformanceValueDataINTEL(value_string)) _PipelineExecutableStatisticValueKHR(b32::Bool) = _PipelineExecutableStatisticValueKHR(VkPipelineExecutableStatisticValueKHR(b32)) _PipelineExecutableStatisticValueKHR(i64::Signed) = _PipelineExecutableStatisticValueKHR(VkPipelineExecutableStatisticValueKHR(i64)) _PipelineExecutableStatisticValueKHR(u64::Unsigned) = _PipelineExecutableStatisticValueKHR(VkPipelineExecutableStatisticValueKHR(u64)) _PipelineExecutableStatisticValueKHR(f64::AbstractFloat) = _PipelineExecutableStatisticValueKHR(VkPipelineExecutableStatisticValueKHR(f64)) _DeviceOrHostAddressKHR(device_address::UInt64) = _DeviceOrHostAddressKHR(VkDeviceOrHostAddressKHR(device_address)) _DeviceOrHostAddressKHR(host_address::Ptr{Cvoid}) = _DeviceOrHostAddressKHR(VkDeviceOrHostAddressKHR(host_address)) _DeviceOrHostAddressConstKHR(device_address::UInt64) = _DeviceOrHostAddressConstKHR(VkDeviceOrHostAddressConstKHR(device_address)) _DeviceOrHostAddressConstKHR(host_address::Ptr{Cvoid}) = _DeviceOrHostAddressConstKHR(VkDeviceOrHostAddressConstKHR(host_address)) _AccelerationStructureGeometryDataKHR(triangles::_AccelerationStructureGeometryTrianglesDataKHR) = _AccelerationStructureGeometryDataKHR(VkAccelerationStructureGeometryDataKHR(triangles.vks)) _AccelerationStructureGeometryDataKHR(aabbs::_AccelerationStructureGeometryAabbsDataKHR) = _AccelerationStructureGeometryDataKHR(VkAccelerationStructureGeometryDataKHR(aabbs.vks)) _AccelerationStructureGeometryDataKHR(instances::_AccelerationStructureGeometryInstancesDataKHR) = _AccelerationStructureGeometryDataKHR(VkAccelerationStructureGeometryDataKHR(instances.vks)) _DescriptorDataEXT(x::Union{Sampler, Ptr{VkDescriptorImageInfo}, Ptr{VkDescriptorAddressInfoEXT}, UInt64}) = _DescriptorDataEXT(VkDescriptorDataEXT(x)) _AccelerationStructureMotionInstanceDataNV(static_instance::_AccelerationStructureInstanceKHR) = _AccelerationStructureMotionInstanceDataNV(VkAccelerationStructureMotionInstanceDataNV(static_instance.vks)) _AccelerationStructureMotionInstanceDataNV(matrix_motion_instance::_AccelerationStructureMatrixMotionInstanceNV) = _AccelerationStructureMotionInstanceDataNV(VkAccelerationStructureMotionInstanceDataNV(matrix_motion_instance.vks)) _AccelerationStructureMotionInstanceDataNV(srt_motion_instance::_AccelerationStructureSRTMotionInstanceNV) = _AccelerationStructureMotionInstanceDataNV(VkAccelerationStructureMotionInstanceDataNV(srt_motion_instance.vks)) ClearColorValue(float32::NTuple{4, Float32}) = ClearColorValue(VkClearColorValue(float32)) ClearColorValue(int32::NTuple{4, Int32}) = ClearColorValue(VkClearColorValue(int32)) ClearColorValue(uint32::NTuple{4, UInt32}) = ClearColorValue(VkClearColorValue(uint32)) ClearValue(color::ClearColorValue) = ClearValue(VkClearValue(color.vks)) ClearValue(depth_stencil::ClearDepthStencilValue) = ClearValue(VkClearValue((_ClearDepthStencilValue(depth_stencil)).vks)) PerformanceCounterResultKHR(int32::Int32) = PerformanceCounterResultKHR(VkPerformanceCounterResultKHR(int32)) PerformanceCounterResultKHR(int64::Int64) = PerformanceCounterResultKHR(VkPerformanceCounterResultKHR(int64)) PerformanceCounterResultKHR(uint32::UInt32) = PerformanceCounterResultKHR(VkPerformanceCounterResultKHR(uint32)) PerformanceCounterResultKHR(uint64::UInt64) = PerformanceCounterResultKHR(VkPerformanceCounterResultKHR(uint64)) PerformanceCounterResultKHR(float32::Float32) = PerformanceCounterResultKHR(VkPerformanceCounterResultKHR(float32)) PerformanceCounterResultKHR(float64::Float64) = PerformanceCounterResultKHR(VkPerformanceCounterResultKHR(float64)) PerformanceValueDataINTEL(value32::UInt32) = PerformanceValueDataINTEL(VkPerformanceValueDataINTEL(value32)) PerformanceValueDataINTEL(value64::UInt64) = PerformanceValueDataINTEL(VkPerformanceValueDataINTEL(value64)) PerformanceValueDataINTEL(value_float::AbstractFloat) = PerformanceValueDataINTEL(VkPerformanceValueDataINTEL(value_float)) PerformanceValueDataINTEL(value_bool::Bool) = PerformanceValueDataINTEL(VkPerformanceValueDataINTEL(value_bool)) PerformanceValueDataINTEL(value_string::String) = PerformanceValueDataINTEL(VkPerformanceValueDataINTEL(value_string)) PipelineExecutableStatisticValueKHR(b32::Bool) = PipelineExecutableStatisticValueKHR(VkPipelineExecutableStatisticValueKHR(b32)) PipelineExecutableStatisticValueKHR(i64::Signed) = PipelineExecutableStatisticValueKHR(VkPipelineExecutableStatisticValueKHR(i64)) PipelineExecutableStatisticValueKHR(u64::Unsigned) = PipelineExecutableStatisticValueKHR(VkPipelineExecutableStatisticValueKHR(u64)) PipelineExecutableStatisticValueKHR(f64::AbstractFloat) = PipelineExecutableStatisticValueKHR(VkPipelineExecutableStatisticValueKHR(f64)) DeviceOrHostAddressKHR(device_address::UInt64) = DeviceOrHostAddressKHR(VkDeviceOrHostAddressKHR(device_address)) DeviceOrHostAddressKHR(host_address::Ptr{Cvoid}) = DeviceOrHostAddressKHR(VkDeviceOrHostAddressKHR(host_address)) DeviceOrHostAddressConstKHR(device_address::UInt64) = DeviceOrHostAddressConstKHR(VkDeviceOrHostAddressConstKHR(device_address)) DeviceOrHostAddressConstKHR(host_address::Ptr{Cvoid}) = DeviceOrHostAddressConstKHR(VkDeviceOrHostAddressConstKHR(host_address)) AccelerationStructureGeometryDataKHR(triangles::AccelerationStructureGeometryTrianglesDataKHR) = AccelerationStructureGeometryDataKHR(VkAccelerationStructureGeometryDataKHR((_AccelerationStructureGeometryTrianglesDataKHR(triangles)).vks)) AccelerationStructureGeometryDataKHR(aabbs::AccelerationStructureGeometryAabbsDataKHR) = AccelerationStructureGeometryDataKHR(VkAccelerationStructureGeometryDataKHR((_AccelerationStructureGeometryAabbsDataKHR(aabbs)).vks)) AccelerationStructureGeometryDataKHR(instances::AccelerationStructureGeometryInstancesDataKHR) = AccelerationStructureGeometryDataKHR(VkAccelerationStructureGeometryDataKHR((_AccelerationStructureGeometryInstancesDataKHR(instances)).vks)) DescriptorDataEXT(x::Union{Sampler, Ptr{VkDescriptorImageInfo}, Ptr{VkDescriptorAddressInfoEXT}, UInt64}) = DescriptorDataEXT(VkDescriptorDataEXT(x)) AccelerationStructureMotionInstanceDataNV(static_instance::AccelerationStructureInstanceKHR) = AccelerationStructureMotionInstanceDataNV(VkAccelerationStructureMotionInstanceDataNV((_AccelerationStructureInstanceKHR(static_instance)).vks)) AccelerationStructureMotionInstanceDataNV(matrix_motion_instance::AccelerationStructureMatrixMotionInstanceNV) = AccelerationStructureMotionInstanceDataNV(VkAccelerationStructureMotionInstanceDataNV((_AccelerationStructureMatrixMotionInstanceNV(matrix_motion_instance)).vks)) AccelerationStructureMotionInstanceDataNV(srt_motion_instance::AccelerationStructureSRTMotionInstanceNV) = AccelerationStructureMotionInstanceDataNV(VkAccelerationStructureMotionInstanceDataNV((_AccelerationStructureSRTMotionInstanceNV(srt_motion_instance)).vks)) _ClearColorValue(x::ClearColorValue) = _ClearColorValue(getfield(x, :vks)) _ClearValue(x::ClearValue) = _ClearValue(getfield(x, :vks)) _PerformanceCounterResultKHR(x::PerformanceCounterResultKHR) = _PerformanceCounterResultKHR(getfield(x, :vks)) _PerformanceValueDataINTEL(x::PerformanceValueDataINTEL) = _PerformanceValueDataINTEL(getfield(x, :vks)) _PipelineExecutableStatisticValueKHR(x::PipelineExecutableStatisticValueKHR) = _PipelineExecutableStatisticValueKHR(getfield(x, :vks)) _DeviceOrHostAddressKHR(x::DeviceOrHostAddressKHR) = _DeviceOrHostAddressKHR(getfield(x, :vks)) _DeviceOrHostAddressConstKHR(x::DeviceOrHostAddressConstKHR) = _DeviceOrHostAddressConstKHR(getfield(x, :vks)) _AccelerationStructureGeometryDataKHR(x::AccelerationStructureGeometryDataKHR) = _AccelerationStructureGeometryDataKHR(getfield(x, :vks)) _DescriptorDataEXT(x::DescriptorDataEXT) = _DescriptorDataEXT(getfield(x, :vks)) _AccelerationStructureMotionInstanceDataNV(x::AccelerationStructureMotionInstanceDataNV) = _AccelerationStructureMotionInstanceDataNV(getfield(x, :vks)) convert(T::Type{_ClearColorValue}, x::ClearColorValue) = T(x) convert(T::Type{_ClearValue}, x::ClearValue) = T(x) convert(T::Type{_PerformanceCounterResultKHR}, x::PerformanceCounterResultKHR) = T(x) convert(T::Type{_PerformanceValueDataINTEL}, x::PerformanceValueDataINTEL) = T(x) convert(T::Type{_PipelineExecutableStatisticValueKHR}, x::PipelineExecutableStatisticValueKHR) = T(x) convert(T::Type{_DeviceOrHostAddressKHR}, x::DeviceOrHostAddressKHR) = T(x) convert(T::Type{_DeviceOrHostAddressConstKHR}, x::DeviceOrHostAddressConstKHR) = T(x) convert(T::Type{_AccelerationStructureGeometryDataKHR}, x::AccelerationStructureGeometryDataKHR) = T(x) convert(T::Type{_DescriptorDataEXT}, x::DescriptorDataEXT) = T(x) convert(T::Type{_AccelerationStructureMotionInstanceDataNV}, x::AccelerationStructureMotionInstanceDataNV) = T(x) function Base.getproperty(x::ClearColorValue, sym::Symbol) if sym === :float32 x.data.float32 elseif sym === :int32 x.data.int32 elseif sym === :uint32 x.data.uint32 else getfield(x, sym) end end function Base.getproperty(x::ClearValue, sym::Symbol) if sym === :color x.data.color elseif sym === :depth_stencil x.data.depthStencil else getfield(x, sym) end end function Base.getproperty(x::PerformanceCounterResultKHR, sym::Symbol) if sym === :int32 x.data.int32 elseif sym === :int64 x.data.int64 elseif sym === :uint32 x.data.uint32 elseif sym === :uint64 x.data.uint64 elseif sym === :float32 x.data.float32 elseif sym === :float64 x.data.float64 else getfield(x, sym) end end function Base.getproperty(x::PerformanceValueDataINTEL, sym::Symbol) if sym === :value32 x.data.value32 elseif sym === :value64 x.data.value64 elseif sym === :value_float x.data.valueFloat elseif sym === :value_bool x.data.valueBool elseif sym === :value_string x.data.valueString else getfield(x, sym) end end function Base.getproperty(x::PipelineExecutableStatisticValueKHR, sym::Symbol) if sym === :b32 x.data.b32 elseif sym === :i64 x.data.i64 elseif sym === :u64 x.data.u64 elseif sym === :f64 x.data.f64 else getfield(x, sym) end end function Base.getproperty(x::DeviceOrHostAddressKHR, sym::Symbol) if sym === :device_address x.data.deviceAddress elseif sym === :host_address x.data.hostAddress else getfield(x, sym) end end function Base.getproperty(x::DeviceOrHostAddressConstKHR, sym::Symbol) if sym === :device_address x.data.deviceAddress elseif sym === :host_address x.data.hostAddress else getfield(x, sym) end end function Base.getproperty(x::AccelerationStructureGeometryDataKHR, sym::Symbol) if sym === :triangles x.data.triangles elseif sym === :aabbs x.data.aabbs elseif sym === :instances x.data.instances else getfield(x, sym) end end function Base.getproperty(x::DescriptorDataEXT, sym::Symbol) if sym === :sampler x.data.pSampler elseif sym === :combined_image_sampler x.data.pCombinedImageSampler elseif sym === :input_attachment_image x.data.pInputAttachmentImage elseif sym === :sampled_image x.data.pSampledImage elseif sym === :storage_image x.data.pStorageImage elseif sym === :uniform_texel_buffer x.data.pUniformTexelBuffer elseif sym === :storage_texel_buffer x.data.pStorageTexelBuffer elseif sym === :uniform_buffer x.data.pUniformBuffer elseif sym === :storage_buffer x.data.pStorageBuffer elseif sym === :acceleration_structure x.data.accelerationStructure else getfield(x, sym) end end function Base.getproperty(x::AccelerationStructureMotionInstanceDataNV, sym::Symbol) if sym === :static_instance x.data.staticInstance elseif sym === :matrix_motion_instance x.data.matrixMotionInstance elseif sym === :srt_motion_instance x.data.srtMotionInstance else getfield(x, sym) end end """ Arguments: - `next::_BaseOutStructure`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBaseOutStructure.html) """ function _BaseOutStructure(; next = C_NULL) next = cconvert(Ptr{VkBaseOutStructure}, next) deps = Any[next] vks = VkBaseOutStructure(s_type, unsafe_convert(Ptr{VkBaseOutStructure}, next)) _BaseOutStructure(vks, deps) end """ Arguments: - `next::_BaseInStructure`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBaseInStructure.html) """ function _BaseInStructure(; next = C_NULL) next = cconvert(Ptr{VkBaseInStructure}, next) deps = Any[next] vks = VkBaseInStructure(s_type, unsafe_convert(Ptr{VkBaseInStructure}, next)) _BaseInStructure(vks, deps) end """ Arguments: - `x::Int32` - `y::Int32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOffset2D.html) """ function _Offset2D(x::Integer, y::Integer) _Offset2D(VkOffset2D(x, y)) end """ Arguments: - `x::Int32` - `y::Int32` - `z::Int32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOffset3D.html) """ function _Offset3D(x::Integer, y::Integer, z::Integer) _Offset3D(VkOffset3D(x, y, z)) end """ Arguments: - `width::UInt32` - `height::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExtent2D.html) """ function _Extent2D(width::Integer, height::Integer) _Extent2D(VkExtent2D(width, height)) end """ Arguments: - `width::UInt32` - `height::UInt32` - `depth::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExtent3D.html) """ function _Extent3D(width::Integer, height::Integer, depth::Integer) _Extent3D(VkExtent3D(width, height, depth)) end """ Arguments: - `x::Float32` - `y::Float32` - `width::Float32` - `height::Float32` - `min_depth::Float32` - `max_depth::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkViewport.html) """ function _Viewport(x::Real, y::Real, width::Real, height::Real, min_depth::Real, max_depth::Real) _Viewport(VkViewport(x, y, width, height, min_depth, max_depth)) end """ Arguments: - `offset::_Offset2D` - `extent::_Extent2D` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRect2D.html) """ function _Rect2D(offset::_Offset2D, extent::_Extent2D) _Rect2D(VkRect2D(offset.vks, extent.vks)) end """ Arguments: - `rect::_Rect2D` - `base_array_layer::UInt32` - `layer_count::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearRect.html) """ function _ClearRect(rect::_Rect2D, base_array_layer::Integer, layer_count::Integer) _ClearRect(VkClearRect(rect.vks, base_array_layer, layer_count)) end """ Arguments: - `r::ComponentSwizzle` - `g::ComponentSwizzle` - `b::ComponentSwizzle` - `a::ComponentSwizzle` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkComponentMapping.html) """ function _ComponentMapping(r::ComponentSwizzle, g::ComponentSwizzle, b::ComponentSwizzle, a::ComponentSwizzle) _ComponentMapping(VkComponentMapping(r, g, b, a)) end """ Arguments: - `api_version::VersionNumber` - `driver_version::VersionNumber` - `vendor_id::UInt32` - `device_id::UInt32` - `device_type::PhysicalDeviceType` - `device_name::String` - `pipeline_cache_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `limits::_PhysicalDeviceLimits` - `sparse_properties::_PhysicalDeviceSparseProperties` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProperties.html) """ function _PhysicalDeviceProperties(api_version::VersionNumber, driver_version::VersionNumber, vendor_id::Integer, device_id::Integer, device_type::PhysicalDeviceType, device_name::AbstractString, pipeline_cache_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}, limits::_PhysicalDeviceLimits, sparse_properties::_PhysicalDeviceSparseProperties) _PhysicalDeviceProperties(VkPhysicalDeviceProperties(to_vk(UInt32, api_version), to_vk(UInt32, driver_version), vendor_id, device_id, device_type, device_name, pipeline_cache_uuid, limits.vks, sparse_properties.vks)) end """ Arguments: - `extension_name::String` - `spec_version::VersionNumber` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExtensionProperties.html) """ function _ExtensionProperties(extension_name::AbstractString, spec_version::VersionNumber) _ExtensionProperties(VkExtensionProperties(extension_name, to_vk(UInt32, spec_version))) end """ Arguments: - `layer_name::String` - `spec_version::VersionNumber` - `implementation_version::VersionNumber` - `description::String` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkLayerProperties.html) """ function _LayerProperties(layer_name::AbstractString, spec_version::VersionNumber, implementation_version::VersionNumber, description::AbstractString) _LayerProperties(VkLayerProperties(layer_name, to_vk(UInt32, spec_version), to_vk(UInt32, implementation_version), description)) end """ Arguments: - `application_version::VersionNumber` - `engine_version::VersionNumber` - `api_version::VersionNumber` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `application_name::String`: defaults to `C_NULL` - `engine_name::String`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkApplicationInfo.html) """ function _ApplicationInfo(application_version::VersionNumber, engine_version::VersionNumber, api_version::VersionNumber; next = C_NULL, application_name = C_NULL, engine_name = C_NULL) next = cconvert(Ptr{Cvoid}, next) application_name = cconvert(Cstring, application_name) engine_name = cconvert(Cstring, engine_name) deps = Any[next, application_name, engine_name] vks = VkApplicationInfo(structure_type(VkApplicationInfo), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Cstring, application_name), to_vk(UInt32, application_version), unsafe_convert(Cstring, engine_name), to_vk(UInt32, engine_version), to_vk(UInt32, api_version)) _ApplicationInfo(vks, deps) end """ Arguments: - `pfn_allocation::FunctionPtr` - `pfn_reallocation::FunctionPtr` - `pfn_free::FunctionPtr` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` - `pfn_internal_allocation::FunctionPtr`: defaults to `0` - `pfn_internal_free::FunctionPtr`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAllocationCallbacks.html) """ function _AllocationCallbacks(pfn_allocation::FunctionPtr, pfn_reallocation::FunctionPtr, pfn_free::FunctionPtr; user_data = C_NULL, pfn_internal_allocation = 0, pfn_internal_free = 0) user_data = cconvert(Ptr{Cvoid}, user_data) deps = Any[user_data] vks = VkAllocationCallbacks(unsafe_convert(Ptr{Cvoid}, user_data), pfn_allocation, pfn_reallocation, pfn_free, pfn_internal_allocation, pfn_internal_free) _AllocationCallbacks(vks, deps) end """ Arguments: - `queue_family_index::UInt32` - `queue_priorities::Vector{Float32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::DeviceQueueCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceQueueCreateInfo.html) """ function _DeviceQueueCreateInfo(queue_family_index::Integer, queue_priorities::AbstractArray; next = C_NULL, flags = 0) queue_count = pointer_length(queue_priorities) next = cconvert(Ptr{Cvoid}, next) queue_priorities = cconvert(Ptr{Float32}, queue_priorities) deps = Any[next, queue_priorities] vks = VkDeviceQueueCreateInfo(structure_type(VkDeviceQueueCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, queue_family_index, queue_count, unsafe_convert(Ptr{Float32}, queue_priorities)) _DeviceQueueCreateInfo(vks, deps) end """ Arguments: - `queue_create_infos::Vector{_DeviceQueueCreateInfo}` - `enabled_layer_names::Vector{String}` - `enabled_extension_names::Vector{String}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `enabled_features::_PhysicalDeviceFeatures`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceCreateInfo.html) """ function _DeviceCreateInfo(queue_create_infos::AbstractArray, enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray; next = C_NULL, flags = 0, enabled_features = C_NULL) queue_create_info_count = pointer_length(queue_create_infos) enabled_layer_count = pointer_length(enabled_layer_names) enabled_extension_count = pointer_length(enabled_extension_names) next = cconvert(Ptr{Cvoid}, next) queue_create_infos = cconvert(Ptr{VkDeviceQueueCreateInfo}, queue_create_infos) enabled_layer_names = cconvert(Ptr{Cstring}, enabled_layer_names) enabled_extension_names = cconvert(Ptr{Cstring}, enabled_extension_names) enabled_features = cconvert(Ptr{VkPhysicalDeviceFeatures}, enabled_features) deps = Any[next, queue_create_infos, enabled_layer_names, enabled_extension_names, enabled_features] vks = VkDeviceCreateInfo(structure_type(VkDeviceCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, queue_create_info_count, unsafe_convert(Ptr{VkDeviceQueueCreateInfo}, queue_create_infos), enabled_layer_count, unsafe_convert(Ptr{Cstring}, enabled_layer_names), enabled_extension_count, unsafe_convert(Ptr{Cstring}, enabled_extension_names), unsafe_convert(Ptr{VkPhysicalDeviceFeatures}, enabled_features)) _DeviceCreateInfo(vks, deps) end """ Arguments: - `enabled_layer_names::Vector{String}` - `enabled_extension_names::Vector{String}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::InstanceCreateFlag`: defaults to `0` - `application_info::_ApplicationInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkInstanceCreateInfo.html) """ function _InstanceCreateInfo(enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray; next = C_NULL, flags = 0, application_info = C_NULL) enabled_layer_count = pointer_length(enabled_layer_names) enabled_extension_count = pointer_length(enabled_extension_names) next = cconvert(Ptr{Cvoid}, next) application_info = cconvert(Ptr{VkApplicationInfo}, application_info) enabled_layer_names = cconvert(Ptr{Cstring}, enabled_layer_names) enabled_extension_names = cconvert(Ptr{Cstring}, enabled_extension_names) deps = Any[next, application_info, enabled_layer_names, enabled_extension_names] vks = VkInstanceCreateInfo(structure_type(VkInstanceCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, unsafe_convert(Ptr{VkApplicationInfo}, application_info), enabled_layer_count, unsafe_convert(Ptr{Cstring}, enabled_layer_names), enabled_extension_count, unsafe_convert(Ptr{Cstring}, enabled_extension_names)) _InstanceCreateInfo(vks, deps) end """ Arguments: - `queue_count::UInt32` - `timestamp_valid_bits::UInt32` - `min_image_transfer_granularity::_Extent3D` - `queue_flags::QueueFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyProperties.html) """ function _QueueFamilyProperties(queue_count::Integer, timestamp_valid_bits::Integer, min_image_transfer_granularity::_Extent3D; queue_flags = 0) _QueueFamilyProperties(VkQueueFamilyProperties(queue_flags, queue_count, timestamp_valid_bits, min_image_transfer_granularity.vks)) end """ Arguments: - `memory_type_count::UInt32` - `memory_types::NTuple{Int(VK_MAX_MEMORY_TYPES), _MemoryType}` - `memory_heap_count::UInt32` - `memory_heaps::NTuple{Int(VK_MAX_MEMORY_HEAPS), _MemoryHeap}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryProperties.html) """ function _PhysicalDeviceMemoryProperties(memory_type_count::Integer, memory_types::NTuple{Int(VK_MAX_MEMORY_TYPES), _MemoryType}, memory_heap_count::Integer, memory_heaps::NTuple{Int(VK_MAX_MEMORY_HEAPS), _MemoryHeap}) _PhysicalDeviceMemoryProperties(VkPhysicalDeviceMemoryProperties(memory_type_count, memory_types, memory_heap_count, memory_heaps)) end """ Arguments: - `allocation_size::UInt64` - `memory_type_index::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryAllocateInfo.html) """ function _MemoryAllocateInfo(allocation_size::Integer, memory_type_index::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryAllocateInfo(structure_type(VkMemoryAllocateInfo), unsafe_convert(Ptr{Cvoid}, next), allocation_size, memory_type_index) _MemoryAllocateInfo(vks, deps) end """ Arguments: - `size::UInt64` - `alignment::UInt64` - `memory_type_bits::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryRequirements.html) """ function _MemoryRequirements(size::Integer, alignment::Integer, memory_type_bits::Integer) _MemoryRequirements(VkMemoryRequirements(size, alignment, memory_type_bits)) end """ Arguments: - `image_granularity::_Extent3D` - `aspect_mask::ImageAspectFlag`: defaults to `0` - `flags::SparseImageFormatFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageFormatProperties.html) """ function _SparseImageFormatProperties(image_granularity::_Extent3D; aspect_mask = 0, flags = 0) _SparseImageFormatProperties(VkSparseImageFormatProperties(aspect_mask, image_granularity.vks, flags)) end """ Arguments: - `format_properties::_SparseImageFormatProperties` - `image_mip_tail_first_lod::UInt32` - `image_mip_tail_size::UInt64` - `image_mip_tail_offset::UInt64` - `image_mip_tail_stride::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryRequirements.html) """ function _SparseImageMemoryRequirements(format_properties::_SparseImageFormatProperties, image_mip_tail_first_lod::Integer, image_mip_tail_size::Integer, image_mip_tail_offset::Integer, image_mip_tail_stride::Integer) _SparseImageMemoryRequirements(VkSparseImageMemoryRequirements(format_properties.vks, image_mip_tail_first_lod, image_mip_tail_size, image_mip_tail_offset, image_mip_tail_stride)) end """ Arguments: - `heap_index::UInt32` - `property_flags::MemoryPropertyFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryType.html) """ function _MemoryType(heap_index::Integer; property_flags = 0) _MemoryType(VkMemoryType(property_flags, heap_index)) end """ Arguments: - `size::UInt64` - `flags::MemoryHeapFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryHeap.html) """ function _MemoryHeap(size::Integer; flags = 0) _MemoryHeap(VkMemoryHeap(size, flags)) end """ Arguments: - `memory::DeviceMemory` - `offset::UInt64` - `size::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMappedMemoryRange.html) """ function _MappedMemoryRange(memory, offset::Integer, size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMappedMemoryRange(structure_type(VkMappedMemoryRange), unsafe_convert(Ptr{Cvoid}, next), memory, offset, size) _MappedMemoryRange(vks, deps, memory) end """ Arguments: - `linear_tiling_features::FormatFeatureFlag`: defaults to `0` - `optimal_tiling_features::FormatFeatureFlag`: defaults to `0` - `buffer_features::FormatFeatureFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFormatProperties.html) """ function _FormatProperties(; linear_tiling_features = 0, optimal_tiling_features = 0, buffer_features = 0) _FormatProperties(VkFormatProperties(linear_tiling_features, optimal_tiling_features, buffer_features)) end """ Arguments: - `max_extent::_Extent3D` - `max_mip_levels::UInt32` - `max_array_layers::UInt32` - `max_resource_size::UInt64` - `sample_counts::SampleCountFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageFormatProperties.html) """ function _ImageFormatProperties(max_extent::_Extent3D, max_mip_levels::Integer, max_array_layers::Integer, max_resource_size::Integer; sample_counts = 0) _ImageFormatProperties(VkImageFormatProperties(max_extent.vks, max_mip_levels, max_array_layers, sample_counts, max_resource_size)) end """ Arguments: - `offset::UInt64` - `range::UInt64` - `buffer::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorBufferInfo.html) """ function _DescriptorBufferInfo(offset::Integer, range::Integer; buffer = C_NULL) _DescriptorBufferInfo(VkDescriptorBufferInfo(buffer, offset, range), buffer) end """ Arguments: - `sampler::Sampler` - `image_view::ImageView` - `image_layout::ImageLayout` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorImageInfo.html) """ function _DescriptorImageInfo(sampler, image_view, image_layout::ImageLayout) _DescriptorImageInfo(VkDescriptorImageInfo(sampler, image_view, image_layout), sampler, image_view) end """ Arguments: - `dst_set::DescriptorSet` - `dst_binding::UInt32` - `dst_array_element::UInt32` - `descriptor_type::DescriptorType` - `image_info::Vector{_DescriptorImageInfo}` - `buffer_info::Vector{_DescriptorBufferInfo}` - `texel_buffer_view::Vector{BufferView}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `descriptor_count::UInt32`: defaults to `max(pointer_length(image_info), pointer_length(buffer_info), pointer_length(texel_buffer_view))` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSet.html) """ function _WriteDescriptorSet(dst_set, dst_binding::Integer, dst_array_element::Integer, descriptor_type::DescriptorType, image_info::AbstractArray, buffer_info::AbstractArray, texel_buffer_view::AbstractArray; next = C_NULL, descriptor_count = max(pointer_length(image_info), pointer_length(buffer_info), pointer_length(texel_buffer_view))) next = cconvert(Ptr{Cvoid}, next) image_info = cconvert(Ptr{VkDescriptorImageInfo}, image_info) buffer_info = cconvert(Ptr{VkDescriptorBufferInfo}, buffer_info) texel_buffer_view = cconvert(Ptr{VkBufferView}, texel_buffer_view) deps = Any[next, image_info, buffer_info, texel_buffer_view] vks = VkWriteDescriptorSet(structure_type(VkWriteDescriptorSet), unsafe_convert(Ptr{Cvoid}, next), dst_set, dst_binding, dst_array_element, descriptor_count, descriptor_type, unsafe_convert(Ptr{VkDescriptorImageInfo}, image_info), unsafe_convert(Ptr{VkDescriptorBufferInfo}, buffer_info), unsafe_convert(Ptr{VkBufferView}, texel_buffer_view)) _WriteDescriptorSet(vks, deps, dst_set) end """ Arguments: - `src_set::DescriptorSet` - `src_binding::UInt32` - `src_array_element::UInt32` - `dst_set::DescriptorSet` - `dst_binding::UInt32` - `dst_array_element::UInt32` - `descriptor_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyDescriptorSet.html) """ function _CopyDescriptorSet(src_set, src_binding::Integer, src_array_element::Integer, dst_set, dst_binding::Integer, dst_array_element::Integer, descriptor_count::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCopyDescriptorSet(structure_type(VkCopyDescriptorSet), unsafe_convert(Ptr{Cvoid}, next), src_set, src_binding, src_array_element, dst_set, dst_binding, dst_array_element, descriptor_count) _CopyDescriptorSet(vks, deps, src_set, dst_set) end """ Arguments: - `size::UInt64` - `usage::BufferUsageFlag` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::BufferCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCreateInfo.html) """ function _BufferCreateInfo(size::Integer, usage::BufferUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray; next = C_NULL, flags = 0) queue_family_index_count = pointer_length(queue_family_indices) next = cconvert(Ptr{Cvoid}, next) queue_family_indices = cconvert(Ptr{UInt32}, queue_family_indices) deps = Any[next, queue_family_indices] vks = VkBufferCreateInfo(structure_type(VkBufferCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, size, usage, sharing_mode, queue_family_index_count, unsafe_convert(Ptr{UInt32}, queue_family_indices)) _BufferCreateInfo(vks, deps) end """ Arguments: - `buffer::Buffer` - `format::Format` - `offset::UInt64` - `range::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferViewCreateInfo.html) """ function _BufferViewCreateInfo(buffer, format::Format, offset::Integer, range::Integer; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBufferViewCreateInfo(structure_type(VkBufferViewCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, buffer, format, offset, range) _BufferViewCreateInfo(vks, deps, buffer) end """ Arguments: - `aspect_mask::ImageAspectFlag` - `mip_level::UInt32` - `array_layer::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresource.html) """ function _ImageSubresource(aspect_mask::ImageAspectFlag, mip_level::Integer, array_layer::Integer) _ImageSubresource(VkImageSubresource(aspect_mask, mip_level, array_layer)) end """ Arguments: - `aspect_mask::ImageAspectFlag` - `mip_level::UInt32` - `base_array_layer::UInt32` - `layer_count::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresourceLayers.html) """ function _ImageSubresourceLayers(aspect_mask::ImageAspectFlag, mip_level::Integer, base_array_layer::Integer, layer_count::Integer) _ImageSubresourceLayers(VkImageSubresourceLayers(aspect_mask, mip_level, base_array_layer, layer_count)) end """ Arguments: - `aspect_mask::ImageAspectFlag` - `base_mip_level::UInt32` - `level_count::UInt32` - `base_array_layer::UInt32` - `layer_count::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresourceRange.html) """ function _ImageSubresourceRange(aspect_mask::ImageAspectFlag, base_mip_level::Integer, level_count::Integer, base_array_layer::Integer, layer_count::Integer) _ImageSubresourceRange(VkImageSubresourceRange(aspect_mask, base_mip_level, level_count, base_array_layer, layer_count)) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `src_access_mask::AccessFlag`: defaults to `0` - `dst_access_mask::AccessFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryBarrier.html) """ function _MemoryBarrier(; next = C_NULL, src_access_mask = 0, dst_access_mask = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryBarrier(structure_type(VkMemoryBarrier), unsafe_convert(Ptr{Cvoid}, next), src_access_mask, dst_access_mask) _MemoryBarrier(vks, deps) end """ Arguments: - `src_access_mask::AccessFlag` - `dst_access_mask::AccessFlag` - `src_queue_family_index::UInt32` - `dst_queue_family_index::UInt32` - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferMemoryBarrier.html) """ function _BufferMemoryBarrier(src_access_mask::AccessFlag, dst_access_mask::AccessFlag, src_queue_family_index::Integer, dst_queue_family_index::Integer, buffer, offset::Integer, size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBufferMemoryBarrier(structure_type(VkBufferMemoryBarrier), unsafe_convert(Ptr{Cvoid}, next), src_access_mask, dst_access_mask, src_queue_family_index, dst_queue_family_index, buffer, offset, size) _BufferMemoryBarrier(vks, deps, buffer) end """ Arguments: - `src_access_mask::AccessFlag` - `dst_access_mask::AccessFlag` - `old_layout::ImageLayout` - `new_layout::ImageLayout` - `src_queue_family_index::UInt32` - `dst_queue_family_index::UInt32` - `image::Image` - `subresource_range::_ImageSubresourceRange` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageMemoryBarrier.html) """ function _ImageMemoryBarrier(src_access_mask::AccessFlag, dst_access_mask::AccessFlag, old_layout::ImageLayout, new_layout::ImageLayout, src_queue_family_index::Integer, dst_queue_family_index::Integer, image, subresource_range::_ImageSubresourceRange; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageMemoryBarrier(structure_type(VkImageMemoryBarrier), unsafe_convert(Ptr{Cvoid}, next), src_access_mask, dst_access_mask, old_layout, new_layout, src_queue_family_index, dst_queue_family_index, image, subresource_range.vks) _ImageMemoryBarrier(vks, deps, image) end """ Arguments: - `image_type::ImageType` - `format::Format` - `extent::_Extent3D` - `mip_levels::UInt32` - `array_layers::UInt32` - `samples::SampleCountFlag` - `tiling::ImageTiling` - `usage::ImageUsageFlag` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `initial_layout::ImageLayout` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::ImageCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCreateInfo.html) """ function _ImageCreateInfo(image_type::ImageType, format::Format, extent::_Extent3D, mip_levels::Integer, array_layers::Integer, samples::SampleCountFlag, tiling::ImageTiling, usage::ImageUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, initial_layout::ImageLayout; next = C_NULL, flags = 0) queue_family_index_count = pointer_length(queue_family_indices) next = cconvert(Ptr{Cvoid}, next) queue_family_indices = cconvert(Ptr{UInt32}, queue_family_indices) deps = Any[next, queue_family_indices] vks = VkImageCreateInfo(structure_type(VkImageCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, image_type, format, extent.vks, mip_levels, array_layers, VkSampleCountFlagBits(samples.val), tiling, usage, sharing_mode, queue_family_index_count, unsafe_convert(Ptr{UInt32}, queue_family_indices), initial_layout) _ImageCreateInfo(vks, deps) end """ Arguments: - `offset::UInt64` - `size::UInt64` - `row_pitch::UInt64` - `array_pitch::UInt64` - `depth_pitch::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubresourceLayout.html) """ function _SubresourceLayout(offset::Integer, size::Integer, row_pitch::Integer, array_pitch::Integer, depth_pitch::Integer) _SubresourceLayout(VkSubresourceLayout(offset, size, row_pitch, array_pitch, depth_pitch)) end """ Arguments: - `image::Image` - `view_type::ImageViewType` - `format::Format` - `components::_ComponentMapping` - `subresource_range::_ImageSubresourceRange` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::ImageViewCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewCreateInfo.html) """ function _ImageViewCreateInfo(image, view_type::ImageViewType, format::Format, components::_ComponentMapping, subresource_range::_ImageSubresourceRange; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageViewCreateInfo(structure_type(VkImageViewCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, image, view_type, format, components.vks, subresource_range.vks) _ImageViewCreateInfo(vks, deps, image) end """ Arguments: - `src_offset::UInt64` - `dst_offset::UInt64` - `size::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCopy.html) """ function _BufferCopy(src_offset::Integer, dst_offset::Integer, size::Integer) _BufferCopy(VkBufferCopy(src_offset, dst_offset, size)) end """ Arguments: - `resource_offset::UInt64` - `size::UInt64` - `memory_offset::UInt64` - `memory::DeviceMemory`: defaults to `C_NULL` - `flags::SparseMemoryBindFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseMemoryBind.html) """ function _SparseMemoryBind(resource_offset::Integer, size::Integer, memory_offset::Integer; memory = C_NULL, flags = 0) _SparseMemoryBind(VkSparseMemoryBind(resource_offset, size, memory, memory_offset, flags), memory) end """ Arguments: - `subresource::_ImageSubresource` - `offset::_Offset3D` - `extent::_Extent3D` - `memory_offset::UInt64` - `memory::DeviceMemory`: defaults to `C_NULL` - `flags::SparseMemoryBindFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryBind.html) """ function _SparseImageMemoryBind(subresource::_ImageSubresource, offset::_Offset3D, extent::_Extent3D, memory_offset::Integer; memory = C_NULL, flags = 0) _SparseImageMemoryBind(VkSparseImageMemoryBind(subresource.vks, offset.vks, extent.vks, memory, memory_offset, flags), memory) end """ Arguments: - `buffer::Buffer` - `binds::Vector{_SparseMemoryBind}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseBufferMemoryBindInfo.html) """ function _SparseBufferMemoryBindInfo(buffer, binds::AbstractArray) bind_count = pointer_length(binds) binds = cconvert(Ptr{VkSparseMemoryBind}, binds) deps = Any[binds] vks = VkSparseBufferMemoryBindInfo(buffer, bind_count, unsafe_convert(Ptr{VkSparseMemoryBind}, binds)) _SparseBufferMemoryBindInfo(vks, deps, buffer) end """ Arguments: - `image::Image` - `binds::Vector{_SparseMemoryBind}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageOpaqueMemoryBindInfo.html) """ function _SparseImageOpaqueMemoryBindInfo(image, binds::AbstractArray) bind_count = pointer_length(binds) binds = cconvert(Ptr{VkSparseMemoryBind}, binds) deps = Any[binds] vks = VkSparseImageOpaqueMemoryBindInfo(image, bind_count, unsafe_convert(Ptr{VkSparseMemoryBind}, binds)) _SparseImageOpaqueMemoryBindInfo(vks, deps, image) end """ Arguments: - `image::Image` - `binds::Vector{_SparseImageMemoryBind}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryBindInfo.html) """ function _SparseImageMemoryBindInfo(image, binds::AbstractArray) bind_count = pointer_length(binds) binds = cconvert(Ptr{VkSparseImageMemoryBind}, binds) deps = Any[binds] vks = VkSparseImageMemoryBindInfo(image, bind_count, unsafe_convert(Ptr{VkSparseImageMemoryBind}, binds)) _SparseImageMemoryBindInfo(vks, deps, image) end """ Arguments: - `wait_semaphores::Vector{Semaphore}` - `buffer_binds::Vector{_SparseBufferMemoryBindInfo}` - `image_opaque_binds::Vector{_SparseImageOpaqueMemoryBindInfo}` - `image_binds::Vector{_SparseImageMemoryBindInfo}` - `signal_semaphores::Vector{Semaphore}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindSparseInfo.html) """ function _BindSparseInfo(wait_semaphores::AbstractArray, buffer_binds::AbstractArray, image_opaque_binds::AbstractArray, image_binds::AbstractArray, signal_semaphores::AbstractArray; next = C_NULL) wait_semaphore_count = pointer_length(wait_semaphores) buffer_bind_count = pointer_length(buffer_binds) image_opaque_bind_count = pointer_length(image_opaque_binds) image_bind_count = pointer_length(image_binds) signal_semaphore_count = pointer_length(signal_semaphores) next = cconvert(Ptr{Cvoid}, next) wait_semaphores = cconvert(Ptr{VkSemaphore}, wait_semaphores) buffer_binds = cconvert(Ptr{VkSparseBufferMemoryBindInfo}, buffer_binds) image_opaque_binds = cconvert(Ptr{VkSparseImageOpaqueMemoryBindInfo}, image_opaque_binds) image_binds = cconvert(Ptr{VkSparseImageMemoryBindInfo}, image_binds) signal_semaphores = cconvert(Ptr{VkSemaphore}, signal_semaphores) deps = Any[next, wait_semaphores, buffer_binds, image_opaque_binds, image_binds, signal_semaphores] vks = VkBindSparseInfo(structure_type(VkBindSparseInfo), unsafe_convert(Ptr{Cvoid}, next), wait_semaphore_count, unsafe_convert(Ptr{VkSemaphore}, wait_semaphores), buffer_bind_count, unsafe_convert(Ptr{VkSparseBufferMemoryBindInfo}, buffer_binds), image_opaque_bind_count, unsafe_convert(Ptr{VkSparseImageOpaqueMemoryBindInfo}, image_opaque_binds), image_bind_count, unsafe_convert(Ptr{VkSparseImageMemoryBindInfo}, image_binds), signal_semaphore_count, unsafe_convert(Ptr{VkSemaphore}, signal_semaphores)) _BindSparseInfo(vks, deps) end """ Arguments: - `src_subresource::_ImageSubresourceLayers` - `src_offset::_Offset3D` - `dst_subresource::_ImageSubresourceLayers` - `dst_offset::_Offset3D` - `extent::_Extent3D` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCopy.html) """ function _ImageCopy(src_subresource::_ImageSubresourceLayers, src_offset::_Offset3D, dst_subresource::_ImageSubresourceLayers, dst_offset::_Offset3D, extent::_Extent3D) _ImageCopy(VkImageCopy(src_subresource.vks, src_offset.vks, dst_subresource.vks, dst_offset.vks, extent.vks)) end """ Arguments: - `src_subresource::_ImageSubresourceLayers` - `src_offsets::NTuple{2, _Offset3D}` - `dst_subresource::_ImageSubresourceLayers` - `dst_offsets::NTuple{2, _Offset3D}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageBlit.html) """ function _ImageBlit(src_subresource::_ImageSubresourceLayers, src_offsets::NTuple{2, _Offset3D}, dst_subresource::_ImageSubresourceLayers, dst_offsets::NTuple{2, _Offset3D}) _ImageBlit(VkImageBlit(src_subresource.vks, to_vk(NTuple{2, VkOffset3D}, src_offsets), dst_subresource.vks, to_vk(NTuple{2, VkOffset3D}, dst_offsets))) end """ Arguments: - `buffer_offset::UInt64` - `buffer_row_length::UInt32` - `buffer_image_height::UInt32` - `image_subresource::_ImageSubresourceLayers` - `image_offset::_Offset3D` - `image_extent::_Extent3D` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferImageCopy.html) """ function _BufferImageCopy(buffer_offset::Integer, buffer_row_length::Integer, buffer_image_height::Integer, image_subresource::_ImageSubresourceLayers, image_offset::_Offset3D, image_extent::_Extent3D) _BufferImageCopy(VkBufferImageCopy(buffer_offset, buffer_row_length, buffer_image_height, image_subresource.vks, image_offset.vks, image_extent.vks)) end """ Extension: VK\\_NV\\_copy\\_memory\\_indirect Arguments: - `src_address::UInt64` - `dst_address::UInt64` - `size::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryIndirectCommandNV.html) """ function _CopyMemoryIndirectCommandNV(src_address::Integer, dst_address::Integer, size::Integer) _CopyMemoryIndirectCommandNV(VkCopyMemoryIndirectCommandNV(src_address, dst_address, size)) end """ Extension: VK\\_NV\\_copy\\_memory\\_indirect Arguments: - `src_address::UInt64` - `buffer_row_length::UInt32` - `buffer_image_height::UInt32` - `image_subresource::_ImageSubresourceLayers` - `image_offset::_Offset3D` - `image_extent::_Extent3D` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryToImageIndirectCommandNV.html) """ function _CopyMemoryToImageIndirectCommandNV(src_address::Integer, buffer_row_length::Integer, buffer_image_height::Integer, image_subresource::_ImageSubresourceLayers, image_offset::_Offset3D, image_extent::_Extent3D) _CopyMemoryToImageIndirectCommandNV(VkCopyMemoryToImageIndirectCommandNV(src_address, buffer_row_length, buffer_image_height, image_subresource.vks, image_offset.vks, image_extent.vks)) end """ Arguments: - `src_subresource::_ImageSubresourceLayers` - `src_offset::_Offset3D` - `dst_subresource::_ImageSubresourceLayers` - `dst_offset::_Offset3D` - `extent::_Extent3D` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageResolve.html) """ function _ImageResolve(src_subresource::_ImageSubresourceLayers, src_offset::_Offset3D, dst_subresource::_ImageSubresourceLayers, dst_offset::_Offset3D, extent::_Extent3D) _ImageResolve(VkImageResolve(src_subresource.vks, src_offset.vks, dst_subresource.vks, dst_offset.vks, extent.vks)) end """ Arguments: - `code_size::UInt` - `code::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderModuleCreateInfo.html) """ function _ShaderModuleCreateInfo(code_size::Integer, code::AbstractArray; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) code = cconvert(Ptr{UInt32}, code) deps = Any[next, code] vks = VkShaderModuleCreateInfo(structure_type(VkShaderModuleCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, code_size, unsafe_convert(Ptr{UInt32}, code)) _ShaderModuleCreateInfo(vks, deps) end """ Arguments: - `binding::UInt32` - `descriptor_type::DescriptorType` - `stage_flags::ShaderStageFlag` - `descriptor_count::UInt32`: defaults to `0` - `immutable_samplers::Vector{Sampler}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutBinding.html) """ function _DescriptorSetLayoutBinding(binding::Integer, descriptor_type::DescriptorType, stage_flags::ShaderStageFlag; descriptor_count = 0, immutable_samplers = C_NULL) immutable_samplers = cconvert(Ptr{VkSampler}, immutable_samplers) deps = Any[immutable_samplers] vks = VkDescriptorSetLayoutBinding(binding, descriptor_type, descriptor_count, stage_flags, unsafe_convert(Ptr{VkSampler}, immutable_samplers)) _DescriptorSetLayoutBinding(vks, deps) end """ Arguments: - `bindings::Vector{_DescriptorSetLayoutBinding}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::DescriptorSetLayoutCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutCreateInfo.html) """ function _DescriptorSetLayoutCreateInfo(bindings::AbstractArray; next = C_NULL, flags = 0) binding_count = pointer_length(bindings) next = cconvert(Ptr{Cvoid}, next) bindings = cconvert(Ptr{VkDescriptorSetLayoutBinding}, bindings) deps = Any[next, bindings] vks = VkDescriptorSetLayoutCreateInfo(structure_type(VkDescriptorSetLayoutCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, binding_count, unsafe_convert(Ptr{VkDescriptorSetLayoutBinding}, bindings)) _DescriptorSetLayoutCreateInfo(vks, deps) end """ Arguments: - `type::DescriptorType` - `descriptor_count::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorPoolSize.html) """ function _DescriptorPoolSize(type::DescriptorType, descriptor_count::Integer) _DescriptorPoolSize(VkDescriptorPoolSize(type, descriptor_count)) end """ Arguments: - `max_sets::UInt32` - `pool_sizes::Vector{_DescriptorPoolSize}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::DescriptorPoolCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorPoolCreateInfo.html) """ function _DescriptorPoolCreateInfo(max_sets::Integer, pool_sizes::AbstractArray; next = C_NULL, flags = 0) pool_size_count = pointer_length(pool_sizes) next = cconvert(Ptr{Cvoid}, next) pool_sizes = cconvert(Ptr{VkDescriptorPoolSize}, pool_sizes) deps = Any[next, pool_sizes] vks = VkDescriptorPoolCreateInfo(structure_type(VkDescriptorPoolCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, max_sets, pool_size_count, unsafe_convert(Ptr{VkDescriptorPoolSize}, pool_sizes)) _DescriptorPoolCreateInfo(vks, deps) end """ Arguments: - `descriptor_pool::DescriptorPool` - `set_layouts::Vector{DescriptorSetLayout}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetAllocateInfo.html) """ function _DescriptorSetAllocateInfo(descriptor_pool, set_layouts::AbstractArray; next = C_NULL) descriptor_set_count = pointer_length(set_layouts) next = cconvert(Ptr{Cvoid}, next) set_layouts = cconvert(Ptr{VkDescriptorSetLayout}, set_layouts) deps = Any[next, set_layouts] vks = VkDescriptorSetAllocateInfo(structure_type(VkDescriptorSetAllocateInfo), unsafe_convert(Ptr{Cvoid}, next), descriptor_pool, descriptor_set_count, unsafe_convert(Ptr{VkDescriptorSetLayout}, set_layouts)) _DescriptorSetAllocateInfo(vks, deps, descriptor_pool) end """ Arguments: - `constant_id::UInt32` - `offset::UInt32` - `size::UInt` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSpecializationMapEntry.html) """ function _SpecializationMapEntry(constant_id::Integer, offset::Integer, size::Integer) _SpecializationMapEntry(VkSpecializationMapEntry(constant_id, offset, size)) end """ Arguments: - `map_entries::Vector{_SpecializationMapEntry}` - `data::Ptr{Cvoid}` - `data_size::UInt`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSpecializationInfo.html) """ function _SpecializationInfo(map_entries::AbstractArray, data::Ptr{Cvoid}; data_size = 0) map_entry_count = pointer_length(map_entries) map_entries = cconvert(Ptr{VkSpecializationMapEntry}, map_entries) data = cconvert(Ptr{Cvoid}, data) deps = Any[map_entries, data] vks = VkSpecializationInfo(map_entry_count, unsafe_convert(Ptr{VkSpecializationMapEntry}, map_entries), data_size, unsafe_convert(Ptr{Cvoid}, data)) _SpecializationInfo(vks, deps) end """ Arguments: - `stage::ShaderStageFlag` - `_module::ShaderModule` - `name::String` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PipelineShaderStageCreateFlag`: defaults to `0` - `specialization_info::_SpecializationInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineShaderStageCreateInfo.html) """ function _PipelineShaderStageCreateInfo(stage::ShaderStageFlag, _module, name::AbstractString; next = C_NULL, flags = 0, specialization_info = C_NULL) next = cconvert(Ptr{Cvoid}, next) name = cconvert(Cstring, name) specialization_info = cconvert(Ptr{VkSpecializationInfo}, specialization_info) deps = Any[next, name, specialization_info] vks = VkPipelineShaderStageCreateInfo(structure_type(VkPipelineShaderStageCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, VkShaderStageFlagBits(stage.val), _module, unsafe_convert(Cstring, name), unsafe_convert(Ptr{VkSpecializationInfo}, specialization_info)) _PipelineShaderStageCreateInfo(vks, deps, _module) end """ Arguments: - `stage::_PipelineShaderStageCreateInfo` - `layout::PipelineLayout` - `base_pipeline_index::Int32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PipelineCreateFlag`: defaults to `0` - `base_pipeline_handle::Pipeline`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkComputePipelineCreateInfo.html) """ function _ComputePipelineCreateInfo(stage::_PipelineShaderStageCreateInfo, layout, base_pipeline_index::Integer; next = C_NULL, flags = 0, base_pipeline_handle = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkComputePipelineCreateInfo(structure_type(VkComputePipelineCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, stage.vks, layout, base_pipeline_handle, base_pipeline_index) _ComputePipelineCreateInfo(vks, deps, layout, base_pipeline_handle) end """ Arguments: - `binding::UInt32` - `stride::UInt32` - `input_rate::VertexInputRate` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputBindingDescription.html) """ function _VertexInputBindingDescription(binding::Integer, stride::Integer, input_rate::VertexInputRate) _VertexInputBindingDescription(VkVertexInputBindingDescription(binding, stride, input_rate)) end """ Arguments: - `location::UInt32` - `binding::UInt32` - `format::Format` - `offset::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputAttributeDescription.html) """ function _VertexInputAttributeDescription(location::Integer, binding::Integer, format::Format, offset::Integer) _VertexInputAttributeDescription(VkVertexInputAttributeDescription(location, binding, format, offset)) end """ Arguments: - `vertex_binding_descriptions::Vector{_VertexInputBindingDescription}` - `vertex_attribute_descriptions::Vector{_VertexInputAttributeDescription}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineVertexInputStateCreateInfo.html) """ function _PipelineVertexInputStateCreateInfo(vertex_binding_descriptions::AbstractArray, vertex_attribute_descriptions::AbstractArray; next = C_NULL, flags = 0) vertex_binding_description_count = pointer_length(vertex_binding_descriptions) vertex_attribute_description_count = pointer_length(vertex_attribute_descriptions) next = cconvert(Ptr{Cvoid}, next) vertex_binding_descriptions = cconvert(Ptr{VkVertexInputBindingDescription}, vertex_binding_descriptions) vertex_attribute_descriptions = cconvert(Ptr{VkVertexInputAttributeDescription}, vertex_attribute_descriptions) deps = Any[next, vertex_binding_descriptions, vertex_attribute_descriptions] vks = VkPipelineVertexInputStateCreateInfo(structure_type(VkPipelineVertexInputStateCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, vertex_binding_description_count, unsafe_convert(Ptr{VkVertexInputBindingDescription}, vertex_binding_descriptions), vertex_attribute_description_count, unsafe_convert(Ptr{VkVertexInputAttributeDescription}, vertex_attribute_descriptions)) _PipelineVertexInputStateCreateInfo(vks, deps) end """ Arguments: - `topology::PrimitiveTopology` - `primitive_restart_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineInputAssemblyStateCreateInfo.html) """ function _PipelineInputAssemblyStateCreateInfo(topology::PrimitiveTopology, primitive_restart_enable::Bool; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineInputAssemblyStateCreateInfo(structure_type(VkPipelineInputAssemblyStateCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, topology, primitive_restart_enable) _PipelineInputAssemblyStateCreateInfo(vks, deps) end """ Arguments: - `patch_control_points::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineTessellationStateCreateInfo.html) """ function _PipelineTessellationStateCreateInfo(patch_control_points::Integer; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineTessellationStateCreateInfo(structure_type(VkPipelineTessellationStateCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, patch_control_points) _PipelineTessellationStateCreateInfo(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `viewports::Vector{_Viewport}`: defaults to `C_NULL` - `scissors::Vector{_Rect2D}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportStateCreateInfo.html) """ function _PipelineViewportStateCreateInfo(; next = C_NULL, flags = 0, viewports = C_NULL, scissors = C_NULL) viewport_count = pointer_length(viewports) scissor_count = pointer_length(scissors) next = cconvert(Ptr{Cvoid}, next) viewports = cconvert(Ptr{VkViewport}, viewports) scissors = cconvert(Ptr{VkRect2D}, scissors) deps = Any[next, viewports, scissors] vks = VkPipelineViewportStateCreateInfo(structure_type(VkPipelineViewportStateCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, viewport_count, unsafe_convert(Ptr{VkViewport}, viewports), scissor_count, unsafe_convert(Ptr{VkRect2D}, scissors)) _PipelineViewportStateCreateInfo(vks, deps) end """ Arguments: - `depth_clamp_enable::Bool` - `rasterizer_discard_enable::Bool` - `polygon_mode::PolygonMode` - `front_face::FrontFace` - `depth_bias_enable::Bool` - `depth_bias_constant_factor::Float32` - `depth_bias_clamp::Float32` - `depth_bias_slope_factor::Float32` - `line_width::Float32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `cull_mode::CullModeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationStateCreateInfo.html) """ function _PipelineRasterizationStateCreateInfo(depth_clamp_enable::Bool, rasterizer_discard_enable::Bool, polygon_mode::PolygonMode, front_face::FrontFace, depth_bias_enable::Bool, depth_bias_constant_factor::Real, depth_bias_clamp::Real, depth_bias_slope_factor::Real, line_width::Real; next = C_NULL, flags = 0, cull_mode = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineRasterizationStateCreateInfo(structure_type(VkPipelineRasterizationStateCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, depth_clamp_enable, rasterizer_discard_enable, polygon_mode, cull_mode, front_face, depth_bias_enable, depth_bias_constant_factor, depth_bias_clamp, depth_bias_slope_factor, line_width) _PipelineRasterizationStateCreateInfo(vks, deps) end """ Arguments: - `rasterization_samples::SampleCountFlag` - `sample_shading_enable::Bool` - `min_sample_shading::Float32` - `alpha_to_coverage_enable::Bool` - `alpha_to_one_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `sample_mask::Vector{UInt32}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineMultisampleStateCreateInfo.html) """ function _PipelineMultisampleStateCreateInfo(rasterization_samples::SampleCountFlag, sample_shading_enable::Bool, min_sample_shading::Real, alpha_to_coverage_enable::Bool, alpha_to_one_enable::Bool; next = C_NULL, flags = 0, sample_mask = C_NULL) next = cconvert(Ptr{Cvoid}, next) sample_mask = cconvert(Ptr{VkSampleMask}, sample_mask) deps = Any[next, sample_mask] vks = VkPipelineMultisampleStateCreateInfo(structure_type(VkPipelineMultisampleStateCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, VkSampleCountFlagBits(rasterization_samples.val), sample_shading_enable, min_sample_shading, unsafe_convert(Ptr{VkSampleMask}, sample_mask), alpha_to_coverage_enable, alpha_to_one_enable) _PipelineMultisampleStateCreateInfo(vks, deps) end """ Arguments: - `blend_enable::Bool` - `src_color_blend_factor::BlendFactor` - `dst_color_blend_factor::BlendFactor` - `color_blend_op::BlendOp` - `src_alpha_blend_factor::BlendFactor` - `dst_alpha_blend_factor::BlendFactor` - `alpha_blend_op::BlendOp` - `color_write_mask::ColorComponentFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorBlendAttachmentState.html) """ function _PipelineColorBlendAttachmentState(blend_enable::Bool, src_color_blend_factor::BlendFactor, dst_color_blend_factor::BlendFactor, color_blend_op::BlendOp, src_alpha_blend_factor::BlendFactor, dst_alpha_blend_factor::BlendFactor, alpha_blend_op::BlendOp; color_write_mask = 0) _PipelineColorBlendAttachmentState(VkPipelineColorBlendAttachmentState(blend_enable, src_color_blend_factor, dst_color_blend_factor, color_blend_op, src_alpha_blend_factor, dst_alpha_blend_factor, alpha_blend_op, color_write_mask)) end """ Arguments: - `logic_op_enable::Bool` - `logic_op::LogicOp` - `attachments::Vector{_PipelineColorBlendAttachmentState}` - `blend_constants::NTuple{4, Float32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PipelineColorBlendStateCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorBlendStateCreateInfo.html) """ function _PipelineColorBlendStateCreateInfo(logic_op_enable::Bool, logic_op::LogicOp, attachments::AbstractArray, blend_constants::NTuple{4, Float32}; next = C_NULL, flags = 0) attachment_count = pointer_length(attachments) next = cconvert(Ptr{Cvoid}, next) attachments = cconvert(Ptr{VkPipelineColorBlendAttachmentState}, attachments) deps = Any[next, attachments] vks = VkPipelineColorBlendStateCreateInfo(structure_type(VkPipelineColorBlendStateCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, logic_op_enable, logic_op, attachment_count, unsafe_convert(Ptr{VkPipelineColorBlendAttachmentState}, attachments), blend_constants) _PipelineColorBlendStateCreateInfo(vks, deps) end """ Arguments: - `dynamic_states::Vector{DynamicState}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineDynamicStateCreateInfo.html) """ function _PipelineDynamicStateCreateInfo(dynamic_states::AbstractArray; next = C_NULL, flags = 0) dynamic_state_count = pointer_length(dynamic_states) next = cconvert(Ptr{Cvoid}, next) dynamic_states = cconvert(Ptr{VkDynamicState}, dynamic_states) deps = Any[next, dynamic_states] vks = VkPipelineDynamicStateCreateInfo(structure_type(VkPipelineDynamicStateCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, dynamic_state_count, unsafe_convert(Ptr{VkDynamicState}, dynamic_states)) _PipelineDynamicStateCreateInfo(vks, deps) end """ Arguments: - `fail_op::StencilOp` - `pass_op::StencilOp` - `depth_fail_op::StencilOp` - `compare_op::CompareOp` - `compare_mask::UInt32` - `write_mask::UInt32` - `reference::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkStencilOpState.html) """ function _StencilOpState(fail_op::StencilOp, pass_op::StencilOp, depth_fail_op::StencilOp, compare_op::CompareOp, compare_mask::Integer, write_mask::Integer, reference::Integer) _StencilOpState(VkStencilOpState(fail_op, pass_op, depth_fail_op, compare_op, compare_mask, write_mask, reference)) end """ Arguments: - `depth_test_enable::Bool` - `depth_write_enable::Bool` - `depth_compare_op::CompareOp` - `depth_bounds_test_enable::Bool` - `stencil_test_enable::Bool` - `front::_StencilOpState` - `back::_StencilOpState` - `min_depth_bounds::Float32` - `max_depth_bounds::Float32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PipelineDepthStencilStateCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineDepthStencilStateCreateInfo.html) """ function _PipelineDepthStencilStateCreateInfo(depth_test_enable::Bool, depth_write_enable::Bool, depth_compare_op::CompareOp, depth_bounds_test_enable::Bool, stencil_test_enable::Bool, front::_StencilOpState, back::_StencilOpState, min_depth_bounds::Real, max_depth_bounds::Real; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineDepthStencilStateCreateInfo(structure_type(VkPipelineDepthStencilStateCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, depth_test_enable, depth_write_enable, depth_compare_op, depth_bounds_test_enable, stencil_test_enable, front.vks, back.vks, min_depth_bounds, max_depth_bounds) _PipelineDepthStencilStateCreateInfo(vks, deps) end """ Arguments: - `stages::Vector{_PipelineShaderStageCreateInfo}` - `rasterization_state::_PipelineRasterizationStateCreateInfo` - `layout::PipelineLayout` - `subpass::UInt32` - `base_pipeline_index::Int32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PipelineCreateFlag`: defaults to `0` - `vertex_input_state::_PipelineVertexInputStateCreateInfo`: defaults to `C_NULL` - `input_assembly_state::_PipelineInputAssemblyStateCreateInfo`: defaults to `C_NULL` - `tessellation_state::_PipelineTessellationStateCreateInfo`: defaults to `C_NULL` - `viewport_state::_PipelineViewportStateCreateInfo`: defaults to `C_NULL` - `multisample_state::_PipelineMultisampleStateCreateInfo`: defaults to `C_NULL` - `depth_stencil_state::_PipelineDepthStencilStateCreateInfo`: defaults to `C_NULL` - `color_blend_state::_PipelineColorBlendStateCreateInfo`: defaults to `C_NULL` - `dynamic_state::_PipelineDynamicStateCreateInfo`: defaults to `C_NULL` - `render_pass::RenderPass`: defaults to `C_NULL` - `base_pipeline_handle::Pipeline`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsPipelineCreateInfo.html) """ function _GraphicsPipelineCreateInfo(stages::AbstractArray, rasterization_state::_PipelineRasterizationStateCreateInfo, layout, subpass::Integer, base_pipeline_index::Integer; next = C_NULL, flags = 0, vertex_input_state = C_NULL, input_assembly_state = C_NULL, tessellation_state = C_NULL, viewport_state = C_NULL, multisample_state = C_NULL, depth_stencil_state = C_NULL, color_blend_state = C_NULL, dynamic_state = C_NULL, render_pass = C_NULL, base_pipeline_handle = C_NULL) stage_count = pointer_length(stages) next = cconvert(Ptr{Cvoid}, next) stages = cconvert(Ptr{VkPipelineShaderStageCreateInfo}, stages) vertex_input_state = cconvert(Ptr{VkPipelineVertexInputStateCreateInfo}, vertex_input_state) input_assembly_state = cconvert(Ptr{VkPipelineInputAssemblyStateCreateInfo}, input_assembly_state) tessellation_state = cconvert(Ptr{VkPipelineTessellationStateCreateInfo}, tessellation_state) viewport_state = cconvert(Ptr{VkPipelineViewportStateCreateInfo}, viewport_state) rasterization_state = cconvert(Ptr{VkPipelineRasterizationStateCreateInfo}, rasterization_state) multisample_state = cconvert(Ptr{VkPipelineMultisampleStateCreateInfo}, multisample_state) depth_stencil_state = cconvert(Ptr{VkPipelineDepthStencilStateCreateInfo}, depth_stencil_state) color_blend_state = cconvert(Ptr{VkPipelineColorBlendStateCreateInfo}, color_blend_state) dynamic_state = cconvert(Ptr{VkPipelineDynamicStateCreateInfo}, dynamic_state) deps = Any[next, stages, vertex_input_state, input_assembly_state, tessellation_state, viewport_state, rasterization_state, multisample_state, depth_stencil_state, color_blend_state, dynamic_state] vks = VkGraphicsPipelineCreateInfo(structure_type(VkGraphicsPipelineCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, stage_count, unsafe_convert(Ptr{VkPipelineShaderStageCreateInfo}, stages), unsafe_convert(Ptr{VkPipelineVertexInputStateCreateInfo}, vertex_input_state), unsafe_convert(Ptr{VkPipelineInputAssemblyStateCreateInfo}, input_assembly_state), unsafe_convert(Ptr{VkPipelineTessellationStateCreateInfo}, tessellation_state), unsafe_convert(Ptr{VkPipelineViewportStateCreateInfo}, viewport_state), unsafe_convert(Ptr{VkPipelineRasterizationStateCreateInfo}, rasterization_state), unsafe_convert(Ptr{VkPipelineMultisampleStateCreateInfo}, multisample_state), unsafe_convert(Ptr{VkPipelineDepthStencilStateCreateInfo}, depth_stencil_state), unsafe_convert(Ptr{VkPipelineColorBlendStateCreateInfo}, color_blend_state), unsafe_convert(Ptr{VkPipelineDynamicStateCreateInfo}, dynamic_state), layout, render_pass, subpass, base_pipeline_handle, base_pipeline_index) _GraphicsPipelineCreateInfo(vks, deps, layout, render_pass, base_pipeline_handle) end """ Arguments: - `initial_data::Ptr{Cvoid}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PipelineCacheCreateFlag`: defaults to `0` - `initial_data_size::UInt`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCacheCreateInfo.html) """ function _PipelineCacheCreateInfo(initial_data::Ptr{Cvoid}; next = C_NULL, flags = 0, initial_data_size = 0) next = cconvert(Ptr{Cvoid}, next) initial_data = cconvert(Ptr{Cvoid}, initial_data) deps = Any[next, initial_data] vks = VkPipelineCacheCreateInfo(structure_type(VkPipelineCacheCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, initial_data_size, unsafe_convert(Ptr{Cvoid}, initial_data)) _PipelineCacheCreateInfo(vks, deps) end """ Arguments: - `header_size::UInt32` - `header_version::PipelineCacheHeaderVersion` - `vendor_id::UInt32` - `device_id::UInt32` - `pipeline_cache_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCacheHeaderVersionOne.html) """ function _PipelineCacheHeaderVersionOne(header_size::Integer, header_version::PipelineCacheHeaderVersion, vendor_id::Integer, device_id::Integer, pipeline_cache_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}) _PipelineCacheHeaderVersionOne(VkPipelineCacheHeaderVersionOne(header_size, header_version, vendor_id, device_id, pipeline_cache_uuid)) end """ Arguments: - `stage_flags::ShaderStageFlag` - `offset::UInt32` - `size::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPushConstantRange.html) """ function _PushConstantRange(stage_flags::ShaderStageFlag, offset::Integer, size::Integer) _PushConstantRange(VkPushConstantRange(stage_flags, offset, size)) end """ Arguments: - `set_layouts::Vector{DescriptorSetLayout}` - `push_constant_ranges::Vector{_PushConstantRange}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PipelineLayoutCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineLayoutCreateInfo.html) """ function _PipelineLayoutCreateInfo(set_layouts::AbstractArray, push_constant_ranges::AbstractArray; next = C_NULL, flags = 0) set_layout_count = pointer_length(set_layouts) push_constant_range_count = pointer_length(push_constant_ranges) next = cconvert(Ptr{Cvoid}, next) set_layouts = cconvert(Ptr{VkDescriptorSetLayout}, set_layouts) push_constant_ranges = cconvert(Ptr{VkPushConstantRange}, push_constant_ranges) deps = Any[next, set_layouts, push_constant_ranges] vks = VkPipelineLayoutCreateInfo(structure_type(VkPipelineLayoutCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, set_layout_count, unsafe_convert(Ptr{VkDescriptorSetLayout}, set_layouts), push_constant_range_count, unsafe_convert(Ptr{VkPushConstantRange}, push_constant_ranges)) _PipelineLayoutCreateInfo(vks, deps) end """ Arguments: - `mag_filter::Filter` - `min_filter::Filter` - `mipmap_mode::SamplerMipmapMode` - `address_mode_u::SamplerAddressMode` - `address_mode_v::SamplerAddressMode` - `address_mode_w::SamplerAddressMode` - `mip_lod_bias::Float32` - `anisotropy_enable::Bool` - `max_anisotropy::Float32` - `compare_enable::Bool` - `compare_op::CompareOp` - `min_lod::Float32` - `max_lod::Float32` - `border_color::BorderColor` - `unnormalized_coordinates::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::SamplerCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerCreateInfo.html) """ function _SamplerCreateInfo(mag_filter::Filter, min_filter::Filter, mipmap_mode::SamplerMipmapMode, address_mode_u::SamplerAddressMode, address_mode_v::SamplerAddressMode, address_mode_w::SamplerAddressMode, mip_lod_bias::Real, anisotropy_enable::Bool, max_anisotropy::Real, compare_enable::Bool, compare_op::CompareOp, min_lod::Real, max_lod::Real, border_color::BorderColor, unnormalized_coordinates::Bool; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSamplerCreateInfo(structure_type(VkSamplerCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, mag_filter, min_filter, mipmap_mode, address_mode_u, address_mode_v, address_mode_w, mip_lod_bias, anisotropy_enable, max_anisotropy, compare_enable, compare_op, min_lod, max_lod, border_color, unnormalized_coordinates) _SamplerCreateInfo(vks, deps) end """ Arguments: - `queue_family_index::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::CommandPoolCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandPoolCreateInfo.html) """ function _CommandPoolCreateInfo(queue_family_index::Integer; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCommandPoolCreateInfo(structure_type(VkCommandPoolCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, queue_family_index) _CommandPoolCreateInfo(vks, deps) end """ Arguments: - `command_pool::CommandPool` - `level::CommandBufferLevel` - `command_buffer_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferAllocateInfo.html) """ function _CommandBufferAllocateInfo(command_pool, level::CommandBufferLevel, command_buffer_count::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCommandBufferAllocateInfo(structure_type(VkCommandBufferAllocateInfo), unsafe_convert(Ptr{Cvoid}, next), command_pool, level, command_buffer_count) _CommandBufferAllocateInfo(vks, deps, command_pool) end """ Arguments: - `subpass::UInt32` - `occlusion_query_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `render_pass::RenderPass`: defaults to `C_NULL` - `framebuffer::Framebuffer`: defaults to `C_NULL` - `query_flags::QueryControlFlag`: defaults to `0` - `pipeline_statistics::QueryPipelineStatisticFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceInfo.html) """ function _CommandBufferInheritanceInfo(subpass::Integer, occlusion_query_enable::Bool; next = C_NULL, render_pass = C_NULL, framebuffer = C_NULL, query_flags = 0, pipeline_statistics = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCommandBufferInheritanceInfo(structure_type(VkCommandBufferInheritanceInfo), unsafe_convert(Ptr{Cvoid}, next), render_pass, subpass, framebuffer, occlusion_query_enable, query_flags, pipeline_statistics) _CommandBufferInheritanceInfo(vks, deps, render_pass, framebuffer) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::CommandBufferUsageFlag`: defaults to `0` - `inheritance_info::_CommandBufferInheritanceInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferBeginInfo.html) """ function _CommandBufferBeginInfo(; next = C_NULL, flags = 0, inheritance_info = C_NULL) next = cconvert(Ptr{Cvoid}, next) inheritance_info = cconvert(Ptr{VkCommandBufferInheritanceInfo}, inheritance_info) deps = Any[next, inheritance_info] vks = VkCommandBufferBeginInfo(structure_type(VkCommandBufferBeginInfo), unsafe_convert(Ptr{Cvoid}, next), flags, unsafe_convert(Ptr{VkCommandBufferInheritanceInfo}, inheritance_info)) _CommandBufferBeginInfo(vks, deps) end """ Arguments: - `render_pass::RenderPass` - `framebuffer::Framebuffer` - `render_area::_Rect2D` - `clear_values::Vector{_ClearValue}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassBeginInfo.html) """ function _RenderPassBeginInfo(render_pass, framebuffer, render_area::_Rect2D, clear_values::AbstractArray; next = C_NULL) clear_value_count = pointer_length(clear_values) next = cconvert(Ptr{Cvoid}, next) clear_values = cconvert(Ptr{VkClearValue}, clear_values) deps = Any[next, clear_values] vks = VkRenderPassBeginInfo(structure_type(VkRenderPassBeginInfo), unsafe_convert(Ptr{Cvoid}, next), render_pass, framebuffer, render_area.vks, clear_value_count, unsafe_convert(Ptr{VkClearValue}, clear_values)) _RenderPassBeginInfo(vks, deps, render_pass, framebuffer) end """ Arguments: - `depth::Float32` - `stencil::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearDepthStencilValue.html) """ function _ClearDepthStencilValue(depth::Real, stencil::Integer) _ClearDepthStencilValue(VkClearDepthStencilValue(depth, stencil)) end """ Arguments: - `aspect_mask::ImageAspectFlag` - `color_attachment::UInt32` - `clear_value::_ClearValue` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearAttachment.html) """ function _ClearAttachment(aspect_mask::ImageAspectFlag, color_attachment::Integer, clear_value::_ClearValue) _ClearAttachment(VkClearAttachment(aspect_mask, color_attachment, clear_value.vks)) end """ Arguments: - `format::Format` - `samples::SampleCountFlag` - `load_op::AttachmentLoadOp` - `store_op::AttachmentStoreOp` - `stencil_load_op::AttachmentLoadOp` - `stencil_store_op::AttachmentStoreOp` - `initial_layout::ImageLayout` - `final_layout::ImageLayout` - `flags::AttachmentDescriptionFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentDescription.html) """ function _AttachmentDescription(format::Format, samples::SampleCountFlag, load_op::AttachmentLoadOp, store_op::AttachmentStoreOp, stencil_load_op::AttachmentLoadOp, stencil_store_op::AttachmentStoreOp, initial_layout::ImageLayout, final_layout::ImageLayout; flags = 0) _AttachmentDescription(VkAttachmentDescription(flags, format, VkSampleCountFlagBits(samples.val), load_op, store_op, stencil_load_op, stencil_store_op, initial_layout, final_layout)) end """ Arguments: - `attachment::UInt32` - `layout::ImageLayout` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentReference.html) """ function _AttachmentReference(attachment::Integer, layout::ImageLayout) _AttachmentReference(VkAttachmentReference(attachment, layout)) end """ Arguments: - `pipeline_bind_point::PipelineBindPoint` - `input_attachments::Vector{_AttachmentReference}` - `color_attachments::Vector{_AttachmentReference}` - `preserve_attachments::Vector{UInt32}` - `flags::SubpassDescriptionFlag`: defaults to `0` - `resolve_attachments::Vector{_AttachmentReference}`: defaults to `C_NULL` - `depth_stencil_attachment::_AttachmentReference`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDescription.html) """ function _SubpassDescription(pipeline_bind_point::PipelineBindPoint, input_attachments::AbstractArray, color_attachments::AbstractArray, preserve_attachments::AbstractArray; flags = 0, resolve_attachments = C_NULL, depth_stencil_attachment = C_NULL) input_attachment_count = pointer_length(input_attachments) color_attachment_count = pointer_length(color_attachments) preserve_attachment_count = pointer_length(preserve_attachments) input_attachments = cconvert(Ptr{VkAttachmentReference}, input_attachments) color_attachments = cconvert(Ptr{VkAttachmentReference}, color_attachments) resolve_attachments = cconvert(Ptr{VkAttachmentReference}, resolve_attachments) depth_stencil_attachment = cconvert(Ptr{VkAttachmentReference}, depth_stencil_attachment) preserve_attachments = cconvert(Ptr{UInt32}, preserve_attachments) deps = Any[input_attachments, color_attachments, resolve_attachments, depth_stencil_attachment, preserve_attachments] vks = VkSubpassDescription(flags, pipeline_bind_point, input_attachment_count, unsafe_convert(Ptr{VkAttachmentReference}, input_attachments), color_attachment_count, unsafe_convert(Ptr{VkAttachmentReference}, color_attachments), unsafe_convert(Ptr{VkAttachmentReference}, resolve_attachments), unsafe_convert(Ptr{VkAttachmentReference}, depth_stencil_attachment), preserve_attachment_count, unsafe_convert(Ptr{UInt32}, preserve_attachments)) _SubpassDescription(vks, deps) end """ Arguments: - `src_subpass::UInt32` - `dst_subpass::UInt32` - `src_stage_mask::PipelineStageFlag`: defaults to `0` - `dst_stage_mask::PipelineStageFlag`: defaults to `0` - `src_access_mask::AccessFlag`: defaults to `0` - `dst_access_mask::AccessFlag`: defaults to `0` - `dependency_flags::DependencyFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDependency.html) """ function _SubpassDependency(src_subpass::Integer, dst_subpass::Integer; src_stage_mask = 0, dst_stage_mask = 0, src_access_mask = 0, dst_access_mask = 0, dependency_flags = 0) _SubpassDependency(VkSubpassDependency(src_subpass, dst_subpass, src_stage_mask, dst_stage_mask, src_access_mask, dst_access_mask, dependency_flags)) end """ Arguments: - `attachments::Vector{_AttachmentDescription}` - `subpasses::Vector{_SubpassDescription}` - `dependencies::Vector{_SubpassDependency}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::RenderPassCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreateInfo.html) """ function _RenderPassCreateInfo(attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray; next = C_NULL, flags = 0) attachment_count = pointer_length(attachments) subpass_count = pointer_length(subpasses) dependency_count = pointer_length(dependencies) next = cconvert(Ptr{Cvoid}, next) attachments = cconvert(Ptr{VkAttachmentDescription}, attachments) subpasses = cconvert(Ptr{VkSubpassDescription}, subpasses) dependencies = cconvert(Ptr{VkSubpassDependency}, dependencies) deps = Any[next, attachments, subpasses, dependencies] vks = VkRenderPassCreateInfo(structure_type(VkRenderPassCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, attachment_count, unsafe_convert(Ptr{VkAttachmentDescription}, attachments), subpass_count, unsafe_convert(Ptr{VkSubpassDescription}, subpasses), dependency_count, unsafe_convert(Ptr{VkSubpassDependency}, dependencies)) _RenderPassCreateInfo(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::EventCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkEventCreateInfo.html) """ function _EventCreateInfo(; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkEventCreateInfo(structure_type(VkEventCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags) _EventCreateInfo(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::FenceCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFenceCreateInfo.html) """ function _FenceCreateInfo(; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkFenceCreateInfo(structure_type(VkFenceCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags) _FenceCreateInfo(vks, deps) end """ Arguments: - `robust_buffer_access::Bool` - `full_draw_index_uint_32::Bool` - `image_cube_array::Bool` - `independent_blend::Bool` - `geometry_shader::Bool` - `tessellation_shader::Bool` - `sample_rate_shading::Bool` - `dual_src_blend::Bool` - `logic_op::Bool` - `multi_draw_indirect::Bool` - `draw_indirect_first_instance::Bool` - `depth_clamp::Bool` - `depth_bias_clamp::Bool` - `fill_mode_non_solid::Bool` - `depth_bounds::Bool` - `wide_lines::Bool` - `large_points::Bool` - `alpha_to_one::Bool` - `multi_viewport::Bool` - `sampler_anisotropy::Bool` - `texture_compression_etc_2::Bool` - `texture_compression_astc_ldr::Bool` - `texture_compression_bc::Bool` - `occlusion_query_precise::Bool` - `pipeline_statistics_query::Bool` - `vertex_pipeline_stores_and_atomics::Bool` - `fragment_stores_and_atomics::Bool` - `shader_tessellation_and_geometry_point_size::Bool` - `shader_image_gather_extended::Bool` - `shader_storage_image_extended_formats::Bool` - `shader_storage_image_multisample::Bool` - `shader_storage_image_read_without_format::Bool` - `shader_storage_image_write_without_format::Bool` - `shader_uniform_buffer_array_dynamic_indexing::Bool` - `shader_sampled_image_array_dynamic_indexing::Bool` - `shader_storage_buffer_array_dynamic_indexing::Bool` - `shader_storage_image_array_dynamic_indexing::Bool` - `shader_clip_distance::Bool` - `shader_cull_distance::Bool` - `shader_float_64::Bool` - `shader_int_64::Bool` - `shader_int_16::Bool` - `shader_resource_residency::Bool` - `shader_resource_min_lod::Bool` - `sparse_binding::Bool` - `sparse_residency_buffer::Bool` - `sparse_residency_image_2_d::Bool` - `sparse_residency_image_3_d::Bool` - `sparse_residency_2_samples::Bool` - `sparse_residency_4_samples::Bool` - `sparse_residency_8_samples::Bool` - `sparse_residency_16_samples::Bool` - `sparse_residency_aliased::Bool` - `variable_multisample_rate::Bool` - `inherited_queries::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFeatures.html) """ function _PhysicalDeviceFeatures(robust_buffer_access::Bool, full_draw_index_uint_32::Bool, image_cube_array::Bool, independent_blend::Bool, geometry_shader::Bool, tessellation_shader::Bool, sample_rate_shading::Bool, dual_src_blend::Bool, logic_op::Bool, multi_draw_indirect::Bool, draw_indirect_first_instance::Bool, depth_clamp::Bool, depth_bias_clamp::Bool, fill_mode_non_solid::Bool, depth_bounds::Bool, wide_lines::Bool, large_points::Bool, alpha_to_one::Bool, multi_viewport::Bool, sampler_anisotropy::Bool, texture_compression_etc_2::Bool, texture_compression_astc_ldr::Bool, texture_compression_bc::Bool, occlusion_query_precise::Bool, pipeline_statistics_query::Bool, vertex_pipeline_stores_and_atomics::Bool, fragment_stores_and_atomics::Bool, shader_tessellation_and_geometry_point_size::Bool, shader_image_gather_extended::Bool, shader_storage_image_extended_formats::Bool, shader_storage_image_multisample::Bool, shader_storage_image_read_without_format::Bool, shader_storage_image_write_without_format::Bool, shader_uniform_buffer_array_dynamic_indexing::Bool, shader_sampled_image_array_dynamic_indexing::Bool, shader_storage_buffer_array_dynamic_indexing::Bool, shader_storage_image_array_dynamic_indexing::Bool, shader_clip_distance::Bool, shader_cull_distance::Bool, shader_float_64::Bool, shader_int_64::Bool, shader_int_16::Bool, shader_resource_residency::Bool, shader_resource_min_lod::Bool, sparse_binding::Bool, sparse_residency_buffer::Bool, sparse_residency_image_2_d::Bool, sparse_residency_image_3_d::Bool, sparse_residency_2_samples::Bool, sparse_residency_4_samples::Bool, sparse_residency_8_samples::Bool, sparse_residency_16_samples::Bool, sparse_residency_aliased::Bool, variable_multisample_rate::Bool, inherited_queries::Bool) _PhysicalDeviceFeatures(VkPhysicalDeviceFeatures(robust_buffer_access, full_draw_index_uint_32, image_cube_array, independent_blend, geometry_shader, tessellation_shader, sample_rate_shading, dual_src_blend, logic_op, multi_draw_indirect, draw_indirect_first_instance, depth_clamp, depth_bias_clamp, fill_mode_non_solid, depth_bounds, wide_lines, large_points, alpha_to_one, multi_viewport, sampler_anisotropy, texture_compression_etc_2, texture_compression_astc_ldr, texture_compression_bc, occlusion_query_precise, pipeline_statistics_query, vertex_pipeline_stores_and_atomics, fragment_stores_and_atomics, shader_tessellation_and_geometry_point_size, shader_image_gather_extended, shader_storage_image_extended_formats, shader_storage_image_multisample, shader_storage_image_read_without_format, shader_storage_image_write_without_format, shader_uniform_buffer_array_dynamic_indexing, shader_sampled_image_array_dynamic_indexing, shader_storage_buffer_array_dynamic_indexing, shader_storage_image_array_dynamic_indexing, shader_clip_distance, shader_cull_distance, shader_float_64, shader_int_64, shader_int_16, shader_resource_residency, shader_resource_min_lod, sparse_binding, sparse_residency_buffer, sparse_residency_image_2_d, sparse_residency_image_3_d, sparse_residency_2_samples, sparse_residency_4_samples, sparse_residency_8_samples, sparse_residency_16_samples, sparse_residency_aliased, variable_multisample_rate, inherited_queries)) end """ Arguments: - `residency_standard_2_d_block_shape::Bool` - `residency_standard_2_d_multisample_block_shape::Bool` - `residency_standard_3_d_block_shape::Bool` - `residency_aligned_mip_size::Bool` - `residency_non_resident_strict::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSparseProperties.html) """ function _PhysicalDeviceSparseProperties(residency_standard_2_d_block_shape::Bool, residency_standard_2_d_multisample_block_shape::Bool, residency_standard_3_d_block_shape::Bool, residency_aligned_mip_size::Bool, residency_non_resident_strict::Bool) _PhysicalDeviceSparseProperties(VkPhysicalDeviceSparseProperties(residency_standard_2_d_block_shape, residency_standard_2_d_multisample_block_shape, residency_standard_3_d_block_shape, residency_aligned_mip_size, residency_non_resident_strict)) end """ Arguments: - `max_image_dimension_1_d::UInt32` - `max_image_dimension_2_d::UInt32` - `max_image_dimension_3_d::UInt32` - `max_image_dimension_cube::UInt32` - `max_image_array_layers::UInt32` - `max_texel_buffer_elements::UInt32` - `max_uniform_buffer_range::UInt32` - `max_storage_buffer_range::UInt32` - `max_push_constants_size::UInt32` - `max_memory_allocation_count::UInt32` - `max_sampler_allocation_count::UInt32` - `buffer_image_granularity::UInt64` - `sparse_address_space_size::UInt64` - `max_bound_descriptor_sets::UInt32` - `max_per_stage_descriptor_samplers::UInt32` - `max_per_stage_descriptor_uniform_buffers::UInt32` - `max_per_stage_descriptor_storage_buffers::UInt32` - `max_per_stage_descriptor_sampled_images::UInt32` - `max_per_stage_descriptor_storage_images::UInt32` - `max_per_stage_descriptor_input_attachments::UInt32` - `max_per_stage_resources::UInt32` - `max_descriptor_set_samplers::UInt32` - `max_descriptor_set_uniform_buffers::UInt32` - `max_descriptor_set_uniform_buffers_dynamic::UInt32` - `max_descriptor_set_storage_buffers::UInt32` - `max_descriptor_set_storage_buffers_dynamic::UInt32` - `max_descriptor_set_sampled_images::UInt32` - `max_descriptor_set_storage_images::UInt32` - `max_descriptor_set_input_attachments::UInt32` - `max_vertex_input_attributes::UInt32` - `max_vertex_input_bindings::UInt32` - `max_vertex_input_attribute_offset::UInt32` - `max_vertex_input_binding_stride::UInt32` - `max_vertex_output_components::UInt32` - `max_tessellation_generation_level::UInt32` - `max_tessellation_patch_size::UInt32` - `max_tessellation_control_per_vertex_input_components::UInt32` - `max_tessellation_control_per_vertex_output_components::UInt32` - `max_tessellation_control_per_patch_output_components::UInt32` - `max_tessellation_control_total_output_components::UInt32` - `max_tessellation_evaluation_input_components::UInt32` - `max_tessellation_evaluation_output_components::UInt32` - `max_geometry_shader_invocations::UInt32` - `max_geometry_input_components::UInt32` - `max_geometry_output_components::UInt32` - `max_geometry_output_vertices::UInt32` - `max_geometry_total_output_components::UInt32` - `max_fragment_input_components::UInt32` - `max_fragment_output_attachments::UInt32` - `max_fragment_dual_src_attachments::UInt32` - `max_fragment_combined_output_resources::UInt32` - `max_compute_shared_memory_size::UInt32` - `max_compute_work_group_count::NTuple{3, UInt32}` - `max_compute_work_group_invocations::UInt32` - `max_compute_work_group_size::NTuple{3, UInt32}` - `sub_pixel_precision_bits::UInt32` - `sub_texel_precision_bits::UInt32` - `mipmap_precision_bits::UInt32` - `max_draw_indexed_index_value::UInt32` - `max_draw_indirect_count::UInt32` - `max_sampler_lod_bias::Float32` - `max_sampler_anisotropy::Float32` - `max_viewports::UInt32` - `max_viewport_dimensions::NTuple{2, UInt32}` - `viewport_bounds_range::NTuple{2, Float32}` - `viewport_sub_pixel_bits::UInt32` - `min_memory_map_alignment::UInt` - `min_texel_buffer_offset_alignment::UInt64` - `min_uniform_buffer_offset_alignment::UInt64` - `min_storage_buffer_offset_alignment::UInt64` - `min_texel_offset::Int32` - `max_texel_offset::UInt32` - `min_texel_gather_offset::Int32` - `max_texel_gather_offset::UInt32` - `min_interpolation_offset::Float32` - `max_interpolation_offset::Float32` - `sub_pixel_interpolation_offset_bits::UInt32` - `max_framebuffer_width::UInt32` - `max_framebuffer_height::UInt32` - `max_framebuffer_layers::UInt32` - `max_color_attachments::UInt32` - `max_sample_mask_words::UInt32` - `timestamp_compute_and_graphics::Bool` - `timestamp_period::Float32` - `max_clip_distances::UInt32` - `max_cull_distances::UInt32` - `max_combined_clip_and_cull_distances::UInt32` - `discrete_queue_priorities::UInt32` - `point_size_range::NTuple{2, Float32}` - `line_width_range::NTuple{2, Float32}` - `point_size_granularity::Float32` - `line_width_granularity::Float32` - `strict_lines::Bool` - `standard_sample_locations::Bool` - `optimal_buffer_copy_offset_alignment::UInt64` - `optimal_buffer_copy_row_pitch_alignment::UInt64` - `non_coherent_atom_size::UInt64` - `framebuffer_color_sample_counts::SampleCountFlag`: defaults to `0` - `framebuffer_depth_sample_counts::SampleCountFlag`: defaults to `0` - `framebuffer_stencil_sample_counts::SampleCountFlag`: defaults to `0` - `framebuffer_no_attachments_sample_counts::SampleCountFlag`: defaults to `0` - `sampled_image_color_sample_counts::SampleCountFlag`: defaults to `0` - `sampled_image_integer_sample_counts::SampleCountFlag`: defaults to `0` - `sampled_image_depth_sample_counts::SampleCountFlag`: defaults to `0` - `sampled_image_stencil_sample_counts::SampleCountFlag`: defaults to `0` - `storage_image_sample_counts::SampleCountFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLimits.html) """ function _PhysicalDeviceLimits(max_image_dimension_1_d::Integer, max_image_dimension_2_d::Integer, max_image_dimension_3_d::Integer, max_image_dimension_cube::Integer, max_image_array_layers::Integer, max_texel_buffer_elements::Integer, max_uniform_buffer_range::Integer, max_storage_buffer_range::Integer, max_push_constants_size::Integer, max_memory_allocation_count::Integer, max_sampler_allocation_count::Integer, buffer_image_granularity::Integer, sparse_address_space_size::Integer, max_bound_descriptor_sets::Integer, max_per_stage_descriptor_samplers::Integer, max_per_stage_descriptor_uniform_buffers::Integer, max_per_stage_descriptor_storage_buffers::Integer, max_per_stage_descriptor_sampled_images::Integer, max_per_stage_descriptor_storage_images::Integer, max_per_stage_descriptor_input_attachments::Integer, max_per_stage_resources::Integer, max_descriptor_set_samplers::Integer, max_descriptor_set_uniform_buffers::Integer, max_descriptor_set_uniform_buffers_dynamic::Integer, max_descriptor_set_storage_buffers::Integer, max_descriptor_set_storage_buffers_dynamic::Integer, max_descriptor_set_sampled_images::Integer, max_descriptor_set_storage_images::Integer, max_descriptor_set_input_attachments::Integer, max_vertex_input_attributes::Integer, max_vertex_input_bindings::Integer, max_vertex_input_attribute_offset::Integer, max_vertex_input_binding_stride::Integer, max_vertex_output_components::Integer, max_tessellation_generation_level::Integer, max_tessellation_patch_size::Integer, max_tessellation_control_per_vertex_input_components::Integer, max_tessellation_control_per_vertex_output_components::Integer, max_tessellation_control_per_patch_output_components::Integer, max_tessellation_control_total_output_components::Integer, max_tessellation_evaluation_input_components::Integer, max_tessellation_evaluation_output_components::Integer, max_geometry_shader_invocations::Integer, max_geometry_input_components::Integer, max_geometry_output_components::Integer, max_geometry_output_vertices::Integer, max_geometry_total_output_components::Integer, max_fragment_input_components::Integer, max_fragment_output_attachments::Integer, max_fragment_dual_src_attachments::Integer, max_fragment_combined_output_resources::Integer, max_compute_shared_memory_size::Integer, max_compute_work_group_count::NTuple{3, UInt32}, max_compute_work_group_invocations::Integer, max_compute_work_group_size::NTuple{3, UInt32}, sub_pixel_precision_bits::Integer, sub_texel_precision_bits::Integer, mipmap_precision_bits::Integer, max_draw_indexed_index_value::Integer, max_draw_indirect_count::Integer, max_sampler_lod_bias::Real, max_sampler_anisotropy::Real, max_viewports::Integer, max_viewport_dimensions::NTuple{2, UInt32}, viewport_bounds_range::NTuple{2, Float32}, viewport_sub_pixel_bits::Integer, min_memory_map_alignment::Integer, min_texel_buffer_offset_alignment::Integer, min_uniform_buffer_offset_alignment::Integer, min_storage_buffer_offset_alignment::Integer, min_texel_offset::Integer, max_texel_offset::Integer, min_texel_gather_offset::Integer, max_texel_gather_offset::Integer, min_interpolation_offset::Real, max_interpolation_offset::Real, sub_pixel_interpolation_offset_bits::Integer, max_framebuffer_width::Integer, max_framebuffer_height::Integer, max_framebuffer_layers::Integer, max_color_attachments::Integer, max_sample_mask_words::Integer, timestamp_compute_and_graphics::Bool, timestamp_period::Real, max_clip_distances::Integer, max_cull_distances::Integer, max_combined_clip_and_cull_distances::Integer, discrete_queue_priorities::Integer, point_size_range::NTuple{2, Float32}, line_width_range::NTuple{2, Float32}, point_size_granularity::Real, line_width_granularity::Real, strict_lines::Bool, standard_sample_locations::Bool, optimal_buffer_copy_offset_alignment::Integer, optimal_buffer_copy_row_pitch_alignment::Integer, non_coherent_atom_size::Integer; framebuffer_color_sample_counts = 0, framebuffer_depth_sample_counts = 0, framebuffer_stencil_sample_counts = 0, framebuffer_no_attachments_sample_counts = 0, sampled_image_color_sample_counts = 0, sampled_image_integer_sample_counts = 0, sampled_image_depth_sample_counts = 0, sampled_image_stencil_sample_counts = 0, storage_image_sample_counts = 0) _PhysicalDeviceLimits(VkPhysicalDeviceLimits(max_image_dimension_1_d, max_image_dimension_2_d, max_image_dimension_3_d, max_image_dimension_cube, max_image_array_layers, max_texel_buffer_elements, max_uniform_buffer_range, max_storage_buffer_range, max_push_constants_size, max_memory_allocation_count, max_sampler_allocation_count, buffer_image_granularity, sparse_address_space_size, max_bound_descriptor_sets, max_per_stage_descriptor_samplers, max_per_stage_descriptor_uniform_buffers, max_per_stage_descriptor_storage_buffers, max_per_stage_descriptor_sampled_images, max_per_stage_descriptor_storage_images, max_per_stage_descriptor_input_attachments, max_per_stage_resources, max_descriptor_set_samplers, max_descriptor_set_uniform_buffers, max_descriptor_set_uniform_buffers_dynamic, max_descriptor_set_storage_buffers, max_descriptor_set_storage_buffers_dynamic, max_descriptor_set_sampled_images, max_descriptor_set_storage_images, max_descriptor_set_input_attachments, max_vertex_input_attributes, max_vertex_input_bindings, max_vertex_input_attribute_offset, max_vertex_input_binding_stride, max_vertex_output_components, max_tessellation_generation_level, max_tessellation_patch_size, max_tessellation_control_per_vertex_input_components, max_tessellation_control_per_vertex_output_components, max_tessellation_control_per_patch_output_components, max_tessellation_control_total_output_components, max_tessellation_evaluation_input_components, max_tessellation_evaluation_output_components, max_geometry_shader_invocations, max_geometry_input_components, max_geometry_output_components, max_geometry_output_vertices, max_geometry_total_output_components, max_fragment_input_components, max_fragment_output_attachments, max_fragment_dual_src_attachments, max_fragment_combined_output_resources, max_compute_shared_memory_size, max_compute_work_group_count, max_compute_work_group_invocations, max_compute_work_group_size, sub_pixel_precision_bits, sub_texel_precision_bits, mipmap_precision_bits, max_draw_indexed_index_value, max_draw_indirect_count, max_sampler_lod_bias, max_sampler_anisotropy, max_viewports, max_viewport_dimensions, viewport_bounds_range, viewport_sub_pixel_bits, min_memory_map_alignment, min_texel_buffer_offset_alignment, min_uniform_buffer_offset_alignment, min_storage_buffer_offset_alignment, min_texel_offset, max_texel_offset, min_texel_gather_offset, max_texel_gather_offset, min_interpolation_offset, max_interpolation_offset, sub_pixel_interpolation_offset_bits, max_framebuffer_width, max_framebuffer_height, max_framebuffer_layers, framebuffer_color_sample_counts, framebuffer_depth_sample_counts, framebuffer_stencil_sample_counts, framebuffer_no_attachments_sample_counts, max_color_attachments, sampled_image_color_sample_counts, sampled_image_integer_sample_counts, sampled_image_depth_sample_counts, sampled_image_stencil_sample_counts, storage_image_sample_counts, max_sample_mask_words, timestamp_compute_and_graphics, timestamp_period, max_clip_distances, max_cull_distances, max_combined_clip_and_cull_distances, discrete_queue_priorities, point_size_range, line_width_range, point_size_granularity, line_width_granularity, strict_lines, standard_sample_locations, optimal_buffer_copy_offset_alignment, optimal_buffer_copy_row_pitch_alignment, non_coherent_atom_size)) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreCreateInfo.html) """ function _SemaphoreCreateInfo(; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSemaphoreCreateInfo(structure_type(VkSemaphoreCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags) _SemaphoreCreateInfo(vks, deps) end """ Arguments: - `query_type::QueryType` - `query_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `pipeline_statistics::QueryPipelineStatisticFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueryPoolCreateInfo.html) """ function _QueryPoolCreateInfo(query_type::QueryType, query_count::Integer; next = C_NULL, flags = 0, pipeline_statistics = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkQueryPoolCreateInfo(structure_type(VkQueryPoolCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, query_type, query_count, pipeline_statistics) _QueryPoolCreateInfo(vks, deps) end """ Arguments: - `render_pass::RenderPass` - `attachments::Vector{ImageView}` - `width::UInt32` - `height::UInt32` - `layers::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::FramebufferCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferCreateInfo.html) """ function _FramebufferCreateInfo(render_pass, attachments::AbstractArray, width::Integer, height::Integer, layers::Integer; next = C_NULL, flags = 0) attachment_count = pointer_length(attachments) next = cconvert(Ptr{Cvoid}, next) attachments = cconvert(Ptr{VkImageView}, attachments) deps = Any[next, attachments] vks = VkFramebufferCreateInfo(structure_type(VkFramebufferCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, render_pass, attachment_count, unsafe_convert(Ptr{VkImageView}, attachments), width, height, layers) _FramebufferCreateInfo(vks, deps, render_pass) end """ Arguments: - `vertex_count::UInt32` - `instance_count::UInt32` - `first_vertex::UInt32` - `first_instance::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrawIndirectCommand.html) """ function _DrawIndirectCommand(vertex_count::Integer, instance_count::Integer, first_vertex::Integer, first_instance::Integer) _DrawIndirectCommand(VkDrawIndirectCommand(vertex_count, instance_count, first_vertex, first_instance)) end """ Arguments: - `index_count::UInt32` - `instance_count::UInt32` - `first_index::UInt32` - `vertex_offset::Int32` - `first_instance::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrawIndexedIndirectCommand.html) """ function _DrawIndexedIndirectCommand(index_count::Integer, instance_count::Integer, first_index::Integer, vertex_offset::Integer, first_instance::Integer) _DrawIndexedIndirectCommand(VkDrawIndexedIndirectCommand(index_count, instance_count, first_index, vertex_offset, first_instance)) end """ Arguments: - `x::UInt32` - `y::UInt32` - `z::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDispatchIndirectCommand.html) """ function _DispatchIndirectCommand(x::Integer, y::Integer, z::Integer) _DispatchIndirectCommand(VkDispatchIndirectCommand(x, y, z)) end """ Extension: VK\\_EXT\\_multi\\_draw Arguments: - `first_vertex::UInt32` - `vertex_count::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultiDrawInfoEXT.html) """ function _MultiDrawInfoEXT(first_vertex::Integer, vertex_count::Integer) _MultiDrawInfoEXT(VkMultiDrawInfoEXT(first_vertex, vertex_count)) end """ Extension: VK\\_EXT\\_multi\\_draw Arguments: - `first_index::UInt32` - `index_count::UInt32` - `vertex_offset::Int32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultiDrawIndexedInfoEXT.html) """ function _MultiDrawIndexedInfoEXT(first_index::Integer, index_count::Integer, vertex_offset::Integer) _MultiDrawIndexedInfoEXT(VkMultiDrawIndexedInfoEXT(first_index, index_count, vertex_offset)) end """ Arguments: - `wait_semaphores::Vector{Semaphore}` - `wait_dst_stage_mask::Vector{PipelineStageFlag}` - `command_buffers::Vector{CommandBuffer}` - `signal_semaphores::Vector{Semaphore}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubmitInfo.html) """ function _SubmitInfo(wait_semaphores::AbstractArray, wait_dst_stage_mask::AbstractArray, command_buffers::AbstractArray, signal_semaphores::AbstractArray; next = C_NULL) wait_semaphore_count = pointer_length(wait_semaphores) command_buffer_count = pointer_length(command_buffers) signal_semaphore_count = pointer_length(signal_semaphores) next = cconvert(Ptr{Cvoid}, next) wait_semaphores = cconvert(Ptr{VkSemaphore}, wait_semaphores) wait_dst_stage_mask = cconvert(Ptr{VkPipelineStageFlags}, wait_dst_stage_mask) command_buffers = cconvert(Ptr{VkCommandBuffer}, command_buffers) signal_semaphores = cconvert(Ptr{VkSemaphore}, signal_semaphores) deps = Any[next, wait_semaphores, wait_dst_stage_mask, command_buffers, signal_semaphores] vks = VkSubmitInfo(structure_type(VkSubmitInfo), unsafe_convert(Ptr{Cvoid}, next), wait_semaphore_count, unsafe_convert(Ptr{VkSemaphore}, wait_semaphores), unsafe_convert(Ptr{VkPipelineStageFlags}, wait_dst_stage_mask), command_buffer_count, unsafe_convert(Ptr{VkCommandBuffer}, command_buffers), signal_semaphore_count, unsafe_convert(Ptr{VkSemaphore}, signal_semaphores)) _SubmitInfo(vks, deps) end """ Extension: VK\\_KHR\\_display Arguments: - `display::DisplayKHR` - `display_name::String` - `physical_dimensions::_Extent2D` - `physical_resolution::_Extent2D` - `plane_reorder_possible::Bool` - `persistent_content::Bool` - `supported_transforms::SurfaceTransformFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPropertiesKHR.html) """ function _DisplayPropertiesKHR(display, display_name::AbstractString, physical_dimensions::_Extent2D, physical_resolution::_Extent2D, plane_reorder_possible::Bool, persistent_content::Bool; supported_transforms = 0) display_name = cconvert(Cstring, display_name) deps = Any[display_name] vks = VkDisplayPropertiesKHR(display, unsafe_convert(Cstring, display_name), physical_dimensions.vks, physical_resolution.vks, supported_transforms, plane_reorder_possible, persistent_content) _DisplayPropertiesKHR(vks, deps, display) end """ Extension: VK\\_KHR\\_display Arguments: - `current_display::DisplayKHR` - `current_stack_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlanePropertiesKHR.html) """ function _DisplayPlanePropertiesKHR(current_display, current_stack_index::Integer) _DisplayPlanePropertiesKHR(VkDisplayPlanePropertiesKHR(current_display, current_stack_index), current_display) end """ Extension: VK\\_KHR\\_display Arguments: - `visible_region::_Extent2D` - `refresh_rate::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModeParametersKHR.html) """ function _DisplayModeParametersKHR(visible_region::_Extent2D, refresh_rate::Integer) _DisplayModeParametersKHR(VkDisplayModeParametersKHR(visible_region.vks, refresh_rate)) end """ Extension: VK\\_KHR\\_display Arguments: - `display_mode::DisplayModeKHR` - `parameters::_DisplayModeParametersKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModePropertiesKHR.html) """ function _DisplayModePropertiesKHR(display_mode, parameters::_DisplayModeParametersKHR) _DisplayModePropertiesKHR(VkDisplayModePropertiesKHR(display_mode, parameters.vks), display_mode) end """ Extension: VK\\_KHR\\_display Arguments: - `parameters::_DisplayModeParametersKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModeCreateInfoKHR.html) """ function _DisplayModeCreateInfoKHR(parameters::_DisplayModeParametersKHR; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDisplayModeCreateInfoKHR(structure_type(VkDisplayModeCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), flags, parameters.vks) _DisplayModeCreateInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_display Arguments: - `min_src_position::_Offset2D` - `max_src_position::_Offset2D` - `min_src_extent::_Extent2D` - `max_src_extent::_Extent2D` - `min_dst_position::_Offset2D` - `max_dst_position::_Offset2D` - `min_dst_extent::_Extent2D` - `max_dst_extent::_Extent2D` - `supported_alpha::DisplayPlaneAlphaFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneCapabilitiesKHR.html) """ function _DisplayPlaneCapabilitiesKHR(min_src_position::_Offset2D, max_src_position::_Offset2D, min_src_extent::_Extent2D, max_src_extent::_Extent2D, min_dst_position::_Offset2D, max_dst_position::_Offset2D, min_dst_extent::_Extent2D, max_dst_extent::_Extent2D; supported_alpha = 0) _DisplayPlaneCapabilitiesKHR(VkDisplayPlaneCapabilitiesKHR(supported_alpha, min_src_position.vks, max_src_position.vks, min_src_extent.vks, max_src_extent.vks, min_dst_position.vks, max_dst_position.vks, min_dst_extent.vks, max_dst_extent.vks)) end """ Extension: VK\\_KHR\\_display Arguments: - `display_mode::DisplayModeKHR` - `plane_index::UInt32` - `plane_stack_index::UInt32` - `transform::SurfaceTransformFlagKHR` - `global_alpha::Float32` - `alpha_mode::DisplayPlaneAlphaFlagKHR` - `image_extent::_Extent2D` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplaySurfaceCreateInfoKHR.html) """ function _DisplaySurfaceCreateInfoKHR(display_mode, plane_index::Integer, plane_stack_index::Integer, transform::SurfaceTransformFlagKHR, global_alpha::Real, alpha_mode::DisplayPlaneAlphaFlagKHR, image_extent::_Extent2D; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDisplaySurfaceCreateInfoKHR(structure_type(VkDisplaySurfaceCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), flags, display_mode, plane_index, plane_stack_index, VkSurfaceTransformFlagBitsKHR(transform.val), global_alpha, VkDisplayPlaneAlphaFlagBitsKHR(alpha_mode.val), image_extent.vks) _DisplaySurfaceCreateInfoKHR(vks, deps, display_mode) end """ Extension: VK\\_KHR\\_display\\_swapchain Arguments: - `src_rect::_Rect2D` - `dst_rect::_Rect2D` - `persistent::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPresentInfoKHR.html) """ function _DisplayPresentInfoKHR(src_rect::_Rect2D, dst_rect::_Rect2D, persistent::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDisplayPresentInfoKHR(structure_type(VkDisplayPresentInfoKHR), unsafe_convert(Ptr{Cvoid}, next), src_rect.vks, dst_rect.vks, persistent) _DisplayPresentInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_surface Arguments: - `min_image_count::UInt32` - `max_image_count::UInt32` - `current_extent::_Extent2D` - `min_image_extent::_Extent2D` - `max_image_extent::_Extent2D` - `max_image_array_layers::UInt32` - `supported_transforms::SurfaceTransformFlagKHR` - `current_transform::SurfaceTransformFlagKHR` - `supported_composite_alpha::CompositeAlphaFlagKHR` - `supported_usage_flags::ImageUsageFlag` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilitiesKHR.html) """ function _SurfaceCapabilitiesKHR(min_image_count::Integer, max_image_count::Integer, current_extent::_Extent2D, min_image_extent::_Extent2D, max_image_extent::_Extent2D, max_image_array_layers::Integer, supported_transforms::SurfaceTransformFlagKHR, current_transform::SurfaceTransformFlagKHR, supported_composite_alpha::CompositeAlphaFlagKHR, supported_usage_flags::ImageUsageFlag) _SurfaceCapabilitiesKHR(VkSurfaceCapabilitiesKHR(min_image_count, max_image_count, current_extent.vks, min_image_extent.vks, max_image_extent.vks, max_image_array_layers, supported_transforms, VkSurfaceTransformFlagBitsKHR(current_transform.val), supported_composite_alpha, supported_usage_flags)) end """ Extension: VK\\_KHR\\_wayland\\_surface Arguments: - `display::Ptr{wl_display}` - `surface::Ptr{wl_surface}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWaylandSurfaceCreateInfoKHR.html) """ function _WaylandSurfaceCreateInfoKHR(display::Ptr{vk.wl_display}, surface::Ptr{vk.wl_surface}; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) display = cconvert(Ptr{vk.wl_display}, display) surface = cconvert(Ptr{vk.wl_surface}, surface) deps = Any[next, display, surface] vks = VkWaylandSurfaceCreateInfoKHR(structure_type(VkWaylandSurfaceCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), flags, unsafe_convert(Ptr{vk.wl_display}, display), unsafe_convert(Ptr{vk.wl_surface}, surface)) _WaylandSurfaceCreateInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_xlib\\_surface Arguments: - `dpy::Ptr{Display}` - `window::Window` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkXlibSurfaceCreateInfoKHR.html) """ function _XlibSurfaceCreateInfoKHR(dpy::Ptr{vk.Display}, window::vk.Window; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) dpy = cconvert(Ptr{vk.Display}, dpy) deps = Any[next, dpy] vks = VkXlibSurfaceCreateInfoKHR(structure_type(VkXlibSurfaceCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), flags, unsafe_convert(Ptr{vk.Display}, dpy), window) _XlibSurfaceCreateInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_xcb\\_surface Arguments: - `connection::Ptr{xcb_connection_t}` - `window::xcb_window_t` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkXcbSurfaceCreateInfoKHR.html) """ function _XcbSurfaceCreateInfoKHR(connection::Ptr{vk.xcb_connection_t}, window::vk.xcb_window_t; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) connection = cconvert(Ptr{vk.xcb_connection_t}, connection) deps = Any[next, connection] vks = VkXcbSurfaceCreateInfoKHR(structure_type(VkXcbSurfaceCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), flags, unsafe_convert(Ptr{vk.xcb_connection_t}, connection), window) _XcbSurfaceCreateInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_surface Arguments: - `format::Format` - `color_space::ColorSpaceKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceFormatKHR.html) """ function _SurfaceFormatKHR(format::Format, color_space::ColorSpaceKHR) _SurfaceFormatKHR(VkSurfaceFormatKHR(format, color_space)) end """ Extension: VK\\_KHR\\_swapchain Arguments: - `surface::SurfaceKHR` - `min_image_count::UInt32` - `image_format::Format` - `image_color_space::ColorSpaceKHR` - `image_extent::_Extent2D` - `image_array_layers::UInt32` - `image_usage::ImageUsageFlag` - `image_sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `pre_transform::SurfaceTransformFlagKHR` - `composite_alpha::CompositeAlphaFlagKHR` - `present_mode::PresentModeKHR` - `clipped::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::SwapchainCreateFlagKHR`: defaults to `0` - `old_swapchain::SwapchainKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainCreateInfoKHR.html) """ function _SwapchainCreateInfoKHR(surface, min_image_count::Integer, image_format::Format, image_color_space::ColorSpaceKHR, image_extent::_Extent2D, image_array_layers::Integer, image_usage::ImageUsageFlag, image_sharing_mode::SharingMode, queue_family_indices::AbstractArray, pre_transform::SurfaceTransformFlagKHR, composite_alpha::CompositeAlphaFlagKHR, present_mode::PresentModeKHR, clipped::Bool; next = C_NULL, flags = 0, old_swapchain = C_NULL) queue_family_index_count = pointer_length(queue_family_indices) next = cconvert(Ptr{Cvoid}, next) queue_family_indices = cconvert(Ptr{UInt32}, queue_family_indices) deps = Any[next, queue_family_indices] vks = VkSwapchainCreateInfoKHR(structure_type(VkSwapchainCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), flags, surface, min_image_count, image_format, image_color_space, image_extent.vks, image_array_layers, image_usage, image_sharing_mode, queue_family_index_count, unsafe_convert(Ptr{UInt32}, queue_family_indices), VkSurfaceTransformFlagBitsKHR(pre_transform.val), VkCompositeAlphaFlagBitsKHR(composite_alpha.val), present_mode, clipped, old_swapchain) _SwapchainCreateInfoKHR(vks, deps, surface, old_swapchain) end """ Extension: VK\\_KHR\\_swapchain Arguments: - `wait_semaphores::Vector{Semaphore}` - `swapchains::Vector{SwapchainKHR}` - `image_indices::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `results::Vector{Result}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentInfoKHR.html) """ function _PresentInfoKHR(wait_semaphores::AbstractArray, swapchains::AbstractArray, image_indices::AbstractArray; next = C_NULL, results = C_NULL) wait_semaphore_count = pointer_length(wait_semaphores) swapchain_count = pointer_length(swapchains) next = cconvert(Ptr{Cvoid}, next) wait_semaphores = cconvert(Ptr{VkSemaphore}, wait_semaphores) swapchains = cconvert(Ptr{VkSwapchainKHR}, swapchains) image_indices = cconvert(Ptr{UInt32}, image_indices) results = cconvert(Ptr{VkResult}, results) deps = Any[next, wait_semaphores, swapchains, image_indices, results] vks = VkPresentInfoKHR(structure_type(VkPresentInfoKHR), unsafe_convert(Ptr{Cvoid}, next), wait_semaphore_count, unsafe_convert(Ptr{VkSemaphore}, wait_semaphores), swapchain_count, unsafe_convert(Ptr{VkSwapchainKHR}, swapchains), unsafe_convert(Ptr{UInt32}, image_indices), unsafe_convert(Ptr{VkResult}, results)) _PresentInfoKHR(vks, deps) end """ Extension: VK\\_EXT\\_debug\\_report Arguments: - `pfn_callback::FunctionPtr` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::DebugReportFlagEXT`: defaults to `0` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugReportCallbackCreateInfoEXT.html) """ function _DebugReportCallbackCreateInfoEXT(pfn_callback::FunctionPtr; next = C_NULL, flags = 0, user_data = C_NULL) next = cconvert(Ptr{Cvoid}, next) user_data = cconvert(Ptr{Cvoid}, user_data) deps = Any[next, user_data] vks = VkDebugReportCallbackCreateInfoEXT(structure_type(VkDebugReportCallbackCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), flags, pfn_callback, unsafe_convert(Ptr{Cvoid}, user_data)) _DebugReportCallbackCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_validation\\_flags Arguments: - `disabled_validation_checks::Vector{ValidationCheckEXT}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkValidationFlagsEXT.html) """ function _ValidationFlagsEXT(disabled_validation_checks::AbstractArray; next = C_NULL) disabled_validation_check_count = pointer_length(disabled_validation_checks) next = cconvert(Ptr{Cvoid}, next) disabled_validation_checks = cconvert(Ptr{VkValidationCheckEXT}, disabled_validation_checks) deps = Any[next, disabled_validation_checks] vks = VkValidationFlagsEXT(structure_type(VkValidationFlagsEXT), unsafe_convert(Ptr{Cvoid}, next), disabled_validation_check_count, unsafe_convert(Ptr{VkValidationCheckEXT}, disabled_validation_checks)) _ValidationFlagsEXT(vks, deps) end """ Extension: VK\\_EXT\\_validation\\_features Arguments: - `enabled_validation_features::Vector{ValidationFeatureEnableEXT}` - `disabled_validation_features::Vector{ValidationFeatureDisableEXT}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkValidationFeaturesEXT.html) """ function _ValidationFeaturesEXT(enabled_validation_features::AbstractArray, disabled_validation_features::AbstractArray; next = C_NULL) enabled_validation_feature_count = pointer_length(enabled_validation_features) disabled_validation_feature_count = pointer_length(disabled_validation_features) next = cconvert(Ptr{Cvoid}, next) enabled_validation_features = cconvert(Ptr{VkValidationFeatureEnableEXT}, enabled_validation_features) disabled_validation_features = cconvert(Ptr{VkValidationFeatureDisableEXT}, disabled_validation_features) deps = Any[next, enabled_validation_features, disabled_validation_features] vks = VkValidationFeaturesEXT(structure_type(VkValidationFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), enabled_validation_feature_count, unsafe_convert(Ptr{VkValidationFeatureEnableEXT}, enabled_validation_features), disabled_validation_feature_count, unsafe_convert(Ptr{VkValidationFeatureDisableEXT}, disabled_validation_features)) _ValidationFeaturesEXT(vks, deps) end """ Extension: VK\\_AMD\\_rasterization\\_order Arguments: - `rasterization_order::RasterizationOrderAMD` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationStateRasterizationOrderAMD.html) """ function _PipelineRasterizationStateRasterizationOrderAMD(rasterization_order::RasterizationOrderAMD; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineRasterizationStateRasterizationOrderAMD(structure_type(VkPipelineRasterizationStateRasterizationOrderAMD), unsafe_convert(Ptr{Cvoid}, next), rasterization_order) _PipelineRasterizationStateRasterizationOrderAMD(vks, deps) end """ Extension: VK\\_EXT\\_debug\\_marker Arguments: - `object_type::DebugReportObjectTypeEXT` - `object::UInt64` - `object_name::String` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugMarkerObjectNameInfoEXT.html) """ function _DebugMarkerObjectNameInfoEXT(object_type::DebugReportObjectTypeEXT, object::Integer, object_name::AbstractString; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) object_name = cconvert(Cstring, object_name) deps = Any[next, object_name] vks = VkDebugMarkerObjectNameInfoEXT(structure_type(VkDebugMarkerObjectNameInfoEXT), unsafe_convert(Ptr{Cvoid}, next), object_type, object, unsafe_convert(Cstring, object_name)) _DebugMarkerObjectNameInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_debug\\_marker Arguments: - `object_type::DebugReportObjectTypeEXT` - `object::UInt64` - `tag_name::UInt64` - `tag_size::UInt` - `tag::Ptr{Cvoid}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugMarkerObjectTagInfoEXT.html) """ function _DebugMarkerObjectTagInfoEXT(object_type::DebugReportObjectTypeEXT, object::Integer, tag_name::Integer, tag_size::Integer, tag::Ptr{Cvoid}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) tag = cconvert(Ptr{Cvoid}, tag) deps = Any[next, tag] vks = VkDebugMarkerObjectTagInfoEXT(structure_type(VkDebugMarkerObjectTagInfoEXT), unsafe_convert(Ptr{Cvoid}, next), object_type, object, tag_name, tag_size, unsafe_convert(Ptr{Cvoid}, tag)) _DebugMarkerObjectTagInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_debug\\_marker Arguments: - `marker_name::String` - `color::NTuple{4, Float32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugMarkerMarkerInfoEXT.html) """ function _DebugMarkerMarkerInfoEXT(marker_name::AbstractString, color::NTuple{4, Float32}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) marker_name = cconvert(Cstring, marker_name) deps = Any[next, marker_name] vks = VkDebugMarkerMarkerInfoEXT(structure_type(VkDebugMarkerMarkerInfoEXT), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Cstring, marker_name), color) _DebugMarkerMarkerInfoEXT(vks, deps) end """ Extension: VK\\_NV\\_dedicated\\_allocation Arguments: - `dedicated_allocation::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDedicatedAllocationImageCreateInfoNV.html) """ function _DedicatedAllocationImageCreateInfoNV(dedicated_allocation::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDedicatedAllocationImageCreateInfoNV(structure_type(VkDedicatedAllocationImageCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), dedicated_allocation) _DedicatedAllocationImageCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_dedicated\\_allocation Arguments: - `dedicated_allocation::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDedicatedAllocationBufferCreateInfoNV.html) """ function _DedicatedAllocationBufferCreateInfoNV(dedicated_allocation::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDedicatedAllocationBufferCreateInfoNV(structure_type(VkDedicatedAllocationBufferCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), dedicated_allocation) _DedicatedAllocationBufferCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_dedicated\\_allocation Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `image::Image`: defaults to `C_NULL` - `buffer::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDedicatedAllocationMemoryAllocateInfoNV.html) """ function _DedicatedAllocationMemoryAllocateInfoNV(; next = C_NULL, image = C_NULL, buffer = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDedicatedAllocationMemoryAllocateInfoNV(structure_type(VkDedicatedAllocationMemoryAllocateInfoNV), unsafe_convert(Ptr{Cvoid}, next), image, buffer) _DedicatedAllocationMemoryAllocateInfoNV(vks, deps, image, buffer) end """ Extension: VK\\_NV\\_external\\_memory\\_capabilities Arguments: - `image_format_properties::_ImageFormatProperties` - `external_memory_features::ExternalMemoryFeatureFlagNV`: defaults to `0` - `export_from_imported_handle_types::ExternalMemoryHandleTypeFlagNV`: defaults to `0` - `compatible_handle_types::ExternalMemoryHandleTypeFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalImageFormatPropertiesNV.html) """ function _ExternalImageFormatPropertiesNV(image_format_properties::_ImageFormatProperties; external_memory_features = 0, export_from_imported_handle_types = 0, compatible_handle_types = 0) _ExternalImageFormatPropertiesNV(VkExternalImageFormatPropertiesNV(image_format_properties.vks, external_memory_features, export_from_imported_handle_types, compatible_handle_types)) end """ Extension: VK\\_NV\\_external\\_memory Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `handle_types::ExternalMemoryHandleTypeFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryImageCreateInfoNV.html) """ function _ExternalMemoryImageCreateInfoNV(; next = C_NULL, handle_types = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExternalMemoryImageCreateInfoNV(structure_type(VkExternalMemoryImageCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), handle_types) _ExternalMemoryImageCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_external\\_memory Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `handle_types::ExternalMemoryHandleTypeFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMemoryAllocateInfoNV.html) """ function _ExportMemoryAllocateInfoNV(; next = C_NULL, handle_types = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExportMemoryAllocateInfoNV(structure_type(VkExportMemoryAllocateInfoNV), unsafe_convert(Ptr{Cvoid}, next), handle_types) _ExportMemoryAllocateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `device_generated_commands::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV.html) """ function _PhysicalDeviceDeviceGeneratedCommandsFeaturesNV(device_generated_commands::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV(structure_type(VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), device_generated_commands) _PhysicalDeviceDeviceGeneratedCommandsFeaturesNV(vks, deps) end """ Arguments: - `private_data_slot_request_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDevicePrivateDataCreateInfo.html) """ function _DevicePrivateDataCreateInfo(private_data_slot_request_count::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDevicePrivateDataCreateInfo(structure_type(VkDevicePrivateDataCreateInfo), unsafe_convert(Ptr{Cvoid}, next), private_data_slot_request_count) _DevicePrivateDataCreateInfo(vks, deps) end """ Arguments: - `flags::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPrivateDataSlotCreateInfo.html) """ function _PrivateDataSlotCreateInfo(flags::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPrivateDataSlotCreateInfo(structure_type(VkPrivateDataSlotCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags) _PrivateDataSlotCreateInfo(vks, deps) end """ Arguments: - `private_data::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePrivateDataFeatures.html) """ function _PhysicalDevicePrivateDataFeatures(private_data::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePrivateDataFeatures(structure_type(VkPhysicalDevicePrivateDataFeatures), unsafe_convert(Ptr{Cvoid}, next), private_data) _PhysicalDevicePrivateDataFeatures(vks, deps) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `max_graphics_shader_group_count::UInt32` - `max_indirect_sequence_count::UInt32` - `max_indirect_commands_token_count::UInt32` - `max_indirect_commands_stream_count::UInt32` - `max_indirect_commands_token_offset::UInt32` - `max_indirect_commands_stream_stride::UInt32` - `min_sequences_count_buffer_offset_alignment::UInt32` - `min_sequences_index_buffer_offset_alignment::UInt32` - `min_indirect_commands_buffer_offset_alignment::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV.html) """ function _PhysicalDeviceDeviceGeneratedCommandsPropertiesNV(max_graphics_shader_group_count::Integer, max_indirect_sequence_count::Integer, max_indirect_commands_token_count::Integer, max_indirect_commands_stream_count::Integer, max_indirect_commands_token_offset::Integer, max_indirect_commands_stream_stride::Integer, min_sequences_count_buffer_offset_alignment::Integer, min_sequences_index_buffer_offset_alignment::Integer, min_indirect_commands_buffer_offset_alignment::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV(structure_type(VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), max_graphics_shader_group_count, max_indirect_sequence_count, max_indirect_commands_token_count, max_indirect_commands_stream_count, max_indirect_commands_token_offset, max_indirect_commands_stream_stride, min_sequences_count_buffer_offset_alignment, min_sequences_index_buffer_offset_alignment, min_indirect_commands_buffer_offset_alignment) _PhysicalDeviceDeviceGeneratedCommandsPropertiesNV(vks, deps) end """ Extension: VK\\_EXT\\_multi\\_draw Arguments: - `max_multi_draw_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiDrawPropertiesEXT.html) """ function _PhysicalDeviceMultiDrawPropertiesEXT(max_multi_draw_count::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMultiDrawPropertiesEXT(structure_type(VkPhysicalDeviceMultiDrawPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), max_multi_draw_count) _PhysicalDeviceMultiDrawPropertiesEXT(vks, deps) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `stages::Vector{_PipelineShaderStageCreateInfo}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `vertex_input_state::_PipelineVertexInputStateCreateInfo`: defaults to `C_NULL` - `tessellation_state::_PipelineTessellationStateCreateInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsShaderGroupCreateInfoNV.html) """ function _GraphicsShaderGroupCreateInfoNV(stages::AbstractArray; next = C_NULL, vertex_input_state = C_NULL, tessellation_state = C_NULL) stage_count = pointer_length(stages) next = cconvert(Ptr{Cvoid}, next) stages = cconvert(Ptr{VkPipelineShaderStageCreateInfo}, stages) vertex_input_state = cconvert(Ptr{VkPipelineVertexInputStateCreateInfo}, vertex_input_state) tessellation_state = cconvert(Ptr{VkPipelineTessellationStateCreateInfo}, tessellation_state) deps = Any[next, stages, vertex_input_state, tessellation_state] vks = VkGraphicsShaderGroupCreateInfoNV(structure_type(VkGraphicsShaderGroupCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), stage_count, unsafe_convert(Ptr{VkPipelineShaderStageCreateInfo}, stages), unsafe_convert(Ptr{VkPipelineVertexInputStateCreateInfo}, vertex_input_state), unsafe_convert(Ptr{VkPipelineTessellationStateCreateInfo}, tessellation_state)) _GraphicsShaderGroupCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `groups::Vector{_GraphicsShaderGroupCreateInfoNV}` - `pipelines::Vector{Pipeline}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsPipelineShaderGroupsCreateInfoNV.html) """ function _GraphicsPipelineShaderGroupsCreateInfoNV(groups::AbstractArray, pipelines::AbstractArray; next = C_NULL) group_count = pointer_length(groups) pipeline_count = pointer_length(pipelines) next = cconvert(Ptr{Cvoid}, next) groups = cconvert(Ptr{VkGraphicsShaderGroupCreateInfoNV}, groups) pipelines = cconvert(Ptr{VkPipeline}, pipelines) deps = Any[next, groups, pipelines] vks = VkGraphicsPipelineShaderGroupsCreateInfoNV(structure_type(VkGraphicsPipelineShaderGroupsCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), group_count, unsafe_convert(Ptr{VkGraphicsShaderGroupCreateInfoNV}, groups), pipeline_count, unsafe_convert(Ptr{VkPipeline}, pipelines)) _GraphicsPipelineShaderGroupsCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `group_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindShaderGroupIndirectCommandNV.html) """ function _BindShaderGroupIndirectCommandNV(group_index::Integer) _BindShaderGroupIndirectCommandNV(VkBindShaderGroupIndirectCommandNV(group_index)) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `buffer_address::UInt64` - `size::UInt32` - `index_type::IndexType` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindIndexBufferIndirectCommandNV.html) """ function _BindIndexBufferIndirectCommandNV(buffer_address::Integer, size::Integer, index_type::IndexType) _BindIndexBufferIndirectCommandNV(VkBindIndexBufferIndirectCommandNV(buffer_address, size, index_type)) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `buffer_address::UInt64` - `size::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindVertexBufferIndirectCommandNV.html) """ function _BindVertexBufferIndirectCommandNV(buffer_address::Integer, size::Integer, stride::Integer) _BindVertexBufferIndirectCommandNV(VkBindVertexBufferIndirectCommandNV(buffer_address, size, stride)) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `data::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSetStateFlagsIndirectCommandNV.html) """ function _SetStateFlagsIndirectCommandNV(data::Integer) _SetStateFlagsIndirectCommandNV(VkSetStateFlagsIndirectCommandNV(data)) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `buffer::Buffer` - `offset::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkIndirectCommandsStreamNV.html) """ function _IndirectCommandsStreamNV(buffer, offset::Integer) _IndirectCommandsStreamNV(VkIndirectCommandsStreamNV(buffer, offset), buffer) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `token_type::IndirectCommandsTokenTypeNV` - `stream::UInt32` - `offset::UInt32` - `vertex_binding_unit::UInt32` - `vertex_dynamic_stride::Bool` - `pushconstant_offset::UInt32` - `pushconstant_size::UInt32` - `index_types::Vector{IndexType}` - `index_type_values::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `pushconstant_pipeline_layout::PipelineLayout`: defaults to `C_NULL` - `pushconstant_shader_stage_flags::ShaderStageFlag`: defaults to `0` - `indirect_state_flags::IndirectStateFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkIndirectCommandsLayoutTokenNV.html) """ function _IndirectCommandsLayoutTokenNV(token_type::IndirectCommandsTokenTypeNV, stream::Integer, offset::Integer, vertex_binding_unit::Integer, vertex_dynamic_stride::Bool, pushconstant_offset::Integer, pushconstant_size::Integer, index_types::AbstractArray, index_type_values::AbstractArray; next = C_NULL, pushconstant_pipeline_layout = C_NULL, pushconstant_shader_stage_flags = 0, indirect_state_flags = 0) index_type_count = pointer_length(index_types) next = cconvert(Ptr{Cvoid}, next) index_types = cconvert(Ptr{VkIndexType}, index_types) index_type_values = cconvert(Ptr{UInt32}, index_type_values) deps = Any[next, index_types, index_type_values] vks = VkIndirectCommandsLayoutTokenNV(structure_type(VkIndirectCommandsLayoutTokenNV), unsafe_convert(Ptr{Cvoid}, next), token_type, stream, offset, vertex_binding_unit, vertex_dynamic_stride, pushconstant_pipeline_layout, pushconstant_shader_stage_flags, pushconstant_offset, pushconstant_size, indirect_state_flags, index_type_count, unsafe_convert(Ptr{VkIndexType}, index_types), unsafe_convert(Ptr{UInt32}, index_type_values)) _IndirectCommandsLayoutTokenNV(vks, deps, pushconstant_pipeline_layout) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `pipeline_bind_point::PipelineBindPoint` - `tokens::Vector{_IndirectCommandsLayoutTokenNV}` - `stream_strides::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::IndirectCommandsLayoutUsageFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkIndirectCommandsLayoutCreateInfoNV.html) """ function _IndirectCommandsLayoutCreateInfoNV(pipeline_bind_point::PipelineBindPoint, tokens::AbstractArray, stream_strides::AbstractArray; next = C_NULL, flags = 0) token_count = pointer_length(tokens) stream_count = pointer_length(stream_strides) next = cconvert(Ptr{Cvoid}, next) tokens = cconvert(Ptr{VkIndirectCommandsLayoutTokenNV}, tokens) stream_strides = cconvert(Ptr{UInt32}, stream_strides) deps = Any[next, tokens, stream_strides] vks = VkIndirectCommandsLayoutCreateInfoNV(structure_type(VkIndirectCommandsLayoutCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), flags, pipeline_bind_point, token_count, unsafe_convert(Ptr{VkIndirectCommandsLayoutTokenNV}, tokens), stream_count, unsafe_convert(Ptr{UInt32}, stream_strides)) _IndirectCommandsLayoutCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `pipeline_bind_point::PipelineBindPoint` - `pipeline::Pipeline` - `indirect_commands_layout::IndirectCommandsLayoutNV` - `streams::Vector{_IndirectCommandsStreamNV}` - `sequences_count::UInt32` - `preprocess_buffer::Buffer` - `preprocess_offset::UInt64` - `preprocess_size::UInt64` - `sequences_count_offset::UInt64` - `sequences_index_offset::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `sequences_count_buffer::Buffer`: defaults to `C_NULL` - `sequences_index_buffer::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeneratedCommandsInfoNV.html) """ function _GeneratedCommandsInfoNV(pipeline_bind_point::PipelineBindPoint, pipeline, indirect_commands_layout, streams::AbstractArray, sequences_count::Integer, preprocess_buffer, preprocess_offset::Integer, preprocess_size::Integer, sequences_count_offset::Integer, sequences_index_offset::Integer; next = C_NULL, sequences_count_buffer = C_NULL, sequences_index_buffer = C_NULL) stream_count = pointer_length(streams) next = cconvert(Ptr{Cvoid}, next) streams = cconvert(Ptr{VkIndirectCommandsStreamNV}, streams) deps = Any[next, streams] vks = VkGeneratedCommandsInfoNV(structure_type(VkGeneratedCommandsInfoNV), unsafe_convert(Ptr{Cvoid}, next), pipeline_bind_point, pipeline, indirect_commands_layout, stream_count, unsafe_convert(Ptr{VkIndirectCommandsStreamNV}, streams), sequences_count, preprocess_buffer, preprocess_offset, preprocess_size, sequences_count_buffer, sequences_count_offset, sequences_index_buffer, sequences_index_offset) _GeneratedCommandsInfoNV(vks, deps, pipeline, indirect_commands_layout, preprocess_buffer, sequences_count_buffer, sequences_index_buffer) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `pipeline_bind_point::PipelineBindPoint` - `pipeline::Pipeline` - `indirect_commands_layout::IndirectCommandsLayoutNV` - `max_sequences_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeneratedCommandsMemoryRequirementsInfoNV.html) """ function _GeneratedCommandsMemoryRequirementsInfoNV(pipeline_bind_point::PipelineBindPoint, pipeline, indirect_commands_layout, max_sequences_count::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkGeneratedCommandsMemoryRequirementsInfoNV(structure_type(VkGeneratedCommandsMemoryRequirementsInfoNV), unsafe_convert(Ptr{Cvoid}, next), pipeline_bind_point, pipeline, indirect_commands_layout, max_sequences_count) _GeneratedCommandsMemoryRequirementsInfoNV(vks, deps, pipeline, indirect_commands_layout) end """ Arguments: - `features::_PhysicalDeviceFeatures` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFeatures2.html) """ function _PhysicalDeviceFeatures2(features::_PhysicalDeviceFeatures; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFeatures2(structure_type(VkPhysicalDeviceFeatures2), unsafe_convert(Ptr{Cvoid}, next), features.vks) _PhysicalDeviceFeatures2(vks, deps) end """ Arguments: - `properties::_PhysicalDeviceProperties` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProperties2.html) """ function _PhysicalDeviceProperties2(properties::_PhysicalDeviceProperties; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceProperties2(structure_type(VkPhysicalDeviceProperties2), unsafe_convert(Ptr{Cvoid}, next), properties.vks) _PhysicalDeviceProperties2(vks, deps) end """ Arguments: - `format_properties::_FormatProperties` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFormatProperties2.html) """ function _FormatProperties2(format_properties::_FormatProperties; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkFormatProperties2(structure_type(VkFormatProperties2), unsafe_convert(Ptr{Cvoid}, next), format_properties.vks) _FormatProperties2(vks, deps) end """ Arguments: - `image_format_properties::_ImageFormatProperties` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageFormatProperties2.html) """ function _ImageFormatProperties2(image_format_properties::_ImageFormatProperties; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageFormatProperties2(structure_type(VkImageFormatProperties2), unsafe_convert(Ptr{Cvoid}, next), image_format_properties.vks) _ImageFormatProperties2(vks, deps) end """ Arguments: - `format::Format` - `type::ImageType` - `tiling::ImageTiling` - `usage::ImageUsageFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::ImageCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageFormatInfo2.html) """ function _PhysicalDeviceImageFormatInfo2(format::Format, type::ImageType, tiling::ImageTiling, usage::ImageUsageFlag; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceImageFormatInfo2(structure_type(VkPhysicalDeviceImageFormatInfo2), unsafe_convert(Ptr{Cvoid}, next), format, type, tiling, usage, flags) _PhysicalDeviceImageFormatInfo2(vks, deps) end """ Arguments: - `queue_family_properties::_QueueFamilyProperties` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyProperties2.html) """ function _QueueFamilyProperties2(queue_family_properties::_QueueFamilyProperties; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkQueueFamilyProperties2(structure_type(VkQueueFamilyProperties2), unsafe_convert(Ptr{Cvoid}, next), queue_family_properties.vks) _QueueFamilyProperties2(vks, deps) end """ Arguments: - `memory_properties::_PhysicalDeviceMemoryProperties` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryProperties2.html) """ function _PhysicalDeviceMemoryProperties2(memory_properties::_PhysicalDeviceMemoryProperties; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMemoryProperties2(structure_type(VkPhysicalDeviceMemoryProperties2), unsafe_convert(Ptr{Cvoid}, next), memory_properties.vks) _PhysicalDeviceMemoryProperties2(vks, deps) end """ Arguments: - `properties::_SparseImageFormatProperties` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageFormatProperties2.html) """ function _SparseImageFormatProperties2(properties::_SparseImageFormatProperties; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSparseImageFormatProperties2(structure_type(VkSparseImageFormatProperties2), unsafe_convert(Ptr{Cvoid}, next), properties.vks) _SparseImageFormatProperties2(vks, deps) end """ Arguments: - `format::Format` - `type::ImageType` - `samples::SampleCountFlag` - `usage::ImageUsageFlag` - `tiling::ImageTiling` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSparseImageFormatInfo2.html) """ function _PhysicalDeviceSparseImageFormatInfo2(format::Format, type::ImageType, samples::SampleCountFlag, usage::ImageUsageFlag, tiling::ImageTiling; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSparseImageFormatInfo2(structure_type(VkPhysicalDeviceSparseImageFormatInfo2), unsafe_convert(Ptr{Cvoid}, next), format, type, VkSampleCountFlagBits(samples.val), usage, tiling) _PhysicalDeviceSparseImageFormatInfo2(vks, deps) end """ Extension: VK\\_KHR\\_push\\_descriptor Arguments: - `max_push_descriptors::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePushDescriptorPropertiesKHR.html) """ function _PhysicalDevicePushDescriptorPropertiesKHR(max_push_descriptors::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePushDescriptorPropertiesKHR(structure_type(VkPhysicalDevicePushDescriptorPropertiesKHR), unsafe_convert(Ptr{Cvoid}, next), max_push_descriptors) _PhysicalDevicePushDescriptorPropertiesKHR(vks, deps) end """ Arguments: - `major::UInt8` - `minor::UInt8` - `subminor::UInt8` - `patch::UInt8` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkConformanceVersion.html) """ function _ConformanceVersion(major::Integer, minor::Integer, subminor::Integer, patch::Integer) _ConformanceVersion(VkConformanceVersion(major, minor, subminor, patch)) end """ Arguments: - `driver_id::DriverId` - `driver_name::String` - `driver_info::String` - `conformance_version::_ConformanceVersion` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDriverProperties.html) """ function _PhysicalDeviceDriverProperties(driver_id::DriverId, driver_name::AbstractString, driver_info::AbstractString, conformance_version::_ConformanceVersion; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDriverProperties(structure_type(VkPhysicalDeviceDriverProperties), unsafe_convert(Ptr{Cvoid}, next), driver_id, driver_name, driver_info, conformance_version.vks) _PhysicalDeviceDriverProperties(vks, deps) end """ Extension: VK\\_KHR\\_incremental\\_present Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `regions::Vector{_PresentRegionKHR}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentRegionsKHR.html) """ function _PresentRegionsKHR(; next = C_NULL, regions = C_NULL) swapchain_count = pointer_length(regions) next = cconvert(Ptr{Cvoid}, next) regions = cconvert(Ptr{VkPresentRegionKHR}, regions) deps = Any[next, regions] vks = VkPresentRegionsKHR(structure_type(VkPresentRegionsKHR), unsafe_convert(Ptr{Cvoid}, next), swapchain_count, unsafe_convert(Ptr{VkPresentRegionKHR}, regions)) _PresentRegionsKHR(vks, deps) end """ Extension: VK\\_KHR\\_incremental\\_present Arguments: - `rectangles::Vector{_RectLayerKHR}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentRegionKHR.html) """ function _PresentRegionKHR(; rectangles = C_NULL) rectangle_count = pointer_length(rectangles) rectangles = cconvert(Ptr{VkRectLayerKHR}, rectangles) deps = Any[rectangles] vks = VkPresentRegionKHR(rectangle_count, unsafe_convert(Ptr{VkRectLayerKHR}, rectangles)) _PresentRegionKHR(vks, deps) end """ Extension: VK\\_KHR\\_incremental\\_present Arguments: - `offset::_Offset2D` - `extent::_Extent2D` - `layer::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRectLayerKHR.html) """ function _RectLayerKHR(offset::_Offset2D, extent::_Extent2D, layer::Integer) _RectLayerKHR(VkRectLayerKHR(offset.vks, extent.vks, layer)) end """ Arguments: - `variable_pointers_storage_buffer::Bool` - `variable_pointers::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVariablePointersFeatures.html) """ function _PhysicalDeviceVariablePointersFeatures(variable_pointers_storage_buffer::Bool, variable_pointers::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceVariablePointersFeatures(structure_type(VkPhysicalDeviceVariablePointersFeatures), unsafe_convert(Ptr{Cvoid}, next), variable_pointers_storage_buffer, variable_pointers) _PhysicalDeviceVariablePointersFeatures(vks, deps) end """ Arguments: - `external_memory_features::ExternalMemoryFeatureFlag` - `compatible_handle_types::ExternalMemoryHandleTypeFlag` - `export_from_imported_handle_types::ExternalMemoryHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryProperties.html) """ function _ExternalMemoryProperties(external_memory_features::ExternalMemoryFeatureFlag, compatible_handle_types::ExternalMemoryHandleTypeFlag; export_from_imported_handle_types = 0) _ExternalMemoryProperties(VkExternalMemoryProperties(external_memory_features, export_from_imported_handle_types, compatible_handle_types)) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `handle_type::ExternalMemoryHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalImageFormatInfo.html) """ function _PhysicalDeviceExternalImageFormatInfo(; next = C_NULL, handle_type = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceExternalImageFormatInfo(structure_type(VkPhysicalDeviceExternalImageFormatInfo), unsafe_convert(Ptr{Cvoid}, next), VkExternalMemoryHandleTypeFlagBits(handle_type.val)) _PhysicalDeviceExternalImageFormatInfo(vks, deps) end """ Arguments: - `external_memory_properties::_ExternalMemoryProperties` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalImageFormatProperties.html) """ function _ExternalImageFormatProperties(external_memory_properties::_ExternalMemoryProperties; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExternalImageFormatProperties(structure_type(VkExternalImageFormatProperties), unsafe_convert(Ptr{Cvoid}, next), external_memory_properties.vks) _ExternalImageFormatProperties(vks, deps) end """ Arguments: - `usage::BufferUsageFlag` - `handle_type::ExternalMemoryHandleTypeFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::BufferCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalBufferInfo.html) """ function _PhysicalDeviceExternalBufferInfo(usage::BufferUsageFlag, handle_type::ExternalMemoryHandleTypeFlag; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceExternalBufferInfo(structure_type(VkPhysicalDeviceExternalBufferInfo), unsafe_convert(Ptr{Cvoid}, next), flags, usage, VkExternalMemoryHandleTypeFlagBits(handle_type.val)) _PhysicalDeviceExternalBufferInfo(vks, deps) end """ Arguments: - `external_memory_properties::_ExternalMemoryProperties` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalBufferProperties.html) """ function _ExternalBufferProperties(external_memory_properties::_ExternalMemoryProperties; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExternalBufferProperties(structure_type(VkExternalBufferProperties), unsafe_convert(Ptr{Cvoid}, next), external_memory_properties.vks) _ExternalBufferProperties(vks, deps) end """ Arguments: - `device_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `driver_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `device_luid::NTuple{Int(VK_LUID_SIZE), UInt8}` - `device_node_mask::UInt32` - `device_luid_valid::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceIDProperties.html) """ function _PhysicalDeviceIDProperties(device_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}, driver_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}, device_luid::NTuple{Int(VK_LUID_SIZE), UInt8}, device_node_mask::Integer, device_luid_valid::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceIDProperties(structure_type(VkPhysicalDeviceIDProperties), unsafe_convert(Ptr{Cvoid}, next), device_uuid, driver_uuid, device_luid, device_node_mask, device_luid_valid) _PhysicalDeviceIDProperties(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `handle_types::ExternalMemoryHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryImageCreateInfo.html) """ function _ExternalMemoryImageCreateInfo(; next = C_NULL, handle_types = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExternalMemoryImageCreateInfo(structure_type(VkExternalMemoryImageCreateInfo), unsafe_convert(Ptr{Cvoid}, next), handle_types) _ExternalMemoryImageCreateInfo(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `handle_types::ExternalMemoryHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryBufferCreateInfo.html) """ function _ExternalMemoryBufferCreateInfo(; next = C_NULL, handle_types = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExternalMemoryBufferCreateInfo(structure_type(VkExternalMemoryBufferCreateInfo), unsafe_convert(Ptr{Cvoid}, next), handle_types) _ExternalMemoryBufferCreateInfo(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `handle_types::ExternalMemoryHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMemoryAllocateInfo.html) """ function _ExportMemoryAllocateInfo(; next = C_NULL, handle_types = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExportMemoryAllocateInfo(structure_type(VkExportMemoryAllocateInfo), unsafe_convert(Ptr{Cvoid}, next), handle_types) _ExportMemoryAllocateInfo(vks, deps) end """ Extension: VK\\_KHR\\_external\\_memory\\_fd Arguments: - `fd::Int` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `handle_type::ExternalMemoryHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMemoryFdInfoKHR.html) """ function _ImportMemoryFdInfoKHR(fd::Integer; next = C_NULL, handle_type = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImportMemoryFdInfoKHR(structure_type(VkImportMemoryFdInfoKHR), unsafe_convert(Ptr{Cvoid}, next), VkExternalMemoryHandleTypeFlagBits(handle_type.val), fd) _ImportMemoryFdInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_external\\_memory\\_fd Arguments: - `memory_type_bits::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryFdPropertiesKHR.html) """ function _MemoryFdPropertiesKHR(memory_type_bits::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryFdPropertiesKHR(structure_type(VkMemoryFdPropertiesKHR), unsafe_convert(Ptr{Cvoid}, next), memory_type_bits) _MemoryFdPropertiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_external\\_memory\\_fd Arguments: - `memory::DeviceMemory` - `handle_type::ExternalMemoryHandleTypeFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryGetFdInfoKHR.html) """ function _MemoryGetFdInfoKHR(memory, handle_type::ExternalMemoryHandleTypeFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryGetFdInfoKHR(structure_type(VkMemoryGetFdInfoKHR), unsafe_convert(Ptr{Cvoid}, next), memory, VkExternalMemoryHandleTypeFlagBits(handle_type.val)) _MemoryGetFdInfoKHR(vks, deps, memory) end """ Arguments: - `handle_type::ExternalSemaphoreHandleTypeFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalSemaphoreInfo.html) """ function _PhysicalDeviceExternalSemaphoreInfo(handle_type::ExternalSemaphoreHandleTypeFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceExternalSemaphoreInfo(structure_type(VkPhysicalDeviceExternalSemaphoreInfo), unsafe_convert(Ptr{Cvoid}, next), VkExternalSemaphoreHandleTypeFlagBits(handle_type.val)) _PhysicalDeviceExternalSemaphoreInfo(vks, deps) end """ Arguments: - `export_from_imported_handle_types::ExternalSemaphoreHandleTypeFlag` - `compatible_handle_types::ExternalSemaphoreHandleTypeFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `external_semaphore_features::ExternalSemaphoreFeatureFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalSemaphoreProperties.html) """ function _ExternalSemaphoreProperties(export_from_imported_handle_types::ExternalSemaphoreHandleTypeFlag, compatible_handle_types::ExternalSemaphoreHandleTypeFlag; next = C_NULL, external_semaphore_features = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExternalSemaphoreProperties(structure_type(VkExternalSemaphoreProperties), unsafe_convert(Ptr{Cvoid}, next), export_from_imported_handle_types, compatible_handle_types, external_semaphore_features) _ExternalSemaphoreProperties(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `handle_types::ExternalSemaphoreHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportSemaphoreCreateInfo.html) """ function _ExportSemaphoreCreateInfo(; next = C_NULL, handle_types = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExportSemaphoreCreateInfo(structure_type(VkExportSemaphoreCreateInfo), unsafe_convert(Ptr{Cvoid}, next), handle_types) _ExportSemaphoreCreateInfo(vks, deps) end """ Extension: VK\\_KHR\\_external\\_semaphore\\_fd Arguments: - `semaphore::Semaphore` (externsync) - `handle_type::ExternalSemaphoreHandleTypeFlag` - `fd::Int` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::SemaphoreImportFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportSemaphoreFdInfoKHR.html) """ function _ImportSemaphoreFdInfoKHR(semaphore, handle_type::ExternalSemaphoreHandleTypeFlag, fd::Integer; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImportSemaphoreFdInfoKHR(structure_type(VkImportSemaphoreFdInfoKHR), unsafe_convert(Ptr{Cvoid}, next), semaphore, flags, VkExternalSemaphoreHandleTypeFlagBits(handle_type.val), fd) _ImportSemaphoreFdInfoKHR(vks, deps, semaphore) end """ Extension: VK\\_KHR\\_external\\_semaphore\\_fd Arguments: - `semaphore::Semaphore` - `handle_type::ExternalSemaphoreHandleTypeFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreGetFdInfoKHR.html) """ function _SemaphoreGetFdInfoKHR(semaphore, handle_type::ExternalSemaphoreHandleTypeFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSemaphoreGetFdInfoKHR(structure_type(VkSemaphoreGetFdInfoKHR), unsafe_convert(Ptr{Cvoid}, next), semaphore, VkExternalSemaphoreHandleTypeFlagBits(handle_type.val)) _SemaphoreGetFdInfoKHR(vks, deps, semaphore) end """ Arguments: - `handle_type::ExternalFenceHandleTypeFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalFenceInfo.html) """ function _PhysicalDeviceExternalFenceInfo(handle_type::ExternalFenceHandleTypeFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceExternalFenceInfo(structure_type(VkPhysicalDeviceExternalFenceInfo), unsafe_convert(Ptr{Cvoid}, next), VkExternalFenceHandleTypeFlagBits(handle_type.val)) _PhysicalDeviceExternalFenceInfo(vks, deps) end """ Arguments: - `export_from_imported_handle_types::ExternalFenceHandleTypeFlag` - `compatible_handle_types::ExternalFenceHandleTypeFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `external_fence_features::ExternalFenceFeatureFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalFenceProperties.html) """ function _ExternalFenceProperties(export_from_imported_handle_types::ExternalFenceHandleTypeFlag, compatible_handle_types::ExternalFenceHandleTypeFlag; next = C_NULL, external_fence_features = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExternalFenceProperties(structure_type(VkExternalFenceProperties), unsafe_convert(Ptr{Cvoid}, next), export_from_imported_handle_types, compatible_handle_types, external_fence_features) _ExternalFenceProperties(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `handle_types::ExternalFenceHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportFenceCreateInfo.html) """ function _ExportFenceCreateInfo(; next = C_NULL, handle_types = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExportFenceCreateInfo(structure_type(VkExportFenceCreateInfo), unsafe_convert(Ptr{Cvoid}, next), handle_types) _ExportFenceCreateInfo(vks, deps) end """ Extension: VK\\_KHR\\_external\\_fence\\_fd Arguments: - `fence::Fence` (externsync) - `handle_type::ExternalFenceHandleTypeFlag` - `fd::Int` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::FenceImportFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportFenceFdInfoKHR.html) """ function _ImportFenceFdInfoKHR(fence, handle_type::ExternalFenceHandleTypeFlag, fd::Integer; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImportFenceFdInfoKHR(structure_type(VkImportFenceFdInfoKHR), unsafe_convert(Ptr{Cvoid}, next), fence, flags, VkExternalFenceHandleTypeFlagBits(handle_type.val), fd) _ImportFenceFdInfoKHR(vks, deps, fence) end """ Extension: VK\\_KHR\\_external\\_fence\\_fd Arguments: - `fence::Fence` - `handle_type::ExternalFenceHandleTypeFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFenceGetFdInfoKHR.html) """ function _FenceGetFdInfoKHR(fence, handle_type::ExternalFenceHandleTypeFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkFenceGetFdInfoKHR(structure_type(VkFenceGetFdInfoKHR), unsafe_convert(Ptr{Cvoid}, next), fence, VkExternalFenceHandleTypeFlagBits(handle_type.val)) _FenceGetFdInfoKHR(vks, deps, fence) end """ Arguments: - `multiview::Bool` - `multiview_geometry_shader::Bool` - `multiview_tessellation_shader::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewFeatures.html) """ function _PhysicalDeviceMultiviewFeatures(multiview::Bool, multiview_geometry_shader::Bool, multiview_tessellation_shader::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMultiviewFeatures(structure_type(VkPhysicalDeviceMultiviewFeatures), unsafe_convert(Ptr{Cvoid}, next), multiview, multiview_geometry_shader, multiview_tessellation_shader) _PhysicalDeviceMultiviewFeatures(vks, deps) end """ Arguments: - `max_multiview_view_count::UInt32` - `max_multiview_instance_index::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewProperties.html) """ function _PhysicalDeviceMultiviewProperties(max_multiview_view_count::Integer, max_multiview_instance_index::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMultiviewProperties(structure_type(VkPhysicalDeviceMultiviewProperties), unsafe_convert(Ptr{Cvoid}, next), max_multiview_view_count, max_multiview_instance_index) _PhysicalDeviceMultiviewProperties(vks, deps) end """ Arguments: - `view_masks::Vector{UInt32}` - `view_offsets::Vector{Int32}` - `correlation_masks::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassMultiviewCreateInfo.html) """ function _RenderPassMultiviewCreateInfo(view_masks::AbstractArray, view_offsets::AbstractArray, correlation_masks::AbstractArray; next = C_NULL) subpass_count = pointer_length(view_masks) dependency_count = pointer_length(view_offsets) correlation_mask_count = pointer_length(correlation_masks) next = cconvert(Ptr{Cvoid}, next) view_masks = cconvert(Ptr{UInt32}, view_masks) view_offsets = cconvert(Ptr{Int32}, view_offsets) correlation_masks = cconvert(Ptr{UInt32}, correlation_masks) deps = Any[next, view_masks, view_offsets, correlation_masks] vks = VkRenderPassMultiviewCreateInfo(structure_type(VkRenderPassMultiviewCreateInfo), unsafe_convert(Ptr{Cvoid}, next), subpass_count, unsafe_convert(Ptr{UInt32}, view_masks), dependency_count, unsafe_convert(Ptr{Int32}, view_offsets), correlation_mask_count, unsafe_convert(Ptr{UInt32}, correlation_masks)) _RenderPassMultiviewCreateInfo(vks, deps) end """ Extension: VK\\_EXT\\_display\\_surface\\_counter Arguments: - `min_image_count::UInt32` - `max_image_count::UInt32` - `current_extent::_Extent2D` - `min_image_extent::_Extent2D` - `max_image_extent::_Extent2D` - `max_image_array_layers::UInt32` - `supported_transforms::SurfaceTransformFlagKHR` - `current_transform::SurfaceTransformFlagKHR` - `supported_composite_alpha::CompositeAlphaFlagKHR` - `supported_usage_flags::ImageUsageFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `supported_surface_counters::SurfaceCounterFlagEXT`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilities2EXT.html) """ function _SurfaceCapabilities2EXT(min_image_count::Integer, max_image_count::Integer, current_extent::_Extent2D, min_image_extent::_Extent2D, max_image_extent::_Extent2D, max_image_array_layers::Integer, supported_transforms::SurfaceTransformFlagKHR, current_transform::SurfaceTransformFlagKHR, supported_composite_alpha::CompositeAlphaFlagKHR, supported_usage_flags::ImageUsageFlag; next = C_NULL, supported_surface_counters = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSurfaceCapabilities2EXT(structure_type(VkSurfaceCapabilities2EXT), unsafe_convert(Ptr{Cvoid}, next), min_image_count, max_image_count, current_extent.vks, min_image_extent.vks, max_image_extent.vks, max_image_array_layers, supported_transforms, VkSurfaceTransformFlagBitsKHR(current_transform.val), supported_composite_alpha, supported_usage_flags, supported_surface_counters) _SurfaceCapabilities2EXT(vks, deps) end """ Extension: VK\\_EXT\\_display\\_control Arguments: - `power_state::DisplayPowerStateEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPowerInfoEXT.html) """ function _DisplayPowerInfoEXT(power_state::DisplayPowerStateEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDisplayPowerInfoEXT(structure_type(VkDisplayPowerInfoEXT), unsafe_convert(Ptr{Cvoid}, next), power_state) _DisplayPowerInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_display\\_control Arguments: - `device_event::DeviceEventTypeEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceEventInfoEXT.html) """ function _DeviceEventInfoEXT(device_event::DeviceEventTypeEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceEventInfoEXT(structure_type(VkDeviceEventInfoEXT), unsafe_convert(Ptr{Cvoid}, next), device_event) _DeviceEventInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_display\\_control Arguments: - `display_event::DisplayEventTypeEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayEventInfoEXT.html) """ function _DisplayEventInfoEXT(display_event::DisplayEventTypeEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDisplayEventInfoEXT(structure_type(VkDisplayEventInfoEXT), unsafe_convert(Ptr{Cvoid}, next), display_event) _DisplayEventInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_display\\_control Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `surface_counters::SurfaceCounterFlagEXT`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainCounterCreateInfoEXT.html) """ function _SwapchainCounterCreateInfoEXT(; next = C_NULL, surface_counters = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSwapchainCounterCreateInfoEXT(structure_type(VkSwapchainCounterCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), surface_counters) _SwapchainCounterCreateInfoEXT(vks, deps) end """ Arguments: - `physical_device_count::UInt32` - `physical_devices::NTuple{Int(VK_MAX_DEVICE_GROUP_SIZE), PhysicalDevice}` - `subset_allocation::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGroupProperties.html) """ function _PhysicalDeviceGroupProperties(physical_device_count::Integer, physical_devices::NTuple{Int(VK_MAX_DEVICE_GROUP_SIZE), PhysicalDevice}, subset_allocation::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceGroupProperties(structure_type(VkPhysicalDeviceGroupProperties), unsafe_convert(Ptr{Cvoid}, next), physical_device_count, physical_devices, subset_allocation) _PhysicalDeviceGroupProperties(vks, deps) end """ Arguments: - `device_mask::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::MemoryAllocateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryAllocateFlagsInfo.html) """ function _MemoryAllocateFlagsInfo(device_mask::Integer; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryAllocateFlagsInfo(structure_type(VkMemoryAllocateFlagsInfo), unsafe_convert(Ptr{Cvoid}, next), flags, device_mask) _MemoryAllocateFlagsInfo(vks, deps) end """ Arguments: - `buffer::Buffer` - `memory::DeviceMemory` - `memory_offset::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindBufferMemoryInfo.html) """ function _BindBufferMemoryInfo(buffer, memory, memory_offset::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBindBufferMemoryInfo(structure_type(VkBindBufferMemoryInfo), unsafe_convert(Ptr{Cvoid}, next), buffer, memory, memory_offset) _BindBufferMemoryInfo(vks, deps, buffer, memory) end """ Arguments: - `device_indices::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindBufferMemoryDeviceGroupInfo.html) """ function _BindBufferMemoryDeviceGroupInfo(device_indices::AbstractArray; next = C_NULL) device_index_count = pointer_length(device_indices) next = cconvert(Ptr{Cvoid}, next) device_indices = cconvert(Ptr{UInt32}, device_indices) deps = Any[next, device_indices] vks = VkBindBufferMemoryDeviceGroupInfo(structure_type(VkBindBufferMemoryDeviceGroupInfo), unsafe_convert(Ptr{Cvoid}, next), device_index_count, unsafe_convert(Ptr{UInt32}, device_indices)) _BindBufferMemoryDeviceGroupInfo(vks, deps) end """ Arguments: - `image::Image` - `memory::DeviceMemory` - `memory_offset::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImageMemoryInfo.html) """ function _BindImageMemoryInfo(image, memory, memory_offset::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBindImageMemoryInfo(structure_type(VkBindImageMemoryInfo), unsafe_convert(Ptr{Cvoid}, next), image, memory, memory_offset) _BindImageMemoryInfo(vks, deps, image, memory) end """ Arguments: - `device_indices::Vector{UInt32}` - `split_instance_bind_regions::Vector{_Rect2D}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImageMemoryDeviceGroupInfo.html) """ function _BindImageMemoryDeviceGroupInfo(device_indices::AbstractArray, split_instance_bind_regions::AbstractArray; next = C_NULL) device_index_count = pointer_length(device_indices) split_instance_bind_region_count = pointer_length(split_instance_bind_regions) next = cconvert(Ptr{Cvoid}, next) device_indices = cconvert(Ptr{UInt32}, device_indices) split_instance_bind_regions = cconvert(Ptr{VkRect2D}, split_instance_bind_regions) deps = Any[next, device_indices, split_instance_bind_regions] vks = VkBindImageMemoryDeviceGroupInfo(structure_type(VkBindImageMemoryDeviceGroupInfo), unsafe_convert(Ptr{Cvoid}, next), device_index_count, unsafe_convert(Ptr{UInt32}, device_indices), split_instance_bind_region_count, unsafe_convert(Ptr{VkRect2D}, split_instance_bind_regions)) _BindImageMemoryDeviceGroupInfo(vks, deps) end """ Arguments: - `device_mask::UInt32` - `device_render_areas::Vector{_Rect2D}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupRenderPassBeginInfo.html) """ function _DeviceGroupRenderPassBeginInfo(device_mask::Integer, device_render_areas::AbstractArray; next = C_NULL) device_render_area_count = pointer_length(device_render_areas) next = cconvert(Ptr{Cvoid}, next) device_render_areas = cconvert(Ptr{VkRect2D}, device_render_areas) deps = Any[next, device_render_areas] vks = VkDeviceGroupRenderPassBeginInfo(structure_type(VkDeviceGroupRenderPassBeginInfo), unsafe_convert(Ptr{Cvoid}, next), device_mask, device_render_area_count, unsafe_convert(Ptr{VkRect2D}, device_render_areas)) _DeviceGroupRenderPassBeginInfo(vks, deps) end """ Arguments: - `device_mask::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupCommandBufferBeginInfo.html) """ function _DeviceGroupCommandBufferBeginInfo(device_mask::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceGroupCommandBufferBeginInfo(structure_type(VkDeviceGroupCommandBufferBeginInfo), unsafe_convert(Ptr{Cvoid}, next), device_mask) _DeviceGroupCommandBufferBeginInfo(vks, deps) end """ Arguments: - `wait_semaphore_device_indices::Vector{UInt32}` - `command_buffer_device_masks::Vector{UInt32}` - `signal_semaphore_device_indices::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupSubmitInfo.html) """ function _DeviceGroupSubmitInfo(wait_semaphore_device_indices::AbstractArray, command_buffer_device_masks::AbstractArray, signal_semaphore_device_indices::AbstractArray; next = C_NULL) wait_semaphore_count = pointer_length(wait_semaphore_device_indices) command_buffer_count = pointer_length(command_buffer_device_masks) signal_semaphore_count = pointer_length(signal_semaphore_device_indices) next = cconvert(Ptr{Cvoid}, next) wait_semaphore_device_indices = cconvert(Ptr{UInt32}, wait_semaphore_device_indices) command_buffer_device_masks = cconvert(Ptr{UInt32}, command_buffer_device_masks) signal_semaphore_device_indices = cconvert(Ptr{UInt32}, signal_semaphore_device_indices) deps = Any[next, wait_semaphore_device_indices, command_buffer_device_masks, signal_semaphore_device_indices] vks = VkDeviceGroupSubmitInfo(structure_type(VkDeviceGroupSubmitInfo), unsafe_convert(Ptr{Cvoid}, next), wait_semaphore_count, unsafe_convert(Ptr{UInt32}, wait_semaphore_device_indices), command_buffer_count, unsafe_convert(Ptr{UInt32}, command_buffer_device_masks), signal_semaphore_count, unsafe_convert(Ptr{UInt32}, signal_semaphore_device_indices)) _DeviceGroupSubmitInfo(vks, deps) end """ Arguments: - `resource_device_index::UInt32` - `memory_device_index::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupBindSparseInfo.html) """ function _DeviceGroupBindSparseInfo(resource_device_index::Integer, memory_device_index::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceGroupBindSparseInfo(structure_type(VkDeviceGroupBindSparseInfo), unsafe_convert(Ptr{Cvoid}, next), resource_device_index, memory_device_index) _DeviceGroupBindSparseInfo(vks, deps) end """ Extension: VK\\_KHR\\_swapchain Arguments: - `present_mask::NTuple{Int(VK_MAX_DEVICE_GROUP_SIZE), UInt32}` - `modes::DeviceGroupPresentModeFlagKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupPresentCapabilitiesKHR.html) """ function _DeviceGroupPresentCapabilitiesKHR(present_mask::NTuple{Int(VK_MAX_DEVICE_GROUP_SIZE), UInt32}, modes::DeviceGroupPresentModeFlagKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceGroupPresentCapabilitiesKHR(structure_type(VkDeviceGroupPresentCapabilitiesKHR), unsafe_convert(Ptr{Cvoid}, next), present_mask, modes) _DeviceGroupPresentCapabilitiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_swapchain Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `swapchain::SwapchainKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSwapchainCreateInfoKHR.html) """ function _ImageSwapchainCreateInfoKHR(; next = C_NULL, swapchain = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageSwapchainCreateInfoKHR(structure_type(VkImageSwapchainCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), swapchain) _ImageSwapchainCreateInfoKHR(vks, deps, swapchain) end """ Extension: VK\\_KHR\\_swapchain Arguments: - `swapchain::SwapchainKHR` (externsync) - `image_index::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImageMemorySwapchainInfoKHR.html) """ function _BindImageMemorySwapchainInfoKHR(swapchain, image_index::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBindImageMemorySwapchainInfoKHR(structure_type(VkBindImageMemorySwapchainInfoKHR), unsafe_convert(Ptr{Cvoid}, next), swapchain, image_index) _BindImageMemorySwapchainInfoKHR(vks, deps, swapchain) end """ Extension: VK\\_KHR\\_swapchain Arguments: - `swapchain::SwapchainKHR` (externsync) - `timeout::UInt64` - `device_mask::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `semaphore::Semaphore`: defaults to `C_NULL` (externsync) - `fence::Fence`: defaults to `C_NULL` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAcquireNextImageInfoKHR.html) """ function _AcquireNextImageInfoKHR(swapchain, timeout::Integer, device_mask::Integer; next = C_NULL, semaphore = C_NULL, fence = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAcquireNextImageInfoKHR(structure_type(VkAcquireNextImageInfoKHR), unsafe_convert(Ptr{Cvoid}, next), swapchain, timeout, semaphore, fence, device_mask) _AcquireNextImageInfoKHR(vks, deps, swapchain, semaphore, fence) end """ Extension: VK\\_KHR\\_swapchain Arguments: - `device_masks::Vector{UInt32}` - `mode::DeviceGroupPresentModeFlagKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupPresentInfoKHR.html) """ function _DeviceGroupPresentInfoKHR(device_masks::AbstractArray, mode::DeviceGroupPresentModeFlagKHR; next = C_NULL) swapchain_count = pointer_length(device_masks) next = cconvert(Ptr{Cvoid}, next) device_masks = cconvert(Ptr{UInt32}, device_masks) deps = Any[next, device_masks] vks = VkDeviceGroupPresentInfoKHR(structure_type(VkDeviceGroupPresentInfoKHR), unsafe_convert(Ptr{Cvoid}, next), swapchain_count, unsafe_convert(Ptr{UInt32}, device_masks), VkDeviceGroupPresentModeFlagBitsKHR(mode.val)) _DeviceGroupPresentInfoKHR(vks, deps) end """ Arguments: - `physical_devices::Vector{PhysicalDevice}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupDeviceCreateInfo.html) """ function _DeviceGroupDeviceCreateInfo(physical_devices::AbstractArray; next = C_NULL) physical_device_count = pointer_length(physical_devices) next = cconvert(Ptr{Cvoid}, next) physical_devices = cconvert(Ptr{VkPhysicalDevice}, physical_devices) deps = Any[next, physical_devices] vks = VkDeviceGroupDeviceCreateInfo(structure_type(VkDeviceGroupDeviceCreateInfo), unsafe_convert(Ptr{Cvoid}, next), physical_device_count, unsafe_convert(Ptr{VkPhysicalDevice}, physical_devices)) _DeviceGroupDeviceCreateInfo(vks, deps) end """ Extension: VK\\_KHR\\_swapchain Arguments: - `modes::DeviceGroupPresentModeFlagKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupSwapchainCreateInfoKHR.html) """ function _DeviceGroupSwapchainCreateInfoKHR(modes::DeviceGroupPresentModeFlagKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceGroupSwapchainCreateInfoKHR(structure_type(VkDeviceGroupSwapchainCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), modes) _DeviceGroupSwapchainCreateInfoKHR(vks, deps) end """ Arguments: - `dst_binding::UInt32` - `dst_array_element::UInt32` - `descriptor_count::UInt32` - `descriptor_type::DescriptorType` - `offset::UInt` - `stride::UInt` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorUpdateTemplateEntry.html) """ function _DescriptorUpdateTemplateEntry(dst_binding::Integer, dst_array_element::Integer, descriptor_count::Integer, descriptor_type::DescriptorType, offset::Integer, stride::Integer) _DescriptorUpdateTemplateEntry(VkDescriptorUpdateTemplateEntry(dst_binding, dst_array_element, descriptor_count, descriptor_type, offset, stride)) end """ Arguments: - `descriptor_update_entries::Vector{_DescriptorUpdateTemplateEntry}` - `template_type::DescriptorUpdateTemplateType` - `descriptor_set_layout::DescriptorSetLayout` - `pipeline_bind_point::PipelineBindPoint` - `pipeline_layout::PipelineLayout` - `set::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorUpdateTemplateCreateInfo.html) """ function _DescriptorUpdateTemplateCreateInfo(descriptor_update_entries::AbstractArray, template_type::DescriptorUpdateTemplateType, descriptor_set_layout, pipeline_bind_point::PipelineBindPoint, pipeline_layout, set::Integer; next = C_NULL, flags = 0) descriptor_update_entry_count = pointer_length(descriptor_update_entries) next = cconvert(Ptr{Cvoid}, next) descriptor_update_entries = cconvert(Ptr{VkDescriptorUpdateTemplateEntry}, descriptor_update_entries) deps = Any[next, descriptor_update_entries] vks = VkDescriptorUpdateTemplateCreateInfo(structure_type(VkDescriptorUpdateTemplateCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, descriptor_update_entry_count, unsafe_convert(Ptr{VkDescriptorUpdateTemplateEntry}, descriptor_update_entries), template_type, descriptor_set_layout, pipeline_bind_point, pipeline_layout, set) _DescriptorUpdateTemplateCreateInfo(vks, deps, descriptor_set_layout, pipeline_layout) end """ Extension: VK\\_EXT\\_hdr\\_metadata Arguments: - `x::Float32` - `y::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkXYColorEXT.html) """ function _XYColorEXT(x::Real, y::Real) _XYColorEXT(VkXYColorEXT(x, y)) end """ Extension: VK\\_KHR\\_present\\_id Arguments: - `present_id::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePresentIdFeaturesKHR.html) """ function _PhysicalDevicePresentIdFeaturesKHR(present_id::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePresentIdFeaturesKHR(structure_type(VkPhysicalDevicePresentIdFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), present_id) _PhysicalDevicePresentIdFeaturesKHR(vks, deps) end """ Extension: VK\\_KHR\\_present\\_id Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `present_ids::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentIdKHR.html) """ function _PresentIdKHR(; next = C_NULL, present_ids = C_NULL) swapchain_count = pointer_length(present_ids) next = cconvert(Ptr{Cvoid}, next) present_ids = cconvert(Ptr{UInt64}, present_ids) deps = Any[next, present_ids] vks = VkPresentIdKHR(structure_type(VkPresentIdKHR), unsafe_convert(Ptr{Cvoid}, next), swapchain_count, unsafe_convert(Ptr{UInt64}, present_ids)) _PresentIdKHR(vks, deps) end """ Extension: VK\\_KHR\\_present\\_wait Arguments: - `present_wait::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePresentWaitFeaturesKHR.html) """ function _PhysicalDevicePresentWaitFeaturesKHR(present_wait::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePresentWaitFeaturesKHR(structure_type(VkPhysicalDevicePresentWaitFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), present_wait) _PhysicalDevicePresentWaitFeaturesKHR(vks, deps) end """ Extension: VK\\_EXT\\_hdr\\_metadata Arguments: - `display_primary_red::_XYColorEXT` - `display_primary_green::_XYColorEXT` - `display_primary_blue::_XYColorEXT` - `white_point::_XYColorEXT` - `max_luminance::Float32` - `min_luminance::Float32` - `max_content_light_level::Float32` - `max_frame_average_light_level::Float32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkHdrMetadataEXT.html) """ function _HdrMetadataEXT(display_primary_red::_XYColorEXT, display_primary_green::_XYColorEXT, display_primary_blue::_XYColorEXT, white_point::_XYColorEXT, max_luminance::Real, min_luminance::Real, max_content_light_level::Real, max_frame_average_light_level::Real; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkHdrMetadataEXT(structure_type(VkHdrMetadataEXT), unsafe_convert(Ptr{Cvoid}, next), display_primary_red.vks, display_primary_green.vks, display_primary_blue.vks, white_point.vks, max_luminance, min_luminance, max_content_light_level, max_frame_average_light_level) _HdrMetadataEXT(vks, deps) end """ Extension: VK\\_AMD\\_display\\_native\\_hdr Arguments: - `local_dimming_support::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayNativeHdrSurfaceCapabilitiesAMD.html) """ function _DisplayNativeHdrSurfaceCapabilitiesAMD(local_dimming_support::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDisplayNativeHdrSurfaceCapabilitiesAMD(structure_type(VkDisplayNativeHdrSurfaceCapabilitiesAMD), unsafe_convert(Ptr{Cvoid}, next), local_dimming_support) _DisplayNativeHdrSurfaceCapabilitiesAMD(vks, deps) end """ Extension: VK\\_AMD\\_display\\_native\\_hdr Arguments: - `local_dimming_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainDisplayNativeHdrCreateInfoAMD.html) """ function _SwapchainDisplayNativeHdrCreateInfoAMD(local_dimming_enable::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSwapchainDisplayNativeHdrCreateInfoAMD(structure_type(VkSwapchainDisplayNativeHdrCreateInfoAMD), unsafe_convert(Ptr{Cvoid}, next), local_dimming_enable) _SwapchainDisplayNativeHdrCreateInfoAMD(vks, deps) end """ Extension: VK\\_GOOGLE\\_display\\_timing Arguments: - `refresh_duration::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRefreshCycleDurationGOOGLE.html) """ function _RefreshCycleDurationGOOGLE(refresh_duration::Integer) _RefreshCycleDurationGOOGLE(VkRefreshCycleDurationGOOGLE(refresh_duration)) end """ Extension: VK\\_GOOGLE\\_display\\_timing Arguments: - `present_id::UInt32` - `desired_present_time::UInt64` - `actual_present_time::UInt64` - `earliest_present_time::UInt64` - `present_margin::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPastPresentationTimingGOOGLE.html) """ function _PastPresentationTimingGOOGLE(present_id::Integer, desired_present_time::Integer, actual_present_time::Integer, earliest_present_time::Integer, present_margin::Integer) _PastPresentationTimingGOOGLE(VkPastPresentationTimingGOOGLE(present_id, desired_present_time, actual_present_time, earliest_present_time, present_margin)) end """ Extension: VK\\_GOOGLE\\_display\\_timing Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `times::Vector{_PresentTimeGOOGLE}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentTimesInfoGOOGLE.html) """ function _PresentTimesInfoGOOGLE(; next = C_NULL, times = C_NULL) swapchain_count = pointer_length(times) next = cconvert(Ptr{Cvoid}, next) times = cconvert(Ptr{VkPresentTimeGOOGLE}, times) deps = Any[next, times] vks = VkPresentTimesInfoGOOGLE(structure_type(VkPresentTimesInfoGOOGLE), unsafe_convert(Ptr{Cvoid}, next), swapchain_count, unsafe_convert(Ptr{VkPresentTimeGOOGLE}, times)) _PresentTimesInfoGOOGLE(vks, deps) end """ Extension: VK\\_GOOGLE\\_display\\_timing Arguments: - `present_id::UInt32` - `desired_present_time::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentTimeGOOGLE.html) """ function _PresentTimeGOOGLE(present_id::Integer, desired_present_time::Integer) _PresentTimeGOOGLE(VkPresentTimeGOOGLE(present_id, desired_present_time)) end """ Extension: VK\\_NV\\_clip\\_space\\_w\\_scaling Arguments: - `xcoeff::Float32` - `ycoeff::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkViewportWScalingNV.html) """ function _ViewportWScalingNV(xcoeff::Real, ycoeff::Real) _ViewportWScalingNV(VkViewportWScalingNV(xcoeff, ycoeff)) end """ Extension: VK\\_NV\\_clip\\_space\\_w\\_scaling Arguments: - `viewport_w_scaling_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `viewport_w_scalings::Vector{_ViewportWScalingNV}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportWScalingStateCreateInfoNV.html) """ function _PipelineViewportWScalingStateCreateInfoNV(viewport_w_scaling_enable::Bool; next = C_NULL, viewport_w_scalings = C_NULL) viewport_count = pointer_length(viewport_w_scalings) next = cconvert(Ptr{Cvoid}, next) viewport_w_scalings = cconvert(Ptr{VkViewportWScalingNV}, viewport_w_scalings) deps = Any[next, viewport_w_scalings] vks = VkPipelineViewportWScalingStateCreateInfoNV(structure_type(VkPipelineViewportWScalingStateCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), viewport_w_scaling_enable, viewport_count, unsafe_convert(Ptr{VkViewportWScalingNV}, viewport_w_scalings)) _PipelineViewportWScalingStateCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_viewport\\_swizzle Arguments: - `x::ViewportCoordinateSwizzleNV` - `y::ViewportCoordinateSwizzleNV` - `z::ViewportCoordinateSwizzleNV` - `w::ViewportCoordinateSwizzleNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkViewportSwizzleNV.html) """ function _ViewportSwizzleNV(x::ViewportCoordinateSwizzleNV, y::ViewportCoordinateSwizzleNV, z::ViewportCoordinateSwizzleNV, w::ViewportCoordinateSwizzleNV) _ViewportSwizzleNV(VkViewportSwizzleNV(x, y, z, w)) end """ Extension: VK\\_NV\\_viewport\\_swizzle Arguments: - `viewport_swizzles::Vector{_ViewportSwizzleNV}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportSwizzleStateCreateInfoNV.html) """ function _PipelineViewportSwizzleStateCreateInfoNV(viewport_swizzles::AbstractArray; next = C_NULL, flags = 0) viewport_count = pointer_length(viewport_swizzles) next = cconvert(Ptr{Cvoid}, next) viewport_swizzles = cconvert(Ptr{VkViewportSwizzleNV}, viewport_swizzles) deps = Any[next, viewport_swizzles] vks = VkPipelineViewportSwizzleStateCreateInfoNV(structure_type(VkPipelineViewportSwizzleStateCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), flags, viewport_count, unsafe_convert(Ptr{VkViewportSwizzleNV}, viewport_swizzles)) _PipelineViewportSwizzleStateCreateInfoNV(vks, deps) end """ Extension: VK\\_EXT\\_discard\\_rectangles Arguments: - `max_discard_rectangles::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDiscardRectanglePropertiesEXT.html) """ function _PhysicalDeviceDiscardRectanglePropertiesEXT(max_discard_rectangles::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDiscardRectanglePropertiesEXT(structure_type(VkPhysicalDeviceDiscardRectanglePropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), max_discard_rectangles) _PhysicalDeviceDiscardRectanglePropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_discard\\_rectangles Arguments: - `discard_rectangle_mode::DiscardRectangleModeEXT` - `discard_rectangles::Vector{_Rect2D}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineDiscardRectangleStateCreateInfoEXT.html) """ function _PipelineDiscardRectangleStateCreateInfoEXT(discard_rectangle_mode::DiscardRectangleModeEXT, discard_rectangles::AbstractArray; next = C_NULL, flags = 0) discard_rectangle_count = pointer_length(discard_rectangles) next = cconvert(Ptr{Cvoid}, next) discard_rectangles = cconvert(Ptr{VkRect2D}, discard_rectangles) deps = Any[next, discard_rectangles] vks = VkPipelineDiscardRectangleStateCreateInfoEXT(structure_type(VkPipelineDiscardRectangleStateCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), flags, discard_rectangle_mode, discard_rectangle_count, unsafe_convert(Ptr{VkRect2D}, discard_rectangles)) _PipelineDiscardRectangleStateCreateInfoEXT(vks, deps) end """ Extension: VK\\_NVX\\_multiview\\_per\\_view\\_attributes Arguments: - `per_view_position_all_components::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX.html) """ function _PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX(per_view_position_all_components::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX(structure_type(VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX), unsafe_convert(Ptr{Cvoid}, next), per_view_position_all_components) _PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX(vks, deps) end """ Arguments: - `subpass::UInt32` - `input_attachment_index::UInt32` - `aspect_mask::ImageAspectFlag` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkInputAttachmentAspectReference.html) """ function _InputAttachmentAspectReference(subpass::Integer, input_attachment_index::Integer, aspect_mask::ImageAspectFlag) _InputAttachmentAspectReference(VkInputAttachmentAspectReference(subpass, input_attachment_index, aspect_mask)) end """ Arguments: - `aspect_references::Vector{_InputAttachmentAspectReference}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassInputAttachmentAspectCreateInfo.html) """ function _RenderPassInputAttachmentAspectCreateInfo(aspect_references::AbstractArray; next = C_NULL) aspect_reference_count = pointer_length(aspect_references) next = cconvert(Ptr{Cvoid}, next) aspect_references = cconvert(Ptr{VkInputAttachmentAspectReference}, aspect_references) deps = Any[next, aspect_references] vks = VkRenderPassInputAttachmentAspectCreateInfo(structure_type(VkRenderPassInputAttachmentAspectCreateInfo), unsafe_convert(Ptr{Cvoid}, next), aspect_reference_count, unsafe_convert(Ptr{VkInputAttachmentAspectReference}, aspect_references)) _RenderPassInputAttachmentAspectCreateInfo(vks, deps) end """ Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `surface::SurfaceKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSurfaceInfo2KHR.html) """ function _PhysicalDeviceSurfaceInfo2KHR(; next = C_NULL, surface = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSurfaceInfo2KHR(structure_type(VkPhysicalDeviceSurfaceInfo2KHR), unsafe_convert(Ptr{Cvoid}, next), surface) _PhysicalDeviceSurfaceInfo2KHR(vks, deps, surface) end """ Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 Arguments: - `surface_capabilities::_SurfaceCapabilitiesKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilities2KHR.html) """ function _SurfaceCapabilities2KHR(surface_capabilities::_SurfaceCapabilitiesKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSurfaceCapabilities2KHR(structure_type(VkSurfaceCapabilities2KHR), unsafe_convert(Ptr{Cvoid}, next), surface_capabilities.vks) _SurfaceCapabilities2KHR(vks, deps) end """ Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 Arguments: - `surface_format::_SurfaceFormatKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceFormat2KHR.html) """ function _SurfaceFormat2KHR(surface_format::_SurfaceFormatKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSurfaceFormat2KHR(structure_type(VkSurfaceFormat2KHR), unsafe_convert(Ptr{Cvoid}, next), surface_format.vks) _SurfaceFormat2KHR(vks, deps) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Arguments: - `display_properties::_DisplayPropertiesKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayProperties2KHR.html) """ function _DisplayProperties2KHR(display_properties::_DisplayPropertiesKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDisplayProperties2KHR(structure_type(VkDisplayProperties2KHR), unsafe_convert(Ptr{Cvoid}, next), display_properties.vks) _DisplayProperties2KHR(vks, deps) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Arguments: - `display_plane_properties::_DisplayPlanePropertiesKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneProperties2KHR.html) """ function _DisplayPlaneProperties2KHR(display_plane_properties::_DisplayPlanePropertiesKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDisplayPlaneProperties2KHR(structure_type(VkDisplayPlaneProperties2KHR), unsafe_convert(Ptr{Cvoid}, next), display_plane_properties.vks) _DisplayPlaneProperties2KHR(vks, deps) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Arguments: - `display_mode_properties::_DisplayModePropertiesKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModeProperties2KHR.html) """ function _DisplayModeProperties2KHR(display_mode_properties::_DisplayModePropertiesKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDisplayModeProperties2KHR(structure_type(VkDisplayModeProperties2KHR), unsafe_convert(Ptr{Cvoid}, next), display_mode_properties.vks) _DisplayModeProperties2KHR(vks, deps) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Arguments: - `mode::DisplayModeKHR` (externsync) - `plane_index::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneInfo2KHR.html) """ function _DisplayPlaneInfo2KHR(mode, plane_index::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDisplayPlaneInfo2KHR(structure_type(VkDisplayPlaneInfo2KHR), unsafe_convert(Ptr{Cvoid}, next), mode, plane_index) _DisplayPlaneInfo2KHR(vks, deps, mode) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Arguments: - `capabilities::_DisplayPlaneCapabilitiesKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneCapabilities2KHR.html) """ function _DisplayPlaneCapabilities2KHR(capabilities::_DisplayPlaneCapabilitiesKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDisplayPlaneCapabilities2KHR(structure_type(VkDisplayPlaneCapabilities2KHR), unsafe_convert(Ptr{Cvoid}, next), capabilities.vks) _DisplayPlaneCapabilities2KHR(vks, deps) end """ Extension: VK\\_KHR\\_shared\\_presentable\\_image Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `shared_present_supported_usage_flags::ImageUsageFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSharedPresentSurfaceCapabilitiesKHR.html) """ function _SharedPresentSurfaceCapabilitiesKHR(; next = C_NULL, shared_present_supported_usage_flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSharedPresentSurfaceCapabilitiesKHR(structure_type(VkSharedPresentSurfaceCapabilitiesKHR), unsafe_convert(Ptr{Cvoid}, next), shared_present_supported_usage_flags) _SharedPresentSurfaceCapabilitiesKHR(vks, deps) end """ Arguments: - `storage_buffer_16_bit_access::Bool` - `uniform_and_storage_buffer_16_bit_access::Bool` - `storage_push_constant_16::Bool` - `storage_input_output_16::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevice16BitStorageFeatures.html) """ function _PhysicalDevice16BitStorageFeatures(storage_buffer_16_bit_access::Bool, uniform_and_storage_buffer_16_bit_access::Bool, storage_push_constant_16::Bool, storage_input_output_16::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevice16BitStorageFeatures(structure_type(VkPhysicalDevice16BitStorageFeatures), unsafe_convert(Ptr{Cvoid}, next), storage_buffer_16_bit_access, uniform_and_storage_buffer_16_bit_access, storage_push_constant_16, storage_input_output_16) _PhysicalDevice16BitStorageFeatures(vks, deps) end """ Arguments: - `subgroup_size::UInt32` - `supported_stages::ShaderStageFlag` - `supported_operations::SubgroupFeatureFlag` - `quad_operations_in_all_stages::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubgroupProperties.html) """ function _PhysicalDeviceSubgroupProperties(subgroup_size::Integer, supported_stages::ShaderStageFlag, supported_operations::SubgroupFeatureFlag, quad_operations_in_all_stages::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSubgroupProperties(structure_type(VkPhysicalDeviceSubgroupProperties), unsafe_convert(Ptr{Cvoid}, next), subgroup_size, supported_stages, supported_operations, quad_operations_in_all_stages) _PhysicalDeviceSubgroupProperties(vks, deps) end """ Arguments: - `shader_subgroup_extended_types::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures.html) """ function _PhysicalDeviceShaderSubgroupExtendedTypesFeatures(shader_subgroup_extended_types::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures(structure_type(VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures), unsafe_convert(Ptr{Cvoid}, next), shader_subgroup_extended_types) _PhysicalDeviceShaderSubgroupExtendedTypesFeatures(vks, deps) end """ Arguments: - `buffer::Buffer` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferMemoryRequirementsInfo2.html) """ function _BufferMemoryRequirementsInfo2(buffer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBufferMemoryRequirementsInfo2(structure_type(VkBufferMemoryRequirementsInfo2), unsafe_convert(Ptr{Cvoid}, next), buffer) _BufferMemoryRequirementsInfo2(vks, deps, buffer) end """ Arguments: - `create_info::_BufferCreateInfo` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceBufferMemoryRequirements.html) """ function _DeviceBufferMemoryRequirements(create_info::_BufferCreateInfo; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) create_info = cconvert(Ptr{VkBufferCreateInfo}, create_info) deps = Any[next, create_info] vks = VkDeviceBufferMemoryRequirements(structure_type(VkDeviceBufferMemoryRequirements), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{VkBufferCreateInfo}, create_info)) _DeviceBufferMemoryRequirements(vks, deps) end """ Arguments: - `image::Image` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageMemoryRequirementsInfo2.html) """ function _ImageMemoryRequirementsInfo2(image; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageMemoryRequirementsInfo2(structure_type(VkImageMemoryRequirementsInfo2), unsafe_convert(Ptr{Cvoid}, next), image) _ImageMemoryRequirementsInfo2(vks, deps, image) end """ Arguments: - `image::Image` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSparseMemoryRequirementsInfo2.html) """ function _ImageSparseMemoryRequirementsInfo2(image; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageSparseMemoryRequirementsInfo2(structure_type(VkImageSparseMemoryRequirementsInfo2), unsafe_convert(Ptr{Cvoid}, next), image) _ImageSparseMemoryRequirementsInfo2(vks, deps, image) end """ Arguments: - `create_info::_ImageCreateInfo` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `plane_aspect::ImageAspectFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceImageMemoryRequirements.html) """ function _DeviceImageMemoryRequirements(create_info::_ImageCreateInfo; next = C_NULL, plane_aspect = 0) next = cconvert(Ptr{Cvoid}, next) create_info = cconvert(Ptr{VkImageCreateInfo}, create_info) deps = Any[next, create_info] vks = VkDeviceImageMemoryRequirements(structure_type(VkDeviceImageMemoryRequirements), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{VkImageCreateInfo}, create_info), VkImageAspectFlagBits(plane_aspect.val)) _DeviceImageMemoryRequirements(vks, deps) end """ Arguments: - `memory_requirements::_MemoryRequirements` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryRequirements2.html) """ function _MemoryRequirements2(memory_requirements::_MemoryRequirements; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryRequirements2(structure_type(VkMemoryRequirements2), unsafe_convert(Ptr{Cvoid}, next), memory_requirements.vks) _MemoryRequirements2(vks, deps) end """ Arguments: - `memory_requirements::_SparseImageMemoryRequirements` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryRequirements2.html) """ function _SparseImageMemoryRequirements2(memory_requirements::_SparseImageMemoryRequirements; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSparseImageMemoryRequirements2(structure_type(VkSparseImageMemoryRequirements2), unsafe_convert(Ptr{Cvoid}, next), memory_requirements.vks) _SparseImageMemoryRequirements2(vks, deps) end """ Arguments: - `point_clipping_behavior::PointClippingBehavior` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePointClippingProperties.html) """ function _PhysicalDevicePointClippingProperties(point_clipping_behavior::PointClippingBehavior; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePointClippingProperties(structure_type(VkPhysicalDevicePointClippingProperties), unsafe_convert(Ptr{Cvoid}, next), point_clipping_behavior) _PhysicalDevicePointClippingProperties(vks, deps) end """ Arguments: - `prefers_dedicated_allocation::Bool` - `requires_dedicated_allocation::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryDedicatedRequirements.html) """ function _MemoryDedicatedRequirements(prefers_dedicated_allocation::Bool, requires_dedicated_allocation::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryDedicatedRequirements(structure_type(VkMemoryDedicatedRequirements), unsafe_convert(Ptr{Cvoid}, next), prefers_dedicated_allocation, requires_dedicated_allocation) _MemoryDedicatedRequirements(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `image::Image`: defaults to `C_NULL` - `buffer::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryDedicatedAllocateInfo.html) """ function _MemoryDedicatedAllocateInfo(; next = C_NULL, image = C_NULL, buffer = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryDedicatedAllocateInfo(structure_type(VkMemoryDedicatedAllocateInfo), unsafe_convert(Ptr{Cvoid}, next), image, buffer) _MemoryDedicatedAllocateInfo(vks, deps, image, buffer) end """ Arguments: - `usage::ImageUsageFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewUsageCreateInfo.html) """ function _ImageViewUsageCreateInfo(usage::ImageUsageFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageViewUsageCreateInfo(structure_type(VkImageViewUsageCreateInfo), unsafe_convert(Ptr{Cvoid}, next), usage) _ImageViewUsageCreateInfo(vks, deps) end """ Arguments: - `domain_origin::TessellationDomainOrigin` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineTessellationDomainOriginStateCreateInfo.html) """ function _PipelineTessellationDomainOriginStateCreateInfo(domain_origin::TessellationDomainOrigin; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineTessellationDomainOriginStateCreateInfo(structure_type(VkPipelineTessellationDomainOriginStateCreateInfo), unsafe_convert(Ptr{Cvoid}, next), domain_origin) _PipelineTessellationDomainOriginStateCreateInfo(vks, deps) end """ Arguments: - `conversion::SamplerYcbcrConversion` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerYcbcrConversionInfo.html) """ function _SamplerYcbcrConversionInfo(conversion; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSamplerYcbcrConversionInfo(structure_type(VkSamplerYcbcrConversionInfo), unsafe_convert(Ptr{Cvoid}, next), conversion) _SamplerYcbcrConversionInfo(vks, deps, conversion) end """ Arguments: - `format::Format` - `ycbcr_model::SamplerYcbcrModelConversion` - `ycbcr_range::SamplerYcbcrRange` - `components::_ComponentMapping` - `x_chroma_offset::ChromaLocation` - `y_chroma_offset::ChromaLocation` - `chroma_filter::Filter` - `force_explicit_reconstruction::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerYcbcrConversionCreateInfo.html) """ function _SamplerYcbcrConversionCreateInfo(format::Format, ycbcr_model::SamplerYcbcrModelConversion, ycbcr_range::SamplerYcbcrRange, components::_ComponentMapping, x_chroma_offset::ChromaLocation, y_chroma_offset::ChromaLocation, chroma_filter::Filter, force_explicit_reconstruction::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSamplerYcbcrConversionCreateInfo(structure_type(VkSamplerYcbcrConversionCreateInfo), unsafe_convert(Ptr{Cvoid}, next), format, ycbcr_model, ycbcr_range, components.vks, x_chroma_offset, y_chroma_offset, chroma_filter, force_explicit_reconstruction) _SamplerYcbcrConversionCreateInfo(vks, deps) end """ Arguments: - `plane_aspect::ImageAspectFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImagePlaneMemoryInfo.html) """ function _BindImagePlaneMemoryInfo(plane_aspect::ImageAspectFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBindImagePlaneMemoryInfo(structure_type(VkBindImagePlaneMemoryInfo), unsafe_convert(Ptr{Cvoid}, next), VkImageAspectFlagBits(plane_aspect.val)) _BindImagePlaneMemoryInfo(vks, deps) end """ Arguments: - `plane_aspect::ImageAspectFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImagePlaneMemoryRequirementsInfo.html) """ function _ImagePlaneMemoryRequirementsInfo(plane_aspect::ImageAspectFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImagePlaneMemoryRequirementsInfo(structure_type(VkImagePlaneMemoryRequirementsInfo), unsafe_convert(Ptr{Cvoid}, next), VkImageAspectFlagBits(plane_aspect.val)) _ImagePlaneMemoryRequirementsInfo(vks, deps) end """ Arguments: - `sampler_ycbcr_conversion::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSamplerYcbcrConversionFeatures.html) """ function _PhysicalDeviceSamplerYcbcrConversionFeatures(sampler_ycbcr_conversion::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSamplerYcbcrConversionFeatures(structure_type(VkPhysicalDeviceSamplerYcbcrConversionFeatures), unsafe_convert(Ptr{Cvoid}, next), sampler_ycbcr_conversion) _PhysicalDeviceSamplerYcbcrConversionFeatures(vks, deps) end """ Arguments: - `combined_image_sampler_descriptor_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerYcbcrConversionImageFormatProperties.html) """ function _SamplerYcbcrConversionImageFormatProperties(combined_image_sampler_descriptor_count::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSamplerYcbcrConversionImageFormatProperties(structure_type(VkSamplerYcbcrConversionImageFormatProperties), unsafe_convert(Ptr{Cvoid}, next), combined_image_sampler_descriptor_count) _SamplerYcbcrConversionImageFormatProperties(vks, deps) end """ Extension: VK\\_AMD\\_texture\\_gather\\_bias\\_lod Arguments: - `supports_texture_gather_lod_bias_amd::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTextureLODGatherFormatPropertiesAMD.html) """ function _TextureLODGatherFormatPropertiesAMD(supports_texture_gather_lod_bias_amd::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkTextureLODGatherFormatPropertiesAMD(structure_type(VkTextureLODGatherFormatPropertiesAMD), unsafe_convert(Ptr{Cvoid}, next), supports_texture_gather_lod_bias_amd) _TextureLODGatherFormatPropertiesAMD(vks, deps) end """ Extension: VK\\_EXT\\_conditional\\_rendering Arguments: - `buffer::Buffer` - `offset::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::ConditionalRenderingFlagEXT`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkConditionalRenderingBeginInfoEXT.html) """ function _ConditionalRenderingBeginInfoEXT(buffer, offset::Integer; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkConditionalRenderingBeginInfoEXT(structure_type(VkConditionalRenderingBeginInfoEXT), unsafe_convert(Ptr{Cvoid}, next), buffer, offset, flags) _ConditionalRenderingBeginInfoEXT(vks, deps, buffer) end """ Arguments: - `protected_submit::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkProtectedSubmitInfo.html) """ function _ProtectedSubmitInfo(protected_submit::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkProtectedSubmitInfo(structure_type(VkProtectedSubmitInfo), unsafe_convert(Ptr{Cvoid}, next), protected_submit) _ProtectedSubmitInfo(vks, deps) end """ Arguments: - `protected_memory::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProtectedMemoryFeatures.html) """ function _PhysicalDeviceProtectedMemoryFeatures(protected_memory::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceProtectedMemoryFeatures(structure_type(VkPhysicalDeviceProtectedMemoryFeatures), unsafe_convert(Ptr{Cvoid}, next), protected_memory) _PhysicalDeviceProtectedMemoryFeatures(vks, deps) end """ Arguments: - `protected_no_fault::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProtectedMemoryProperties.html) """ function _PhysicalDeviceProtectedMemoryProperties(protected_no_fault::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceProtectedMemoryProperties(structure_type(VkPhysicalDeviceProtectedMemoryProperties), unsafe_convert(Ptr{Cvoid}, next), protected_no_fault) _PhysicalDeviceProtectedMemoryProperties(vks, deps) end """ Arguments: - `queue_family_index::UInt32` - `queue_index::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::DeviceQueueCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceQueueInfo2.html) """ function _DeviceQueueInfo2(queue_family_index::Integer, queue_index::Integer; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceQueueInfo2(structure_type(VkDeviceQueueInfo2), unsafe_convert(Ptr{Cvoid}, next), flags, queue_family_index, queue_index) _DeviceQueueInfo2(vks, deps) end """ Extension: VK\\_NV\\_fragment\\_coverage\\_to\\_color Arguments: - `coverage_to_color_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `coverage_to_color_location::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCoverageToColorStateCreateInfoNV.html) """ function _PipelineCoverageToColorStateCreateInfoNV(coverage_to_color_enable::Bool; next = C_NULL, flags = 0, coverage_to_color_location = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineCoverageToColorStateCreateInfoNV(structure_type(VkPipelineCoverageToColorStateCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), flags, coverage_to_color_enable, coverage_to_color_location) _PipelineCoverageToColorStateCreateInfoNV(vks, deps) end """ Arguments: - `filter_minmax_single_component_formats::Bool` - `filter_minmax_image_component_mapping::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSamplerFilterMinmaxProperties.html) """ function _PhysicalDeviceSamplerFilterMinmaxProperties(filter_minmax_single_component_formats::Bool, filter_minmax_image_component_mapping::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSamplerFilterMinmaxProperties(structure_type(VkPhysicalDeviceSamplerFilterMinmaxProperties), unsafe_convert(Ptr{Cvoid}, next), filter_minmax_single_component_formats, filter_minmax_image_component_mapping) _PhysicalDeviceSamplerFilterMinmaxProperties(vks, deps) end """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `x::Float32` - `y::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSampleLocationEXT.html) """ function _SampleLocationEXT(x::Real, y::Real) _SampleLocationEXT(VkSampleLocationEXT(x, y)) end """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `sample_locations_per_pixel::SampleCountFlag` - `sample_location_grid_size::_Extent2D` - `sample_locations::Vector{_SampleLocationEXT}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSampleLocationsInfoEXT.html) """ function _SampleLocationsInfoEXT(sample_locations_per_pixel::SampleCountFlag, sample_location_grid_size::_Extent2D, sample_locations::AbstractArray; next = C_NULL) sample_locations_count = pointer_length(sample_locations) next = cconvert(Ptr{Cvoid}, next) sample_locations = cconvert(Ptr{VkSampleLocationEXT}, sample_locations) deps = Any[next, sample_locations] vks = VkSampleLocationsInfoEXT(structure_type(VkSampleLocationsInfoEXT), unsafe_convert(Ptr{Cvoid}, next), VkSampleCountFlagBits(sample_locations_per_pixel.val), sample_location_grid_size.vks, sample_locations_count, unsafe_convert(Ptr{VkSampleLocationEXT}, sample_locations)) _SampleLocationsInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `attachment_index::UInt32` - `sample_locations_info::_SampleLocationsInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentSampleLocationsEXT.html) """ function _AttachmentSampleLocationsEXT(attachment_index::Integer, sample_locations_info::_SampleLocationsInfoEXT) _AttachmentSampleLocationsEXT(VkAttachmentSampleLocationsEXT(attachment_index, sample_locations_info.vks)) end """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `subpass_index::UInt32` - `sample_locations_info::_SampleLocationsInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassSampleLocationsEXT.html) """ function _SubpassSampleLocationsEXT(subpass_index::Integer, sample_locations_info::_SampleLocationsInfoEXT) _SubpassSampleLocationsEXT(VkSubpassSampleLocationsEXT(subpass_index, sample_locations_info.vks)) end """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `attachment_initial_sample_locations::Vector{_AttachmentSampleLocationsEXT}` - `post_subpass_sample_locations::Vector{_SubpassSampleLocationsEXT}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassSampleLocationsBeginInfoEXT.html) """ function _RenderPassSampleLocationsBeginInfoEXT(attachment_initial_sample_locations::AbstractArray, post_subpass_sample_locations::AbstractArray; next = C_NULL) attachment_initial_sample_locations_count = pointer_length(attachment_initial_sample_locations) post_subpass_sample_locations_count = pointer_length(post_subpass_sample_locations) next = cconvert(Ptr{Cvoid}, next) attachment_initial_sample_locations = cconvert(Ptr{VkAttachmentSampleLocationsEXT}, attachment_initial_sample_locations) post_subpass_sample_locations = cconvert(Ptr{VkSubpassSampleLocationsEXT}, post_subpass_sample_locations) deps = Any[next, attachment_initial_sample_locations, post_subpass_sample_locations] vks = VkRenderPassSampleLocationsBeginInfoEXT(structure_type(VkRenderPassSampleLocationsBeginInfoEXT), unsafe_convert(Ptr{Cvoid}, next), attachment_initial_sample_locations_count, unsafe_convert(Ptr{VkAttachmentSampleLocationsEXT}, attachment_initial_sample_locations), post_subpass_sample_locations_count, unsafe_convert(Ptr{VkSubpassSampleLocationsEXT}, post_subpass_sample_locations)) _RenderPassSampleLocationsBeginInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `sample_locations_enable::Bool` - `sample_locations_info::_SampleLocationsInfoEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineSampleLocationsStateCreateInfoEXT.html) """ function _PipelineSampleLocationsStateCreateInfoEXT(sample_locations_enable::Bool, sample_locations_info::_SampleLocationsInfoEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineSampleLocationsStateCreateInfoEXT(structure_type(VkPipelineSampleLocationsStateCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), sample_locations_enable, sample_locations_info.vks) _PipelineSampleLocationsStateCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `sample_location_sample_counts::SampleCountFlag` - `max_sample_location_grid_size::_Extent2D` - `sample_location_coordinate_range::NTuple{2, Float32}` - `sample_location_sub_pixel_bits::UInt32` - `variable_sample_locations::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSampleLocationsPropertiesEXT.html) """ function _PhysicalDeviceSampleLocationsPropertiesEXT(sample_location_sample_counts::SampleCountFlag, max_sample_location_grid_size::_Extent2D, sample_location_coordinate_range::NTuple{2, Float32}, sample_location_sub_pixel_bits::Integer, variable_sample_locations::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSampleLocationsPropertiesEXT(structure_type(VkPhysicalDeviceSampleLocationsPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), sample_location_sample_counts, max_sample_location_grid_size.vks, sample_location_coordinate_range, sample_location_sub_pixel_bits, variable_sample_locations) _PhysicalDeviceSampleLocationsPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `max_sample_location_grid_size::_Extent2D` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultisamplePropertiesEXT.html) """ function _MultisamplePropertiesEXT(max_sample_location_grid_size::_Extent2D; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMultisamplePropertiesEXT(structure_type(VkMultisamplePropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), max_sample_location_grid_size.vks) _MultisamplePropertiesEXT(vks, deps) end """ Arguments: - `reduction_mode::SamplerReductionMode` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerReductionModeCreateInfo.html) """ function _SamplerReductionModeCreateInfo(reduction_mode::SamplerReductionMode; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSamplerReductionModeCreateInfo(structure_type(VkSamplerReductionModeCreateInfo), unsafe_convert(Ptr{Cvoid}, next), reduction_mode) _SamplerReductionModeCreateInfo(vks, deps) end """ Extension: VK\\_EXT\\_blend\\_operation\\_advanced Arguments: - `advanced_blend_coherent_operations::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT.html) """ function _PhysicalDeviceBlendOperationAdvancedFeaturesEXT(advanced_blend_coherent_operations::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT(structure_type(VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), advanced_blend_coherent_operations) _PhysicalDeviceBlendOperationAdvancedFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_multi\\_draw Arguments: - `multi_draw::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiDrawFeaturesEXT.html) """ function _PhysicalDeviceMultiDrawFeaturesEXT(multi_draw::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMultiDrawFeaturesEXT(structure_type(VkPhysicalDeviceMultiDrawFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), multi_draw) _PhysicalDeviceMultiDrawFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_blend\\_operation\\_advanced Arguments: - `advanced_blend_max_color_attachments::UInt32` - `advanced_blend_independent_blend::Bool` - `advanced_blend_non_premultiplied_src_color::Bool` - `advanced_blend_non_premultiplied_dst_color::Bool` - `advanced_blend_correlated_overlap::Bool` - `advanced_blend_all_operations::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT.html) """ function _PhysicalDeviceBlendOperationAdvancedPropertiesEXT(advanced_blend_max_color_attachments::Integer, advanced_blend_independent_blend::Bool, advanced_blend_non_premultiplied_src_color::Bool, advanced_blend_non_premultiplied_dst_color::Bool, advanced_blend_correlated_overlap::Bool, advanced_blend_all_operations::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT(structure_type(VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), advanced_blend_max_color_attachments, advanced_blend_independent_blend, advanced_blend_non_premultiplied_src_color, advanced_blend_non_premultiplied_dst_color, advanced_blend_correlated_overlap, advanced_blend_all_operations) _PhysicalDeviceBlendOperationAdvancedPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_blend\\_operation\\_advanced Arguments: - `src_premultiplied::Bool` - `dst_premultiplied::Bool` - `blend_overlap::BlendOverlapEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorBlendAdvancedStateCreateInfoEXT.html) """ function _PipelineColorBlendAdvancedStateCreateInfoEXT(src_premultiplied::Bool, dst_premultiplied::Bool, blend_overlap::BlendOverlapEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineColorBlendAdvancedStateCreateInfoEXT(structure_type(VkPipelineColorBlendAdvancedStateCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), src_premultiplied, dst_premultiplied, blend_overlap) _PipelineColorBlendAdvancedStateCreateInfoEXT(vks, deps) end """ Arguments: - `inline_uniform_block::Bool` - `descriptor_binding_inline_uniform_block_update_after_bind::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInlineUniformBlockFeatures.html) """ function _PhysicalDeviceInlineUniformBlockFeatures(inline_uniform_block::Bool, descriptor_binding_inline_uniform_block_update_after_bind::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceInlineUniformBlockFeatures(structure_type(VkPhysicalDeviceInlineUniformBlockFeatures), unsafe_convert(Ptr{Cvoid}, next), inline_uniform_block, descriptor_binding_inline_uniform_block_update_after_bind) _PhysicalDeviceInlineUniformBlockFeatures(vks, deps) end """ Arguments: - `max_inline_uniform_block_size::UInt32` - `max_per_stage_descriptor_inline_uniform_blocks::UInt32` - `max_per_stage_descriptor_update_after_bind_inline_uniform_blocks::UInt32` - `max_descriptor_set_inline_uniform_blocks::UInt32` - `max_descriptor_set_update_after_bind_inline_uniform_blocks::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInlineUniformBlockProperties.html) """ function _PhysicalDeviceInlineUniformBlockProperties(max_inline_uniform_block_size::Integer, max_per_stage_descriptor_inline_uniform_blocks::Integer, max_per_stage_descriptor_update_after_bind_inline_uniform_blocks::Integer, max_descriptor_set_inline_uniform_blocks::Integer, max_descriptor_set_update_after_bind_inline_uniform_blocks::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceInlineUniformBlockProperties(structure_type(VkPhysicalDeviceInlineUniformBlockProperties), unsafe_convert(Ptr{Cvoid}, next), max_inline_uniform_block_size, max_per_stage_descriptor_inline_uniform_blocks, max_per_stage_descriptor_update_after_bind_inline_uniform_blocks, max_descriptor_set_inline_uniform_blocks, max_descriptor_set_update_after_bind_inline_uniform_blocks) _PhysicalDeviceInlineUniformBlockProperties(vks, deps) end """ Arguments: - `data_size::UInt32` - `data::Ptr{Cvoid}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSetInlineUniformBlock.html) """ function _WriteDescriptorSetInlineUniformBlock(data_size::Integer, data::Ptr{Cvoid}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) data = cconvert(Ptr{Cvoid}, data) deps = Any[next, data] vks = VkWriteDescriptorSetInlineUniformBlock(structure_type(VkWriteDescriptorSetInlineUniformBlock), unsafe_convert(Ptr{Cvoid}, next), data_size, unsafe_convert(Ptr{Cvoid}, data)) _WriteDescriptorSetInlineUniformBlock(vks, deps) end """ Arguments: - `max_inline_uniform_block_bindings::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorPoolInlineUniformBlockCreateInfo.html) """ function _DescriptorPoolInlineUniformBlockCreateInfo(max_inline_uniform_block_bindings::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDescriptorPoolInlineUniformBlockCreateInfo(structure_type(VkDescriptorPoolInlineUniformBlockCreateInfo), unsafe_convert(Ptr{Cvoid}, next), max_inline_uniform_block_bindings) _DescriptorPoolInlineUniformBlockCreateInfo(vks, deps) end """ Extension: VK\\_NV\\_framebuffer\\_mixed\\_samples Arguments: - `coverage_modulation_mode::CoverageModulationModeNV` - `coverage_modulation_table_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `coverage_modulation_table::Vector{Float32}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCoverageModulationStateCreateInfoNV.html) """ function _PipelineCoverageModulationStateCreateInfoNV(coverage_modulation_mode::CoverageModulationModeNV, coverage_modulation_table_enable::Bool; next = C_NULL, flags = 0, coverage_modulation_table = C_NULL) coverage_modulation_table_count = pointer_length(coverage_modulation_table) next = cconvert(Ptr{Cvoid}, next) coverage_modulation_table = cconvert(Ptr{Float32}, coverage_modulation_table) deps = Any[next, coverage_modulation_table] vks = VkPipelineCoverageModulationStateCreateInfoNV(structure_type(VkPipelineCoverageModulationStateCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), flags, coverage_modulation_mode, coverage_modulation_table_enable, coverage_modulation_table_count, unsafe_convert(Ptr{Float32}, coverage_modulation_table)) _PipelineCoverageModulationStateCreateInfoNV(vks, deps) end """ Arguments: - `view_formats::Vector{Format}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageFormatListCreateInfo.html) """ function _ImageFormatListCreateInfo(view_formats::AbstractArray; next = C_NULL) view_format_count = pointer_length(view_formats) next = cconvert(Ptr{Cvoid}, next) view_formats = cconvert(Ptr{VkFormat}, view_formats) deps = Any[next, view_formats] vks = VkImageFormatListCreateInfo(structure_type(VkImageFormatListCreateInfo), unsafe_convert(Ptr{Cvoid}, next), view_format_count, unsafe_convert(Ptr{VkFormat}, view_formats)) _ImageFormatListCreateInfo(vks, deps) end """ Extension: VK\\_EXT\\_validation\\_cache Arguments: - `initial_data::Ptr{Cvoid}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `initial_data_size::UInt`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkValidationCacheCreateInfoEXT.html) """ function _ValidationCacheCreateInfoEXT(initial_data::Ptr{Cvoid}; next = C_NULL, flags = 0, initial_data_size = 0) next = cconvert(Ptr{Cvoid}, next) initial_data = cconvert(Ptr{Cvoid}, initial_data) deps = Any[next, initial_data] vks = VkValidationCacheCreateInfoEXT(structure_type(VkValidationCacheCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), flags, initial_data_size, unsafe_convert(Ptr{Cvoid}, initial_data)) _ValidationCacheCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_validation\\_cache Arguments: - `validation_cache::ValidationCacheEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderModuleValidationCacheCreateInfoEXT.html) """ function _ShaderModuleValidationCacheCreateInfoEXT(validation_cache; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkShaderModuleValidationCacheCreateInfoEXT(structure_type(VkShaderModuleValidationCacheCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), validation_cache) _ShaderModuleValidationCacheCreateInfoEXT(vks, deps, validation_cache) end """ Arguments: - `max_per_set_descriptors::UInt32` - `max_memory_allocation_size::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMaintenance3Properties.html) """ function _PhysicalDeviceMaintenance3Properties(max_per_set_descriptors::Integer, max_memory_allocation_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMaintenance3Properties(structure_type(VkPhysicalDeviceMaintenance3Properties), unsafe_convert(Ptr{Cvoid}, next), max_per_set_descriptors, max_memory_allocation_size) _PhysicalDeviceMaintenance3Properties(vks, deps) end """ Arguments: - `maintenance4::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMaintenance4Features.html) """ function _PhysicalDeviceMaintenance4Features(maintenance4::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMaintenance4Features(structure_type(VkPhysicalDeviceMaintenance4Features), unsafe_convert(Ptr{Cvoid}, next), maintenance4) _PhysicalDeviceMaintenance4Features(vks, deps) end """ Arguments: - `max_buffer_size::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMaintenance4Properties.html) """ function _PhysicalDeviceMaintenance4Properties(max_buffer_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMaintenance4Properties(structure_type(VkPhysicalDeviceMaintenance4Properties), unsafe_convert(Ptr{Cvoid}, next), max_buffer_size) _PhysicalDeviceMaintenance4Properties(vks, deps) end """ Arguments: - `supported::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutSupport.html) """ function _DescriptorSetLayoutSupport(supported::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDescriptorSetLayoutSupport(structure_type(VkDescriptorSetLayoutSupport), unsafe_convert(Ptr{Cvoid}, next), supported) _DescriptorSetLayoutSupport(vks, deps) end """ Arguments: - `shader_draw_parameters::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderDrawParametersFeatures.html) """ function _PhysicalDeviceShaderDrawParametersFeatures(shader_draw_parameters::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderDrawParametersFeatures(structure_type(VkPhysicalDeviceShaderDrawParametersFeatures), unsafe_convert(Ptr{Cvoid}, next), shader_draw_parameters) _PhysicalDeviceShaderDrawParametersFeatures(vks, deps) end """ Arguments: - `shader_float_16::Bool` - `shader_int_8::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderFloat16Int8Features.html) """ function _PhysicalDeviceShaderFloat16Int8Features(shader_float_16::Bool, shader_int_8::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderFloat16Int8Features(structure_type(VkPhysicalDeviceShaderFloat16Int8Features), unsafe_convert(Ptr{Cvoid}, next), shader_float_16, shader_int_8) _PhysicalDeviceShaderFloat16Int8Features(vks, deps) end """ Arguments: - `denorm_behavior_independence::ShaderFloatControlsIndependence` - `rounding_mode_independence::ShaderFloatControlsIndependence` - `shader_signed_zero_inf_nan_preserve_float_16::Bool` - `shader_signed_zero_inf_nan_preserve_float_32::Bool` - `shader_signed_zero_inf_nan_preserve_float_64::Bool` - `shader_denorm_preserve_float_16::Bool` - `shader_denorm_preserve_float_32::Bool` - `shader_denorm_preserve_float_64::Bool` - `shader_denorm_flush_to_zero_float_16::Bool` - `shader_denorm_flush_to_zero_float_32::Bool` - `shader_denorm_flush_to_zero_float_64::Bool` - `shader_rounding_mode_rte_float_16::Bool` - `shader_rounding_mode_rte_float_32::Bool` - `shader_rounding_mode_rte_float_64::Bool` - `shader_rounding_mode_rtz_float_16::Bool` - `shader_rounding_mode_rtz_float_32::Bool` - `shader_rounding_mode_rtz_float_64::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFloatControlsProperties.html) """ function _PhysicalDeviceFloatControlsProperties(denorm_behavior_independence::ShaderFloatControlsIndependence, rounding_mode_independence::ShaderFloatControlsIndependence, shader_signed_zero_inf_nan_preserve_float_16::Bool, shader_signed_zero_inf_nan_preserve_float_32::Bool, shader_signed_zero_inf_nan_preserve_float_64::Bool, shader_denorm_preserve_float_16::Bool, shader_denorm_preserve_float_32::Bool, shader_denorm_preserve_float_64::Bool, shader_denorm_flush_to_zero_float_16::Bool, shader_denorm_flush_to_zero_float_32::Bool, shader_denorm_flush_to_zero_float_64::Bool, shader_rounding_mode_rte_float_16::Bool, shader_rounding_mode_rte_float_32::Bool, shader_rounding_mode_rte_float_64::Bool, shader_rounding_mode_rtz_float_16::Bool, shader_rounding_mode_rtz_float_32::Bool, shader_rounding_mode_rtz_float_64::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFloatControlsProperties(structure_type(VkPhysicalDeviceFloatControlsProperties), unsafe_convert(Ptr{Cvoid}, next), denorm_behavior_independence, rounding_mode_independence, shader_signed_zero_inf_nan_preserve_float_16, shader_signed_zero_inf_nan_preserve_float_32, shader_signed_zero_inf_nan_preserve_float_64, shader_denorm_preserve_float_16, shader_denorm_preserve_float_32, shader_denorm_preserve_float_64, shader_denorm_flush_to_zero_float_16, shader_denorm_flush_to_zero_float_32, shader_denorm_flush_to_zero_float_64, shader_rounding_mode_rte_float_16, shader_rounding_mode_rte_float_32, shader_rounding_mode_rte_float_64, shader_rounding_mode_rtz_float_16, shader_rounding_mode_rtz_float_32, shader_rounding_mode_rtz_float_64) _PhysicalDeviceFloatControlsProperties(vks, deps) end """ Arguments: - `host_query_reset::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceHostQueryResetFeatures.html) """ function _PhysicalDeviceHostQueryResetFeatures(host_query_reset::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceHostQueryResetFeatures(structure_type(VkPhysicalDeviceHostQueryResetFeatures), unsafe_convert(Ptr{Cvoid}, next), host_query_reset) _PhysicalDeviceHostQueryResetFeatures(vks, deps) end """ Extension: VK\\_AMD\\_shader\\_info Arguments: - `num_used_vgprs::UInt32` - `num_used_sgprs::UInt32` - `lds_size_per_local_work_group::UInt32` - `lds_usage_size_in_bytes::UInt` - `scratch_mem_usage_in_bytes::UInt` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderResourceUsageAMD.html) """ function _ShaderResourceUsageAMD(num_used_vgprs::Integer, num_used_sgprs::Integer, lds_size_per_local_work_group::Integer, lds_usage_size_in_bytes::Integer, scratch_mem_usage_in_bytes::Integer) _ShaderResourceUsageAMD(VkShaderResourceUsageAMD(num_used_vgprs, num_used_sgprs, lds_size_per_local_work_group, lds_usage_size_in_bytes, scratch_mem_usage_in_bytes)) end """ Extension: VK\\_AMD\\_shader\\_info Arguments: - `shader_stage_mask::ShaderStageFlag` - `resource_usage::_ShaderResourceUsageAMD` - `num_physical_vgprs::UInt32` - `num_physical_sgprs::UInt32` - `num_available_vgprs::UInt32` - `num_available_sgprs::UInt32` - `compute_work_group_size::NTuple{3, UInt32}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderStatisticsInfoAMD.html) """ function _ShaderStatisticsInfoAMD(shader_stage_mask::ShaderStageFlag, resource_usage::_ShaderResourceUsageAMD, num_physical_vgprs::Integer, num_physical_sgprs::Integer, num_available_vgprs::Integer, num_available_sgprs::Integer, compute_work_group_size::NTuple{3, UInt32}) _ShaderStatisticsInfoAMD(VkShaderStatisticsInfoAMD(shader_stage_mask, resource_usage.vks, num_physical_vgprs, num_physical_sgprs, num_available_vgprs, num_available_sgprs, compute_work_group_size)) end """ Extension: VK\\_KHR\\_global\\_priority Arguments: - `global_priority::QueueGlobalPriorityKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceQueueGlobalPriorityCreateInfoKHR.html) """ function _DeviceQueueGlobalPriorityCreateInfoKHR(global_priority::QueueGlobalPriorityKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceQueueGlobalPriorityCreateInfoKHR(structure_type(VkDeviceQueueGlobalPriorityCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), global_priority) _DeviceQueueGlobalPriorityCreateInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_global\\_priority Arguments: - `global_priority_query::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR.html) """ function _PhysicalDeviceGlobalPriorityQueryFeaturesKHR(global_priority_query::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR(structure_type(VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), global_priority_query) _PhysicalDeviceGlobalPriorityQueryFeaturesKHR(vks, deps) end """ Extension: VK\\_KHR\\_global\\_priority Arguments: - `priority_count::UInt32` - `priorities::NTuple{Int(VK_MAX_GLOBAL_PRIORITY_SIZE_KHR), QueueGlobalPriorityKHR}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyGlobalPriorityPropertiesKHR.html) """ function _QueueFamilyGlobalPriorityPropertiesKHR(priority_count::Integer, priorities::NTuple{Int(VK_MAX_GLOBAL_PRIORITY_SIZE_KHR), QueueGlobalPriorityKHR}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkQueueFamilyGlobalPriorityPropertiesKHR(structure_type(VkQueueFamilyGlobalPriorityPropertiesKHR), unsafe_convert(Ptr{Cvoid}, next), priority_count, priorities) _QueueFamilyGlobalPriorityPropertiesKHR(vks, deps) end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `object_type::ObjectType` - `object_handle::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `object_name::String`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsObjectNameInfoEXT.html) """ function _DebugUtilsObjectNameInfoEXT(object_type::ObjectType, object_handle::Integer; next = C_NULL, object_name = C_NULL) next = cconvert(Ptr{Cvoid}, next) object_name = cconvert(Cstring, object_name) deps = Any[next, object_name] vks = VkDebugUtilsObjectNameInfoEXT(structure_type(VkDebugUtilsObjectNameInfoEXT), unsafe_convert(Ptr{Cvoid}, next), object_type, object_handle, unsafe_convert(Cstring, object_name)) _DebugUtilsObjectNameInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `object_type::ObjectType` - `object_handle::UInt64` - `tag_name::UInt64` - `tag_size::UInt` - `tag::Ptr{Cvoid}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsObjectTagInfoEXT.html) """ function _DebugUtilsObjectTagInfoEXT(object_type::ObjectType, object_handle::Integer, tag_name::Integer, tag_size::Integer, tag::Ptr{Cvoid}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) tag = cconvert(Ptr{Cvoid}, tag) deps = Any[next, tag] vks = VkDebugUtilsObjectTagInfoEXT(structure_type(VkDebugUtilsObjectTagInfoEXT), unsafe_convert(Ptr{Cvoid}, next), object_type, object_handle, tag_name, tag_size, unsafe_convert(Ptr{Cvoid}, tag)) _DebugUtilsObjectTagInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `label_name::String` - `color::NTuple{4, Float32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsLabelEXT.html) """ function _DebugUtilsLabelEXT(label_name::AbstractString, color::NTuple{4, Float32}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) label_name = cconvert(Cstring, label_name) deps = Any[next, label_name] vks = VkDebugUtilsLabelEXT(structure_type(VkDebugUtilsLabelEXT), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Cstring, label_name), color) _DebugUtilsLabelEXT(vks, deps) end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `message_severity::DebugUtilsMessageSeverityFlagEXT` - `message_type::DebugUtilsMessageTypeFlagEXT` - `pfn_user_callback::FunctionPtr` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsMessengerCreateInfoEXT.html) """ function _DebugUtilsMessengerCreateInfoEXT(message_severity::DebugUtilsMessageSeverityFlagEXT, message_type::DebugUtilsMessageTypeFlagEXT, pfn_user_callback::FunctionPtr; next = C_NULL, flags = 0, user_data = C_NULL) next = cconvert(Ptr{Cvoid}, next) user_data = cconvert(Ptr{Cvoid}, user_data) deps = Any[next, user_data] vks = VkDebugUtilsMessengerCreateInfoEXT(structure_type(VkDebugUtilsMessengerCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), flags, message_severity, message_type, pfn_user_callback, unsafe_convert(Ptr{Cvoid}, user_data)) _DebugUtilsMessengerCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `message_id_number::Int32` - `message::String` - `queue_labels::Vector{_DebugUtilsLabelEXT}` - `cmd_buf_labels::Vector{_DebugUtilsLabelEXT}` - `objects::Vector{_DebugUtilsObjectNameInfoEXT}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `message_id_name::String`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsMessengerCallbackDataEXT.html) """ function _DebugUtilsMessengerCallbackDataEXT(message_id_number::Integer, message::AbstractString, queue_labels::AbstractArray, cmd_buf_labels::AbstractArray, objects::AbstractArray; next = C_NULL, flags = 0, message_id_name = C_NULL) queue_label_count = pointer_length(queue_labels) cmd_buf_label_count = pointer_length(cmd_buf_labels) object_count = pointer_length(objects) next = cconvert(Ptr{Cvoid}, next) message_id_name = cconvert(Cstring, message_id_name) message = cconvert(Cstring, message) queue_labels = cconvert(Ptr{VkDebugUtilsLabelEXT}, queue_labels) cmd_buf_labels = cconvert(Ptr{VkDebugUtilsLabelEXT}, cmd_buf_labels) objects = cconvert(Ptr{VkDebugUtilsObjectNameInfoEXT}, objects) deps = Any[next, message_id_name, message, queue_labels, cmd_buf_labels, objects] vks = VkDebugUtilsMessengerCallbackDataEXT(structure_type(VkDebugUtilsMessengerCallbackDataEXT), unsafe_convert(Ptr{Cvoid}, next), flags, unsafe_convert(Cstring, message_id_name), message_id_number, unsafe_convert(Cstring, message), queue_label_count, unsafe_convert(Ptr{VkDebugUtilsLabelEXT}, queue_labels), cmd_buf_label_count, unsafe_convert(Ptr{VkDebugUtilsLabelEXT}, cmd_buf_labels), object_count, unsafe_convert(Ptr{VkDebugUtilsObjectNameInfoEXT}, objects)) _DebugUtilsMessengerCallbackDataEXT(vks, deps) end """ Extension: VK\\_EXT\\_device\\_memory\\_report Arguments: - `device_memory_report::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDeviceMemoryReportFeaturesEXT.html) """ function _PhysicalDeviceDeviceMemoryReportFeaturesEXT(device_memory_report::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDeviceMemoryReportFeaturesEXT(structure_type(VkPhysicalDeviceDeviceMemoryReportFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), device_memory_report) _PhysicalDeviceDeviceMemoryReportFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_device\\_memory\\_report Arguments: - `flags::UInt32` - `pfn_user_callback::FunctionPtr` - `user_data::Ptr{Cvoid}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceDeviceMemoryReportCreateInfoEXT.html) """ function _DeviceDeviceMemoryReportCreateInfoEXT(flags::Integer, pfn_user_callback::FunctionPtr, user_data::Ptr{Cvoid}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) user_data = cconvert(Ptr{Cvoid}, user_data) deps = Any[next, user_data] vks = VkDeviceDeviceMemoryReportCreateInfoEXT(structure_type(VkDeviceDeviceMemoryReportCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), flags, pfn_user_callback, unsafe_convert(Ptr{Cvoid}, user_data)) _DeviceDeviceMemoryReportCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_device\\_memory\\_report Arguments: - `flags::UInt32` - `type::DeviceMemoryReportEventTypeEXT` - `memory_object_id::UInt64` - `size::UInt64` - `object_type::ObjectType` - `object_handle::UInt64` - `heap_index::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceMemoryReportCallbackDataEXT.html) """ function _DeviceMemoryReportCallbackDataEXT(flags::Integer, type::DeviceMemoryReportEventTypeEXT, memory_object_id::Integer, size::Integer, object_type::ObjectType, object_handle::Integer, heap_index::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceMemoryReportCallbackDataEXT(structure_type(VkDeviceMemoryReportCallbackDataEXT), unsafe_convert(Ptr{Cvoid}, next), flags, type, memory_object_id, size, object_type, object_handle, heap_index) _DeviceMemoryReportCallbackDataEXT(vks, deps) end """ Extension: VK\\_EXT\\_external\\_memory\\_host Arguments: - `handle_type::ExternalMemoryHandleTypeFlag` - `host_pointer::Ptr{Cvoid}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMemoryHostPointerInfoEXT.html) """ function _ImportMemoryHostPointerInfoEXT(handle_type::ExternalMemoryHandleTypeFlag, host_pointer::Ptr{Cvoid}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) host_pointer = cconvert(Ptr{Cvoid}, host_pointer) deps = Any[next, host_pointer] vks = VkImportMemoryHostPointerInfoEXT(structure_type(VkImportMemoryHostPointerInfoEXT), unsafe_convert(Ptr{Cvoid}, next), VkExternalMemoryHandleTypeFlagBits(handle_type.val), unsafe_convert(Ptr{Cvoid}, host_pointer)) _ImportMemoryHostPointerInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_external\\_memory\\_host Arguments: - `memory_type_bits::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryHostPointerPropertiesEXT.html) """ function _MemoryHostPointerPropertiesEXT(memory_type_bits::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryHostPointerPropertiesEXT(structure_type(VkMemoryHostPointerPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), memory_type_bits) _MemoryHostPointerPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_external\\_memory\\_host Arguments: - `min_imported_host_pointer_alignment::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalMemoryHostPropertiesEXT.html) """ function _PhysicalDeviceExternalMemoryHostPropertiesEXT(min_imported_host_pointer_alignment::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceExternalMemoryHostPropertiesEXT(structure_type(VkPhysicalDeviceExternalMemoryHostPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), min_imported_host_pointer_alignment) _PhysicalDeviceExternalMemoryHostPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_conservative\\_rasterization Arguments: - `primitive_overestimation_size::Float32` - `max_extra_primitive_overestimation_size::Float32` - `extra_primitive_overestimation_size_granularity::Float32` - `primitive_underestimation::Bool` - `conservative_point_and_line_rasterization::Bool` - `degenerate_triangles_rasterized::Bool` - `degenerate_lines_rasterized::Bool` - `fully_covered_fragment_shader_input_variable::Bool` - `conservative_rasterization_post_depth_coverage::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceConservativeRasterizationPropertiesEXT.html) """ function _PhysicalDeviceConservativeRasterizationPropertiesEXT(primitive_overestimation_size::Real, max_extra_primitive_overestimation_size::Real, extra_primitive_overestimation_size_granularity::Real, primitive_underestimation::Bool, conservative_point_and_line_rasterization::Bool, degenerate_triangles_rasterized::Bool, degenerate_lines_rasterized::Bool, fully_covered_fragment_shader_input_variable::Bool, conservative_rasterization_post_depth_coverage::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceConservativeRasterizationPropertiesEXT(structure_type(VkPhysicalDeviceConservativeRasterizationPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), primitive_overestimation_size, max_extra_primitive_overestimation_size, extra_primitive_overestimation_size_granularity, primitive_underestimation, conservative_point_and_line_rasterization, degenerate_triangles_rasterized, degenerate_lines_rasterized, fully_covered_fragment_shader_input_variable, conservative_rasterization_post_depth_coverage) _PhysicalDeviceConservativeRasterizationPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_calibrated\\_timestamps Arguments: - `time_domain::TimeDomainEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCalibratedTimestampInfoEXT.html) """ function _CalibratedTimestampInfoEXT(time_domain::TimeDomainEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCalibratedTimestampInfoEXT(structure_type(VkCalibratedTimestampInfoEXT), unsafe_convert(Ptr{Cvoid}, next), time_domain) _CalibratedTimestampInfoEXT(vks, deps) end """ Extension: VK\\_AMD\\_shader\\_core\\_properties Arguments: - `shader_engine_count::UInt32` - `shader_arrays_per_engine_count::UInt32` - `compute_units_per_shader_array::UInt32` - `simd_per_compute_unit::UInt32` - `wavefronts_per_simd::UInt32` - `wavefront_size::UInt32` - `sgprs_per_simd::UInt32` - `min_sgpr_allocation::UInt32` - `max_sgpr_allocation::UInt32` - `sgpr_allocation_granularity::UInt32` - `vgprs_per_simd::UInt32` - `min_vgpr_allocation::UInt32` - `max_vgpr_allocation::UInt32` - `vgpr_allocation_granularity::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCorePropertiesAMD.html) """ function _PhysicalDeviceShaderCorePropertiesAMD(shader_engine_count::Integer, shader_arrays_per_engine_count::Integer, compute_units_per_shader_array::Integer, simd_per_compute_unit::Integer, wavefronts_per_simd::Integer, wavefront_size::Integer, sgprs_per_simd::Integer, min_sgpr_allocation::Integer, max_sgpr_allocation::Integer, sgpr_allocation_granularity::Integer, vgprs_per_simd::Integer, min_vgpr_allocation::Integer, max_vgpr_allocation::Integer, vgpr_allocation_granularity::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderCorePropertiesAMD(structure_type(VkPhysicalDeviceShaderCorePropertiesAMD), unsafe_convert(Ptr{Cvoid}, next), shader_engine_count, shader_arrays_per_engine_count, compute_units_per_shader_array, simd_per_compute_unit, wavefronts_per_simd, wavefront_size, sgprs_per_simd, min_sgpr_allocation, max_sgpr_allocation, sgpr_allocation_granularity, vgprs_per_simd, min_vgpr_allocation, max_vgpr_allocation, vgpr_allocation_granularity) _PhysicalDeviceShaderCorePropertiesAMD(vks, deps) end """ Extension: VK\\_AMD\\_shader\\_core\\_properties2 Arguments: - `shader_core_features::ShaderCorePropertiesFlagAMD` - `active_compute_unit_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCoreProperties2AMD.html) """ function _PhysicalDeviceShaderCoreProperties2AMD(shader_core_features::ShaderCorePropertiesFlagAMD, active_compute_unit_count::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderCoreProperties2AMD(structure_type(VkPhysicalDeviceShaderCoreProperties2AMD), unsafe_convert(Ptr{Cvoid}, next), shader_core_features, active_compute_unit_count) _PhysicalDeviceShaderCoreProperties2AMD(vks, deps) end """ Extension: VK\\_EXT\\_conservative\\_rasterization Arguments: - `conservative_rasterization_mode::ConservativeRasterizationModeEXT` - `extra_primitive_overestimation_size::Float32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationConservativeStateCreateInfoEXT.html) """ function _PipelineRasterizationConservativeStateCreateInfoEXT(conservative_rasterization_mode::ConservativeRasterizationModeEXT, extra_primitive_overestimation_size::Real; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineRasterizationConservativeStateCreateInfoEXT(structure_type(VkPipelineRasterizationConservativeStateCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), flags, conservative_rasterization_mode, extra_primitive_overestimation_size) _PipelineRasterizationConservativeStateCreateInfoEXT(vks, deps) end """ Arguments: - `shader_input_attachment_array_dynamic_indexing::Bool` - `shader_uniform_texel_buffer_array_dynamic_indexing::Bool` - `shader_storage_texel_buffer_array_dynamic_indexing::Bool` - `shader_uniform_buffer_array_non_uniform_indexing::Bool` - `shader_sampled_image_array_non_uniform_indexing::Bool` - `shader_storage_buffer_array_non_uniform_indexing::Bool` - `shader_storage_image_array_non_uniform_indexing::Bool` - `shader_input_attachment_array_non_uniform_indexing::Bool` - `shader_uniform_texel_buffer_array_non_uniform_indexing::Bool` - `shader_storage_texel_buffer_array_non_uniform_indexing::Bool` - `descriptor_binding_uniform_buffer_update_after_bind::Bool` - `descriptor_binding_sampled_image_update_after_bind::Bool` - `descriptor_binding_storage_image_update_after_bind::Bool` - `descriptor_binding_storage_buffer_update_after_bind::Bool` - `descriptor_binding_uniform_texel_buffer_update_after_bind::Bool` - `descriptor_binding_storage_texel_buffer_update_after_bind::Bool` - `descriptor_binding_update_unused_while_pending::Bool` - `descriptor_binding_partially_bound::Bool` - `descriptor_binding_variable_descriptor_count::Bool` - `runtime_descriptor_array::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorIndexingFeatures.html) """ function _PhysicalDeviceDescriptorIndexingFeatures(shader_input_attachment_array_dynamic_indexing::Bool, shader_uniform_texel_buffer_array_dynamic_indexing::Bool, shader_storage_texel_buffer_array_dynamic_indexing::Bool, shader_uniform_buffer_array_non_uniform_indexing::Bool, shader_sampled_image_array_non_uniform_indexing::Bool, shader_storage_buffer_array_non_uniform_indexing::Bool, shader_storage_image_array_non_uniform_indexing::Bool, shader_input_attachment_array_non_uniform_indexing::Bool, shader_uniform_texel_buffer_array_non_uniform_indexing::Bool, shader_storage_texel_buffer_array_non_uniform_indexing::Bool, descriptor_binding_uniform_buffer_update_after_bind::Bool, descriptor_binding_sampled_image_update_after_bind::Bool, descriptor_binding_storage_image_update_after_bind::Bool, descriptor_binding_storage_buffer_update_after_bind::Bool, descriptor_binding_uniform_texel_buffer_update_after_bind::Bool, descriptor_binding_storage_texel_buffer_update_after_bind::Bool, descriptor_binding_update_unused_while_pending::Bool, descriptor_binding_partially_bound::Bool, descriptor_binding_variable_descriptor_count::Bool, runtime_descriptor_array::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDescriptorIndexingFeatures(structure_type(VkPhysicalDeviceDescriptorIndexingFeatures), unsafe_convert(Ptr{Cvoid}, next), shader_input_attachment_array_dynamic_indexing, shader_uniform_texel_buffer_array_dynamic_indexing, shader_storage_texel_buffer_array_dynamic_indexing, shader_uniform_buffer_array_non_uniform_indexing, shader_sampled_image_array_non_uniform_indexing, shader_storage_buffer_array_non_uniform_indexing, shader_storage_image_array_non_uniform_indexing, shader_input_attachment_array_non_uniform_indexing, shader_uniform_texel_buffer_array_non_uniform_indexing, shader_storage_texel_buffer_array_non_uniform_indexing, descriptor_binding_uniform_buffer_update_after_bind, descriptor_binding_sampled_image_update_after_bind, descriptor_binding_storage_image_update_after_bind, descriptor_binding_storage_buffer_update_after_bind, descriptor_binding_uniform_texel_buffer_update_after_bind, descriptor_binding_storage_texel_buffer_update_after_bind, descriptor_binding_update_unused_while_pending, descriptor_binding_partially_bound, descriptor_binding_variable_descriptor_count, runtime_descriptor_array) _PhysicalDeviceDescriptorIndexingFeatures(vks, deps) end """ Arguments: - `max_update_after_bind_descriptors_in_all_pools::UInt32` - `shader_uniform_buffer_array_non_uniform_indexing_native::Bool` - `shader_sampled_image_array_non_uniform_indexing_native::Bool` - `shader_storage_buffer_array_non_uniform_indexing_native::Bool` - `shader_storage_image_array_non_uniform_indexing_native::Bool` - `shader_input_attachment_array_non_uniform_indexing_native::Bool` - `robust_buffer_access_update_after_bind::Bool` - `quad_divergent_implicit_lod::Bool` - `max_per_stage_descriptor_update_after_bind_samplers::UInt32` - `max_per_stage_descriptor_update_after_bind_uniform_buffers::UInt32` - `max_per_stage_descriptor_update_after_bind_storage_buffers::UInt32` - `max_per_stage_descriptor_update_after_bind_sampled_images::UInt32` - `max_per_stage_descriptor_update_after_bind_storage_images::UInt32` - `max_per_stage_descriptor_update_after_bind_input_attachments::UInt32` - `max_per_stage_update_after_bind_resources::UInt32` - `max_descriptor_set_update_after_bind_samplers::UInt32` - `max_descriptor_set_update_after_bind_uniform_buffers::UInt32` - `max_descriptor_set_update_after_bind_uniform_buffers_dynamic::UInt32` - `max_descriptor_set_update_after_bind_storage_buffers::UInt32` - `max_descriptor_set_update_after_bind_storage_buffers_dynamic::UInt32` - `max_descriptor_set_update_after_bind_sampled_images::UInt32` - `max_descriptor_set_update_after_bind_storage_images::UInt32` - `max_descriptor_set_update_after_bind_input_attachments::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorIndexingProperties.html) """ function _PhysicalDeviceDescriptorIndexingProperties(max_update_after_bind_descriptors_in_all_pools::Integer, shader_uniform_buffer_array_non_uniform_indexing_native::Bool, shader_sampled_image_array_non_uniform_indexing_native::Bool, shader_storage_buffer_array_non_uniform_indexing_native::Bool, shader_storage_image_array_non_uniform_indexing_native::Bool, shader_input_attachment_array_non_uniform_indexing_native::Bool, robust_buffer_access_update_after_bind::Bool, quad_divergent_implicit_lod::Bool, max_per_stage_descriptor_update_after_bind_samplers::Integer, max_per_stage_descriptor_update_after_bind_uniform_buffers::Integer, max_per_stage_descriptor_update_after_bind_storage_buffers::Integer, max_per_stage_descriptor_update_after_bind_sampled_images::Integer, max_per_stage_descriptor_update_after_bind_storage_images::Integer, max_per_stage_descriptor_update_after_bind_input_attachments::Integer, max_per_stage_update_after_bind_resources::Integer, max_descriptor_set_update_after_bind_samplers::Integer, max_descriptor_set_update_after_bind_uniform_buffers::Integer, max_descriptor_set_update_after_bind_uniform_buffers_dynamic::Integer, max_descriptor_set_update_after_bind_storage_buffers::Integer, max_descriptor_set_update_after_bind_storage_buffers_dynamic::Integer, max_descriptor_set_update_after_bind_sampled_images::Integer, max_descriptor_set_update_after_bind_storage_images::Integer, max_descriptor_set_update_after_bind_input_attachments::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDescriptorIndexingProperties(structure_type(VkPhysicalDeviceDescriptorIndexingProperties), unsafe_convert(Ptr{Cvoid}, next), max_update_after_bind_descriptors_in_all_pools, shader_uniform_buffer_array_non_uniform_indexing_native, shader_sampled_image_array_non_uniform_indexing_native, shader_storage_buffer_array_non_uniform_indexing_native, shader_storage_image_array_non_uniform_indexing_native, shader_input_attachment_array_non_uniform_indexing_native, robust_buffer_access_update_after_bind, quad_divergent_implicit_lod, max_per_stage_descriptor_update_after_bind_samplers, max_per_stage_descriptor_update_after_bind_uniform_buffers, max_per_stage_descriptor_update_after_bind_storage_buffers, max_per_stage_descriptor_update_after_bind_sampled_images, max_per_stage_descriptor_update_after_bind_storage_images, max_per_stage_descriptor_update_after_bind_input_attachments, max_per_stage_update_after_bind_resources, max_descriptor_set_update_after_bind_samplers, max_descriptor_set_update_after_bind_uniform_buffers, max_descriptor_set_update_after_bind_uniform_buffers_dynamic, max_descriptor_set_update_after_bind_storage_buffers, max_descriptor_set_update_after_bind_storage_buffers_dynamic, max_descriptor_set_update_after_bind_sampled_images, max_descriptor_set_update_after_bind_storage_images, max_descriptor_set_update_after_bind_input_attachments) _PhysicalDeviceDescriptorIndexingProperties(vks, deps) end """ Arguments: - `binding_flags::Vector{DescriptorBindingFlag}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutBindingFlagsCreateInfo.html) """ function _DescriptorSetLayoutBindingFlagsCreateInfo(binding_flags::AbstractArray; next = C_NULL) binding_count = pointer_length(binding_flags) next = cconvert(Ptr{Cvoid}, next) binding_flags = cconvert(Ptr{VkDescriptorBindingFlags}, binding_flags) deps = Any[next, binding_flags] vks = VkDescriptorSetLayoutBindingFlagsCreateInfo(structure_type(VkDescriptorSetLayoutBindingFlagsCreateInfo), unsafe_convert(Ptr{Cvoid}, next), binding_count, unsafe_convert(Ptr{VkDescriptorBindingFlags}, binding_flags)) _DescriptorSetLayoutBindingFlagsCreateInfo(vks, deps) end """ Arguments: - `descriptor_counts::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetVariableDescriptorCountAllocateInfo.html) """ function _DescriptorSetVariableDescriptorCountAllocateInfo(descriptor_counts::AbstractArray; next = C_NULL) descriptor_set_count = pointer_length(descriptor_counts) next = cconvert(Ptr{Cvoid}, next) descriptor_counts = cconvert(Ptr{UInt32}, descriptor_counts) deps = Any[next, descriptor_counts] vks = VkDescriptorSetVariableDescriptorCountAllocateInfo(structure_type(VkDescriptorSetVariableDescriptorCountAllocateInfo), unsafe_convert(Ptr{Cvoid}, next), descriptor_set_count, unsafe_convert(Ptr{UInt32}, descriptor_counts)) _DescriptorSetVariableDescriptorCountAllocateInfo(vks, deps) end """ Arguments: - `max_variable_descriptor_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetVariableDescriptorCountLayoutSupport.html) """ function _DescriptorSetVariableDescriptorCountLayoutSupport(max_variable_descriptor_count::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDescriptorSetVariableDescriptorCountLayoutSupport(structure_type(VkDescriptorSetVariableDescriptorCountLayoutSupport), unsafe_convert(Ptr{Cvoid}, next), max_variable_descriptor_count) _DescriptorSetVariableDescriptorCountLayoutSupport(vks, deps) end """ Arguments: - `format::Format` - `samples::SampleCountFlag` - `load_op::AttachmentLoadOp` - `store_op::AttachmentStoreOp` - `stencil_load_op::AttachmentLoadOp` - `stencil_store_op::AttachmentStoreOp` - `initial_layout::ImageLayout` - `final_layout::ImageLayout` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::AttachmentDescriptionFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentDescription2.html) """ function _AttachmentDescription2(format::Format, samples::SampleCountFlag, load_op::AttachmentLoadOp, store_op::AttachmentStoreOp, stencil_load_op::AttachmentLoadOp, stencil_store_op::AttachmentStoreOp, initial_layout::ImageLayout, final_layout::ImageLayout; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAttachmentDescription2(structure_type(VkAttachmentDescription2), unsafe_convert(Ptr{Cvoid}, next), flags, format, VkSampleCountFlagBits(samples.val), load_op, store_op, stencil_load_op, stencil_store_op, initial_layout, final_layout) _AttachmentDescription2(vks, deps) end """ Arguments: - `attachment::UInt32` - `layout::ImageLayout` - `aspect_mask::ImageAspectFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentReference2.html) """ function _AttachmentReference2(attachment::Integer, layout::ImageLayout, aspect_mask::ImageAspectFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAttachmentReference2(structure_type(VkAttachmentReference2), unsafe_convert(Ptr{Cvoid}, next), attachment, layout, aspect_mask) _AttachmentReference2(vks, deps) end """ Arguments: - `pipeline_bind_point::PipelineBindPoint` - `view_mask::UInt32` - `input_attachments::Vector{_AttachmentReference2}` - `color_attachments::Vector{_AttachmentReference2}` - `preserve_attachments::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::SubpassDescriptionFlag`: defaults to `0` - `resolve_attachments::Vector{_AttachmentReference2}`: defaults to `C_NULL` - `depth_stencil_attachment::_AttachmentReference2`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDescription2.html) """ function _SubpassDescription2(pipeline_bind_point::PipelineBindPoint, view_mask::Integer, input_attachments::AbstractArray, color_attachments::AbstractArray, preserve_attachments::AbstractArray; next = C_NULL, flags = 0, resolve_attachments = C_NULL, depth_stencil_attachment = C_NULL) input_attachment_count = pointer_length(input_attachments) color_attachment_count = pointer_length(color_attachments) preserve_attachment_count = pointer_length(preserve_attachments) next = cconvert(Ptr{Cvoid}, next) input_attachments = cconvert(Ptr{VkAttachmentReference2}, input_attachments) color_attachments = cconvert(Ptr{VkAttachmentReference2}, color_attachments) resolve_attachments = cconvert(Ptr{VkAttachmentReference2}, resolve_attachments) depth_stencil_attachment = cconvert(Ptr{VkAttachmentReference2}, depth_stencil_attachment) preserve_attachments = cconvert(Ptr{UInt32}, preserve_attachments) deps = Any[next, input_attachments, color_attachments, resolve_attachments, depth_stencil_attachment, preserve_attachments] vks = VkSubpassDescription2(structure_type(VkSubpassDescription2), unsafe_convert(Ptr{Cvoid}, next), flags, pipeline_bind_point, view_mask, input_attachment_count, unsafe_convert(Ptr{VkAttachmentReference2}, input_attachments), color_attachment_count, unsafe_convert(Ptr{VkAttachmentReference2}, color_attachments), unsafe_convert(Ptr{VkAttachmentReference2}, resolve_attachments), unsafe_convert(Ptr{VkAttachmentReference2}, depth_stencil_attachment), preserve_attachment_count, unsafe_convert(Ptr{UInt32}, preserve_attachments)) _SubpassDescription2(vks, deps) end """ Arguments: - `src_subpass::UInt32` - `dst_subpass::UInt32` - `view_offset::Int32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `src_stage_mask::PipelineStageFlag`: defaults to `0` - `dst_stage_mask::PipelineStageFlag`: defaults to `0` - `src_access_mask::AccessFlag`: defaults to `0` - `dst_access_mask::AccessFlag`: defaults to `0` - `dependency_flags::DependencyFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDependency2.html) """ function _SubpassDependency2(src_subpass::Integer, dst_subpass::Integer, view_offset::Integer; next = C_NULL, src_stage_mask = 0, dst_stage_mask = 0, src_access_mask = 0, dst_access_mask = 0, dependency_flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSubpassDependency2(structure_type(VkSubpassDependency2), unsafe_convert(Ptr{Cvoid}, next), src_subpass, dst_subpass, src_stage_mask, dst_stage_mask, src_access_mask, dst_access_mask, dependency_flags, view_offset) _SubpassDependency2(vks, deps) end """ Arguments: - `attachments::Vector{_AttachmentDescription2}` - `subpasses::Vector{_SubpassDescription2}` - `dependencies::Vector{_SubpassDependency2}` - `correlated_view_masks::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::RenderPassCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreateInfo2.html) """ function _RenderPassCreateInfo2(attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray, correlated_view_masks::AbstractArray; next = C_NULL, flags = 0) attachment_count = pointer_length(attachments) subpass_count = pointer_length(subpasses) dependency_count = pointer_length(dependencies) correlated_view_mask_count = pointer_length(correlated_view_masks) next = cconvert(Ptr{Cvoid}, next) attachments = cconvert(Ptr{VkAttachmentDescription2}, attachments) subpasses = cconvert(Ptr{VkSubpassDescription2}, subpasses) dependencies = cconvert(Ptr{VkSubpassDependency2}, dependencies) correlated_view_masks = cconvert(Ptr{UInt32}, correlated_view_masks) deps = Any[next, attachments, subpasses, dependencies, correlated_view_masks] vks = VkRenderPassCreateInfo2(structure_type(VkRenderPassCreateInfo2), unsafe_convert(Ptr{Cvoid}, next), flags, attachment_count, unsafe_convert(Ptr{VkAttachmentDescription2}, attachments), subpass_count, unsafe_convert(Ptr{VkSubpassDescription2}, subpasses), dependency_count, unsafe_convert(Ptr{VkSubpassDependency2}, dependencies), correlated_view_mask_count, unsafe_convert(Ptr{UInt32}, correlated_view_masks)) _RenderPassCreateInfo2(vks, deps) end """ Arguments: - `contents::SubpassContents` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassBeginInfo.html) """ function _SubpassBeginInfo(contents::SubpassContents; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSubpassBeginInfo(structure_type(VkSubpassBeginInfo), unsafe_convert(Ptr{Cvoid}, next), contents) _SubpassBeginInfo(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassEndInfo.html) """ function _SubpassEndInfo(; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSubpassEndInfo(structure_type(VkSubpassEndInfo), unsafe_convert(Ptr{Cvoid}, next)) _SubpassEndInfo(vks, deps) end """ Arguments: - `timeline_semaphore::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTimelineSemaphoreFeatures.html) """ function _PhysicalDeviceTimelineSemaphoreFeatures(timeline_semaphore::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceTimelineSemaphoreFeatures(structure_type(VkPhysicalDeviceTimelineSemaphoreFeatures), unsafe_convert(Ptr{Cvoid}, next), timeline_semaphore) _PhysicalDeviceTimelineSemaphoreFeatures(vks, deps) end """ Arguments: - `max_timeline_semaphore_value_difference::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTimelineSemaphoreProperties.html) """ function _PhysicalDeviceTimelineSemaphoreProperties(max_timeline_semaphore_value_difference::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceTimelineSemaphoreProperties(structure_type(VkPhysicalDeviceTimelineSemaphoreProperties), unsafe_convert(Ptr{Cvoid}, next), max_timeline_semaphore_value_difference) _PhysicalDeviceTimelineSemaphoreProperties(vks, deps) end """ Arguments: - `semaphore_type::SemaphoreType` - `initial_value::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreTypeCreateInfo.html) """ function _SemaphoreTypeCreateInfo(semaphore_type::SemaphoreType, initial_value::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSemaphoreTypeCreateInfo(structure_type(VkSemaphoreTypeCreateInfo), unsafe_convert(Ptr{Cvoid}, next), semaphore_type, initial_value) _SemaphoreTypeCreateInfo(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `wait_semaphore_values::Vector{UInt64}`: defaults to `C_NULL` - `signal_semaphore_values::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTimelineSemaphoreSubmitInfo.html) """ function _TimelineSemaphoreSubmitInfo(; next = C_NULL, wait_semaphore_values = C_NULL, signal_semaphore_values = C_NULL) wait_semaphore_value_count = pointer_length(wait_semaphore_values) signal_semaphore_value_count = pointer_length(signal_semaphore_values) next = cconvert(Ptr{Cvoid}, next) wait_semaphore_values = cconvert(Ptr{UInt64}, wait_semaphore_values) signal_semaphore_values = cconvert(Ptr{UInt64}, signal_semaphore_values) deps = Any[next, wait_semaphore_values, signal_semaphore_values] vks = VkTimelineSemaphoreSubmitInfo(structure_type(VkTimelineSemaphoreSubmitInfo), unsafe_convert(Ptr{Cvoid}, next), wait_semaphore_value_count, unsafe_convert(Ptr{UInt64}, wait_semaphore_values), signal_semaphore_value_count, unsafe_convert(Ptr{UInt64}, signal_semaphore_values)) _TimelineSemaphoreSubmitInfo(vks, deps) end """ Arguments: - `semaphores::Vector{Semaphore}` - `values::Vector{UInt64}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::SemaphoreWaitFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreWaitInfo.html) """ function _SemaphoreWaitInfo(semaphores::AbstractArray, values::AbstractArray; next = C_NULL, flags = 0) semaphore_count = pointer_length(semaphores) next = cconvert(Ptr{Cvoid}, next) semaphores = cconvert(Ptr{VkSemaphore}, semaphores) values = cconvert(Ptr{UInt64}, values) deps = Any[next, semaphores, values] vks = VkSemaphoreWaitInfo(structure_type(VkSemaphoreWaitInfo), unsafe_convert(Ptr{Cvoid}, next), flags, semaphore_count, unsafe_convert(Ptr{VkSemaphore}, semaphores), unsafe_convert(Ptr{UInt64}, values)) _SemaphoreWaitInfo(vks, deps) end """ Arguments: - `semaphore::Semaphore` - `value::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreSignalInfo.html) """ function _SemaphoreSignalInfo(semaphore, value::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSemaphoreSignalInfo(structure_type(VkSemaphoreSignalInfo), unsafe_convert(Ptr{Cvoid}, next), semaphore, value) _SemaphoreSignalInfo(vks, deps, semaphore) end """ Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor Arguments: - `binding::UInt32` - `divisor::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputBindingDivisorDescriptionEXT.html) """ function _VertexInputBindingDivisorDescriptionEXT(binding::Integer, divisor::Integer) _VertexInputBindingDivisorDescriptionEXT(VkVertexInputBindingDivisorDescriptionEXT(binding, divisor)) end """ Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor Arguments: - `vertex_binding_divisors::Vector{_VertexInputBindingDivisorDescriptionEXT}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineVertexInputDivisorStateCreateInfoEXT.html) """ function _PipelineVertexInputDivisorStateCreateInfoEXT(vertex_binding_divisors::AbstractArray; next = C_NULL) vertex_binding_divisor_count = pointer_length(vertex_binding_divisors) next = cconvert(Ptr{Cvoid}, next) vertex_binding_divisors = cconvert(Ptr{VkVertexInputBindingDivisorDescriptionEXT}, vertex_binding_divisors) deps = Any[next, vertex_binding_divisors] vks = VkPipelineVertexInputDivisorStateCreateInfoEXT(structure_type(VkPipelineVertexInputDivisorStateCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), vertex_binding_divisor_count, unsafe_convert(Ptr{VkVertexInputBindingDivisorDescriptionEXT}, vertex_binding_divisors)) _PipelineVertexInputDivisorStateCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor Arguments: - `max_vertex_attrib_divisor::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT.html) """ function _PhysicalDeviceVertexAttributeDivisorPropertiesEXT(max_vertex_attrib_divisor::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT(structure_type(VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), max_vertex_attrib_divisor) _PhysicalDeviceVertexAttributeDivisorPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_pci\\_bus\\_info Arguments: - `pci_domain::UInt32` - `pci_bus::UInt32` - `pci_device::UInt32` - `pci_function::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePCIBusInfoPropertiesEXT.html) """ function _PhysicalDevicePCIBusInfoPropertiesEXT(pci_domain::Integer, pci_bus::Integer, pci_device::Integer, pci_function::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePCIBusInfoPropertiesEXT(structure_type(VkPhysicalDevicePCIBusInfoPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), pci_domain, pci_bus, pci_device, pci_function) _PhysicalDevicePCIBusInfoPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_conditional\\_rendering Arguments: - `conditional_rendering_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceConditionalRenderingInfoEXT.html) """ function _CommandBufferInheritanceConditionalRenderingInfoEXT(conditional_rendering_enable::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCommandBufferInheritanceConditionalRenderingInfoEXT(structure_type(VkCommandBufferInheritanceConditionalRenderingInfoEXT), unsafe_convert(Ptr{Cvoid}, next), conditional_rendering_enable) _CommandBufferInheritanceConditionalRenderingInfoEXT(vks, deps) end """ Arguments: - `storage_buffer_8_bit_access::Bool` - `uniform_and_storage_buffer_8_bit_access::Bool` - `storage_push_constant_8::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevice8BitStorageFeatures.html) """ function _PhysicalDevice8BitStorageFeatures(storage_buffer_8_bit_access::Bool, uniform_and_storage_buffer_8_bit_access::Bool, storage_push_constant_8::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevice8BitStorageFeatures(structure_type(VkPhysicalDevice8BitStorageFeatures), unsafe_convert(Ptr{Cvoid}, next), storage_buffer_8_bit_access, uniform_and_storage_buffer_8_bit_access, storage_push_constant_8) _PhysicalDevice8BitStorageFeatures(vks, deps) end """ Extension: VK\\_EXT\\_conditional\\_rendering Arguments: - `conditional_rendering::Bool` - `inherited_conditional_rendering::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceConditionalRenderingFeaturesEXT.html) """ function _PhysicalDeviceConditionalRenderingFeaturesEXT(conditional_rendering::Bool, inherited_conditional_rendering::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceConditionalRenderingFeaturesEXT(structure_type(VkPhysicalDeviceConditionalRenderingFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), conditional_rendering, inherited_conditional_rendering) _PhysicalDeviceConditionalRenderingFeaturesEXT(vks, deps) end """ Arguments: - `vulkan_memory_model::Bool` - `vulkan_memory_model_device_scope::Bool` - `vulkan_memory_model_availability_visibility_chains::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkanMemoryModelFeatures.html) """ function _PhysicalDeviceVulkanMemoryModelFeatures(vulkan_memory_model::Bool, vulkan_memory_model_device_scope::Bool, vulkan_memory_model_availability_visibility_chains::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceVulkanMemoryModelFeatures(structure_type(VkPhysicalDeviceVulkanMemoryModelFeatures), unsafe_convert(Ptr{Cvoid}, next), vulkan_memory_model, vulkan_memory_model_device_scope, vulkan_memory_model_availability_visibility_chains) _PhysicalDeviceVulkanMemoryModelFeatures(vks, deps) end """ Arguments: - `shader_buffer_int_64_atomics::Bool` - `shader_shared_int_64_atomics::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderAtomicInt64Features.html) """ function _PhysicalDeviceShaderAtomicInt64Features(shader_buffer_int_64_atomics::Bool, shader_shared_int_64_atomics::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderAtomicInt64Features(structure_type(VkPhysicalDeviceShaderAtomicInt64Features), unsafe_convert(Ptr{Cvoid}, next), shader_buffer_int_64_atomics, shader_shared_int_64_atomics) _PhysicalDeviceShaderAtomicInt64Features(vks, deps) end """ Extension: VK\\_EXT\\_shader\\_atomic\\_float Arguments: - `shader_buffer_float_32_atomics::Bool` - `shader_buffer_float_32_atomic_add::Bool` - `shader_buffer_float_64_atomics::Bool` - `shader_buffer_float_64_atomic_add::Bool` - `shader_shared_float_32_atomics::Bool` - `shader_shared_float_32_atomic_add::Bool` - `shader_shared_float_64_atomics::Bool` - `shader_shared_float_64_atomic_add::Bool` - `shader_image_float_32_atomics::Bool` - `shader_image_float_32_atomic_add::Bool` - `sparse_image_float_32_atomics::Bool` - `sparse_image_float_32_atomic_add::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderAtomicFloatFeaturesEXT.html) """ function _PhysicalDeviceShaderAtomicFloatFeaturesEXT(shader_buffer_float_32_atomics::Bool, shader_buffer_float_32_atomic_add::Bool, shader_buffer_float_64_atomics::Bool, shader_buffer_float_64_atomic_add::Bool, shader_shared_float_32_atomics::Bool, shader_shared_float_32_atomic_add::Bool, shader_shared_float_64_atomics::Bool, shader_shared_float_64_atomic_add::Bool, shader_image_float_32_atomics::Bool, shader_image_float_32_atomic_add::Bool, sparse_image_float_32_atomics::Bool, sparse_image_float_32_atomic_add::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderAtomicFloatFeaturesEXT(structure_type(VkPhysicalDeviceShaderAtomicFloatFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), shader_buffer_float_32_atomics, shader_buffer_float_32_atomic_add, shader_buffer_float_64_atomics, shader_buffer_float_64_atomic_add, shader_shared_float_32_atomics, shader_shared_float_32_atomic_add, shader_shared_float_64_atomics, shader_shared_float_64_atomic_add, shader_image_float_32_atomics, shader_image_float_32_atomic_add, sparse_image_float_32_atomics, sparse_image_float_32_atomic_add) _PhysicalDeviceShaderAtomicFloatFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_shader\\_atomic\\_float2 Arguments: - `shader_buffer_float_16_atomics::Bool` - `shader_buffer_float_16_atomic_add::Bool` - `shader_buffer_float_16_atomic_min_max::Bool` - `shader_buffer_float_32_atomic_min_max::Bool` - `shader_buffer_float_64_atomic_min_max::Bool` - `shader_shared_float_16_atomics::Bool` - `shader_shared_float_16_atomic_add::Bool` - `shader_shared_float_16_atomic_min_max::Bool` - `shader_shared_float_32_atomic_min_max::Bool` - `shader_shared_float_64_atomic_min_max::Bool` - `shader_image_float_32_atomic_min_max::Bool` - `sparse_image_float_32_atomic_min_max::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT.html) """ function _PhysicalDeviceShaderAtomicFloat2FeaturesEXT(shader_buffer_float_16_atomics::Bool, shader_buffer_float_16_atomic_add::Bool, shader_buffer_float_16_atomic_min_max::Bool, shader_buffer_float_32_atomic_min_max::Bool, shader_buffer_float_64_atomic_min_max::Bool, shader_shared_float_16_atomics::Bool, shader_shared_float_16_atomic_add::Bool, shader_shared_float_16_atomic_min_max::Bool, shader_shared_float_32_atomic_min_max::Bool, shader_shared_float_64_atomic_min_max::Bool, shader_image_float_32_atomic_min_max::Bool, sparse_image_float_32_atomic_min_max::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT(structure_type(VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), shader_buffer_float_16_atomics, shader_buffer_float_16_atomic_add, shader_buffer_float_16_atomic_min_max, shader_buffer_float_32_atomic_min_max, shader_buffer_float_64_atomic_min_max, shader_shared_float_16_atomics, shader_shared_float_16_atomic_add, shader_shared_float_16_atomic_min_max, shader_shared_float_32_atomic_min_max, shader_shared_float_64_atomic_min_max, shader_image_float_32_atomic_min_max, sparse_image_float_32_atomic_min_max) _PhysicalDeviceShaderAtomicFloat2FeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor Arguments: - `vertex_attribute_instance_rate_divisor::Bool` - `vertex_attribute_instance_rate_zero_divisor::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT.html) """ function _PhysicalDeviceVertexAttributeDivisorFeaturesEXT(vertex_attribute_instance_rate_divisor::Bool, vertex_attribute_instance_rate_zero_divisor::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT(structure_type(VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), vertex_attribute_instance_rate_divisor, vertex_attribute_instance_rate_zero_divisor) _PhysicalDeviceVertexAttributeDivisorFeaturesEXT(vks, deps) end """ Extension: VK\\_NV\\_device\\_diagnostic\\_checkpoints Arguments: - `checkpoint_execution_stage_mask::PipelineStageFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyCheckpointPropertiesNV.html) """ function _QueueFamilyCheckpointPropertiesNV(checkpoint_execution_stage_mask::PipelineStageFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkQueueFamilyCheckpointPropertiesNV(structure_type(VkQueueFamilyCheckpointPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), checkpoint_execution_stage_mask) _QueueFamilyCheckpointPropertiesNV(vks, deps) end """ Extension: VK\\_NV\\_device\\_diagnostic\\_checkpoints Arguments: - `stage::PipelineStageFlag` - `checkpoint_marker::Ptr{Cvoid}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCheckpointDataNV.html) """ function _CheckpointDataNV(stage::PipelineStageFlag, checkpoint_marker::Ptr{Cvoid}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) checkpoint_marker = cconvert(Ptr{Cvoid}, checkpoint_marker) deps = Any[next, checkpoint_marker] vks = VkCheckpointDataNV(structure_type(VkCheckpointDataNV), unsafe_convert(Ptr{Cvoid}, next), VkPipelineStageFlagBits(stage.val), unsafe_convert(Ptr{Cvoid}, checkpoint_marker)) _CheckpointDataNV(vks, deps) end """ Arguments: - `supported_depth_resolve_modes::ResolveModeFlag` - `supported_stencil_resolve_modes::ResolveModeFlag` - `independent_resolve_none::Bool` - `independent_resolve::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthStencilResolveProperties.html) """ function _PhysicalDeviceDepthStencilResolveProperties(supported_depth_resolve_modes::ResolveModeFlag, supported_stencil_resolve_modes::ResolveModeFlag, independent_resolve_none::Bool, independent_resolve::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDepthStencilResolveProperties(structure_type(VkPhysicalDeviceDepthStencilResolveProperties), unsafe_convert(Ptr{Cvoid}, next), supported_depth_resolve_modes, supported_stencil_resolve_modes, independent_resolve_none, independent_resolve) _PhysicalDeviceDepthStencilResolveProperties(vks, deps) end """ Arguments: - `depth_resolve_mode::ResolveModeFlag` - `stencil_resolve_mode::ResolveModeFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `depth_stencil_resolve_attachment::_AttachmentReference2`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDescriptionDepthStencilResolve.html) """ function _SubpassDescriptionDepthStencilResolve(depth_resolve_mode::ResolveModeFlag, stencil_resolve_mode::ResolveModeFlag; next = C_NULL, depth_stencil_resolve_attachment = C_NULL) next = cconvert(Ptr{Cvoid}, next) depth_stencil_resolve_attachment = cconvert(Ptr{VkAttachmentReference2}, depth_stencil_resolve_attachment) deps = Any[next, depth_stencil_resolve_attachment] vks = VkSubpassDescriptionDepthStencilResolve(structure_type(VkSubpassDescriptionDepthStencilResolve), unsafe_convert(Ptr{Cvoid}, next), VkResolveModeFlagBits(depth_resolve_mode.val), VkResolveModeFlagBits(stencil_resolve_mode.val), unsafe_convert(Ptr{VkAttachmentReference2}, depth_stencil_resolve_attachment)) _SubpassDescriptionDepthStencilResolve(vks, deps) end """ Extension: VK\\_EXT\\_astc\\_decode\\_mode Arguments: - `decode_mode::Format` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewASTCDecodeModeEXT.html) """ function _ImageViewASTCDecodeModeEXT(decode_mode::Format; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageViewASTCDecodeModeEXT(structure_type(VkImageViewASTCDecodeModeEXT), unsafe_convert(Ptr{Cvoid}, next), decode_mode) _ImageViewASTCDecodeModeEXT(vks, deps) end """ Extension: VK\\_EXT\\_astc\\_decode\\_mode Arguments: - `decode_mode_shared_exponent::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceASTCDecodeFeaturesEXT.html) """ function _PhysicalDeviceASTCDecodeFeaturesEXT(decode_mode_shared_exponent::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceASTCDecodeFeaturesEXT(structure_type(VkPhysicalDeviceASTCDecodeFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), decode_mode_shared_exponent) _PhysicalDeviceASTCDecodeFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `transform_feedback::Bool` - `geometry_streams::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTransformFeedbackFeaturesEXT.html) """ function _PhysicalDeviceTransformFeedbackFeaturesEXT(transform_feedback::Bool, geometry_streams::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceTransformFeedbackFeaturesEXT(structure_type(VkPhysicalDeviceTransformFeedbackFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), transform_feedback, geometry_streams) _PhysicalDeviceTransformFeedbackFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `max_transform_feedback_streams::UInt32` - `max_transform_feedback_buffers::UInt32` - `max_transform_feedback_buffer_size::UInt64` - `max_transform_feedback_stream_data_size::UInt32` - `max_transform_feedback_buffer_data_size::UInt32` - `max_transform_feedback_buffer_data_stride::UInt32` - `transform_feedback_queries::Bool` - `transform_feedback_streams_lines_triangles::Bool` - `transform_feedback_rasterization_stream_select::Bool` - `transform_feedback_draw::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTransformFeedbackPropertiesEXT.html) """ function _PhysicalDeviceTransformFeedbackPropertiesEXT(max_transform_feedback_streams::Integer, max_transform_feedback_buffers::Integer, max_transform_feedback_buffer_size::Integer, max_transform_feedback_stream_data_size::Integer, max_transform_feedback_buffer_data_size::Integer, max_transform_feedback_buffer_data_stride::Integer, transform_feedback_queries::Bool, transform_feedback_streams_lines_triangles::Bool, transform_feedback_rasterization_stream_select::Bool, transform_feedback_draw::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceTransformFeedbackPropertiesEXT(structure_type(VkPhysicalDeviceTransformFeedbackPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), max_transform_feedback_streams, max_transform_feedback_buffers, max_transform_feedback_buffer_size, max_transform_feedback_stream_data_size, max_transform_feedback_buffer_data_size, max_transform_feedback_buffer_data_stride, transform_feedback_queries, transform_feedback_streams_lines_triangles, transform_feedback_rasterization_stream_select, transform_feedback_draw) _PhysicalDeviceTransformFeedbackPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `rasterization_stream::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationStateStreamCreateInfoEXT.html) """ function _PipelineRasterizationStateStreamCreateInfoEXT(rasterization_stream::Integer; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineRasterizationStateStreamCreateInfoEXT(structure_type(VkPipelineRasterizationStateStreamCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), flags, rasterization_stream) _PipelineRasterizationStateStreamCreateInfoEXT(vks, deps) end """ Extension: VK\\_NV\\_representative\\_fragment\\_test Arguments: - `representative_fragment_test::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV.html) """ function _PhysicalDeviceRepresentativeFragmentTestFeaturesNV(representative_fragment_test::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV(structure_type(VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), representative_fragment_test) _PhysicalDeviceRepresentativeFragmentTestFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_representative\\_fragment\\_test Arguments: - `representative_fragment_test_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRepresentativeFragmentTestStateCreateInfoNV.html) """ function _PipelineRepresentativeFragmentTestStateCreateInfoNV(representative_fragment_test_enable::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineRepresentativeFragmentTestStateCreateInfoNV(structure_type(VkPipelineRepresentativeFragmentTestStateCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), representative_fragment_test_enable) _PipelineRepresentativeFragmentTestStateCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_scissor\\_exclusive Arguments: - `exclusive_scissor::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExclusiveScissorFeaturesNV.html) """ function _PhysicalDeviceExclusiveScissorFeaturesNV(exclusive_scissor::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceExclusiveScissorFeaturesNV(structure_type(VkPhysicalDeviceExclusiveScissorFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), exclusive_scissor) _PhysicalDeviceExclusiveScissorFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_scissor\\_exclusive Arguments: - `exclusive_scissors::Vector{_Rect2D}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportExclusiveScissorStateCreateInfoNV.html) """ function _PipelineViewportExclusiveScissorStateCreateInfoNV(exclusive_scissors::AbstractArray; next = C_NULL) exclusive_scissor_count = pointer_length(exclusive_scissors) next = cconvert(Ptr{Cvoid}, next) exclusive_scissors = cconvert(Ptr{VkRect2D}, exclusive_scissors) deps = Any[next, exclusive_scissors] vks = VkPipelineViewportExclusiveScissorStateCreateInfoNV(structure_type(VkPipelineViewportExclusiveScissorStateCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), exclusive_scissor_count, unsafe_convert(Ptr{VkRect2D}, exclusive_scissors)) _PipelineViewportExclusiveScissorStateCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_corner\\_sampled\\_image Arguments: - `corner_sampled_image::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCornerSampledImageFeaturesNV.html) """ function _PhysicalDeviceCornerSampledImageFeaturesNV(corner_sampled_image::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceCornerSampledImageFeaturesNV(structure_type(VkPhysicalDeviceCornerSampledImageFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), corner_sampled_image) _PhysicalDeviceCornerSampledImageFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_compute\\_shader\\_derivatives Arguments: - `compute_derivative_group_quads::Bool` - `compute_derivative_group_linear::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceComputeShaderDerivativesFeaturesNV.html) """ function _PhysicalDeviceComputeShaderDerivativesFeaturesNV(compute_derivative_group_quads::Bool, compute_derivative_group_linear::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceComputeShaderDerivativesFeaturesNV(structure_type(VkPhysicalDeviceComputeShaderDerivativesFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), compute_derivative_group_quads, compute_derivative_group_linear) _PhysicalDeviceComputeShaderDerivativesFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_shader\\_image\\_footprint Arguments: - `image_footprint::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderImageFootprintFeaturesNV.html) """ function _PhysicalDeviceShaderImageFootprintFeaturesNV(image_footprint::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderImageFootprintFeaturesNV(structure_type(VkPhysicalDeviceShaderImageFootprintFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), image_footprint) _PhysicalDeviceShaderImageFootprintFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_dedicated\\_allocation\\_image\\_aliasing Arguments: - `dedicated_allocation_image_aliasing::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV.html) """ function _PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV(dedicated_allocation_image_aliasing::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV(structure_type(VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), dedicated_allocation_image_aliasing) _PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_copy\\_memory\\_indirect Arguments: - `indirect_copy::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCopyMemoryIndirectFeaturesNV.html) """ function _PhysicalDeviceCopyMemoryIndirectFeaturesNV(indirect_copy::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceCopyMemoryIndirectFeaturesNV(structure_type(VkPhysicalDeviceCopyMemoryIndirectFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), indirect_copy) _PhysicalDeviceCopyMemoryIndirectFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_copy\\_memory\\_indirect Arguments: - `supported_queues::QueueFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCopyMemoryIndirectPropertiesNV.html) """ function _PhysicalDeviceCopyMemoryIndirectPropertiesNV(supported_queues::QueueFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceCopyMemoryIndirectPropertiesNV(structure_type(VkPhysicalDeviceCopyMemoryIndirectPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), supported_queues) _PhysicalDeviceCopyMemoryIndirectPropertiesNV(vks, deps) end """ Extension: VK\\_NV\\_memory\\_decompression Arguments: - `memory_decompression::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryDecompressionFeaturesNV.html) """ function _PhysicalDeviceMemoryDecompressionFeaturesNV(memory_decompression::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMemoryDecompressionFeaturesNV(structure_type(VkPhysicalDeviceMemoryDecompressionFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), memory_decompression) _PhysicalDeviceMemoryDecompressionFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_memory\\_decompression Arguments: - `decompression_methods::UInt64` - `max_decompression_indirect_count::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryDecompressionPropertiesNV.html) """ function _PhysicalDeviceMemoryDecompressionPropertiesNV(decompression_methods::Integer, max_decompression_indirect_count::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMemoryDecompressionPropertiesNV(structure_type(VkPhysicalDeviceMemoryDecompressionPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), decompression_methods, max_decompression_indirect_count) _PhysicalDeviceMemoryDecompressionPropertiesNV(vks, deps) end """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `shading_rate_palette_entries::Vector{ShadingRatePaletteEntryNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShadingRatePaletteNV.html) """ function _ShadingRatePaletteNV(shading_rate_palette_entries::AbstractArray) shading_rate_palette_entry_count = pointer_length(shading_rate_palette_entries) shading_rate_palette_entries = cconvert(Ptr{VkShadingRatePaletteEntryNV}, shading_rate_palette_entries) deps = Any[shading_rate_palette_entries] vks = VkShadingRatePaletteNV(shading_rate_palette_entry_count, unsafe_convert(Ptr{VkShadingRatePaletteEntryNV}, shading_rate_palette_entries)) _ShadingRatePaletteNV(vks, deps) end """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `shading_rate_image_enable::Bool` - `shading_rate_palettes::Vector{_ShadingRatePaletteNV}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportShadingRateImageStateCreateInfoNV.html) """ function _PipelineViewportShadingRateImageStateCreateInfoNV(shading_rate_image_enable::Bool, shading_rate_palettes::AbstractArray; next = C_NULL) viewport_count = pointer_length(shading_rate_palettes) next = cconvert(Ptr{Cvoid}, next) shading_rate_palettes = cconvert(Ptr{VkShadingRatePaletteNV}, shading_rate_palettes) deps = Any[next, shading_rate_palettes] vks = VkPipelineViewportShadingRateImageStateCreateInfoNV(structure_type(VkPipelineViewportShadingRateImageStateCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), shading_rate_image_enable, viewport_count, unsafe_convert(Ptr{VkShadingRatePaletteNV}, shading_rate_palettes)) _PipelineViewportShadingRateImageStateCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `shading_rate_image::Bool` - `shading_rate_coarse_sample_order::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShadingRateImageFeaturesNV.html) """ function _PhysicalDeviceShadingRateImageFeaturesNV(shading_rate_image::Bool, shading_rate_coarse_sample_order::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShadingRateImageFeaturesNV(structure_type(VkPhysicalDeviceShadingRateImageFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), shading_rate_image, shading_rate_coarse_sample_order) _PhysicalDeviceShadingRateImageFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `shading_rate_texel_size::_Extent2D` - `shading_rate_palette_size::UInt32` - `shading_rate_max_coarse_samples::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShadingRateImagePropertiesNV.html) """ function _PhysicalDeviceShadingRateImagePropertiesNV(shading_rate_texel_size::_Extent2D, shading_rate_palette_size::Integer, shading_rate_max_coarse_samples::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShadingRateImagePropertiesNV(structure_type(VkPhysicalDeviceShadingRateImagePropertiesNV), unsafe_convert(Ptr{Cvoid}, next), shading_rate_texel_size.vks, shading_rate_palette_size, shading_rate_max_coarse_samples) _PhysicalDeviceShadingRateImagePropertiesNV(vks, deps) end """ Extension: VK\\_HUAWEI\\_invocation\\_mask Arguments: - `invocation_mask::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInvocationMaskFeaturesHUAWEI.html) """ function _PhysicalDeviceInvocationMaskFeaturesHUAWEI(invocation_mask::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceInvocationMaskFeaturesHUAWEI(structure_type(VkPhysicalDeviceInvocationMaskFeaturesHUAWEI), unsafe_convert(Ptr{Cvoid}, next), invocation_mask) _PhysicalDeviceInvocationMaskFeaturesHUAWEI(vks, deps) end """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `pixel_x::UInt32` - `pixel_y::UInt32` - `sample::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCoarseSampleLocationNV.html) """ function _CoarseSampleLocationNV(pixel_x::Integer, pixel_y::Integer, sample::Integer) _CoarseSampleLocationNV(VkCoarseSampleLocationNV(pixel_x, pixel_y, sample)) end """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `shading_rate::ShadingRatePaletteEntryNV` - `sample_count::UInt32` - `sample_locations::Vector{_CoarseSampleLocationNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCoarseSampleOrderCustomNV.html) """ function _CoarseSampleOrderCustomNV(shading_rate::ShadingRatePaletteEntryNV, sample_count::Integer, sample_locations::AbstractArray) sample_location_count = pointer_length(sample_locations) sample_locations = cconvert(Ptr{VkCoarseSampleLocationNV}, sample_locations) deps = Any[sample_locations] vks = VkCoarseSampleOrderCustomNV(shading_rate, sample_count, sample_location_count, unsafe_convert(Ptr{VkCoarseSampleLocationNV}, sample_locations)) _CoarseSampleOrderCustomNV(vks, deps) end """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `sample_order_type::CoarseSampleOrderTypeNV` - `custom_sample_orders::Vector{_CoarseSampleOrderCustomNV}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportCoarseSampleOrderStateCreateInfoNV.html) """ function _PipelineViewportCoarseSampleOrderStateCreateInfoNV(sample_order_type::CoarseSampleOrderTypeNV, custom_sample_orders::AbstractArray; next = C_NULL) custom_sample_order_count = pointer_length(custom_sample_orders) next = cconvert(Ptr{Cvoid}, next) custom_sample_orders = cconvert(Ptr{VkCoarseSampleOrderCustomNV}, custom_sample_orders) deps = Any[next, custom_sample_orders] vks = VkPipelineViewportCoarseSampleOrderStateCreateInfoNV(structure_type(VkPipelineViewportCoarseSampleOrderStateCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), sample_order_type, custom_sample_order_count, unsafe_convert(Ptr{VkCoarseSampleOrderCustomNV}, custom_sample_orders)) _PipelineViewportCoarseSampleOrderStateCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_mesh\\_shader Arguments: - `task_shader::Bool` - `mesh_shader::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderFeaturesNV.html) """ function _PhysicalDeviceMeshShaderFeaturesNV(task_shader::Bool, mesh_shader::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMeshShaderFeaturesNV(structure_type(VkPhysicalDeviceMeshShaderFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), task_shader, mesh_shader) _PhysicalDeviceMeshShaderFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_mesh\\_shader Arguments: - `max_draw_mesh_tasks_count::UInt32` - `max_task_work_group_invocations::UInt32` - `max_task_work_group_size::NTuple{3, UInt32}` - `max_task_total_memory_size::UInt32` - `max_task_output_count::UInt32` - `max_mesh_work_group_invocations::UInt32` - `max_mesh_work_group_size::NTuple{3, UInt32}` - `max_mesh_total_memory_size::UInt32` - `max_mesh_output_vertices::UInt32` - `max_mesh_output_primitives::UInt32` - `max_mesh_multiview_view_count::UInt32` - `mesh_output_per_vertex_granularity::UInt32` - `mesh_output_per_primitive_granularity::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderPropertiesNV.html) """ function _PhysicalDeviceMeshShaderPropertiesNV(max_draw_mesh_tasks_count::Integer, max_task_work_group_invocations::Integer, max_task_work_group_size::NTuple{3, UInt32}, max_task_total_memory_size::Integer, max_task_output_count::Integer, max_mesh_work_group_invocations::Integer, max_mesh_work_group_size::NTuple{3, UInt32}, max_mesh_total_memory_size::Integer, max_mesh_output_vertices::Integer, max_mesh_output_primitives::Integer, max_mesh_multiview_view_count::Integer, mesh_output_per_vertex_granularity::Integer, mesh_output_per_primitive_granularity::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMeshShaderPropertiesNV(structure_type(VkPhysicalDeviceMeshShaderPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), max_draw_mesh_tasks_count, max_task_work_group_invocations, max_task_work_group_size, max_task_total_memory_size, max_task_output_count, max_mesh_work_group_invocations, max_mesh_work_group_size, max_mesh_total_memory_size, max_mesh_output_vertices, max_mesh_output_primitives, max_mesh_multiview_view_count, mesh_output_per_vertex_granularity, mesh_output_per_primitive_granularity) _PhysicalDeviceMeshShaderPropertiesNV(vks, deps) end """ Extension: VK\\_NV\\_mesh\\_shader Arguments: - `task_count::UInt32` - `first_task::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrawMeshTasksIndirectCommandNV.html) """ function _DrawMeshTasksIndirectCommandNV(task_count::Integer, first_task::Integer) _DrawMeshTasksIndirectCommandNV(VkDrawMeshTasksIndirectCommandNV(task_count, first_task)) end """ Extension: VK\\_EXT\\_mesh\\_shader Arguments: - `task_shader::Bool` - `mesh_shader::Bool` - `multiview_mesh_shader::Bool` - `primitive_fragment_shading_rate_mesh_shader::Bool` - `mesh_shader_queries::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderFeaturesEXT.html) """ function _PhysicalDeviceMeshShaderFeaturesEXT(task_shader::Bool, mesh_shader::Bool, multiview_mesh_shader::Bool, primitive_fragment_shading_rate_mesh_shader::Bool, mesh_shader_queries::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMeshShaderFeaturesEXT(structure_type(VkPhysicalDeviceMeshShaderFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), task_shader, mesh_shader, multiview_mesh_shader, primitive_fragment_shading_rate_mesh_shader, mesh_shader_queries) _PhysicalDeviceMeshShaderFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_mesh\\_shader Arguments: - `max_task_work_group_total_count::UInt32` - `max_task_work_group_count::NTuple{3, UInt32}` - `max_task_work_group_invocations::UInt32` - `max_task_work_group_size::NTuple{3, UInt32}` - `max_task_payload_size::UInt32` - `max_task_shared_memory_size::UInt32` - `max_task_payload_and_shared_memory_size::UInt32` - `max_mesh_work_group_total_count::UInt32` - `max_mesh_work_group_count::NTuple{3, UInt32}` - `max_mesh_work_group_invocations::UInt32` - `max_mesh_work_group_size::NTuple{3, UInt32}` - `max_mesh_shared_memory_size::UInt32` - `max_mesh_payload_and_shared_memory_size::UInt32` - `max_mesh_output_memory_size::UInt32` - `max_mesh_payload_and_output_memory_size::UInt32` - `max_mesh_output_components::UInt32` - `max_mesh_output_vertices::UInt32` - `max_mesh_output_primitives::UInt32` - `max_mesh_output_layers::UInt32` - `max_mesh_multiview_view_count::UInt32` - `mesh_output_per_vertex_granularity::UInt32` - `mesh_output_per_primitive_granularity::UInt32` - `max_preferred_task_work_group_invocations::UInt32` - `max_preferred_mesh_work_group_invocations::UInt32` - `prefers_local_invocation_vertex_output::Bool` - `prefers_local_invocation_primitive_output::Bool` - `prefers_compact_vertex_output::Bool` - `prefers_compact_primitive_output::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderPropertiesEXT.html) """ function _PhysicalDeviceMeshShaderPropertiesEXT(max_task_work_group_total_count::Integer, max_task_work_group_count::NTuple{3, UInt32}, max_task_work_group_invocations::Integer, max_task_work_group_size::NTuple{3, UInt32}, max_task_payload_size::Integer, max_task_shared_memory_size::Integer, max_task_payload_and_shared_memory_size::Integer, max_mesh_work_group_total_count::Integer, max_mesh_work_group_count::NTuple{3, UInt32}, max_mesh_work_group_invocations::Integer, max_mesh_work_group_size::NTuple{3, UInt32}, max_mesh_shared_memory_size::Integer, max_mesh_payload_and_shared_memory_size::Integer, max_mesh_output_memory_size::Integer, max_mesh_payload_and_output_memory_size::Integer, max_mesh_output_components::Integer, max_mesh_output_vertices::Integer, max_mesh_output_primitives::Integer, max_mesh_output_layers::Integer, max_mesh_multiview_view_count::Integer, mesh_output_per_vertex_granularity::Integer, mesh_output_per_primitive_granularity::Integer, max_preferred_task_work_group_invocations::Integer, max_preferred_mesh_work_group_invocations::Integer, prefers_local_invocation_vertex_output::Bool, prefers_local_invocation_primitive_output::Bool, prefers_compact_vertex_output::Bool, prefers_compact_primitive_output::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMeshShaderPropertiesEXT(structure_type(VkPhysicalDeviceMeshShaderPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), max_task_work_group_total_count, max_task_work_group_count, max_task_work_group_invocations, max_task_work_group_size, max_task_payload_size, max_task_shared_memory_size, max_task_payload_and_shared_memory_size, max_mesh_work_group_total_count, max_mesh_work_group_count, max_mesh_work_group_invocations, max_mesh_work_group_size, max_mesh_shared_memory_size, max_mesh_payload_and_shared_memory_size, max_mesh_output_memory_size, max_mesh_payload_and_output_memory_size, max_mesh_output_components, max_mesh_output_vertices, max_mesh_output_primitives, max_mesh_output_layers, max_mesh_multiview_view_count, mesh_output_per_vertex_granularity, mesh_output_per_primitive_granularity, max_preferred_task_work_group_invocations, max_preferred_mesh_work_group_invocations, prefers_local_invocation_vertex_output, prefers_local_invocation_primitive_output, prefers_compact_vertex_output, prefers_compact_primitive_output) _PhysicalDeviceMeshShaderPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_mesh\\_shader Arguments: - `group_count_x::UInt32` - `group_count_y::UInt32` - `group_count_z::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrawMeshTasksIndirectCommandEXT.html) """ function _DrawMeshTasksIndirectCommandEXT(group_count_x::Integer, group_count_y::Integer, group_count_z::Integer) _DrawMeshTasksIndirectCommandEXT(VkDrawMeshTasksIndirectCommandEXT(group_count_x, group_count_y, group_count_z)) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `type::RayTracingShaderGroupTypeKHR` - `general_shader::UInt32` - `closest_hit_shader::UInt32` - `any_hit_shader::UInt32` - `intersection_shader::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingShaderGroupCreateInfoNV.html) """ function _RayTracingShaderGroupCreateInfoNV(type::RayTracingShaderGroupTypeKHR, general_shader::Integer, closest_hit_shader::Integer, any_hit_shader::Integer, intersection_shader::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkRayTracingShaderGroupCreateInfoNV(structure_type(VkRayTracingShaderGroupCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), type, general_shader, closest_hit_shader, any_hit_shader, intersection_shader) _RayTracingShaderGroupCreateInfoNV(vks, deps) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `type::RayTracingShaderGroupTypeKHR` - `general_shader::UInt32` - `closest_hit_shader::UInt32` - `any_hit_shader::UInt32` - `intersection_shader::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `shader_group_capture_replay_handle::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingShaderGroupCreateInfoKHR.html) """ function _RayTracingShaderGroupCreateInfoKHR(type::RayTracingShaderGroupTypeKHR, general_shader::Integer, closest_hit_shader::Integer, any_hit_shader::Integer, intersection_shader::Integer; next = C_NULL, shader_group_capture_replay_handle = C_NULL) next = cconvert(Ptr{Cvoid}, next) shader_group_capture_replay_handle = cconvert(Ptr{Cvoid}, shader_group_capture_replay_handle) deps = Any[next, shader_group_capture_replay_handle] vks = VkRayTracingShaderGroupCreateInfoKHR(structure_type(VkRayTracingShaderGroupCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), type, general_shader, closest_hit_shader, any_hit_shader, intersection_shader, unsafe_convert(Ptr{Cvoid}, shader_group_capture_replay_handle)) _RayTracingShaderGroupCreateInfoKHR(vks, deps) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `stages::Vector{_PipelineShaderStageCreateInfo}` - `groups::Vector{_RayTracingShaderGroupCreateInfoNV}` - `max_recursion_depth::UInt32` - `layout::PipelineLayout` - `base_pipeline_index::Int32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PipelineCreateFlag`: defaults to `0` - `base_pipeline_handle::Pipeline`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingPipelineCreateInfoNV.html) """ function _RayTracingPipelineCreateInfoNV(stages::AbstractArray, groups::AbstractArray, max_recursion_depth::Integer, layout, base_pipeline_index::Integer; next = C_NULL, flags = 0, base_pipeline_handle = C_NULL) stage_count = pointer_length(stages) group_count = pointer_length(groups) next = cconvert(Ptr{Cvoid}, next) stages = cconvert(Ptr{VkPipelineShaderStageCreateInfo}, stages) groups = cconvert(Ptr{VkRayTracingShaderGroupCreateInfoNV}, groups) deps = Any[next, stages, groups] vks = VkRayTracingPipelineCreateInfoNV(structure_type(VkRayTracingPipelineCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), flags, stage_count, unsafe_convert(Ptr{VkPipelineShaderStageCreateInfo}, stages), group_count, unsafe_convert(Ptr{VkRayTracingShaderGroupCreateInfoNV}, groups), max_recursion_depth, layout, base_pipeline_handle, base_pipeline_index) _RayTracingPipelineCreateInfoNV(vks, deps, layout, base_pipeline_handle) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `stages::Vector{_PipelineShaderStageCreateInfo}` - `groups::Vector{_RayTracingShaderGroupCreateInfoKHR}` - `max_pipeline_ray_recursion_depth::UInt32` - `layout::PipelineLayout` - `base_pipeline_index::Int32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PipelineCreateFlag`: defaults to `0` - `library_info::_PipelineLibraryCreateInfoKHR`: defaults to `C_NULL` - `library_interface::_RayTracingPipelineInterfaceCreateInfoKHR`: defaults to `C_NULL` - `dynamic_state::_PipelineDynamicStateCreateInfo`: defaults to `C_NULL` - `base_pipeline_handle::Pipeline`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingPipelineCreateInfoKHR.html) """ function _RayTracingPipelineCreateInfoKHR(stages::AbstractArray, groups::AbstractArray, max_pipeline_ray_recursion_depth::Integer, layout, base_pipeline_index::Integer; next = C_NULL, flags = 0, library_info = C_NULL, library_interface = C_NULL, dynamic_state = C_NULL, base_pipeline_handle = C_NULL) stage_count = pointer_length(stages) group_count = pointer_length(groups) next = cconvert(Ptr{Cvoid}, next) stages = cconvert(Ptr{VkPipelineShaderStageCreateInfo}, stages) groups = cconvert(Ptr{VkRayTracingShaderGroupCreateInfoKHR}, groups) library_info = cconvert(Ptr{VkPipelineLibraryCreateInfoKHR}, library_info) library_interface = cconvert(Ptr{VkRayTracingPipelineInterfaceCreateInfoKHR}, library_interface) dynamic_state = cconvert(Ptr{VkPipelineDynamicStateCreateInfo}, dynamic_state) deps = Any[next, stages, groups, library_info, library_interface, dynamic_state] vks = VkRayTracingPipelineCreateInfoKHR(structure_type(VkRayTracingPipelineCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), flags, stage_count, unsafe_convert(Ptr{VkPipelineShaderStageCreateInfo}, stages), group_count, unsafe_convert(Ptr{VkRayTracingShaderGroupCreateInfoKHR}, groups), max_pipeline_ray_recursion_depth, unsafe_convert(Ptr{VkPipelineLibraryCreateInfoKHR}, library_info), unsafe_convert(Ptr{VkRayTracingPipelineInterfaceCreateInfoKHR}, library_interface), unsafe_convert(Ptr{VkPipelineDynamicStateCreateInfo}, dynamic_state), layout, base_pipeline_handle, base_pipeline_index) _RayTracingPipelineCreateInfoKHR(vks, deps, layout, base_pipeline_handle) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `vertex_offset::UInt64` - `vertex_count::UInt32` - `vertex_stride::UInt64` - `vertex_format::Format` - `index_offset::UInt64` - `index_count::UInt32` - `index_type::IndexType` - `transform_offset::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `vertex_data::Buffer`: defaults to `C_NULL` - `index_data::Buffer`: defaults to `C_NULL` - `transform_data::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryTrianglesNV.html) """ function _GeometryTrianglesNV(vertex_offset::Integer, vertex_count::Integer, vertex_stride::Integer, vertex_format::Format, index_offset::Integer, index_count::Integer, index_type::IndexType, transform_offset::Integer; next = C_NULL, vertex_data = C_NULL, index_data = C_NULL, transform_data = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkGeometryTrianglesNV(structure_type(VkGeometryTrianglesNV), unsafe_convert(Ptr{Cvoid}, next), vertex_data, vertex_offset, vertex_count, vertex_stride, vertex_format, index_data, index_offset, index_count, index_type, transform_data, transform_offset) _GeometryTrianglesNV(vks, deps, vertex_data, index_data, transform_data) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `num_aab_bs::UInt32` - `stride::UInt32` - `offset::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `aabb_data::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryAABBNV.html) """ function _GeometryAABBNV(num_aab_bs::Integer, stride::Integer, offset::Integer; next = C_NULL, aabb_data = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkGeometryAABBNV(structure_type(VkGeometryAABBNV), unsafe_convert(Ptr{Cvoid}, next), aabb_data, num_aab_bs, stride, offset) _GeometryAABBNV(vks, deps, aabb_data) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `triangles::_GeometryTrianglesNV` - `aabbs::_GeometryAABBNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryDataNV.html) """ function _GeometryDataNV(triangles::_GeometryTrianglesNV, aabbs::_GeometryAABBNV) _GeometryDataNV(VkGeometryDataNV(triangles.vks, aabbs.vks)) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `geometry_type::GeometryTypeKHR` - `geometry::_GeometryDataNV` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::GeometryFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryNV.html) """ function _GeometryNV(geometry_type::GeometryTypeKHR, geometry::_GeometryDataNV; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkGeometryNV(structure_type(VkGeometryNV), unsafe_convert(Ptr{Cvoid}, next), geometry_type, geometry.vks, flags) _GeometryNV(vks, deps) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `type::VkAccelerationStructureTypeNV` - `geometries::Vector{_GeometryNV}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::VkBuildAccelerationStructureFlagsNV`: defaults to `0` - `instance_count::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureInfoNV.html) """ function _AccelerationStructureInfoNV(type::VkAccelerationStructureTypeNV, geometries::AbstractArray; next = C_NULL, flags = 0, instance_count = 0) geometry_count = pointer_length(geometries) next = cconvert(Ptr{Cvoid}, next) geometries = cconvert(Ptr{VkGeometryNV}, geometries) deps = Any[next, geometries] vks = VkAccelerationStructureInfoNV(structure_type(VkAccelerationStructureInfoNV), unsafe_convert(Ptr{Cvoid}, next), type, flags, instance_count, geometry_count, unsafe_convert(Ptr{VkGeometryNV}, geometries)) _AccelerationStructureInfoNV(vks, deps) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `compacted_size::UInt64` - `info::_AccelerationStructureInfoNV` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureCreateInfoNV.html) """ function _AccelerationStructureCreateInfoNV(compacted_size::Integer, info::_AccelerationStructureInfoNV; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAccelerationStructureCreateInfoNV(structure_type(VkAccelerationStructureCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), compacted_size, info.vks) _AccelerationStructureCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `acceleration_structure::AccelerationStructureNV` - `memory::DeviceMemory` - `memory_offset::UInt64` - `device_indices::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindAccelerationStructureMemoryInfoNV.html) """ function _BindAccelerationStructureMemoryInfoNV(acceleration_structure, memory, memory_offset::Integer, device_indices::AbstractArray; next = C_NULL) device_index_count = pointer_length(device_indices) next = cconvert(Ptr{Cvoid}, next) device_indices = cconvert(Ptr{UInt32}, device_indices) deps = Any[next, device_indices] vks = VkBindAccelerationStructureMemoryInfoNV(structure_type(VkBindAccelerationStructureMemoryInfoNV), unsafe_convert(Ptr{Cvoid}, next), acceleration_structure, memory, memory_offset, device_index_count, unsafe_convert(Ptr{UInt32}, device_indices)) _BindAccelerationStructureMemoryInfoNV(vks, deps, acceleration_structure, memory) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `acceleration_structures::Vector{AccelerationStructureKHR}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSetAccelerationStructureKHR.html) """ function _WriteDescriptorSetAccelerationStructureKHR(acceleration_structures::AbstractArray; next = C_NULL) acceleration_structure_count = pointer_length(acceleration_structures) next = cconvert(Ptr{Cvoid}, next) acceleration_structures = cconvert(Ptr{VkAccelerationStructureKHR}, acceleration_structures) deps = Any[next, acceleration_structures] vks = VkWriteDescriptorSetAccelerationStructureKHR(structure_type(VkWriteDescriptorSetAccelerationStructureKHR), unsafe_convert(Ptr{Cvoid}, next), acceleration_structure_count, unsafe_convert(Ptr{VkAccelerationStructureKHR}, acceleration_structures)) _WriteDescriptorSetAccelerationStructureKHR(vks, deps) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `acceleration_structures::Vector{AccelerationStructureNV}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSetAccelerationStructureNV.html) """ function _WriteDescriptorSetAccelerationStructureNV(acceleration_structures::AbstractArray; next = C_NULL) acceleration_structure_count = pointer_length(acceleration_structures) next = cconvert(Ptr{Cvoid}, next) acceleration_structures = cconvert(Ptr{VkAccelerationStructureNV}, acceleration_structures) deps = Any[next, acceleration_structures] vks = VkWriteDescriptorSetAccelerationStructureNV(structure_type(VkWriteDescriptorSetAccelerationStructureNV), unsafe_convert(Ptr{Cvoid}, next), acceleration_structure_count, unsafe_convert(Ptr{VkAccelerationStructureNV}, acceleration_structures)) _WriteDescriptorSetAccelerationStructureNV(vks, deps) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `type::AccelerationStructureMemoryRequirementsTypeNV` - `acceleration_structure::AccelerationStructureNV` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMemoryRequirementsInfoNV.html) """ function _AccelerationStructureMemoryRequirementsInfoNV(type::AccelerationStructureMemoryRequirementsTypeNV, acceleration_structure; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAccelerationStructureMemoryRequirementsInfoNV(structure_type(VkAccelerationStructureMemoryRequirementsInfoNV), unsafe_convert(Ptr{Cvoid}, next), type, acceleration_structure) _AccelerationStructureMemoryRequirementsInfoNV(vks, deps, acceleration_structure) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `acceleration_structure::Bool` - `acceleration_structure_capture_replay::Bool` - `acceleration_structure_indirect_build::Bool` - `acceleration_structure_host_commands::Bool` - `descriptor_binding_acceleration_structure_update_after_bind::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAccelerationStructureFeaturesKHR.html) """ function _PhysicalDeviceAccelerationStructureFeaturesKHR(acceleration_structure::Bool, acceleration_structure_capture_replay::Bool, acceleration_structure_indirect_build::Bool, acceleration_structure_host_commands::Bool, descriptor_binding_acceleration_structure_update_after_bind::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceAccelerationStructureFeaturesKHR(structure_type(VkPhysicalDeviceAccelerationStructureFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), acceleration_structure, acceleration_structure_capture_replay, acceleration_structure_indirect_build, acceleration_structure_host_commands, descriptor_binding_acceleration_structure_update_after_bind) _PhysicalDeviceAccelerationStructureFeaturesKHR(vks, deps) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `ray_tracing_pipeline::Bool` - `ray_tracing_pipeline_shader_group_handle_capture_replay::Bool` - `ray_tracing_pipeline_shader_group_handle_capture_replay_mixed::Bool` - `ray_tracing_pipeline_trace_rays_indirect::Bool` - `ray_traversal_primitive_culling::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingPipelineFeaturesKHR.html) """ function _PhysicalDeviceRayTracingPipelineFeaturesKHR(ray_tracing_pipeline::Bool, ray_tracing_pipeline_shader_group_handle_capture_replay::Bool, ray_tracing_pipeline_shader_group_handle_capture_replay_mixed::Bool, ray_tracing_pipeline_trace_rays_indirect::Bool, ray_traversal_primitive_culling::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRayTracingPipelineFeaturesKHR(structure_type(VkPhysicalDeviceRayTracingPipelineFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), ray_tracing_pipeline, ray_tracing_pipeline_shader_group_handle_capture_replay, ray_tracing_pipeline_shader_group_handle_capture_replay_mixed, ray_tracing_pipeline_trace_rays_indirect, ray_traversal_primitive_culling) _PhysicalDeviceRayTracingPipelineFeaturesKHR(vks, deps) end """ Extension: VK\\_KHR\\_ray\\_query Arguments: - `ray_query::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayQueryFeaturesKHR.html) """ function _PhysicalDeviceRayQueryFeaturesKHR(ray_query::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRayQueryFeaturesKHR(structure_type(VkPhysicalDeviceRayQueryFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), ray_query) _PhysicalDeviceRayQueryFeaturesKHR(vks, deps) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `max_geometry_count::UInt64` - `max_instance_count::UInt64` - `max_primitive_count::UInt64` - `max_per_stage_descriptor_acceleration_structures::UInt32` - `max_per_stage_descriptor_update_after_bind_acceleration_structures::UInt32` - `max_descriptor_set_acceleration_structures::UInt32` - `max_descriptor_set_update_after_bind_acceleration_structures::UInt32` - `min_acceleration_structure_scratch_offset_alignment::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAccelerationStructurePropertiesKHR.html) """ function _PhysicalDeviceAccelerationStructurePropertiesKHR(max_geometry_count::Integer, max_instance_count::Integer, max_primitive_count::Integer, max_per_stage_descriptor_acceleration_structures::Integer, max_per_stage_descriptor_update_after_bind_acceleration_structures::Integer, max_descriptor_set_acceleration_structures::Integer, max_descriptor_set_update_after_bind_acceleration_structures::Integer, min_acceleration_structure_scratch_offset_alignment::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceAccelerationStructurePropertiesKHR(structure_type(VkPhysicalDeviceAccelerationStructurePropertiesKHR), unsafe_convert(Ptr{Cvoid}, next), max_geometry_count, max_instance_count, max_primitive_count, max_per_stage_descriptor_acceleration_structures, max_per_stage_descriptor_update_after_bind_acceleration_structures, max_descriptor_set_acceleration_structures, max_descriptor_set_update_after_bind_acceleration_structures, min_acceleration_structure_scratch_offset_alignment) _PhysicalDeviceAccelerationStructurePropertiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `shader_group_handle_size::UInt32` - `max_ray_recursion_depth::UInt32` - `max_shader_group_stride::UInt32` - `shader_group_base_alignment::UInt32` - `shader_group_handle_capture_replay_size::UInt32` - `max_ray_dispatch_invocation_count::UInt32` - `shader_group_handle_alignment::UInt32` - `max_ray_hit_attribute_size::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingPipelinePropertiesKHR.html) """ function _PhysicalDeviceRayTracingPipelinePropertiesKHR(shader_group_handle_size::Integer, max_ray_recursion_depth::Integer, max_shader_group_stride::Integer, shader_group_base_alignment::Integer, shader_group_handle_capture_replay_size::Integer, max_ray_dispatch_invocation_count::Integer, shader_group_handle_alignment::Integer, max_ray_hit_attribute_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRayTracingPipelinePropertiesKHR(structure_type(VkPhysicalDeviceRayTracingPipelinePropertiesKHR), unsafe_convert(Ptr{Cvoid}, next), shader_group_handle_size, max_ray_recursion_depth, max_shader_group_stride, shader_group_base_alignment, shader_group_handle_capture_replay_size, max_ray_dispatch_invocation_count, shader_group_handle_alignment, max_ray_hit_attribute_size) _PhysicalDeviceRayTracingPipelinePropertiesKHR(vks, deps) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `shader_group_handle_size::UInt32` - `max_recursion_depth::UInt32` - `max_shader_group_stride::UInt32` - `shader_group_base_alignment::UInt32` - `max_geometry_count::UInt64` - `max_instance_count::UInt64` - `max_triangle_count::UInt64` - `max_descriptor_set_acceleration_structures::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingPropertiesNV.html) """ function _PhysicalDeviceRayTracingPropertiesNV(shader_group_handle_size::Integer, max_recursion_depth::Integer, max_shader_group_stride::Integer, shader_group_base_alignment::Integer, max_geometry_count::Integer, max_instance_count::Integer, max_triangle_count::Integer, max_descriptor_set_acceleration_structures::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRayTracingPropertiesNV(structure_type(VkPhysicalDeviceRayTracingPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), shader_group_handle_size, max_recursion_depth, max_shader_group_stride, shader_group_base_alignment, max_geometry_count, max_instance_count, max_triangle_count, max_descriptor_set_acceleration_structures) _PhysicalDeviceRayTracingPropertiesNV(vks, deps) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `stride::UInt64` - `size::UInt64` - `device_address::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkStridedDeviceAddressRegionKHR.html) """ function _StridedDeviceAddressRegionKHR(stride::Integer, size::Integer; device_address = 0) _StridedDeviceAddressRegionKHR(VkStridedDeviceAddressRegionKHR(device_address, stride, size)) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `width::UInt32` - `height::UInt32` - `depth::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTraceRaysIndirectCommandKHR.html) """ function _TraceRaysIndirectCommandKHR(width::Integer, height::Integer, depth::Integer) _TraceRaysIndirectCommandKHR(VkTraceRaysIndirectCommandKHR(width, height, depth)) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_maintenance1 Arguments: - `raygen_shader_record_address::UInt64` - `raygen_shader_record_size::UInt64` - `miss_shader_binding_table_address::UInt64` - `miss_shader_binding_table_size::UInt64` - `miss_shader_binding_table_stride::UInt64` - `hit_shader_binding_table_address::UInt64` - `hit_shader_binding_table_size::UInt64` - `hit_shader_binding_table_stride::UInt64` - `callable_shader_binding_table_address::UInt64` - `callable_shader_binding_table_size::UInt64` - `callable_shader_binding_table_stride::UInt64` - `width::UInt32` - `height::UInt32` - `depth::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTraceRaysIndirectCommand2KHR.html) """ function _TraceRaysIndirectCommand2KHR(raygen_shader_record_address::Integer, raygen_shader_record_size::Integer, miss_shader_binding_table_address::Integer, miss_shader_binding_table_size::Integer, miss_shader_binding_table_stride::Integer, hit_shader_binding_table_address::Integer, hit_shader_binding_table_size::Integer, hit_shader_binding_table_stride::Integer, callable_shader_binding_table_address::Integer, callable_shader_binding_table_size::Integer, callable_shader_binding_table_stride::Integer, width::Integer, height::Integer, depth::Integer) _TraceRaysIndirectCommand2KHR(VkTraceRaysIndirectCommand2KHR(raygen_shader_record_address, raygen_shader_record_size, miss_shader_binding_table_address, miss_shader_binding_table_size, miss_shader_binding_table_stride, hit_shader_binding_table_address, hit_shader_binding_table_size, hit_shader_binding_table_stride, callable_shader_binding_table_address, callable_shader_binding_table_size, callable_shader_binding_table_stride, width, height, depth)) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_maintenance1 Arguments: - `ray_tracing_maintenance_1::Bool` - `ray_tracing_pipeline_trace_rays_indirect_2::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR.html) """ function _PhysicalDeviceRayTracingMaintenance1FeaturesKHR(ray_tracing_maintenance_1::Bool, ray_tracing_pipeline_trace_rays_indirect_2::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR(structure_type(VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), ray_tracing_maintenance_1, ray_tracing_pipeline_trace_rays_indirect_2) _PhysicalDeviceRayTracingMaintenance1FeaturesKHR(vks, deps) end """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `drm_format_modifier_properties::Vector{_DrmFormatModifierPropertiesEXT}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierPropertiesListEXT.html) """ function _DrmFormatModifierPropertiesListEXT(; next = C_NULL, drm_format_modifier_properties = C_NULL) drm_format_modifier_count = pointer_length(drm_format_modifier_properties) next = cconvert(Ptr{Cvoid}, next) drm_format_modifier_properties = cconvert(Ptr{VkDrmFormatModifierPropertiesEXT}, drm_format_modifier_properties) deps = Any[next, drm_format_modifier_properties] vks = VkDrmFormatModifierPropertiesListEXT(structure_type(VkDrmFormatModifierPropertiesListEXT), unsafe_convert(Ptr{Cvoid}, next), drm_format_modifier_count, unsafe_convert(Ptr{VkDrmFormatModifierPropertiesEXT}, drm_format_modifier_properties)) _DrmFormatModifierPropertiesListEXT(vks, deps) end """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `drm_format_modifier::UInt64` - `drm_format_modifier_plane_count::UInt32` - `drm_format_modifier_tiling_features::FormatFeatureFlag` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierPropertiesEXT.html) """ function _DrmFormatModifierPropertiesEXT(drm_format_modifier::Integer, drm_format_modifier_plane_count::Integer, drm_format_modifier_tiling_features::FormatFeatureFlag) _DrmFormatModifierPropertiesEXT(VkDrmFormatModifierPropertiesEXT(drm_format_modifier, drm_format_modifier_plane_count, drm_format_modifier_tiling_features)) end """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `drm_format_modifier::UInt64` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageDrmFormatModifierInfoEXT.html) """ function _PhysicalDeviceImageDrmFormatModifierInfoEXT(drm_format_modifier::Integer, sharing_mode::SharingMode, queue_family_indices::AbstractArray; next = C_NULL) queue_family_index_count = pointer_length(queue_family_indices) next = cconvert(Ptr{Cvoid}, next) queue_family_indices = cconvert(Ptr{UInt32}, queue_family_indices) deps = Any[next, queue_family_indices] vks = VkPhysicalDeviceImageDrmFormatModifierInfoEXT(structure_type(VkPhysicalDeviceImageDrmFormatModifierInfoEXT), unsafe_convert(Ptr{Cvoid}, next), drm_format_modifier, sharing_mode, queue_family_index_count, unsafe_convert(Ptr{UInt32}, queue_family_indices)) _PhysicalDeviceImageDrmFormatModifierInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `drm_format_modifiers::Vector{UInt64}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageDrmFormatModifierListCreateInfoEXT.html) """ function _ImageDrmFormatModifierListCreateInfoEXT(drm_format_modifiers::AbstractArray; next = C_NULL) drm_format_modifier_count = pointer_length(drm_format_modifiers) next = cconvert(Ptr{Cvoid}, next) drm_format_modifiers = cconvert(Ptr{UInt64}, drm_format_modifiers) deps = Any[next, drm_format_modifiers] vks = VkImageDrmFormatModifierListCreateInfoEXT(structure_type(VkImageDrmFormatModifierListCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), drm_format_modifier_count, unsafe_convert(Ptr{UInt64}, drm_format_modifiers)) _ImageDrmFormatModifierListCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `drm_format_modifier::UInt64` - `plane_layouts::Vector{_SubresourceLayout}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageDrmFormatModifierExplicitCreateInfoEXT.html) """ function _ImageDrmFormatModifierExplicitCreateInfoEXT(drm_format_modifier::Integer, plane_layouts::AbstractArray; next = C_NULL) drm_format_modifier_plane_count = pointer_length(plane_layouts) next = cconvert(Ptr{Cvoid}, next) plane_layouts = cconvert(Ptr{VkSubresourceLayout}, plane_layouts) deps = Any[next, plane_layouts] vks = VkImageDrmFormatModifierExplicitCreateInfoEXT(structure_type(VkImageDrmFormatModifierExplicitCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), drm_format_modifier, drm_format_modifier_plane_count, unsafe_convert(Ptr{VkSubresourceLayout}, plane_layouts)) _ImageDrmFormatModifierExplicitCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `drm_format_modifier::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageDrmFormatModifierPropertiesEXT.html) """ function _ImageDrmFormatModifierPropertiesEXT(drm_format_modifier::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageDrmFormatModifierPropertiesEXT(structure_type(VkImageDrmFormatModifierPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), drm_format_modifier) _ImageDrmFormatModifierPropertiesEXT(vks, deps) end """ Arguments: - `stencil_usage::ImageUsageFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageStencilUsageCreateInfo.html) """ function _ImageStencilUsageCreateInfo(stencil_usage::ImageUsageFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageStencilUsageCreateInfo(structure_type(VkImageStencilUsageCreateInfo), unsafe_convert(Ptr{Cvoid}, next), stencil_usage) _ImageStencilUsageCreateInfo(vks, deps) end """ Extension: VK\\_AMD\\_memory\\_overallocation\\_behavior Arguments: - `overallocation_behavior::MemoryOverallocationBehaviorAMD` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceMemoryOverallocationCreateInfoAMD.html) """ function _DeviceMemoryOverallocationCreateInfoAMD(overallocation_behavior::MemoryOverallocationBehaviorAMD; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceMemoryOverallocationCreateInfoAMD(structure_type(VkDeviceMemoryOverallocationCreateInfoAMD), unsafe_convert(Ptr{Cvoid}, next), overallocation_behavior) _DeviceMemoryOverallocationCreateInfoAMD(vks, deps) end """ Extension: VK\\_EXT\\_fragment\\_density\\_map Arguments: - `fragment_density_map::Bool` - `fragment_density_map_dynamic::Bool` - `fragment_density_map_non_subsampled_images::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapFeaturesEXT.html) """ function _PhysicalDeviceFragmentDensityMapFeaturesEXT(fragment_density_map::Bool, fragment_density_map_dynamic::Bool, fragment_density_map_non_subsampled_images::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentDensityMapFeaturesEXT(structure_type(VkPhysicalDeviceFragmentDensityMapFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), fragment_density_map, fragment_density_map_dynamic, fragment_density_map_non_subsampled_images) _PhysicalDeviceFragmentDensityMapFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_fragment\\_density\\_map2 Arguments: - `fragment_density_map_deferred::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMap2FeaturesEXT.html) """ function _PhysicalDeviceFragmentDensityMap2FeaturesEXT(fragment_density_map_deferred::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentDensityMap2FeaturesEXT(structure_type(VkPhysicalDeviceFragmentDensityMap2FeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), fragment_density_map_deferred) _PhysicalDeviceFragmentDensityMap2FeaturesEXT(vks, deps) end """ Extension: VK\\_QCOM\\_fragment\\_density\\_map\\_offset Arguments: - `fragment_density_map_offset::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM.html) """ function _PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM(fragment_density_map_offset::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM(structure_type(VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM), unsafe_convert(Ptr{Cvoid}, next), fragment_density_map_offset) _PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM(vks, deps) end """ Extension: VK\\_EXT\\_fragment\\_density\\_map Arguments: - `min_fragment_density_texel_size::_Extent2D` - `max_fragment_density_texel_size::_Extent2D` - `fragment_density_invocations::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapPropertiesEXT.html) """ function _PhysicalDeviceFragmentDensityMapPropertiesEXT(min_fragment_density_texel_size::_Extent2D, max_fragment_density_texel_size::_Extent2D, fragment_density_invocations::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentDensityMapPropertiesEXT(structure_type(VkPhysicalDeviceFragmentDensityMapPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), min_fragment_density_texel_size.vks, max_fragment_density_texel_size.vks, fragment_density_invocations) _PhysicalDeviceFragmentDensityMapPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_fragment\\_density\\_map2 Arguments: - `subsampled_loads::Bool` - `subsampled_coarse_reconstruction_early_access::Bool` - `max_subsampled_array_layers::UInt32` - `max_descriptor_set_subsampled_samplers::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMap2PropertiesEXT.html) """ function _PhysicalDeviceFragmentDensityMap2PropertiesEXT(subsampled_loads::Bool, subsampled_coarse_reconstruction_early_access::Bool, max_subsampled_array_layers::Integer, max_descriptor_set_subsampled_samplers::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentDensityMap2PropertiesEXT(structure_type(VkPhysicalDeviceFragmentDensityMap2PropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), subsampled_loads, subsampled_coarse_reconstruction_early_access, max_subsampled_array_layers, max_descriptor_set_subsampled_samplers) _PhysicalDeviceFragmentDensityMap2PropertiesEXT(vks, deps) end """ Extension: VK\\_QCOM\\_fragment\\_density\\_map\\_offset Arguments: - `fragment_density_offset_granularity::_Extent2D` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM.html) """ function _PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM(fragment_density_offset_granularity::_Extent2D; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM(structure_type(VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM), unsafe_convert(Ptr{Cvoid}, next), fragment_density_offset_granularity.vks) _PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM(vks, deps) end """ Extension: VK\\_EXT\\_fragment\\_density\\_map Arguments: - `fragment_density_map_attachment::_AttachmentReference` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassFragmentDensityMapCreateInfoEXT.html) """ function _RenderPassFragmentDensityMapCreateInfoEXT(fragment_density_map_attachment::_AttachmentReference; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkRenderPassFragmentDensityMapCreateInfoEXT(structure_type(VkRenderPassFragmentDensityMapCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), fragment_density_map_attachment.vks) _RenderPassFragmentDensityMapCreateInfoEXT(vks, deps) end """ Extension: VK\\_QCOM\\_fragment\\_density\\_map\\_offset Arguments: - `fragment_density_offsets::Vector{_Offset2D}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassFragmentDensityMapOffsetEndInfoQCOM.html) """ function _SubpassFragmentDensityMapOffsetEndInfoQCOM(fragment_density_offsets::AbstractArray; next = C_NULL) fragment_density_offset_count = pointer_length(fragment_density_offsets) next = cconvert(Ptr{Cvoid}, next) fragment_density_offsets = cconvert(Ptr{VkOffset2D}, fragment_density_offsets) deps = Any[next, fragment_density_offsets] vks = VkSubpassFragmentDensityMapOffsetEndInfoQCOM(structure_type(VkSubpassFragmentDensityMapOffsetEndInfoQCOM), unsafe_convert(Ptr{Cvoid}, next), fragment_density_offset_count, unsafe_convert(Ptr{VkOffset2D}, fragment_density_offsets)) _SubpassFragmentDensityMapOffsetEndInfoQCOM(vks, deps) end """ Arguments: - `scalar_block_layout::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceScalarBlockLayoutFeatures.html) """ function _PhysicalDeviceScalarBlockLayoutFeatures(scalar_block_layout::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceScalarBlockLayoutFeatures(structure_type(VkPhysicalDeviceScalarBlockLayoutFeatures), unsafe_convert(Ptr{Cvoid}, next), scalar_block_layout) _PhysicalDeviceScalarBlockLayoutFeatures(vks, deps) end """ Extension: VK\\_KHR\\_surface\\_protected\\_capabilities Arguments: - `supports_protected::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceProtectedCapabilitiesKHR.html) """ function _SurfaceProtectedCapabilitiesKHR(supports_protected::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSurfaceProtectedCapabilitiesKHR(structure_type(VkSurfaceProtectedCapabilitiesKHR), unsafe_convert(Ptr{Cvoid}, next), supports_protected) _SurfaceProtectedCapabilitiesKHR(vks, deps) end """ Arguments: - `uniform_buffer_standard_layout::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceUniformBufferStandardLayoutFeatures.html) """ function _PhysicalDeviceUniformBufferStandardLayoutFeatures(uniform_buffer_standard_layout::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceUniformBufferStandardLayoutFeatures(structure_type(VkPhysicalDeviceUniformBufferStandardLayoutFeatures), unsafe_convert(Ptr{Cvoid}, next), uniform_buffer_standard_layout) _PhysicalDeviceUniformBufferStandardLayoutFeatures(vks, deps) end """ Extension: VK\\_EXT\\_depth\\_clip\\_enable Arguments: - `depth_clip_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthClipEnableFeaturesEXT.html) """ function _PhysicalDeviceDepthClipEnableFeaturesEXT(depth_clip_enable::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDepthClipEnableFeaturesEXT(structure_type(VkPhysicalDeviceDepthClipEnableFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), depth_clip_enable) _PhysicalDeviceDepthClipEnableFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_depth\\_clip\\_enable Arguments: - `depth_clip_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationDepthClipStateCreateInfoEXT.html) """ function _PipelineRasterizationDepthClipStateCreateInfoEXT(depth_clip_enable::Bool; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineRasterizationDepthClipStateCreateInfoEXT(structure_type(VkPipelineRasterizationDepthClipStateCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), flags, depth_clip_enable) _PipelineRasterizationDepthClipStateCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_memory\\_budget Arguments: - `heap_budget::NTuple{Int(VK_MAX_MEMORY_HEAPS), UInt64}` - `heap_usage::NTuple{Int(VK_MAX_MEMORY_HEAPS), UInt64}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryBudgetPropertiesEXT.html) """ function _PhysicalDeviceMemoryBudgetPropertiesEXT(heap_budget::NTuple{Int(VK_MAX_MEMORY_HEAPS), UInt64}, heap_usage::NTuple{Int(VK_MAX_MEMORY_HEAPS), UInt64}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMemoryBudgetPropertiesEXT(structure_type(VkPhysicalDeviceMemoryBudgetPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), heap_budget, heap_usage) _PhysicalDeviceMemoryBudgetPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_memory\\_priority Arguments: - `memory_priority::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryPriorityFeaturesEXT.html) """ function _PhysicalDeviceMemoryPriorityFeaturesEXT(memory_priority::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMemoryPriorityFeaturesEXT(structure_type(VkPhysicalDeviceMemoryPriorityFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), memory_priority) _PhysicalDeviceMemoryPriorityFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_memory\\_priority Arguments: - `priority::Float32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryPriorityAllocateInfoEXT.html) """ function _MemoryPriorityAllocateInfoEXT(priority::Real; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryPriorityAllocateInfoEXT(structure_type(VkMemoryPriorityAllocateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), priority) _MemoryPriorityAllocateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_pageable\\_device\\_local\\_memory Arguments: - `pageable_device_local_memory::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT.html) """ function _PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT(pageable_device_local_memory::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT(structure_type(VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), pageable_device_local_memory) _PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT(vks, deps) end """ Arguments: - `buffer_device_address::Bool` - `buffer_device_address_capture_replay::Bool` - `buffer_device_address_multi_device::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBufferDeviceAddressFeatures.html) """ function _PhysicalDeviceBufferDeviceAddressFeatures(buffer_device_address::Bool, buffer_device_address_capture_replay::Bool, buffer_device_address_multi_device::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceBufferDeviceAddressFeatures(structure_type(VkPhysicalDeviceBufferDeviceAddressFeatures), unsafe_convert(Ptr{Cvoid}, next), buffer_device_address, buffer_device_address_capture_replay, buffer_device_address_multi_device) _PhysicalDeviceBufferDeviceAddressFeatures(vks, deps) end """ Extension: VK\\_EXT\\_buffer\\_device\\_address Arguments: - `buffer_device_address::Bool` - `buffer_device_address_capture_replay::Bool` - `buffer_device_address_multi_device::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBufferDeviceAddressFeaturesEXT.html) """ function _PhysicalDeviceBufferDeviceAddressFeaturesEXT(buffer_device_address::Bool, buffer_device_address_capture_replay::Bool, buffer_device_address_multi_device::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceBufferDeviceAddressFeaturesEXT(structure_type(VkPhysicalDeviceBufferDeviceAddressFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), buffer_device_address, buffer_device_address_capture_replay, buffer_device_address_multi_device) _PhysicalDeviceBufferDeviceAddressFeaturesEXT(vks, deps) end """ Arguments: - `buffer::Buffer` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferDeviceAddressInfo.html) """ function _BufferDeviceAddressInfo(buffer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBufferDeviceAddressInfo(structure_type(VkBufferDeviceAddressInfo), unsafe_convert(Ptr{Cvoid}, next), buffer) _BufferDeviceAddressInfo(vks, deps, buffer) end """ Arguments: - `opaque_capture_address::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferOpaqueCaptureAddressCreateInfo.html) """ function _BufferOpaqueCaptureAddressCreateInfo(opaque_capture_address::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBufferOpaqueCaptureAddressCreateInfo(structure_type(VkBufferOpaqueCaptureAddressCreateInfo), unsafe_convert(Ptr{Cvoid}, next), opaque_capture_address) _BufferOpaqueCaptureAddressCreateInfo(vks, deps) end """ Extension: VK\\_EXT\\_buffer\\_device\\_address Arguments: - `device_address::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferDeviceAddressCreateInfoEXT.html) """ function _BufferDeviceAddressCreateInfoEXT(device_address::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBufferDeviceAddressCreateInfoEXT(structure_type(VkBufferDeviceAddressCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), device_address) _BufferDeviceAddressCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_filter\\_cubic Arguments: - `image_view_type::ImageViewType` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageViewImageFormatInfoEXT.html) """ function _PhysicalDeviceImageViewImageFormatInfoEXT(image_view_type::ImageViewType; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceImageViewImageFormatInfoEXT(structure_type(VkPhysicalDeviceImageViewImageFormatInfoEXT), unsafe_convert(Ptr{Cvoid}, next), image_view_type) _PhysicalDeviceImageViewImageFormatInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_filter\\_cubic Arguments: - `filter_cubic::Bool` - `filter_cubic_minmax::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFilterCubicImageViewImageFormatPropertiesEXT.html) """ function _FilterCubicImageViewImageFormatPropertiesEXT(filter_cubic::Bool, filter_cubic_minmax::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkFilterCubicImageViewImageFormatPropertiesEXT(structure_type(VkFilterCubicImageViewImageFormatPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), filter_cubic, filter_cubic_minmax) _FilterCubicImageViewImageFormatPropertiesEXT(vks, deps) end """ Arguments: - `imageless_framebuffer::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImagelessFramebufferFeatures.html) """ function _PhysicalDeviceImagelessFramebufferFeatures(imageless_framebuffer::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceImagelessFramebufferFeatures(structure_type(VkPhysicalDeviceImagelessFramebufferFeatures), unsafe_convert(Ptr{Cvoid}, next), imageless_framebuffer) _PhysicalDeviceImagelessFramebufferFeatures(vks, deps) end """ Arguments: - `attachment_image_infos::Vector{_FramebufferAttachmentImageInfo}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferAttachmentsCreateInfo.html) """ function _FramebufferAttachmentsCreateInfo(attachment_image_infos::AbstractArray; next = C_NULL) attachment_image_info_count = pointer_length(attachment_image_infos) next = cconvert(Ptr{Cvoid}, next) attachment_image_infos = cconvert(Ptr{VkFramebufferAttachmentImageInfo}, attachment_image_infos) deps = Any[next, attachment_image_infos] vks = VkFramebufferAttachmentsCreateInfo(structure_type(VkFramebufferAttachmentsCreateInfo), unsafe_convert(Ptr{Cvoid}, next), attachment_image_info_count, unsafe_convert(Ptr{VkFramebufferAttachmentImageInfo}, attachment_image_infos)) _FramebufferAttachmentsCreateInfo(vks, deps) end """ Arguments: - `usage::ImageUsageFlag` - `width::UInt32` - `height::UInt32` - `layer_count::UInt32` - `view_formats::Vector{Format}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::ImageCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferAttachmentImageInfo.html) """ function _FramebufferAttachmentImageInfo(usage::ImageUsageFlag, width::Integer, height::Integer, layer_count::Integer, view_formats::AbstractArray; next = C_NULL, flags = 0) view_format_count = pointer_length(view_formats) next = cconvert(Ptr{Cvoid}, next) view_formats = cconvert(Ptr{VkFormat}, view_formats) deps = Any[next, view_formats] vks = VkFramebufferAttachmentImageInfo(structure_type(VkFramebufferAttachmentImageInfo), unsafe_convert(Ptr{Cvoid}, next), flags, usage, width, height, layer_count, view_format_count, unsafe_convert(Ptr{VkFormat}, view_formats)) _FramebufferAttachmentImageInfo(vks, deps) end """ Arguments: - `attachments::Vector{ImageView}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassAttachmentBeginInfo.html) """ function _RenderPassAttachmentBeginInfo(attachments::AbstractArray; next = C_NULL) attachment_count = pointer_length(attachments) next = cconvert(Ptr{Cvoid}, next) attachments = cconvert(Ptr{VkImageView}, attachments) deps = Any[next, attachments] vks = VkRenderPassAttachmentBeginInfo(structure_type(VkRenderPassAttachmentBeginInfo), unsafe_convert(Ptr{Cvoid}, next), attachment_count, unsafe_convert(Ptr{VkImageView}, attachments)) _RenderPassAttachmentBeginInfo(vks, deps) end """ Arguments: - `texture_compression_astc_hdr::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTextureCompressionASTCHDRFeatures.html) """ function _PhysicalDeviceTextureCompressionASTCHDRFeatures(texture_compression_astc_hdr::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceTextureCompressionASTCHDRFeatures(structure_type(VkPhysicalDeviceTextureCompressionASTCHDRFeatures), unsafe_convert(Ptr{Cvoid}, next), texture_compression_astc_hdr) _PhysicalDeviceTextureCompressionASTCHDRFeatures(vks, deps) end """ Extension: VK\\_NV\\_cooperative\\_matrix Arguments: - `cooperative_matrix::Bool` - `cooperative_matrix_robust_buffer_access::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCooperativeMatrixFeaturesNV.html) """ function _PhysicalDeviceCooperativeMatrixFeaturesNV(cooperative_matrix::Bool, cooperative_matrix_robust_buffer_access::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceCooperativeMatrixFeaturesNV(structure_type(VkPhysicalDeviceCooperativeMatrixFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), cooperative_matrix, cooperative_matrix_robust_buffer_access) _PhysicalDeviceCooperativeMatrixFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_cooperative\\_matrix Arguments: - `cooperative_matrix_supported_stages::ShaderStageFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCooperativeMatrixPropertiesNV.html) """ function _PhysicalDeviceCooperativeMatrixPropertiesNV(cooperative_matrix_supported_stages::ShaderStageFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceCooperativeMatrixPropertiesNV(structure_type(VkPhysicalDeviceCooperativeMatrixPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), cooperative_matrix_supported_stages) _PhysicalDeviceCooperativeMatrixPropertiesNV(vks, deps) end """ Extension: VK\\_NV\\_cooperative\\_matrix Arguments: - `m_size::UInt32` - `n_size::UInt32` - `k_size::UInt32` - `a_type::ComponentTypeNV` - `b_type::ComponentTypeNV` - `c_type::ComponentTypeNV` - `d_type::ComponentTypeNV` - `scope::ScopeNV` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCooperativeMatrixPropertiesNV.html) """ function _CooperativeMatrixPropertiesNV(m_size::Integer, n_size::Integer, k_size::Integer, a_type::ComponentTypeNV, b_type::ComponentTypeNV, c_type::ComponentTypeNV, d_type::ComponentTypeNV, scope::ScopeNV; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCooperativeMatrixPropertiesNV(structure_type(VkCooperativeMatrixPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), m_size, n_size, k_size, a_type, b_type, c_type, d_type, scope) _CooperativeMatrixPropertiesNV(vks, deps) end """ Extension: VK\\_EXT\\_ycbcr\\_image\\_arrays Arguments: - `ycbcr_image_arrays::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceYcbcrImageArraysFeaturesEXT.html) """ function _PhysicalDeviceYcbcrImageArraysFeaturesEXT(ycbcr_image_arrays::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceYcbcrImageArraysFeaturesEXT(structure_type(VkPhysicalDeviceYcbcrImageArraysFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), ycbcr_image_arrays) _PhysicalDeviceYcbcrImageArraysFeaturesEXT(vks, deps) end """ Extension: VK\\_NVX\\_image\\_view\\_handle Arguments: - `image_view::ImageView` - `descriptor_type::DescriptorType` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `sampler::Sampler`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewHandleInfoNVX.html) """ function _ImageViewHandleInfoNVX(image_view, descriptor_type::DescriptorType; next = C_NULL, sampler = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageViewHandleInfoNVX(structure_type(VkImageViewHandleInfoNVX), unsafe_convert(Ptr{Cvoid}, next), image_view, descriptor_type, sampler) _ImageViewHandleInfoNVX(vks, deps, image_view, sampler) end """ Extension: VK\\_NVX\\_image\\_view\\_handle Arguments: - `device_address::UInt64` - `size::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewAddressPropertiesNVX.html) """ function _ImageViewAddressPropertiesNVX(device_address::Integer, size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageViewAddressPropertiesNVX(structure_type(VkImageViewAddressPropertiesNVX), unsafe_convert(Ptr{Cvoid}, next), device_address, size) _ImageViewAddressPropertiesNVX(vks, deps) end """ Arguments: - `flags::PipelineCreationFeedbackFlag` - `duration::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCreationFeedback.html) """ function _PipelineCreationFeedback(flags::PipelineCreationFeedbackFlag, duration::Integer) _PipelineCreationFeedback(VkPipelineCreationFeedback(flags, duration)) end """ Arguments: - `pipeline_creation_feedback::_PipelineCreationFeedback` - `pipeline_stage_creation_feedbacks::Vector{_PipelineCreationFeedback}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCreationFeedbackCreateInfo.html) """ function _PipelineCreationFeedbackCreateInfo(pipeline_creation_feedback::_PipelineCreationFeedback, pipeline_stage_creation_feedbacks::AbstractArray; next = C_NULL) pipeline_stage_creation_feedback_count = pointer_length(pipeline_stage_creation_feedbacks) next = cconvert(Ptr{Cvoid}, next) pipeline_creation_feedback = cconvert(Ptr{VkPipelineCreationFeedback}, pipeline_creation_feedback) pipeline_stage_creation_feedbacks = cconvert(Ptr{Ptr{VkPipelineCreationFeedback}}, pipeline_stage_creation_feedbacks) deps = Any[next, pipeline_creation_feedback, pipeline_stage_creation_feedbacks] vks = VkPipelineCreationFeedbackCreateInfo(structure_type(VkPipelineCreationFeedbackCreateInfo), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{VkPipelineCreationFeedback}, pipeline_creation_feedback), pipeline_stage_creation_feedback_count, unsafe_convert(Ptr{Ptr{VkPipelineCreationFeedback}}, pipeline_stage_creation_feedbacks)) _PipelineCreationFeedbackCreateInfo(vks, deps) end """ Extension: VK\\_NV\\_present\\_barrier Arguments: - `present_barrier::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePresentBarrierFeaturesNV.html) """ function _PhysicalDevicePresentBarrierFeaturesNV(present_barrier::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePresentBarrierFeaturesNV(structure_type(VkPhysicalDevicePresentBarrierFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), present_barrier) _PhysicalDevicePresentBarrierFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_present\\_barrier Arguments: - `present_barrier_supported::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilitiesPresentBarrierNV.html) """ function _SurfaceCapabilitiesPresentBarrierNV(present_barrier_supported::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSurfaceCapabilitiesPresentBarrierNV(structure_type(VkSurfaceCapabilitiesPresentBarrierNV), unsafe_convert(Ptr{Cvoid}, next), present_barrier_supported) _SurfaceCapabilitiesPresentBarrierNV(vks, deps) end """ Extension: VK\\_NV\\_present\\_barrier Arguments: - `present_barrier_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentBarrierCreateInfoNV.html) """ function _SwapchainPresentBarrierCreateInfoNV(present_barrier_enable::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSwapchainPresentBarrierCreateInfoNV(structure_type(VkSwapchainPresentBarrierCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), present_barrier_enable) _SwapchainPresentBarrierCreateInfoNV(vks, deps) end """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `performance_counter_query_pools::Bool` - `performance_counter_multiple_query_pools::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePerformanceQueryFeaturesKHR.html) """ function _PhysicalDevicePerformanceQueryFeaturesKHR(performance_counter_query_pools::Bool, performance_counter_multiple_query_pools::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePerformanceQueryFeaturesKHR(structure_type(VkPhysicalDevicePerformanceQueryFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), performance_counter_query_pools, performance_counter_multiple_query_pools) _PhysicalDevicePerformanceQueryFeaturesKHR(vks, deps) end """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `allow_command_buffer_query_copies::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePerformanceQueryPropertiesKHR.html) """ function _PhysicalDevicePerformanceQueryPropertiesKHR(allow_command_buffer_query_copies::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePerformanceQueryPropertiesKHR(structure_type(VkPhysicalDevicePerformanceQueryPropertiesKHR), unsafe_convert(Ptr{Cvoid}, next), allow_command_buffer_query_copies) _PhysicalDevicePerformanceQueryPropertiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `unit::PerformanceCounterUnitKHR` - `scope::PerformanceCounterScopeKHR` - `storage::PerformanceCounterStorageKHR` - `uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceCounterKHR.html) """ function _PerformanceCounterKHR(unit::PerformanceCounterUnitKHR, scope::PerformanceCounterScopeKHR, storage::PerformanceCounterStorageKHR, uuid::NTuple{Int(VK_UUID_SIZE), UInt8}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPerformanceCounterKHR(structure_type(VkPerformanceCounterKHR), unsafe_convert(Ptr{Cvoid}, next), unit, scope, storage, uuid) _PerformanceCounterKHR(vks, deps) end """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `name::String` - `category::String` - `description::String` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PerformanceCounterDescriptionFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceCounterDescriptionKHR.html) """ function _PerformanceCounterDescriptionKHR(name::AbstractString, category::AbstractString, description::AbstractString; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPerformanceCounterDescriptionKHR(structure_type(VkPerformanceCounterDescriptionKHR), unsafe_convert(Ptr{Cvoid}, next), flags, name, category, description) _PerformanceCounterDescriptionKHR(vks, deps) end """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `queue_family_index::UInt32` - `counter_indices::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueryPoolPerformanceCreateInfoKHR.html) """ function _QueryPoolPerformanceCreateInfoKHR(queue_family_index::Integer, counter_indices::AbstractArray; next = C_NULL) counter_index_count = pointer_length(counter_indices) next = cconvert(Ptr{Cvoid}, next) counter_indices = cconvert(Ptr{UInt32}, counter_indices) deps = Any[next, counter_indices] vks = VkQueryPoolPerformanceCreateInfoKHR(structure_type(VkQueryPoolPerformanceCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), queue_family_index, counter_index_count, unsafe_convert(Ptr{UInt32}, counter_indices)) _QueryPoolPerformanceCreateInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `timeout::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::AcquireProfilingLockFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAcquireProfilingLockInfoKHR.html) """ function _AcquireProfilingLockInfoKHR(timeout::Integer; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAcquireProfilingLockInfoKHR(structure_type(VkAcquireProfilingLockInfoKHR), unsafe_convert(Ptr{Cvoid}, next), flags, timeout) _AcquireProfilingLockInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `counter_pass_index::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceQuerySubmitInfoKHR.html) """ function _PerformanceQuerySubmitInfoKHR(counter_pass_index::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPerformanceQuerySubmitInfoKHR(structure_type(VkPerformanceQuerySubmitInfoKHR), unsafe_convert(Ptr{Cvoid}, next), counter_pass_index) _PerformanceQuerySubmitInfoKHR(vks, deps) end """ Extension: VK\\_EXT\\_headless\\_surface Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkHeadlessSurfaceCreateInfoEXT.html) """ function _HeadlessSurfaceCreateInfoEXT(; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkHeadlessSurfaceCreateInfoEXT(structure_type(VkHeadlessSurfaceCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), flags) _HeadlessSurfaceCreateInfoEXT(vks, deps) end """ Extension: VK\\_NV\\_coverage\\_reduction\\_mode Arguments: - `coverage_reduction_mode::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCoverageReductionModeFeaturesNV.html) """ function _PhysicalDeviceCoverageReductionModeFeaturesNV(coverage_reduction_mode::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceCoverageReductionModeFeaturesNV(structure_type(VkPhysicalDeviceCoverageReductionModeFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), coverage_reduction_mode) _PhysicalDeviceCoverageReductionModeFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_coverage\\_reduction\\_mode Arguments: - `coverage_reduction_mode::CoverageReductionModeNV` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCoverageReductionStateCreateInfoNV.html) """ function _PipelineCoverageReductionStateCreateInfoNV(coverage_reduction_mode::CoverageReductionModeNV; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineCoverageReductionStateCreateInfoNV(structure_type(VkPipelineCoverageReductionStateCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), flags, coverage_reduction_mode) _PipelineCoverageReductionStateCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_coverage\\_reduction\\_mode Arguments: - `coverage_reduction_mode::CoverageReductionModeNV` - `rasterization_samples::SampleCountFlag` - `depth_stencil_samples::SampleCountFlag` - `color_samples::SampleCountFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferMixedSamplesCombinationNV.html) """ function _FramebufferMixedSamplesCombinationNV(coverage_reduction_mode::CoverageReductionModeNV, rasterization_samples::SampleCountFlag, depth_stencil_samples::SampleCountFlag, color_samples::SampleCountFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkFramebufferMixedSamplesCombinationNV(structure_type(VkFramebufferMixedSamplesCombinationNV), unsafe_convert(Ptr{Cvoid}, next), coverage_reduction_mode, VkSampleCountFlagBits(rasterization_samples.val), depth_stencil_samples, color_samples) _FramebufferMixedSamplesCombinationNV(vks, deps) end """ Extension: VK\\_INTEL\\_shader\\_integer\\_functions2 Arguments: - `shader_integer_functions_2::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL.html) """ function _PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL(shader_integer_functions_2::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL(structure_type(VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL), unsafe_convert(Ptr{Cvoid}, next), shader_integer_functions_2) _PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL(vks, deps) end """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `type::PerformanceValueTypeINTEL` - `data::_PerformanceValueDataINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceValueINTEL.html) """ function _PerformanceValueINTEL(type::PerformanceValueTypeINTEL, data::_PerformanceValueDataINTEL) _PerformanceValueINTEL(VkPerformanceValueINTEL(type, data.vks)) end """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkInitializePerformanceApiInfoINTEL.html) """ function _InitializePerformanceApiInfoINTEL(; next = C_NULL, user_data = C_NULL) next = cconvert(Ptr{Cvoid}, next) user_data = cconvert(Ptr{Cvoid}, user_data) deps = Any[next, user_data] vks = VkInitializePerformanceApiInfoINTEL(structure_type(VkInitializePerformanceApiInfoINTEL), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{Cvoid}, user_data)) _InitializePerformanceApiInfoINTEL(vks, deps) end """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `performance_counters_sampling::QueryPoolSamplingModeINTEL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueryPoolPerformanceQueryCreateInfoINTEL.html) """ function _QueryPoolPerformanceQueryCreateInfoINTEL(performance_counters_sampling::QueryPoolSamplingModeINTEL; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkQueryPoolPerformanceQueryCreateInfoINTEL(structure_type(VkQueryPoolPerformanceQueryCreateInfoINTEL), unsafe_convert(Ptr{Cvoid}, next), performance_counters_sampling) _QueryPoolPerformanceQueryCreateInfoINTEL(vks, deps) end """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `marker::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceMarkerInfoINTEL.html) """ function _PerformanceMarkerInfoINTEL(marker::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPerformanceMarkerInfoINTEL(structure_type(VkPerformanceMarkerInfoINTEL), unsafe_convert(Ptr{Cvoid}, next), marker) _PerformanceMarkerInfoINTEL(vks, deps) end """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `marker::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceStreamMarkerInfoINTEL.html) """ function _PerformanceStreamMarkerInfoINTEL(marker::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPerformanceStreamMarkerInfoINTEL(structure_type(VkPerformanceStreamMarkerInfoINTEL), unsafe_convert(Ptr{Cvoid}, next), marker) _PerformanceStreamMarkerInfoINTEL(vks, deps) end """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `type::PerformanceOverrideTypeINTEL` - `enable::Bool` - `parameter::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceOverrideInfoINTEL.html) """ function _PerformanceOverrideInfoINTEL(type::PerformanceOverrideTypeINTEL, enable::Bool, parameter::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPerformanceOverrideInfoINTEL(structure_type(VkPerformanceOverrideInfoINTEL), unsafe_convert(Ptr{Cvoid}, next), type, enable, parameter) _PerformanceOverrideInfoINTEL(vks, deps) end """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `type::PerformanceConfigurationTypeINTEL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceConfigurationAcquireInfoINTEL.html) """ function _PerformanceConfigurationAcquireInfoINTEL(type::PerformanceConfigurationTypeINTEL; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPerformanceConfigurationAcquireInfoINTEL(structure_type(VkPerformanceConfigurationAcquireInfoINTEL), unsafe_convert(Ptr{Cvoid}, next), type) _PerformanceConfigurationAcquireInfoINTEL(vks, deps) end """ Extension: VK\\_KHR\\_shader\\_clock Arguments: - `shader_subgroup_clock::Bool` - `shader_device_clock::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderClockFeaturesKHR.html) """ function _PhysicalDeviceShaderClockFeaturesKHR(shader_subgroup_clock::Bool, shader_device_clock::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderClockFeaturesKHR(structure_type(VkPhysicalDeviceShaderClockFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), shader_subgroup_clock, shader_device_clock) _PhysicalDeviceShaderClockFeaturesKHR(vks, deps) end """ Extension: VK\\_EXT\\_index\\_type\\_uint8 Arguments: - `index_type_uint_8::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceIndexTypeUint8FeaturesEXT.html) """ function _PhysicalDeviceIndexTypeUint8FeaturesEXT(index_type_uint_8::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceIndexTypeUint8FeaturesEXT(structure_type(VkPhysicalDeviceIndexTypeUint8FeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), index_type_uint_8) _PhysicalDeviceIndexTypeUint8FeaturesEXT(vks, deps) end """ Extension: VK\\_NV\\_shader\\_sm\\_builtins Arguments: - `shader_sm_count::UInt32` - `shader_warps_per_sm::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSMBuiltinsPropertiesNV.html) """ function _PhysicalDeviceShaderSMBuiltinsPropertiesNV(shader_sm_count::Integer, shader_warps_per_sm::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderSMBuiltinsPropertiesNV(structure_type(VkPhysicalDeviceShaderSMBuiltinsPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), shader_sm_count, shader_warps_per_sm) _PhysicalDeviceShaderSMBuiltinsPropertiesNV(vks, deps) end """ Extension: VK\\_NV\\_shader\\_sm\\_builtins Arguments: - `shader_sm_builtins::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSMBuiltinsFeaturesNV.html) """ function _PhysicalDeviceShaderSMBuiltinsFeaturesNV(shader_sm_builtins::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderSMBuiltinsFeaturesNV(structure_type(VkPhysicalDeviceShaderSMBuiltinsFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), shader_sm_builtins) _PhysicalDeviceShaderSMBuiltinsFeaturesNV(vks, deps) end """ Extension: VK\\_EXT\\_fragment\\_shader\\_interlock Arguments: - `fragment_shader_sample_interlock::Bool` - `fragment_shader_pixel_interlock::Bool` - `fragment_shader_shading_rate_interlock::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT.html) """ function _PhysicalDeviceFragmentShaderInterlockFeaturesEXT(fragment_shader_sample_interlock::Bool, fragment_shader_pixel_interlock::Bool, fragment_shader_shading_rate_interlock::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT(structure_type(VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), fragment_shader_sample_interlock, fragment_shader_pixel_interlock, fragment_shader_shading_rate_interlock) _PhysicalDeviceFragmentShaderInterlockFeaturesEXT(vks, deps) end """ Arguments: - `separate_depth_stencil_layouts::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures.html) """ function _PhysicalDeviceSeparateDepthStencilLayoutsFeatures(separate_depth_stencil_layouts::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures(structure_type(VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures), unsafe_convert(Ptr{Cvoid}, next), separate_depth_stencil_layouts) _PhysicalDeviceSeparateDepthStencilLayoutsFeatures(vks, deps) end """ Arguments: - `stencil_layout::ImageLayout` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentReferenceStencilLayout.html) """ function _AttachmentReferenceStencilLayout(stencil_layout::ImageLayout; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAttachmentReferenceStencilLayout(structure_type(VkAttachmentReferenceStencilLayout), unsafe_convert(Ptr{Cvoid}, next), stencil_layout) _AttachmentReferenceStencilLayout(vks, deps) end """ Extension: VK\\_EXT\\_primitive\\_topology\\_list\\_restart Arguments: - `primitive_topology_list_restart::Bool` - `primitive_topology_patch_list_restart::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT.html) """ function _PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT(primitive_topology_list_restart::Bool, primitive_topology_patch_list_restart::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT(structure_type(VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), primitive_topology_list_restart, primitive_topology_patch_list_restart) _PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT(vks, deps) end """ Arguments: - `stencil_initial_layout::ImageLayout` - `stencil_final_layout::ImageLayout` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentDescriptionStencilLayout.html) """ function _AttachmentDescriptionStencilLayout(stencil_initial_layout::ImageLayout, stencil_final_layout::ImageLayout; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAttachmentDescriptionStencilLayout(structure_type(VkAttachmentDescriptionStencilLayout), unsafe_convert(Ptr{Cvoid}, next), stencil_initial_layout, stencil_final_layout) _AttachmentDescriptionStencilLayout(vks, deps) end """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Arguments: - `pipeline_executable_info::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR.html) """ function _PhysicalDevicePipelineExecutablePropertiesFeaturesKHR(pipeline_executable_info::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR(structure_type(VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), pipeline_executable_info) _PhysicalDevicePipelineExecutablePropertiesFeaturesKHR(vks, deps) end """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Arguments: - `pipeline::Pipeline` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineInfoKHR.html) """ function _PipelineInfoKHR(pipeline; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineInfoKHR(structure_type(VkPipelineInfoKHR), unsafe_convert(Ptr{Cvoid}, next), pipeline) _PipelineInfoKHR(vks, deps, pipeline) end """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Arguments: - `stages::ShaderStageFlag` - `name::String` - `description::String` - `subgroup_size::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutablePropertiesKHR.html) """ function _PipelineExecutablePropertiesKHR(stages::ShaderStageFlag, name::AbstractString, description::AbstractString, subgroup_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineExecutablePropertiesKHR(structure_type(VkPipelineExecutablePropertiesKHR), unsafe_convert(Ptr{Cvoid}, next), stages, name, description, subgroup_size) _PipelineExecutablePropertiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Arguments: - `pipeline::Pipeline` - `executable_index::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableInfoKHR.html) """ function _PipelineExecutableInfoKHR(pipeline, executable_index::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineExecutableInfoKHR(structure_type(VkPipelineExecutableInfoKHR), unsafe_convert(Ptr{Cvoid}, next), pipeline, executable_index) _PipelineExecutableInfoKHR(vks, deps, pipeline) end """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Arguments: - `name::String` - `description::String` - `format::PipelineExecutableStatisticFormatKHR` - `value::_PipelineExecutableStatisticValueKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableStatisticKHR.html) """ function _PipelineExecutableStatisticKHR(name::AbstractString, description::AbstractString, format::PipelineExecutableStatisticFormatKHR, value::_PipelineExecutableStatisticValueKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineExecutableStatisticKHR(structure_type(VkPipelineExecutableStatisticKHR), unsafe_convert(Ptr{Cvoid}, next), name, description, format, value.vks) _PipelineExecutableStatisticKHR(vks, deps) end """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Arguments: - `name::String` - `description::String` - `is_text::Bool` - `data_size::UInt` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableInternalRepresentationKHR.html) """ function _PipelineExecutableInternalRepresentationKHR(name::AbstractString, description::AbstractString, is_text::Bool, data_size::Integer; next = C_NULL, data = C_NULL) next = cconvert(Ptr{Cvoid}, next) data = cconvert(Ptr{Cvoid}, data) deps = Any[next, data] vks = VkPipelineExecutableInternalRepresentationKHR(structure_type(VkPipelineExecutableInternalRepresentationKHR), unsafe_convert(Ptr{Cvoid}, next), name, description, is_text, data_size, unsafe_convert(Ptr{Cvoid}, data)) _PipelineExecutableInternalRepresentationKHR(vks, deps) end """ Arguments: - `shader_demote_to_helper_invocation::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures.html) """ function _PhysicalDeviceShaderDemoteToHelperInvocationFeatures(shader_demote_to_helper_invocation::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures(structure_type(VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures), unsafe_convert(Ptr{Cvoid}, next), shader_demote_to_helper_invocation) _PhysicalDeviceShaderDemoteToHelperInvocationFeatures(vks, deps) end """ Extension: VK\\_EXT\\_texel\\_buffer\\_alignment Arguments: - `texel_buffer_alignment::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT.html) """ function _PhysicalDeviceTexelBufferAlignmentFeaturesEXT(texel_buffer_alignment::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT(structure_type(VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), texel_buffer_alignment) _PhysicalDeviceTexelBufferAlignmentFeaturesEXT(vks, deps) end """ Arguments: - `storage_texel_buffer_offset_alignment_bytes::UInt64` - `storage_texel_buffer_offset_single_texel_alignment::Bool` - `uniform_texel_buffer_offset_alignment_bytes::UInt64` - `uniform_texel_buffer_offset_single_texel_alignment::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTexelBufferAlignmentProperties.html) """ function _PhysicalDeviceTexelBufferAlignmentProperties(storage_texel_buffer_offset_alignment_bytes::Integer, storage_texel_buffer_offset_single_texel_alignment::Bool, uniform_texel_buffer_offset_alignment_bytes::Integer, uniform_texel_buffer_offset_single_texel_alignment::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceTexelBufferAlignmentProperties(structure_type(VkPhysicalDeviceTexelBufferAlignmentProperties), unsafe_convert(Ptr{Cvoid}, next), storage_texel_buffer_offset_alignment_bytes, storage_texel_buffer_offset_single_texel_alignment, uniform_texel_buffer_offset_alignment_bytes, uniform_texel_buffer_offset_single_texel_alignment) _PhysicalDeviceTexelBufferAlignmentProperties(vks, deps) end """ Arguments: - `subgroup_size_control::Bool` - `compute_full_subgroups::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubgroupSizeControlFeatures.html) """ function _PhysicalDeviceSubgroupSizeControlFeatures(subgroup_size_control::Bool, compute_full_subgroups::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSubgroupSizeControlFeatures(structure_type(VkPhysicalDeviceSubgroupSizeControlFeatures), unsafe_convert(Ptr{Cvoid}, next), subgroup_size_control, compute_full_subgroups) _PhysicalDeviceSubgroupSizeControlFeatures(vks, deps) end """ Arguments: - `min_subgroup_size::UInt32` - `max_subgroup_size::UInt32` - `max_compute_workgroup_subgroups::UInt32` - `required_subgroup_size_stages::ShaderStageFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubgroupSizeControlProperties.html) """ function _PhysicalDeviceSubgroupSizeControlProperties(min_subgroup_size::Integer, max_subgroup_size::Integer, max_compute_workgroup_subgroups::Integer, required_subgroup_size_stages::ShaderStageFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSubgroupSizeControlProperties(structure_type(VkPhysicalDeviceSubgroupSizeControlProperties), unsafe_convert(Ptr{Cvoid}, next), min_subgroup_size, max_subgroup_size, max_compute_workgroup_subgroups, required_subgroup_size_stages) _PhysicalDeviceSubgroupSizeControlProperties(vks, deps) end """ Arguments: - `required_subgroup_size::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineShaderStageRequiredSubgroupSizeCreateInfo.html) """ function _PipelineShaderStageRequiredSubgroupSizeCreateInfo(required_subgroup_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineShaderStageRequiredSubgroupSizeCreateInfo(structure_type(VkPipelineShaderStageRequiredSubgroupSizeCreateInfo), unsafe_convert(Ptr{Cvoid}, next), required_subgroup_size) _PipelineShaderStageRequiredSubgroupSizeCreateInfo(vks, deps) end """ Extension: VK\\_HUAWEI\\_subpass\\_shading Arguments: - `render_pass::RenderPass` - `subpass::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassShadingPipelineCreateInfoHUAWEI.html) """ function _SubpassShadingPipelineCreateInfoHUAWEI(render_pass, subpass::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSubpassShadingPipelineCreateInfoHUAWEI(structure_type(VkSubpassShadingPipelineCreateInfoHUAWEI), unsafe_convert(Ptr{Cvoid}, next), render_pass, subpass) _SubpassShadingPipelineCreateInfoHUAWEI(vks, deps, render_pass) end """ Extension: VK\\_HUAWEI\\_subpass\\_shading Arguments: - `max_subpass_shading_workgroup_size_aspect_ratio::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubpassShadingPropertiesHUAWEI.html) """ function _PhysicalDeviceSubpassShadingPropertiesHUAWEI(max_subpass_shading_workgroup_size_aspect_ratio::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSubpassShadingPropertiesHUAWEI(structure_type(VkPhysicalDeviceSubpassShadingPropertiesHUAWEI), unsafe_convert(Ptr{Cvoid}, next), max_subpass_shading_workgroup_size_aspect_ratio) _PhysicalDeviceSubpassShadingPropertiesHUAWEI(vks, deps) end """ Extension: VK\\_HUAWEI\\_cluster\\_culling\\_shader Arguments: - `max_work_group_count::NTuple{3, UInt32}` - `max_work_group_size::NTuple{3, UInt32}` - `max_output_cluster_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI.html) """ function _PhysicalDeviceClusterCullingShaderPropertiesHUAWEI(max_work_group_count::NTuple{3, UInt32}, max_work_group_size::NTuple{3, UInt32}, max_output_cluster_count::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI(structure_type(VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI), unsafe_convert(Ptr{Cvoid}, next), max_work_group_count, max_work_group_size, max_output_cluster_count) _PhysicalDeviceClusterCullingShaderPropertiesHUAWEI(vks, deps) end """ Arguments: - `opaque_capture_address::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryOpaqueCaptureAddressAllocateInfo.html) """ function _MemoryOpaqueCaptureAddressAllocateInfo(opaque_capture_address::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryOpaqueCaptureAddressAllocateInfo(structure_type(VkMemoryOpaqueCaptureAddressAllocateInfo), unsafe_convert(Ptr{Cvoid}, next), opaque_capture_address) _MemoryOpaqueCaptureAddressAllocateInfo(vks, deps) end """ Arguments: - `memory::DeviceMemory` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceMemoryOpaqueCaptureAddressInfo.html) """ function _DeviceMemoryOpaqueCaptureAddressInfo(memory; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceMemoryOpaqueCaptureAddressInfo(structure_type(VkDeviceMemoryOpaqueCaptureAddressInfo), unsafe_convert(Ptr{Cvoid}, next), memory) _DeviceMemoryOpaqueCaptureAddressInfo(vks, deps, memory) end """ Extension: VK\\_EXT\\_line\\_rasterization Arguments: - `rectangular_lines::Bool` - `bresenham_lines::Bool` - `smooth_lines::Bool` - `stippled_rectangular_lines::Bool` - `stippled_bresenham_lines::Bool` - `stippled_smooth_lines::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLineRasterizationFeaturesEXT.html) """ function _PhysicalDeviceLineRasterizationFeaturesEXT(rectangular_lines::Bool, bresenham_lines::Bool, smooth_lines::Bool, stippled_rectangular_lines::Bool, stippled_bresenham_lines::Bool, stippled_smooth_lines::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceLineRasterizationFeaturesEXT(structure_type(VkPhysicalDeviceLineRasterizationFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), rectangular_lines, bresenham_lines, smooth_lines, stippled_rectangular_lines, stippled_bresenham_lines, stippled_smooth_lines) _PhysicalDeviceLineRasterizationFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_line\\_rasterization Arguments: - `line_sub_pixel_precision_bits::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLineRasterizationPropertiesEXT.html) """ function _PhysicalDeviceLineRasterizationPropertiesEXT(line_sub_pixel_precision_bits::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceLineRasterizationPropertiesEXT(structure_type(VkPhysicalDeviceLineRasterizationPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), line_sub_pixel_precision_bits) _PhysicalDeviceLineRasterizationPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_line\\_rasterization Arguments: - `line_rasterization_mode::LineRasterizationModeEXT` - `stippled_line_enable::Bool` - `line_stipple_factor::UInt32` - `line_stipple_pattern::UInt16` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationLineStateCreateInfoEXT.html) """ function _PipelineRasterizationLineStateCreateInfoEXT(line_rasterization_mode::LineRasterizationModeEXT, stippled_line_enable::Bool, line_stipple_factor::Integer, line_stipple_pattern::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineRasterizationLineStateCreateInfoEXT(structure_type(VkPipelineRasterizationLineStateCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), line_rasterization_mode, stippled_line_enable, line_stipple_factor, line_stipple_pattern) _PipelineRasterizationLineStateCreateInfoEXT(vks, deps) end """ Arguments: - `pipeline_creation_cache_control::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineCreationCacheControlFeatures.html) """ function _PhysicalDevicePipelineCreationCacheControlFeatures(pipeline_creation_cache_control::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePipelineCreationCacheControlFeatures(structure_type(VkPhysicalDevicePipelineCreationCacheControlFeatures), unsafe_convert(Ptr{Cvoid}, next), pipeline_creation_cache_control) _PhysicalDevicePipelineCreationCacheControlFeatures(vks, deps) end """ Arguments: - `storage_buffer_16_bit_access::Bool` - `uniform_and_storage_buffer_16_bit_access::Bool` - `storage_push_constant_16::Bool` - `storage_input_output_16::Bool` - `multiview::Bool` - `multiview_geometry_shader::Bool` - `multiview_tessellation_shader::Bool` - `variable_pointers_storage_buffer::Bool` - `variable_pointers::Bool` - `protected_memory::Bool` - `sampler_ycbcr_conversion::Bool` - `shader_draw_parameters::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan11Features.html) """ function _PhysicalDeviceVulkan11Features(storage_buffer_16_bit_access::Bool, uniform_and_storage_buffer_16_bit_access::Bool, storage_push_constant_16::Bool, storage_input_output_16::Bool, multiview::Bool, multiview_geometry_shader::Bool, multiview_tessellation_shader::Bool, variable_pointers_storage_buffer::Bool, variable_pointers::Bool, protected_memory::Bool, sampler_ycbcr_conversion::Bool, shader_draw_parameters::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceVulkan11Features(structure_type(VkPhysicalDeviceVulkan11Features), unsafe_convert(Ptr{Cvoid}, next), storage_buffer_16_bit_access, uniform_and_storage_buffer_16_bit_access, storage_push_constant_16, storage_input_output_16, multiview, multiview_geometry_shader, multiview_tessellation_shader, variable_pointers_storage_buffer, variable_pointers, protected_memory, sampler_ycbcr_conversion, shader_draw_parameters) _PhysicalDeviceVulkan11Features(vks, deps) end """ Arguments: - `device_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `driver_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `device_luid::NTuple{Int(VK_LUID_SIZE), UInt8}` - `device_node_mask::UInt32` - `device_luid_valid::Bool` - `subgroup_size::UInt32` - `subgroup_supported_stages::ShaderStageFlag` - `subgroup_supported_operations::SubgroupFeatureFlag` - `subgroup_quad_operations_in_all_stages::Bool` - `point_clipping_behavior::PointClippingBehavior` - `max_multiview_view_count::UInt32` - `max_multiview_instance_index::UInt32` - `protected_no_fault::Bool` - `max_per_set_descriptors::UInt32` - `max_memory_allocation_size::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan11Properties.html) """ function _PhysicalDeviceVulkan11Properties(device_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}, driver_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}, device_luid::NTuple{Int(VK_LUID_SIZE), UInt8}, device_node_mask::Integer, device_luid_valid::Bool, subgroup_size::Integer, subgroup_supported_stages::ShaderStageFlag, subgroup_supported_operations::SubgroupFeatureFlag, subgroup_quad_operations_in_all_stages::Bool, point_clipping_behavior::PointClippingBehavior, max_multiview_view_count::Integer, max_multiview_instance_index::Integer, protected_no_fault::Bool, max_per_set_descriptors::Integer, max_memory_allocation_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceVulkan11Properties(structure_type(VkPhysicalDeviceVulkan11Properties), unsafe_convert(Ptr{Cvoid}, next), device_uuid, driver_uuid, device_luid, device_node_mask, device_luid_valid, subgroup_size, subgroup_supported_stages, subgroup_supported_operations, subgroup_quad_operations_in_all_stages, point_clipping_behavior, max_multiview_view_count, max_multiview_instance_index, protected_no_fault, max_per_set_descriptors, max_memory_allocation_size) _PhysicalDeviceVulkan11Properties(vks, deps) end """ Arguments: - `sampler_mirror_clamp_to_edge::Bool` - `draw_indirect_count::Bool` - `storage_buffer_8_bit_access::Bool` - `uniform_and_storage_buffer_8_bit_access::Bool` - `storage_push_constant_8::Bool` - `shader_buffer_int_64_atomics::Bool` - `shader_shared_int_64_atomics::Bool` - `shader_float_16::Bool` - `shader_int_8::Bool` - `descriptor_indexing::Bool` - `shader_input_attachment_array_dynamic_indexing::Bool` - `shader_uniform_texel_buffer_array_dynamic_indexing::Bool` - `shader_storage_texel_buffer_array_dynamic_indexing::Bool` - `shader_uniform_buffer_array_non_uniform_indexing::Bool` - `shader_sampled_image_array_non_uniform_indexing::Bool` - `shader_storage_buffer_array_non_uniform_indexing::Bool` - `shader_storage_image_array_non_uniform_indexing::Bool` - `shader_input_attachment_array_non_uniform_indexing::Bool` - `shader_uniform_texel_buffer_array_non_uniform_indexing::Bool` - `shader_storage_texel_buffer_array_non_uniform_indexing::Bool` - `descriptor_binding_uniform_buffer_update_after_bind::Bool` - `descriptor_binding_sampled_image_update_after_bind::Bool` - `descriptor_binding_storage_image_update_after_bind::Bool` - `descriptor_binding_storage_buffer_update_after_bind::Bool` - `descriptor_binding_uniform_texel_buffer_update_after_bind::Bool` - `descriptor_binding_storage_texel_buffer_update_after_bind::Bool` - `descriptor_binding_update_unused_while_pending::Bool` - `descriptor_binding_partially_bound::Bool` - `descriptor_binding_variable_descriptor_count::Bool` - `runtime_descriptor_array::Bool` - `sampler_filter_minmax::Bool` - `scalar_block_layout::Bool` - `imageless_framebuffer::Bool` - `uniform_buffer_standard_layout::Bool` - `shader_subgroup_extended_types::Bool` - `separate_depth_stencil_layouts::Bool` - `host_query_reset::Bool` - `timeline_semaphore::Bool` - `buffer_device_address::Bool` - `buffer_device_address_capture_replay::Bool` - `buffer_device_address_multi_device::Bool` - `vulkan_memory_model::Bool` - `vulkan_memory_model_device_scope::Bool` - `vulkan_memory_model_availability_visibility_chains::Bool` - `shader_output_viewport_index::Bool` - `shader_output_layer::Bool` - `subgroup_broadcast_dynamic_id::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan12Features.html) """ function _PhysicalDeviceVulkan12Features(sampler_mirror_clamp_to_edge::Bool, draw_indirect_count::Bool, storage_buffer_8_bit_access::Bool, uniform_and_storage_buffer_8_bit_access::Bool, storage_push_constant_8::Bool, shader_buffer_int_64_atomics::Bool, shader_shared_int_64_atomics::Bool, shader_float_16::Bool, shader_int_8::Bool, descriptor_indexing::Bool, shader_input_attachment_array_dynamic_indexing::Bool, shader_uniform_texel_buffer_array_dynamic_indexing::Bool, shader_storage_texel_buffer_array_dynamic_indexing::Bool, shader_uniform_buffer_array_non_uniform_indexing::Bool, shader_sampled_image_array_non_uniform_indexing::Bool, shader_storage_buffer_array_non_uniform_indexing::Bool, shader_storage_image_array_non_uniform_indexing::Bool, shader_input_attachment_array_non_uniform_indexing::Bool, shader_uniform_texel_buffer_array_non_uniform_indexing::Bool, shader_storage_texel_buffer_array_non_uniform_indexing::Bool, descriptor_binding_uniform_buffer_update_after_bind::Bool, descriptor_binding_sampled_image_update_after_bind::Bool, descriptor_binding_storage_image_update_after_bind::Bool, descriptor_binding_storage_buffer_update_after_bind::Bool, descriptor_binding_uniform_texel_buffer_update_after_bind::Bool, descriptor_binding_storage_texel_buffer_update_after_bind::Bool, descriptor_binding_update_unused_while_pending::Bool, descriptor_binding_partially_bound::Bool, descriptor_binding_variable_descriptor_count::Bool, runtime_descriptor_array::Bool, sampler_filter_minmax::Bool, scalar_block_layout::Bool, imageless_framebuffer::Bool, uniform_buffer_standard_layout::Bool, shader_subgroup_extended_types::Bool, separate_depth_stencil_layouts::Bool, host_query_reset::Bool, timeline_semaphore::Bool, buffer_device_address::Bool, buffer_device_address_capture_replay::Bool, buffer_device_address_multi_device::Bool, vulkan_memory_model::Bool, vulkan_memory_model_device_scope::Bool, vulkan_memory_model_availability_visibility_chains::Bool, shader_output_viewport_index::Bool, shader_output_layer::Bool, subgroup_broadcast_dynamic_id::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceVulkan12Features(structure_type(VkPhysicalDeviceVulkan12Features), unsafe_convert(Ptr{Cvoid}, next), sampler_mirror_clamp_to_edge, draw_indirect_count, storage_buffer_8_bit_access, uniform_and_storage_buffer_8_bit_access, storage_push_constant_8, shader_buffer_int_64_atomics, shader_shared_int_64_atomics, shader_float_16, shader_int_8, descriptor_indexing, shader_input_attachment_array_dynamic_indexing, shader_uniform_texel_buffer_array_dynamic_indexing, shader_storage_texel_buffer_array_dynamic_indexing, shader_uniform_buffer_array_non_uniform_indexing, shader_sampled_image_array_non_uniform_indexing, shader_storage_buffer_array_non_uniform_indexing, shader_storage_image_array_non_uniform_indexing, shader_input_attachment_array_non_uniform_indexing, shader_uniform_texel_buffer_array_non_uniform_indexing, shader_storage_texel_buffer_array_non_uniform_indexing, descriptor_binding_uniform_buffer_update_after_bind, descriptor_binding_sampled_image_update_after_bind, descriptor_binding_storage_image_update_after_bind, descriptor_binding_storage_buffer_update_after_bind, descriptor_binding_uniform_texel_buffer_update_after_bind, descriptor_binding_storage_texel_buffer_update_after_bind, descriptor_binding_update_unused_while_pending, descriptor_binding_partially_bound, descriptor_binding_variable_descriptor_count, runtime_descriptor_array, sampler_filter_minmax, scalar_block_layout, imageless_framebuffer, uniform_buffer_standard_layout, shader_subgroup_extended_types, separate_depth_stencil_layouts, host_query_reset, timeline_semaphore, buffer_device_address, buffer_device_address_capture_replay, buffer_device_address_multi_device, vulkan_memory_model, vulkan_memory_model_device_scope, vulkan_memory_model_availability_visibility_chains, shader_output_viewport_index, shader_output_layer, subgroup_broadcast_dynamic_id) _PhysicalDeviceVulkan12Features(vks, deps) end """ Arguments: - `driver_id::DriverId` - `driver_name::String` - `driver_info::String` - `conformance_version::_ConformanceVersion` - `denorm_behavior_independence::ShaderFloatControlsIndependence` - `rounding_mode_independence::ShaderFloatControlsIndependence` - `shader_signed_zero_inf_nan_preserve_float_16::Bool` - `shader_signed_zero_inf_nan_preserve_float_32::Bool` - `shader_signed_zero_inf_nan_preserve_float_64::Bool` - `shader_denorm_preserve_float_16::Bool` - `shader_denorm_preserve_float_32::Bool` - `shader_denorm_preserve_float_64::Bool` - `shader_denorm_flush_to_zero_float_16::Bool` - `shader_denorm_flush_to_zero_float_32::Bool` - `shader_denorm_flush_to_zero_float_64::Bool` - `shader_rounding_mode_rte_float_16::Bool` - `shader_rounding_mode_rte_float_32::Bool` - `shader_rounding_mode_rte_float_64::Bool` - `shader_rounding_mode_rtz_float_16::Bool` - `shader_rounding_mode_rtz_float_32::Bool` - `shader_rounding_mode_rtz_float_64::Bool` - `max_update_after_bind_descriptors_in_all_pools::UInt32` - `shader_uniform_buffer_array_non_uniform_indexing_native::Bool` - `shader_sampled_image_array_non_uniform_indexing_native::Bool` - `shader_storage_buffer_array_non_uniform_indexing_native::Bool` - `shader_storage_image_array_non_uniform_indexing_native::Bool` - `shader_input_attachment_array_non_uniform_indexing_native::Bool` - `robust_buffer_access_update_after_bind::Bool` - `quad_divergent_implicit_lod::Bool` - `max_per_stage_descriptor_update_after_bind_samplers::UInt32` - `max_per_stage_descriptor_update_after_bind_uniform_buffers::UInt32` - `max_per_stage_descriptor_update_after_bind_storage_buffers::UInt32` - `max_per_stage_descriptor_update_after_bind_sampled_images::UInt32` - `max_per_stage_descriptor_update_after_bind_storage_images::UInt32` - `max_per_stage_descriptor_update_after_bind_input_attachments::UInt32` - `max_per_stage_update_after_bind_resources::UInt32` - `max_descriptor_set_update_after_bind_samplers::UInt32` - `max_descriptor_set_update_after_bind_uniform_buffers::UInt32` - `max_descriptor_set_update_after_bind_uniform_buffers_dynamic::UInt32` - `max_descriptor_set_update_after_bind_storage_buffers::UInt32` - `max_descriptor_set_update_after_bind_storage_buffers_dynamic::UInt32` - `max_descriptor_set_update_after_bind_sampled_images::UInt32` - `max_descriptor_set_update_after_bind_storage_images::UInt32` - `max_descriptor_set_update_after_bind_input_attachments::UInt32` - `supported_depth_resolve_modes::ResolveModeFlag` - `supported_stencil_resolve_modes::ResolveModeFlag` - `independent_resolve_none::Bool` - `independent_resolve::Bool` - `filter_minmax_single_component_formats::Bool` - `filter_minmax_image_component_mapping::Bool` - `max_timeline_semaphore_value_difference::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `framebuffer_integer_color_sample_counts::SampleCountFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan12Properties.html) """ function _PhysicalDeviceVulkan12Properties(driver_id::DriverId, driver_name::AbstractString, driver_info::AbstractString, conformance_version::_ConformanceVersion, denorm_behavior_independence::ShaderFloatControlsIndependence, rounding_mode_independence::ShaderFloatControlsIndependence, shader_signed_zero_inf_nan_preserve_float_16::Bool, shader_signed_zero_inf_nan_preserve_float_32::Bool, shader_signed_zero_inf_nan_preserve_float_64::Bool, shader_denorm_preserve_float_16::Bool, shader_denorm_preserve_float_32::Bool, shader_denorm_preserve_float_64::Bool, shader_denorm_flush_to_zero_float_16::Bool, shader_denorm_flush_to_zero_float_32::Bool, shader_denorm_flush_to_zero_float_64::Bool, shader_rounding_mode_rte_float_16::Bool, shader_rounding_mode_rte_float_32::Bool, shader_rounding_mode_rte_float_64::Bool, shader_rounding_mode_rtz_float_16::Bool, shader_rounding_mode_rtz_float_32::Bool, shader_rounding_mode_rtz_float_64::Bool, max_update_after_bind_descriptors_in_all_pools::Integer, shader_uniform_buffer_array_non_uniform_indexing_native::Bool, shader_sampled_image_array_non_uniform_indexing_native::Bool, shader_storage_buffer_array_non_uniform_indexing_native::Bool, shader_storage_image_array_non_uniform_indexing_native::Bool, shader_input_attachment_array_non_uniform_indexing_native::Bool, robust_buffer_access_update_after_bind::Bool, quad_divergent_implicit_lod::Bool, max_per_stage_descriptor_update_after_bind_samplers::Integer, max_per_stage_descriptor_update_after_bind_uniform_buffers::Integer, max_per_stage_descriptor_update_after_bind_storage_buffers::Integer, max_per_stage_descriptor_update_after_bind_sampled_images::Integer, max_per_stage_descriptor_update_after_bind_storage_images::Integer, max_per_stage_descriptor_update_after_bind_input_attachments::Integer, max_per_stage_update_after_bind_resources::Integer, max_descriptor_set_update_after_bind_samplers::Integer, max_descriptor_set_update_after_bind_uniform_buffers::Integer, max_descriptor_set_update_after_bind_uniform_buffers_dynamic::Integer, max_descriptor_set_update_after_bind_storage_buffers::Integer, max_descriptor_set_update_after_bind_storage_buffers_dynamic::Integer, max_descriptor_set_update_after_bind_sampled_images::Integer, max_descriptor_set_update_after_bind_storage_images::Integer, max_descriptor_set_update_after_bind_input_attachments::Integer, supported_depth_resolve_modes::ResolveModeFlag, supported_stencil_resolve_modes::ResolveModeFlag, independent_resolve_none::Bool, independent_resolve::Bool, filter_minmax_single_component_formats::Bool, filter_minmax_image_component_mapping::Bool, max_timeline_semaphore_value_difference::Integer; next = C_NULL, framebuffer_integer_color_sample_counts = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceVulkan12Properties(structure_type(VkPhysicalDeviceVulkan12Properties), unsafe_convert(Ptr{Cvoid}, next), driver_id, driver_name, driver_info, conformance_version.vks, denorm_behavior_independence, rounding_mode_independence, shader_signed_zero_inf_nan_preserve_float_16, shader_signed_zero_inf_nan_preserve_float_32, shader_signed_zero_inf_nan_preserve_float_64, shader_denorm_preserve_float_16, shader_denorm_preserve_float_32, shader_denorm_preserve_float_64, shader_denorm_flush_to_zero_float_16, shader_denorm_flush_to_zero_float_32, shader_denorm_flush_to_zero_float_64, shader_rounding_mode_rte_float_16, shader_rounding_mode_rte_float_32, shader_rounding_mode_rte_float_64, shader_rounding_mode_rtz_float_16, shader_rounding_mode_rtz_float_32, shader_rounding_mode_rtz_float_64, max_update_after_bind_descriptors_in_all_pools, shader_uniform_buffer_array_non_uniform_indexing_native, shader_sampled_image_array_non_uniform_indexing_native, shader_storage_buffer_array_non_uniform_indexing_native, shader_storage_image_array_non_uniform_indexing_native, shader_input_attachment_array_non_uniform_indexing_native, robust_buffer_access_update_after_bind, quad_divergent_implicit_lod, max_per_stage_descriptor_update_after_bind_samplers, max_per_stage_descriptor_update_after_bind_uniform_buffers, max_per_stage_descriptor_update_after_bind_storage_buffers, max_per_stage_descriptor_update_after_bind_sampled_images, max_per_stage_descriptor_update_after_bind_storage_images, max_per_stage_descriptor_update_after_bind_input_attachments, max_per_stage_update_after_bind_resources, max_descriptor_set_update_after_bind_samplers, max_descriptor_set_update_after_bind_uniform_buffers, max_descriptor_set_update_after_bind_uniform_buffers_dynamic, max_descriptor_set_update_after_bind_storage_buffers, max_descriptor_set_update_after_bind_storage_buffers_dynamic, max_descriptor_set_update_after_bind_sampled_images, max_descriptor_set_update_after_bind_storage_images, max_descriptor_set_update_after_bind_input_attachments, supported_depth_resolve_modes, supported_stencil_resolve_modes, independent_resolve_none, independent_resolve, filter_minmax_single_component_formats, filter_minmax_image_component_mapping, max_timeline_semaphore_value_difference, framebuffer_integer_color_sample_counts) _PhysicalDeviceVulkan12Properties(vks, deps) end """ Arguments: - `robust_image_access::Bool` - `inline_uniform_block::Bool` - `descriptor_binding_inline_uniform_block_update_after_bind::Bool` - `pipeline_creation_cache_control::Bool` - `private_data::Bool` - `shader_demote_to_helper_invocation::Bool` - `shader_terminate_invocation::Bool` - `subgroup_size_control::Bool` - `compute_full_subgroups::Bool` - `synchronization2::Bool` - `texture_compression_astc_hdr::Bool` - `shader_zero_initialize_workgroup_memory::Bool` - `dynamic_rendering::Bool` - `shader_integer_dot_product::Bool` - `maintenance4::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan13Features.html) """ function _PhysicalDeviceVulkan13Features(robust_image_access::Bool, inline_uniform_block::Bool, descriptor_binding_inline_uniform_block_update_after_bind::Bool, pipeline_creation_cache_control::Bool, private_data::Bool, shader_demote_to_helper_invocation::Bool, shader_terminate_invocation::Bool, subgroup_size_control::Bool, compute_full_subgroups::Bool, synchronization2::Bool, texture_compression_astc_hdr::Bool, shader_zero_initialize_workgroup_memory::Bool, dynamic_rendering::Bool, shader_integer_dot_product::Bool, maintenance4::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceVulkan13Features(structure_type(VkPhysicalDeviceVulkan13Features), unsafe_convert(Ptr{Cvoid}, next), robust_image_access, inline_uniform_block, descriptor_binding_inline_uniform_block_update_after_bind, pipeline_creation_cache_control, private_data, shader_demote_to_helper_invocation, shader_terminate_invocation, subgroup_size_control, compute_full_subgroups, synchronization2, texture_compression_astc_hdr, shader_zero_initialize_workgroup_memory, dynamic_rendering, shader_integer_dot_product, maintenance4) _PhysicalDeviceVulkan13Features(vks, deps) end """ Arguments: - `min_subgroup_size::UInt32` - `max_subgroup_size::UInt32` - `max_compute_workgroup_subgroups::UInt32` - `required_subgroup_size_stages::ShaderStageFlag` - `max_inline_uniform_block_size::UInt32` - `max_per_stage_descriptor_inline_uniform_blocks::UInt32` - `max_per_stage_descriptor_update_after_bind_inline_uniform_blocks::UInt32` - `max_descriptor_set_inline_uniform_blocks::UInt32` - `max_descriptor_set_update_after_bind_inline_uniform_blocks::UInt32` - `max_inline_uniform_total_size::UInt32` - `integer_dot_product_8_bit_unsigned_accelerated::Bool` - `integer_dot_product_8_bit_signed_accelerated::Bool` - `integer_dot_product_8_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_8_bit_packed_unsigned_accelerated::Bool` - `integer_dot_product_8_bit_packed_signed_accelerated::Bool` - `integer_dot_product_8_bit_packed_mixed_signedness_accelerated::Bool` - `integer_dot_product_16_bit_unsigned_accelerated::Bool` - `integer_dot_product_16_bit_signed_accelerated::Bool` - `integer_dot_product_16_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_32_bit_unsigned_accelerated::Bool` - `integer_dot_product_32_bit_signed_accelerated::Bool` - `integer_dot_product_32_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_64_bit_unsigned_accelerated::Bool` - `integer_dot_product_64_bit_signed_accelerated::Bool` - `integer_dot_product_64_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_16_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_32_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_64_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated::Bool` - `storage_texel_buffer_offset_alignment_bytes::UInt64` - `storage_texel_buffer_offset_single_texel_alignment::Bool` - `uniform_texel_buffer_offset_alignment_bytes::UInt64` - `uniform_texel_buffer_offset_single_texel_alignment::Bool` - `max_buffer_size::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan13Properties.html) """ function _PhysicalDeviceVulkan13Properties(min_subgroup_size::Integer, max_subgroup_size::Integer, max_compute_workgroup_subgroups::Integer, required_subgroup_size_stages::ShaderStageFlag, max_inline_uniform_block_size::Integer, max_per_stage_descriptor_inline_uniform_blocks::Integer, max_per_stage_descriptor_update_after_bind_inline_uniform_blocks::Integer, max_descriptor_set_inline_uniform_blocks::Integer, max_descriptor_set_update_after_bind_inline_uniform_blocks::Integer, max_inline_uniform_total_size::Integer, integer_dot_product_8_bit_unsigned_accelerated::Bool, integer_dot_product_8_bit_signed_accelerated::Bool, integer_dot_product_8_bit_mixed_signedness_accelerated::Bool, integer_dot_product_8_bit_packed_unsigned_accelerated::Bool, integer_dot_product_8_bit_packed_signed_accelerated::Bool, integer_dot_product_8_bit_packed_mixed_signedness_accelerated::Bool, integer_dot_product_16_bit_unsigned_accelerated::Bool, integer_dot_product_16_bit_signed_accelerated::Bool, integer_dot_product_16_bit_mixed_signedness_accelerated::Bool, integer_dot_product_32_bit_unsigned_accelerated::Bool, integer_dot_product_32_bit_signed_accelerated::Bool, integer_dot_product_32_bit_mixed_signedness_accelerated::Bool, integer_dot_product_64_bit_unsigned_accelerated::Bool, integer_dot_product_64_bit_signed_accelerated::Bool, integer_dot_product_64_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_16_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_32_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_64_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated::Bool, storage_texel_buffer_offset_alignment_bytes::Integer, storage_texel_buffer_offset_single_texel_alignment::Bool, uniform_texel_buffer_offset_alignment_bytes::Integer, uniform_texel_buffer_offset_single_texel_alignment::Bool, max_buffer_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceVulkan13Properties(structure_type(VkPhysicalDeviceVulkan13Properties), unsafe_convert(Ptr{Cvoid}, next), min_subgroup_size, max_subgroup_size, max_compute_workgroup_subgroups, required_subgroup_size_stages, max_inline_uniform_block_size, max_per_stage_descriptor_inline_uniform_blocks, max_per_stage_descriptor_update_after_bind_inline_uniform_blocks, max_descriptor_set_inline_uniform_blocks, max_descriptor_set_update_after_bind_inline_uniform_blocks, max_inline_uniform_total_size, integer_dot_product_8_bit_unsigned_accelerated, integer_dot_product_8_bit_signed_accelerated, integer_dot_product_8_bit_mixed_signedness_accelerated, integer_dot_product_8_bit_packed_unsigned_accelerated, integer_dot_product_8_bit_packed_signed_accelerated, integer_dot_product_8_bit_packed_mixed_signedness_accelerated, integer_dot_product_16_bit_unsigned_accelerated, integer_dot_product_16_bit_signed_accelerated, integer_dot_product_16_bit_mixed_signedness_accelerated, integer_dot_product_32_bit_unsigned_accelerated, integer_dot_product_32_bit_signed_accelerated, integer_dot_product_32_bit_mixed_signedness_accelerated, integer_dot_product_64_bit_unsigned_accelerated, integer_dot_product_64_bit_signed_accelerated, integer_dot_product_64_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_8_bit_signed_accelerated, integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated, integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated, integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_16_bit_signed_accelerated, integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_32_bit_signed_accelerated, integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_64_bit_signed_accelerated, integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated, storage_texel_buffer_offset_alignment_bytes, storage_texel_buffer_offset_single_texel_alignment, uniform_texel_buffer_offset_alignment_bytes, uniform_texel_buffer_offset_single_texel_alignment, max_buffer_size) _PhysicalDeviceVulkan13Properties(vks, deps) end """ Extension: VK\\_AMD\\_pipeline\\_compiler\\_control Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `compiler_control_flags::PipelineCompilerControlFlagAMD`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCompilerControlCreateInfoAMD.html) """ function _PipelineCompilerControlCreateInfoAMD(; next = C_NULL, compiler_control_flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineCompilerControlCreateInfoAMD(structure_type(VkPipelineCompilerControlCreateInfoAMD), unsafe_convert(Ptr{Cvoid}, next), compiler_control_flags) _PipelineCompilerControlCreateInfoAMD(vks, deps) end """ Extension: VK\\_AMD\\_device\\_coherent\\_memory Arguments: - `device_coherent_memory::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCoherentMemoryFeaturesAMD.html) """ function _PhysicalDeviceCoherentMemoryFeaturesAMD(device_coherent_memory::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceCoherentMemoryFeaturesAMD(structure_type(VkPhysicalDeviceCoherentMemoryFeaturesAMD), unsafe_convert(Ptr{Cvoid}, next), device_coherent_memory) _PhysicalDeviceCoherentMemoryFeaturesAMD(vks, deps) end """ Arguments: - `name::String` - `version::String` - `purposes::ToolPurposeFlag` - `description::String` - `layer::String` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceToolProperties.html) """ function _PhysicalDeviceToolProperties(name::AbstractString, version::AbstractString, purposes::ToolPurposeFlag, description::AbstractString, layer::AbstractString; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceToolProperties(structure_type(VkPhysicalDeviceToolProperties), unsafe_convert(Ptr{Cvoid}, next), name, version, purposes, description, layer) _PhysicalDeviceToolProperties(vks, deps) end """ Extension: VK\\_EXT\\_custom\\_border\\_color Arguments: - `custom_border_color::_ClearColorValue` - `format::Format` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerCustomBorderColorCreateInfoEXT.html) """ function _SamplerCustomBorderColorCreateInfoEXT(custom_border_color::_ClearColorValue, format::Format; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSamplerCustomBorderColorCreateInfoEXT(structure_type(VkSamplerCustomBorderColorCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), custom_border_color.vks, format) _SamplerCustomBorderColorCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_custom\\_border\\_color Arguments: - `max_custom_border_color_samplers::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCustomBorderColorPropertiesEXT.html) """ function _PhysicalDeviceCustomBorderColorPropertiesEXT(max_custom_border_color_samplers::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceCustomBorderColorPropertiesEXT(structure_type(VkPhysicalDeviceCustomBorderColorPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), max_custom_border_color_samplers) _PhysicalDeviceCustomBorderColorPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_custom\\_border\\_color Arguments: - `custom_border_colors::Bool` - `custom_border_color_without_format::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCustomBorderColorFeaturesEXT.html) """ function _PhysicalDeviceCustomBorderColorFeaturesEXT(custom_border_colors::Bool, custom_border_color_without_format::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceCustomBorderColorFeaturesEXT(structure_type(VkPhysicalDeviceCustomBorderColorFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), custom_border_colors, custom_border_color_without_format) _PhysicalDeviceCustomBorderColorFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_border\\_color\\_swizzle Arguments: - `components::_ComponentMapping` - `srgb::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerBorderColorComponentMappingCreateInfoEXT.html) """ function _SamplerBorderColorComponentMappingCreateInfoEXT(components::_ComponentMapping, srgb::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSamplerBorderColorComponentMappingCreateInfoEXT(structure_type(VkSamplerBorderColorComponentMappingCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), components.vks, srgb) _SamplerBorderColorComponentMappingCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_border\\_color\\_swizzle Arguments: - `border_color_swizzle::Bool` - `border_color_swizzle_from_image::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBorderColorSwizzleFeaturesEXT.html) """ function _PhysicalDeviceBorderColorSwizzleFeaturesEXT(border_color_swizzle::Bool, border_color_swizzle_from_image::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceBorderColorSwizzleFeaturesEXT(structure_type(VkPhysicalDeviceBorderColorSwizzleFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), border_color_swizzle, border_color_swizzle_from_image) _PhysicalDeviceBorderColorSwizzleFeaturesEXT(vks, deps) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `vertex_format::Format` - `vertex_data::_DeviceOrHostAddressConstKHR` - `vertex_stride::UInt64` - `max_vertex::UInt32` - `index_type::IndexType` - `index_data::_DeviceOrHostAddressConstKHR` - `transform_data::_DeviceOrHostAddressConstKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryTrianglesDataKHR.html) """ function _AccelerationStructureGeometryTrianglesDataKHR(vertex_format::Format, vertex_data::_DeviceOrHostAddressConstKHR, vertex_stride::Integer, max_vertex::Integer, index_type::IndexType, index_data::_DeviceOrHostAddressConstKHR, transform_data::_DeviceOrHostAddressConstKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAccelerationStructureGeometryTrianglesDataKHR(structure_type(VkAccelerationStructureGeometryTrianglesDataKHR), unsafe_convert(Ptr{Cvoid}, next), vertex_format, vertex_data.vks, vertex_stride, max_vertex, index_type, index_data.vks, transform_data.vks) _AccelerationStructureGeometryTrianglesDataKHR(vks, deps) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `data::_DeviceOrHostAddressConstKHR` - `stride::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryAabbsDataKHR.html) """ function _AccelerationStructureGeometryAabbsDataKHR(data::_DeviceOrHostAddressConstKHR, stride::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAccelerationStructureGeometryAabbsDataKHR(structure_type(VkAccelerationStructureGeometryAabbsDataKHR), unsafe_convert(Ptr{Cvoid}, next), data.vks, stride) _AccelerationStructureGeometryAabbsDataKHR(vks, deps) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `array_of_pointers::Bool` - `data::_DeviceOrHostAddressConstKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryInstancesDataKHR.html) """ function _AccelerationStructureGeometryInstancesDataKHR(array_of_pointers::Bool, data::_DeviceOrHostAddressConstKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAccelerationStructureGeometryInstancesDataKHR(structure_type(VkAccelerationStructureGeometryInstancesDataKHR), unsafe_convert(Ptr{Cvoid}, next), array_of_pointers, data.vks) _AccelerationStructureGeometryInstancesDataKHR(vks, deps) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `geometry_type::GeometryTypeKHR` - `geometry::_AccelerationStructureGeometryDataKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::GeometryFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryKHR.html) """ function _AccelerationStructureGeometryKHR(geometry_type::GeometryTypeKHR, geometry::_AccelerationStructureGeometryDataKHR; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAccelerationStructureGeometryKHR(structure_type(VkAccelerationStructureGeometryKHR), unsafe_convert(Ptr{Cvoid}, next), geometry_type, geometry.vks, flags) _AccelerationStructureGeometryKHR(vks, deps) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `type::AccelerationStructureTypeKHR` - `mode::BuildAccelerationStructureModeKHR` - `scratch_data::_DeviceOrHostAddressKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::BuildAccelerationStructureFlagKHR`: defaults to `0` - `src_acceleration_structure::AccelerationStructureKHR`: defaults to `C_NULL` - `dst_acceleration_structure::AccelerationStructureKHR`: defaults to `C_NULL` - `geometries::Vector{_AccelerationStructureGeometryKHR}`: defaults to `C_NULL` - `geometries_2::Vector{_AccelerationStructureGeometryKHR}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureBuildGeometryInfoKHR.html) """ function _AccelerationStructureBuildGeometryInfoKHR(type::AccelerationStructureTypeKHR, mode::BuildAccelerationStructureModeKHR, scratch_data::_DeviceOrHostAddressKHR; next = C_NULL, flags = 0, src_acceleration_structure = C_NULL, dst_acceleration_structure = C_NULL, geometries = C_NULL, geometries_2 = C_NULL) geometry_count = pointer_length(geometries) next = cconvert(Ptr{Cvoid}, next) geometries = cconvert(Ptr{VkAccelerationStructureGeometryKHR}, geometries) geometries_2 = cconvert(Ptr{Ptr{VkAccelerationStructureGeometryKHR}}, geometries_2) deps = Any[next, geometries, geometries_2] vks = VkAccelerationStructureBuildGeometryInfoKHR(structure_type(VkAccelerationStructureBuildGeometryInfoKHR), unsafe_convert(Ptr{Cvoid}, next), type, flags, mode, src_acceleration_structure, dst_acceleration_structure, geometry_count, unsafe_convert(Ptr{VkAccelerationStructureGeometryKHR}, geometries), unsafe_convert(Ptr{Ptr{VkAccelerationStructureGeometryKHR}}, geometries), scratch_data.vks) _AccelerationStructureBuildGeometryInfoKHR(vks, deps, src_acceleration_structure, dst_acceleration_structure) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `primitive_count::UInt32` - `primitive_offset::UInt32` - `first_vertex::UInt32` - `transform_offset::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureBuildRangeInfoKHR.html) """ function _AccelerationStructureBuildRangeInfoKHR(primitive_count::Integer, primitive_offset::Integer, first_vertex::Integer, transform_offset::Integer) _AccelerationStructureBuildRangeInfoKHR(VkAccelerationStructureBuildRangeInfoKHR(primitive_count, primitive_offset, first_vertex, transform_offset)) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `type::AccelerationStructureTypeKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `create_flags::AccelerationStructureCreateFlagKHR`: defaults to `0` - `device_address::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureCreateInfoKHR.html) """ function _AccelerationStructureCreateInfoKHR(buffer, offset::Integer, size::Integer, type::AccelerationStructureTypeKHR; next = C_NULL, create_flags = 0, device_address = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAccelerationStructureCreateInfoKHR(structure_type(VkAccelerationStructureCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), create_flags, buffer, offset, size, type, device_address) _AccelerationStructureCreateInfoKHR(vks, deps, buffer) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `min_x::Float32` - `min_y::Float32` - `min_z::Float32` - `max_x::Float32` - `max_y::Float32` - `max_z::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAabbPositionsKHR.html) """ function _AabbPositionsKHR(min_x::Real, min_y::Real, min_z::Real, max_x::Real, max_y::Real, max_z::Real) _AabbPositionsKHR(VkAabbPositionsKHR(min_x, min_y, min_z, max_x, max_y, max_z)) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `matrix::NTuple{3, NTuple{4, Float32}}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTransformMatrixKHR.html) """ function _TransformMatrixKHR(matrix::NTuple{3, NTuple{4, Float32}}) _TransformMatrixKHR(VkTransformMatrixKHR(matrix)) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `transform::_TransformMatrixKHR` - `instance_custom_index::UInt32` - `mask::UInt32` - `instance_shader_binding_table_record_offset::UInt32` - `acceleration_structure_reference::UInt64` - `flags::GeometryInstanceFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureInstanceKHR.html) """ function _AccelerationStructureInstanceKHR(transform::_TransformMatrixKHR, instance_custom_index::Integer, mask::Integer, instance_shader_binding_table_record_offset::Integer, acceleration_structure_reference::Integer; flags = 0) _AccelerationStructureInstanceKHR(VkAccelerationStructureInstanceKHR(transform.vks, instance_custom_index, mask, instance_shader_binding_table_record_offset, flags, acceleration_structure_reference)) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `acceleration_structure::AccelerationStructureKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureDeviceAddressInfoKHR.html) """ function _AccelerationStructureDeviceAddressInfoKHR(acceleration_structure; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAccelerationStructureDeviceAddressInfoKHR(structure_type(VkAccelerationStructureDeviceAddressInfoKHR), unsafe_convert(Ptr{Cvoid}, next), acceleration_structure) _AccelerationStructureDeviceAddressInfoKHR(vks, deps, acceleration_structure) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `version_data::Vector{UInt8}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureVersionInfoKHR.html) """ function _AccelerationStructureVersionInfoKHR(version_data::AbstractArray; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) version_data = cconvert(Ptr{UInt8}, version_data) deps = Any[next, version_data] vks = VkAccelerationStructureVersionInfoKHR(structure_type(VkAccelerationStructureVersionInfoKHR), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{UInt8}, version_data)) _AccelerationStructureVersionInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `src::AccelerationStructureKHR` - `dst::AccelerationStructureKHR` - `mode::CopyAccelerationStructureModeKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyAccelerationStructureInfoKHR.html) """ function _CopyAccelerationStructureInfoKHR(src, dst, mode::CopyAccelerationStructureModeKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCopyAccelerationStructureInfoKHR(structure_type(VkCopyAccelerationStructureInfoKHR), unsafe_convert(Ptr{Cvoid}, next), src, dst, mode) _CopyAccelerationStructureInfoKHR(vks, deps, src, dst) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `src::AccelerationStructureKHR` - `dst::_DeviceOrHostAddressKHR` - `mode::CopyAccelerationStructureModeKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyAccelerationStructureToMemoryInfoKHR.html) """ function _CopyAccelerationStructureToMemoryInfoKHR(src, dst::_DeviceOrHostAddressKHR, mode::CopyAccelerationStructureModeKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCopyAccelerationStructureToMemoryInfoKHR(structure_type(VkCopyAccelerationStructureToMemoryInfoKHR), unsafe_convert(Ptr{Cvoid}, next), src, dst.vks, mode) _CopyAccelerationStructureToMemoryInfoKHR(vks, deps, src) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `src::_DeviceOrHostAddressConstKHR` - `dst::AccelerationStructureKHR` - `mode::CopyAccelerationStructureModeKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryToAccelerationStructureInfoKHR.html) """ function _CopyMemoryToAccelerationStructureInfoKHR(src::_DeviceOrHostAddressConstKHR, dst, mode::CopyAccelerationStructureModeKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCopyMemoryToAccelerationStructureInfoKHR(structure_type(VkCopyMemoryToAccelerationStructureInfoKHR), unsafe_convert(Ptr{Cvoid}, next), src.vks, dst, mode) _CopyMemoryToAccelerationStructureInfoKHR(vks, deps, dst) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `max_pipeline_ray_payload_size::UInt32` - `max_pipeline_ray_hit_attribute_size::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingPipelineInterfaceCreateInfoKHR.html) """ function _RayTracingPipelineInterfaceCreateInfoKHR(max_pipeline_ray_payload_size::Integer, max_pipeline_ray_hit_attribute_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkRayTracingPipelineInterfaceCreateInfoKHR(structure_type(VkRayTracingPipelineInterfaceCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), max_pipeline_ray_payload_size, max_pipeline_ray_hit_attribute_size) _RayTracingPipelineInterfaceCreateInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_pipeline\\_library Arguments: - `libraries::Vector{Pipeline}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineLibraryCreateInfoKHR.html) """ function _PipelineLibraryCreateInfoKHR(libraries::AbstractArray; next = C_NULL) library_count = pointer_length(libraries) next = cconvert(Ptr{Cvoid}, next) libraries = cconvert(Ptr{VkPipeline}, libraries) deps = Any[next, libraries] vks = VkPipelineLibraryCreateInfoKHR(structure_type(VkPipelineLibraryCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), library_count, unsafe_convert(Ptr{VkPipeline}, libraries)) _PipelineLibraryCreateInfoKHR(vks, deps) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state Arguments: - `extended_dynamic_state::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicStateFeaturesEXT.html) """ function _PhysicalDeviceExtendedDynamicStateFeaturesEXT(extended_dynamic_state::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceExtendedDynamicStateFeaturesEXT(structure_type(VkPhysicalDeviceExtendedDynamicStateFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), extended_dynamic_state) _PhysicalDeviceExtendedDynamicStateFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state2 Arguments: - `extended_dynamic_state_2::Bool` - `extended_dynamic_state_2_logic_op::Bool` - `extended_dynamic_state_2_patch_control_points::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicState2FeaturesEXT.html) """ function _PhysicalDeviceExtendedDynamicState2FeaturesEXT(extended_dynamic_state_2::Bool, extended_dynamic_state_2_logic_op::Bool, extended_dynamic_state_2_patch_control_points::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceExtendedDynamicState2FeaturesEXT(structure_type(VkPhysicalDeviceExtendedDynamicState2FeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), extended_dynamic_state_2, extended_dynamic_state_2_logic_op, extended_dynamic_state_2_patch_control_points) _PhysicalDeviceExtendedDynamicState2FeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `extended_dynamic_state_3_tessellation_domain_origin::Bool` - `extended_dynamic_state_3_depth_clamp_enable::Bool` - `extended_dynamic_state_3_polygon_mode::Bool` - `extended_dynamic_state_3_rasterization_samples::Bool` - `extended_dynamic_state_3_sample_mask::Bool` - `extended_dynamic_state_3_alpha_to_coverage_enable::Bool` - `extended_dynamic_state_3_alpha_to_one_enable::Bool` - `extended_dynamic_state_3_logic_op_enable::Bool` - `extended_dynamic_state_3_color_blend_enable::Bool` - `extended_dynamic_state_3_color_blend_equation::Bool` - `extended_dynamic_state_3_color_write_mask::Bool` - `extended_dynamic_state_3_rasterization_stream::Bool` - `extended_dynamic_state_3_conservative_rasterization_mode::Bool` - `extended_dynamic_state_3_extra_primitive_overestimation_size::Bool` - `extended_dynamic_state_3_depth_clip_enable::Bool` - `extended_dynamic_state_3_sample_locations_enable::Bool` - `extended_dynamic_state_3_color_blend_advanced::Bool` - `extended_dynamic_state_3_provoking_vertex_mode::Bool` - `extended_dynamic_state_3_line_rasterization_mode::Bool` - `extended_dynamic_state_3_line_stipple_enable::Bool` - `extended_dynamic_state_3_depth_clip_negative_one_to_one::Bool` - `extended_dynamic_state_3_viewport_w_scaling_enable::Bool` - `extended_dynamic_state_3_viewport_swizzle::Bool` - `extended_dynamic_state_3_coverage_to_color_enable::Bool` - `extended_dynamic_state_3_coverage_to_color_location::Bool` - `extended_dynamic_state_3_coverage_modulation_mode::Bool` - `extended_dynamic_state_3_coverage_modulation_table_enable::Bool` - `extended_dynamic_state_3_coverage_modulation_table::Bool` - `extended_dynamic_state_3_coverage_reduction_mode::Bool` - `extended_dynamic_state_3_representative_fragment_test_enable::Bool` - `extended_dynamic_state_3_shading_rate_image_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicState3FeaturesEXT.html) """ function _PhysicalDeviceExtendedDynamicState3FeaturesEXT(extended_dynamic_state_3_tessellation_domain_origin::Bool, extended_dynamic_state_3_depth_clamp_enable::Bool, extended_dynamic_state_3_polygon_mode::Bool, extended_dynamic_state_3_rasterization_samples::Bool, extended_dynamic_state_3_sample_mask::Bool, extended_dynamic_state_3_alpha_to_coverage_enable::Bool, extended_dynamic_state_3_alpha_to_one_enable::Bool, extended_dynamic_state_3_logic_op_enable::Bool, extended_dynamic_state_3_color_blend_enable::Bool, extended_dynamic_state_3_color_blend_equation::Bool, extended_dynamic_state_3_color_write_mask::Bool, extended_dynamic_state_3_rasterization_stream::Bool, extended_dynamic_state_3_conservative_rasterization_mode::Bool, extended_dynamic_state_3_extra_primitive_overestimation_size::Bool, extended_dynamic_state_3_depth_clip_enable::Bool, extended_dynamic_state_3_sample_locations_enable::Bool, extended_dynamic_state_3_color_blend_advanced::Bool, extended_dynamic_state_3_provoking_vertex_mode::Bool, extended_dynamic_state_3_line_rasterization_mode::Bool, extended_dynamic_state_3_line_stipple_enable::Bool, extended_dynamic_state_3_depth_clip_negative_one_to_one::Bool, extended_dynamic_state_3_viewport_w_scaling_enable::Bool, extended_dynamic_state_3_viewport_swizzle::Bool, extended_dynamic_state_3_coverage_to_color_enable::Bool, extended_dynamic_state_3_coverage_to_color_location::Bool, extended_dynamic_state_3_coverage_modulation_mode::Bool, extended_dynamic_state_3_coverage_modulation_table_enable::Bool, extended_dynamic_state_3_coverage_modulation_table::Bool, extended_dynamic_state_3_coverage_reduction_mode::Bool, extended_dynamic_state_3_representative_fragment_test_enable::Bool, extended_dynamic_state_3_shading_rate_image_enable::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceExtendedDynamicState3FeaturesEXT(structure_type(VkPhysicalDeviceExtendedDynamicState3FeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), extended_dynamic_state_3_tessellation_domain_origin, extended_dynamic_state_3_depth_clamp_enable, extended_dynamic_state_3_polygon_mode, extended_dynamic_state_3_rasterization_samples, extended_dynamic_state_3_sample_mask, extended_dynamic_state_3_alpha_to_coverage_enable, extended_dynamic_state_3_alpha_to_one_enable, extended_dynamic_state_3_logic_op_enable, extended_dynamic_state_3_color_blend_enable, extended_dynamic_state_3_color_blend_equation, extended_dynamic_state_3_color_write_mask, extended_dynamic_state_3_rasterization_stream, extended_dynamic_state_3_conservative_rasterization_mode, extended_dynamic_state_3_extra_primitive_overestimation_size, extended_dynamic_state_3_depth_clip_enable, extended_dynamic_state_3_sample_locations_enable, extended_dynamic_state_3_color_blend_advanced, extended_dynamic_state_3_provoking_vertex_mode, extended_dynamic_state_3_line_rasterization_mode, extended_dynamic_state_3_line_stipple_enable, extended_dynamic_state_3_depth_clip_negative_one_to_one, extended_dynamic_state_3_viewport_w_scaling_enable, extended_dynamic_state_3_viewport_swizzle, extended_dynamic_state_3_coverage_to_color_enable, extended_dynamic_state_3_coverage_to_color_location, extended_dynamic_state_3_coverage_modulation_mode, extended_dynamic_state_3_coverage_modulation_table_enable, extended_dynamic_state_3_coverage_modulation_table, extended_dynamic_state_3_coverage_reduction_mode, extended_dynamic_state_3_representative_fragment_test_enable, extended_dynamic_state_3_shading_rate_image_enable) _PhysicalDeviceExtendedDynamicState3FeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `dynamic_primitive_topology_unrestricted::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicState3PropertiesEXT.html) """ function _PhysicalDeviceExtendedDynamicState3PropertiesEXT(dynamic_primitive_topology_unrestricted::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceExtendedDynamicState3PropertiesEXT(structure_type(VkPhysicalDeviceExtendedDynamicState3PropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), dynamic_primitive_topology_unrestricted) _PhysicalDeviceExtendedDynamicState3PropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `src_color_blend_factor::BlendFactor` - `dst_color_blend_factor::BlendFactor` - `color_blend_op::BlendOp` - `src_alpha_blend_factor::BlendFactor` - `dst_alpha_blend_factor::BlendFactor` - `alpha_blend_op::BlendOp` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkColorBlendEquationEXT.html) """ function _ColorBlendEquationEXT(src_color_blend_factor::BlendFactor, dst_color_blend_factor::BlendFactor, color_blend_op::BlendOp, src_alpha_blend_factor::BlendFactor, dst_alpha_blend_factor::BlendFactor, alpha_blend_op::BlendOp) _ColorBlendEquationEXT(VkColorBlendEquationEXT(src_color_blend_factor, dst_color_blend_factor, color_blend_op, src_alpha_blend_factor, dst_alpha_blend_factor, alpha_blend_op)) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `advanced_blend_op::BlendOp` - `src_premultiplied::Bool` - `dst_premultiplied::Bool` - `blend_overlap::BlendOverlapEXT` - `clamp_results::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkColorBlendAdvancedEXT.html) """ function _ColorBlendAdvancedEXT(advanced_blend_op::BlendOp, src_premultiplied::Bool, dst_premultiplied::Bool, blend_overlap::BlendOverlapEXT, clamp_results::Bool) _ColorBlendAdvancedEXT(VkColorBlendAdvancedEXT(advanced_blend_op, src_premultiplied, dst_premultiplied, blend_overlap, clamp_results)) end """ Extension: VK\\_QCOM\\_render\\_pass\\_transform Arguments: - `transform::SurfaceTransformFlagKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassTransformBeginInfoQCOM.html) """ function _RenderPassTransformBeginInfoQCOM(transform::SurfaceTransformFlagKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkRenderPassTransformBeginInfoQCOM(structure_type(VkRenderPassTransformBeginInfoQCOM), unsafe_convert(Ptr{Cvoid}, next), VkSurfaceTransformFlagBitsKHR(transform.val)) _RenderPassTransformBeginInfoQCOM(vks, deps) end """ Extension: VK\\_QCOM\\_rotated\\_copy\\_commands Arguments: - `transform::SurfaceTransformFlagKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyCommandTransformInfoQCOM.html) """ function _CopyCommandTransformInfoQCOM(transform::SurfaceTransformFlagKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCopyCommandTransformInfoQCOM(structure_type(VkCopyCommandTransformInfoQCOM), unsafe_convert(Ptr{Cvoid}, next), VkSurfaceTransformFlagBitsKHR(transform.val)) _CopyCommandTransformInfoQCOM(vks, deps) end """ Extension: VK\\_QCOM\\_render\\_pass\\_transform Arguments: - `transform::SurfaceTransformFlagKHR` - `render_area::_Rect2D` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceRenderPassTransformInfoQCOM.html) """ function _CommandBufferInheritanceRenderPassTransformInfoQCOM(transform::SurfaceTransformFlagKHR, render_area::_Rect2D; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCommandBufferInheritanceRenderPassTransformInfoQCOM(structure_type(VkCommandBufferInheritanceRenderPassTransformInfoQCOM), unsafe_convert(Ptr{Cvoid}, next), VkSurfaceTransformFlagBitsKHR(transform.val), render_area.vks) _CommandBufferInheritanceRenderPassTransformInfoQCOM(vks, deps) end """ Extension: VK\\_NV\\_device\\_diagnostics\\_config Arguments: - `diagnostics_config::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDiagnosticsConfigFeaturesNV.html) """ function _PhysicalDeviceDiagnosticsConfigFeaturesNV(diagnostics_config::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDiagnosticsConfigFeaturesNV(structure_type(VkPhysicalDeviceDiagnosticsConfigFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), diagnostics_config) _PhysicalDeviceDiagnosticsConfigFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_device\\_diagnostics\\_config Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::DeviceDiagnosticsConfigFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceDiagnosticsConfigCreateInfoNV.html) """ function _DeviceDiagnosticsConfigCreateInfoNV(; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceDiagnosticsConfigCreateInfoNV(structure_type(VkDeviceDiagnosticsConfigCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), flags) _DeviceDiagnosticsConfigCreateInfoNV(vks, deps) end """ Arguments: - `shader_zero_initialize_workgroup_memory::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures.html) """ function _PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures(shader_zero_initialize_workgroup_memory::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures(structure_type(VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures), unsafe_convert(Ptr{Cvoid}, next), shader_zero_initialize_workgroup_memory) _PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures(vks, deps) end """ Extension: VK\\_KHR\\_shader\\_subgroup\\_uniform\\_control\\_flow Arguments: - `shader_subgroup_uniform_control_flow::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR.html) """ function _PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR(shader_subgroup_uniform_control_flow::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR(structure_type(VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), shader_subgroup_uniform_control_flow) _PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR(vks, deps) end """ Extension: VK\\_EXT\\_robustness2 Arguments: - `robust_buffer_access_2::Bool` - `robust_image_access_2::Bool` - `null_descriptor::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRobustness2FeaturesEXT.html) """ function _PhysicalDeviceRobustness2FeaturesEXT(robust_buffer_access_2::Bool, robust_image_access_2::Bool, null_descriptor::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRobustness2FeaturesEXT(structure_type(VkPhysicalDeviceRobustness2FeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), robust_buffer_access_2, robust_image_access_2, null_descriptor) _PhysicalDeviceRobustness2FeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_robustness2 Arguments: - `robust_storage_buffer_access_size_alignment::UInt64` - `robust_uniform_buffer_access_size_alignment::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRobustness2PropertiesEXT.html) """ function _PhysicalDeviceRobustness2PropertiesEXT(robust_storage_buffer_access_size_alignment::Integer, robust_uniform_buffer_access_size_alignment::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRobustness2PropertiesEXT(structure_type(VkPhysicalDeviceRobustness2PropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), robust_storage_buffer_access_size_alignment, robust_uniform_buffer_access_size_alignment) _PhysicalDeviceRobustness2PropertiesEXT(vks, deps) end """ Arguments: - `robust_image_access::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageRobustnessFeatures.html) """ function _PhysicalDeviceImageRobustnessFeatures(robust_image_access::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceImageRobustnessFeatures(structure_type(VkPhysicalDeviceImageRobustnessFeatures), unsafe_convert(Ptr{Cvoid}, next), robust_image_access) _PhysicalDeviceImageRobustnessFeatures(vks, deps) end """ Extension: VK\\_KHR\\_workgroup\\_memory\\_explicit\\_layout Arguments: - `workgroup_memory_explicit_layout::Bool` - `workgroup_memory_explicit_layout_scalar_block_layout::Bool` - `workgroup_memory_explicit_layout_8_bit_access::Bool` - `workgroup_memory_explicit_layout_16_bit_access::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR.html) """ function _PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR(workgroup_memory_explicit_layout::Bool, workgroup_memory_explicit_layout_scalar_block_layout::Bool, workgroup_memory_explicit_layout_8_bit_access::Bool, workgroup_memory_explicit_layout_16_bit_access::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR(structure_type(VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), workgroup_memory_explicit_layout, workgroup_memory_explicit_layout_scalar_block_layout, workgroup_memory_explicit_layout_8_bit_access, workgroup_memory_explicit_layout_16_bit_access) _PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR(vks, deps) end """ Extension: VK\\_EXT\\_4444\\_formats Arguments: - `format_a4r4g4b4::Bool` - `format_a4b4g4r4::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevice4444FormatsFeaturesEXT.html) """ function _PhysicalDevice4444FormatsFeaturesEXT(format_a4r4g4b4::Bool, format_a4b4g4r4::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevice4444FormatsFeaturesEXT(structure_type(VkPhysicalDevice4444FormatsFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), format_a4r4g4b4, format_a4b4g4r4) _PhysicalDevice4444FormatsFeaturesEXT(vks, deps) end """ Extension: VK\\_HUAWEI\\_subpass\\_shading Arguments: - `subpass_shading::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubpassShadingFeaturesHUAWEI.html) """ function _PhysicalDeviceSubpassShadingFeaturesHUAWEI(subpass_shading::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSubpassShadingFeaturesHUAWEI(structure_type(VkPhysicalDeviceSubpassShadingFeaturesHUAWEI), unsafe_convert(Ptr{Cvoid}, next), subpass_shading) _PhysicalDeviceSubpassShadingFeaturesHUAWEI(vks, deps) end """ Extension: VK\\_HUAWEI\\_cluster\\_culling\\_shader Arguments: - `clusterculling_shader::Bool` - `multiview_cluster_culling_shader::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI.html) """ function _PhysicalDeviceClusterCullingShaderFeaturesHUAWEI(clusterculling_shader::Bool, multiview_cluster_culling_shader::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI(structure_type(VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI), unsafe_convert(Ptr{Cvoid}, next), clusterculling_shader, multiview_cluster_culling_shader) _PhysicalDeviceClusterCullingShaderFeaturesHUAWEI(vks, deps) end """ Arguments: - `src_offset::UInt64` - `dst_offset::UInt64` - `size::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCopy2.html) """ function _BufferCopy2(src_offset::Integer, dst_offset::Integer, size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBufferCopy2(structure_type(VkBufferCopy2), unsafe_convert(Ptr{Cvoid}, next), src_offset, dst_offset, size) _BufferCopy2(vks, deps) end """ Arguments: - `src_subresource::_ImageSubresourceLayers` - `src_offset::_Offset3D` - `dst_subresource::_ImageSubresourceLayers` - `dst_offset::_Offset3D` - `extent::_Extent3D` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCopy2.html) """ function _ImageCopy2(src_subresource::_ImageSubresourceLayers, src_offset::_Offset3D, dst_subresource::_ImageSubresourceLayers, dst_offset::_Offset3D, extent::_Extent3D; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageCopy2(structure_type(VkImageCopy2), unsafe_convert(Ptr{Cvoid}, next), src_subresource.vks, src_offset.vks, dst_subresource.vks, dst_offset.vks, extent.vks) _ImageCopy2(vks, deps) end """ Arguments: - `src_subresource::_ImageSubresourceLayers` - `src_offsets::NTuple{2, _Offset3D}` - `dst_subresource::_ImageSubresourceLayers` - `dst_offsets::NTuple{2, _Offset3D}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageBlit2.html) """ function _ImageBlit2(src_subresource::_ImageSubresourceLayers, src_offsets::NTuple{2, _Offset3D}, dst_subresource::_ImageSubresourceLayers, dst_offsets::NTuple{2, _Offset3D}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageBlit2(structure_type(VkImageBlit2), unsafe_convert(Ptr{Cvoid}, next), src_subresource.vks, to_vk(NTuple{2, VkOffset3D}, src_offsets), dst_subresource.vks, to_vk(NTuple{2, VkOffset3D}, dst_offsets)) _ImageBlit2(vks, deps) end """ Arguments: - `buffer_offset::UInt64` - `buffer_row_length::UInt32` - `buffer_image_height::UInt32` - `image_subresource::_ImageSubresourceLayers` - `image_offset::_Offset3D` - `image_extent::_Extent3D` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferImageCopy2.html) """ function _BufferImageCopy2(buffer_offset::Integer, buffer_row_length::Integer, buffer_image_height::Integer, image_subresource::_ImageSubresourceLayers, image_offset::_Offset3D, image_extent::_Extent3D; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBufferImageCopy2(structure_type(VkBufferImageCopy2), unsafe_convert(Ptr{Cvoid}, next), buffer_offset, buffer_row_length, buffer_image_height, image_subresource.vks, image_offset.vks, image_extent.vks) _BufferImageCopy2(vks, deps) end """ Arguments: - `src_subresource::_ImageSubresourceLayers` - `src_offset::_Offset3D` - `dst_subresource::_ImageSubresourceLayers` - `dst_offset::_Offset3D` - `extent::_Extent3D` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageResolve2.html) """ function _ImageResolve2(src_subresource::_ImageSubresourceLayers, src_offset::_Offset3D, dst_subresource::_ImageSubresourceLayers, dst_offset::_Offset3D, extent::_Extent3D; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageResolve2(structure_type(VkImageResolve2), unsafe_convert(Ptr{Cvoid}, next), src_subresource.vks, src_offset.vks, dst_subresource.vks, dst_offset.vks, extent.vks) _ImageResolve2(vks, deps) end """ Arguments: - `src_buffer::Buffer` - `dst_buffer::Buffer` - `regions::Vector{_BufferCopy2}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyBufferInfo2.html) """ function _CopyBufferInfo2(src_buffer, dst_buffer, regions::AbstractArray; next = C_NULL) region_count = pointer_length(regions) next = cconvert(Ptr{Cvoid}, next) regions = cconvert(Ptr{VkBufferCopy2}, regions) deps = Any[next, regions] vks = VkCopyBufferInfo2(structure_type(VkCopyBufferInfo2), unsafe_convert(Ptr{Cvoid}, next), src_buffer, dst_buffer, region_count, unsafe_convert(Ptr{VkBufferCopy2}, regions)) _CopyBufferInfo2(vks, deps, src_buffer, dst_buffer) end """ Arguments: - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{_ImageCopy2}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyImageInfo2.html) """ function _CopyImageInfo2(src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray; next = C_NULL) region_count = pointer_length(regions) next = cconvert(Ptr{Cvoid}, next) regions = cconvert(Ptr{VkImageCopy2}, regions) deps = Any[next, regions] vks = VkCopyImageInfo2(structure_type(VkCopyImageInfo2), unsafe_convert(Ptr{Cvoid}, next), src_image, src_image_layout, dst_image, dst_image_layout, region_count, unsafe_convert(Ptr{VkImageCopy2}, regions)) _CopyImageInfo2(vks, deps, src_image, dst_image) end """ Arguments: - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{_ImageBlit2}` - `filter::Filter` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBlitImageInfo2.html) """ function _BlitImageInfo2(src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray, filter::Filter; next = C_NULL) region_count = pointer_length(regions) next = cconvert(Ptr{Cvoid}, next) regions = cconvert(Ptr{VkImageBlit2}, regions) deps = Any[next, regions] vks = VkBlitImageInfo2(structure_type(VkBlitImageInfo2), unsafe_convert(Ptr{Cvoid}, next), src_image, src_image_layout, dst_image, dst_image_layout, region_count, unsafe_convert(Ptr{VkImageBlit2}, regions), filter) _BlitImageInfo2(vks, deps, src_image, dst_image) end """ Arguments: - `src_buffer::Buffer` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{_BufferImageCopy2}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyBufferToImageInfo2.html) """ function _CopyBufferToImageInfo2(src_buffer, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray; next = C_NULL) region_count = pointer_length(regions) next = cconvert(Ptr{Cvoid}, next) regions = cconvert(Ptr{VkBufferImageCopy2}, regions) deps = Any[next, regions] vks = VkCopyBufferToImageInfo2(structure_type(VkCopyBufferToImageInfo2), unsafe_convert(Ptr{Cvoid}, next), src_buffer, dst_image, dst_image_layout, region_count, unsafe_convert(Ptr{VkBufferImageCopy2}, regions)) _CopyBufferToImageInfo2(vks, deps, src_buffer, dst_image) end """ Arguments: - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_buffer::Buffer` - `regions::Vector{_BufferImageCopy2}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyImageToBufferInfo2.html) """ function _CopyImageToBufferInfo2(src_image, src_image_layout::ImageLayout, dst_buffer, regions::AbstractArray; next = C_NULL) region_count = pointer_length(regions) next = cconvert(Ptr{Cvoid}, next) regions = cconvert(Ptr{VkBufferImageCopy2}, regions) deps = Any[next, regions] vks = VkCopyImageToBufferInfo2(structure_type(VkCopyImageToBufferInfo2), unsafe_convert(Ptr{Cvoid}, next), src_image, src_image_layout, dst_buffer, region_count, unsafe_convert(Ptr{VkBufferImageCopy2}, regions)) _CopyImageToBufferInfo2(vks, deps, src_image, dst_buffer) end """ Arguments: - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{_ImageResolve2}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkResolveImageInfo2.html) """ function _ResolveImageInfo2(src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray; next = C_NULL) region_count = pointer_length(regions) next = cconvert(Ptr{Cvoid}, next) regions = cconvert(Ptr{VkImageResolve2}, regions) deps = Any[next, regions] vks = VkResolveImageInfo2(structure_type(VkResolveImageInfo2), unsafe_convert(Ptr{Cvoid}, next), src_image, src_image_layout, dst_image, dst_image_layout, region_count, unsafe_convert(Ptr{VkImageResolve2}, regions)) _ResolveImageInfo2(vks, deps, src_image, dst_image) end """ Extension: VK\\_EXT\\_shader\\_image\\_atomic\\_int64 Arguments: - `shader_image_int_64_atomics::Bool` - `sparse_image_int_64_atomics::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT.html) """ function _PhysicalDeviceShaderImageAtomicInt64FeaturesEXT(shader_image_int_64_atomics::Bool, sparse_image_int_64_atomics::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT(structure_type(VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), shader_image_int_64_atomics, sparse_image_int_64_atomics) _PhysicalDeviceShaderImageAtomicInt64FeaturesEXT(vks, deps) end """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Arguments: - `shading_rate_attachment_texel_size::_Extent2D` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `fragment_shading_rate_attachment::_AttachmentReference2`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFragmentShadingRateAttachmentInfoKHR.html) """ function _FragmentShadingRateAttachmentInfoKHR(shading_rate_attachment_texel_size::_Extent2D; next = C_NULL, fragment_shading_rate_attachment = C_NULL) next = cconvert(Ptr{Cvoid}, next) fragment_shading_rate_attachment = cconvert(Ptr{VkAttachmentReference2}, fragment_shading_rate_attachment) deps = Any[next, fragment_shading_rate_attachment] vks = VkFragmentShadingRateAttachmentInfoKHR(structure_type(VkFragmentShadingRateAttachmentInfoKHR), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{VkAttachmentReference2}, fragment_shading_rate_attachment), shading_rate_attachment_texel_size.vks) _FragmentShadingRateAttachmentInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Arguments: - `fragment_size::_Extent2D` - `combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineFragmentShadingRateStateCreateInfoKHR.html) """ function _PipelineFragmentShadingRateStateCreateInfoKHR(fragment_size::_Extent2D, combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineFragmentShadingRateStateCreateInfoKHR(structure_type(VkPipelineFragmentShadingRateStateCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), fragment_size.vks, to_vk(NTuple{2, VkFragmentShadingRateCombinerOpKHR}, combiner_ops)) _PipelineFragmentShadingRateStateCreateInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Arguments: - `pipeline_fragment_shading_rate::Bool` - `primitive_fragment_shading_rate::Bool` - `attachment_fragment_shading_rate::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateFeaturesKHR.html) """ function _PhysicalDeviceFragmentShadingRateFeaturesKHR(pipeline_fragment_shading_rate::Bool, primitive_fragment_shading_rate::Bool, attachment_fragment_shading_rate::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentShadingRateFeaturesKHR(structure_type(VkPhysicalDeviceFragmentShadingRateFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), pipeline_fragment_shading_rate, primitive_fragment_shading_rate, attachment_fragment_shading_rate) _PhysicalDeviceFragmentShadingRateFeaturesKHR(vks, deps) end """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Arguments: - `min_fragment_shading_rate_attachment_texel_size::_Extent2D` - `max_fragment_shading_rate_attachment_texel_size::_Extent2D` - `max_fragment_shading_rate_attachment_texel_size_aspect_ratio::UInt32` - `primitive_fragment_shading_rate_with_multiple_viewports::Bool` - `layered_shading_rate_attachments::Bool` - `fragment_shading_rate_non_trivial_combiner_ops::Bool` - `max_fragment_size::_Extent2D` - `max_fragment_size_aspect_ratio::UInt32` - `max_fragment_shading_rate_coverage_samples::UInt32` - `max_fragment_shading_rate_rasterization_samples::SampleCountFlag` - `fragment_shading_rate_with_shader_depth_stencil_writes::Bool` - `fragment_shading_rate_with_sample_mask::Bool` - `fragment_shading_rate_with_shader_sample_mask::Bool` - `fragment_shading_rate_with_conservative_rasterization::Bool` - `fragment_shading_rate_with_fragment_shader_interlock::Bool` - `fragment_shading_rate_with_custom_sample_locations::Bool` - `fragment_shading_rate_strict_multiply_combiner::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRatePropertiesKHR.html) """ function _PhysicalDeviceFragmentShadingRatePropertiesKHR(min_fragment_shading_rate_attachment_texel_size::_Extent2D, max_fragment_shading_rate_attachment_texel_size::_Extent2D, max_fragment_shading_rate_attachment_texel_size_aspect_ratio::Integer, primitive_fragment_shading_rate_with_multiple_viewports::Bool, layered_shading_rate_attachments::Bool, fragment_shading_rate_non_trivial_combiner_ops::Bool, max_fragment_size::_Extent2D, max_fragment_size_aspect_ratio::Integer, max_fragment_shading_rate_coverage_samples::Integer, max_fragment_shading_rate_rasterization_samples::SampleCountFlag, fragment_shading_rate_with_shader_depth_stencil_writes::Bool, fragment_shading_rate_with_sample_mask::Bool, fragment_shading_rate_with_shader_sample_mask::Bool, fragment_shading_rate_with_conservative_rasterization::Bool, fragment_shading_rate_with_fragment_shader_interlock::Bool, fragment_shading_rate_with_custom_sample_locations::Bool, fragment_shading_rate_strict_multiply_combiner::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentShadingRatePropertiesKHR(structure_type(VkPhysicalDeviceFragmentShadingRatePropertiesKHR), unsafe_convert(Ptr{Cvoid}, next), min_fragment_shading_rate_attachment_texel_size.vks, max_fragment_shading_rate_attachment_texel_size.vks, max_fragment_shading_rate_attachment_texel_size_aspect_ratio, primitive_fragment_shading_rate_with_multiple_viewports, layered_shading_rate_attachments, fragment_shading_rate_non_trivial_combiner_ops, max_fragment_size.vks, max_fragment_size_aspect_ratio, max_fragment_shading_rate_coverage_samples, VkSampleCountFlagBits(max_fragment_shading_rate_rasterization_samples.val), fragment_shading_rate_with_shader_depth_stencil_writes, fragment_shading_rate_with_sample_mask, fragment_shading_rate_with_shader_sample_mask, fragment_shading_rate_with_conservative_rasterization, fragment_shading_rate_with_fragment_shader_interlock, fragment_shading_rate_with_custom_sample_locations, fragment_shading_rate_strict_multiply_combiner) _PhysicalDeviceFragmentShadingRatePropertiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Arguments: - `sample_counts::SampleCountFlag` - `fragment_size::_Extent2D` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateKHR.html) """ function _PhysicalDeviceFragmentShadingRateKHR(sample_counts::SampleCountFlag, fragment_size::_Extent2D; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentShadingRateKHR(structure_type(VkPhysicalDeviceFragmentShadingRateKHR), unsafe_convert(Ptr{Cvoid}, next), sample_counts, fragment_size.vks) _PhysicalDeviceFragmentShadingRateKHR(vks, deps) end """ Arguments: - `shader_terminate_invocation::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderTerminateInvocationFeatures.html) """ function _PhysicalDeviceShaderTerminateInvocationFeatures(shader_terminate_invocation::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderTerminateInvocationFeatures(structure_type(VkPhysicalDeviceShaderTerminateInvocationFeatures), unsafe_convert(Ptr{Cvoid}, next), shader_terminate_invocation) _PhysicalDeviceShaderTerminateInvocationFeatures(vks, deps) end """ Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums Arguments: - `fragment_shading_rate_enums::Bool` - `supersample_fragment_shading_rates::Bool` - `no_invocation_fragment_shading_rates::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV.html) """ function _PhysicalDeviceFragmentShadingRateEnumsFeaturesNV(fragment_shading_rate_enums::Bool, supersample_fragment_shading_rates::Bool, no_invocation_fragment_shading_rates::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV(structure_type(VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), fragment_shading_rate_enums, supersample_fragment_shading_rates, no_invocation_fragment_shading_rates) _PhysicalDeviceFragmentShadingRateEnumsFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums Arguments: - `max_fragment_shading_rate_invocation_count::SampleCountFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV.html) """ function _PhysicalDeviceFragmentShadingRateEnumsPropertiesNV(max_fragment_shading_rate_invocation_count::SampleCountFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV(structure_type(VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), VkSampleCountFlagBits(max_fragment_shading_rate_invocation_count.val)) _PhysicalDeviceFragmentShadingRateEnumsPropertiesNV(vks, deps) end """ Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums Arguments: - `shading_rate_type::FragmentShadingRateTypeNV` - `shading_rate::FragmentShadingRateNV` - `combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineFragmentShadingRateEnumStateCreateInfoNV.html) """ function _PipelineFragmentShadingRateEnumStateCreateInfoNV(shading_rate_type::FragmentShadingRateTypeNV, shading_rate::FragmentShadingRateNV, combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineFragmentShadingRateEnumStateCreateInfoNV(structure_type(VkPipelineFragmentShadingRateEnumStateCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), shading_rate_type, shading_rate, to_vk(NTuple{2, VkFragmentShadingRateCombinerOpKHR}, combiner_ops)) _PipelineFragmentShadingRateEnumStateCreateInfoNV(vks, deps) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `acceleration_structure_size::UInt64` - `update_scratch_size::UInt64` - `build_scratch_size::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureBuildSizesInfoKHR.html) """ function _AccelerationStructureBuildSizesInfoKHR(acceleration_structure_size::Integer, update_scratch_size::Integer, build_scratch_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAccelerationStructureBuildSizesInfoKHR(structure_type(VkAccelerationStructureBuildSizesInfoKHR), unsafe_convert(Ptr{Cvoid}, next), acceleration_structure_size, update_scratch_size, build_scratch_size) _AccelerationStructureBuildSizesInfoKHR(vks, deps) end """ Extension: VK\\_EXT\\_image\\_2d\\_view\\_of\\_3d Arguments: - `image_2_d_view_of_3_d::Bool` - `sampler_2_d_view_of_3_d::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImage2DViewOf3DFeaturesEXT.html) """ function _PhysicalDeviceImage2DViewOf3DFeaturesEXT(image_2_d_view_of_3_d::Bool, sampler_2_d_view_of_3_d::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceImage2DViewOf3DFeaturesEXT(structure_type(VkPhysicalDeviceImage2DViewOf3DFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), image_2_d_view_of_3_d, sampler_2_d_view_of_3_d) _PhysicalDeviceImage2DViewOf3DFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_mutable\\_descriptor\\_type Arguments: - `mutable_descriptor_type::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT.html) """ function _PhysicalDeviceMutableDescriptorTypeFeaturesEXT(mutable_descriptor_type::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT(structure_type(VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), mutable_descriptor_type) _PhysicalDeviceMutableDescriptorTypeFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_mutable\\_descriptor\\_type Arguments: - `descriptor_types::Vector{DescriptorType}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMutableDescriptorTypeListEXT.html) """ function _MutableDescriptorTypeListEXT(descriptor_types::AbstractArray) descriptor_type_count = pointer_length(descriptor_types) descriptor_types = cconvert(Ptr{VkDescriptorType}, descriptor_types) deps = Any[descriptor_types] vks = VkMutableDescriptorTypeListEXT(descriptor_type_count, unsafe_convert(Ptr{VkDescriptorType}, descriptor_types)) _MutableDescriptorTypeListEXT(vks, deps) end """ Extension: VK\\_EXT\\_mutable\\_descriptor\\_type Arguments: - `mutable_descriptor_type_lists::Vector{_MutableDescriptorTypeListEXT}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMutableDescriptorTypeCreateInfoEXT.html) """ function _MutableDescriptorTypeCreateInfoEXT(mutable_descriptor_type_lists::AbstractArray; next = C_NULL) mutable_descriptor_type_list_count = pointer_length(mutable_descriptor_type_lists) next = cconvert(Ptr{Cvoid}, next) mutable_descriptor_type_lists = cconvert(Ptr{VkMutableDescriptorTypeListEXT}, mutable_descriptor_type_lists) deps = Any[next, mutable_descriptor_type_lists] vks = VkMutableDescriptorTypeCreateInfoEXT(structure_type(VkMutableDescriptorTypeCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), mutable_descriptor_type_list_count, unsafe_convert(Ptr{VkMutableDescriptorTypeListEXT}, mutable_descriptor_type_lists)) _MutableDescriptorTypeCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_depth\\_clip\\_control Arguments: - `depth_clip_control::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthClipControlFeaturesEXT.html) """ function _PhysicalDeviceDepthClipControlFeaturesEXT(depth_clip_control::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDepthClipControlFeaturesEXT(structure_type(VkPhysicalDeviceDepthClipControlFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), depth_clip_control) _PhysicalDeviceDepthClipControlFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_depth\\_clip\\_control Arguments: - `negative_one_to_one::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportDepthClipControlCreateInfoEXT.html) """ function _PipelineViewportDepthClipControlCreateInfoEXT(negative_one_to_one::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineViewportDepthClipControlCreateInfoEXT(structure_type(VkPipelineViewportDepthClipControlCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), negative_one_to_one) _PipelineViewportDepthClipControlCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state Arguments: - `vertex_input_dynamic_state::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT.html) """ function _PhysicalDeviceVertexInputDynamicStateFeaturesEXT(vertex_input_dynamic_state::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT(structure_type(VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), vertex_input_dynamic_state) _PhysicalDeviceVertexInputDynamicStateFeaturesEXT(vks, deps) end """ Extension: VK\\_NV\\_external\\_memory\\_rdma Arguments: - `external_memory_rdma::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalMemoryRDMAFeaturesNV.html) """ function _PhysicalDeviceExternalMemoryRDMAFeaturesNV(external_memory_rdma::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceExternalMemoryRDMAFeaturesNV(structure_type(VkPhysicalDeviceExternalMemoryRDMAFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), external_memory_rdma) _PhysicalDeviceExternalMemoryRDMAFeaturesNV(vks, deps) end """ Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state Arguments: - `binding::UInt32` - `stride::UInt32` - `input_rate::VertexInputRate` - `divisor::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputBindingDescription2EXT.html) """ function _VertexInputBindingDescription2EXT(binding::Integer, stride::Integer, input_rate::VertexInputRate, divisor::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVertexInputBindingDescription2EXT(structure_type(VkVertexInputBindingDescription2EXT), unsafe_convert(Ptr{Cvoid}, next), binding, stride, input_rate, divisor) _VertexInputBindingDescription2EXT(vks, deps) end """ Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state Arguments: - `location::UInt32` - `binding::UInt32` - `format::Format` - `offset::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputAttributeDescription2EXT.html) """ function _VertexInputAttributeDescription2EXT(location::Integer, binding::Integer, format::Format, offset::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVertexInputAttributeDescription2EXT(structure_type(VkVertexInputAttributeDescription2EXT), unsafe_convert(Ptr{Cvoid}, next), location, binding, format, offset) _VertexInputAttributeDescription2EXT(vks, deps) end """ Extension: VK\\_EXT\\_color\\_write\\_enable Arguments: - `color_write_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceColorWriteEnableFeaturesEXT.html) """ function _PhysicalDeviceColorWriteEnableFeaturesEXT(color_write_enable::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceColorWriteEnableFeaturesEXT(structure_type(VkPhysicalDeviceColorWriteEnableFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), color_write_enable) _PhysicalDeviceColorWriteEnableFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_color\\_write\\_enable Arguments: - `color_write_enables::Vector{Bool}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorWriteCreateInfoEXT.html) """ function _PipelineColorWriteCreateInfoEXT(color_write_enables::AbstractArray; next = C_NULL) attachment_count = pointer_length(color_write_enables) next = cconvert(Ptr{Cvoid}, next) color_write_enables = cconvert(Ptr{VkBool32}, color_write_enables) deps = Any[next, color_write_enables] vks = VkPipelineColorWriteCreateInfoEXT(structure_type(VkPipelineColorWriteCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), attachment_count, unsafe_convert(Ptr{VkBool32}, color_write_enables)) _PipelineColorWriteCreateInfoEXT(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `src_stage_mask::UInt64`: defaults to `0` - `src_access_mask::UInt64`: defaults to `0` - `dst_stage_mask::UInt64`: defaults to `0` - `dst_access_mask::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryBarrier2.html) """ function _MemoryBarrier2(; next = C_NULL, src_stage_mask = 0, src_access_mask = 0, dst_stage_mask = 0, dst_access_mask = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryBarrier2(structure_type(VkMemoryBarrier2), unsafe_convert(Ptr{Cvoid}, next), src_stage_mask, src_access_mask, dst_stage_mask, dst_access_mask) _MemoryBarrier2(vks, deps) end """ Arguments: - `old_layout::ImageLayout` - `new_layout::ImageLayout` - `src_queue_family_index::UInt32` - `dst_queue_family_index::UInt32` - `image::Image` - `subresource_range::_ImageSubresourceRange` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `src_stage_mask::UInt64`: defaults to `0` - `src_access_mask::UInt64`: defaults to `0` - `dst_stage_mask::UInt64`: defaults to `0` - `dst_access_mask::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageMemoryBarrier2.html) """ function _ImageMemoryBarrier2(old_layout::ImageLayout, new_layout::ImageLayout, src_queue_family_index::Integer, dst_queue_family_index::Integer, image, subresource_range::_ImageSubresourceRange; next = C_NULL, src_stage_mask = 0, src_access_mask = 0, dst_stage_mask = 0, dst_access_mask = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageMemoryBarrier2(structure_type(VkImageMemoryBarrier2), unsafe_convert(Ptr{Cvoid}, next), src_stage_mask, src_access_mask, dst_stage_mask, dst_access_mask, old_layout, new_layout, src_queue_family_index, dst_queue_family_index, image, subresource_range.vks) _ImageMemoryBarrier2(vks, deps, image) end """ Arguments: - `src_queue_family_index::UInt32` - `dst_queue_family_index::UInt32` - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `src_stage_mask::UInt64`: defaults to `0` - `src_access_mask::UInt64`: defaults to `0` - `dst_stage_mask::UInt64`: defaults to `0` - `dst_access_mask::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferMemoryBarrier2.html) """ function _BufferMemoryBarrier2(src_queue_family_index::Integer, dst_queue_family_index::Integer, buffer, offset::Integer, size::Integer; next = C_NULL, src_stage_mask = 0, src_access_mask = 0, dst_stage_mask = 0, dst_access_mask = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBufferMemoryBarrier2(structure_type(VkBufferMemoryBarrier2), unsafe_convert(Ptr{Cvoid}, next), src_stage_mask, src_access_mask, dst_stage_mask, dst_access_mask, src_queue_family_index, dst_queue_family_index, buffer, offset, size) _BufferMemoryBarrier2(vks, deps, buffer) end """ Arguments: - `memory_barriers::Vector{_MemoryBarrier2}` - `buffer_memory_barriers::Vector{_BufferMemoryBarrier2}` - `image_memory_barriers::Vector{_ImageMemoryBarrier2}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `dependency_flags::DependencyFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDependencyInfo.html) """ function _DependencyInfo(memory_barriers::AbstractArray, buffer_memory_barriers::AbstractArray, image_memory_barriers::AbstractArray; next = C_NULL, dependency_flags = 0) memory_barrier_count = pointer_length(memory_barriers) buffer_memory_barrier_count = pointer_length(buffer_memory_barriers) image_memory_barrier_count = pointer_length(image_memory_barriers) next = cconvert(Ptr{Cvoid}, next) memory_barriers = cconvert(Ptr{VkMemoryBarrier2}, memory_barriers) buffer_memory_barriers = cconvert(Ptr{VkBufferMemoryBarrier2}, buffer_memory_barriers) image_memory_barriers = cconvert(Ptr{VkImageMemoryBarrier2}, image_memory_barriers) deps = Any[next, memory_barriers, buffer_memory_barriers, image_memory_barriers] vks = VkDependencyInfo(structure_type(VkDependencyInfo), unsafe_convert(Ptr{Cvoid}, next), dependency_flags, memory_barrier_count, unsafe_convert(Ptr{VkMemoryBarrier2}, memory_barriers), buffer_memory_barrier_count, unsafe_convert(Ptr{VkBufferMemoryBarrier2}, buffer_memory_barriers), image_memory_barrier_count, unsafe_convert(Ptr{VkImageMemoryBarrier2}, image_memory_barriers)) _DependencyInfo(vks, deps) end """ Arguments: - `semaphore::Semaphore` - `value::UInt64` - `device_index::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `stage_mask::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreSubmitInfo.html) """ function _SemaphoreSubmitInfo(semaphore, value::Integer, device_index::Integer; next = C_NULL, stage_mask = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSemaphoreSubmitInfo(structure_type(VkSemaphoreSubmitInfo), unsafe_convert(Ptr{Cvoid}, next), semaphore, value, stage_mask, device_index) _SemaphoreSubmitInfo(vks, deps, semaphore) end """ Arguments: - `command_buffer::CommandBuffer` - `device_mask::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferSubmitInfo.html) """ function _CommandBufferSubmitInfo(command_buffer, device_mask::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCommandBufferSubmitInfo(structure_type(VkCommandBufferSubmitInfo), unsafe_convert(Ptr{Cvoid}, next), command_buffer, device_mask) _CommandBufferSubmitInfo(vks, deps, command_buffer) end """ Arguments: - `wait_semaphore_infos::Vector{_SemaphoreSubmitInfo}` - `command_buffer_infos::Vector{_CommandBufferSubmitInfo}` - `signal_semaphore_infos::Vector{_SemaphoreSubmitInfo}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::SubmitFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubmitInfo2.html) """ function _SubmitInfo2(wait_semaphore_infos::AbstractArray, command_buffer_infos::AbstractArray, signal_semaphore_infos::AbstractArray; next = C_NULL, flags = 0) wait_semaphore_info_count = pointer_length(wait_semaphore_infos) command_buffer_info_count = pointer_length(command_buffer_infos) signal_semaphore_info_count = pointer_length(signal_semaphore_infos) next = cconvert(Ptr{Cvoid}, next) wait_semaphore_infos = cconvert(Ptr{VkSemaphoreSubmitInfo}, wait_semaphore_infos) command_buffer_infos = cconvert(Ptr{VkCommandBufferSubmitInfo}, command_buffer_infos) signal_semaphore_infos = cconvert(Ptr{VkSemaphoreSubmitInfo}, signal_semaphore_infos) deps = Any[next, wait_semaphore_infos, command_buffer_infos, signal_semaphore_infos] vks = VkSubmitInfo2(structure_type(VkSubmitInfo2), unsafe_convert(Ptr{Cvoid}, next), flags, wait_semaphore_info_count, unsafe_convert(Ptr{VkSemaphoreSubmitInfo}, wait_semaphore_infos), command_buffer_info_count, unsafe_convert(Ptr{VkCommandBufferSubmitInfo}, command_buffer_infos), signal_semaphore_info_count, unsafe_convert(Ptr{VkSemaphoreSubmitInfo}, signal_semaphore_infos)) _SubmitInfo2(vks, deps) end """ Extension: VK\\_KHR\\_synchronization2 Arguments: - `checkpoint_execution_stage_mask::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyCheckpointProperties2NV.html) """ function _QueueFamilyCheckpointProperties2NV(checkpoint_execution_stage_mask::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkQueueFamilyCheckpointProperties2NV(structure_type(VkQueueFamilyCheckpointProperties2NV), unsafe_convert(Ptr{Cvoid}, next), checkpoint_execution_stage_mask) _QueueFamilyCheckpointProperties2NV(vks, deps) end """ Extension: VK\\_KHR\\_synchronization2 Arguments: - `stage::UInt64` - `checkpoint_marker::Ptr{Cvoid}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCheckpointData2NV.html) """ function _CheckpointData2NV(stage::Integer, checkpoint_marker::Ptr{Cvoid}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) checkpoint_marker = cconvert(Ptr{Cvoid}, checkpoint_marker) deps = Any[next, checkpoint_marker] vks = VkCheckpointData2NV(structure_type(VkCheckpointData2NV), unsafe_convert(Ptr{Cvoid}, next), stage, unsafe_convert(Ptr{Cvoid}, checkpoint_marker)) _CheckpointData2NV(vks, deps) end """ Arguments: - `synchronization2::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSynchronization2Features.html) """ function _PhysicalDeviceSynchronization2Features(synchronization2::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSynchronization2Features(structure_type(VkPhysicalDeviceSynchronization2Features), unsafe_convert(Ptr{Cvoid}, next), synchronization2) _PhysicalDeviceSynchronization2Features(vks, deps) end """ Extension: VK\\_EXT\\_primitives\\_generated\\_query Arguments: - `primitives_generated_query::Bool` - `primitives_generated_query_with_rasterizer_discard::Bool` - `primitives_generated_query_with_non_zero_streams::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT.html) """ function _PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT(primitives_generated_query::Bool, primitives_generated_query_with_rasterizer_discard::Bool, primitives_generated_query_with_non_zero_streams::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT(structure_type(VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), primitives_generated_query, primitives_generated_query_with_rasterizer_discard, primitives_generated_query_with_non_zero_streams) _PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_legacy\\_dithering Arguments: - `legacy_dithering::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLegacyDitheringFeaturesEXT.html) """ function _PhysicalDeviceLegacyDitheringFeaturesEXT(legacy_dithering::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceLegacyDitheringFeaturesEXT(structure_type(VkPhysicalDeviceLegacyDitheringFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), legacy_dithering) _PhysicalDeviceLegacyDitheringFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_multisampled\\_render\\_to\\_single\\_sampled Arguments: - `multisampled_render_to_single_sampled::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT.html) """ function _PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT(multisampled_render_to_single_sampled::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT(structure_type(VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), multisampled_render_to_single_sampled) _PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_multisampled\\_render\\_to\\_single\\_sampled Arguments: - `optimal::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassResolvePerformanceQueryEXT.html) """ function _SubpassResolvePerformanceQueryEXT(optimal::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSubpassResolvePerformanceQueryEXT(structure_type(VkSubpassResolvePerformanceQueryEXT), unsafe_convert(Ptr{Cvoid}, next), optimal) _SubpassResolvePerformanceQueryEXT(vks, deps) end """ Extension: VK\\_EXT\\_multisampled\\_render\\_to\\_single\\_sampled Arguments: - `multisampled_render_to_single_sampled_enable::Bool` - `rasterization_samples::SampleCountFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultisampledRenderToSingleSampledInfoEXT.html) """ function _MultisampledRenderToSingleSampledInfoEXT(multisampled_render_to_single_sampled_enable::Bool, rasterization_samples::SampleCountFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMultisampledRenderToSingleSampledInfoEXT(structure_type(VkMultisampledRenderToSingleSampledInfoEXT), unsafe_convert(Ptr{Cvoid}, next), multisampled_render_to_single_sampled_enable, VkSampleCountFlagBits(rasterization_samples.val)) _MultisampledRenderToSingleSampledInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_pipeline\\_protected\\_access Arguments: - `pipeline_protected_access::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineProtectedAccessFeaturesEXT.html) """ function _PhysicalDevicePipelineProtectedAccessFeaturesEXT(pipeline_protected_access::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePipelineProtectedAccessFeaturesEXT(structure_type(VkPhysicalDevicePipelineProtectedAccessFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), pipeline_protected_access) _PhysicalDevicePipelineProtectedAccessFeaturesEXT(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `video_codec_operations::VideoCodecOperationFlagKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyVideoPropertiesKHR.html) """ function _QueueFamilyVideoPropertiesKHR(video_codec_operations::VideoCodecOperationFlagKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkQueueFamilyVideoPropertiesKHR(structure_type(VkQueueFamilyVideoPropertiesKHR), unsafe_convert(Ptr{Cvoid}, next), video_codec_operations) _QueueFamilyVideoPropertiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `query_result_status_support::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyQueryResultStatusPropertiesKHR.html) """ function _QueueFamilyQueryResultStatusPropertiesKHR(query_result_status_support::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkQueueFamilyQueryResultStatusPropertiesKHR(structure_type(VkQueueFamilyQueryResultStatusPropertiesKHR), unsafe_convert(Ptr{Cvoid}, next), query_result_status_support) _QueueFamilyQueryResultStatusPropertiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `profiles::Vector{_VideoProfileInfoKHR}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoProfileListInfoKHR.html) """ function _VideoProfileListInfoKHR(profiles::AbstractArray; next = C_NULL) profile_count = pointer_length(profiles) next = cconvert(Ptr{Cvoid}, next) profiles = cconvert(Ptr{VkVideoProfileInfoKHR}, profiles) deps = Any[next, profiles] vks = VkVideoProfileListInfoKHR(structure_type(VkVideoProfileListInfoKHR), unsafe_convert(Ptr{Cvoid}, next), profile_count, unsafe_convert(Ptr{VkVideoProfileInfoKHR}, profiles)) _VideoProfileListInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `image_usage::ImageUsageFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVideoFormatInfoKHR.html) """ function _PhysicalDeviceVideoFormatInfoKHR(image_usage::ImageUsageFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceVideoFormatInfoKHR(structure_type(VkPhysicalDeviceVideoFormatInfoKHR), unsafe_convert(Ptr{Cvoid}, next), image_usage) _PhysicalDeviceVideoFormatInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `format::Format` - `component_mapping::_ComponentMapping` - `image_create_flags::ImageCreateFlag` - `image_type::ImageType` - `image_tiling::ImageTiling` - `image_usage_flags::ImageUsageFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoFormatPropertiesKHR.html) """ function _VideoFormatPropertiesKHR(format::Format, component_mapping::_ComponentMapping, image_create_flags::ImageCreateFlag, image_type::ImageType, image_tiling::ImageTiling, image_usage_flags::ImageUsageFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoFormatPropertiesKHR(structure_type(VkVideoFormatPropertiesKHR), unsafe_convert(Ptr{Cvoid}, next), format, component_mapping.vks, image_create_flags, image_type, image_tiling, image_usage_flags) _VideoFormatPropertiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `video_codec_operation::VideoCodecOperationFlagKHR` - `chroma_subsampling::VideoChromaSubsamplingFlagKHR` - `luma_bit_depth::VideoComponentBitDepthFlagKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `chroma_bit_depth::VideoComponentBitDepthFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoProfileInfoKHR.html) """ function _VideoProfileInfoKHR(video_codec_operation::VideoCodecOperationFlagKHR, chroma_subsampling::VideoChromaSubsamplingFlagKHR, luma_bit_depth::VideoComponentBitDepthFlagKHR; next = C_NULL, chroma_bit_depth = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoProfileInfoKHR(structure_type(VkVideoProfileInfoKHR), unsafe_convert(Ptr{Cvoid}, next), VkVideoCodecOperationFlagBitsKHR(video_codec_operation.val), chroma_subsampling, luma_bit_depth, chroma_bit_depth) _VideoProfileInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `flags::VideoCapabilityFlagKHR` - `min_bitstream_buffer_offset_alignment::UInt64` - `min_bitstream_buffer_size_alignment::UInt64` - `picture_access_granularity::_Extent2D` - `min_coded_extent::_Extent2D` - `max_coded_extent::_Extent2D` - `max_dpb_slots::UInt32` - `max_active_reference_pictures::UInt32` - `std_header_version::_ExtensionProperties` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoCapabilitiesKHR.html) """ function _VideoCapabilitiesKHR(flags::VideoCapabilityFlagKHR, min_bitstream_buffer_offset_alignment::Integer, min_bitstream_buffer_size_alignment::Integer, picture_access_granularity::_Extent2D, min_coded_extent::_Extent2D, max_coded_extent::_Extent2D, max_dpb_slots::Integer, max_active_reference_pictures::Integer, std_header_version::_ExtensionProperties; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoCapabilitiesKHR(structure_type(VkVideoCapabilitiesKHR), unsafe_convert(Ptr{Cvoid}, next), flags, min_bitstream_buffer_offset_alignment, min_bitstream_buffer_size_alignment, picture_access_granularity.vks, min_coded_extent.vks, max_coded_extent.vks, max_dpb_slots, max_active_reference_pictures, std_header_version.vks) _VideoCapabilitiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `memory_bind_index::UInt32` - `memory_requirements::_MemoryRequirements` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionMemoryRequirementsKHR.html) """ function _VideoSessionMemoryRequirementsKHR(memory_bind_index::Integer, memory_requirements::_MemoryRequirements; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoSessionMemoryRequirementsKHR(structure_type(VkVideoSessionMemoryRequirementsKHR), unsafe_convert(Ptr{Cvoid}, next), memory_bind_index, memory_requirements.vks) _VideoSessionMemoryRequirementsKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `memory_bind_index::UInt32` - `memory::DeviceMemory` - `memory_offset::UInt64` - `memory_size::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindVideoSessionMemoryInfoKHR.html) """ function _BindVideoSessionMemoryInfoKHR(memory_bind_index::Integer, memory, memory_offset::Integer, memory_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBindVideoSessionMemoryInfoKHR(structure_type(VkBindVideoSessionMemoryInfoKHR), unsafe_convert(Ptr{Cvoid}, next), memory_bind_index, memory, memory_offset, memory_size) _BindVideoSessionMemoryInfoKHR(vks, deps, memory) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `coded_offset::_Offset2D` - `coded_extent::_Extent2D` - `base_array_layer::UInt32` - `image_view_binding::ImageView` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoPictureResourceInfoKHR.html) """ function _VideoPictureResourceInfoKHR(coded_offset::_Offset2D, coded_extent::_Extent2D, base_array_layer::Integer, image_view_binding; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoPictureResourceInfoKHR(structure_type(VkVideoPictureResourceInfoKHR), unsafe_convert(Ptr{Cvoid}, next), coded_offset.vks, coded_extent.vks, base_array_layer, image_view_binding) _VideoPictureResourceInfoKHR(vks, deps, image_view_binding) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `slot_index::Int32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `picture_resource::_VideoPictureResourceInfoKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoReferenceSlotInfoKHR.html) """ function _VideoReferenceSlotInfoKHR(slot_index::Integer; next = C_NULL, picture_resource = C_NULL) next = cconvert(Ptr{Cvoid}, next) picture_resource = cconvert(Ptr{VkVideoPictureResourceInfoKHR}, picture_resource) deps = Any[next, picture_resource] vks = VkVideoReferenceSlotInfoKHR(structure_type(VkVideoReferenceSlotInfoKHR), unsafe_convert(Ptr{Cvoid}, next), slot_index, unsafe_convert(Ptr{VkVideoPictureResourceInfoKHR}, picture_resource)) _VideoReferenceSlotInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_queue Arguments: - `flags::VideoDecodeCapabilityFlagKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeCapabilitiesKHR.html) """ function _VideoDecodeCapabilitiesKHR(flags::VideoDecodeCapabilityFlagKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoDecodeCapabilitiesKHR(structure_type(VkVideoDecodeCapabilitiesKHR), unsafe_convert(Ptr{Cvoid}, next), flags) _VideoDecodeCapabilitiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_queue Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `video_usage_hints::VideoDecodeUsageFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeUsageInfoKHR.html) """ function _VideoDecodeUsageInfoKHR(; next = C_NULL, video_usage_hints = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoDecodeUsageInfoKHR(structure_type(VkVideoDecodeUsageInfoKHR), unsafe_convert(Ptr{Cvoid}, next), video_usage_hints) _VideoDecodeUsageInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_queue Arguments: - `src_buffer::Buffer` - `src_buffer_offset::UInt64` - `src_buffer_range::UInt64` - `dst_picture_resource::_VideoPictureResourceInfoKHR` - `setup_reference_slot::_VideoReferenceSlotInfoKHR` - `reference_slots::Vector{_VideoReferenceSlotInfoKHR}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeInfoKHR.html) """ function _VideoDecodeInfoKHR(src_buffer, src_buffer_offset::Integer, src_buffer_range::Integer, dst_picture_resource::_VideoPictureResourceInfoKHR, setup_reference_slot::_VideoReferenceSlotInfoKHR, reference_slots::AbstractArray; next = C_NULL, flags = 0) reference_slot_count = pointer_length(reference_slots) next = cconvert(Ptr{Cvoid}, next) setup_reference_slot = cconvert(Ptr{VkVideoReferenceSlotInfoKHR}, setup_reference_slot) reference_slots = cconvert(Ptr{VkVideoReferenceSlotInfoKHR}, reference_slots) deps = Any[next, setup_reference_slot, reference_slots] vks = VkVideoDecodeInfoKHR(structure_type(VkVideoDecodeInfoKHR), unsafe_convert(Ptr{Cvoid}, next), flags, src_buffer, src_buffer_offset, src_buffer_range, dst_picture_resource.vks, unsafe_convert(Ptr{VkVideoReferenceSlotInfoKHR}, setup_reference_slot), reference_slot_count, unsafe_convert(Ptr{VkVideoReferenceSlotInfoKHR}, reference_slots)) _VideoDecodeInfoKHR(vks, deps, src_buffer) end """ Extension: VK\\_KHR\\_video\\_decode\\_h264 Arguments: - `std_profile_idc::StdVideoH264ProfileIdc` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `picture_layout::VideoDecodeH264PictureLayoutFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264ProfileInfoKHR.html) """ function _VideoDecodeH264ProfileInfoKHR(std_profile_idc::StdVideoH264ProfileIdc; next = C_NULL, picture_layout = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoDecodeH264ProfileInfoKHR(structure_type(VkVideoDecodeH264ProfileInfoKHR), unsafe_convert(Ptr{Cvoid}, next), std_profile_idc, VkVideoDecodeH264PictureLayoutFlagBitsKHR(picture_layout.val)) _VideoDecodeH264ProfileInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_h264 Arguments: - `max_level_idc::StdVideoH264LevelIdc` - `field_offset_granularity::_Offset2D` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264CapabilitiesKHR.html) """ function _VideoDecodeH264CapabilitiesKHR(max_level_idc::StdVideoH264LevelIdc, field_offset_granularity::_Offset2D; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoDecodeH264CapabilitiesKHR(structure_type(VkVideoDecodeH264CapabilitiesKHR), unsafe_convert(Ptr{Cvoid}, next), max_level_idc, field_offset_granularity.vks) _VideoDecodeH264CapabilitiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_h264 Arguments: - `std_sp_ss::Vector{StdVideoH264SequenceParameterSet}` - `std_pp_ss::Vector{StdVideoH264PictureParameterSet}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264SessionParametersAddInfoKHR.html) """ function _VideoDecodeH264SessionParametersAddInfoKHR(std_sp_ss::AbstractArray, std_pp_ss::AbstractArray; next = C_NULL) std_sps_count = pointer_length(std_sp_ss) std_pps_count = pointer_length(std_pp_ss) next = cconvert(Ptr{Cvoid}, next) std_sp_ss = cconvert(Ptr{StdVideoH264SequenceParameterSet}, std_sp_ss) std_pp_ss = cconvert(Ptr{StdVideoH264PictureParameterSet}, std_pp_ss) deps = Any[next, std_sp_ss, std_pp_ss] vks = VkVideoDecodeH264SessionParametersAddInfoKHR(structure_type(VkVideoDecodeH264SessionParametersAddInfoKHR), unsafe_convert(Ptr{Cvoid}, next), std_sps_count, unsafe_convert(Ptr{StdVideoH264SequenceParameterSet}, std_sp_ss), std_pps_count, unsafe_convert(Ptr{StdVideoH264PictureParameterSet}, std_pp_ss)) _VideoDecodeH264SessionParametersAddInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_h264 Arguments: - `max_std_sps_count::UInt32` - `max_std_pps_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `parameters_add_info::_VideoDecodeH264SessionParametersAddInfoKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264SessionParametersCreateInfoKHR.html) """ function _VideoDecodeH264SessionParametersCreateInfoKHR(max_std_sps_count::Integer, max_std_pps_count::Integer; next = C_NULL, parameters_add_info = C_NULL) next = cconvert(Ptr{Cvoid}, next) parameters_add_info = cconvert(Ptr{VkVideoDecodeH264SessionParametersAddInfoKHR}, parameters_add_info) deps = Any[next, parameters_add_info] vks = VkVideoDecodeH264SessionParametersCreateInfoKHR(structure_type(VkVideoDecodeH264SessionParametersCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), max_std_sps_count, max_std_pps_count, unsafe_convert(Ptr{VkVideoDecodeH264SessionParametersAddInfoKHR}, parameters_add_info)) _VideoDecodeH264SessionParametersCreateInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_h264 Arguments: - `std_picture_info::StdVideoDecodeH264PictureInfo` - `slice_offsets::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264PictureInfoKHR.html) """ function _VideoDecodeH264PictureInfoKHR(std_picture_info::StdVideoDecodeH264PictureInfo, slice_offsets::AbstractArray; next = C_NULL) slice_count = pointer_length(slice_offsets) next = cconvert(Ptr{Cvoid}, next) std_picture_info = cconvert(Ptr{StdVideoDecodeH264PictureInfo}, std_picture_info) slice_offsets = cconvert(Ptr{UInt32}, slice_offsets) deps = Any[next, std_picture_info, slice_offsets] vks = VkVideoDecodeH264PictureInfoKHR(structure_type(VkVideoDecodeH264PictureInfoKHR), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{StdVideoDecodeH264PictureInfo}, std_picture_info), slice_count, unsafe_convert(Ptr{UInt32}, slice_offsets)) _VideoDecodeH264PictureInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_h264 Arguments: - `std_reference_info::StdVideoDecodeH264ReferenceInfo` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264DpbSlotInfoKHR.html) """ function _VideoDecodeH264DpbSlotInfoKHR(std_reference_info::StdVideoDecodeH264ReferenceInfo; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) std_reference_info = cconvert(Ptr{StdVideoDecodeH264ReferenceInfo}, std_reference_info) deps = Any[next, std_reference_info] vks = VkVideoDecodeH264DpbSlotInfoKHR(structure_type(VkVideoDecodeH264DpbSlotInfoKHR), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{StdVideoDecodeH264ReferenceInfo}, std_reference_info)) _VideoDecodeH264DpbSlotInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_h265 Arguments: - `std_profile_idc::StdVideoH265ProfileIdc` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265ProfileInfoKHR.html) """ function _VideoDecodeH265ProfileInfoKHR(std_profile_idc::StdVideoH265ProfileIdc; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoDecodeH265ProfileInfoKHR(structure_type(VkVideoDecodeH265ProfileInfoKHR), unsafe_convert(Ptr{Cvoid}, next), std_profile_idc) _VideoDecodeH265ProfileInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_h265 Arguments: - `max_level_idc::StdVideoH265LevelIdc` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265CapabilitiesKHR.html) """ function _VideoDecodeH265CapabilitiesKHR(max_level_idc::StdVideoH265LevelIdc; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoDecodeH265CapabilitiesKHR(structure_type(VkVideoDecodeH265CapabilitiesKHR), unsafe_convert(Ptr{Cvoid}, next), max_level_idc) _VideoDecodeH265CapabilitiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_h265 Arguments: - `std_vp_ss::Vector{StdVideoH265VideoParameterSet}` - `std_sp_ss::Vector{StdVideoH265SequenceParameterSet}` - `std_pp_ss::Vector{StdVideoH265PictureParameterSet}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265SessionParametersAddInfoKHR.html) """ function _VideoDecodeH265SessionParametersAddInfoKHR(std_vp_ss::AbstractArray, std_sp_ss::AbstractArray, std_pp_ss::AbstractArray; next = C_NULL) std_vps_count = pointer_length(std_vp_ss) std_sps_count = pointer_length(std_sp_ss) std_pps_count = pointer_length(std_pp_ss) next = cconvert(Ptr{Cvoid}, next) std_vp_ss = cconvert(Ptr{StdVideoH265VideoParameterSet}, std_vp_ss) std_sp_ss = cconvert(Ptr{StdVideoH265SequenceParameterSet}, std_sp_ss) std_pp_ss = cconvert(Ptr{StdVideoH265PictureParameterSet}, std_pp_ss) deps = Any[next, std_vp_ss, std_sp_ss, std_pp_ss] vks = VkVideoDecodeH265SessionParametersAddInfoKHR(structure_type(VkVideoDecodeH265SessionParametersAddInfoKHR), unsafe_convert(Ptr{Cvoid}, next), std_vps_count, unsafe_convert(Ptr{StdVideoH265VideoParameterSet}, std_vp_ss), std_sps_count, unsafe_convert(Ptr{StdVideoH265SequenceParameterSet}, std_sp_ss), std_pps_count, unsafe_convert(Ptr{StdVideoH265PictureParameterSet}, std_pp_ss)) _VideoDecodeH265SessionParametersAddInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_h265 Arguments: - `max_std_vps_count::UInt32` - `max_std_sps_count::UInt32` - `max_std_pps_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `parameters_add_info::_VideoDecodeH265SessionParametersAddInfoKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265SessionParametersCreateInfoKHR.html) """ function _VideoDecodeH265SessionParametersCreateInfoKHR(max_std_vps_count::Integer, max_std_sps_count::Integer, max_std_pps_count::Integer; next = C_NULL, parameters_add_info = C_NULL) next = cconvert(Ptr{Cvoid}, next) parameters_add_info = cconvert(Ptr{VkVideoDecodeH265SessionParametersAddInfoKHR}, parameters_add_info) deps = Any[next, parameters_add_info] vks = VkVideoDecodeH265SessionParametersCreateInfoKHR(structure_type(VkVideoDecodeH265SessionParametersCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), max_std_vps_count, max_std_sps_count, max_std_pps_count, unsafe_convert(Ptr{VkVideoDecodeH265SessionParametersAddInfoKHR}, parameters_add_info)) _VideoDecodeH265SessionParametersCreateInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_h265 Arguments: - `std_picture_info::StdVideoDecodeH265PictureInfo` - `slice_segment_offsets::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265PictureInfoKHR.html) """ function _VideoDecodeH265PictureInfoKHR(std_picture_info::StdVideoDecodeH265PictureInfo, slice_segment_offsets::AbstractArray; next = C_NULL) slice_segment_count = pointer_length(slice_segment_offsets) next = cconvert(Ptr{Cvoid}, next) std_picture_info = cconvert(Ptr{StdVideoDecodeH265PictureInfo}, std_picture_info) slice_segment_offsets = cconvert(Ptr{UInt32}, slice_segment_offsets) deps = Any[next, std_picture_info, slice_segment_offsets] vks = VkVideoDecodeH265PictureInfoKHR(structure_type(VkVideoDecodeH265PictureInfoKHR), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{StdVideoDecodeH265PictureInfo}, std_picture_info), slice_segment_count, unsafe_convert(Ptr{UInt32}, slice_segment_offsets)) _VideoDecodeH265PictureInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_h265 Arguments: - `std_reference_info::StdVideoDecodeH265ReferenceInfo` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265DpbSlotInfoKHR.html) """ function _VideoDecodeH265DpbSlotInfoKHR(std_reference_info::StdVideoDecodeH265ReferenceInfo; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) std_reference_info = cconvert(Ptr{StdVideoDecodeH265ReferenceInfo}, std_reference_info) deps = Any[next, std_reference_info] vks = VkVideoDecodeH265DpbSlotInfoKHR(structure_type(VkVideoDecodeH265DpbSlotInfoKHR), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{StdVideoDecodeH265ReferenceInfo}, std_reference_info)) _VideoDecodeH265DpbSlotInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `queue_family_index::UInt32` - `video_profile::_VideoProfileInfoKHR` - `picture_format::Format` - `max_coded_extent::_Extent2D` - `reference_picture_format::Format` - `max_dpb_slots::UInt32` - `max_active_reference_pictures::UInt32` - `std_header_version::_ExtensionProperties` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::VideoSessionCreateFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionCreateInfoKHR.html) """ function _VideoSessionCreateInfoKHR(queue_family_index::Integer, video_profile::_VideoProfileInfoKHR, picture_format::Format, max_coded_extent::_Extent2D, reference_picture_format::Format, max_dpb_slots::Integer, max_active_reference_pictures::Integer, std_header_version::_ExtensionProperties; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) video_profile = cconvert(Ptr{VkVideoProfileInfoKHR}, video_profile) std_header_version = cconvert(Ptr{VkExtensionProperties}, std_header_version) deps = Any[next, video_profile, std_header_version] vks = VkVideoSessionCreateInfoKHR(structure_type(VkVideoSessionCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), queue_family_index, flags, unsafe_convert(Ptr{VkVideoProfileInfoKHR}, video_profile), picture_format, max_coded_extent.vks, reference_picture_format, max_dpb_slots, max_active_reference_pictures, unsafe_convert(Ptr{VkExtensionProperties}, std_header_version)) _VideoSessionCreateInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `video_session::VideoSessionKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `video_session_parameters_template::VideoSessionParametersKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionParametersCreateInfoKHR.html) """ function _VideoSessionParametersCreateInfoKHR(video_session; next = C_NULL, flags = 0, video_session_parameters_template = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoSessionParametersCreateInfoKHR(structure_type(VkVideoSessionParametersCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), flags, video_session_parameters_template, video_session) _VideoSessionParametersCreateInfoKHR(vks, deps, video_session_parameters_template, video_session) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `update_sequence_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionParametersUpdateInfoKHR.html) """ function _VideoSessionParametersUpdateInfoKHR(update_sequence_count::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoSessionParametersUpdateInfoKHR(structure_type(VkVideoSessionParametersUpdateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), update_sequence_count) _VideoSessionParametersUpdateInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `video_session::VideoSessionKHR` - `reference_slots::Vector{_VideoReferenceSlotInfoKHR}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `video_session_parameters::VideoSessionParametersKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoBeginCodingInfoKHR.html) """ function _VideoBeginCodingInfoKHR(video_session, reference_slots::AbstractArray; next = C_NULL, flags = 0, video_session_parameters = C_NULL) reference_slot_count = pointer_length(reference_slots) next = cconvert(Ptr{Cvoid}, next) reference_slots = cconvert(Ptr{VkVideoReferenceSlotInfoKHR}, reference_slots) deps = Any[next, reference_slots] vks = VkVideoBeginCodingInfoKHR(structure_type(VkVideoBeginCodingInfoKHR), unsafe_convert(Ptr{Cvoid}, next), flags, video_session, video_session_parameters, reference_slot_count, unsafe_convert(Ptr{VkVideoReferenceSlotInfoKHR}, reference_slots)) _VideoBeginCodingInfoKHR(vks, deps, video_session, video_session_parameters) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoEndCodingInfoKHR.html) """ function _VideoEndCodingInfoKHR(; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoEndCodingInfoKHR(structure_type(VkVideoEndCodingInfoKHR), unsafe_convert(Ptr{Cvoid}, next), flags) _VideoEndCodingInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::VideoCodingControlFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoCodingControlInfoKHR.html) """ function _VideoCodingControlInfoKHR(; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoCodingControlInfoKHR(structure_type(VkVideoCodingControlInfoKHR), unsafe_convert(Ptr{Cvoid}, next), flags) _VideoCodingControlInfoKHR(vks, deps) end """ Extension: VK\\_NV\\_inherited\\_viewport\\_scissor Arguments: - `inherited_viewport_scissor_2_d::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInheritedViewportScissorFeaturesNV.html) """ function _PhysicalDeviceInheritedViewportScissorFeaturesNV(inherited_viewport_scissor_2_d::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceInheritedViewportScissorFeaturesNV(structure_type(VkPhysicalDeviceInheritedViewportScissorFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), inherited_viewport_scissor_2_d) _PhysicalDeviceInheritedViewportScissorFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_inherited\\_viewport\\_scissor Arguments: - `viewport_scissor_2_d::Bool` - `viewport_depth_count::UInt32` - `viewport_depths::_Viewport` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceViewportScissorInfoNV.html) """ function _CommandBufferInheritanceViewportScissorInfoNV(viewport_scissor_2_d::Bool, viewport_depth_count::Integer, viewport_depths::_Viewport; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) viewport_depths = cconvert(Ptr{VkViewport}, viewport_depths) deps = Any[next, viewport_depths] vks = VkCommandBufferInheritanceViewportScissorInfoNV(structure_type(VkCommandBufferInheritanceViewportScissorInfoNV), unsafe_convert(Ptr{Cvoid}, next), viewport_scissor_2_d, viewport_depth_count, unsafe_convert(Ptr{VkViewport}, viewport_depths)) _CommandBufferInheritanceViewportScissorInfoNV(vks, deps) end """ Extension: VK\\_EXT\\_ycbcr\\_2plane\\_444\\_formats Arguments: - `ycbcr_444_formats::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT.html) """ function _PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT(ycbcr_444_formats::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT(structure_type(VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), ycbcr_444_formats) _PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_provoking\\_vertex Arguments: - `provoking_vertex_last::Bool` - `transform_feedback_preserves_provoking_vertex::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProvokingVertexFeaturesEXT.html) """ function _PhysicalDeviceProvokingVertexFeaturesEXT(provoking_vertex_last::Bool, transform_feedback_preserves_provoking_vertex::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceProvokingVertexFeaturesEXT(structure_type(VkPhysicalDeviceProvokingVertexFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), provoking_vertex_last, transform_feedback_preserves_provoking_vertex) _PhysicalDeviceProvokingVertexFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_provoking\\_vertex Arguments: - `provoking_vertex_mode_per_pipeline::Bool` - `transform_feedback_preserves_triangle_fan_provoking_vertex::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProvokingVertexPropertiesEXT.html) """ function _PhysicalDeviceProvokingVertexPropertiesEXT(provoking_vertex_mode_per_pipeline::Bool, transform_feedback_preserves_triangle_fan_provoking_vertex::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceProvokingVertexPropertiesEXT(structure_type(VkPhysicalDeviceProvokingVertexPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), provoking_vertex_mode_per_pipeline, transform_feedback_preserves_triangle_fan_provoking_vertex) _PhysicalDeviceProvokingVertexPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_provoking\\_vertex Arguments: - `provoking_vertex_mode::ProvokingVertexModeEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationProvokingVertexStateCreateInfoEXT.html) """ function _PipelineRasterizationProvokingVertexStateCreateInfoEXT(provoking_vertex_mode::ProvokingVertexModeEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineRasterizationProvokingVertexStateCreateInfoEXT(structure_type(VkPipelineRasterizationProvokingVertexStateCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), provoking_vertex_mode) _PipelineRasterizationProvokingVertexStateCreateInfoEXT(vks, deps) end """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `data_size::UInt` - `data::Ptr{Cvoid}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCuModuleCreateInfoNVX.html) """ function _CuModuleCreateInfoNVX(data_size::Integer, data::Ptr{Cvoid}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) data = cconvert(Ptr{Cvoid}, data) deps = Any[next, data] vks = VkCuModuleCreateInfoNVX(structure_type(VkCuModuleCreateInfoNVX), unsafe_convert(Ptr{Cvoid}, next), data_size, unsafe_convert(Ptr{Cvoid}, data)) _CuModuleCreateInfoNVX(vks, deps) end """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `_module::CuModuleNVX` - `name::String` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCuFunctionCreateInfoNVX.html) """ function _CuFunctionCreateInfoNVX(_module, name::AbstractString; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) name = cconvert(Cstring, name) deps = Any[next, name] vks = VkCuFunctionCreateInfoNVX(structure_type(VkCuFunctionCreateInfoNVX), unsafe_convert(Ptr{Cvoid}, next), _module, unsafe_convert(Cstring, name)) _CuFunctionCreateInfoNVX(vks, deps, _module) end """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `_function::CuFunctionNVX` - `grid_dim_x::UInt32` - `grid_dim_y::UInt32` - `grid_dim_z::UInt32` - `block_dim_x::UInt32` - `block_dim_y::UInt32` - `block_dim_z::UInt32` - `shared_mem_bytes::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCuLaunchInfoNVX.html) """ function _CuLaunchInfoNVX(_function, grid_dim_x::Integer, grid_dim_y::Integer, grid_dim_z::Integer, block_dim_x::Integer, block_dim_y::Integer, block_dim_z::Integer, shared_mem_bytes::Integer; next = C_NULL) param_count = pointer_length(params) extra_count = pointer_length(extras) next = cconvert(Ptr{Cvoid}, next) params = cconvert(Ptr{Ptr{Cvoid}}, params) extras = cconvert(Ptr{Ptr{Cvoid}}, extras) deps = Any[next, params, extras] vks = VkCuLaunchInfoNVX(structure_type(VkCuLaunchInfoNVX), unsafe_convert(Ptr{Cvoid}, next), _function, grid_dim_x, grid_dim_y, grid_dim_z, block_dim_x, block_dim_y, block_dim_z, shared_mem_bytes, param_count, unsafe_convert(Ptr{Ptr{Cvoid}}, params), extra_count, unsafe_convert(Ptr{Ptr{Cvoid}}, extras)) _CuLaunchInfoNVX(vks, deps, _function) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `descriptor_buffer::Bool` - `descriptor_buffer_capture_replay::Bool` - `descriptor_buffer_image_layout_ignored::Bool` - `descriptor_buffer_push_descriptors::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorBufferFeaturesEXT.html) """ function _PhysicalDeviceDescriptorBufferFeaturesEXT(descriptor_buffer::Bool, descriptor_buffer_capture_replay::Bool, descriptor_buffer_image_layout_ignored::Bool, descriptor_buffer_push_descriptors::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDescriptorBufferFeaturesEXT(structure_type(VkPhysicalDeviceDescriptorBufferFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), descriptor_buffer, descriptor_buffer_capture_replay, descriptor_buffer_image_layout_ignored, descriptor_buffer_push_descriptors) _PhysicalDeviceDescriptorBufferFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `combined_image_sampler_descriptor_single_array::Bool` - `bufferless_push_descriptors::Bool` - `allow_sampler_image_view_post_submit_creation::Bool` - `descriptor_buffer_offset_alignment::UInt64` - `max_descriptor_buffer_bindings::UInt32` - `max_resource_descriptor_buffer_bindings::UInt32` - `max_sampler_descriptor_buffer_bindings::UInt32` - `max_embedded_immutable_sampler_bindings::UInt32` - `max_embedded_immutable_samplers::UInt32` - `buffer_capture_replay_descriptor_data_size::UInt` - `image_capture_replay_descriptor_data_size::UInt` - `image_view_capture_replay_descriptor_data_size::UInt` - `sampler_capture_replay_descriptor_data_size::UInt` - `acceleration_structure_capture_replay_descriptor_data_size::UInt` - `sampler_descriptor_size::UInt` - `combined_image_sampler_descriptor_size::UInt` - `sampled_image_descriptor_size::UInt` - `storage_image_descriptor_size::UInt` - `uniform_texel_buffer_descriptor_size::UInt` - `robust_uniform_texel_buffer_descriptor_size::UInt` - `storage_texel_buffer_descriptor_size::UInt` - `robust_storage_texel_buffer_descriptor_size::UInt` - `uniform_buffer_descriptor_size::UInt` - `robust_uniform_buffer_descriptor_size::UInt` - `storage_buffer_descriptor_size::UInt` - `robust_storage_buffer_descriptor_size::UInt` - `input_attachment_descriptor_size::UInt` - `acceleration_structure_descriptor_size::UInt` - `max_sampler_descriptor_buffer_range::UInt64` - `max_resource_descriptor_buffer_range::UInt64` - `sampler_descriptor_buffer_address_space_size::UInt64` - `resource_descriptor_buffer_address_space_size::UInt64` - `descriptor_buffer_address_space_size::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorBufferPropertiesEXT.html) """ function _PhysicalDeviceDescriptorBufferPropertiesEXT(combined_image_sampler_descriptor_single_array::Bool, bufferless_push_descriptors::Bool, allow_sampler_image_view_post_submit_creation::Bool, descriptor_buffer_offset_alignment::Integer, max_descriptor_buffer_bindings::Integer, max_resource_descriptor_buffer_bindings::Integer, max_sampler_descriptor_buffer_bindings::Integer, max_embedded_immutable_sampler_bindings::Integer, max_embedded_immutable_samplers::Integer, buffer_capture_replay_descriptor_data_size::Integer, image_capture_replay_descriptor_data_size::Integer, image_view_capture_replay_descriptor_data_size::Integer, sampler_capture_replay_descriptor_data_size::Integer, acceleration_structure_capture_replay_descriptor_data_size::Integer, sampler_descriptor_size::Integer, combined_image_sampler_descriptor_size::Integer, sampled_image_descriptor_size::Integer, storage_image_descriptor_size::Integer, uniform_texel_buffer_descriptor_size::Integer, robust_uniform_texel_buffer_descriptor_size::Integer, storage_texel_buffer_descriptor_size::Integer, robust_storage_texel_buffer_descriptor_size::Integer, uniform_buffer_descriptor_size::Integer, robust_uniform_buffer_descriptor_size::Integer, storage_buffer_descriptor_size::Integer, robust_storage_buffer_descriptor_size::Integer, input_attachment_descriptor_size::Integer, acceleration_structure_descriptor_size::Integer, max_sampler_descriptor_buffer_range::Integer, max_resource_descriptor_buffer_range::Integer, sampler_descriptor_buffer_address_space_size::Integer, resource_descriptor_buffer_address_space_size::Integer, descriptor_buffer_address_space_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDescriptorBufferPropertiesEXT(structure_type(VkPhysicalDeviceDescriptorBufferPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), combined_image_sampler_descriptor_single_array, bufferless_push_descriptors, allow_sampler_image_view_post_submit_creation, descriptor_buffer_offset_alignment, max_descriptor_buffer_bindings, max_resource_descriptor_buffer_bindings, max_sampler_descriptor_buffer_bindings, max_embedded_immutable_sampler_bindings, max_embedded_immutable_samplers, buffer_capture_replay_descriptor_data_size, image_capture_replay_descriptor_data_size, image_view_capture_replay_descriptor_data_size, sampler_capture_replay_descriptor_data_size, acceleration_structure_capture_replay_descriptor_data_size, sampler_descriptor_size, combined_image_sampler_descriptor_size, sampled_image_descriptor_size, storage_image_descriptor_size, uniform_texel_buffer_descriptor_size, robust_uniform_texel_buffer_descriptor_size, storage_texel_buffer_descriptor_size, robust_storage_texel_buffer_descriptor_size, uniform_buffer_descriptor_size, robust_uniform_buffer_descriptor_size, storage_buffer_descriptor_size, robust_storage_buffer_descriptor_size, input_attachment_descriptor_size, acceleration_structure_descriptor_size, max_sampler_descriptor_buffer_range, max_resource_descriptor_buffer_range, sampler_descriptor_buffer_address_space_size, resource_descriptor_buffer_address_space_size, descriptor_buffer_address_space_size) _PhysicalDeviceDescriptorBufferPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `combined_image_sampler_density_map_descriptor_size::UInt` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT.html) """ function _PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT(combined_image_sampler_density_map_descriptor_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT(structure_type(VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), combined_image_sampler_density_map_descriptor_size) _PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `address::UInt64` - `range::UInt64` - `format::Format` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorAddressInfoEXT.html) """ function _DescriptorAddressInfoEXT(address::Integer, range::Integer, format::Format; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDescriptorAddressInfoEXT(structure_type(VkDescriptorAddressInfoEXT), unsafe_convert(Ptr{Cvoid}, next), address, range, format) _DescriptorAddressInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `address::UInt64` - `usage::BufferUsageFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorBufferBindingInfoEXT.html) """ function _DescriptorBufferBindingInfoEXT(address::Integer, usage::BufferUsageFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDescriptorBufferBindingInfoEXT(structure_type(VkDescriptorBufferBindingInfoEXT), unsafe_convert(Ptr{Cvoid}, next), address, usage) _DescriptorBufferBindingInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `buffer::Buffer` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorBufferBindingPushDescriptorBufferHandleEXT.html) """ function _DescriptorBufferBindingPushDescriptorBufferHandleEXT(buffer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDescriptorBufferBindingPushDescriptorBufferHandleEXT(structure_type(VkDescriptorBufferBindingPushDescriptorBufferHandleEXT), unsafe_convert(Ptr{Cvoid}, next), buffer) _DescriptorBufferBindingPushDescriptorBufferHandleEXT(vks, deps, buffer) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `type::DescriptorType` - `data::_DescriptorDataEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorGetInfoEXT.html) """ function _DescriptorGetInfoEXT(type::DescriptorType, data::_DescriptorDataEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDescriptorGetInfoEXT(structure_type(VkDescriptorGetInfoEXT), unsafe_convert(Ptr{Cvoid}, next), type, data.vks) _DescriptorGetInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `buffer::Buffer` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCaptureDescriptorDataInfoEXT.html) """ function _BufferCaptureDescriptorDataInfoEXT(buffer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBufferCaptureDescriptorDataInfoEXT(structure_type(VkBufferCaptureDescriptorDataInfoEXT), unsafe_convert(Ptr{Cvoid}, next), buffer) _BufferCaptureDescriptorDataInfoEXT(vks, deps, buffer) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `image::Image` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCaptureDescriptorDataInfoEXT.html) """ function _ImageCaptureDescriptorDataInfoEXT(image; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageCaptureDescriptorDataInfoEXT(structure_type(VkImageCaptureDescriptorDataInfoEXT), unsafe_convert(Ptr{Cvoid}, next), image) _ImageCaptureDescriptorDataInfoEXT(vks, deps, image) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `image_view::ImageView` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewCaptureDescriptorDataInfoEXT.html) """ function _ImageViewCaptureDescriptorDataInfoEXT(image_view; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageViewCaptureDescriptorDataInfoEXT(structure_type(VkImageViewCaptureDescriptorDataInfoEXT), unsafe_convert(Ptr{Cvoid}, next), image_view) _ImageViewCaptureDescriptorDataInfoEXT(vks, deps, image_view) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `sampler::Sampler` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerCaptureDescriptorDataInfoEXT.html) """ function _SamplerCaptureDescriptorDataInfoEXT(sampler; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSamplerCaptureDescriptorDataInfoEXT(structure_type(VkSamplerCaptureDescriptorDataInfoEXT), unsafe_convert(Ptr{Cvoid}, next), sampler) _SamplerCaptureDescriptorDataInfoEXT(vks, deps, sampler) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `acceleration_structure::AccelerationStructureKHR`: defaults to `C_NULL` - `acceleration_structure_nv::AccelerationStructureNV`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureCaptureDescriptorDataInfoEXT.html) """ function _AccelerationStructureCaptureDescriptorDataInfoEXT(; next = C_NULL, acceleration_structure = C_NULL, acceleration_structure_nv = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAccelerationStructureCaptureDescriptorDataInfoEXT(structure_type(VkAccelerationStructureCaptureDescriptorDataInfoEXT), unsafe_convert(Ptr{Cvoid}, next), acceleration_structure, acceleration_structure_nv) _AccelerationStructureCaptureDescriptorDataInfoEXT(vks, deps, acceleration_structure, acceleration_structure_nv) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `opaque_capture_descriptor_data::Ptr{Cvoid}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpaqueCaptureDescriptorDataCreateInfoEXT.html) """ function _OpaqueCaptureDescriptorDataCreateInfoEXT(opaque_capture_descriptor_data::Ptr{Cvoid}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) opaque_capture_descriptor_data = cconvert(Ptr{Cvoid}, opaque_capture_descriptor_data) deps = Any[next, opaque_capture_descriptor_data] vks = VkOpaqueCaptureDescriptorDataCreateInfoEXT(structure_type(VkOpaqueCaptureDescriptorDataCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{Cvoid}, opaque_capture_descriptor_data)) _OpaqueCaptureDescriptorDataCreateInfoEXT(vks, deps) end """ Arguments: - `shader_integer_dot_product::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderIntegerDotProductFeatures.html) """ function _PhysicalDeviceShaderIntegerDotProductFeatures(shader_integer_dot_product::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderIntegerDotProductFeatures(structure_type(VkPhysicalDeviceShaderIntegerDotProductFeatures), unsafe_convert(Ptr{Cvoid}, next), shader_integer_dot_product) _PhysicalDeviceShaderIntegerDotProductFeatures(vks, deps) end """ Arguments: - `integer_dot_product_8_bit_unsigned_accelerated::Bool` - `integer_dot_product_8_bit_signed_accelerated::Bool` - `integer_dot_product_8_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_8_bit_packed_unsigned_accelerated::Bool` - `integer_dot_product_8_bit_packed_signed_accelerated::Bool` - `integer_dot_product_8_bit_packed_mixed_signedness_accelerated::Bool` - `integer_dot_product_16_bit_unsigned_accelerated::Bool` - `integer_dot_product_16_bit_signed_accelerated::Bool` - `integer_dot_product_16_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_32_bit_unsigned_accelerated::Bool` - `integer_dot_product_32_bit_signed_accelerated::Bool` - `integer_dot_product_32_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_64_bit_unsigned_accelerated::Bool` - `integer_dot_product_64_bit_signed_accelerated::Bool` - `integer_dot_product_64_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_16_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_32_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_64_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderIntegerDotProductProperties.html) """ function _PhysicalDeviceShaderIntegerDotProductProperties(integer_dot_product_8_bit_unsigned_accelerated::Bool, integer_dot_product_8_bit_signed_accelerated::Bool, integer_dot_product_8_bit_mixed_signedness_accelerated::Bool, integer_dot_product_8_bit_packed_unsigned_accelerated::Bool, integer_dot_product_8_bit_packed_signed_accelerated::Bool, integer_dot_product_8_bit_packed_mixed_signedness_accelerated::Bool, integer_dot_product_16_bit_unsigned_accelerated::Bool, integer_dot_product_16_bit_signed_accelerated::Bool, integer_dot_product_16_bit_mixed_signedness_accelerated::Bool, integer_dot_product_32_bit_unsigned_accelerated::Bool, integer_dot_product_32_bit_signed_accelerated::Bool, integer_dot_product_32_bit_mixed_signedness_accelerated::Bool, integer_dot_product_64_bit_unsigned_accelerated::Bool, integer_dot_product_64_bit_signed_accelerated::Bool, integer_dot_product_64_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_16_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_32_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_64_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderIntegerDotProductProperties(structure_type(VkPhysicalDeviceShaderIntegerDotProductProperties), unsafe_convert(Ptr{Cvoid}, next), integer_dot_product_8_bit_unsigned_accelerated, integer_dot_product_8_bit_signed_accelerated, integer_dot_product_8_bit_mixed_signedness_accelerated, integer_dot_product_8_bit_packed_unsigned_accelerated, integer_dot_product_8_bit_packed_signed_accelerated, integer_dot_product_8_bit_packed_mixed_signedness_accelerated, integer_dot_product_16_bit_unsigned_accelerated, integer_dot_product_16_bit_signed_accelerated, integer_dot_product_16_bit_mixed_signedness_accelerated, integer_dot_product_32_bit_unsigned_accelerated, integer_dot_product_32_bit_signed_accelerated, integer_dot_product_32_bit_mixed_signedness_accelerated, integer_dot_product_64_bit_unsigned_accelerated, integer_dot_product_64_bit_signed_accelerated, integer_dot_product_64_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_8_bit_signed_accelerated, integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated, integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated, integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_16_bit_signed_accelerated, integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_32_bit_signed_accelerated, integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_64_bit_signed_accelerated, integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated) _PhysicalDeviceShaderIntegerDotProductProperties(vks, deps) end """ Extension: VK\\_EXT\\_physical\\_device\\_drm Arguments: - `has_primary::Bool` - `has_render::Bool` - `primary_major::Int64` - `primary_minor::Int64` - `render_major::Int64` - `render_minor::Int64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDrmPropertiesEXT.html) """ function _PhysicalDeviceDrmPropertiesEXT(has_primary::Bool, has_render::Bool, primary_major::Integer, primary_minor::Integer, render_major::Integer, render_minor::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDrmPropertiesEXT(structure_type(VkPhysicalDeviceDrmPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), has_primary, has_render, primary_major, primary_minor, render_major, render_minor) _PhysicalDeviceDrmPropertiesEXT(vks, deps) end """ Extension: VK\\_KHR\\_fragment\\_shader\\_barycentric Arguments: - `fragment_shader_barycentric::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR.html) """ function _PhysicalDeviceFragmentShaderBarycentricFeaturesKHR(fragment_shader_barycentric::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR(structure_type(VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), fragment_shader_barycentric) _PhysicalDeviceFragmentShaderBarycentricFeaturesKHR(vks, deps) end """ Extension: VK\\_KHR\\_fragment\\_shader\\_barycentric Arguments: - `tri_strip_vertex_order_independent_of_provoking_vertex::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR.html) """ function _PhysicalDeviceFragmentShaderBarycentricPropertiesKHR(tri_strip_vertex_order_independent_of_provoking_vertex::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR(structure_type(VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR), unsafe_convert(Ptr{Cvoid}, next), tri_strip_vertex_order_independent_of_provoking_vertex) _PhysicalDeviceFragmentShaderBarycentricPropertiesKHR(vks, deps) end """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `ray_tracing_motion_blur::Bool` - `ray_tracing_motion_blur_pipeline_trace_rays_indirect::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingMotionBlurFeaturesNV.html) """ function _PhysicalDeviceRayTracingMotionBlurFeaturesNV(ray_tracing_motion_blur::Bool, ray_tracing_motion_blur_pipeline_trace_rays_indirect::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRayTracingMotionBlurFeaturesNV(structure_type(VkPhysicalDeviceRayTracingMotionBlurFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), ray_tracing_motion_blur, ray_tracing_motion_blur_pipeline_trace_rays_indirect) _PhysicalDeviceRayTracingMotionBlurFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `vertex_data::_DeviceOrHostAddressConstKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryMotionTrianglesDataNV.html) """ function _AccelerationStructureGeometryMotionTrianglesDataNV(vertex_data::_DeviceOrHostAddressConstKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAccelerationStructureGeometryMotionTrianglesDataNV(structure_type(VkAccelerationStructureGeometryMotionTrianglesDataNV), unsafe_convert(Ptr{Cvoid}, next), vertex_data.vks) _AccelerationStructureGeometryMotionTrianglesDataNV(vks, deps) end """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `max_instances::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMotionInfoNV.html) """ function _AccelerationStructureMotionInfoNV(max_instances::Integer; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAccelerationStructureMotionInfoNV(structure_type(VkAccelerationStructureMotionInfoNV), unsafe_convert(Ptr{Cvoid}, next), max_instances, flags) _AccelerationStructureMotionInfoNV(vks, deps) end """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `sx::Float32` - `a::Float32` - `b::Float32` - `pvx::Float32` - `sy::Float32` - `c::Float32` - `pvy::Float32` - `sz::Float32` - `pvz::Float32` - `qx::Float32` - `qy::Float32` - `qz::Float32` - `qw::Float32` - `tx::Float32` - `ty::Float32` - `tz::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSRTDataNV.html) """ function _SRTDataNV(sx::Real, a::Real, b::Real, pvx::Real, sy::Real, c::Real, pvy::Real, sz::Real, pvz::Real, qx::Real, qy::Real, qz::Real, qw::Real, tx::Real, ty::Real, tz::Real) _SRTDataNV(VkSRTDataNV(sx, a, b, pvx, sy, c, pvy, sz, pvz, qx, qy, qz, qw, tx, ty, tz)) end """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `transform_t_0::_SRTDataNV` - `transform_t_1::_SRTDataNV` - `instance_custom_index::UInt32` - `mask::UInt32` - `instance_shader_binding_table_record_offset::UInt32` - `acceleration_structure_reference::UInt64` - `flags::GeometryInstanceFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureSRTMotionInstanceNV.html) """ function _AccelerationStructureSRTMotionInstanceNV(transform_t_0::_SRTDataNV, transform_t_1::_SRTDataNV, instance_custom_index::Integer, mask::Integer, instance_shader_binding_table_record_offset::Integer, acceleration_structure_reference::Integer; flags = 0) _AccelerationStructureSRTMotionInstanceNV(VkAccelerationStructureSRTMotionInstanceNV(transform_t_0.vks, transform_t_1.vks, instance_custom_index, mask, instance_shader_binding_table_record_offset, flags, acceleration_structure_reference)) end """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `transform_t_0::_TransformMatrixKHR` - `transform_t_1::_TransformMatrixKHR` - `instance_custom_index::UInt32` - `mask::UInt32` - `instance_shader_binding_table_record_offset::UInt32` - `acceleration_structure_reference::UInt64` - `flags::GeometryInstanceFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMatrixMotionInstanceNV.html) """ function _AccelerationStructureMatrixMotionInstanceNV(transform_t_0::_TransformMatrixKHR, transform_t_1::_TransformMatrixKHR, instance_custom_index::Integer, mask::Integer, instance_shader_binding_table_record_offset::Integer, acceleration_structure_reference::Integer; flags = 0) _AccelerationStructureMatrixMotionInstanceNV(VkAccelerationStructureMatrixMotionInstanceNV(transform_t_0.vks, transform_t_1.vks, instance_custom_index, mask, instance_shader_binding_table_record_offset, flags, acceleration_structure_reference)) end """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `type::AccelerationStructureMotionInstanceTypeNV` - `data::_AccelerationStructureMotionInstanceDataNV` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMotionInstanceNV.html) """ function _AccelerationStructureMotionInstanceNV(type::AccelerationStructureMotionInstanceTypeNV, data::_AccelerationStructureMotionInstanceDataNV; flags = 0) _AccelerationStructureMotionInstanceNV(VkAccelerationStructureMotionInstanceNV(type, flags, data.vks)) end """ Extension: VK\\_NV\\_external\\_memory\\_rdma Arguments: - `memory::DeviceMemory` - `handle_type::ExternalMemoryHandleTypeFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryGetRemoteAddressInfoNV.html) """ function _MemoryGetRemoteAddressInfoNV(memory, handle_type::ExternalMemoryHandleTypeFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryGetRemoteAddressInfoNV(structure_type(VkMemoryGetRemoteAddressInfoNV), unsafe_convert(Ptr{Cvoid}, next), memory, VkExternalMemoryHandleTypeFlagBits(handle_type.val)) _MemoryGetRemoteAddressInfoNV(vks, deps, memory) end """ Extension: VK\\_EXT\\_rgba10x6\\_formats Arguments: - `format_rgba_1_6_without_y_cb_cr_sampler::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT.html) """ function _PhysicalDeviceRGBA10X6FormatsFeaturesEXT(format_rgba_1_6_without_y_cb_cr_sampler::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT(structure_type(VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), format_rgba_1_6_without_y_cb_cr_sampler) _PhysicalDeviceRGBA10X6FormatsFeaturesEXT(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `linear_tiling_features::UInt64`: defaults to `0` - `optimal_tiling_features::UInt64`: defaults to `0` - `buffer_features::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFormatProperties3.html) """ function _FormatProperties3(; next = C_NULL, linear_tiling_features = 0, optimal_tiling_features = 0, buffer_features = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkFormatProperties3(structure_type(VkFormatProperties3), unsafe_convert(Ptr{Cvoid}, next), linear_tiling_features, optimal_tiling_features, buffer_features) _FormatProperties3(vks, deps) end """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `drm_format_modifier_properties::Vector{_DrmFormatModifierProperties2EXT}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierPropertiesList2EXT.html) """ function _DrmFormatModifierPropertiesList2EXT(; next = C_NULL, drm_format_modifier_properties = C_NULL) drm_format_modifier_count = pointer_length(drm_format_modifier_properties) next = cconvert(Ptr{Cvoid}, next) drm_format_modifier_properties = cconvert(Ptr{VkDrmFormatModifierProperties2EXT}, drm_format_modifier_properties) deps = Any[next, drm_format_modifier_properties] vks = VkDrmFormatModifierPropertiesList2EXT(structure_type(VkDrmFormatModifierPropertiesList2EXT), unsafe_convert(Ptr{Cvoid}, next), drm_format_modifier_count, unsafe_convert(Ptr{VkDrmFormatModifierProperties2EXT}, drm_format_modifier_properties)) _DrmFormatModifierPropertiesList2EXT(vks, deps) end """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `drm_format_modifier::UInt64` - `drm_format_modifier_plane_count::UInt32` - `drm_format_modifier_tiling_features::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierProperties2EXT.html) """ function _DrmFormatModifierProperties2EXT(drm_format_modifier::Integer, drm_format_modifier_plane_count::Integer, drm_format_modifier_tiling_features::Integer) _DrmFormatModifierProperties2EXT(VkDrmFormatModifierProperties2EXT(drm_format_modifier, drm_format_modifier_plane_count, drm_format_modifier_tiling_features)) end """ Arguments: - `view_mask::UInt32` - `color_attachment_formats::Vector{Format}` - `depth_attachment_format::Format` - `stencil_attachment_format::Format` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRenderingCreateInfo.html) """ function _PipelineRenderingCreateInfo(view_mask::Integer, color_attachment_formats::AbstractArray, depth_attachment_format::Format, stencil_attachment_format::Format; next = C_NULL) color_attachment_count = pointer_length(color_attachment_formats) next = cconvert(Ptr{Cvoid}, next) color_attachment_formats = cconvert(Ptr{VkFormat}, color_attachment_formats) deps = Any[next, color_attachment_formats] vks = VkPipelineRenderingCreateInfo(structure_type(VkPipelineRenderingCreateInfo), unsafe_convert(Ptr{Cvoid}, next), view_mask, color_attachment_count, unsafe_convert(Ptr{VkFormat}, color_attachment_formats), depth_attachment_format, stencil_attachment_format) _PipelineRenderingCreateInfo(vks, deps) end """ Arguments: - `render_area::_Rect2D` - `layer_count::UInt32` - `view_mask::UInt32` - `color_attachments::Vector{_RenderingAttachmentInfo}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::RenderingFlag`: defaults to `0` - `depth_attachment::_RenderingAttachmentInfo`: defaults to `C_NULL` - `stencil_attachment::_RenderingAttachmentInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingInfo.html) """ function _RenderingInfo(render_area::_Rect2D, layer_count::Integer, view_mask::Integer, color_attachments::AbstractArray; next = C_NULL, flags = 0, depth_attachment = C_NULL, stencil_attachment = C_NULL) color_attachment_count = pointer_length(color_attachments) next = cconvert(Ptr{Cvoid}, next) color_attachments = cconvert(Ptr{VkRenderingAttachmentInfo}, color_attachments) depth_attachment = cconvert(Ptr{VkRenderingAttachmentInfo}, depth_attachment) stencil_attachment = cconvert(Ptr{VkRenderingAttachmentInfo}, stencil_attachment) deps = Any[next, color_attachments, depth_attachment, stencil_attachment] vks = VkRenderingInfo(structure_type(VkRenderingInfo), unsafe_convert(Ptr{Cvoid}, next), flags, render_area.vks, layer_count, view_mask, color_attachment_count, unsafe_convert(Ptr{VkRenderingAttachmentInfo}, color_attachments), unsafe_convert(Ptr{VkRenderingAttachmentInfo}, depth_attachment), unsafe_convert(Ptr{VkRenderingAttachmentInfo}, stencil_attachment)) _RenderingInfo(vks, deps) end """ Arguments: - `image_layout::ImageLayout` - `resolve_image_layout::ImageLayout` - `load_op::AttachmentLoadOp` - `store_op::AttachmentStoreOp` - `clear_value::_ClearValue` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `image_view::ImageView`: defaults to `C_NULL` - `resolve_mode::ResolveModeFlag`: defaults to `0` - `resolve_image_view::ImageView`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingAttachmentInfo.html) """ function _RenderingAttachmentInfo(image_layout::ImageLayout, resolve_image_layout::ImageLayout, load_op::AttachmentLoadOp, store_op::AttachmentStoreOp, clear_value::_ClearValue; next = C_NULL, image_view = C_NULL, resolve_mode = 0, resolve_image_view = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkRenderingAttachmentInfo(structure_type(VkRenderingAttachmentInfo), unsafe_convert(Ptr{Cvoid}, next), image_view, image_layout, VkResolveModeFlagBits(resolve_mode.val), resolve_image_view, resolve_image_layout, load_op, store_op, clear_value.vks) _RenderingAttachmentInfo(vks, deps, image_view, resolve_image_view) end """ Extension: VK\\_KHR\\_dynamic\\_rendering Arguments: - `image_layout::ImageLayout` - `shading_rate_attachment_texel_size::_Extent2D` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `image_view::ImageView`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingFragmentShadingRateAttachmentInfoKHR.html) """ function _RenderingFragmentShadingRateAttachmentInfoKHR(image_layout::ImageLayout, shading_rate_attachment_texel_size::_Extent2D; next = C_NULL, image_view = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkRenderingFragmentShadingRateAttachmentInfoKHR(structure_type(VkRenderingFragmentShadingRateAttachmentInfoKHR), unsafe_convert(Ptr{Cvoid}, next), image_view, image_layout, shading_rate_attachment_texel_size.vks) _RenderingFragmentShadingRateAttachmentInfoKHR(vks, deps, image_view) end """ Extension: VK\\_KHR\\_dynamic\\_rendering Arguments: - `image_view::ImageView` - `image_layout::ImageLayout` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingFragmentDensityMapAttachmentInfoEXT.html) """ function _RenderingFragmentDensityMapAttachmentInfoEXT(image_view, image_layout::ImageLayout; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkRenderingFragmentDensityMapAttachmentInfoEXT(structure_type(VkRenderingFragmentDensityMapAttachmentInfoEXT), unsafe_convert(Ptr{Cvoid}, next), image_view, image_layout) _RenderingFragmentDensityMapAttachmentInfoEXT(vks, deps, image_view) end """ Arguments: - `dynamic_rendering::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDynamicRenderingFeatures.html) """ function _PhysicalDeviceDynamicRenderingFeatures(dynamic_rendering::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDynamicRenderingFeatures(structure_type(VkPhysicalDeviceDynamicRenderingFeatures), unsafe_convert(Ptr{Cvoid}, next), dynamic_rendering) _PhysicalDeviceDynamicRenderingFeatures(vks, deps) end """ Arguments: - `view_mask::UInt32` - `color_attachment_formats::Vector{Format}` - `depth_attachment_format::Format` - `stencil_attachment_format::Format` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::RenderingFlag`: defaults to `0` - `rasterization_samples::SampleCountFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceRenderingInfo.html) """ function _CommandBufferInheritanceRenderingInfo(view_mask::Integer, color_attachment_formats::AbstractArray, depth_attachment_format::Format, stencil_attachment_format::Format; next = C_NULL, flags = 0, rasterization_samples = 0) color_attachment_count = pointer_length(color_attachment_formats) next = cconvert(Ptr{Cvoid}, next) color_attachment_formats = cconvert(Ptr{VkFormat}, color_attachment_formats) deps = Any[next, color_attachment_formats] vks = VkCommandBufferInheritanceRenderingInfo(structure_type(VkCommandBufferInheritanceRenderingInfo), unsafe_convert(Ptr{Cvoid}, next), flags, view_mask, color_attachment_count, unsafe_convert(Ptr{VkFormat}, color_attachment_formats), depth_attachment_format, stencil_attachment_format, VkSampleCountFlagBits(rasterization_samples.val)) _CommandBufferInheritanceRenderingInfo(vks, deps) end """ Extension: VK\\_KHR\\_dynamic\\_rendering Arguments: - `color_attachment_samples::Vector{SampleCountFlag}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `depth_stencil_attachment_samples::SampleCountFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentSampleCountInfoAMD.html) """ function _AttachmentSampleCountInfoAMD(color_attachment_samples::AbstractArray; next = C_NULL, depth_stencil_attachment_samples = 0) color_attachment_count = pointer_length(color_attachment_samples) next = cconvert(Ptr{Cvoid}, next) color_attachment_samples = cconvert(Ptr{VkSampleCountFlagBits}, color_attachment_samples) deps = Any[next, color_attachment_samples] vks = VkAttachmentSampleCountInfoAMD(structure_type(VkAttachmentSampleCountInfoAMD), unsafe_convert(Ptr{Cvoid}, next), color_attachment_count, unsafe_convert(Ptr{VkSampleCountFlagBits}, color_attachment_samples), VkSampleCountFlagBits(depth_stencil_attachment_samples.val)) _AttachmentSampleCountInfoAMD(vks, deps) end """ Extension: VK\\_KHR\\_dynamic\\_rendering Arguments: - `per_view_attributes::Bool` - `per_view_attributes_position_x_only::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultiviewPerViewAttributesInfoNVX.html) """ function _MultiviewPerViewAttributesInfoNVX(per_view_attributes::Bool, per_view_attributes_position_x_only::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMultiviewPerViewAttributesInfoNVX(structure_type(VkMultiviewPerViewAttributesInfoNVX), unsafe_convert(Ptr{Cvoid}, next), per_view_attributes, per_view_attributes_position_x_only) _MultiviewPerViewAttributesInfoNVX(vks, deps) end """ Extension: VK\\_EXT\\_image\\_view\\_min\\_lod Arguments: - `min_lod::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageViewMinLodFeaturesEXT.html) """ function _PhysicalDeviceImageViewMinLodFeaturesEXT(min_lod::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceImageViewMinLodFeaturesEXT(structure_type(VkPhysicalDeviceImageViewMinLodFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), min_lod) _PhysicalDeviceImageViewMinLodFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_image\\_view\\_min\\_lod Arguments: - `min_lod::Float32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewMinLodCreateInfoEXT.html) """ function _ImageViewMinLodCreateInfoEXT(min_lod::Real; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageViewMinLodCreateInfoEXT(structure_type(VkImageViewMinLodCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), min_lod) _ImageViewMinLodCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_rasterization\\_order\\_attachment\\_access Arguments: - `rasterization_order_color_attachment_access::Bool` - `rasterization_order_depth_attachment_access::Bool` - `rasterization_order_stencil_attachment_access::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT.html) """ function _PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT(rasterization_order_color_attachment_access::Bool, rasterization_order_depth_attachment_access::Bool, rasterization_order_stencil_attachment_access::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT(structure_type(VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), rasterization_order_color_attachment_access, rasterization_order_depth_attachment_access, rasterization_order_stencil_attachment_access) _PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT(vks, deps) end """ Extension: VK\\_NV\\_linear\\_color\\_attachment Arguments: - `linear_color_attachment::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLinearColorAttachmentFeaturesNV.html) """ function _PhysicalDeviceLinearColorAttachmentFeaturesNV(linear_color_attachment::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceLinearColorAttachmentFeaturesNV(structure_type(VkPhysicalDeviceLinearColorAttachmentFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), linear_color_attachment) _PhysicalDeviceLinearColorAttachmentFeaturesNV(vks, deps) end """ Extension: VK\\_EXT\\_graphics\\_pipeline\\_library Arguments: - `graphics_pipeline_library::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT.html) """ function _PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT(graphics_pipeline_library::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT(structure_type(VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), graphics_pipeline_library) _PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_graphics\\_pipeline\\_library Arguments: - `graphics_pipeline_library_fast_linking::Bool` - `graphics_pipeline_library_independent_interpolation_decoration::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT.html) """ function _PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT(graphics_pipeline_library_fast_linking::Bool, graphics_pipeline_library_independent_interpolation_decoration::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT(structure_type(VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), graphics_pipeline_library_fast_linking, graphics_pipeline_library_independent_interpolation_decoration) _PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_graphics\\_pipeline\\_library Arguments: - `flags::GraphicsPipelineLibraryFlagEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsPipelineLibraryCreateInfoEXT.html) """ function _GraphicsPipelineLibraryCreateInfoEXT(flags::GraphicsPipelineLibraryFlagEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkGraphicsPipelineLibraryCreateInfoEXT(structure_type(VkGraphicsPipelineLibraryCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), flags) _GraphicsPipelineLibraryCreateInfoEXT(vks, deps) end """ Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping Arguments: - `descriptor_set_host_mapping::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE.html) """ function _PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE(descriptor_set_host_mapping::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE(structure_type(VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE), unsafe_convert(Ptr{Cvoid}, next), descriptor_set_host_mapping) _PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE(vks, deps) end """ Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping Arguments: - `descriptor_set_layout::DescriptorSetLayout` - `binding::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetBindingReferenceVALVE.html) """ function _DescriptorSetBindingReferenceVALVE(descriptor_set_layout, binding::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDescriptorSetBindingReferenceVALVE(structure_type(VkDescriptorSetBindingReferenceVALVE), unsafe_convert(Ptr{Cvoid}, next), descriptor_set_layout, binding) _DescriptorSetBindingReferenceVALVE(vks, deps, descriptor_set_layout) end """ Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping Arguments: - `descriptor_offset::UInt` - `descriptor_size::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutHostMappingInfoVALVE.html) """ function _DescriptorSetLayoutHostMappingInfoVALVE(descriptor_offset::Integer, descriptor_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDescriptorSetLayoutHostMappingInfoVALVE(structure_type(VkDescriptorSetLayoutHostMappingInfoVALVE), unsafe_convert(Ptr{Cvoid}, next), descriptor_offset, descriptor_size) _DescriptorSetLayoutHostMappingInfoVALVE(vks, deps) end """ Extension: VK\\_EXT\\_shader\\_module\\_identifier Arguments: - `shader_module_identifier::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT.html) """ function _PhysicalDeviceShaderModuleIdentifierFeaturesEXT(shader_module_identifier::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT(structure_type(VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), shader_module_identifier) _PhysicalDeviceShaderModuleIdentifierFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_shader\\_module\\_identifier Arguments: - `shader_module_identifier_algorithm_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT.html) """ function _PhysicalDeviceShaderModuleIdentifierPropertiesEXT(shader_module_identifier_algorithm_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT(structure_type(VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), shader_module_identifier_algorithm_uuid) _PhysicalDeviceShaderModuleIdentifierPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_shader\\_module\\_identifier Arguments: - `identifier::Vector{UInt8}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `identifier_size::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineShaderStageModuleIdentifierCreateInfoEXT.html) """ function _PipelineShaderStageModuleIdentifierCreateInfoEXT(identifier::AbstractArray; next = C_NULL, identifier_size = 0) next = cconvert(Ptr{Cvoid}, next) identifier = cconvert(Ptr{UInt8}, identifier) deps = Any[next, identifier] vks = VkPipelineShaderStageModuleIdentifierCreateInfoEXT(structure_type(VkPipelineShaderStageModuleIdentifierCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), identifier_size, unsafe_convert(Ptr{UInt8}, identifier)) _PipelineShaderStageModuleIdentifierCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_shader\\_module\\_identifier Arguments: - `identifier_size::UInt32` - `identifier::NTuple{Int(VK_MAX_SHADER_MODULE_IDENTIFIER_SIZE_EXT), UInt8}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderModuleIdentifierEXT.html) """ function _ShaderModuleIdentifierEXT(identifier_size::Integer, identifier::NTuple{Int(VK_MAX_SHADER_MODULE_IDENTIFIER_SIZE_EXT), UInt8}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkShaderModuleIdentifierEXT(structure_type(VkShaderModuleIdentifierEXT), unsafe_convert(Ptr{Cvoid}, next), identifier_size, identifier) _ShaderModuleIdentifierEXT(vks, deps) end """ Extension: VK\\_EXT\\_image\\_compression\\_control Arguments: - `flags::ImageCompressionFlagEXT` - `fixed_rate_flags::Vector{ImageCompressionFixedRateFlagEXT}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCompressionControlEXT.html) """ function _ImageCompressionControlEXT(flags::ImageCompressionFlagEXT, fixed_rate_flags::AbstractArray; next = C_NULL) compression_control_plane_count = pointer_length(fixed_rate_flags) next = cconvert(Ptr{Cvoid}, next) fixed_rate_flags = cconvert(Ptr{VkImageCompressionFixedRateFlagsEXT}, fixed_rate_flags) deps = Any[next, fixed_rate_flags] vks = VkImageCompressionControlEXT(structure_type(VkImageCompressionControlEXT), unsafe_convert(Ptr{Cvoid}, next), flags, compression_control_plane_count, unsafe_convert(Ptr{VkImageCompressionFixedRateFlagsEXT}, fixed_rate_flags)) _ImageCompressionControlEXT(vks, deps) end """ Extension: VK\\_EXT\\_image\\_compression\\_control Arguments: - `image_compression_control::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageCompressionControlFeaturesEXT.html) """ function _PhysicalDeviceImageCompressionControlFeaturesEXT(image_compression_control::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceImageCompressionControlFeaturesEXT(structure_type(VkPhysicalDeviceImageCompressionControlFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), image_compression_control) _PhysicalDeviceImageCompressionControlFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_image\\_compression\\_control Arguments: - `image_compression_flags::ImageCompressionFlagEXT` - `image_compression_fixed_rate_flags::ImageCompressionFixedRateFlagEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCompressionPropertiesEXT.html) """ function _ImageCompressionPropertiesEXT(image_compression_flags::ImageCompressionFlagEXT, image_compression_fixed_rate_flags::ImageCompressionFixedRateFlagEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageCompressionPropertiesEXT(structure_type(VkImageCompressionPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), image_compression_flags, image_compression_fixed_rate_flags) _ImageCompressionPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_image\\_compression\\_control\\_swapchain Arguments: - `image_compression_control_swapchain::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT.html) """ function _PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT(image_compression_control_swapchain::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT(structure_type(VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), image_compression_control_swapchain) _PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_image\\_compression\\_control Arguments: - `image_subresource::_ImageSubresource` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresource2EXT.html) """ function _ImageSubresource2EXT(image_subresource::_ImageSubresource; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageSubresource2EXT(structure_type(VkImageSubresource2EXT), unsafe_convert(Ptr{Cvoid}, next), image_subresource.vks) _ImageSubresource2EXT(vks, deps) end """ Extension: VK\\_EXT\\_image\\_compression\\_control Arguments: - `subresource_layout::_SubresourceLayout` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubresourceLayout2EXT.html) """ function _SubresourceLayout2EXT(subresource_layout::_SubresourceLayout; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSubresourceLayout2EXT(structure_type(VkSubresourceLayout2EXT), unsafe_convert(Ptr{Cvoid}, next), subresource_layout.vks) _SubresourceLayout2EXT(vks, deps) end """ Extension: VK\\_EXT\\_subpass\\_merge\\_feedback Arguments: - `disallow_merging::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreationControlEXT.html) """ function _RenderPassCreationControlEXT(disallow_merging::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkRenderPassCreationControlEXT(structure_type(VkRenderPassCreationControlEXT), unsafe_convert(Ptr{Cvoid}, next), disallow_merging) _RenderPassCreationControlEXT(vks, deps) end """ Extension: VK\\_EXT\\_subpass\\_merge\\_feedback Arguments: - `post_merge_subpass_count::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreationFeedbackInfoEXT.html) """ function _RenderPassCreationFeedbackInfoEXT(post_merge_subpass_count::Integer) _RenderPassCreationFeedbackInfoEXT(VkRenderPassCreationFeedbackInfoEXT(post_merge_subpass_count)) end """ Extension: VK\\_EXT\\_subpass\\_merge\\_feedback Arguments: - `render_pass_feedback::_RenderPassCreationFeedbackInfoEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreationFeedbackCreateInfoEXT.html) """ function _RenderPassCreationFeedbackCreateInfoEXT(render_pass_feedback::_RenderPassCreationFeedbackInfoEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) render_pass_feedback = cconvert(Ptr{VkRenderPassCreationFeedbackInfoEXT}, render_pass_feedback) deps = Any[next, render_pass_feedback] vks = VkRenderPassCreationFeedbackCreateInfoEXT(structure_type(VkRenderPassCreationFeedbackCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{VkRenderPassCreationFeedbackInfoEXT}, render_pass_feedback)) _RenderPassCreationFeedbackCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_subpass\\_merge\\_feedback Arguments: - `subpass_merge_status::SubpassMergeStatusEXT` - `description::String` - `post_merge_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassSubpassFeedbackInfoEXT.html) """ function _RenderPassSubpassFeedbackInfoEXT(subpass_merge_status::SubpassMergeStatusEXT, description::AbstractString, post_merge_index::Integer) _RenderPassSubpassFeedbackInfoEXT(VkRenderPassSubpassFeedbackInfoEXT(subpass_merge_status, description, post_merge_index)) end """ Extension: VK\\_EXT\\_subpass\\_merge\\_feedback Arguments: - `subpass_feedback::_RenderPassSubpassFeedbackInfoEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassSubpassFeedbackCreateInfoEXT.html) """ function _RenderPassSubpassFeedbackCreateInfoEXT(subpass_feedback::_RenderPassSubpassFeedbackInfoEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) subpass_feedback = cconvert(Ptr{VkRenderPassSubpassFeedbackInfoEXT}, subpass_feedback) deps = Any[next, subpass_feedback] vks = VkRenderPassSubpassFeedbackCreateInfoEXT(structure_type(VkRenderPassSubpassFeedbackCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{VkRenderPassSubpassFeedbackInfoEXT}, subpass_feedback)) _RenderPassSubpassFeedbackCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_subpass\\_merge\\_feedback Arguments: - `subpass_merge_feedback::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT.html) """ function _PhysicalDeviceSubpassMergeFeedbackFeaturesEXT(subpass_merge_feedback::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT(structure_type(VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), subpass_merge_feedback) _PhysicalDeviceSubpassMergeFeedbackFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `type::MicromapTypeEXT` - `mode::BuildMicromapModeEXT` - `data::_DeviceOrHostAddressConstKHR` - `scratch_data::_DeviceOrHostAddressKHR` - `triangle_array::_DeviceOrHostAddressConstKHR` - `triangle_array_stride::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::BuildMicromapFlagEXT`: defaults to `0` - `dst_micromap::MicromapEXT`: defaults to `C_NULL` - `usage_counts::Vector{_MicromapUsageEXT}`: defaults to `C_NULL` - `usage_counts_2::Vector{_MicromapUsageEXT}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapBuildInfoEXT.html) """ function _MicromapBuildInfoEXT(type::MicromapTypeEXT, mode::BuildMicromapModeEXT, data::_DeviceOrHostAddressConstKHR, scratch_data::_DeviceOrHostAddressKHR, triangle_array::_DeviceOrHostAddressConstKHR, triangle_array_stride::Integer; next = C_NULL, flags = 0, dst_micromap = C_NULL, usage_counts = C_NULL, usage_counts_2 = C_NULL) usage_counts_count = pointer_length(usage_counts) next = cconvert(Ptr{Cvoid}, next) usage_counts = cconvert(Ptr{VkMicromapUsageEXT}, usage_counts) usage_counts_2 = cconvert(Ptr{Ptr{VkMicromapUsageEXT}}, usage_counts_2) deps = Any[next, usage_counts, usage_counts_2] vks = VkMicromapBuildInfoEXT(structure_type(VkMicromapBuildInfoEXT), unsafe_convert(Ptr{Cvoid}, next), type, flags, mode, dst_micromap, usage_counts_count, unsafe_convert(Ptr{VkMicromapUsageEXT}, usage_counts), unsafe_convert(Ptr{Ptr{VkMicromapUsageEXT}}, usage_counts), data.vks, scratch_data.vks, triangle_array.vks, triangle_array_stride) _MicromapBuildInfoEXT(vks, deps, dst_micromap) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `type::MicromapTypeEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `create_flags::MicromapCreateFlagEXT`: defaults to `0` - `device_address::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapCreateInfoEXT.html) """ function _MicromapCreateInfoEXT(buffer, offset::Integer, size::Integer, type::MicromapTypeEXT; next = C_NULL, create_flags = 0, device_address = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMicromapCreateInfoEXT(structure_type(VkMicromapCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), create_flags, buffer, offset, size, type, device_address) _MicromapCreateInfoEXT(vks, deps, buffer) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `version_data::Vector{UInt8}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapVersionInfoEXT.html) """ function _MicromapVersionInfoEXT(version_data::AbstractArray; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) version_data = cconvert(Ptr{UInt8}, version_data) deps = Any[next, version_data] vks = VkMicromapVersionInfoEXT(structure_type(VkMicromapVersionInfoEXT), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{UInt8}, version_data)) _MicromapVersionInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `src::MicromapEXT` - `dst::MicromapEXT` - `mode::CopyMicromapModeEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMicromapInfoEXT.html) """ function _CopyMicromapInfoEXT(src, dst, mode::CopyMicromapModeEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCopyMicromapInfoEXT(structure_type(VkCopyMicromapInfoEXT), unsafe_convert(Ptr{Cvoid}, next), src, dst, mode) _CopyMicromapInfoEXT(vks, deps, src, dst) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `src::MicromapEXT` - `dst::_DeviceOrHostAddressKHR` - `mode::CopyMicromapModeEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMicromapToMemoryInfoEXT.html) """ function _CopyMicromapToMemoryInfoEXT(src, dst::_DeviceOrHostAddressKHR, mode::CopyMicromapModeEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCopyMicromapToMemoryInfoEXT(structure_type(VkCopyMicromapToMemoryInfoEXT), unsafe_convert(Ptr{Cvoid}, next), src, dst.vks, mode) _CopyMicromapToMemoryInfoEXT(vks, deps, src) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `src::_DeviceOrHostAddressConstKHR` - `dst::MicromapEXT` - `mode::CopyMicromapModeEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryToMicromapInfoEXT.html) """ function _CopyMemoryToMicromapInfoEXT(src::_DeviceOrHostAddressConstKHR, dst, mode::CopyMicromapModeEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCopyMemoryToMicromapInfoEXT(structure_type(VkCopyMemoryToMicromapInfoEXT), unsafe_convert(Ptr{Cvoid}, next), src.vks, dst, mode) _CopyMemoryToMicromapInfoEXT(vks, deps, dst) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `micromap_size::UInt64` - `build_scratch_size::UInt64` - `discardable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapBuildSizesInfoEXT.html) """ function _MicromapBuildSizesInfoEXT(micromap_size::Integer, build_scratch_size::Integer, discardable::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMicromapBuildSizesInfoEXT(structure_type(VkMicromapBuildSizesInfoEXT), unsafe_convert(Ptr{Cvoid}, next), micromap_size, build_scratch_size, discardable) _MicromapBuildSizesInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `count::UInt32` - `subdivision_level::UInt32` - `format::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapUsageEXT.html) """ function _MicromapUsageEXT(count::Integer, subdivision_level::Integer, format::Integer) _MicromapUsageEXT(VkMicromapUsageEXT(count, subdivision_level, format)) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `data_offset::UInt32` - `subdivision_level::UInt16` - `format::UInt16` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapTriangleEXT.html) """ function _MicromapTriangleEXT(data_offset::Integer, subdivision_level::Integer, format::Integer) _MicromapTriangleEXT(VkMicromapTriangleEXT(data_offset, subdivision_level, format)) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `micromap::Bool` - `micromap_capture_replay::Bool` - `micromap_host_commands::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpacityMicromapFeaturesEXT.html) """ function _PhysicalDeviceOpacityMicromapFeaturesEXT(micromap::Bool, micromap_capture_replay::Bool, micromap_host_commands::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceOpacityMicromapFeaturesEXT(structure_type(VkPhysicalDeviceOpacityMicromapFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), micromap, micromap_capture_replay, micromap_host_commands) _PhysicalDeviceOpacityMicromapFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `max_opacity_2_state_subdivision_level::UInt32` - `max_opacity_4_state_subdivision_level::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpacityMicromapPropertiesEXT.html) """ function _PhysicalDeviceOpacityMicromapPropertiesEXT(max_opacity_2_state_subdivision_level::Integer, max_opacity_4_state_subdivision_level::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceOpacityMicromapPropertiesEXT(structure_type(VkPhysicalDeviceOpacityMicromapPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), max_opacity_2_state_subdivision_level, max_opacity_4_state_subdivision_level) _PhysicalDeviceOpacityMicromapPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `index_type::IndexType` - `index_buffer::_DeviceOrHostAddressConstKHR` - `index_stride::UInt64` - `base_triangle::UInt32` - `micromap::MicromapEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `usage_counts::Vector{_MicromapUsageEXT}`: defaults to `C_NULL` - `usage_counts_2::Vector{_MicromapUsageEXT}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureTrianglesOpacityMicromapEXT.html) """ function _AccelerationStructureTrianglesOpacityMicromapEXT(index_type::IndexType, index_buffer::_DeviceOrHostAddressConstKHR, index_stride::Integer, base_triangle::Integer, micromap; next = C_NULL, usage_counts = C_NULL, usage_counts_2 = C_NULL) usage_counts_count = pointer_length(usage_counts) next = cconvert(Ptr{Cvoid}, next) usage_counts = cconvert(Ptr{VkMicromapUsageEXT}, usage_counts) usage_counts_2 = cconvert(Ptr{Ptr{VkMicromapUsageEXT}}, usage_counts_2) deps = Any[next, usage_counts, usage_counts_2] vks = VkAccelerationStructureTrianglesOpacityMicromapEXT(structure_type(VkAccelerationStructureTrianglesOpacityMicromapEXT), unsafe_convert(Ptr{Cvoid}, next), index_type, index_buffer.vks, index_stride, base_triangle, usage_counts_count, unsafe_convert(Ptr{VkMicromapUsageEXT}, usage_counts), unsafe_convert(Ptr{Ptr{VkMicromapUsageEXT}}, usage_counts), micromap) _AccelerationStructureTrianglesOpacityMicromapEXT(vks, deps, micromap) end """ Extension: VK\\_EXT\\_pipeline\\_properties Arguments: - `pipeline_identifier::NTuple{Int(VK_UUID_SIZE), UInt8}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelinePropertiesIdentifierEXT.html) """ function _PipelinePropertiesIdentifierEXT(pipeline_identifier::NTuple{Int(VK_UUID_SIZE), UInt8}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelinePropertiesIdentifierEXT(structure_type(VkPipelinePropertiesIdentifierEXT), unsafe_convert(Ptr{Cvoid}, next), pipeline_identifier) _PipelinePropertiesIdentifierEXT(vks, deps) end """ Extension: VK\\_EXT\\_pipeline\\_properties Arguments: - `pipeline_properties_identifier::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelinePropertiesFeaturesEXT.html) """ function _PhysicalDevicePipelinePropertiesFeaturesEXT(pipeline_properties_identifier::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePipelinePropertiesFeaturesEXT(structure_type(VkPhysicalDevicePipelinePropertiesFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), pipeline_properties_identifier) _PhysicalDevicePipelinePropertiesFeaturesEXT(vks, deps) end """ Extension: VK\\_AMD\\_shader\\_early\\_and\\_late\\_fragment\\_tests Arguments: - `shader_early_and_late_fragment_tests::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD.html) """ function _PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD(shader_early_and_late_fragment_tests::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD(structure_type(VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD), unsafe_convert(Ptr{Cvoid}, next), shader_early_and_late_fragment_tests) _PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD(vks, deps) end """ Extension: VK\\_EXT\\_non\\_seamless\\_cube\\_map Arguments: - `non_seamless_cube_map::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT.html) """ function _PhysicalDeviceNonSeamlessCubeMapFeaturesEXT(non_seamless_cube_map::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT(structure_type(VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), non_seamless_cube_map) _PhysicalDeviceNonSeamlessCubeMapFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_pipeline\\_robustness Arguments: - `pipeline_robustness::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineRobustnessFeaturesEXT.html) """ function _PhysicalDevicePipelineRobustnessFeaturesEXT(pipeline_robustness::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePipelineRobustnessFeaturesEXT(structure_type(VkPhysicalDevicePipelineRobustnessFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), pipeline_robustness) _PhysicalDevicePipelineRobustnessFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_pipeline\\_robustness Arguments: - `storage_buffers::PipelineRobustnessBufferBehaviorEXT` - `uniform_buffers::PipelineRobustnessBufferBehaviorEXT` - `vertex_inputs::PipelineRobustnessBufferBehaviorEXT` - `images::PipelineRobustnessImageBehaviorEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRobustnessCreateInfoEXT.html) """ function _PipelineRobustnessCreateInfoEXT(storage_buffers::PipelineRobustnessBufferBehaviorEXT, uniform_buffers::PipelineRobustnessBufferBehaviorEXT, vertex_inputs::PipelineRobustnessBufferBehaviorEXT, images::PipelineRobustnessImageBehaviorEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineRobustnessCreateInfoEXT(structure_type(VkPipelineRobustnessCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), storage_buffers, uniform_buffers, vertex_inputs, images) _PipelineRobustnessCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_pipeline\\_robustness Arguments: - `default_robustness_storage_buffers::PipelineRobustnessBufferBehaviorEXT` - `default_robustness_uniform_buffers::PipelineRobustnessBufferBehaviorEXT` - `default_robustness_vertex_inputs::PipelineRobustnessBufferBehaviorEXT` - `default_robustness_images::PipelineRobustnessImageBehaviorEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineRobustnessPropertiesEXT.html) """ function _PhysicalDevicePipelineRobustnessPropertiesEXT(default_robustness_storage_buffers::PipelineRobustnessBufferBehaviorEXT, default_robustness_uniform_buffers::PipelineRobustnessBufferBehaviorEXT, default_robustness_vertex_inputs::PipelineRobustnessBufferBehaviorEXT, default_robustness_images::PipelineRobustnessImageBehaviorEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePipelineRobustnessPropertiesEXT(structure_type(VkPhysicalDevicePipelineRobustnessPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), default_robustness_storage_buffers, default_robustness_uniform_buffers, default_robustness_vertex_inputs, default_robustness_images) _PhysicalDevicePipelineRobustnessPropertiesEXT(vks, deps) end """ Extension: VK\\_QCOM\\_image\\_processing Arguments: - `filter_center::_Offset2D` - `filter_size::_Extent2D` - `num_phases::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewSampleWeightCreateInfoQCOM.html) """ function _ImageViewSampleWeightCreateInfoQCOM(filter_center::_Offset2D, filter_size::_Extent2D, num_phases::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageViewSampleWeightCreateInfoQCOM(structure_type(VkImageViewSampleWeightCreateInfoQCOM), unsafe_convert(Ptr{Cvoid}, next), filter_center.vks, filter_size.vks, num_phases) _ImageViewSampleWeightCreateInfoQCOM(vks, deps) end """ Extension: VK\\_QCOM\\_image\\_processing Arguments: - `texture_sample_weighted::Bool` - `texture_box_filter::Bool` - `texture_block_match::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageProcessingFeaturesQCOM.html) """ function _PhysicalDeviceImageProcessingFeaturesQCOM(texture_sample_weighted::Bool, texture_box_filter::Bool, texture_block_match::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceImageProcessingFeaturesQCOM(structure_type(VkPhysicalDeviceImageProcessingFeaturesQCOM), unsafe_convert(Ptr{Cvoid}, next), texture_sample_weighted, texture_box_filter, texture_block_match) _PhysicalDeviceImageProcessingFeaturesQCOM(vks, deps) end """ Extension: VK\\_QCOM\\_image\\_processing Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `max_weight_filter_phases::UInt32`: defaults to `0` - `max_weight_filter_dimension::_Extent2D`: defaults to `0` - `max_block_match_region::_Extent2D`: defaults to `0` - `max_box_filter_block_size::_Extent2D`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageProcessingPropertiesQCOM.html) """ function _PhysicalDeviceImageProcessingPropertiesQCOM(; next = C_NULL, max_weight_filter_phases = 0, max_weight_filter_dimension = 0, max_block_match_region = 0, max_box_filter_block_size = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceImageProcessingPropertiesQCOM(structure_type(VkPhysicalDeviceImageProcessingPropertiesQCOM), unsafe_convert(Ptr{Cvoid}, next), max_weight_filter_phases, max_weight_filter_dimension.vks, max_block_match_region.vks, max_box_filter_block_size.vks) _PhysicalDeviceImageProcessingPropertiesQCOM(vks, deps) end """ Extension: VK\\_QCOM\\_tile\\_properties Arguments: - `tile_properties::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTilePropertiesFeaturesQCOM.html) """ function _PhysicalDeviceTilePropertiesFeaturesQCOM(tile_properties::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceTilePropertiesFeaturesQCOM(structure_type(VkPhysicalDeviceTilePropertiesFeaturesQCOM), unsafe_convert(Ptr{Cvoid}, next), tile_properties) _PhysicalDeviceTilePropertiesFeaturesQCOM(vks, deps) end """ Extension: VK\\_QCOM\\_tile\\_properties Arguments: - `tile_size::_Extent3D` - `apron_size::_Extent2D` - `origin::_Offset2D` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTilePropertiesQCOM.html) """ function _TilePropertiesQCOM(tile_size::_Extent3D, apron_size::_Extent2D, origin::_Offset2D; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkTilePropertiesQCOM(structure_type(VkTilePropertiesQCOM), unsafe_convert(Ptr{Cvoid}, next), tile_size.vks, apron_size.vks, origin.vks) _TilePropertiesQCOM(vks, deps) end """ Extension: VK\\_SEC\\_amigo\\_profiling Arguments: - `amigo_profiling::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAmigoProfilingFeaturesSEC.html) """ function _PhysicalDeviceAmigoProfilingFeaturesSEC(amigo_profiling::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceAmigoProfilingFeaturesSEC(structure_type(VkPhysicalDeviceAmigoProfilingFeaturesSEC), unsafe_convert(Ptr{Cvoid}, next), amigo_profiling) _PhysicalDeviceAmigoProfilingFeaturesSEC(vks, deps) end """ Extension: VK\\_SEC\\_amigo\\_profiling Arguments: - `first_draw_timestamp::UInt64` - `swap_buffer_timestamp::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAmigoProfilingSubmitInfoSEC.html) """ function _AmigoProfilingSubmitInfoSEC(first_draw_timestamp::Integer, swap_buffer_timestamp::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAmigoProfilingSubmitInfoSEC(structure_type(VkAmigoProfilingSubmitInfoSEC), unsafe_convert(Ptr{Cvoid}, next), first_draw_timestamp, swap_buffer_timestamp) _AmigoProfilingSubmitInfoSEC(vks, deps) end """ Extension: VK\\_EXT\\_attachment\\_feedback\\_loop\\_layout Arguments: - `attachment_feedback_loop_layout::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT.html) """ function _PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT(attachment_feedback_loop_layout::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT(structure_type(VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), attachment_feedback_loop_layout) _PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_depth\\_clamp\\_zero\\_one Arguments: - `depth_clamp_zero_one::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthClampZeroOneFeaturesEXT.html) """ function _PhysicalDeviceDepthClampZeroOneFeaturesEXT(depth_clamp_zero_one::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDepthClampZeroOneFeaturesEXT(structure_type(VkPhysicalDeviceDepthClampZeroOneFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), depth_clamp_zero_one) _PhysicalDeviceDepthClampZeroOneFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_device\\_address\\_binding\\_report Arguments: - `report_address_binding::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAddressBindingReportFeaturesEXT.html) """ function _PhysicalDeviceAddressBindingReportFeaturesEXT(report_address_binding::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceAddressBindingReportFeaturesEXT(structure_type(VkPhysicalDeviceAddressBindingReportFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), report_address_binding) _PhysicalDeviceAddressBindingReportFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_device\\_address\\_binding\\_report Arguments: - `base_address::UInt64` - `size::UInt64` - `binding_type::DeviceAddressBindingTypeEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::DeviceAddressBindingFlagEXT`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceAddressBindingCallbackDataEXT.html) """ function _DeviceAddressBindingCallbackDataEXT(base_address::Integer, size::Integer, binding_type::DeviceAddressBindingTypeEXT; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceAddressBindingCallbackDataEXT(structure_type(VkDeviceAddressBindingCallbackDataEXT), unsafe_convert(Ptr{Cvoid}, next), flags, base_address, size, binding_type) _DeviceAddressBindingCallbackDataEXT(vks, deps) end """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `optical_flow::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpticalFlowFeaturesNV.html) """ function _PhysicalDeviceOpticalFlowFeaturesNV(optical_flow::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceOpticalFlowFeaturesNV(structure_type(VkPhysicalDeviceOpticalFlowFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), optical_flow) _PhysicalDeviceOpticalFlowFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `supported_output_grid_sizes::OpticalFlowGridSizeFlagNV` - `supported_hint_grid_sizes::OpticalFlowGridSizeFlagNV` - `hint_supported::Bool` - `cost_supported::Bool` - `bidirectional_flow_supported::Bool` - `global_flow_supported::Bool` - `min_width::UInt32` - `min_height::UInt32` - `max_width::UInt32` - `max_height::UInt32` - `max_num_regions_of_interest::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpticalFlowPropertiesNV.html) """ function _PhysicalDeviceOpticalFlowPropertiesNV(supported_output_grid_sizes::OpticalFlowGridSizeFlagNV, supported_hint_grid_sizes::OpticalFlowGridSizeFlagNV, hint_supported::Bool, cost_supported::Bool, bidirectional_flow_supported::Bool, global_flow_supported::Bool, min_width::Integer, min_height::Integer, max_width::Integer, max_height::Integer, max_num_regions_of_interest::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceOpticalFlowPropertiesNV(structure_type(VkPhysicalDeviceOpticalFlowPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), supported_output_grid_sizes, supported_hint_grid_sizes, hint_supported, cost_supported, bidirectional_flow_supported, global_flow_supported, min_width, min_height, max_width, max_height, max_num_regions_of_interest) _PhysicalDeviceOpticalFlowPropertiesNV(vks, deps) end """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `usage::OpticalFlowUsageFlagNV` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowImageFormatInfoNV.html) """ function _OpticalFlowImageFormatInfoNV(usage::OpticalFlowUsageFlagNV; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkOpticalFlowImageFormatInfoNV(structure_type(VkOpticalFlowImageFormatInfoNV), unsafe_convert(Ptr{Cvoid}, next), usage) _OpticalFlowImageFormatInfoNV(vks, deps) end """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `format::Format` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowImageFormatPropertiesNV.html) """ function _OpticalFlowImageFormatPropertiesNV(format::Format; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkOpticalFlowImageFormatPropertiesNV(structure_type(VkOpticalFlowImageFormatPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), format) _OpticalFlowImageFormatPropertiesNV(vks, deps) end """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `width::UInt32` - `height::UInt32` - `image_format::Format` - `flow_vector_format::Format` - `output_grid_size::OpticalFlowGridSizeFlagNV` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `cost_format::Format`: defaults to `0` - `hint_grid_size::OpticalFlowGridSizeFlagNV`: defaults to `0` - `performance_level::OpticalFlowPerformanceLevelNV`: defaults to `0` - `flags::OpticalFlowSessionCreateFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowSessionCreateInfoNV.html) """ function _OpticalFlowSessionCreateInfoNV(width::Integer, height::Integer, image_format::Format, flow_vector_format::Format, output_grid_size::OpticalFlowGridSizeFlagNV; next = C_NULL, cost_format = 0, hint_grid_size = 0, performance_level = 0, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkOpticalFlowSessionCreateInfoNV(structure_type(VkOpticalFlowSessionCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), width, height, image_format, flow_vector_format, cost_format, output_grid_size, hint_grid_size, performance_level, flags) _OpticalFlowSessionCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `id::UInt32` - `size::UInt32` - `private_data::Ptr{Cvoid}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowSessionCreatePrivateDataInfoNV.html) """ function _OpticalFlowSessionCreatePrivateDataInfoNV(id::Integer, size::Integer, private_data::Ptr{Cvoid}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) private_data = cconvert(Ptr{Cvoid}, private_data) deps = Any[next, private_data] vks = VkOpticalFlowSessionCreatePrivateDataInfoNV(structure_type(VkOpticalFlowSessionCreatePrivateDataInfoNV), unsafe_convert(Ptr{Cvoid}, next), id, size, unsafe_convert(Ptr{Cvoid}, private_data)) _OpticalFlowSessionCreatePrivateDataInfoNV(vks, deps) end """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `regions::Vector{_Rect2D}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::OpticalFlowExecuteFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowExecuteInfoNV.html) """ function _OpticalFlowExecuteInfoNV(regions::AbstractArray; next = C_NULL, flags = 0) region_count = pointer_length(regions) next = cconvert(Ptr{Cvoid}, next) regions = cconvert(Ptr{VkRect2D}, regions) deps = Any[next, regions] vks = VkOpticalFlowExecuteInfoNV(structure_type(VkOpticalFlowExecuteInfoNV), unsafe_convert(Ptr{Cvoid}, next), flags, region_count, unsafe_convert(Ptr{VkRect2D}, regions)) _OpticalFlowExecuteInfoNV(vks, deps) end """ Extension: VK\\_EXT\\_device\\_fault Arguments: - `device_fault::Bool` - `device_fault_vendor_binary::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFaultFeaturesEXT.html) """ function _PhysicalDeviceFaultFeaturesEXT(device_fault::Bool, device_fault_vendor_binary::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFaultFeaturesEXT(structure_type(VkPhysicalDeviceFaultFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), device_fault, device_fault_vendor_binary) _PhysicalDeviceFaultFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_device\\_fault Arguments: - `address_type::DeviceFaultAddressTypeEXT` - `reported_address::UInt64` - `address_precision::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultAddressInfoEXT.html) """ function _DeviceFaultAddressInfoEXT(address_type::DeviceFaultAddressTypeEXT, reported_address::Integer, address_precision::Integer) _DeviceFaultAddressInfoEXT(VkDeviceFaultAddressInfoEXT(address_type, reported_address, address_precision)) end """ Extension: VK\\_EXT\\_device\\_fault Arguments: - `description::String` - `vendor_fault_code::UInt64` - `vendor_fault_data::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultVendorInfoEXT.html) """ function _DeviceFaultVendorInfoEXT(description::AbstractString, vendor_fault_code::Integer, vendor_fault_data::Integer) _DeviceFaultVendorInfoEXT(VkDeviceFaultVendorInfoEXT(description, vendor_fault_code, vendor_fault_data)) end """ Extension: VK\\_EXT\\_device\\_fault Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `address_info_count::UInt32`: defaults to `0` - `vendor_info_count::UInt32`: defaults to `0` - `vendor_binary_size::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultCountsEXT.html) """ function _DeviceFaultCountsEXT(; next = C_NULL, address_info_count = 0, vendor_info_count = 0, vendor_binary_size = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceFaultCountsEXT(structure_type(VkDeviceFaultCountsEXT), unsafe_convert(Ptr{Cvoid}, next), address_info_count, vendor_info_count, vendor_binary_size) _DeviceFaultCountsEXT(vks, deps) end """ Extension: VK\\_EXT\\_device\\_fault Arguments: - `description::String` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `address_infos::_DeviceFaultAddressInfoEXT`: defaults to `C_NULL` - `vendor_infos::_DeviceFaultVendorInfoEXT`: defaults to `C_NULL` - `vendor_binary_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultInfoEXT.html) """ function _DeviceFaultInfoEXT(description::AbstractString; next = C_NULL, address_infos = C_NULL, vendor_infos = C_NULL, vendor_binary_data = C_NULL) next = cconvert(Ptr{Cvoid}, next) address_infos = cconvert(Ptr{VkDeviceFaultAddressInfoEXT}, address_infos) vendor_infos = cconvert(Ptr{VkDeviceFaultVendorInfoEXT}, vendor_infos) vendor_binary_data = cconvert(Ptr{Cvoid}, vendor_binary_data) deps = Any[next, address_infos, vendor_infos, vendor_binary_data] vks = VkDeviceFaultInfoEXT(structure_type(VkDeviceFaultInfoEXT), unsafe_convert(Ptr{Cvoid}, next), description, unsafe_convert(Ptr{VkDeviceFaultAddressInfoEXT}, address_infos), unsafe_convert(Ptr{VkDeviceFaultVendorInfoEXT}, vendor_infos), unsafe_convert(Ptr{Cvoid}, vendor_binary_data)) _DeviceFaultInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_device\\_fault Arguments: - `header_size::UInt32` - `header_version::DeviceFaultVendorBinaryHeaderVersionEXT` - `vendor_id::UInt32` - `device_id::UInt32` - `driver_version::VersionNumber` - `pipeline_cache_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `application_name_offset::UInt32` - `application_version::VersionNumber` - `engine_name_offset::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultVendorBinaryHeaderVersionOneEXT.html) """ function _DeviceFaultVendorBinaryHeaderVersionOneEXT(header_size::Integer, header_version::DeviceFaultVendorBinaryHeaderVersionEXT, vendor_id::Integer, device_id::Integer, driver_version::VersionNumber, pipeline_cache_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}, application_name_offset::Integer, application_version::VersionNumber, engine_name_offset::Integer) _DeviceFaultVendorBinaryHeaderVersionOneEXT(VkDeviceFaultVendorBinaryHeaderVersionOneEXT(header_size, header_version, vendor_id, device_id, to_vk(UInt32, driver_version), pipeline_cache_uuid, application_name_offset, to_vk(UInt32, application_version), engine_name_offset)) end """ Extension: VK\\_EXT\\_pipeline\\_library\\_group\\_handles Arguments: - `pipeline_library_group_handles::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT.html) """ function _PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT(pipeline_library_group_handles::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT(structure_type(VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), pipeline_library_group_handles) _PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT(vks, deps) end """ Extension: VK\\_NV\\_memory\\_decompression Arguments: - `src_address::UInt64` - `dst_address::UInt64` - `compressed_size::UInt64` - `decompressed_size::UInt64` - `decompression_method::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDecompressMemoryRegionNV.html) """ function _DecompressMemoryRegionNV(src_address::Integer, dst_address::Integer, compressed_size::Integer, decompressed_size::Integer, decompression_method::Integer) _DecompressMemoryRegionNV(VkDecompressMemoryRegionNV(src_address, dst_address, compressed_size, decompressed_size, decompression_method)) end """ Extension: VK\\_ARM\\_shader\\_core\\_builtins Arguments: - `shader_core_mask::UInt64` - `shader_core_count::UInt32` - `shader_warps_per_core::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM.html) """ function _PhysicalDeviceShaderCoreBuiltinsPropertiesARM(shader_core_mask::Integer, shader_core_count::Integer, shader_warps_per_core::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM(structure_type(VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM), unsafe_convert(Ptr{Cvoid}, next), shader_core_mask, shader_core_count, shader_warps_per_core) _PhysicalDeviceShaderCoreBuiltinsPropertiesARM(vks, deps) end """ Extension: VK\\_ARM\\_shader\\_core\\_builtins Arguments: - `shader_core_builtins::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM.html) """ function _PhysicalDeviceShaderCoreBuiltinsFeaturesARM(shader_core_builtins::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM(structure_type(VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM), unsafe_convert(Ptr{Cvoid}, next), shader_core_builtins) _PhysicalDeviceShaderCoreBuiltinsFeaturesARM(vks, deps) end """ Extension: VK\\_EXT\\_surface\\_maintenance1 Arguments: - `present_mode::PresentModeKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfacePresentModeEXT.html) """ function _SurfacePresentModeEXT(present_mode::PresentModeKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSurfacePresentModeEXT(structure_type(VkSurfacePresentModeEXT), unsafe_convert(Ptr{Cvoid}, next), present_mode) _SurfacePresentModeEXT(vks, deps) end """ Extension: VK\\_EXT\\_surface\\_maintenance1 Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `supported_present_scaling::PresentScalingFlagEXT`: defaults to `0` - `supported_present_gravity_x::PresentGravityFlagEXT`: defaults to `0` - `supported_present_gravity_y::PresentGravityFlagEXT`: defaults to `0` - `min_scaled_image_extent::_Extent2D`: defaults to `0` - `max_scaled_image_extent::_Extent2D`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfacePresentScalingCapabilitiesEXT.html) """ function _SurfacePresentScalingCapabilitiesEXT(; next = C_NULL, supported_present_scaling = 0, supported_present_gravity_x = 0, supported_present_gravity_y = 0, min_scaled_image_extent = 0, max_scaled_image_extent = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSurfacePresentScalingCapabilitiesEXT(structure_type(VkSurfacePresentScalingCapabilitiesEXT), unsafe_convert(Ptr{Cvoid}, next), supported_present_scaling, supported_present_gravity_x, supported_present_gravity_y, min_scaled_image_extent.vks, max_scaled_image_extent.vks) _SurfacePresentScalingCapabilitiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_surface\\_maintenance1 Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `present_modes::Vector{PresentModeKHR}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfacePresentModeCompatibilityEXT.html) """ function _SurfacePresentModeCompatibilityEXT(; next = C_NULL, present_modes = C_NULL) present_mode_count = pointer_length(present_modes) next = cconvert(Ptr{Cvoid}, next) present_modes = cconvert(Ptr{VkPresentModeKHR}, present_modes) deps = Any[next, present_modes] vks = VkSurfacePresentModeCompatibilityEXT(structure_type(VkSurfacePresentModeCompatibilityEXT), unsafe_convert(Ptr{Cvoid}, next), present_mode_count, unsafe_convert(Ptr{VkPresentModeKHR}, present_modes)) _SurfacePresentModeCompatibilityEXT(vks, deps) end """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Arguments: - `swapchain_maintenance_1::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT.html) """ function _PhysicalDeviceSwapchainMaintenance1FeaturesEXT(swapchain_maintenance_1::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT(structure_type(VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), swapchain_maintenance_1) _PhysicalDeviceSwapchainMaintenance1FeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Arguments: - `fences::Vector{Fence}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentFenceInfoEXT.html) """ function _SwapchainPresentFenceInfoEXT(fences::AbstractArray; next = C_NULL) swapchain_count = pointer_length(fences) next = cconvert(Ptr{Cvoid}, next) fences = cconvert(Ptr{VkFence}, fences) deps = Any[next, fences] vks = VkSwapchainPresentFenceInfoEXT(structure_type(VkSwapchainPresentFenceInfoEXT), unsafe_convert(Ptr{Cvoid}, next), swapchain_count, unsafe_convert(Ptr{VkFence}, fences)) _SwapchainPresentFenceInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Arguments: - `present_modes::Vector{PresentModeKHR}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentModesCreateInfoEXT.html) """ function _SwapchainPresentModesCreateInfoEXT(present_modes::AbstractArray; next = C_NULL) present_mode_count = pointer_length(present_modes) next = cconvert(Ptr{Cvoid}, next) present_modes = cconvert(Ptr{VkPresentModeKHR}, present_modes) deps = Any[next, present_modes] vks = VkSwapchainPresentModesCreateInfoEXT(structure_type(VkSwapchainPresentModesCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), present_mode_count, unsafe_convert(Ptr{VkPresentModeKHR}, present_modes)) _SwapchainPresentModesCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Arguments: - `present_modes::Vector{PresentModeKHR}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentModeInfoEXT.html) """ function _SwapchainPresentModeInfoEXT(present_modes::AbstractArray; next = C_NULL) swapchain_count = pointer_length(present_modes) next = cconvert(Ptr{Cvoid}, next) present_modes = cconvert(Ptr{VkPresentModeKHR}, present_modes) deps = Any[next, present_modes] vks = VkSwapchainPresentModeInfoEXT(structure_type(VkSwapchainPresentModeInfoEXT), unsafe_convert(Ptr{Cvoid}, next), swapchain_count, unsafe_convert(Ptr{VkPresentModeKHR}, present_modes)) _SwapchainPresentModeInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `scaling_behavior::PresentScalingFlagEXT`: defaults to `0` - `present_gravity_x::PresentGravityFlagEXT`: defaults to `0` - `present_gravity_y::PresentGravityFlagEXT`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentScalingCreateInfoEXT.html) """ function _SwapchainPresentScalingCreateInfoEXT(; next = C_NULL, scaling_behavior = 0, present_gravity_x = 0, present_gravity_y = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSwapchainPresentScalingCreateInfoEXT(structure_type(VkSwapchainPresentScalingCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), scaling_behavior, present_gravity_x, present_gravity_y) _SwapchainPresentScalingCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Arguments: - `swapchain::SwapchainKHR` (externsync) - `image_indices::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkReleaseSwapchainImagesInfoEXT.html) """ function _ReleaseSwapchainImagesInfoEXT(swapchain, image_indices::AbstractArray; next = C_NULL) image_index_count = pointer_length(image_indices) next = cconvert(Ptr{Cvoid}, next) image_indices = cconvert(Ptr{UInt32}, image_indices) deps = Any[next, image_indices] vks = VkReleaseSwapchainImagesInfoEXT(structure_type(VkReleaseSwapchainImagesInfoEXT), unsafe_convert(Ptr{Cvoid}, next), swapchain, image_index_count, unsafe_convert(Ptr{UInt32}, image_indices)) _ReleaseSwapchainImagesInfoEXT(vks, deps, swapchain) end """ Extension: VK\\_NV\\_ray\\_tracing\\_invocation\\_reorder Arguments: - `ray_tracing_invocation_reorder::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV.html) """ function _PhysicalDeviceRayTracingInvocationReorderFeaturesNV(ray_tracing_invocation_reorder::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV(structure_type(VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), ray_tracing_invocation_reorder) _PhysicalDeviceRayTracingInvocationReorderFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_ray\\_tracing\\_invocation\\_reorder Arguments: - `ray_tracing_invocation_reorder_reordering_hint::RayTracingInvocationReorderModeNV` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV.html) """ function _PhysicalDeviceRayTracingInvocationReorderPropertiesNV(ray_tracing_invocation_reorder_reordering_hint::RayTracingInvocationReorderModeNV; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV(structure_type(VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), ray_tracing_invocation_reorder_reordering_hint) _PhysicalDeviceRayTracingInvocationReorderPropertiesNV(vks, deps) end """ Extension: VK\\_LUNARG\\_direct\\_driver\\_loading Arguments: - `flags::UInt32` - `pfn_get_instance_proc_addr::FunctionPtr` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDirectDriverLoadingInfoLUNARG.html) """ function _DirectDriverLoadingInfoLUNARG(flags::Integer, pfn_get_instance_proc_addr::FunctionPtr; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDirectDriverLoadingInfoLUNARG(structure_type(VkDirectDriverLoadingInfoLUNARG), unsafe_convert(Ptr{Cvoid}, next), flags, pfn_get_instance_proc_addr) _DirectDriverLoadingInfoLUNARG(vks, deps) end """ Extension: VK\\_LUNARG\\_direct\\_driver\\_loading Arguments: - `mode::DirectDriverLoadingModeLUNARG` - `drivers::Vector{_DirectDriverLoadingInfoLUNARG}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDirectDriverLoadingListLUNARG.html) """ function _DirectDriverLoadingListLUNARG(mode::DirectDriverLoadingModeLUNARG, drivers::AbstractArray; next = C_NULL) driver_count = pointer_length(drivers) next = cconvert(Ptr{Cvoid}, next) drivers = cconvert(Ptr{VkDirectDriverLoadingInfoLUNARG}, drivers) deps = Any[next, drivers] vks = VkDirectDriverLoadingListLUNARG(structure_type(VkDirectDriverLoadingListLUNARG), unsafe_convert(Ptr{Cvoid}, next), mode, driver_count, unsafe_convert(Ptr{VkDirectDriverLoadingInfoLUNARG}, drivers)) _DirectDriverLoadingListLUNARG(vks, deps) end """ Extension: VK\\_QCOM\\_multiview\\_per\\_view\\_viewports Arguments: - `multiview_per_view_viewports::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM.html) """ function _PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM(multiview_per_view_viewports::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM(structure_type(VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM), unsafe_convert(Ptr{Cvoid}, next), multiview_per_view_viewports) _PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM(vks, deps) end """ Arguments: - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBaseOutStructure.html) """ BaseOutStructure(; next = C_NULL) = BaseOutStructure(next) """ Arguments: - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBaseInStructure.html) """ BaseInStructure(; next = C_NULL) = BaseInStructure(next) """ Arguments: - `application_version::VersionNumber` - `engine_version::VersionNumber` - `api_version::VersionNumber` - `next::Any`: defaults to `C_NULL` - `application_name::String`: defaults to `` - `engine_name::String`: defaults to `` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkApplicationInfo.html) """ ApplicationInfo(application_version::VersionNumber, engine_version::VersionNumber, api_version::VersionNumber; next = C_NULL, application_name = "", engine_name = "") = ApplicationInfo(next, application_name, application_version, engine_name, engine_version, api_version) """ Arguments: - `pfn_allocation::FunctionPtr` - `pfn_reallocation::FunctionPtr` - `pfn_free::FunctionPtr` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` - `pfn_internal_allocation::FunctionPtr`: defaults to `C_NULL` - `pfn_internal_free::FunctionPtr`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAllocationCallbacks.html) """ AllocationCallbacks(pfn_allocation::FunctionPtr, pfn_reallocation::FunctionPtr, pfn_free::FunctionPtr; user_data = C_NULL, pfn_internal_allocation = C_NULL, pfn_internal_free = C_NULL) = AllocationCallbacks(user_data, pfn_allocation, pfn_reallocation, pfn_free, pfn_internal_allocation, pfn_internal_free) """ Arguments: - `queue_family_index::UInt32` - `queue_priorities::Vector{Float32}` - `next::Any`: defaults to `C_NULL` - `flags::DeviceQueueCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceQueueCreateInfo.html) """ DeviceQueueCreateInfo(queue_family_index::Integer, queue_priorities::AbstractArray; next = C_NULL, flags = 0) = DeviceQueueCreateInfo(next, flags, queue_family_index, queue_priorities) """ Arguments: - `queue_create_infos::Vector{DeviceQueueCreateInfo}` - `enabled_layer_names::Vector{String}` - `enabled_extension_names::Vector{String}` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `enabled_features::PhysicalDeviceFeatures`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceCreateInfo.html) """ DeviceCreateInfo(queue_create_infos::AbstractArray, enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray; next = C_NULL, flags = 0, enabled_features = C_NULL) = DeviceCreateInfo(next, flags, queue_create_infos, enabled_layer_names, enabled_extension_names, enabled_features) """ Arguments: - `enabled_layer_names::Vector{String}` - `enabled_extension_names::Vector{String}` - `next::Any`: defaults to `C_NULL` - `flags::InstanceCreateFlag`: defaults to `0` - `application_info::ApplicationInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkInstanceCreateInfo.html) """ InstanceCreateInfo(enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray; next = C_NULL, flags = 0, application_info = C_NULL) = InstanceCreateInfo(next, flags, application_info, enabled_layer_names, enabled_extension_names) """ Arguments: - `queue_count::UInt32` - `timestamp_valid_bits::UInt32` - `min_image_transfer_granularity::Extent3D` - `queue_flags::QueueFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyProperties.html) """ QueueFamilyProperties(queue_count::Integer, timestamp_valid_bits::Integer, min_image_transfer_granularity::Extent3D; queue_flags = 0) = QueueFamilyProperties(queue_flags, queue_count, timestamp_valid_bits, min_image_transfer_granularity) """ Arguments: - `allocation_size::UInt64` - `memory_type_index::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryAllocateInfo.html) """ MemoryAllocateInfo(allocation_size::Integer, memory_type_index::Integer; next = C_NULL) = MemoryAllocateInfo(next, allocation_size, memory_type_index) """ Arguments: - `image_granularity::Extent3D` - `aspect_mask::ImageAspectFlag`: defaults to `0` - `flags::SparseImageFormatFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageFormatProperties.html) """ SparseImageFormatProperties(image_granularity::Extent3D; aspect_mask = 0, flags = 0) = SparseImageFormatProperties(aspect_mask, image_granularity, flags) """ Arguments: - `heap_index::UInt32` - `property_flags::MemoryPropertyFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryType.html) """ MemoryType(heap_index::Integer; property_flags = 0) = MemoryType(property_flags, heap_index) """ Arguments: - `size::UInt64` - `flags::MemoryHeapFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryHeap.html) """ MemoryHeap(size::Integer; flags = 0) = MemoryHeap(size, flags) """ Arguments: - `memory::DeviceMemory` - `offset::UInt64` - `size::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMappedMemoryRange.html) """ MappedMemoryRange(memory::DeviceMemory, offset::Integer, size::Integer; next = C_NULL) = MappedMemoryRange(next, memory, offset, size) """ Arguments: - `linear_tiling_features::FormatFeatureFlag`: defaults to `0` - `optimal_tiling_features::FormatFeatureFlag`: defaults to `0` - `buffer_features::FormatFeatureFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFormatProperties.html) """ FormatProperties(; linear_tiling_features = 0, optimal_tiling_features = 0, buffer_features = 0) = FormatProperties(linear_tiling_features, optimal_tiling_features, buffer_features) """ Arguments: - `max_extent::Extent3D` - `max_mip_levels::UInt32` - `max_array_layers::UInt32` - `max_resource_size::UInt64` - `sample_counts::SampleCountFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageFormatProperties.html) """ ImageFormatProperties(max_extent::Extent3D, max_mip_levels::Integer, max_array_layers::Integer, max_resource_size::Integer; sample_counts = 0) = ImageFormatProperties(max_extent, max_mip_levels, max_array_layers, sample_counts, max_resource_size) """ Arguments: - `offset::UInt64` - `range::UInt64` - `buffer::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorBufferInfo.html) """ DescriptorBufferInfo(offset::Integer, range::Integer; buffer = C_NULL) = DescriptorBufferInfo(buffer, offset, range) """ Arguments: - `dst_set::DescriptorSet` - `dst_binding::UInt32` - `dst_array_element::UInt32` - `descriptor_type::DescriptorType` - `image_info::Vector{DescriptorImageInfo}` - `buffer_info::Vector{DescriptorBufferInfo}` - `texel_buffer_view::Vector{BufferView}` - `next::Any`: defaults to `C_NULL` - `descriptor_count::UInt32`: defaults to `max(pointer_length(image_info), pointer_length(buffer_info), pointer_length(texel_buffer_view))` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSet.html) """ WriteDescriptorSet(dst_set::DescriptorSet, dst_binding::Integer, dst_array_element::Integer, descriptor_type::DescriptorType, image_info::AbstractArray, buffer_info::AbstractArray, texel_buffer_view::AbstractArray; next = C_NULL, descriptor_count = max(pointer_length(image_info), pointer_length(buffer_info), pointer_length(texel_buffer_view))) = WriteDescriptorSet(next, dst_set, dst_binding, dst_array_element, descriptor_count, descriptor_type, image_info, buffer_info, texel_buffer_view) """ Arguments: - `src_set::DescriptorSet` - `src_binding::UInt32` - `src_array_element::UInt32` - `dst_set::DescriptorSet` - `dst_binding::UInt32` - `dst_array_element::UInt32` - `descriptor_count::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyDescriptorSet.html) """ CopyDescriptorSet(src_set::DescriptorSet, src_binding::Integer, src_array_element::Integer, dst_set::DescriptorSet, dst_binding::Integer, dst_array_element::Integer, descriptor_count::Integer; next = C_NULL) = CopyDescriptorSet(next, src_set, src_binding, src_array_element, dst_set, dst_binding, dst_array_element, descriptor_count) """ Arguments: - `size::UInt64` - `usage::BufferUsageFlag` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` - `flags::BufferCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCreateInfo.html) """ BufferCreateInfo(size::Integer, usage::BufferUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray; next = C_NULL, flags = 0) = BufferCreateInfo(next, flags, size, usage, sharing_mode, queue_family_indices) """ Arguments: - `buffer::Buffer` - `format::Format` - `offset::UInt64` - `range::UInt64` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferViewCreateInfo.html) """ BufferViewCreateInfo(buffer::Buffer, format::Format, offset::Integer, range::Integer; next = C_NULL, flags = 0) = BufferViewCreateInfo(next, flags, buffer, format, offset, range) """ Arguments: - `next::Any`: defaults to `C_NULL` - `src_access_mask::AccessFlag`: defaults to `0` - `dst_access_mask::AccessFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryBarrier.html) """ MemoryBarrier(; next = C_NULL, src_access_mask = 0, dst_access_mask = 0) = MemoryBarrier(next, src_access_mask, dst_access_mask) """ Arguments: - `src_access_mask::AccessFlag` - `dst_access_mask::AccessFlag` - `src_queue_family_index::UInt32` - `dst_queue_family_index::UInt32` - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferMemoryBarrier.html) """ BufferMemoryBarrier(src_access_mask::AccessFlag, dst_access_mask::AccessFlag, src_queue_family_index::Integer, dst_queue_family_index::Integer, buffer::Buffer, offset::Integer, size::Integer; next = C_NULL) = BufferMemoryBarrier(next, src_access_mask, dst_access_mask, src_queue_family_index, dst_queue_family_index, buffer, offset, size) """ Arguments: - `src_access_mask::AccessFlag` - `dst_access_mask::AccessFlag` - `old_layout::ImageLayout` - `new_layout::ImageLayout` - `src_queue_family_index::UInt32` - `dst_queue_family_index::UInt32` - `image::Image` - `subresource_range::ImageSubresourceRange` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageMemoryBarrier.html) """ ImageMemoryBarrier(src_access_mask::AccessFlag, dst_access_mask::AccessFlag, old_layout::ImageLayout, new_layout::ImageLayout, src_queue_family_index::Integer, dst_queue_family_index::Integer, image::Image, subresource_range::ImageSubresourceRange; next = C_NULL) = ImageMemoryBarrier(next, src_access_mask, dst_access_mask, old_layout, new_layout, src_queue_family_index, dst_queue_family_index, image, subresource_range) """ Arguments: - `image_type::ImageType` - `format::Format` - `extent::Extent3D` - `mip_levels::UInt32` - `array_layers::UInt32` - `samples::SampleCountFlag` - `tiling::ImageTiling` - `usage::ImageUsageFlag` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `initial_layout::ImageLayout` - `next::Any`: defaults to `C_NULL` - `flags::ImageCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCreateInfo.html) """ ImageCreateInfo(image_type::ImageType, format::Format, extent::Extent3D, mip_levels::Integer, array_layers::Integer, samples::SampleCountFlag, tiling::ImageTiling, usage::ImageUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, initial_layout::ImageLayout; next = C_NULL, flags = 0) = ImageCreateInfo(next, flags, image_type, format, extent, mip_levels, array_layers, samples, tiling, usage, sharing_mode, queue_family_indices, initial_layout) """ Arguments: - `image::Image` - `view_type::ImageViewType` - `format::Format` - `components::ComponentMapping` - `subresource_range::ImageSubresourceRange` - `next::Any`: defaults to `C_NULL` - `flags::ImageViewCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewCreateInfo.html) """ ImageViewCreateInfo(image::Image, view_type::ImageViewType, format::Format, components::ComponentMapping, subresource_range::ImageSubresourceRange; next = C_NULL, flags = 0) = ImageViewCreateInfo(next, flags, image, view_type, format, components, subresource_range) """ Arguments: - `resource_offset::UInt64` - `size::UInt64` - `memory_offset::UInt64` - `memory::DeviceMemory`: defaults to `C_NULL` - `flags::SparseMemoryBindFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseMemoryBind.html) """ SparseMemoryBind(resource_offset::Integer, size::Integer, memory_offset::Integer; memory = C_NULL, flags = 0) = SparseMemoryBind(resource_offset, size, memory, memory_offset, flags) """ Arguments: - `subresource::ImageSubresource` - `offset::Offset3D` - `extent::Extent3D` - `memory_offset::UInt64` - `memory::DeviceMemory`: defaults to `C_NULL` - `flags::SparseMemoryBindFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryBind.html) """ SparseImageMemoryBind(subresource::ImageSubresource, offset::Offset3D, extent::Extent3D, memory_offset::Integer; memory = C_NULL, flags = 0) = SparseImageMemoryBind(subresource, offset, extent, memory, memory_offset, flags) """ Arguments: - `wait_semaphores::Vector{Semaphore}` - `buffer_binds::Vector{SparseBufferMemoryBindInfo}` - `image_opaque_binds::Vector{SparseImageOpaqueMemoryBindInfo}` - `image_binds::Vector{SparseImageMemoryBindInfo}` - `signal_semaphores::Vector{Semaphore}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindSparseInfo.html) """ BindSparseInfo(wait_semaphores::AbstractArray, buffer_binds::AbstractArray, image_opaque_binds::AbstractArray, image_binds::AbstractArray, signal_semaphores::AbstractArray; next = C_NULL) = BindSparseInfo(next, wait_semaphores, buffer_binds, image_opaque_binds, image_binds, signal_semaphores) """ Arguments: - `code_size::UInt` - `code::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderModuleCreateInfo.html) """ ShaderModuleCreateInfo(code_size::Integer, code::AbstractArray; next = C_NULL, flags = 0) = ShaderModuleCreateInfo(next, flags, code_size, code) """ Arguments: - `binding::UInt32` - `descriptor_type::DescriptorType` - `stage_flags::ShaderStageFlag` - `descriptor_count::UInt32`: defaults to `0` - `immutable_samplers::Vector{Sampler}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutBinding.html) """ DescriptorSetLayoutBinding(binding::Integer, descriptor_type::DescriptorType, stage_flags::ShaderStageFlag; descriptor_count = 0, immutable_samplers = C_NULL) = DescriptorSetLayoutBinding(binding, descriptor_type, descriptor_count, stage_flags, immutable_samplers) """ Arguments: - `bindings::Vector{DescriptorSetLayoutBinding}` - `next::Any`: defaults to `C_NULL` - `flags::DescriptorSetLayoutCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutCreateInfo.html) """ DescriptorSetLayoutCreateInfo(bindings::AbstractArray; next = C_NULL, flags = 0) = DescriptorSetLayoutCreateInfo(next, flags, bindings) """ Arguments: - `max_sets::UInt32` - `pool_sizes::Vector{DescriptorPoolSize}` - `next::Any`: defaults to `C_NULL` - `flags::DescriptorPoolCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorPoolCreateInfo.html) """ DescriptorPoolCreateInfo(max_sets::Integer, pool_sizes::AbstractArray; next = C_NULL, flags = 0) = DescriptorPoolCreateInfo(next, flags, max_sets, pool_sizes) """ Arguments: - `descriptor_pool::DescriptorPool` - `set_layouts::Vector{DescriptorSetLayout}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetAllocateInfo.html) """ DescriptorSetAllocateInfo(descriptor_pool::DescriptorPool, set_layouts::AbstractArray; next = C_NULL) = DescriptorSetAllocateInfo(next, descriptor_pool, set_layouts) """ Arguments: - `map_entries::Vector{SpecializationMapEntry}` - `data::Ptr{Cvoid}` - `data_size::UInt`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSpecializationInfo.html) """ SpecializationInfo(map_entries::AbstractArray, data::Ptr{Cvoid}; data_size = C_NULL) = SpecializationInfo(map_entries, data_size, data) """ Arguments: - `stage::ShaderStageFlag` - `_module::ShaderModule` - `name::String` - `next::Any`: defaults to `C_NULL` - `flags::PipelineShaderStageCreateFlag`: defaults to `0` - `specialization_info::SpecializationInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineShaderStageCreateInfo.html) """ PipelineShaderStageCreateInfo(stage::ShaderStageFlag, _module::ShaderModule, name::AbstractString; next = C_NULL, flags = 0, specialization_info = C_NULL) = PipelineShaderStageCreateInfo(next, flags, stage, _module, name, specialization_info) """ Arguments: - `stage::PipelineShaderStageCreateInfo` - `layout::PipelineLayout` - `base_pipeline_index::Int32` - `next::Any`: defaults to `C_NULL` - `flags::PipelineCreateFlag`: defaults to `0` - `base_pipeline_handle::Pipeline`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkComputePipelineCreateInfo.html) """ ComputePipelineCreateInfo(stage::PipelineShaderStageCreateInfo, layout::PipelineLayout, base_pipeline_index::Integer; next = C_NULL, flags = 0, base_pipeline_handle = C_NULL) = ComputePipelineCreateInfo(next, flags, stage, layout, base_pipeline_handle, base_pipeline_index) """ Arguments: - `vertex_binding_descriptions::Vector{VertexInputBindingDescription}` - `vertex_attribute_descriptions::Vector{VertexInputAttributeDescription}` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineVertexInputStateCreateInfo.html) """ PipelineVertexInputStateCreateInfo(vertex_binding_descriptions::AbstractArray, vertex_attribute_descriptions::AbstractArray; next = C_NULL, flags = 0) = PipelineVertexInputStateCreateInfo(next, flags, vertex_binding_descriptions, vertex_attribute_descriptions) """ Arguments: - `topology::PrimitiveTopology` - `primitive_restart_enable::Bool` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineInputAssemblyStateCreateInfo.html) """ PipelineInputAssemblyStateCreateInfo(topology::PrimitiveTopology, primitive_restart_enable::Bool; next = C_NULL, flags = 0) = PipelineInputAssemblyStateCreateInfo(next, flags, topology, primitive_restart_enable) """ Arguments: - `patch_control_points::UInt32` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineTessellationStateCreateInfo.html) """ PipelineTessellationStateCreateInfo(patch_control_points::Integer; next = C_NULL, flags = 0) = PipelineTessellationStateCreateInfo(next, flags, patch_control_points) """ Arguments: - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `viewports::Vector{Viewport}`: defaults to `C_NULL` - `scissors::Vector{Rect2D}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportStateCreateInfo.html) """ PipelineViewportStateCreateInfo(; next = C_NULL, flags = 0, viewports = C_NULL, scissors = C_NULL) = PipelineViewportStateCreateInfo(next, flags, viewports, scissors) """ Arguments: - `depth_clamp_enable::Bool` - `rasterizer_discard_enable::Bool` - `polygon_mode::PolygonMode` - `front_face::FrontFace` - `depth_bias_enable::Bool` - `depth_bias_constant_factor::Float32` - `depth_bias_clamp::Float32` - `depth_bias_slope_factor::Float32` - `line_width::Float32` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `cull_mode::CullModeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationStateCreateInfo.html) """ PipelineRasterizationStateCreateInfo(depth_clamp_enable::Bool, rasterizer_discard_enable::Bool, polygon_mode::PolygonMode, front_face::FrontFace, depth_bias_enable::Bool, depth_bias_constant_factor::Real, depth_bias_clamp::Real, depth_bias_slope_factor::Real, line_width::Real; next = C_NULL, flags = 0, cull_mode = 0) = PipelineRasterizationStateCreateInfo(next, flags, depth_clamp_enable, rasterizer_discard_enable, polygon_mode, cull_mode, front_face, depth_bias_enable, depth_bias_constant_factor, depth_bias_clamp, depth_bias_slope_factor, line_width) """ Arguments: - `rasterization_samples::SampleCountFlag` - `sample_shading_enable::Bool` - `min_sample_shading::Float32` - `alpha_to_coverage_enable::Bool` - `alpha_to_one_enable::Bool` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `sample_mask::Vector{UInt32}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineMultisampleStateCreateInfo.html) """ PipelineMultisampleStateCreateInfo(rasterization_samples::SampleCountFlag, sample_shading_enable::Bool, min_sample_shading::Real, alpha_to_coverage_enable::Bool, alpha_to_one_enable::Bool; next = C_NULL, flags = 0, sample_mask = C_NULL) = PipelineMultisampleStateCreateInfo(next, flags, rasterization_samples, sample_shading_enable, min_sample_shading, sample_mask, alpha_to_coverage_enable, alpha_to_one_enable) """ Arguments: - `blend_enable::Bool` - `src_color_blend_factor::BlendFactor` - `dst_color_blend_factor::BlendFactor` - `color_blend_op::BlendOp` - `src_alpha_blend_factor::BlendFactor` - `dst_alpha_blend_factor::BlendFactor` - `alpha_blend_op::BlendOp` - `color_write_mask::ColorComponentFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorBlendAttachmentState.html) """ PipelineColorBlendAttachmentState(blend_enable::Bool, src_color_blend_factor::BlendFactor, dst_color_blend_factor::BlendFactor, color_blend_op::BlendOp, src_alpha_blend_factor::BlendFactor, dst_alpha_blend_factor::BlendFactor, alpha_blend_op::BlendOp; color_write_mask = 0) = PipelineColorBlendAttachmentState(blend_enable, src_color_blend_factor, dst_color_blend_factor, color_blend_op, src_alpha_blend_factor, dst_alpha_blend_factor, alpha_blend_op, color_write_mask) """ Arguments: - `logic_op_enable::Bool` - `logic_op::LogicOp` - `attachments::Vector{PipelineColorBlendAttachmentState}` - `blend_constants::NTuple{4, Float32}` - `next::Any`: defaults to `C_NULL` - `flags::PipelineColorBlendStateCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorBlendStateCreateInfo.html) """ PipelineColorBlendStateCreateInfo(logic_op_enable::Bool, logic_op::LogicOp, attachments::AbstractArray, blend_constants::NTuple{4, Float32}; next = C_NULL, flags = 0) = PipelineColorBlendStateCreateInfo(next, flags, logic_op_enable, logic_op, attachments, blend_constants) """ Arguments: - `dynamic_states::Vector{DynamicState}` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineDynamicStateCreateInfo.html) """ PipelineDynamicStateCreateInfo(dynamic_states::AbstractArray; next = C_NULL, flags = 0) = PipelineDynamicStateCreateInfo(next, flags, dynamic_states) """ Arguments: - `depth_test_enable::Bool` - `depth_write_enable::Bool` - `depth_compare_op::CompareOp` - `depth_bounds_test_enable::Bool` - `stencil_test_enable::Bool` - `front::StencilOpState` - `back::StencilOpState` - `min_depth_bounds::Float32` - `max_depth_bounds::Float32` - `next::Any`: defaults to `C_NULL` - `flags::PipelineDepthStencilStateCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineDepthStencilStateCreateInfo.html) """ PipelineDepthStencilStateCreateInfo(depth_test_enable::Bool, depth_write_enable::Bool, depth_compare_op::CompareOp, depth_bounds_test_enable::Bool, stencil_test_enable::Bool, front::StencilOpState, back::StencilOpState, min_depth_bounds::Real, max_depth_bounds::Real; next = C_NULL, flags = 0) = PipelineDepthStencilStateCreateInfo(next, flags, depth_test_enable, depth_write_enable, depth_compare_op, depth_bounds_test_enable, stencil_test_enable, front, back, min_depth_bounds, max_depth_bounds) """ Arguments: - `stages::Vector{PipelineShaderStageCreateInfo}` - `rasterization_state::PipelineRasterizationStateCreateInfo` - `layout::PipelineLayout` - `subpass::UInt32` - `base_pipeline_index::Int32` - `next::Any`: defaults to `C_NULL` - `flags::PipelineCreateFlag`: defaults to `0` - `vertex_input_state::PipelineVertexInputStateCreateInfo`: defaults to `C_NULL` - `input_assembly_state::PipelineInputAssemblyStateCreateInfo`: defaults to `C_NULL` - `tessellation_state::PipelineTessellationStateCreateInfo`: defaults to `C_NULL` - `viewport_state::PipelineViewportStateCreateInfo`: defaults to `C_NULL` - `multisample_state::PipelineMultisampleStateCreateInfo`: defaults to `C_NULL` - `depth_stencil_state::PipelineDepthStencilStateCreateInfo`: defaults to `C_NULL` - `color_blend_state::PipelineColorBlendStateCreateInfo`: defaults to `C_NULL` - `dynamic_state::PipelineDynamicStateCreateInfo`: defaults to `C_NULL` - `render_pass::RenderPass`: defaults to `C_NULL` - `base_pipeline_handle::Pipeline`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsPipelineCreateInfo.html) """ GraphicsPipelineCreateInfo(stages::AbstractArray, rasterization_state::PipelineRasterizationStateCreateInfo, layout::PipelineLayout, subpass::Integer, base_pipeline_index::Integer; next = C_NULL, flags = 0, vertex_input_state = C_NULL, input_assembly_state = C_NULL, tessellation_state = C_NULL, viewport_state = C_NULL, multisample_state = C_NULL, depth_stencil_state = C_NULL, color_blend_state = C_NULL, dynamic_state = C_NULL, render_pass = C_NULL, base_pipeline_handle = C_NULL) = GraphicsPipelineCreateInfo(next, flags, stages, vertex_input_state, input_assembly_state, tessellation_state, viewport_state, rasterization_state, multisample_state, depth_stencil_state, color_blend_state, dynamic_state, layout, render_pass, subpass, base_pipeline_handle, base_pipeline_index) """ Arguments: - `initial_data::Ptr{Cvoid}` - `next::Any`: defaults to `C_NULL` - `flags::PipelineCacheCreateFlag`: defaults to `0` - `initial_data_size::UInt`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCacheCreateInfo.html) """ PipelineCacheCreateInfo(initial_data::Ptr{Cvoid}; next = C_NULL, flags = 0, initial_data_size = C_NULL) = PipelineCacheCreateInfo(next, flags, initial_data_size, initial_data) """ Arguments: - `set_layouts::Vector{DescriptorSetLayout}` - `push_constant_ranges::Vector{PushConstantRange}` - `next::Any`: defaults to `C_NULL` - `flags::PipelineLayoutCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineLayoutCreateInfo.html) """ PipelineLayoutCreateInfo(set_layouts::AbstractArray, push_constant_ranges::AbstractArray; next = C_NULL, flags = 0) = PipelineLayoutCreateInfo(next, flags, set_layouts, push_constant_ranges) """ Arguments: - `mag_filter::Filter` - `min_filter::Filter` - `mipmap_mode::SamplerMipmapMode` - `address_mode_u::SamplerAddressMode` - `address_mode_v::SamplerAddressMode` - `address_mode_w::SamplerAddressMode` - `mip_lod_bias::Float32` - `anisotropy_enable::Bool` - `max_anisotropy::Float32` - `compare_enable::Bool` - `compare_op::CompareOp` - `min_lod::Float32` - `max_lod::Float32` - `border_color::BorderColor` - `unnormalized_coordinates::Bool` - `next::Any`: defaults to `C_NULL` - `flags::SamplerCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerCreateInfo.html) """ SamplerCreateInfo(mag_filter::Filter, min_filter::Filter, mipmap_mode::SamplerMipmapMode, address_mode_u::SamplerAddressMode, address_mode_v::SamplerAddressMode, address_mode_w::SamplerAddressMode, mip_lod_bias::Real, anisotropy_enable::Bool, max_anisotropy::Real, compare_enable::Bool, compare_op::CompareOp, min_lod::Real, max_lod::Real, border_color::BorderColor, unnormalized_coordinates::Bool; next = C_NULL, flags = 0) = SamplerCreateInfo(next, flags, mag_filter, min_filter, mipmap_mode, address_mode_u, address_mode_v, address_mode_w, mip_lod_bias, anisotropy_enable, max_anisotropy, compare_enable, compare_op, min_lod, max_lod, border_color, unnormalized_coordinates) """ Arguments: - `queue_family_index::UInt32` - `next::Any`: defaults to `C_NULL` - `flags::CommandPoolCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandPoolCreateInfo.html) """ CommandPoolCreateInfo(queue_family_index::Integer; next = C_NULL, flags = 0) = CommandPoolCreateInfo(next, flags, queue_family_index) """ Arguments: - `command_pool::CommandPool` - `level::CommandBufferLevel` - `command_buffer_count::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferAllocateInfo.html) """ CommandBufferAllocateInfo(command_pool::CommandPool, level::CommandBufferLevel, command_buffer_count::Integer; next = C_NULL) = CommandBufferAllocateInfo(next, command_pool, level, command_buffer_count) """ Arguments: - `subpass::UInt32` - `occlusion_query_enable::Bool` - `next::Any`: defaults to `C_NULL` - `render_pass::RenderPass`: defaults to `C_NULL` - `framebuffer::Framebuffer`: defaults to `C_NULL` - `query_flags::QueryControlFlag`: defaults to `0` - `pipeline_statistics::QueryPipelineStatisticFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceInfo.html) """ CommandBufferInheritanceInfo(subpass::Integer, occlusion_query_enable::Bool; next = C_NULL, render_pass = C_NULL, framebuffer = C_NULL, query_flags = 0, pipeline_statistics = 0) = CommandBufferInheritanceInfo(next, render_pass, subpass, framebuffer, occlusion_query_enable, query_flags, pipeline_statistics) """ Arguments: - `next::Any`: defaults to `C_NULL` - `flags::CommandBufferUsageFlag`: defaults to `0` - `inheritance_info::CommandBufferInheritanceInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferBeginInfo.html) """ CommandBufferBeginInfo(; next = C_NULL, flags = 0, inheritance_info = C_NULL) = CommandBufferBeginInfo(next, flags, inheritance_info) """ Arguments: - `render_pass::RenderPass` - `framebuffer::Framebuffer` - `render_area::Rect2D` - `clear_values::Vector{ClearValue}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassBeginInfo.html) """ RenderPassBeginInfo(render_pass::RenderPass, framebuffer::Framebuffer, render_area::Rect2D, clear_values::AbstractArray; next = C_NULL) = RenderPassBeginInfo(next, render_pass, framebuffer, render_area, clear_values) """ Arguments: - `format::Format` - `samples::SampleCountFlag` - `load_op::AttachmentLoadOp` - `store_op::AttachmentStoreOp` - `stencil_load_op::AttachmentLoadOp` - `stencil_store_op::AttachmentStoreOp` - `initial_layout::ImageLayout` - `final_layout::ImageLayout` - `flags::AttachmentDescriptionFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentDescription.html) """ AttachmentDescription(format::Format, samples::SampleCountFlag, load_op::AttachmentLoadOp, store_op::AttachmentStoreOp, stencil_load_op::AttachmentLoadOp, stencil_store_op::AttachmentStoreOp, initial_layout::ImageLayout, final_layout::ImageLayout; flags = 0) = AttachmentDescription(flags, format, samples, load_op, store_op, stencil_load_op, stencil_store_op, initial_layout, final_layout) """ Arguments: - `pipeline_bind_point::PipelineBindPoint` - `input_attachments::Vector{AttachmentReference}` - `color_attachments::Vector{AttachmentReference}` - `preserve_attachments::Vector{UInt32}` - `flags::SubpassDescriptionFlag`: defaults to `0` - `resolve_attachments::Vector{AttachmentReference}`: defaults to `C_NULL` - `depth_stencil_attachment::AttachmentReference`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDescription.html) """ SubpassDescription(pipeline_bind_point::PipelineBindPoint, input_attachments::AbstractArray, color_attachments::AbstractArray, preserve_attachments::AbstractArray; flags = 0, resolve_attachments = C_NULL, depth_stencil_attachment = C_NULL) = SubpassDescription(flags, pipeline_bind_point, input_attachments, color_attachments, resolve_attachments, depth_stencil_attachment, preserve_attachments) """ Arguments: - `src_subpass::UInt32` - `dst_subpass::UInt32` - `src_stage_mask::PipelineStageFlag`: defaults to `0` - `dst_stage_mask::PipelineStageFlag`: defaults to `0` - `src_access_mask::AccessFlag`: defaults to `0` - `dst_access_mask::AccessFlag`: defaults to `0` - `dependency_flags::DependencyFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDependency.html) """ SubpassDependency(src_subpass::Integer, dst_subpass::Integer; src_stage_mask = 0, dst_stage_mask = 0, src_access_mask = 0, dst_access_mask = 0, dependency_flags = 0) = SubpassDependency(src_subpass, dst_subpass, src_stage_mask, dst_stage_mask, src_access_mask, dst_access_mask, dependency_flags) """ Arguments: - `attachments::Vector{AttachmentDescription}` - `subpasses::Vector{SubpassDescription}` - `dependencies::Vector{SubpassDependency}` - `next::Any`: defaults to `C_NULL` - `flags::RenderPassCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreateInfo.html) """ RenderPassCreateInfo(attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray; next = C_NULL, flags = 0) = RenderPassCreateInfo(next, flags, attachments, subpasses, dependencies) """ Arguments: - `next::Any`: defaults to `C_NULL` - `flags::EventCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkEventCreateInfo.html) """ EventCreateInfo(; next = C_NULL, flags = 0) = EventCreateInfo(next, flags) """ Arguments: - `next::Any`: defaults to `C_NULL` - `flags::FenceCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFenceCreateInfo.html) """ FenceCreateInfo(; next = C_NULL, flags = 0) = FenceCreateInfo(next, flags) """ Arguments: - `max_image_dimension_1_d::UInt32` - `max_image_dimension_2_d::UInt32` - `max_image_dimension_3_d::UInt32` - `max_image_dimension_cube::UInt32` - `max_image_array_layers::UInt32` - `max_texel_buffer_elements::UInt32` - `max_uniform_buffer_range::UInt32` - `max_storage_buffer_range::UInt32` - `max_push_constants_size::UInt32` - `max_memory_allocation_count::UInt32` - `max_sampler_allocation_count::UInt32` - `buffer_image_granularity::UInt64` - `sparse_address_space_size::UInt64` - `max_bound_descriptor_sets::UInt32` - `max_per_stage_descriptor_samplers::UInt32` - `max_per_stage_descriptor_uniform_buffers::UInt32` - `max_per_stage_descriptor_storage_buffers::UInt32` - `max_per_stage_descriptor_sampled_images::UInt32` - `max_per_stage_descriptor_storage_images::UInt32` - `max_per_stage_descriptor_input_attachments::UInt32` - `max_per_stage_resources::UInt32` - `max_descriptor_set_samplers::UInt32` - `max_descriptor_set_uniform_buffers::UInt32` - `max_descriptor_set_uniform_buffers_dynamic::UInt32` - `max_descriptor_set_storage_buffers::UInt32` - `max_descriptor_set_storage_buffers_dynamic::UInt32` - `max_descriptor_set_sampled_images::UInt32` - `max_descriptor_set_storage_images::UInt32` - `max_descriptor_set_input_attachments::UInt32` - `max_vertex_input_attributes::UInt32` - `max_vertex_input_bindings::UInt32` - `max_vertex_input_attribute_offset::UInt32` - `max_vertex_input_binding_stride::UInt32` - `max_vertex_output_components::UInt32` - `max_tessellation_generation_level::UInt32` - `max_tessellation_patch_size::UInt32` - `max_tessellation_control_per_vertex_input_components::UInt32` - `max_tessellation_control_per_vertex_output_components::UInt32` - `max_tessellation_control_per_patch_output_components::UInt32` - `max_tessellation_control_total_output_components::UInt32` - `max_tessellation_evaluation_input_components::UInt32` - `max_tessellation_evaluation_output_components::UInt32` - `max_geometry_shader_invocations::UInt32` - `max_geometry_input_components::UInt32` - `max_geometry_output_components::UInt32` - `max_geometry_output_vertices::UInt32` - `max_geometry_total_output_components::UInt32` - `max_fragment_input_components::UInt32` - `max_fragment_output_attachments::UInt32` - `max_fragment_dual_src_attachments::UInt32` - `max_fragment_combined_output_resources::UInt32` - `max_compute_shared_memory_size::UInt32` - `max_compute_work_group_count::NTuple{3, UInt32}` - `max_compute_work_group_invocations::UInt32` - `max_compute_work_group_size::NTuple{3, UInt32}` - `sub_pixel_precision_bits::UInt32` - `sub_texel_precision_bits::UInt32` - `mipmap_precision_bits::UInt32` - `max_draw_indexed_index_value::UInt32` - `max_draw_indirect_count::UInt32` - `max_sampler_lod_bias::Float32` - `max_sampler_anisotropy::Float32` - `max_viewports::UInt32` - `max_viewport_dimensions::NTuple{2, UInt32}` - `viewport_bounds_range::NTuple{2, Float32}` - `viewport_sub_pixel_bits::UInt32` - `min_memory_map_alignment::UInt` - `min_texel_buffer_offset_alignment::UInt64` - `min_uniform_buffer_offset_alignment::UInt64` - `min_storage_buffer_offset_alignment::UInt64` - `min_texel_offset::Int32` - `max_texel_offset::UInt32` - `min_texel_gather_offset::Int32` - `max_texel_gather_offset::UInt32` - `min_interpolation_offset::Float32` - `max_interpolation_offset::Float32` - `sub_pixel_interpolation_offset_bits::UInt32` - `max_framebuffer_width::UInt32` - `max_framebuffer_height::UInt32` - `max_framebuffer_layers::UInt32` - `max_color_attachments::UInt32` - `max_sample_mask_words::UInt32` - `timestamp_compute_and_graphics::Bool` - `timestamp_period::Float32` - `max_clip_distances::UInt32` - `max_cull_distances::UInt32` - `max_combined_clip_and_cull_distances::UInt32` - `discrete_queue_priorities::UInt32` - `point_size_range::NTuple{2, Float32}` - `line_width_range::NTuple{2, Float32}` - `point_size_granularity::Float32` - `line_width_granularity::Float32` - `strict_lines::Bool` - `standard_sample_locations::Bool` - `optimal_buffer_copy_offset_alignment::UInt64` - `optimal_buffer_copy_row_pitch_alignment::UInt64` - `non_coherent_atom_size::UInt64` - `framebuffer_color_sample_counts::SampleCountFlag`: defaults to `0` - `framebuffer_depth_sample_counts::SampleCountFlag`: defaults to `0` - `framebuffer_stencil_sample_counts::SampleCountFlag`: defaults to `0` - `framebuffer_no_attachments_sample_counts::SampleCountFlag`: defaults to `0` - `sampled_image_color_sample_counts::SampleCountFlag`: defaults to `0` - `sampled_image_integer_sample_counts::SampleCountFlag`: defaults to `0` - `sampled_image_depth_sample_counts::SampleCountFlag`: defaults to `0` - `sampled_image_stencil_sample_counts::SampleCountFlag`: defaults to `0` - `storage_image_sample_counts::SampleCountFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLimits.html) """ PhysicalDeviceLimits(max_image_dimension_1_d::Integer, max_image_dimension_2_d::Integer, max_image_dimension_3_d::Integer, max_image_dimension_cube::Integer, max_image_array_layers::Integer, max_texel_buffer_elements::Integer, max_uniform_buffer_range::Integer, max_storage_buffer_range::Integer, max_push_constants_size::Integer, max_memory_allocation_count::Integer, max_sampler_allocation_count::Integer, buffer_image_granularity::Integer, sparse_address_space_size::Integer, max_bound_descriptor_sets::Integer, max_per_stage_descriptor_samplers::Integer, max_per_stage_descriptor_uniform_buffers::Integer, max_per_stage_descriptor_storage_buffers::Integer, max_per_stage_descriptor_sampled_images::Integer, max_per_stage_descriptor_storage_images::Integer, max_per_stage_descriptor_input_attachments::Integer, max_per_stage_resources::Integer, max_descriptor_set_samplers::Integer, max_descriptor_set_uniform_buffers::Integer, max_descriptor_set_uniform_buffers_dynamic::Integer, max_descriptor_set_storage_buffers::Integer, max_descriptor_set_storage_buffers_dynamic::Integer, max_descriptor_set_sampled_images::Integer, max_descriptor_set_storage_images::Integer, max_descriptor_set_input_attachments::Integer, max_vertex_input_attributes::Integer, max_vertex_input_bindings::Integer, max_vertex_input_attribute_offset::Integer, max_vertex_input_binding_stride::Integer, max_vertex_output_components::Integer, max_tessellation_generation_level::Integer, max_tessellation_patch_size::Integer, max_tessellation_control_per_vertex_input_components::Integer, max_tessellation_control_per_vertex_output_components::Integer, max_tessellation_control_per_patch_output_components::Integer, max_tessellation_control_total_output_components::Integer, max_tessellation_evaluation_input_components::Integer, max_tessellation_evaluation_output_components::Integer, max_geometry_shader_invocations::Integer, max_geometry_input_components::Integer, max_geometry_output_components::Integer, max_geometry_output_vertices::Integer, max_geometry_total_output_components::Integer, max_fragment_input_components::Integer, max_fragment_output_attachments::Integer, max_fragment_dual_src_attachments::Integer, max_fragment_combined_output_resources::Integer, max_compute_shared_memory_size::Integer, max_compute_work_group_count::NTuple{3, UInt32}, max_compute_work_group_invocations::Integer, max_compute_work_group_size::NTuple{3, UInt32}, sub_pixel_precision_bits::Integer, sub_texel_precision_bits::Integer, mipmap_precision_bits::Integer, max_draw_indexed_index_value::Integer, max_draw_indirect_count::Integer, max_sampler_lod_bias::Real, max_sampler_anisotropy::Real, max_viewports::Integer, max_viewport_dimensions::NTuple{2, UInt32}, viewport_bounds_range::NTuple{2, Float32}, viewport_sub_pixel_bits::Integer, min_memory_map_alignment::Integer, min_texel_buffer_offset_alignment::Integer, min_uniform_buffer_offset_alignment::Integer, min_storage_buffer_offset_alignment::Integer, min_texel_offset::Integer, max_texel_offset::Integer, min_texel_gather_offset::Integer, max_texel_gather_offset::Integer, min_interpolation_offset::Real, max_interpolation_offset::Real, sub_pixel_interpolation_offset_bits::Integer, max_framebuffer_width::Integer, max_framebuffer_height::Integer, max_framebuffer_layers::Integer, max_color_attachments::Integer, max_sample_mask_words::Integer, timestamp_compute_and_graphics::Bool, timestamp_period::Real, max_clip_distances::Integer, max_cull_distances::Integer, max_combined_clip_and_cull_distances::Integer, discrete_queue_priorities::Integer, point_size_range::NTuple{2, Float32}, line_width_range::NTuple{2, Float32}, point_size_granularity::Real, line_width_granularity::Real, strict_lines::Bool, standard_sample_locations::Bool, optimal_buffer_copy_offset_alignment::Integer, optimal_buffer_copy_row_pitch_alignment::Integer, non_coherent_atom_size::Integer; framebuffer_color_sample_counts = 0, framebuffer_depth_sample_counts = 0, framebuffer_stencil_sample_counts = 0, framebuffer_no_attachments_sample_counts = 0, sampled_image_color_sample_counts = 0, sampled_image_integer_sample_counts = 0, sampled_image_depth_sample_counts = 0, sampled_image_stencil_sample_counts = 0, storage_image_sample_counts = 0) = PhysicalDeviceLimits(max_image_dimension_1_d, max_image_dimension_2_d, max_image_dimension_3_d, max_image_dimension_cube, max_image_array_layers, max_texel_buffer_elements, max_uniform_buffer_range, max_storage_buffer_range, max_push_constants_size, max_memory_allocation_count, max_sampler_allocation_count, buffer_image_granularity, sparse_address_space_size, max_bound_descriptor_sets, max_per_stage_descriptor_samplers, max_per_stage_descriptor_uniform_buffers, max_per_stage_descriptor_storage_buffers, max_per_stage_descriptor_sampled_images, max_per_stage_descriptor_storage_images, max_per_stage_descriptor_input_attachments, max_per_stage_resources, max_descriptor_set_samplers, max_descriptor_set_uniform_buffers, max_descriptor_set_uniform_buffers_dynamic, max_descriptor_set_storage_buffers, max_descriptor_set_storage_buffers_dynamic, max_descriptor_set_sampled_images, max_descriptor_set_storage_images, max_descriptor_set_input_attachments, max_vertex_input_attributes, max_vertex_input_bindings, max_vertex_input_attribute_offset, max_vertex_input_binding_stride, max_vertex_output_components, max_tessellation_generation_level, max_tessellation_patch_size, max_tessellation_control_per_vertex_input_components, max_tessellation_control_per_vertex_output_components, max_tessellation_control_per_patch_output_components, max_tessellation_control_total_output_components, max_tessellation_evaluation_input_components, max_tessellation_evaluation_output_components, max_geometry_shader_invocations, max_geometry_input_components, max_geometry_output_components, max_geometry_output_vertices, max_geometry_total_output_components, max_fragment_input_components, max_fragment_output_attachments, max_fragment_dual_src_attachments, max_fragment_combined_output_resources, max_compute_shared_memory_size, max_compute_work_group_count, max_compute_work_group_invocations, max_compute_work_group_size, sub_pixel_precision_bits, sub_texel_precision_bits, mipmap_precision_bits, max_draw_indexed_index_value, max_draw_indirect_count, max_sampler_lod_bias, max_sampler_anisotropy, max_viewports, max_viewport_dimensions, viewport_bounds_range, viewport_sub_pixel_bits, min_memory_map_alignment, min_texel_buffer_offset_alignment, min_uniform_buffer_offset_alignment, min_storage_buffer_offset_alignment, min_texel_offset, max_texel_offset, min_texel_gather_offset, max_texel_gather_offset, min_interpolation_offset, max_interpolation_offset, sub_pixel_interpolation_offset_bits, max_framebuffer_width, max_framebuffer_height, max_framebuffer_layers, framebuffer_color_sample_counts, framebuffer_depth_sample_counts, framebuffer_stencil_sample_counts, framebuffer_no_attachments_sample_counts, max_color_attachments, sampled_image_color_sample_counts, sampled_image_integer_sample_counts, sampled_image_depth_sample_counts, sampled_image_stencil_sample_counts, storage_image_sample_counts, max_sample_mask_words, timestamp_compute_and_graphics, timestamp_period, max_clip_distances, max_cull_distances, max_combined_clip_and_cull_distances, discrete_queue_priorities, point_size_range, line_width_range, point_size_granularity, line_width_granularity, strict_lines, standard_sample_locations, optimal_buffer_copy_offset_alignment, optimal_buffer_copy_row_pitch_alignment, non_coherent_atom_size) """ Arguments: - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreCreateInfo.html) """ SemaphoreCreateInfo(; next = C_NULL, flags = 0) = SemaphoreCreateInfo(next, flags) """ Arguments: - `query_type::QueryType` - `query_count::UInt32` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `pipeline_statistics::QueryPipelineStatisticFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueryPoolCreateInfo.html) """ QueryPoolCreateInfo(query_type::QueryType, query_count::Integer; next = C_NULL, flags = 0, pipeline_statistics = 0) = QueryPoolCreateInfo(next, flags, query_type, query_count, pipeline_statistics) """ Arguments: - `render_pass::RenderPass` - `attachments::Vector{ImageView}` - `width::UInt32` - `height::UInt32` - `layers::UInt32` - `next::Any`: defaults to `C_NULL` - `flags::FramebufferCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferCreateInfo.html) """ FramebufferCreateInfo(render_pass::RenderPass, attachments::AbstractArray, width::Integer, height::Integer, layers::Integer; next = C_NULL, flags = 0) = FramebufferCreateInfo(next, flags, render_pass, attachments, width, height, layers) """ Arguments: - `wait_semaphores::Vector{Semaphore}` - `wait_dst_stage_mask::Vector{PipelineStageFlag}` - `command_buffers::Vector{CommandBuffer}` - `signal_semaphores::Vector{Semaphore}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubmitInfo.html) """ SubmitInfo(wait_semaphores::AbstractArray, wait_dst_stage_mask::AbstractArray, command_buffers::AbstractArray, signal_semaphores::AbstractArray; next = C_NULL) = SubmitInfo(next, wait_semaphores, wait_dst_stage_mask, command_buffers, signal_semaphores) """ Extension: VK\\_KHR\\_display Arguments: - `display::DisplayKHR` - `display_name::String` - `physical_dimensions::Extent2D` - `physical_resolution::Extent2D` - `plane_reorder_possible::Bool` - `persistent_content::Bool` - `supported_transforms::SurfaceTransformFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPropertiesKHR.html) """ DisplayPropertiesKHR(display::DisplayKHR, display_name::AbstractString, physical_dimensions::Extent2D, physical_resolution::Extent2D, plane_reorder_possible::Bool, persistent_content::Bool; supported_transforms = 0) = DisplayPropertiesKHR(display, display_name, physical_dimensions, physical_resolution, supported_transforms, plane_reorder_possible, persistent_content) """ Extension: VK\\_KHR\\_display Arguments: - `parameters::DisplayModeParametersKHR` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModeCreateInfoKHR.html) """ DisplayModeCreateInfoKHR(parameters::DisplayModeParametersKHR; next = C_NULL, flags = 0) = DisplayModeCreateInfoKHR(next, flags, parameters) """ Extension: VK\\_KHR\\_display Arguments: - `min_src_position::Offset2D` - `max_src_position::Offset2D` - `min_src_extent::Extent2D` - `max_src_extent::Extent2D` - `min_dst_position::Offset2D` - `max_dst_position::Offset2D` - `min_dst_extent::Extent2D` - `max_dst_extent::Extent2D` - `supported_alpha::DisplayPlaneAlphaFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneCapabilitiesKHR.html) """ DisplayPlaneCapabilitiesKHR(min_src_position::Offset2D, max_src_position::Offset2D, min_src_extent::Extent2D, max_src_extent::Extent2D, min_dst_position::Offset2D, max_dst_position::Offset2D, min_dst_extent::Extent2D, max_dst_extent::Extent2D; supported_alpha = 0) = DisplayPlaneCapabilitiesKHR(supported_alpha, min_src_position, max_src_position, min_src_extent, max_src_extent, min_dst_position, max_dst_position, min_dst_extent, max_dst_extent) """ Extension: VK\\_KHR\\_display Arguments: - `display_mode::DisplayModeKHR` - `plane_index::UInt32` - `plane_stack_index::UInt32` - `transform::SurfaceTransformFlagKHR` - `global_alpha::Float32` - `alpha_mode::DisplayPlaneAlphaFlagKHR` - `image_extent::Extent2D` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplaySurfaceCreateInfoKHR.html) """ DisplaySurfaceCreateInfoKHR(display_mode::DisplayModeKHR, plane_index::Integer, plane_stack_index::Integer, transform::SurfaceTransformFlagKHR, global_alpha::Real, alpha_mode::DisplayPlaneAlphaFlagKHR, image_extent::Extent2D; next = C_NULL, flags = 0) = DisplaySurfaceCreateInfoKHR(next, flags, display_mode, plane_index, plane_stack_index, transform, global_alpha, alpha_mode, image_extent) """ Extension: VK\\_KHR\\_display\\_swapchain Arguments: - `src_rect::Rect2D` - `dst_rect::Rect2D` - `persistent::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPresentInfoKHR.html) """ DisplayPresentInfoKHR(src_rect::Rect2D, dst_rect::Rect2D, persistent::Bool; next = C_NULL) = DisplayPresentInfoKHR(next, src_rect, dst_rect, persistent) """ Extension: VK\\_KHR\\_wayland\\_surface Arguments: - `display::Ptr{wl_display}` - `surface::Ptr{wl_surface}` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWaylandSurfaceCreateInfoKHR.html) """ WaylandSurfaceCreateInfoKHR(display::Ptr{vk.wl_display}, surface::Ptr{vk.wl_surface}; next = C_NULL, flags = 0) = WaylandSurfaceCreateInfoKHR(next, flags, display, surface) """ Extension: VK\\_KHR\\_xlib\\_surface Arguments: - `dpy::Ptr{Display}` - `window::Window` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkXlibSurfaceCreateInfoKHR.html) """ XlibSurfaceCreateInfoKHR(dpy::Ptr{vk.Display}, window::vk.Window; next = C_NULL, flags = 0) = XlibSurfaceCreateInfoKHR(next, flags, dpy, window) """ Extension: VK\\_KHR\\_xcb\\_surface Arguments: - `connection::Ptr{xcb_connection_t}` - `window::xcb_window_t` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkXcbSurfaceCreateInfoKHR.html) """ XcbSurfaceCreateInfoKHR(connection::Ptr{vk.xcb_connection_t}, window::vk.xcb_window_t; next = C_NULL, flags = 0) = XcbSurfaceCreateInfoKHR(next, flags, connection, window) """ Extension: VK\\_KHR\\_swapchain Arguments: - `surface::SurfaceKHR` - `min_image_count::UInt32` - `image_format::Format` - `image_color_space::ColorSpaceKHR` - `image_extent::Extent2D` - `image_array_layers::UInt32` - `image_usage::ImageUsageFlag` - `image_sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `pre_transform::SurfaceTransformFlagKHR` - `composite_alpha::CompositeAlphaFlagKHR` - `present_mode::PresentModeKHR` - `clipped::Bool` - `next::Any`: defaults to `C_NULL` - `flags::SwapchainCreateFlagKHR`: defaults to `0` - `old_swapchain::SwapchainKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainCreateInfoKHR.html) """ SwapchainCreateInfoKHR(surface::SurfaceKHR, min_image_count::Integer, image_format::Format, image_color_space::ColorSpaceKHR, image_extent::Extent2D, image_array_layers::Integer, image_usage::ImageUsageFlag, image_sharing_mode::SharingMode, queue_family_indices::AbstractArray, pre_transform::SurfaceTransformFlagKHR, composite_alpha::CompositeAlphaFlagKHR, present_mode::PresentModeKHR, clipped::Bool; next = C_NULL, flags = 0, old_swapchain = C_NULL) = SwapchainCreateInfoKHR(next, flags, surface, min_image_count, image_format, image_color_space, image_extent, image_array_layers, image_usage, image_sharing_mode, queue_family_indices, pre_transform, composite_alpha, present_mode, clipped, old_swapchain) """ Extension: VK\\_KHR\\_swapchain Arguments: - `wait_semaphores::Vector{Semaphore}` - `swapchains::Vector{SwapchainKHR}` - `image_indices::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` - `results::Vector{Result}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentInfoKHR.html) """ PresentInfoKHR(wait_semaphores::AbstractArray, swapchains::AbstractArray, image_indices::AbstractArray; next = C_NULL, results = C_NULL) = PresentInfoKHR(next, wait_semaphores, swapchains, image_indices, results) """ Extension: VK\\_EXT\\_debug\\_report Arguments: - `pfn_callback::FunctionPtr` - `next::Any`: defaults to `C_NULL` - `flags::DebugReportFlagEXT`: defaults to `0` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugReportCallbackCreateInfoEXT.html) """ DebugReportCallbackCreateInfoEXT(pfn_callback::FunctionPtr; next = C_NULL, flags = 0, user_data = C_NULL) = DebugReportCallbackCreateInfoEXT(next, flags, pfn_callback, user_data) """ Extension: VK\\_EXT\\_validation\\_flags Arguments: - `disabled_validation_checks::Vector{ValidationCheckEXT}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkValidationFlagsEXT.html) """ ValidationFlagsEXT(disabled_validation_checks::AbstractArray; next = C_NULL) = ValidationFlagsEXT(next, disabled_validation_checks) """ Extension: VK\\_EXT\\_validation\\_features Arguments: - `enabled_validation_features::Vector{ValidationFeatureEnableEXT}` - `disabled_validation_features::Vector{ValidationFeatureDisableEXT}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkValidationFeaturesEXT.html) """ ValidationFeaturesEXT(enabled_validation_features::AbstractArray, disabled_validation_features::AbstractArray; next = C_NULL) = ValidationFeaturesEXT(next, enabled_validation_features, disabled_validation_features) """ Extension: VK\\_AMD\\_rasterization\\_order Arguments: - `rasterization_order::RasterizationOrderAMD` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationStateRasterizationOrderAMD.html) """ PipelineRasterizationStateRasterizationOrderAMD(rasterization_order::RasterizationOrderAMD; next = C_NULL) = PipelineRasterizationStateRasterizationOrderAMD(next, rasterization_order) """ Extension: VK\\_EXT\\_debug\\_marker Arguments: - `object_type::DebugReportObjectTypeEXT` - `object::UInt64` - `object_name::String` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugMarkerObjectNameInfoEXT.html) """ DebugMarkerObjectNameInfoEXT(object_type::DebugReportObjectTypeEXT, object::Integer, object_name::AbstractString; next = C_NULL) = DebugMarkerObjectNameInfoEXT(next, object_type, object, object_name) """ Extension: VK\\_EXT\\_debug\\_marker Arguments: - `object_type::DebugReportObjectTypeEXT` - `object::UInt64` - `tag_name::UInt64` - `tag_size::UInt` - `tag::Ptr{Cvoid}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugMarkerObjectTagInfoEXT.html) """ DebugMarkerObjectTagInfoEXT(object_type::DebugReportObjectTypeEXT, object::Integer, tag_name::Integer, tag_size::Integer, tag::Ptr{Cvoid}; next = C_NULL) = DebugMarkerObjectTagInfoEXT(next, object_type, object, tag_name, tag_size, tag) """ Extension: VK\\_EXT\\_debug\\_marker Arguments: - `marker_name::String` - `color::NTuple{4, Float32}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugMarkerMarkerInfoEXT.html) """ DebugMarkerMarkerInfoEXT(marker_name::AbstractString, color::NTuple{4, Float32}; next = C_NULL) = DebugMarkerMarkerInfoEXT(next, marker_name, color) """ Extension: VK\\_NV\\_dedicated\\_allocation Arguments: - `dedicated_allocation::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDedicatedAllocationImageCreateInfoNV.html) """ DedicatedAllocationImageCreateInfoNV(dedicated_allocation::Bool; next = C_NULL) = DedicatedAllocationImageCreateInfoNV(next, dedicated_allocation) """ Extension: VK\\_NV\\_dedicated\\_allocation Arguments: - `dedicated_allocation::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDedicatedAllocationBufferCreateInfoNV.html) """ DedicatedAllocationBufferCreateInfoNV(dedicated_allocation::Bool; next = C_NULL) = DedicatedAllocationBufferCreateInfoNV(next, dedicated_allocation) """ Extension: VK\\_NV\\_dedicated\\_allocation Arguments: - `next::Any`: defaults to `C_NULL` - `image::Image`: defaults to `C_NULL` - `buffer::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDedicatedAllocationMemoryAllocateInfoNV.html) """ DedicatedAllocationMemoryAllocateInfoNV(; next = C_NULL, image = C_NULL, buffer = C_NULL) = DedicatedAllocationMemoryAllocateInfoNV(next, image, buffer) """ Extension: VK\\_NV\\_external\\_memory\\_capabilities Arguments: - `image_format_properties::ImageFormatProperties` - `external_memory_features::ExternalMemoryFeatureFlagNV`: defaults to `0` - `export_from_imported_handle_types::ExternalMemoryHandleTypeFlagNV`: defaults to `0` - `compatible_handle_types::ExternalMemoryHandleTypeFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalImageFormatPropertiesNV.html) """ ExternalImageFormatPropertiesNV(image_format_properties::ImageFormatProperties; external_memory_features = 0, export_from_imported_handle_types = 0, compatible_handle_types = 0) = ExternalImageFormatPropertiesNV(image_format_properties, external_memory_features, export_from_imported_handle_types, compatible_handle_types) """ Extension: VK\\_NV\\_external\\_memory Arguments: - `next::Any`: defaults to `C_NULL` - `handle_types::ExternalMemoryHandleTypeFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryImageCreateInfoNV.html) """ ExternalMemoryImageCreateInfoNV(; next = C_NULL, handle_types = 0) = ExternalMemoryImageCreateInfoNV(next, handle_types) """ Extension: VK\\_NV\\_external\\_memory Arguments: - `next::Any`: defaults to `C_NULL` - `handle_types::ExternalMemoryHandleTypeFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMemoryAllocateInfoNV.html) """ ExportMemoryAllocateInfoNV(; next = C_NULL, handle_types = 0) = ExportMemoryAllocateInfoNV(next, handle_types) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `device_generated_commands::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV.html) """ PhysicalDeviceDeviceGeneratedCommandsFeaturesNV(device_generated_commands::Bool; next = C_NULL) = PhysicalDeviceDeviceGeneratedCommandsFeaturesNV(next, device_generated_commands) """ Arguments: - `private_data_slot_request_count::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDevicePrivateDataCreateInfo.html) """ DevicePrivateDataCreateInfo(private_data_slot_request_count::Integer; next = C_NULL) = DevicePrivateDataCreateInfo(next, private_data_slot_request_count) """ Arguments: - `flags::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPrivateDataSlotCreateInfo.html) """ PrivateDataSlotCreateInfo(flags::Integer; next = C_NULL) = PrivateDataSlotCreateInfo(next, flags) """ Arguments: - `private_data::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePrivateDataFeatures.html) """ PhysicalDevicePrivateDataFeatures(private_data::Bool; next = C_NULL) = PhysicalDevicePrivateDataFeatures(next, private_data) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `max_graphics_shader_group_count::UInt32` - `max_indirect_sequence_count::UInt32` - `max_indirect_commands_token_count::UInt32` - `max_indirect_commands_stream_count::UInt32` - `max_indirect_commands_token_offset::UInt32` - `max_indirect_commands_stream_stride::UInt32` - `min_sequences_count_buffer_offset_alignment::UInt32` - `min_sequences_index_buffer_offset_alignment::UInt32` - `min_indirect_commands_buffer_offset_alignment::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV.html) """ PhysicalDeviceDeviceGeneratedCommandsPropertiesNV(max_graphics_shader_group_count::Integer, max_indirect_sequence_count::Integer, max_indirect_commands_token_count::Integer, max_indirect_commands_stream_count::Integer, max_indirect_commands_token_offset::Integer, max_indirect_commands_stream_stride::Integer, min_sequences_count_buffer_offset_alignment::Integer, min_sequences_index_buffer_offset_alignment::Integer, min_indirect_commands_buffer_offset_alignment::Integer; next = C_NULL) = PhysicalDeviceDeviceGeneratedCommandsPropertiesNV(next, max_graphics_shader_group_count, max_indirect_sequence_count, max_indirect_commands_token_count, max_indirect_commands_stream_count, max_indirect_commands_token_offset, max_indirect_commands_stream_stride, min_sequences_count_buffer_offset_alignment, min_sequences_index_buffer_offset_alignment, min_indirect_commands_buffer_offset_alignment) """ Extension: VK\\_EXT\\_multi\\_draw Arguments: - `max_multi_draw_count::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiDrawPropertiesEXT.html) """ PhysicalDeviceMultiDrawPropertiesEXT(max_multi_draw_count::Integer; next = C_NULL) = PhysicalDeviceMultiDrawPropertiesEXT(next, max_multi_draw_count) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `stages::Vector{PipelineShaderStageCreateInfo}` - `next::Any`: defaults to `C_NULL` - `vertex_input_state::PipelineVertexInputStateCreateInfo`: defaults to `C_NULL` - `tessellation_state::PipelineTessellationStateCreateInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsShaderGroupCreateInfoNV.html) """ GraphicsShaderGroupCreateInfoNV(stages::AbstractArray; next = C_NULL, vertex_input_state = C_NULL, tessellation_state = C_NULL) = GraphicsShaderGroupCreateInfoNV(next, stages, vertex_input_state, tessellation_state) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `groups::Vector{GraphicsShaderGroupCreateInfoNV}` - `pipelines::Vector{Pipeline}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsPipelineShaderGroupsCreateInfoNV.html) """ GraphicsPipelineShaderGroupsCreateInfoNV(groups::AbstractArray, pipelines::AbstractArray; next = C_NULL) = GraphicsPipelineShaderGroupsCreateInfoNV(next, groups, pipelines) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `token_type::IndirectCommandsTokenTypeNV` - `stream::UInt32` - `offset::UInt32` - `vertex_binding_unit::UInt32` - `vertex_dynamic_stride::Bool` - `pushconstant_offset::UInt32` - `pushconstant_size::UInt32` - `index_types::Vector{IndexType}` - `index_type_values::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` - `pushconstant_pipeline_layout::PipelineLayout`: defaults to `C_NULL` - `pushconstant_shader_stage_flags::ShaderStageFlag`: defaults to `0` - `indirect_state_flags::IndirectStateFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkIndirectCommandsLayoutTokenNV.html) """ IndirectCommandsLayoutTokenNV(token_type::IndirectCommandsTokenTypeNV, stream::Integer, offset::Integer, vertex_binding_unit::Integer, vertex_dynamic_stride::Bool, pushconstant_offset::Integer, pushconstant_size::Integer, index_types::AbstractArray, index_type_values::AbstractArray; next = C_NULL, pushconstant_pipeline_layout = C_NULL, pushconstant_shader_stage_flags = 0, indirect_state_flags = 0) = IndirectCommandsLayoutTokenNV(next, token_type, stream, offset, vertex_binding_unit, vertex_dynamic_stride, pushconstant_pipeline_layout, pushconstant_shader_stage_flags, pushconstant_offset, pushconstant_size, indirect_state_flags, index_types, index_type_values) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `pipeline_bind_point::PipelineBindPoint` - `tokens::Vector{IndirectCommandsLayoutTokenNV}` - `stream_strides::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` - `flags::IndirectCommandsLayoutUsageFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkIndirectCommandsLayoutCreateInfoNV.html) """ IndirectCommandsLayoutCreateInfoNV(pipeline_bind_point::PipelineBindPoint, tokens::AbstractArray, stream_strides::AbstractArray; next = C_NULL, flags = 0) = IndirectCommandsLayoutCreateInfoNV(next, flags, pipeline_bind_point, tokens, stream_strides) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `pipeline_bind_point::PipelineBindPoint` - `pipeline::Pipeline` - `indirect_commands_layout::IndirectCommandsLayoutNV` - `streams::Vector{IndirectCommandsStreamNV}` - `sequences_count::UInt32` - `preprocess_buffer::Buffer` - `preprocess_offset::UInt64` - `preprocess_size::UInt64` - `sequences_count_offset::UInt64` - `sequences_index_offset::UInt64` - `next::Any`: defaults to `C_NULL` - `sequences_count_buffer::Buffer`: defaults to `C_NULL` - `sequences_index_buffer::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeneratedCommandsInfoNV.html) """ GeneratedCommandsInfoNV(pipeline_bind_point::PipelineBindPoint, pipeline::Pipeline, indirect_commands_layout::IndirectCommandsLayoutNV, streams::AbstractArray, sequences_count::Integer, preprocess_buffer::Buffer, preprocess_offset::Integer, preprocess_size::Integer, sequences_count_offset::Integer, sequences_index_offset::Integer; next = C_NULL, sequences_count_buffer = C_NULL, sequences_index_buffer = C_NULL) = GeneratedCommandsInfoNV(next, pipeline_bind_point, pipeline, indirect_commands_layout, streams, sequences_count, preprocess_buffer, preprocess_offset, preprocess_size, sequences_count_buffer, sequences_count_offset, sequences_index_buffer, sequences_index_offset) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `pipeline_bind_point::PipelineBindPoint` - `pipeline::Pipeline` - `indirect_commands_layout::IndirectCommandsLayoutNV` - `max_sequences_count::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeneratedCommandsMemoryRequirementsInfoNV.html) """ GeneratedCommandsMemoryRequirementsInfoNV(pipeline_bind_point::PipelineBindPoint, pipeline::Pipeline, indirect_commands_layout::IndirectCommandsLayoutNV, max_sequences_count::Integer; next = C_NULL) = GeneratedCommandsMemoryRequirementsInfoNV(next, pipeline_bind_point, pipeline, indirect_commands_layout, max_sequences_count) """ Arguments: - `features::PhysicalDeviceFeatures` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFeatures2.html) """ PhysicalDeviceFeatures2(features::PhysicalDeviceFeatures; next = C_NULL) = PhysicalDeviceFeatures2(next, features) """ Arguments: - `properties::PhysicalDeviceProperties` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProperties2.html) """ PhysicalDeviceProperties2(properties::PhysicalDeviceProperties; next = C_NULL) = PhysicalDeviceProperties2(next, properties) """ Arguments: - `format_properties::FormatProperties` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFormatProperties2.html) """ FormatProperties2(format_properties::FormatProperties; next = C_NULL) = FormatProperties2(next, format_properties) """ Arguments: - `image_format_properties::ImageFormatProperties` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageFormatProperties2.html) """ ImageFormatProperties2(image_format_properties::ImageFormatProperties; next = C_NULL) = ImageFormatProperties2(next, image_format_properties) """ Arguments: - `format::Format` - `type::ImageType` - `tiling::ImageTiling` - `usage::ImageUsageFlag` - `next::Any`: defaults to `C_NULL` - `flags::ImageCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageFormatInfo2.html) """ PhysicalDeviceImageFormatInfo2(format::Format, type::ImageType, tiling::ImageTiling, usage::ImageUsageFlag; next = C_NULL, flags = 0) = PhysicalDeviceImageFormatInfo2(next, format, type, tiling, usage, flags) """ Arguments: - `queue_family_properties::QueueFamilyProperties` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyProperties2.html) """ QueueFamilyProperties2(queue_family_properties::QueueFamilyProperties; next = C_NULL) = QueueFamilyProperties2(next, queue_family_properties) """ Arguments: - `memory_properties::PhysicalDeviceMemoryProperties` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryProperties2.html) """ PhysicalDeviceMemoryProperties2(memory_properties::PhysicalDeviceMemoryProperties; next = C_NULL) = PhysicalDeviceMemoryProperties2(next, memory_properties) """ Arguments: - `properties::SparseImageFormatProperties` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageFormatProperties2.html) """ SparseImageFormatProperties2(properties::SparseImageFormatProperties; next = C_NULL) = SparseImageFormatProperties2(next, properties) """ Arguments: - `format::Format` - `type::ImageType` - `samples::SampleCountFlag` - `usage::ImageUsageFlag` - `tiling::ImageTiling` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSparseImageFormatInfo2.html) """ PhysicalDeviceSparseImageFormatInfo2(format::Format, type::ImageType, samples::SampleCountFlag, usage::ImageUsageFlag, tiling::ImageTiling; next = C_NULL) = PhysicalDeviceSparseImageFormatInfo2(next, format, type, samples, usage, tiling) """ Extension: VK\\_KHR\\_push\\_descriptor Arguments: - `max_push_descriptors::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePushDescriptorPropertiesKHR.html) """ PhysicalDevicePushDescriptorPropertiesKHR(max_push_descriptors::Integer; next = C_NULL) = PhysicalDevicePushDescriptorPropertiesKHR(next, max_push_descriptors) """ Arguments: - `driver_id::DriverId` - `driver_name::String` - `driver_info::String` - `conformance_version::ConformanceVersion` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDriverProperties.html) """ PhysicalDeviceDriverProperties(driver_id::DriverId, driver_name::AbstractString, driver_info::AbstractString, conformance_version::ConformanceVersion; next = C_NULL) = PhysicalDeviceDriverProperties(next, driver_id, driver_name, driver_info, conformance_version) """ Extension: VK\\_KHR\\_incremental\\_present Arguments: - `next::Any`: defaults to `C_NULL` - `regions::Vector{PresentRegionKHR}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentRegionsKHR.html) """ PresentRegionsKHR(; next = C_NULL, regions = C_NULL) = PresentRegionsKHR(next, regions) """ Extension: VK\\_KHR\\_incremental\\_present Arguments: - `rectangles::Vector{RectLayerKHR}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentRegionKHR.html) """ PresentRegionKHR(; rectangles = C_NULL) = PresentRegionKHR(rectangles) """ Arguments: - `variable_pointers_storage_buffer::Bool` - `variable_pointers::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVariablePointersFeatures.html) """ PhysicalDeviceVariablePointersFeatures(variable_pointers_storage_buffer::Bool, variable_pointers::Bool; next = C_NULL) = PhysicalDeviceVariablePointersFeatures(next, variable_pointers_storage_buffer, variable_pointers) """ Arguments: - `external_memory_features::ExternalMemoryFeatureFlag` - `compatible_handle_types::ExternalMemoryHandleTypeFlag` - `export_from_imported_handle_types::ExternalMemoryHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryProperties.html) """ ExternalMemoryProperties(external_memory_features::ExternalMemoryFeatureFlag, compatible_handle_types::ExternalMemoryHandleTypeFlag; export_from_imported_handle_types = 0) = ExternalMemoryProperties(external_memory_features, export_from_imported_handle_types, compatible_handle_types) """ Arguments: - `next::Any`: defaults to `C_NULL` - `handle_type::ExternalMemoryHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalImageFormatInfo.html) """ PhysicalDeviceExternalImageFormatInfo(; next = C_NULL, handle_type = 0) = PhysicalDeviceExternalImageFormatInfo(next, handle_type) """ Arguments: - `external_memory_properties::ExternalMemoryProperties` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalImageFormatProperties.html) """ ExternalImageFormatProperties(external_memory_properties::ExternalMemoryProperties; next = C_NULL) = ExternalImageFormatProperties(next, external_memory_properties) """ Arguments: - `usage::BufferUsageFlag` - `handle_type::ExternalMemoryHandleTypeFlag` - `next::Any`: defaults to `C_NULL` - `flags::BufferCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalBufferInfo.html) """ PhysicalDeviceExternalBufferInfo(usage::BufferUsageFlag, handle_type::ExternalMemoryHandleTypeFlag; next = C_NULL, flags = 0) = PhysicalDeviceExternalBufferInfo(next, flags, usage, handle_type) """ Arguments: - `external_memory_properties::ExternalMemoryProperties` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalBufferProperties.html) """ ExternalBufferProperties(external_memory_properties::ExternalMemoryProperties; next = C_NULL) = ExternalBufferProperties(next, external_memory_properties) """ Arguments: - `device_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `driver_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `device_luid::NTuple{Int(VK_LUID_SIZE), UInt8}` - `device_node_mask::UInt32` - `device_luid_valid::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceIDProperties.html) """ PhysicalDeviceIDProperties(device_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}, driver_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}, device_luid::NTuple{Int(VK_LUID_SIZE), UInt8}, device_node_mask::Integer, device_luid_valid::Bool; next = C_NULL) = PhysicalDeviceIDProperties(next, device_uuid, driver_uuid, device_luid, device_node_mask, device_luid_valid) """ Arguments: - `next::Any`: defaults to `C_NULL` - `handle_types::ExternalMemoryHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryImageCreateInfo.html) """ ExternalMemoryImageCreateInfo(; next = C_NULL, handle_types = 0) = ExternalMemoryImageCreateInfo(next, handle_types) """ Arguments: - `next::Any`: defaults to `C_NULL` - `handle_types::ExternalMemoryHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryBufferCreateInfo.html) """ ExternalMemoryBufferCreateInfo(; next = C_NULL, handle_types = 0) = ExternalMemoryBufferCreateInfo(next, handle_types) """ Arguments: - `next::Any`: defaults to `C_NULL` - `handle_types::ExternalMemoryHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMemoryAllocateInfo.html) """ ExportMemoryAllocateInfo(; next = C_NULL, handle_types = 0) = ExportMemoryAllocateInfo(next, handle_types) """ Extension: VK\\_KHR\\_external\\_memory\\_fd Arguments: - `fd::Int` - `next::Any`: defaults to `C_NULL` - `handle_type::ExternalMemoryHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMemoryFdInfoKHR.html) """ ImportMemoryFdInfoKHR(fd::Integer; next = C_NULL, handle_type = 0) = ImportMemoryFdInfoKHR(next, handle_type, fd) """ Extension: VK\\_KHR\\_external\\_memory\\_fd Arguments: - `memory_type_bits::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryFdPropertiesKHR.html) """ MemoryFdPropertiesKHR(memory_type_bits::Integer; next = C_NULL) = MemoryFdPropertiesKHR(next, memory_type_bits) """ Extension: VK\\_KHR\\_external\\_memory\\_fd Arguments: - `memory::DeviceMemory` - `handle_type::ExternalMemoryHandleTypeFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryGetFdInfoKHR.html) """ MemoryGetFdInfoKHR(memory::DeviceMemory, handle_type::ExternalMemoryHandleTypeFlag; next = C_NULL) = MemoryGetFdInfoKHR(next, memory, handle_type) """ Arguments: - `handle_type::ExternalSemaphoreHandleTypeFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalSemaphoreInfo.html) """ PhysicalDeviceExternalSemaphoreInfo(handle_type::ExternalSemaphoreHandleTypeFlag; next = C_NULL) = PhysicalDeviceExternalSemaphoreInfo(next, handle_type) """ Arguments: - `export_from_imported_handle_types::ExternalSemaphoreHandleTypeFlag` - `compatible_handle_types::ExternalSemaphoreHandleTypeFlag` - `next::Any`: defaults to `C_NULL` - `external_semaphore_features::ExternalSemaphoreFeatureFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalSemaphoreProperties.html) """ ExternalSemaphoreProperties(export_from_imported_handle_types::ExternalSemaphoreHandleTypeFlag, compatible_handle_types::ExternalSemaphoreHandleTypeFlag; next = C_NULL, external_semaphore_features = 0) = ExternalSemaphoreProperties(next, export_from_imported_handle_types, compatible_handle_types, external_semaphore_features) """ Arguments: - `next::Any`: defaults to `C_NULL` - `handle_types::ExternalSemaphoreHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportSemaphoreCreateInfo.html) """ ExportSemaphoreCreateInfo(; next = C_NULL, handle_types = 0) = ExportSemaphoreCreateInfo(next, handle_types) """ Extension: VK\\_KHR\\_external\\_semaphore\\_fd Arguments: - `semaphore::Semaphore` (externsync) - `handle_type::ExternalSemaphoreHandleTypeFlag` - `fd::Int` - `next::Any`: defaults to `C_NULL` - `flags::SemaphoreImportFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportSemaphoreFdInfoKHR.html) """ ImportSemaphoreFdInfoKHR(semaphore::Semaphore, handle_type::ExternalSemaphoreHandleTypeFlag, fd::Integer; next = C_NULL, flags = 0) = ImportSemaphoreFdInfoKHR(next, semaphore, flags, handle_type, fd) """ Extension: VK\\_KHR\\_external\\_semaphore\\_fd Arguments: - `semaphore::Semaphore` - `handle_type::ExternalSemaphoreHandleTypeFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreGetFdInfoKHR.html) """ SemaphoreGetFdInfoKHR(semaphore::Semaphore, handle_type::ExternalSemaphoreHandleTypeFlag; next = C_NULL) = SemaphoreGetFdInfoKHR(next, semaphore, handle_type) """ Arguments: - `handle_type::ExternalFenceHandleTypeFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalFenceInfo.html) """ PhysicalDeviceExternalFenceInfo(handle_type::ExternalFenceHandleTypeFlag; next = C_NULL) = PhysicalDeviceExternalFenceInfo(next, handle_type) """ Arguments: - `export_from_imported_handle_types::ExternalFenceHandleTypeFlag` - `compatible_handle_types::ExternalFenceHandleTypeFlag` - `next::Any`: defaults to `C_NULL` - `external_fence_features::ExternalFenceFeatureFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalFenceProperties.html) """ ExternalFenceProperties(export_from_imported_handle_types::ExternalFenceHandleTypeFlag, compatible_handle_types::ExternalFenceHandleTypeFlag; next = C_NULL, external_fence_features = 0) = ExternalFenceProperties(next, export_from_imported_handle_types, compatible_handle_types, external_fence_features) """ Arguments: - `next::Any`: defaults to `C_NULL` - `handle_types::ExternalFenceHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportFenceCreateInfo.html) """ ExportFenceCreateInfo(; next = C_NULL, handle_types = 0) = ExportFenceCreateInfo(next, handle_types) """ Extension: VK\\_KHR\\_external\\_fence\\_fd Arguments: - `fence::Fence` (externsync) - `handle_type::ExternalFenceHandleTypeFlag` - `fd::Int` - `next::Any`: defaults to `C_NULL` - `flags::FenceImportFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportFenceFdInfoKHR.html) """ ImportFenceFdInfoKHR(fence::Fence, handle_type::ExternalFenceHandleTypeFlag, fd::Integer; next = C_NULL, flags = 0) = ImportFenceFdInfoKHR(next, fence, flags, handle_type, fd) """ Extension: VK\\_KHR\\_external\\_fence\\_fd Arguments: - `fence::Fence` - `handle_type::ExternalFenceHandleTypeFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFenceGetFdInfoKHR.html) """ FenceGetFdInfoKHR(fence::Fence, handle_type::ExternalFenceHandleTypeFlag; next = C_NULL) = FenceGetFdInfoKHR(next, fence, handle_type) """ Arguments: - `multiview::Bool` - `multiview_geometry_shader::Bool` - `multiview_tessellation_shader::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewFeatures.html) """ PhysicalDeviceMultiviewFeatures(multiview::Bool, multiview_geometry_shader::Bool, multiview_tessellation_shader::Bool; next = C_NULL) = PhysicalDeviceMultiviewFeatures(next, multiview, multiview_geometry_shader, multiview_tessellation_shader) """ Arguments: - `max_multiview_view_count::UInt32` - `max_multiview_instance_index::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewProperties.html) """ PhysicalDeviceMultiviewProperties(max_multiview_view_count::Integer, max_multiview_instance_index::Integer; next = C_NULL) = PhysicalDeviceMultiviewProperties(next, max_multiview_view_count, max_multiview_instance_index) """ Arguments: - `view_masks::Vector{UInt32}` - `view_offsets::Vector{Int32}` - `correlation_masks::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassMultiviewCreateInfo.html) """ RenderPassMultiviewCreateInfo(view_masks::AbstractArray, view_offsets::AbstractArray, correlation_masks::AbstractArray; next = C_NULL) = RenderPassMultiviewCreateInfo(next, view_masks, view_offsets, correlation_masks) """ Extension: VK\\_EXT\\_display\\_surface\\_counter Arguments: - `min_image_count::UInt32` - `max_image_count::UInt32` - `current_extent::Extent2D` - `min_image_extent::Extent2D` - `max_image_extent::Extent2D` - `max_image_array_layers::UInt32` - `supported_transforms::SurfaceTransformFlagKHR` - `current_transform::SurfaceTransformFlagKHR` - `supported_composite_alpha::CompositeAlphaFlagKHR` - `supported_usage_flags::ImageUsageFlag` - `next::Any`: defaults to `C_NULL` - `supported_surface_counters::SurfaceCounterFlagEXT`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilities2EXT.html) """ SurfaceCapabilities2EXT(min_image_count::Integer, max_image_count::Integer, current_extent::Extent2D, min_image_extent::Extent2D, max_image_extent::Extent2D, max_image_array_layers::Integer, supported_transforms::SurfaceTransformFlagKHR, current_transform::SurfaceTransformFlagKHR, supported_composite_alpha::CompositeAlphaFlagKHR, supported_usage_flags::ImageUsageFlag; next = C_NULL, supported_surface_counters = 0) = SurfaceCapabilities2EXT(next, min_image_count, max_image_count, current_extent, min_image_extent, max_image_extent, max_image_array_layers, supported_transforms, current_transform, supported_composite_alpha, supported_usage_flags, supported_surface_counters) """ Extension: VK\\_EXT\\_display\\_control Arguments: - `power_state::DisplayPowerStateEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPowerInfoEXT.html) """ DisplayPowerInfoEXT(power_state::DisplayPowerStateEXT; next = C_NULL) = DisplayPowerInfoEXT(next, power_state) """ Extension: VK\\_EXT\\_display\\_control Arguments: - `device_event::DeviceEventTypeEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceEventInfoEXT.html) """ DeviceEventInfoEXT(device_event::DeviceEventTypeEXT; next = C_NULL) = DeviceEventInfoEXT(next, device_event) """ Extension: VK\\_EXT\\_display\\_control Arguments: - `display_event::DisplayEventTypeEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayEventInfoEXT.html) """ DisplayEventInfoEXT(display_event::DisplayEventTypeEXT; next = C_NULL) = DisplayEventInfoEXT(next, display_event) """ Extension: VK\\_EXT\\_display\\_control Arguments: - `next::Any`: defaults to `C_NULL` - `surface_counters::SurfaceCounterFlagEXT`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainCounterCreateInfoEXT.html) """ SwapchainCounterCreateInfoEXT(; next = C_NULL, surface_counters = 0) = SwapchainCounterCreateInfoEXT(next, surface_counters) """ Arguments: - `physical_device_count::UInt32` - `physical_devices::NTuple{Int(VK_MAX_DEVICE_GROUP_SIZE), PhysicalDevice}` - `subset_allocation::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGroupProperties.html) """ PhysicalDeviceGroupProperties(physical_device_count::Integer, physical_devices::NTuple{Int(VK_MAX_DEVICE_GROUP_SIZE), PhysicalDevice}, subset_allocation::Bool; next = C_NULL) = PhysicalDeviceGroupProperties(next, physical_device_count, physical_devices, subset_allocation) """ Arguments: - `device_mask::UInt32` - `next::Any`: defaults to `C_NULL` - `flags::MemoryAllocateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryAllocateFlagsInfo.html) """ MemoryAllocateFlagsInfo(device_mask::Integer; next = C_NULL, flags = 0) = MemoryAllocateFlagsInfo(next, flags, device_mask) """ Arguments: - `buffer::Buffer` - `memory::DeviceMemory` - `memory_offset::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindBufferMemoryInfo.html) """ BindBufferMemoryInfo(buffer::Buffer, memory::DeviceMemory, memory_offset::Integer; next = C_NULL) = BindBufferMemoryInfo(next, buffer, memory, memory_offset) """ Arguments: - `device_indices::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindBufferMemoryDeviceGroupInfo.html) """ BindBufferMemoryDeviceGroupInfo(device_indices::AbstractArray; next = C_NULL) = BindBufferMemoryDeviceGroupInfo(next, device_indices) """ Arguments: - `image::Image` - `memory::DeviceMemory` - `memory_offset::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImageMemoryInfo.html) """ BindImageMemoryInfo(image::Image, memory::DeviceMemory, memory_offset::Integer; next = C_NULL) = BindImageMemoryInfo(next, image, memory, memory_offset) """ Arguments: - `device_indices::Vector{UInt32}` - `split_instance_bind_regions::Vector{Rect2D}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImageMemoryDeviceGroupInfo.html) """ BindImageMemoryDeviceGroupInfo(device_indices::AbstractArray, split_instance_bind_regions::AbstractArray; next = C_NULL) = BindImageMemoryDeviceGroupInfo(next, device_indices, split_instance_bind_regions) """ Arguments: - `device_mask::UInt32` - `device_render_areas::Vector{Rect2D}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupRenderPassBeginInfo.html) """ DeviceGroupRenderPassBeginInfo(device_mask::Integer, device_render_areas::AbstractArray; next = C_NULL) = DeviceGroupRenderPassBeginInfo(next, device_mask, device_render_areas) """ Arguments: - `device_mask::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupCommandBufferBeginInfo.html) """ DeviceGroupCommandBufferBeginInfo(device_mask::Integer; next = C_NULL) = DeviceGroupCommandBufferBeginInfo(next, device_mask) """ Arguments: - `wait_semaphore_device_indices::Vector{UInt32}` - `command_buffer_device_masks::Vector{UInt32}` - `signal_semaphore_device_indices::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupSubmitInfo.html) """ DeviceGroupSubmitInfo(wait_semaphore_device_indices::AbstractArray, command_buffer_device_masks::AbstractArray, signal_semaphore_device_indices::AbstractArray; next = C_NULL) = DeviceGroupSubmitInfo(next, wait_semaphore_device_indices, command_buffer_device_masks, signal_semaphore_device_indices) """ Arguments: - `resource_device_index::UInt32` - `memory_device_index::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupBindSparseInfo.html) """ DeviceGroupBindSparseInfo(resource_device_index::Integer, memory_device_index::Integer; next = C_NULL) = DeviceGroupBindSparseInfo(next, resource_device_index, memory_device_index) """ Extension: VK\\_KHR\\_swapchain Arguments: - `present_mask::NTuple{Int(VK_MAX_DEVICE_GROUP_SIZE), UInt32}` - `modes::DeviceGroupPresentModeFlagKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupPresentCapabilitiesKHR.html) """ DeviceGroupPresentCapabilitiesKHR(present_mask::NTuple{Int(VK_MAX_DEVICE_GROUP_SIZE), UInt32}, modes::DeviceGroupPresentModeFlagKHR; next = C_NULL) = DeviceGroupPresentCapabilitiesKHR(next, present_mask, modes) """ Extension: VK\\_KHR\\_swapchain Arguments: - `next::Any`: defaults to `C_NULL` - `swapchain::SwapchainKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSwapchainCreateInfoKHR.html) """ ImageSwapchainCreateInfoKHR(; next = C_NULL, swapchain = C_NULL) = ImageSwapchainCreateInfoKHR(next, swapchain) """ Extension: VK\\_KHR\\_swapchain Arguments: - `swapchain::SwapchainKHR` (externsync) - `image_index::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImageMemorySwapchainInfoKHR.html) """ BindImageMemorySwapchainInfoKHR(swapchain::SwapchainKHR, image_index::Integer; next = C_NULL) = BindImageMemorySwapchainInfoKHR(next, swapchain, image_index) """ Extension: VK\\_KHR\\_swapchain Arguments: - `swapchain::SwapchainKHR` (externsync) - `timeout::UInt64` - `device_mask::UInt32` - `next::Any`: defaults to `C_NULL` - `semaphore::Semaphore`: defaults to `C_NULL` (externsync) - `fence::Fence`: defaults to `C_NULL` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAcquireNextImageInfoKHR.html) """ AcquireNextImageInfoKHR(swapchain::SwapchainKHR, timeout::Integer, device_mask::Integer; next = C_NULL, semaphore = C_NULL, fence = C_NULL) = AcquireNextImageInfoKHR(next, swapchain, timeout, semaphore, fence, device_mask) """ Extension: VK\\_KHR\\_swapchain Arguments: - `device_masks::Vector{UInt32}` - `mode::DeviceGroupPresentModeFlagKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupPresentInfoKHR.html) """ DeviceGroupPresentInfoKHR(device_masks::AbstractArray, mode::DeviceGroupPresentModeFlagKHR; next = C_NULL) = DeviceGroupPresentInfoKHR(next, device_masks, mode) """ Arguments: - `physical_devices::Vector{PhysicalDevice}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupDeviceCreateInfo.html) """ DeviceGroupDeviceCreateInfo(physical_devices::AbstractArray; next = C_NULL) = DeviceGroupDeviceCreateInfo(next, physical_devices) """ Extension: VK\\_KHR\\_swapchain Arguments: - `modes::DeviceGroupPresentModeFlagKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupSwapchainCreateInfoKHR.html) """ DeviceGroupSwapchainCreateInfoKHR(modes::DeviceGroupPresentModeFlagKHR; next = C_NULL) = DeviceGroupSwapchainCreateInfoKHR(next, modes) """ Arguments: - `descriptor_update_entries::Vector{DescriptorUpdateTemplateEntry}` - `template_type::DescriptorUpdateTemplateType` - `descriptor_set_layout::DescriptorSetLayout` - `pipeline_bind_point::PipelineBindPoint` - `pipeline_layout::PipelineLayout` - `set::UInt32` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorUpdateTemplateCreateInfo.html) """ DescriptorUpdateTemplateCreateInfo(descriptor_update_entries::AbstractArray, template_type::DescriptorUpdateTemplateType, descriptor_set_layout::DescriptorSetLayout, pipeline_bind_point::PipelineBindPoint, pipeline_layout::PipelineLayout, set::Integer; next = C_NULL, flags = 0) = DescriptorUpdateTemplateCreateInfo(next, flags, descriptor_update_entries, template_type, descriptor_set_layout, pipeline_bind_point, pipeline_layout, set) """ Extension: VK\\_KHR\\_present\\_id Arguments: - `present_id::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePresentIdFeaturesKHR.html) """ PhysicalDevicePresentIdFeaturesKHR(present_id::Bool; next = C_NULL) = PhysicalDevicePresentIdFeaturesKHR(next, present_id) """ Extension: VK\\_KHR\\_present\\_id Arguments: - `next::Any`: defaults to `C_NULL` - `present_ids::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentIdKHR.html) """ PresentIdKHR(; next = C_NULL, present_ids = C_NULL) = PresentIdKHR(next, present_ids) """ Extension: VK\\_KHR\\_present\\_wait Arguments: - `present_wait::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePresentWaitFeaturesKHR.html) """ PhysicalDevicePresentWaitFeaturesKHR(present_wait::Bool; next = C_NULL) = PhysicalDevicePresentWaitFeaturesKHR(next, present_wait) """ Extension: VK\\_EXT\\_hdr\\_metadata Arguments: - `display_primary_red::XYColorEXT` - `display_primary_green::XYColorEXT` - `display_primary_blue::XYColorEXT` - `white_point::XYColorEXT` - `max_luminance::Float32` - `min_luminance::Float32` - `max_content_light_level::Float32` - `max_frame_average_light_level::Float32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkHdrMetadataEXT.html) """ HdrMetadataEXT(display_primary_red::XYColorEXT, display_primary_green::XYColorEXT, display_primary_blue::XYColorEXT, white_point::XYColorEXT, max_luminance::Real, min_luminance::Real, max_content_light_level::Real, max_frame_average_light_level::Real; next = C_NULL) = HdrMetadataEXT(next, display_primary_red, display_primary_green, display_primary_blue, white_point, max_luminance, min_luminance, max_content_light_level, max_frame_average_light_level) """ Extension: VK\\_AMD\\_display\\_native\\_hdr Arguments: - `local_dimming_support::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayNativeHdrSurfaceCapabilitiesAMD.html) """ DisplayNativeHdrSurfaceCapabilitiesAMD(local_dimming_support::Bool; next = C_NULL) = DisplayNativeHdrSurfaceCapabilitiesAMD(next, local_dimming_support) """ Extension: VK\\_AMD\\_display\\_native\\_hdr Arguments: - `local_dimming_enable::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainDisplayNativeHdrCreateInfoAMD.html) """ SwapchainDisplayNativeHdrCreateInfoAMD(local_dimming_enable::Bool; next = C_NULL) = SwapchainDisplayNativeHdrCreateInfoAMD(next, local_dimming_enable) """ Extension: VK\\_GOOGLE\\_display\\_timing Arguments: - `next::Any`: defaults to `C_NULL` - `times::Vector{PresentTimeGOOGLE}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentTimesInfoGOOGLE.html) """ PresentTimesInfoGOOGLE(; next = C_NULL, times = C_NULL) = PresentTimesInfoGOOGLE(next, times) """ Extension: VK\\_NV\\_clip\\_space\\_w\\_scaling Arguments: - `viewport_w_scaling_enable::Bool` - `next::Any`: defaults to `C_NULL` - `viewport_w_scalings::Vector{ViewportWScalingNV}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportWScalingStateCreateInfoNV.html) """ PipelineViewportWScalingStateCreateInfoNV(viewport_w_scaling_enable::Bool; next = C_NULL, viewport_w_scalings = C_NULL) = PipelineViewportWScalingStateCreateInfoNV(next, viewport_w_scaling_enable, viewport_w_scalings) """ Extension: VK\\_NV\\_viewport\\_swizzle Arguments: - `viewport_swizzles::Vector{ViewportSwizzleNV}` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportSwizzleStateCreateInfoNV.html) """ PipelineViewportSwizzleStateCreateInfoNV(viewport_swizzles::AbstractArray; next = C_NULL, flags = 0) = PipelineViewportSwizzleStateCreateInfoNV(next, flags, viewport_swizzles) """ Extension: VK\\_EXT\\_discard\\_rectangles Arguments: - `max_discard_rectangles::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDiscardRectanglePropertiesEXT.html) """ PhysicalDeviceDiscardRectanglePropertiesEXT(max_discard_rectangles::Integer; next = C_NULL) = PhysicalDeviceDiscardRectanglePropertiesEXT(next, max_discard_rectangles) """ Extension: VK\\_EXT\\_discard\\_rectangles Arguments: - `discard_rectangle_mode::DiscardRectangleModeEXT` - `discard_rectangles::Vector{Rect2D}` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineDiscardRectangleStateCreateInfoEXT.html) """ PipelineDiscardRectangleStateCreateInfoEXT(discard_rectangle_mode::DiscardRectangleModeEXT, discard_rectangles::AbstractArray; next = C_NULL, flags = 0) = PipelineDiscardRectangleStateCreateInfoEXT(next, flags, discard_rectangle_mode, discard_rectangles) """ Extension: VK\\_NVX\\_multiview\\_per\\_view\\_attributes Arguments: - `per_view_position_all_components::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX.html) """ PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX(per_view_position_all_components::Bool; next = C_NULL) = PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX(next, per_view_position_all_components) """ Arguments: - `aspect_references::Vector{InputAttachmentAspectReference}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassInputAttachmentAspectCreateInfo.html) """ RenderPassInputAttachmentAspectCreateInfo(aspect_references::AbstractArray; next = C_NULL) = RenderPassInputAttachmentAspectCreateInfo(next, aspect_references) """ Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 Arguments: - `next::Any`: defaults to `C_NULL` - `surface::SurfaceKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSurfaceInfo2KHR.html) """ PhysicalDeviceSurfaceInfo2KHR(; next = C_NULL, surface = C_NULL) = PhysicalDeviceSurfaceInfo2KHR(next, surface) """ Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 Arguments: - `surface_capabilities::SurfaceCapabilitiesKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilities2KHR.html) """ SurfaceCapabilities2KHR(surface_capabilities::SurfaceCapabilitiesKHR; next = C_NULL) = SurfaceCapabilities2KHR(next, surface_capabilities) """ Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 Arguments: - `surface_format::SurfaceFormatKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceFormat2KHR.html) """ SurfaceFormat2KHR(surface_format::SurfaceFormatKHR; next = C_NULL) = SurfaceFormat2KHR(next, surface_format) """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Arguments: - `display_properties::DisplayPropertiesKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayProperties2KHR.html) """ DisplayProperties2KHR(display_properties::DisplayPropertiesKHR; next = C_NULL) = DisplayProperties2KHR(next, display_properties) """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Arguments: - `display_plane_properties::DisplayPlanePropertiesKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneProperties2KHR.html) """ DisplayPlaneProperties2KHR(display_plane_properties::DisplayPlanePropertiesKHR; next = C_NULL) = DisplayPlaneProperties2KHR(next, display_plane_properties) """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Arguments: - `display_mode_properties::DisplayModePropertiesKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModeProperties2KHR.html) """ DisplayModeProperties2KHR(display_mode_properties::DisplayModePropertiesKHR; next = C_NULL) = DisplayModeProperties2KHR(next, display_mode_properties) """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Arguments: - `mode::DisplayModeKHR` (externsync) - `plane_index::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneInfo2KHR.html) """ DisplayPlaneInfo2KHR(mode::DisplayModeKHR, plane_index::Integer; next = C_NULL) = DisplayPlaneInfo2KHR(next, mode, plane_index) """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Arguments: - `capabilities::DisplayPlaneCapabilitiesKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneCapabilities2KHR.html) """ DisplayPlaneCapabilities2KHR(capabilities::DisplayPlaneCapabilitiesKHR; next = C_NULL) = DisplayPlaneCapabilities2KHR(next, capabilities) """ Extension: VK\\_KHR\\_shared\\_presentable\\_image Arguments: - `next::Any`: defaults to `C_NULL` - `shared_present_supported_usage_flags::ImageUsageFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSharedPresentSurfaceCapabilitiesKHR.html) """ SharedPresentSurfaceCapabilitiesKHR(; next = C_NULL, shared_present_supported_usage_flags = 0) = SharedPresentSurfaceCapabilitiesKHR(next, shared_present_supported_usage_flags) """ Arguments: - `storage_buffer_16_bit_access::Bool` - `uniform_and_storage_buffer_16_bit_access::Bool` - `storage_push_constant_16::Bool` - `storage_input_output_16::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevice16BitStorageFeatures.html) """ PhysicalDevice16BitStorageFeatures(storage_buffer_16_bit_access::Bool, uniform_and_storage_buffer_16_bit_access::Bool, storage_push_constant_16::Bool, storage_input_output_16::Bool; next = C_NULL) = PhysicalDevice16BitStorageFeatures(next, storage_buffer_16_bit_access, uniform_and_storage_buffer_16_bit_access, storage_push_constant_16, storage_input_output_16) """ Arguments: - `subgroup_size::UInt32` - `supported_stages::ShaderStageFlag` - `supported_operations::SubgroupFeatureFlag` - `quad_operations_in_all_stages::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubgroupProperties.html) """ PhysicalDeviceSubgroupProperties(subgroup_size::Integer, supported_stages::ShaderStageFlag, supported_operations::SubgroupFeatureFlag, quad_operations_in_all_stages::Bool; next = C_NULL) = PhysicalDeviceSubgroupProperties(next, subgroup_size, supported_stages, supported_operations, quad_operations_in_all_stages) """ Arguments: - `shader_subgroup_extended_types::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures.html) """ PhysicalDeviceShaderSubgroupExtendedTypesFeatures(shader_subgroup_extended_types::Bool; next = C_NULL) = PhysicalDeviceShaderSubgroupExtendedTypesFeatures(next, shader_subgroup_extended_types) """ Arguments: - `buffer::Buffer` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferMemoryRequirementsInfo2.html) """ BufferMemoryRequirementsInfo2(buffer::Buffer; next = C_NULL) = BufferMemoryRequirementsInfo2(next, buffer) """ Arguments: - `create_info::BufferCreateInfo` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceBufferMemoryRequirements.html) """ DeviceBufferMemoryRequirements(create_info::BufferCreateInfo; next = C_NULL) = DeviceBufferMemoryRequirements(next, create_info) """ Arguments: - `image::Image` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageMemoryRequirementsInfo2.html) """ ImageMemoryRequirementsInfo2(image::Image; next = C_NULL) = ImageMemoryRequirementsInfo2(next, image) """ Arguments: - `image::Image` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSparseMemoryRequirementsInfo2.html) """ ImageSparseMemoryRequirementsInfo2(image::Image; next = C_NULL) = ImageSparseMemoryRequirementsInfo2(next, image) """ Arguments: - `create_info::ImageCreateInfo` - `next::Any`: defaults to `C_NULL` - `plane_aspect::ImageAspectFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceImageMemoryRequirements.html) """ DeviceImageMemoryRequirements(create_info::ImageCreateInfo; next = C_NULL, plane_aspect = 0) = DeviceImageMemoryRequirements(next, create_info, plane_aspect) """ Arguments: - `memory_requirements::MemoryRequirements` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryRequirements2.html) """ MemoryRequirements2(memory_requirements::MemoryRequirements; next = C_NULL) = MemoryRequirements2(next, memory_requirements) """ Arguments: - `memory_requirements::SparseImageMemoryRequirements` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryRequirements2.html) """ SparseImageMemoryRequirements2(memory_requirements::SparseImageMemoryRequirements; next = C_NULL) = SparseImageMemoryRequirements2(next, memory_requirements) """ Arguments: - `point_clipping_behavior::PointClippingBehavior` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePointClippingProperties.html) """ PhysicalDevicePointClippingProperties(point_clipping_behavior::PointClippingBehavior; next = C_NULL) = PhysicalDevicePointClippingProperties(next, point_clipping_behavior) """ Arguments: - `prefers_dedicated_allocation::Bool` - `requires_dedicated_allocation::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryDedicatedRequirements.html) """ MemoryDedicatedRequirements(prefers_dedicated_allocation::Bool, requires_dedicated_allocation::Bool; next = C_NULL) = MemoryDedicatedRequirements(next, prefers_dedicated_allocation, requires_dedicated_allocation) """ Arguments: - `next::Any`: defaults to `C_NULL` - `image::Image`: defaults to `C_NULL` - `buffer::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryDedicatedAllocateInfo.html) """ MemoryDedicatedAllocateInfo(; next = C_NULL, image = C_NULL, buffer = C_NULL) = MemoryDedicatedAllocateInfo(next, image, buffer) """ Arguments: - `usage::ImageUsageFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewUsageCreateInfo.html) """ ImageViewUsageCreateInfo(usage::ImageUsageFlag; next = C_NULL) = ImageViewUsageCreateInfo(next, usage) """ Arguments: - `domain_origin::TessellationDomainOrigin` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineTessellationDomainOriginStateCreateInfo.html) """ PipelineTessellationDomainOriginStateCreateInfo(domain_origin::TessellationDomainOrigin; next = C_NULL) = PipelineTessellationDomainOriginStateCreateInfo(next, domain_origin) """ Arguments: - `conversion::SamplerYcbcrConversion` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerYcbcrConversionInfo.html) """ SamplerYcbcrConversionInfo(conversion::SamplerYcbcrConversion; next = C_NULL) = SamplerYcbcrConversionInfo(next, conversion) """ Arguments: - `format::Format` - `ycbcr_model::SamplerYcbcrModelConversion` - `ycbcr_range::SamplerYcbcrRange` - `components::ComponentMapping` - `x_chroma_offset::ChromaLocation` - `y_chroma_offset::ChromaLocation` - `chroma_filter::Filter` - `force_explicit_reconstruction::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerYcbcrConversionCreateInfo.html) """ SamplerYcbcrConversionCreateInfo(format::Format, ycbcr_model::SamplerYcbcrModelConversion, ycbcr_range::SamplerYcbcrRange, components::ComponentMapping, x_chroma_offset::ChromaLocation, y_chroma_offset::ChromaLocation, chroma_filter::Filter, force_explicit_reconstruction::Bool; next = C_NULL) = SamplerYcbcrConversionCreateInfo(next, format, ycbcr_model, ycbcr_range, components, x_chroma_offset, y_chroma_offset, chroma_filter, force_explicit_reconstruction) """ Arguments: - `plane_aspect::ImageAspectFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImagePlaneMemoryInfo.html) """ BindImagePlaneMemoryInfo(plane_aspect::ImageAspectFlag; next = C_NULL) = BindImagePlaneMemoryInfo(next, plane_aspect) """ Arguments: - `plane_aspect::ImageAspectFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImagePlaneMemoryRequirementsInfo.html) """ ImagePlaneMemoryRequirementsInfo(plane_aspect::ImageAspectFlag; next = C_NULL) = ImagePlaneMemoryRequirementsInfo(next, plane_aspect) """ Arguments: - `sampler_ycbcr_conversion::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSamplerYcbcrConversionFeatures.html) """ PhysicalDeviceSamplerYcbcrConversionFeatures(sampler_ycbcr_conversion::Bool; next = C_NULL) = PhysicalDeviceSamplerYcbcrConversionFeatures(next, sampler_ycbcr_conversion) """ Arguments: - `combined_image_sampler_descriptor_count::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerYcbcrConversionImageFormatProperties.html) """ SamplerYcbcrConversionImageFormatProperties(combined_image_sampler_descriptor_count::Integer; next = C_NULL) = SamplerYcbcrConversionImageFormatProperties(next, combined_image_sampler_descriptor_count) """ Extension: VK\\_AMD\\_texture\\_gather\\_bias\\_lod Arguments: - `supports_texture_gather_lod_bias_amd::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTextureLODGatherFormatPropertiesAMD.html) """ TextureLODGatherFormatPropertiesAMD(supports_texture_gather_lod_bias_amd::Bool; next = C_NULL) = TextureLODGatherFormatPropertiesAMD(next, supports_texture_gather_lod_bias_amd) """ Extension: VK\\_EXT\\_conditional\\_rendering Arguments: - `buffer::Buffer` - `offset::UInt64` - `next::Any`: defaults to `C_NULL` - `flags::ConditionalRenderingFlagEXT`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkConditionalRenderingBeginInfoEXT.html) """ ConditionalRenderingBeginInfoEXT(buffer::Buffer, offset::Integer; next = C_NULL, flags = 0) = ConditionalRenderingBeginInfoEXT(next, buffer, offset, flags) """ Arguments: - `protected_submit::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkProtectedSubmitInfo.html) """ ProtectedSubmitInfo(protected_submit::Bool; next = C_NULL) = ProtectedSubmitInfo(next, protected_submit) """ Arguments: - `protected_memory::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProtectedMemoryFeatures.html) """ PhysicalDeviceProtectedMemoryFeatures(protected_memory::Bool; next = C_NULL) = PhysicalDeviceProtectedMemoryFeatures(next, protected_memory) """ Arguments: - `protected_no_fault::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProtectedMemoryProperties.html) """ PhysicalDeviceProtectedMemoryProperties(protected_no_fault::Bool; next = C_NULL) = PhysicalDeviceProtectedMemoryProperties(next, protected_no_fault) """ Arguments: - `queue_family_index::UInt32` - `queue_index::UInt32` - `next::Any`: defaults to `C_NULL` - `flags::DeviceQueueCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceQueueInfo2.html) """ DeviceQueueInfo2(queue_family_index::Integer, queue_index::Integer; next = C_NULL, flags = 0) = DeviceQueueInfo2(next, flags, queue_family_index, queue_index) """ Extension: VK\\_NV\\_fragment\\_coverage\\_to\\_color Arguments: - `coverage_to_color_enable::Bool` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `coverage_to_color_location::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCoverageToColorStateCreateInfoNV.html) """ PipelineCoverageToColorStateCreateInfoNV(coverage_to_color_enable::Bool; next = C_NULL, flags = 0, coverage_to_color_location = 0) = PipelineCoverageToColorStateCreateInfoNV(next, flags, coverage_to_color_enable, coverage_to_color_location) """ Arguments: - `filter_minmax_single_component_formats::Bool` - `filter_minmax_image_component_mapping::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSamplerFilterMinmaxProperties.html) """ PhysicalDeviceSamplerFilterMinmaxProperties(filter_minmax_single_component_formats::Bool, filter_minmax_image_component_mapping::Bool; next = C_NULL) = PhysicalDeviceSamplerFilterMinmaxProperties(next, filter_minmax_single_component_formats, filter_minmax_image_component_mapping) """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `sample_locations_per_pixel::SampleCountFlag` - `sample_location_grid_size::Extent2D` - `sample_locations::Vector{SampleLocationEXT}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSampleLocationsInfoEXT.html) """ SampleLocationsInfoEXT(sample_locations_per_pixel::SampleCountFlag, sample_location_grid_size::Extent2D, sample_locations::AbstractArray; next = C_NULL) = SampleLocationsInfoEXT(next, sample_locations_per_pixel, sample_location_grid_size, sample_locations) """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `attachment_initial_sample_locations::Vector{AttachmentSampleLocationsEXT}` - `post_subpass_sample_locations::Vector{SubpassSampleLocationsEXT}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassSampleLocationsBeginInfoEXT.html) """ RenderPassSampleLocationsBeginInfoEXT(attachment_initial_sample_locations::AbstractArray, post_subpass_sample_locations::AbstractArray; next = C_NULL) = RenderPassSampleLocationsBeginInfoEXT(next, attachment_initial_sample_locations, post_subpass_sample_locations) """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `sample_locations_enable::Bool` - `sample_locations_info::SampleLocationsInfoEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineSampleLocationsStateCreateInfoEXT.html) """ PipelineSampleLocationsStateCreateInfoEXT(sample_locations_enable::Bool, sample_locations_info::SampleLocationsInfoEXT; next = C_NULL) = PipelineSampleLocationsStateCreateInfoEXT(next, sample_locations_enable, sample_locations_info) """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `sample_location_sample_counts::SampleCountFlag` - `max_sample_location_grid_size::Extent2D` - `sample_location_coordinate_range::NTuple{2, Float32}` - `sample_location_sub_pixel_bits::UInt32` - `variable_sample_locations::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSampleLocationsPropertiesEXT.html) """ PhysicalDeviceSampleLocationsPropertiesEXT(sample_location_sample_counts::SampleCountFlag, max_sample_location_grid_size::Extent2D, sample_location_coordinate_range::NTuple{2, Float32}, sample_location_sub_pixel_bits::Integer, variable_sample_locations::Bool; next = C_NULL) = PhysicalDeviceSampleLocationsPropertiesEXT(next, sample_location_sample_counts, max_sample_location_grid_size, sample_location_coordinate_range, sample_location_sub_pixel_bits, variable_sample_locations) """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `max_sample_location_grid_size::Extent2D` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultisamplePropertiesEXT.html) """ MultisamplePropertiesEXT(max_sample_location_grid_size::Extent2D; next = C_NULL) = MultisamplePropertiesEXT(next, max_sample_location_grid_size) """ Arguments: - `reduction_mode::SamplerReductionMode` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerReductionModeCreateInfo.html) """ SamplerReductionModeCreateInfo(reduction_mode::SamplerReductionMode; next = C_NULL) = SamplerReductionModeCreateInfo(next, reduction_mode) """ Extension: VK\\_EXT\\_blend\\_operation\\_advanced Arguments: - `advanced_blend_coherent_operations::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT.html) """ PhysicalDeviceBlendOperationAdvancedFeaturesEXT(advanced_blend_coherent_operations::Bool; next = C_NULL) = PhysicalDeviceBlendOperationAdvancedFeaturesEXT(next, advanced_blend_coherent_operations) """ Extension: VK\\_EXT\\_multi\\_draw Arguments: - `multi_draw::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiDrawFeaturesEXT.html) """ PhysicalDeviceMultiDrawFeaturesEXT(multi_draw::Bool; next = C_NULL) = PhysicalDeviceMultiDrawFeaturesEXT(next, multi_draw) """ Extension: VK\\_EXT\\_blend\\_operation\\_advanced Arguments: - `advanced_blend_max_color_attachments::UInt32` - `advanced_blend_independent_blend::Bool` - `advanced_blend_non_premultiplied_src_color::Bool` - `advanced_blend_non_premultiplied_dst_color::Bool` - `advanced_blend_correlated_overlap::Bool` - `advanced_blend_all_operations::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT.html) """ PhysicalDeviceBlendOperationAdvancedPropertiesEXT(advanced_blend_max_color_attachments::Integer, advanced_blend_independent_blend::Bool, advanced_blend_non_premultiplied_src_color::Bool, advanced_blend_non_premultiplied_dst_color::Bool, advanced_blend_correlated_overlap::Bool, advanced_blend_all_operations::Bool; next = C_NULL) = PhysicalDeviceBlendOperationAdvancedPropertiesEXT(next, advanced_blend_max_color_attachments, advanced_blend_independent_blend, advanced_blend_non_premultiplied_src_color, advanced_blend_non_premultiplied_dst_color, advanced_blend_correlated_overlap, advanced_blend_all_operations) """ Extension: VK\\_EXT\\_blend\\_operation\\_advanced Arguments: - `src_premultiplied::Bool` - `dst_premultiplied::Bool` - `blend_overlap::BlendOverlapEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorBlendAdvancedStateCreateInfoEXT.html) """ PipelineColorBlendAdvancedStateCreateInfoEXT(src_premultiplied::Bool, dst_premultiplied::Bool, blend_overlap::BlendOverlapEXT; next = C_NULL) = PipelineColorBlendAdvancedStateCreateInfoEXT(next, src_premultiplied, dst_premultiplied, blend_overlap) """ Arguments: - `inline_uniform_block::Bool` - `descriptor_binding_inline_uniform_block_update_after_bind::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInlineUniformBlockFeatures.html) """ PhysicalDeviceInlineUniformBlockFeatures(inline_uniform_block::Bool, descriptor_binding_inline_uniform_block_update_after_bind::Bool; next = C_NULL) = PhysicalDeviceInlineUniformBlockFeatures(next, inline_uniform_block, descriptor_binding_inline_uniform_block_update_after_bind) """ Arguments: - `max_inline_uniform_block_size::UInt32` - `max_per_stage_descriptor_inline_uniform_blocks::UInt32` - `max_per_stage_descriptor_update_after_bind_inline_uniform_blocks::UInt32` - `max_descriptor_set_inline_uniform_blocks::UInt32` - `max_descriptor_set_update_after_bind_inline_uniform_blocks::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInlineUniformBlockProperties.html) """ PhysicalDeviceInlineUniformBlockProperties(max_inline_uniform_block_size::Integer, max_per_stage_descriptor_inline_uniform_blocks::Integer, max_per_stage_descriptor_update_after_bind_inline_uniform_blocks::Integer, max_descriptor_set_inline_uniform_blocks::Integer, max_descriptor_set_update_after_bind_inline_uniform_blocks::Integer; next = C_NULL) = PhysicalDeviceInlineUniformBlockProperties(next, max_inline_uniform_block_size, max_per_stage_descriptor_inline_uniform_blocks, max_per_stage_descriptor_update_after_bind_inline_uniform_blocks, max_descriptor_set_inline_uniform_blocks, max_descriptor_set_update_after_bind_inline_uniform_blocks) """ Arguments: - `data_size::UInt32` - `data::Ptr{Cvoid}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSetInlineUniformBlock.html) """ WriteDescriptorSetInlineUniformBlock(data_size::Integer, data::Ptr{Cvoid}; next = C_NULL) = WriteDescriptorSetInlineUniformBlock(next, data_size, data) """ Arguments: - `max_inline_uniform_block_bindings::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorPoolInlineUniformBlockCreateInfo.html) """ DescriptorPoolInlineUniformBlockCreateInfo(max_inline_uniform_block_bindings::Integer; next = C_NULL) = DescriptorPoolInlineUniformBlockCreateInfo(next, max_inline_uniform_block_bindings) """ Extension: VK\\_NV\\_framebuffer\\_mixed\\_samples Arguments: - `coverage_modulation_mode::CoverageModulationModeNV` - `coverage_modulation_table_enable::Bool` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `coverage_modulation_table::Vector{Float32}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCoverageModulationStateCreateInfoNV.html) """ PipelineCoverageModulationStateCreateInfoNV(coverage_modulation_mode::CoverageModulationModeNV, coverage_modulation_table_enable::Bool; next = C_NULL, flags = 0, coverage_modulation_table = C_NULL) = PipelineCoverageModulationStateCreateInfoNV(next, flags, coverage_modulation_mode, coverage_modulation_table_enable, coverage_modulation_table) """ Arguments: - `view_formats::Vector{Format}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageFormatListCreateInfo.html) """ ImageFormatListCreateInfo(view_formats::AbstractArray; next = C_NULL) = ImageFormatListCreateInfo(next, view_formats) """ Extension: VK\\_EXT\\_validation\\_cache Arguments: - `initial_data::Ptr{Cvoid}` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `initial_data_size::UInt`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkValidationCacheCreateInfoEXT.html) """ ValidationCacheCreateInfoEXT(initial_data::Ptr{Cvoid}; next = C_NULL, flags = 0, initial_data_size = C_NULL) = ValidationCacheCreateInfoEXT(next, flags, initial_data_size, initial_data) """ Extension: VK\\_EXT\\_validation\\_cache Arguments: - `validation_cache::ValidationCacheEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderModuleValidationCacheCreateInfoEXT.html) """ ShaderModuleValidationCacheCreateInfoEXT(validation_cache::ValidationCacheEXT; next = C_NULL) = ShaderModuleValidationCacheCreateInfoEXT(next, validation_cache) """ Arguments: - `max_per_set_descriptors::UInt32` - `max_memory_allocation_size::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMaintenance3Properties.html) """ PhysicalDeviceMaintenance3Properties(max_per_set_descriptors::Integer, max_memory_allocation_size::Integer; next = C_NULL) = PhysicalDeviceMaintenance3Properties(next, max_per_set_descriptors, max_memory_allocation_size) """ Arguments: - `maintenance4::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMaintenance4Features.html) """ PhysicalDeviceMaintenance4Features(maintenance4::Bool; next = C_NULL) = PhysicalDeviceMaintenance4Features(next, maintenance4) """ Arguments: - `max_buffer_size::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMaintenance4Properties.html) """ PhysicalDeviceMaintenance4Properties(max_buffer_size::Integer; next = C_NULL) = PhysicalDeviceMaintenance4Properties(next, max_buffer_size) """ Arguments: - `supported::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutSupport.html) """ DescriptorSetLayoutSupport(supported::Bool; next = C_NULL) = DescriptorSetLayoutSupport(next, supported) """ Arguments: - `shader_draw_parameters::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderDrawParametersFeatures.html) """ PhysicalDeviceShaderDrawParametersFeatures(shader_draw_parameters::Bool; next = C_NULL) = PhysicalDeviceShaderDrawParametersFeatures(next, shader_draw_parameters) """ Arguments: - `shader_float_16::Bool` - `shader_int_8::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderFloat16Int8Features.html) """ PhysicalDeviceShaderFloat16Int8Features(shader_float_16::Bool, shader_int_8::Bool; next = C_NULL) = PhysicalDeviceShaderFloat16Int8Features(next, shader_float_16, shader_int_8) """ Arguments: - `denorm_behavior_independence::ShaderFloatControlsIndependence` - `rounding_mode_independence::ShaderFloatControlsIndependence` - `shader_signed_zero_inf_nan_preserve_float_16::Bool` - `shader_signed_zero_inf_nan_preserve_float_32::Bool` - `shader_signed_zero_inf_nan_preserve_float_64::Bool` - `shader_denorm_preserve_float_16::Bool` - `shader_denorm_preserve_float_32::Bool` - `shader_denorm_preserve_float_64::Bool` - `shader_denorm_flush_to_zero_float_16::Bool` - `shader_denorm_flush_to_zero_float_32::Bool` - `shader_denorm_flush_to_zero_float_64::Bool` - `shader_rounding_mode_rte_float_16::Bool` - `shader_rounding_mode_rte_float_32::Bool` - `shader_rounding_mode_rte_float_64::Bool` - `shader_rounding_mode_rtz_float_16::Bool` - `shader_rounding_mode_rtz_float_32::Bool` - `shader_rounding_mode_rtz_float_64::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFloatControlsProperties.html) """ PhysicalDeviceFloatControlsProperties(denorm_behavior_independence::ShaderFloatControlsIndependence, rounding_mode_independence::ShaderFloatControlsIndependence, shader_signed_zero_inf_nan_preserve_float_16::Bool, shader_signed_zero_inf_nan_preserve_float_32::Bool, shader_signed_zero_inf_nan_preserve_float_64::Bool, shader_denorm_preserve_float_16::Bool, shader_denorm_preserve_float_32::Bool, shader_denorm_preserve_float_64::Bool, shader_denorm_flush_to_zero_float_16::Bool, shader_denorm_flush_to_zero_float_32::Bool, shader_denorm_flush_to_zero_float_64::Bool, shader_rounding_mode_rte_float_16::Bool, shader_rounding_mode_rte_float_32::Bool, shader_rounding_mode_rte_float_64::Bool, shader_rounding_mode_rtz_float_16::Bool, shader_rounding_mode_rtz_float_32::Bool, shader_rounding_mode_rtz_float_64::Bool; next = C_NULL) = PhysicalDeviceFloatControlsProperties(next, denorm_behavior_independence, rounding_mode_independence, shader_signed_zero_inf_nan_preserve_float_16, shader_signed_zero_inf_nan_preserve_float_32, shader_signed_zero_inf_nan_preserve_float_64, shader_denorm_preserve_float_16, shader_denorm_preserve_float_32, shader_denorm_preserve_float_64, shader_denorm_flush_to_zero_float_16, shader_denorm_flush_to_zero_float_32, shader_denorm_flush_to_zero_float_64, shader_rounding_mode_rte_float_16, shader_rounding_mode_rte_float_32, shader_rounding_mode_rte_float_64, shader_rounding_mode_rtz_float_16, shader_rounding_mode_rtz_float_32, shader_rounding_mode_rtz_float_64) """ Arguments: - `host_query_reset::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceHostQueryResetFeatures.html) """ PhysicalDeviceHostQueryResetFeatures(host_query_reset::Bool; next = C_NULL) = PhysicalDeviceHostQueryResetFeatures(next, host_query_reset) """ Extension: VK\\_KHR\\_global\\_priority Arguments: - `global_priority::QueueGlobalPriorityKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceQueueGlobalPriorityCreateInfoKHR.html) """ DeviceQueueGlobalPriorityCreateInfoKHR(global_priority::QueueGlobalPriorityKHR; next = C_NULL) = DeviceQueueGlobalPriorityCreateInfoKHR(next, global_priority) """ Extension: VK\\_KHR\\_global\\_priority Arguments: - `global_priority_query::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR.html) """ PhysicalDeviceGlobalPriorityQueryFeaturesKHR(global_priority_query::Bool; next = C_NULL) = PhysicalDeviceGlobalPriorityQueryFeaturesKHR(next, global_priority_query) """ Extension: VK\\_KHR\\_global\\_priority Arguments: - `priority_count::UInt32` - `priorities::NTuple{Int(VK_MAX_GLOBAL_PRIORITY_SIZE_KHR), QueueGlobalPriorityKHR}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyGlobalPriorityPropertiesKHR.html) """ QueueFamilyGlobalPriorityPropertiesKHR(priority_count::Integer, priorities::NTuple{Int(VK_MAX_GLOBAL_PRIORITY_SIZE_KHR), QueueGlobalPriorityKHR}; next = C_NULL) = QueueFamilyGlobalPriorityPropertiesKHR(next, priority_count, priorities) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `object_type::ObjectType` - `object_handle::UInt64` - `next::Any`: defaults to `C_NULL` - `object_name::String`: defaults to `` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsObjectNameInfoEXT.html) """ DebugUtilsObjectNameInfoEXT(object_type::ObjectType, object_handle::Integer; next = C_NULL, object_name = "") = DebugUtilsObjectNameInfoEXT(next, object_type, object_handle, object_name) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `object_type::ObjectType` - `object_handle::UInt64` - `tag_name::UInt64` - `tag_size::UInt` - `tag::Ptr{Cvoid}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsObjectTagInfoEXT.html) """ DebugUtilsObjectTagInfoEXT(object_type::ObjectType, object_handle::Integer, tag_name::Integer, tag_size::Integer, tag::Ptr{Cvoid}; next = C_NULL) = DebugUtilsObjectTagInfoEXT(next, object_type, object_handle, tag_name, tag_size, tag) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `label_name::String` - `color::NTuple{4, Float32}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsLabelEXT.html) """ DebugUtilsLabelEXT(label_name::AbstractString, color::NTuple{4, Float32}; next = C_NULL) = DebugUtilsLabelEXT(next, label_name, color) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `message_severity::DebugUtilsMessageSeverityFlagEXT` - `message_type::DebugUtilsMessageTypeFlagEXT` - `pfn_user_callback::FunctionPtr` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsMessengerCreateInfoEXT.html) """ DebugUtilsMessengerCreateInfoEXT(message_severity::DebugUtilsMessageSeverityFlagEXT, message_type::DebugUtilsMessageTypeFlagEXT, pfn_user_callback::FunctionPtr; next = C_NULL, flags = 0, user_data = C_NULL) = DebugUtilsMessengerCreateInfoEXT(next, flags, message_severity, message_type, pfn_user_callback, user_data) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `message_id_number::Int32` - `message::String` - `queue_labels::Vector{DebugUtilsLabelEXT}` - `cmd_buf_labels::Vector{DebugUtilsLabelEXT}` - `objects::Vector{DebugUtilsObjectNameInfoEXT}` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `message_id_name::String`: defaults to `` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsMessengerCallbackDataEXT.html) """ DebugUtilsMessengerCallbackDataEXT(message_id_number::Integer, message::AbstractString, queue_labels::AbstractArray, cmd_buf_labels::AbstractArray, objects::AbstractArray; next = C_NULL, flags = 0, message_id_name = "") = DebugUtilsMessengerCallbackDataEXT(next, flags, message_id_name, message_id_number, message, queue_labels, cmd_buf_labels, objects) """ Extension: VK\\_EXT\\_device\\_memory\\_report Arguments: - `device_memory_report::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDeviceMemoryReportFeaturesEXT.html) """ PhysicalDeviceDeviceMemoryReportFeaturesEXT(device_memory_report::Bool; next = C_NULL) = PhysicalDeviceDeviceMemoryReportFeaturesEXT(next, device_memory_report) """ Extension: VK\\_EXT\\_device\\_memory\\_report Arguments: - `flags::UInt32` - `pfn_user_callback::FunctionPtr` - `user_data::Ptr{Cvoid}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceDeviceMemoryReportCreateInfoEXT.html) """ DeviceDeviceMemoryReportCreateInfoEXT(flags::Integer, pfn_user_callback::FunctionPtr, user_data::Ptr{Cvoid}; next = C_NULL) = DeviceDeviceMemoryReportCreateInfoEXT(next, flags, pfn_user_callback, user_data) """ Extension: VK\\_EXT\\_device\\_memory\\_report Arguments: - `flags::UInt32` - `type::DeviceMemoryReportEventTypeEXT` - `memory_object_id::UInt64` - `size::UInt64` - `object_type::ObjectType` - `object_handle::UInt64` - `heap_index::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceMemoryReportCallbackDataEXT.html) """ DeviceMemoryReportCallbackDataEXT(flags::Integer, type::DeviceMemoryReportEventTypeEXT, memory_object_id::Integer, size::Integer, object_type::ObjectType, object_handle::Integer, heap_index::Integer; next = C_NULL) = DeviceMemoryReportCallbackDataEXT(next, flags, type, memory_object_id, size, object_type, object_handle, heap_index) """ Extension: VK\\_EXT\\_external\\_memory\\_host Arguments: - `handle_type::ExternalMemoryHandleTypeFlag` - `host_pointer::Ptr{Cvoid}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMemoryHostPointerInfoEXT.html) """ ImportMemoryHostPointerInfoEXT(handle_type::ExternalMemoryHandleTypeFlag, host_pointer::Ptr{Cvoid}; next = C_NULL) = ImportMemoryHostPointerInfoEXT(next, handle_type, host_pointer) """ Extension: VK\\_EXT\\_external\\_memory\\_host Arguments: - `memory_type_bits::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryHostPointerPropertiesEXT.html) """ MemoryHostPointerPropertiesEXT(memory_type_bits::Integer; next = C_NULL) = MemoryHostPointerPropertiesEXT(next, memory_type_bits) """ Extension: VK\\_EXT\\_external\\_memory\\_host Arguments: - `min_imported_host_pointer_alignment::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalMemoryHostPropertiesEXT.html) """ PhysicalDeviceExternalMemoryHostPropertiesEXT(min_imported_host_pointer_alignment::Integer; next = C_NULL) = PhysicalDeviceExternalMemoryHostPropertiesEXT(next, min_imported_host_pointer_alignment) """ Extension: VK\\_EXT\\_conservative\\_rasterization Arguments: - `primitive_overestimation_size::Float32` - `max_extra_primitive_overestimation_size::Float32` - `extra_primitive_overestimation_size_granularity::Float32` - `primitive_underestimation::Bool` - `conservative_point_and_line_rasterization::Bool` - `degenerate_triangles_rasterized::Bool` - `degenerate_lines_rasterized::Bool` - `fully_covered_fragment_shader_input_variable::Bool` - `conservative_rasterization_post_depth_coverage::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceConservativeRasterizationPropertiesEXT.html) """ PhysicalDeviceConservativeRasterizationPropertiesEXT(primitive_overestimation_size::Real, max_extra_primitive_overestimation_size::Real, extra_primitive_overestimation_size_granularity::Real, primitive_underestimation::Bool, conservative_point_and_line_rasterization::Bool, degenerate_triangles_rasterized::Bool, degenerate_lines_rasterized::Bool, fully_covered_fragment_shader_input_variable::Bool, conservative_rasterization_post_depth_coverage::Bool; next = C_NULL) = PhysicalDeviceConservativeRasterizationPropertiesEXT(next, primitive_overestimation_size, max_extra_primitive_overestimation_size, extra_primitive_overestimation_size_granularity, primitive_underestimation, conservative_point_and_line_rasterization, degenerate_triangles_rasterized, degenerate_lines_rasterized, fully_covered_fragment_shader_input_variable, conservative_rasterization_post_depth_coverage) """ Extension: VK\\_EXT\\_calibrated\\_timestamps Arguments: - `time_domain::TimeDomainEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCalibratedTimestampInfoEXT.html) """ CalibratedTimestampInfoEXT(time_domain::TimeDomainEXT; next = C_NULL) = CalibratedTimestampInfoEXT(next, time_domain) """ Extension: VK\\_AMD\\_shader\\_core\\_properties Arguments: - `shader_engine_count::UInt32` - `shader_arrays_per_engine_count::UInt32` - `compute_units_per_shader_array::UInt32` - `simd_per_compute_unit::UInt32` - `wavefronts_per_simd::UInt32` - `wavefront_size::UInt32` - `sgprs_per_simd::UInt32` - `min_sgpr_allocation::UInt32` - `max_sgpr_allocation::UInt32` - `sgpr_allocation_granularity::UInt32` - `vgprs_per_simd::UInt32` - `min_vgpr_allocation::UInt32` - `max_vgpr_allocation::UInt32` - `vgpr_allocation_granularity::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCorePropertiesAMD.html) """ PhysicalDeviceShaderCorePropertiesAMD(shader_engine_count::Integer, shader_arrays_per_engine_count::Integer, compute_units_per_shader_array::Integer, simd_per_compute_unit::Integer, wavefronts_per_simd::Integer, wavefront_size::Integer, sgprs_per_simd::Integer, min_sgpr_allocation::Integer, max_sgpr_allocation::Integer, sgpr_allocation_granularity::Integer, vgprs_per_simd::Integer, min_vgpr_allocation::Integer, max_vgpr_allocation::Integer, vgpr_allocation_granularity::Integer; next = C_NULL) = PhysicalDeviceShaderCorePropertiesAMD(next, shader_engine_count, shader_arrays_per_engine_count, compute_units_per_shader_array, simd_per_compute_unit, wavefronts_per_simd, wavefront_size, sgprs_per_simd, min_sgpr_allocation, max_sgpr_allocation, sgpr_allocation_granularity, vgprs_per_simd, min_vgpr_allocation, max_vgpr_allocation, vgpr_allocation_granularity) """ Extension: VK\\_AMD\\_shader\\_core\\_properties2 Arguments: - `shader_core_features::ShaderCorePropertiesFlagAMD` - `active_compute_unit_count::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCoreProperties2AMD.html) """ PhysicalDeviceShaderCoreProperties2AMD(shader_core_features::ShaderCorePropertiesFlagAMD, active_compute_unit_count::Integer; next = C_NULL) = PhysicalDeviceShaderCoreProperties2AMD(next, shader_core_features, active_compute_unit_count) """ Extension: VK\\_EXT\\_conservative\\_rasterization Arguments: - `conservative_rasterization_mode::ConservativeRasterizationModeEXT` - `extra_primitive_overestimation_size::Float32` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationConservativeStateCreateInfoEXT.html) """ PipelineRasterizationConservativeStateCreateInfoEXT(conservative_rasterization_mode::ConservativeRasterizationModeEXT, extra_primitive_overestimation_size::Real; next = C_NULL, flags = 0) = PipelineRasterizationConservativeStateCreateInfoEXT(next, flags, conservative_rasterization_mode, extra_primitive_overestimation_size) """ Arguments: - `shader_input_attachment_array_dynamic_indexing::Bool` - `shader_uniform_texel_buffer_array_dynamic_indexing::Bool` - `shader_storage_texel_buffer_array_dynamic_indexing::Bool` - `shader_uniform_buffer_array_non_uniform_indexing::Bool` - `shader_sampled_image_array_non_uniform_indexing::Bool` - `shader_storage_buffer_array_non_uniform_indexing::Bool` - `shader_storage_image_array_non_uniform_indexing::Bool` - `shader_input_attachment_array_non_uniform_indexing::Bool` - `shader_uniform_texel_buffer_array_non_uniform_indexing::Bool` - `shader_storage_texel_buffer_array_non_uniform_indexing::Bool` - `descriptor_binding_uniform_buffer_update_after_bind::Bool` - `descriptor_binding_sampled_image_update_after_bind::Bool` - `descriptor_binding_storage_image_update_after_bind::Bool` - `descriptor_binding_storage_buffer_update_after_bind::Bool` - `descriptor_binding_uniform_texel_buffer_update_after_bind::Bool` - `descriptor_binding_storage_texel_buffer_update_after_bind::Bool` - `descriptor_binding_update_unused_while_pending::Bool` - `descriptor_binding_partially_bound::Bool` - `descriptor_binding_variable_descriptor_count::Bool` - `runtime_descriptor_array::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorIndexingFeatures.html) """ PhysicalDeviceDescriptorIndexingFeatures(shader_input_attachment_array_dynamic_indexing::Bool, shader_uniform_texel_buffer_array_dynamic_indexing::Bool, shader_storage_texel_buffer_array_dynamic_indexing::Bool, shader_uniform_buffer_array_non_uniform_indexing::Bool, shader_sampled_image_array_non_uniform_indexing::Bool, shader_storage_buffer_array_non_uniform_indexing::Bool, shader_storage_image_array_non_uniform_indexing::Bool, shader_input_attachment_array_non_uniform_indexing::Bool, shader_uniform_texel_buffer_array_non_uniform_indexing::Bool, shader_storage_texel_buffer_array_non_uniform_indexing::Bool, descriptor_binding_uniform_buffer_update_after_bind::Bool, descriptor_binding_sampled_image_update_after_bind::Bool, descriptor_binding_storage_image_update_after_bind::Bool, descriptor_binding_storage_buffer_update_after_bind::Bool, descriptor_binding_uniform_texel_buffer_update_after_bind::Bool, descriptor_binding_storage_texel_buffer_update_after_bind::Bool, descriptor_binding_update_unused_while_pending::Bool, descriptor_binding_partially_bound::Bool, descriptor_binding_variable_descriptor_count::Bool, runtime_descriptor_array::Bool; next = C_NULL) = PhysicalDeviceDescriptorIndexingFeatures(next, shader_input_attachment_array_dynamic_indexing, shader_uniform_texel_buffer_array_dynamic_indexing, shader_storage_texel_buffer_array_dynamic_indexing, shader_uniform_buffer_array_non_uniform_indexing, shader_sampled_image_array_non_uniform_indexing, shader_storage_buffer_array_non_uniform_indexing, shader_storage_image_array_non_uniform_indexing, shader_input_attachment_array_non_uniform_indexing, shader_uniform_texel_buffer_array_non_uniform_indexing, shader_storage_texel_buffer_array_non_uniform_indexing, descriptor_binding_uniform_buffer_update_after_bind, descriptor_binding_sampled_image_update_after_bind, descriptor_binding_storage_image_update_after_bind, descriptor_binding_storage_buffer_update_after_bind, descriptor_binding_uniform_texel_buffer_update_after_bind, descriptor_binding_storage_texel_buffer_update_after_bind, descriptor_binding_update_unused_while_pending, descriptor_binding_partially_bound, descriptor_binding_variable_descriptor_count, runtime_descriptor_array) """ Arguments: - `max_update_after_bind_descriptors_in_all_pools::UInt32` - `shader_uniform_buffer_array_non_uniform_indexing_native::Bool` - `shader_sampled_image_array_non_uniform_indexing_native::Bool` - `shader_storage_buffer_array_non_uniform_indexing_native::Bool` - `shader_storage_image_array_non_uniform_indexing_native::Bool` - `shader_input_attachment_array_non_uniform_indexing_native::Bool` - `robust_buffer_access_update_after_bind::Bool` - `quad_divergent_implicit_lod::Bool` - `max_per_stage_descriptor_update_after_bind_samplers::UInt32` - `max_per_stage_descriptor_update_after_bind_uniform_buffers::UInt32` - `max_per_stage_descriptor_update_after_bind_storage_buffers::UInt32` - `max_per_stage_descriptor_update_after_bind_sampled_images::UInt32` - `max_per_stage_descriptor_update_after_bind_storage_images::UInt32` - `max_per_stage_descriptor_update_after_bind_input_attachments::UInt32` - `max_per_stage_update_after_bind_resources::UInt32` - `max_descriptor_set_update_after_bind_samplers::UInt32` - `max_descriptor_set_update_after_bind_uniform_buffers::UInt32` - `max_descriptor_set_update_after_bind_uniform_buffers_dynamic::UInt32` - `max_descriptor_set_update_after_bind_storage_buffers::UInt32` - `max_descriptor_set_update_after_bind_storage_buffers_dynamic::UInt32` - `max_descriptor_set_update_after_bind_sampled_images::UInt32` - `max_descriptor_set_update_after_bind_storage_images::UInt32` - `max_descriptor_set_update_after_bind_input_attachments::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorIndexingProperties.html) """ PhysicalDeviceDescriptorIndexingProperties(max_update_after_bind_descriptors_in_all_pools::Integer, shader_uniform_buffer_array_non_uniform_indexing_native::Bool, shader_sampled_image_array_non_uniform_indexing_native::Bool, shader_storage_buffer_array_non_uniform_indexing_native::Bool, shader_storage_image_array_non_uniform_indexing_native::Bool, shader_input_attachment_array_non_uniform_indexing_native::Bool, robust_buffer_access_update_after_bind::Bool, quad_divergent_implicit_lod::Bool, max_per_stage_descriptor_update_after_bind_samplers::Integer, max_per_stage_descriptor_update_after_bind_uniform_buffers::Integer, max_per_stage_descriptor_update_after_bind_storage_buffers::Integer, max_per_stage_descriptor_update_after_bind_sampled_images::Integer, max_per_stage_descriptor_update_after_bind_storage_images::Integer, max_per_stage_descriptor_update_after_bind_input_attachments::Integer, max_per_stage_update_after_bind_resources::Integer, max_descriptor_set_update_after_bind_samplers::Integer, max_descriptor_set_update_after_bind_uniform_buffers::Integer, max_descriptor_set_update_after_bind_uniform_buffers_dynamic::Integer, max_descriptor_set_update_after_bind_storage_buffers::Integer, max_descriptor_set_update_after_bind_storage_buffers_dynamic::Integer, max_descriptor_set_update_after_bind_sampled_images::Integer, max_descriptor_set_update_after_bind_storage_images::Integer, max_descriptor_set_update_after_bind_input_attachments::Integer; next = C_NULL) = PhysicalDeviceDescriptorIndexingProperties(next, max_update_after_bind_descriptors_in_all_pools, shader_uniform_buffer_array_non_uniform_indexing_native, shader_sampled_image_array_non_uniform_indexing_native, shader_storage_buffer_array_non_uniform_indexing_native, shader_storage_image_array_non_uniform_indexing_native, shader_input_attachment_array_non_uniform_indexing_native, robust_buffer_access_update_after_bind, quad_divergent_implicit_lod, max_per_stage_descriptor_update_after_bind_samplers, max_per_stage_descriptor_update_after_bind_uniform_buffers, max_per_stage_descriptor_update_after_bind_storage_buffers, max_per_stage_descriptor_update_after_bind_sampled_images, max_per_stage_descriptor_update_after_bind_storage_images, max_per_stage_descriptor_update_after_bind_input_attachments, max_per_stage_update_after_bind_resources, max_descriptor_set_update_after_bind_samplers, max_descriptor_set_update_after_bind_uniform_buffers, max_descriptor_set_update_after_bind_uniform_buffers_dynamic, max_descriptor_set_update_after_bind_storage_buffers, max_descriptor_set_update_after_bind_storage_buffers_dynamic, max_descriptor_set_update_after_bind_sampled_images, max_descriptor_set_update_after_bind_storage_images, max_descriptor_set_update_after_bind_input_attachments) """ Arguments: - `binding_flags::Vector{DescriptorBindingFlag}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutBindingFlagsCreateInfo.html) """ DescriptorSetLayoutBindingFlagsCreateInfo(binding_flags::AbstractArray; next = C_NULL) = DescriptorSetLayoutBindingFlagsCreateInfo(next, binding_flags) """ Arguments: - `descriptor_counts::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetVariableDescriptorCountAllocateInfo.html) """ DescriptorSetVariableDescriptorCountAllocateInfo(descriptor_counts::AbstractArray; next = C_NULL) = DescriptorSetVariableDescriptorCountAllocateInfo(next, descriptor_counts) """ Arguments: - `max_variable_descriptor_count::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetVariableDescriptorCountLayoutSupport.html) """ DescriptorSetVariableDescriptorCountLayoutSupport(max_variable_descriptor_count::Integer; next = C_NULL) = DescriptorSetVariableDescriptorCountLayoutSupport(next, max_variable_descriptor_count) """ Arguments: - `format::Format` - `samples::SampleCountFlag` - `load_op::AttachmentLoadOp` - `store_op::AttachmentStoreOp` - `stencil_load_op::AttachmentLoadOp` - `stencil_store_op::AttachmentStoreOp` - `initial_layout::ImageLayout` - `final_layout::ImageLayout` - `next::Any`: defaults to `C_NULL` - `flags::AttachmentDescriptionFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentDescription2.html) """ AttachmentDescription2(format::Format, samples::SampleCountFlag, load_op::AttachmentLoadOp, store_op::AttachmentStoreOp, stencil_load_op::AttachmentLoadOp, stencil_store_op::AttachmentStoreOp, initial_layout::ImageLayout, final_layout::ImageLayout; next = C_NULL, flags = 0) = AttachmentDescription2(next, flags, format, samples, load_op, store_op, stencil_load_op, stencil_store_op, initial_layout, final_layout) """ Arguments: - `attachment::UInt32` - `layout::ImageLayout` - `aspect_mask::ImageAspectFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentReference2.html) """ AttachmentReference2(attachment::Integer, layout::ImageLayout, aspect_mask::ImageAspectFlag; next = C_NULL) = AttachmentReference2(next, attachment, layout, aspect_mask) """ Arguments: - `pipeline_bind_point::PipelineBindPoint` - `view_mask::UInt32` - `input_attachments::Vector{AttachmentReference2}` - `color_attachments::Vector{AttachmentReference2}` - `preserve_attachments::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` - `flags::SubpassDescriptionFlag`: defaults to `0` - `resolve_attachments::Vector{AttachmentReference2}`: defaults to `C_NULL` - `depth_stencil_attachment::AttachmentReference2`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDescription2.html) """ SubpassDescription2(pipeline_bind_point::PipelineBindPoint, view_mask::Integer, input_attachments::AbstractArray, color_attachments::AbstractArray, preserve_attachments::AbstractArray; next = C_NULL, flags = 0, resolve_attachments = C_NULL, depth_stencil_attachment = C_NULL) = SubpassDescription2(next, flags, pipeline_bind_point, view_mask, input_attachments, color_attachments, resolve_attachments, depth_stencil_attachment, preserve_attachments) """ Arguments: - `src_subpass::UInt32` - `dst_subpass::UInt32` - `view_offset::Int32` - `next::Any`: defaults to `C_NULL` - `src_stage_mask::PipelineStageFlag`: defaults to `0` - `dst_stage_mask::PipelineStageFlag`: defaults to `0` - `src_access_mask::AccessFlag`: defaults to `0` - `dst_access_mask::AccessFlag`: defaults to `0` - `dependency_flags::DependencyFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDependency2.html) """ SubpassDependency2(src_subpass::Integer, dst_subpass::Integer, view_offset::Integer; next = C_NULL, src_stage_mask = 0, dst_stage_mask = 0, src_access_mask = 0, dst_access_mask = 0, dependency_flags = 0) = SubpassDependency2(next, src_subpass, dst_subpass, src_stage_mask, dst_stage_mask, src_access_mask, dst_access_mask, dependency_flags, view_offset) """ Arguments: - `attachments::Vector{AttachmentDescription2}` - `subpasses::Vector{SubpassDescription2}` - `dependencies::Vector{SubpassDependency2}` - `correlated_view_masks::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` - `flags::RenderPassCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreateInfo2.html) """ RenderPassCreateInfo2(attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray, correlated_view_masks::AbstractArray; next = C_NULL, flags = 0) = RenderPassCreateInfo2(next, flags, attachments, subpasses, dependencies, correlated_view_masks) """ Arguments: - `contents::SubpassContents` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassBeginInfo.html) """ SubpassBeginInfo(contents::SubpassContents; next = C_NULL) = SubpassBeginInfo(next, contents) """ Arguments: - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassEndInfo.html) """ SubpassEndInfo(; next = C_NULL) = SubpassEndInfo(next) """ Arguments: - `timeline_semaphore::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTimelineSemaphoreFeatures.html) """ PhysicalDeviceTimelineSemaphoreFeatures(timeline_semaphore::Bool; next = C_NULL) = PhysicalDeviceTimelineSemaphoreFeatures(next, timeline_semaphore) """ Arguments: - `max_timeline_semaphore_value_difference::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTimelineSemaphoreProperties.html) """ PhysicalDeviceTimelineSemaphoreProperties(max_timeline_semaphore_value_difference::Integer; next = C_NULL) = PhysicalDeviceTimelineSemaphoreProperties(next, max_timeline_semaphore_value_difference) """ Arguments: - `semaphore_type::SemaphoreType` - `initial_value::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreTypeCreateInfo.html) """ SemaphoreTypeCreateInfo(semaphore_type::SemaphoreType, initial_value::Integer; next = C_NULL) = SemaphoreTypeCreateInfo(next, semaphore_type, initial_value) """ Arguments: - `next::Any`: defaults to `C_NULL` - `wait_semaphore_values::Vector{UInt64}`: defaults to `C_NULL` - `signal_semaphore_values::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTimelineSemaphoreSubmitInfo.html) """ TimelineSemaphoreSubmitInfo(; next = C_NULL, wait_semaphore_values = C_NULL, signal_semaphore_values = C_NULL) = TimelineSemaphoreSubmitInfo(next, wait_semaphore_values, signal_semaphore_values) """ Arguments: - `semaphores::Vector{Semaphore}` - `values::Vector{UInt64}` - `next::Any`: defaults to `C_NULL` - `flags::SemaphoreWaitFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreWaitInfo.html) """ SemaphoreWaitInfo(semaphores::AbstractArray, values::AbstractArray; next = C_NULL, flags = 0) = SemaphoreWaitInfo(next, flags, semaphores, values) """ Arguments: - `semaphore::Semaphore` - `value::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreSignalInfo.html) """ SemaphoreSignalInfo(semaphore::Semaphore, value::Integer; next = C_NULL) = SemaphoreSignalInfo(next, semaphore, value) """ Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor Arguments: - `vertex_binding_divisors::Vector{VertexInputBindingDivisorDescriptionEXT}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineVertexInputDivisorStateCreateInfoEXT.html) """ PipelineVertexInputDivisorStateCreateInfoEXT(vertex_binding_divisors::AbstractArray; next = C_NULL) = PipelineVertexInputDivisorStateCreateInfoEXT(next, vertex_binding_divisors) """ Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor Arguments: - `max_vertex_attrib_divisor::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT.html) """ PhysicalDeviceVertexAttributeDivisorPropertiesEXT(max_vertex_attrib_divisor::Integer; next = C_NULL) = PhysicalDeviceVertexAttributeDivisorPropertiesEXT(next, max_vertex_attrib_divisor) """ Extension: VK\\_EXT\\_pci\\_bus\\_info Arguments: - `pci_domain::UInt32` - `pci_bus::UInt32` - `pci_device::UInt32` - `pci_function::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePCIBusInfoPropertiesEXT.html) """ PhysicalDevicePCIBusInfoPropertiesEXT(pci_domain::Integer, pci_bus::Integer, pci_device::Integer, pci_function::Integer; next = C_NULL) = PhysicalDevicePCIBusInfoPropertiesEXT(next, pci_domain, pci_bus, pci_device, pci_function) """ Extension: VK\\_EXT\\_conditional\\_rendering Arguments: - `conditional_rendering_enable::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceConditionalRenderingInfoEXT.html) """ CommandBufferInheritanceConditionalRenderingInfoEXT(conditional_rendering_enable::Bool; next = C_NULL) = CommandBufferInheritanceConditionalRenderingInfoEXT(next, conditional_rendering_enable) """ Arguments: - `storage_buffer_8_bit_access::Bool` - `uniform_and_storage_buffer_8_bit_access::Bool` - `storage_push_constant_8::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevice8BitStorageFeatures.html) """ PhysicalDevice8BitStorageFeatures(storage_buffer_8_bit_access::Bool, uniform_and_storage_buffer_8_bit_access::Bool, storage_push_constant_8::Bool; next = C_NULL) = PhysicalDevice8BitStorageFeatures(next, storage_buffer_8_bit_access, uniform_and_storage_buffer_8_bit_access, storage_push_constant_8) """ Extension: VK\\_EXT\\_conditional\\_rendering Arguments: - `conditional_rendering::Bool` - `inherited_conditional_rendering::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceConditionalRenderingFeaturesEXT.html) """ PhysicalDeviceConditionalRenderingFeaturesEXT(conditional_rendering::Bool, inherited_conditional_rendering::Bool; next = C_NULL) = PhysicalDeviceConditionalRenderingFeaturesEXT(next, conditional_rendering, inherited_conditional_rendering) """ Arguments: - `vulkan_memory_model::Bool` - `vulkan_memory_model_device_scope::Bool` - `vulkan_memory_model_availability_visibility_chains::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkanMemoryModelFeatures.html) """ PhysicalDeviceVulkanMemoryModelFeatures(vulkan_memory_model::Bool, vulkan_memory_model_device_scope::Bool, vulkan_memory_model_availability_visibility_chains::Bool; next = C_NULL) = PhysicalDeviceVulkanMemoryModelFeatures(next, vulkan_memory_model, vulkan_memory_model_device_scope, vulkan_memory_model_availability_visibility_chains) """ Arguments: - `shader_buffer_int_64_atomics::Bool` - `shader_shared_int_64_atomics::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderAtomicInt64Features.html) """ PhysicalDeviceShaderAtomicInt64Features(shader_buffer_int_64_atomics::Bool, shader_shared_int_64_atomics::Bool; next = C_NULL) = PhysicalDeviceShaderAtomicInt64Features(next, shader_buffer_int_64_atomics, shader_shared_int_64_atomics) """ Extension: VK\\_EXT\\_shader\\_atomic\\_float Arguments: - `shader_buffer_float_32_atomics::Bool` - `shader_buffer_float_32_atomic_add::Bool` - `shader_buffer_float_64_atomics::Bool` - `shader_buffer_float_64_atomic_add::Bool` - `shader_shared_float_32_atomics::Bool` - `shader_shared_float_32_atomic_add::Bool` - `shader_shared_float_64_atomics::Bool` - `shader_shared_float_64_atomic_add::Bool` - `shader_image_float_32_atomics::Bool` - `shader_image_float_32_atomic_add::Bool` - `sparse_image_float_32_atomics::Bool` - `sparse_image_float_32_atomic_add::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderAtomicFloatFeaturesEXT.html) """ PhysicalDeviceShaderAtomicFloatFeaturesEXT(shader_buffer_float_32_atomics::Bool, shader_buffer_float_32_atomic_add::Bool, shader_buffer_float_64_atomics::Bool, shader_buffer_float_64_atomic_add::Bool, shader_shared_float_32_atomics::Bool, shader_shared_float_32_atomic_add::Bool, shader_shared_float_64_atomics::Bool, shader_shared_float_64_atomic_add::Bool, shader_image_float_32_atomics::Bool, shader_image_float_32_atomic_add::Bool, sparse_image_float_32_atomics::Bool, sparse_image_float_32_atomic_add::Bool; next = C_NULL) = PhysicalDeviceShaderAtomicFloatFeaturesEXT(next, shader_buffer_float_32_atomics, shader_buffer_float_32_atomic_add, shader_buffer_float_64_atomics, shader_buffer_float_64_atomic_add, shader_shared_float_32_atomics, shader_shared_float_32_atomic_add, shader_shared_float_64_atomics, shader_shared_float_64_atomic_add, shader_image_float_32_atomics, shader_image_float_32_atomic_add, sparse_image_float_32_atomics, sparse_image_float_32_atomic_add) """ Extension: VK\\_EXT\\_shader\\_atomic\\_float2 Arguments: - `shader_buffer_float_16_atomics::Bool` - `shader_buffer_float_16_atomic_add::Bool` - `shader_buffer_float_16_atomic_min_max::Bool` - `shader_buffer_float_32_atomic_min_max::Bool` - `shader_buffer_float_64_atomic_min_max::Bool` - `shader_shared_float_16_atomics::Bool` - `shader_shared_float_16_atomic_add::Bool` - `shader_shared_float_16_atomic_min_max::Bool` - `shader_shared_float_32_atomic_min_max::Bool` - `shader_shared_float_64_atomic_min_max::Bool` - `shader_image_float_32_atomic_min_max::Bool` - `sparse_image_float_32_atomic_min_max::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT.html) """ PhysicalDeviceShaderAtomicFloat2FeaturesEXT(shader_buffer_float_16_atomics::Bool, shader_buffer_float_16_atomic_add::Bool, shader_buffer_float_16_atomic_min_max::Bool, shader_buffer_float_32_atomic_min_max::Bool, shader_buffer_float_64_atomic_min_max::Bool, shader_shared_float_16_atomics::Bool, shader_shared_float_16_atomic_add::Bool, shader_shared_float_16_atomic_min_max::Bool, shader_shared_float_32_atomic_min_max::Bool, shader_shared_float_64_atomic_min_max::Bool, shader_image_float_32_atomic_min_max::Bool, sparse_image_float_32_atomic_min_max::Bool; next = C_NULL) = PhysicalDeviceShaderAtomicFloat2FeaturesEXT(next, shader_buffer_float_16_atomics, shader_buffer_float_16_atomic_add, shader_buffer_float_16_atomic_min_max, shader_buffer_float_32_atomic_min_max, shader_buffer_float_64_atomic_min_max, shader_shared_float_16_atomics, shader_shared_float_16_atomic_add, shader_shared_float_16_atomic_min_max, shader_shared_float_32_atomic_min_max, shader_shared_float_64_atomic_min_max, shader_image_float_32_atomic_min_max, sparse_image_float_32_atomic_min_max) """ Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor Arguments: - `vertex_attribute_instance_rate_divisor::Bool` - `vertex_attribute_instance_rate_zero_divisor::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT.html) """ PhysicalDeviceVertexAttributeDivisorFeaturesEXT(vertex_attribute_instance_rate_divisor::Bool, vertex_attribute_instance_rate_zero_divisor::Bool; next = C_NULL) = PhysicalDeviceVertexAttributeDivisorFeaturesEXT(next, vertex_attribute_instance_rate_divisor, vertex_attribute_instance_rate_zero_divisor) """ Extension: VK\\_NV\\_device\\_diagnostic\\_checkpoints Arguments: - `checkpoint_execution_stage_mask::PipelineStageFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyCheckpointPropertiesNV.html) """ QueueFamilyCheckpointPropertiesNV(checkpoint_execution_stage_mask::PipelineStageFlag; next = C_NULL) = QueueFamilyCheckpointPropertiesNV(next, checkpoint_execution_stage_mask) """ Extension: VK\\_NV\\_device\\_diagnostic\\_checkpoints Arguments: - `stage::PipelineStageFlag` - `checkpoint_marker::Ptr{Cvoid}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCheckpointDataNV.html) """ CheckpointDataNV(stage::PipelineStageFlag, checkpoint_marker::Ptr{Cvoid}; next = C_NULL) = CheckpointDataNV(next, stage, checkpoint_marker) """ Arguments: - `supported_depth_resolve_modes::ResolveModeFlag` - `supported_stencil_resolve_modes::ResolveModeFlag` - `independent_resolve_none::Bool` - `independent_resolve::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthStencilResolveProperties.html) """ PhysicalDeviceDepthStencilResolveProperties(supported_depth_resolve_modes::ResolveModeFlag, supported_stencil_resolve_modes::ResolveModeFlag, independent_resolve_none::Bool, independent_resolve::Bool; next = C_NULL) = PhysicalDeviceDepthStencilResolveProperties(next, supported_depth_resolve_modes, supported_stencil_resolve_modes, independent_resolve_none, independent_resolve) """ Arguments: - `depth_resolve_mode::ResolveModeFlag` - `stencil_resolve_mode::ResolveModeFlag` - `next::Any`: defaults to `C_NULL` - `depth_stencil_resolve_attachment::AttachmentReference2`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDescriptionDepthStencilResolve.html) """ SubpassDescriptionDepthStencilResolve(depth_resolve_mode::ResolveModeFlag, stencil_resolve_mode::ResolveModeFlag; next = C_NULL, depth_stencil_resolve_attachment = C_NULL) = SubpassDescriptionDepthStencilResolve(next, depth_resolve_mode, stencil_resolve_mode, depth_stencil_resolve_attachment) """ Extension: VK\\_EXT\\_astc\\_decode\\_mode Arguments: - `decode_mode::Format` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewASTCDecodeModeEXT.html) """ ImageViewASTCDecodeModeEXT(decode_mode::Format; next = C_NULL) = ImageViewASTCDecodeModeEXT(next, decode_mode) """ Extension: VK\\_EXT\\_astc\\_decode\\_mode Arguments: - `decode_mode_shared_exponent::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceASTCDecodeFeaturesEXT.html) """ PhysicalDeviceASTCDecodeFeaturesEXT(decode_mode_shared_exponent::Bool; next = C_NULL) = PhysicalDeviceASTCDecodeFeaturesEXT(next, decode_mode_shared_exponent) """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `transform_feedback::Bool` - `geometry_streams::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTransformFeedbackFeaturesEXT.html) """ PhysicalDeviceTransformFeedbackFeaturesEXT(transform_feedback::Bool, geometry_streams::Bool; next = C_NULL) = PhysicalDeviceTransformFeedbackFeaturesEXT(next, transform_feedback, geometry_streams) """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `max_transform_feedback_streams::UInt32` - `max_transform_feedback_buffers::UInt32` - `max_transform_feedback_buffer_size::UInt64` - `max_transform_feedback_stream_data_size::UInt32` - `max_transform_feedback_buffer_data_size::UInt32` - `max_transform_feedback_buffer_data_stride::UInt32` - `transform_feedback_queries::Bool` - `transform_feedback_streams_lines_triangles::Bool` - `transform_feedback_rasterization_stream_select::Bool` - `transform_feedback_draw::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTransformFeedbackPropertiesEXT.html) """ PhysicalDeviceTransformFeedbackPropertiesEXT(max_transform_feedback_streams::Integer, max_transform_feedback_buffers::Integer, max_transform_feedback_buffer_size::Integer, max_transform_feedback_stream_data_size::Integer, max_transform_feedback_buffer_data_size::Integer, max_transform_feedback_buffer_data_stride::Integer, transform_feedback_queries::Bool, transform_feedback_streams_lines_triangles::Bool, transform_feedback_rasterization_stream_select::Bool, transform_feedback_draw::Bool; next = C_NULL) = PhysicalDeviceTransformFeedbackPropertiesEXT(next, max_transform_feedback_streams, max_transform_feedback_buffers, max_transform_feedback_buffer_size, max_transform_feedback_stream_data_size, max_transform_feedback_buffer_data_size, max_transform_feedback_buffer_data_stride, transform_feedback_queries, transform_feedback_streams_lines_triangles, transform_feedback_rasterization_stream_select, transform_feedback_draw) """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `rasterization_stream::UInt32` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationStateStreamCreateInfoEXT.html) """ PipelineRasterizationStateStreamCreateInfoEXT(rasterization_stream::Integer; next = C_NULL, flags = 0) = PipelineRasterizationStateStreamCreateInfoEXT(next, flags, rasterization_stream) """ Extension: VK\\_NV\\_representative\\_fragment\\_test Arguments: - `representative_fragment_test::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV.html) """ PhysicalDeviceRepresentativeFragmentTestFeaturesNV(representative_fragment_test::Bool; next = C_NULL) = PhysicalDeviceRepresentativeFragmentTestFeaturesNV(next, representative_fragment_test) """ Extension: VK\\_NV\\_representative\\_fragment\\_test Arguments: - `representative_fragment_test_enable::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRepresentativeFragmentTestStateCreateInfoNV.html) """ PipelineRepresentativeFragmentTestStateCreateInfoNV(representative_fragment_test_enable::Bool; next = C_NULL) = PipelineRepresentativeFragmentTestStateCreateInfoNV(next, representative_fragment_test_enable) """ Extension: VK\\_NV\\_scissor\\_exclusive Arguments: - `exclusive_scissor::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExclusiveScissorFeaturesNV.html) """ PhysicalDeviceExclusiveScissorFeaturesNV(exclusive_scissor::Bool; next = C_NULL) = PhysicalDeviceExclusiveScissorFeaturesNV(next, exclusive_scissor) """ Extension: VK\\_NV\\_scissor\\_exclusive Arguments: - `exclusive_scissors::Vector{Rect2D}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportExclusiveScissorStateCreateInfoNV.html) """ PipelineViewportExclusiveScissorStateCreateInfoNV(exclusive_scissors::AbstractArray; next = C_NULL) = PipelineViewportExclusiveScissorStateCreateInfoNV(next, exclusive_scissors) """ Extension: VK\\_NV\\_corner\\_sampled\\_image Arguments: - `corner_sampled_image::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCornerSampledImageFeaturesNV.html) """ PhysicalDeviceCornerSampledImageFeaturesNV(corner_sampled_image::Bool; next = C_NULL) = PhysicalDeviceCornerSampledImageFeaturesNV(next, corner_sampled_image) """ Extension: VK\\_NV\\_compute\\_shader\\_derivatives Arguments: - `compute_derivative_group_quads::Bool` - `compute_derivative_group_linear::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceComputeShaderDerivativesFeaturesNV.html) """ PhysicalDeviceComputeShaderDerivativesFeaturesNV(compute_derivative_group_quads::Bool, compute_derivative_group_linear::Bool; next = C_NULL) = PhysicalDeviceComputeShaderDerivativesFeaturesNV(next, compute_derivative_group_quads, compute_derivative_group_linear) """ Extension: VK\\_NV\\_shader\\_image\\_footprint Arguments: - `image_footprint::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderImageFootprintFeaturesNV.html) """ PhysicalDeviceShaderImageFootprintFeaturesNV(image_footprint::Bool; next = C_NULL) = PhysicalDeviceShaderImageFootprintFeaturesNV(next, image_footprint) """ Extension: VK\\_NV\\_dedicated\\_allocation\\_image\\_aliasing Arguments: - `dedicated_allocation_image_aliasing::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV.html) """ PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV(dedicated_allocation_image_aliasing::Bool; next = C_NULL) = PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV(next, dedicated_allocation_image_aliasing) """ Extension: VK\\_NV\\_copy\\_memory\\_indirect Arguments: - `indirect_copy::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCopyMemoryIndirectFeaturesNV.html) """ PhysicalDeviceCopyMemoryIndirectFeaturesNV(indirect_copy::Bool; next = C_NULL) = PhysicalDeviceCopyMemoryIndirectFeaturesNV(next, indirect_copy) """ Extension: VK\\_NV\\_copy\\_memory\\_indirect Arguments: - `supported_queues::QueueFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCopyMemoryIndirectPropertiesNV.html) """ PhysicalDeviceCopyMemoryIndirectPropertiesNV(supported_queues::QueueFlag; next = C_NULL) = PhysicalDeviceCopyMemoryIndirectPropertiesNV(next, supported_queues) """ Extension: VK\\_NV\\_memory\\_decompression Arguments: - `memory_decompression::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryDecompressionFeaturesNV.html) """ PhysicalDeviceMemoryDecompressionFeaturesNV(memory_decompression::Bool; next = C_NULL) = PhysicalDeviceMemoryDecompressionFeaturesNV(next, memory_decompression) """ Extension: VK\\_NV\\_memory\\_decompression Arguments: - `decompression_methods::UInt64` - `max_decompression_indirect_count::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryDecompressionPropertiesNV.html) """ PhysicalDeviceMemoryDecompressionPropertiesNV(decompression_methods::Integer, max_decompression_indirect_count::Integer; next = C_NULL) = PhysicalDeviceMemoryDecompressionPropertiesNV(next, decompression_methods, max_decompression_indirect_count) """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `shading_rate_image_enable::Bool` - `shading_rate_palettes::Vector{ShadingRatePaletteNV}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportShadingRateImageStateCreateInfoNV.html) """ PipelineViewportShadingRateImageStateCreateInfoNV(shading_rate_image_enable::Bool, shading_rate_palettes::AbstractArray; next = C_NULL) = PipelineViewportShadingRateImageStateCreateInfoNV(next, shading_rate_image_enable, shading_rate_palettes) """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `shading_rate_image::Bool` - `shading_rate_coarse_sample_order::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShadingRateImageFeaturesNV.html) """ PhysicalDeviceShadingRateImageFeaturesNV(shading_rate_image::Bool, shading_rate_coarse_sample_order::Bool; next = C_NULL) = PhysicalDeviceShadingRateImageFeaturesNV(next, shading_rate_image, shading_rate_coarse_sample_order) """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `shading_rate_texel_size::Extent2D` - `shading_rate_palette_size::UInt32` - `shading_rate_max_coarse_samples::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShadingRateImagePropertiesNV.html) """ PhysicalDeviceShadingRateImagePropertiesNV(shading_rate_texel_size::Extent2D, shading_rate_palette_size::Integer, shading_rate_max_coarse_samples::Integer; next = C_NULL) = PhysicalDeviceShadingRateImagePropertiesNV(next, shading_rate_texel_size, shading_rate_palette_size, shading_rate_max_coarse_samples) """ Extension: VK\\_HUAWEI\\_invocation\\_mask Arguments: - `invocation_mask::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInvocationMaskFeaturesHUAWEI.html) """ PhysicalDeviceInvocationMaskFeaturesHUAWEI(invocation_mask::Bool; next = C_NULL) = PhysicalDeviceInvocationMaskFeaturesHUAWEI(next, invocation_mask) """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `sample_order_type::CoarseSampleOrderTypeNV` - `custom_sample_orders::Vector{CoarseSampleOrderCustomNV}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportCoarseSampleOrderStateCreateInfoNV.html) """ PipelineViewportCoarseSampleOrderStateCreateInfoNV(sample_order_type::CoarseSampleOrderTypeNV, custom_sample_orders::AbstractArray; next = C_NULL) = PipelineViewportCoarseSampleOrderStateCreateInfoNV(next, sample_order_type, custom_sample_orders) """ Extension: VK\\_NV\\_mesh\\_shader Arguments: - `task_shader::Bool` - `mesh_shader::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderFeaturesNV.html) """ PhysicalDeviceMeshShaderFeaturesNV(task_shader::Bool, mesh_shader::Bool; next = C_NULL) = PhysicalDeviceMeshShaderFeaturesNV(next, task_shader, mesh_shader) """ Extension: VK\\_NV\\_mesh\\_shader Arguments: - `max_draw_mesh_tasks_count::UInt32` - `max_task_work_group_invocations::UInt32` - `max_task_work_group_size::NTuple{3, UInt32}` - `max_task_total_memory_size::UInt32` - `max_task_output_count::UInt32` - `max_mesh_work_group_invocations::UInt32` - `max_mesh_work_group_size::NTuple{3, UInt32}` - `max_mesh_total_memory_size::UInt32` - `max_mesh_output_vertices::UInt32` - `max_mesh_output_primitives::UInt32` - `max_mesh_multiview_view_count::UInt32` - `mesh_output_per_vertex_granularity::UInt32` - `mesh_output_per_primitive_granularity::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderPropertiesNV.html) """ PhysicalDeviceMeshShaderPropertiesNV(max_draw_mesh_tasks_count::Integer, max_task_work_group_invocations::Integer, max_task_work_group_size::NTuple{3, UInt32}, max_task_total_memory_size::Integer, max_task_output_count::Integer, max_mesh_work_group_invocations::Integer, max_mesh_work_group_size::NTuple{3, UInt32}, max_mesh_total_memory_size::Integer, max_mesh_output_vertices::Integer, max_mesh_output_primitives::Integer, max_mesh_multiview_view_count::Integer, mesh_output_per_vertex_granularity::Integer, mesh_output_per_primitive_granularity::Integer; next = C_NULL) = PhysicalDeviceMeshShaderPropertiesNV(next, max_draw_mesh_tasks_count, max_task_work_group_invocations, max_task_work_group_size, max_task_total_memory_size, max_task_output_count, max_mesh_work_group_invocations, max_mesh_work_group_size, max_mesh_total_memory_size, max_mesh_output_vertices, max_mesh_output_primitives, max_mesh_multiview_view_count, mesh_output_per_vertex_granularity, mesh_output_per_primitive_granularity) """ Extension: VK\\_EXT\\_mesh\\_shader Arguments: - `task_shader::Bool` - `mesh_shader::Bool` - `multiview_mesh_shader::Bool` - `primitive_fragment_shading_rate_mesh_shader::Bool` - `mesh_shader_queries::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderFeaturesEXT.html) """ PhysicalDeviceMeshShaderFeaturesEXT(task_shader::Bool, mesh_shader::Bool, multiview_mesh_shader::Bool, primitive_fragment_shading_rate_mesh_shader::Bool, mesh_shader_queries::Bool; next = C_NULL) = PhysicalDeviceMeshShaderFeaturesEXT(next, task_shader, mesh_shader, multiview_mesh_shader, primitive_fragment_shading_rate_mesh_shader, mesh_shader_queries) """ Extension: VK\\_EXT\\_mesh\\_shader Arguments: - `max_task_work_group_total_count::UInt32` - `max_task_work_group_count::NTuple{3, UInt32}` - `max_task_work_group_invocations::UInt32` - `max_task_work_group_size::NTuple{3, UInt32}` - `max_task_payload_size::UInt32` - `max_task_shared_memory_size::UInt32` - `max_task_payload_and_shared_memory_size::UInt32` - `max_mesh_work_group_total_count::UInt32` - `max_mesh_work_group_count::NTuple{3, UInt32}` - `max_mesh_work_group_invocations::UInt32` - `max_mesh_work_group_size::NTuple{3, UInt32}` - `max_mesh_shared_memory_size::UInt32` - `max_mesh_payload_and_shared_memory_size::UInt32` - `max_mesh_output_memory_size::UInt32` - `max_mesh_payload_and_output_memory_size::UInt32` - `max_mesh_output_components::UInt32` - `max_mesh_output_vertices::UInt32` - `max_mesh_output_primitives::UInt32` - `max_mesh_output_layers::UInt32` - `max_mesh_multiview_view_count::UInt32` - `mesh_output_per_vertex_granularity::UInt32` - `mesh_output_per_primitive_granularity::UInt32` - `max_preferred_task_work_group_invocations::UInt32` - `max_preferred_mesh_work_group_invocations::UInt32` - `prefers_local_invocation_vertex_output::Bool` - `prefers_local_invocation_primitive_output::Bool` - `prefers_compact_vertex_output::Bool` - `prefers_compact_primitive_output::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderPropertiesEXT.html) """ PhysicalDeviceMeshShaderPropertiesEXT(max_task_work_group_total_count::Integer, max_task_work_group_count::NTuple{3, UInt32}, max_task_work_group_invocations::Integer, max_task_work_group_size::NTuple{3, UInt32}, max_task_payload_size::Integer, max_task_shared_memory_size::Integer, max_task_payload_and_shared_memory_size::Integer, max_mesh_work_group_total_count::Integer, max_mesh_work_group_count::NTuple{3, UInt32}, max_mesh_work_group_invocations::Integer, max_mesh_work_group_size::NTuple{3, UInt32}, max_mesh_shared_memory_size::Integer, max_mesh_payload_and_shared_memory_size::Integer, max_mesh_output_memory_size::Integer, max_mesh_payload_and_output_memory_size::Integer, max_mesh_output_components::Integer, max_mesh_output_vertices::Integer, max_mesh_output_primitives::Integer, max_mesh_output_layers::Integer, max_mesh_multiview_view_count::Integer, mesh_output_per_vertex_granularity::Integer, mesh_output_per_primitive_granularity::Integer, max_preferred_task_work_group_invocations::Integer, max_preferred_mesh_work_group_invocations::Integer, prefers_local_invocation_vertex_output::Bool, prefers_local_invocation_primitive_output::Bool, prefers_compact_vertex_output::Bool, prefers_compact_primitive_output::Bool; next = C_NULL) = PhysicalDeviceMeshShaderPropertiesEXT(next, max_task_work_group_total_count, max_task_work_group_count, max_task_work_group_invocations, max_task_work_group_size, max_task_payload_size, max_task_shared_memory_size, max_task_payload_and_shared_memory_size, max_mesh_work_group_total_count, max_mesh_work_group_count, max_mesh_work_group_invocations, max_mesh_work_group_size, max_mesh_shared_memory_size, max_mesh_payload_and_shared_memory_size, max_mesh_output_memory_size, max_mesh_payload_and_output_memory_size, max_mesh_output_components, max_mesh_output_vertices, max_mesh_output_primitives, max_mesh_output_layers, max_mesh_multiview_view_count, mesh_output_per_vertex_granularity, mesh_output_per_primitive_granularity, max_preferred_task_work_group_invocations, max_preferred_mesh_work_group_invocations, prefers_local_invocation_vertex_output, prefers_local_invocation_primitive_output, prefers_compact_vertex_output, prefers_compact_primitive_output) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `type::RayTracingShaderGroupTypeKHR` - `general_shader::UInt32` - `closest_hit_shader::UInt32` - `any_hit_shader::UInt32` - `intersection_shader::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingShaderGroupCreateInfoNV.html) """ RayTracingShaderGroupCreateInfoNV(type::RayTracingShaderGroupTypeKHR, general_shader::Integer, closest_hit_shader::Integer, any_hit_shader::Integer, intersection_shader::Integer; next = C_NULL) = RayTracingShaderGroupCreateInfoNV(next, type, general_shader, closest_hit_shader, any_hit_shader, intersection_shader) """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `type::RayTracingShaderGroupTypeKHR` - `general_shader::UInt32` - `closest_hit_shader::UInt32` - `any_hit_shader::UInt32` - `intersection_shader::UInt32` - `next::Any`: defaults to `C_NULL` - `shader_group_capture_replay_handle::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingShaderGroupCreateInfoKHR.html) """ RayTracingShaderGroupCreateInfoKHR(type::RayTracingShaderGroupTypeKHR, general_shader::Integer, closest_hit_shader::Integer, any_hit_shader::Integer, intersection_shader::Integer; next = C_NULL, shader_group_capture_replay_handle = C_NULL) = RayTracingShaderGroupCreateInfoKHR(next, type, general_shader, closest_hit_shader, any_hit_shader, intersection_shader, shader_group_capture_replay_handle) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `stages::Vector{PipelineShaderStageCreateInfo}` - `groups::Vector{RayTracingShaderGroupCreateInfoNV}` - `max_recursion_depth::UInt32` - `layout::PipelineLayout` - `base_pipeline_index::Int32` - `next::Any`: defaults to `C_NULL` - `flags::PipelineCreateFlag`: defaults to `0` - `base_pipeline_handle::Pipeline`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingPipelineCreateInfoNV.html) """ RayTracingPipelineCreateInfoNV(stages::AbstractArray, groups::AbstractArray, max_recursion_depth::Integer, layout::PipelineLayout, base_pipeline_index::Integer; next = C_NULL, flags = 0, base_pipeline_handle = C_NULL) = RayTracingPipelineCreateInfoNV(next, flags, stages, groups, max_recursion_depth, layout, base_pipeline_handle, base_pipeline_index) """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `stages::Vector{PipelineShaderStageCreateInfo}` - `groups::Vector{RayTracingShaderGroupCreateInfoKHR}` - `max_pipeline_ray_recursion_depth::UInt32` - `layout::PipelineLayout` - `base_pipeline_index::Int32` - `next::Any`: defaults to `C_NULL` - `flags::PipelineCreateFlag`: defaults to `0` - `library_info::PipelineLibraryCreateInfoKHR`: defaults to `C_NULL` - `library_interface::RayTracingPipelineInterfaceCreateInfoKHR`: defaults to `C_NULL` - `dynamic_state::PipelineDynamicStateCreateInfo`: defaults to `C_NULL` - `base_pipeline_handle::Pipeline`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingPipelineCreateInfoKHR.html) """ RayTracingPipelineCreateInfoKHR(stages::AbstractArray, groups::AbstractArray, max_pipeline_ray_recursion_depth::Integer, layout::PipelineLayout, base_pipeline_index::Integer; next = C_NULL, flags = 0, library_info = C_NULL, library_interface = C_NULL, dynamic_state = C_NULL, base_pipeline_handle = C_NULL) = RayTracingPipelineCreateInfoKHR(next, flags, stages, groups, max_pipeline_ray_recursion_depth, library_info, library_interface, dynamic_state, layout, base_pipeline_handle, base_pipeline_index) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `vertex_offset::UInt64` - `vertex_count::UInt32` - `vertex_stride::UInt64` - `vertex_format::Format` - `index_offset::UInt64` - `index_count::UInt32` - `index_type::IndexType` - `transform_offset::UInt64` - `next::Any`: defaults to `C_NULL` - `vertex_data::Buffer`: defaults to `C_NULL` - `index_data::Buffer`: defaults to `C_NULL` - `transform_data::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryTrianglesNV.html) """ GeometryTrianglesNV(vertex_offset::Integer, vertex_count::Integer, vertex_stride::Integer, vertex_format::Format, index_offset::Integer, index_count::Integer, index_type::IndexType, transform_offset::Integer; next = C_NULL, vertex_data = C_NULL, index_data = C_NULL, transform_data = C_NULL) = GeometryTrianglesNV(next, vertex_data, vertex_offset, vertex_count, vertex_stride, vertex_format, index_data, index_offset, index_count, index_type, transform_data, transform_offset) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `num_aab_bs::UInt32` - `stride::UInt32` - `offset::UInt64` - `next::Any`: defaults to `C_NULL` - `aabb_data::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryAABBNV.html) """ GeometryAABBNV(num_aab_bs::Integer, stride::Integer, offset::Integer; next = C_NULL, aabb_data = C_NULL) = GeometryAABBNV(next, aabb_data, num_aab_bs, stride, offset) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `geometry_type::GeometryTypeKHR` - `geometry::GeometryDataNV` - `next::Any`: defaults to `C_NULL` - `flags::GeometryFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryNV.html) """ GeometryNV(geometry_type::GeometryTypeKHR, geometry::GeometryDataNV; next = C_NULL, flags = 0) = GeometryNV(next, geometry_type, geometry, flags) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `type::VkAccelerationStructureTypeNV` - `geometries::Vector{GeometryNV}` - `next::Any`: defaults to `C_NULL` - `flags::VkBuildAccelerationStructureFlagsNV`: defaults to `C_NULL` - `instance_count::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureInfoNV.html) """ AccelerationStructureInfoNV(type::VkAccelerationStructureTypeNV, geometries::AbstractArray; next = C_NULL, flags = C_NULL, instance_count = 0) = AccelerationStructureInfoNV(next, type, flags, instance_count, geometries) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `compacted_size::UInt64` - `info::AccelerationStructureInfoNV` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureCreateInfoNV.html) """ AccelerationStructureCreateInfoNV(compacted_size::Integer, info::AccelerationStructureInfoNV; next = C_NULL) = AccelerationStructureCreateInfoNV(next, compacted_size, info) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `acceleration_structure::AccelerationStructureNV` - `memory::DeviceMemory` - `memory_offset::UInt64` - `device_indices::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindAccelerationStructureMemoryInfoNV.html) """ BindAccelerationStructureMemoryInfoNV(acceleration_structure::AccelerationStructureNV, memory::DeviceMemory, memory_offset::Integer, device_indices::AbstractArray; next = C_NULL) = BindAccelerationStructureMemoryInfoNV(next, acceleration_structure, memory, memory_offset, device_indices) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `acceleration_structures::Vector{AccelerationStructureKHR}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSetAccelerationStructureKHR.html) """ WriteDescriptorSetAccelerationStructureKHR(acceleration_structures::AbstractArray; next = C_NULL) = WriteDescriptorSetAccelerationStructureKHR(next, acceleration_structures) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `acceleration_structures::Vector{AccelerationStructureNV}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSetAccelerationStructureNV.html) """ WriteDescriptorSetAccelerationStructureNV(acceleration_structures::AbstractArray; next = C_NULL) = WriteDescriptorSetAccelerationStructureNV(next, acceleration_structures) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `type::AccelerationStructureMemoryRequirementsTypeNV` - `acceleration_structure::AccelerationStructureNV` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMemoryRequirementsInfoNV.html) """ AccelerationStructureMemoryRequirementsInfoNV(type::AccelerationStructureMemoryRequirementsTypeNV, acceleration_structure::AccelerationStructureNV; next = C_NULL) = AccelerationStructureMemoryRequirementsInfoNV(next, type, acceleration_structure) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `acceleration_structure::Bool` - `acceleration_structure_capture_replay::Bool` - `acceleration_structure_indirect_build::Bool` - `acceleration_structure_host_commands::Bool` - `descriptor_binding_acceleration_structure_update_after_bind::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAccelerationStructureFeaturesKHR.html) """ PhysicalDeviceAccelerationStructureFeaturesKHR(acceleration_structure::Bool, acceleration_structure_capture_replay::Bool, acceleration_structure_indirect_build::Bool, acceleration_structure_host_commands::Bool, descriptor_binding_acceleration_structure_update_after_bind::Bool; next = C_NULL) = PhysicalDeviceAccelerationStructureFeaturesKHR(next, acceleration_structure, acceleration_structure_capture_replay, acceleration_structure_indirect_build, acceleration_structure_host_commands, descriptor_binding_acceleration_structure_update_after_bind) """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `ray_tracing_pipeline::Bool` - `ray_tracing_pipeline_shader_group_handle_capture_replay::Bool` - `ray_tracing_pipeline_shader_group_handle_capture_replay_mixed::Bool` - `ray_tracing_pipeline_trace_rays_indirect::Bool` - `ray_traversal_primitive_culling::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingPipelineFeaturesKHR.html) """ PhysicalDeviceRayTracingPipelineFeaturesKHR(ray_tracing_pipeline::Bool, ray_tracing_pipeline_shader_group_handle_capture_replay::Bool, ray_tracing_pipeline_shader_group_handle_capture_replay_mixed::Bool, ray_tracing_pipeline_trace_rays_indirect::Bool, ray_traversal_primitive_culling::Bool; next = C_NULL) = PhysicalDeviceRayTracingPipelineFeaturesKHR(next, ray_tracing_pipeline, ray_tracing_pipeline_shader_group_handle_capture_replay, ray_tracing_pipeline_shader_group_handle_capture_replay_mixed, ray_tracing_pipeline_trace_rays_indirect, ray_traversal_primitive_culling) """ Extension: VK\\_KHR\\_ray\\_query Arguments: - `ray_query::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayQueryFeaturesKHR.html) """ PhysicalDeviceRayQueryFeaturesKHR(ray_query::Bool; next = C_NULL) = PhysicalDeviceRayQueryFeaturesKHR(next, ray_query) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `max_geometry_count::UInt64` - `max_instance_count::UInt64` - `max_primitive_count::UInt64` - `max_per_stage_descriptor_acceleration_structures::UInt32` - `max_per_stage_descriptor_update_after_bind_acceleration_structures::UInt32` - `max_descriptor_set_acceleration_structures::UInt32` - `max_descriptor_set_update_after_bind_acceleration_structures::UInt32` - `min_acceleration_structure_scratch_offset_alignment::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAccelerationStructurePropertiesKHR.html) """ PhysicalDeviceAccelerationStructurePropertiesKHR(max_geometry_count::Integer, max_instance_count::Integer, max_primitive_count::Integer, max_per_stage_descriptor_acceleration_structures::Integer, max_per_stage_descriptor_update_after_bind_acceleration_structures::Integer, max_descriptor_set_acceleration_structures::Integer, max_descriptor_set_update_after_bind_acceleration_structures::Integer, min_acceleration_structure_scratch_offset_alignment::Integer; next = C_NULL) = PhysicalDeviceAccelerationStructurePropertiesKHR(next, max_geometry_count, max_instance_count, max_primitive_count, max_per_stage_descriptor_acceleration_structures, max_per_stage_descriptor_update_after_bind_acceleration_structures, max_descriptor_set_acceleration_structures, max_descriptor_set_update_after_bind_acceleration_structures, min_acceleration_structure_scratch_offset_alignment) """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `shader_group_handle_size::UInt32` - `max_ray_recursion_depth::UInt32` - `max_shader_group_stride::UInt32` - `shader_group_base_alignment::UInt32` - `shader_group_handle_capture_replay_size::UInt32` - `max_ray_dispatch_invocation_count::UInt32` - `shader_group_handle_alignment::UInt32` - `max_ray_hit_attribute_size::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingPipelinePropertiesKHR.html) """ PhysicalDeviceRayTracingPipelinePropertiesKHR(shader_group_handle_size::Integer, max_ray_recursion_depth::Integer, max_shader_group_stride::Integer, shader_group_base_alignment::Integer, shader_group_handle_capture_replay_size::Integer, max_ray_dispatch_invocation_count::Integer, shader_group_handle_alignment::Integer, max_ray_hit_attribute_size::Integer; next = C_NULL) = PhysicalDeviceRayTracingPipelinePropertiesKHR(next, shader_group_handle_size, max_ray_recursion_depth, max_shader_group_stride, shader_group_base_alignment, shader_group_handle_capture_replay_size, max_ray_dispatch_invocation_count, shader_group_handle_alignment, max_ray_hit_attribute_size) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `shader_group_handle_size::UInt32` - `max_recursion_depth::UInt32` - `max_shader_group_stride::UInt32` - `shader_group_base_alignment::UInt32` - `max_geometry_count::UInt64` - `max_instance_count::UInt64` - `max_triangle_count::UInt64` - `max_descriptor_set_acceleration_structures::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingPropertiesNV.html) """ PhysicalDeviceRayTracingPropertiesNV(shader_group_handle_size::Integer, max_recursion_depth::Integer, max_shader_group_stride::Integer, shader_group_base_alignment::Integer, max_geometry_count::Integer, max_instance_count::Integer, max_triangle_count::Integer, max_descriptor_set_acceleration_structures::Integer; next = C_NULL) = PhysicalDeviceRayTracingPropertiesNV(next, shader_group_handle_size, max_recursion_depth, max_shader_group_stride, shader_group_base_alignment, max_geometry_count, max_instance_count, max_triangle_count, max_descriptor_set_acceleration_structures) """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `stride::UInt64` - `size::UInt64` - `device_address::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkStridedDeviceAddressRegionKHR.html) """ StridedDeviceAddressRegionKHR(stride::Integer, size::Integer; device_address = 0) = StridedDeviceAddressRegionKHR(device_address, stride, size) """ Extension: VK\\_KHR\\_ray\\_tracing\\_maintenance1 Arguments: - `ray_tracing_maintenance_1::Bool` - `ray_tracing_pipeline_trace_rays_indirect_2::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR.html) """ PhysicalDeviceRayTracingMaintenance1FeaturesKHR(ray_tracing_maintenance_1::Bool, ray_tracing_pipeline_trace_rays_indirect_2::Bool; next = C_NULL) = PhysicalDeviceRayTracingMaintenance1FeaturesKHR(next, ray_tracing_maintenance_1, ray_tracing_pipeline_trace_rays_indirect_2) """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `next::Any`: defaults to `C_NULL` - `drm_format_modifier_properties::Vector{DrmFormatModifierPropertiesEXT}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierPropertiesListEXT.html) """ DrmFormatModifierPropertiesListEXT(; next = C_NULL, drm_format_modifier_properties = C_NULL) = DrmFormatModifierPropertiesListEXT(next, drm_format_modifier_properties) """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `drm_format_modifier::UInt64` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageDrmFormatModifierInfoEXT.html) """ PhysicalDeviceImageDrmFormatModifierInfoEXT(drm_format_modifier::Integer, sharing_mode::SharingMode, queue_family_indices::AbstractArray; next = C_NULL) = PhysicalDeviceImageDrmFormatModifierInfoEXT(next, drm_format_modifier, sharing_mode, queue_family_indices) """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `drm_format_modifiers::Vector{UInt64}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageDrmFormatModifierListCreateInfoEXT.html) """ ImageDrmFormatModifierListCreateInfoEXT(drm_format_modifiers::AbstractArray; next = C_NULL) = ImageDrmFormatModifierListCreateInfoEXT(next, drm_format_modifiers) """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `drm_format_modifier::UInt64` - `plane_layouts::Vector{SubresourceLayout}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageDrmFormatModifierExplicitCreateInfoEXT.html) """ ImageDrmFormatModifierExplicitCreateInfoEXT(drm_format_modifier::Integer, plane_layouts::AbstractArray; next = C_NULL) = ImageDrmFormatModifierExplicitCreateInfoEXT(next, drm_format_modifier, plane_layouts) """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `drm_format_modifier::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageDrmFormatModifierPropertiesEXT.html) """ ImageDrmFormatModifierPropertiesEXT(drm_format_modifier::Integer; next = C_NULL) = ImageDrmFormatModifierPropertiesEXT(next, drm_format_modifier) """ Arguments: - `stencil_usage::ImageUsageFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageStencilUsageCreateInfo.html) """ ImageStencilUsageCreateInfo(stencil_usage::ImageUsageFlag; next = C_NULL) = ImageStencilUsageCreateInfo(next, stencil_usage) """ Extension: VK\\_AMD\\_memory\\_overallocation\\_behavior Arguments: - `overallocation_behavior::MemoryOverallocationBehaviorAMD` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceMemoryOverallocationCreateInfoAMD.html) """ DeviceMemoryOverallocationCreateInfoAMD(overallocation_behavior::MemoryOverallocationBehaviorAMD; next = C_NULL) = DeviceMemoryOverallocationCreateInfoAMD(next, overallocation_behavior) """ Extension: VK\\_EXT\\_fragment\\_density\\_map Arguments: - `fragment_density_map::Bool` - `fragment_density_map_dynamic::Bool` - `fragment_density_map_non_subsampled_images::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapFeaturesEXT.html) """ PhysicalDeviceFragmentDensityMapFeaturesEXT(fragment_density_map::Bool, fragment_density_map_dynamic::Bool, fragment_density_map_non_subsampled_images::Bool; next = C_NULL) = PhysicalDeviceFragmentDensityMapFeaturesEXT(next, fragment_density_map, fragment_density_map_dynamic, fragment_density_map_non_subsampled_images) """ Extension: VK\\_EXT\\_fragment\\_density\\_map2 Arguments: - `fragment_density_map_deferred::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMap2FeaturesEXT.html) """ PhysicalDeviceFragmentDensityMap2FeaturesEXT(fragment_density_map_deferred::Bool; next = C_NULL) = PhysicalDeviceFragmentDensityMap2FeaturesEXT(next, fragment_density_map_deferred) """ Extension: VK\\_QCOM\\_fragment\\_density\\_map\\_offset Arguments: - `fragment_density_map_offset::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM.html) """ PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM(fragment_density_map_offset::Bool; next = C_NULL) = PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM(next, fragment_density_map_offset) """ Extension: VK\\_EXT\\_fragment\\_density\\_map Arguments: - `min_fragment_density_texel_size::Extent2D` - `max_fragment_density_texel_size::Extent2D` - `fragment_density_invocations::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapPropertiesEXT.html) """ PhysicalDeviceFragmentDensityMapPropertiesEXT(min_fragment_density_texel_size::Extent2D, max_fragment_density_texel_size::Extent2D, fragment_density_invocations::Bool; next = C_NULL) = PhysicalDeviceFragmentDensityMapPropertiesEXT(next, min_fragment_density_texel_size, max_fragment_density_texel_size, fragment_density_invocations) """ Extension: VK\\_EXT\\_fragment\\_density\\_map2 Arguments: - `subsampled_loads::Bool` - `subsampled_coarse_reconstruction_early_access::Bool` - `max_subsampled_array_layers::UInt32` - `max_descriptor_set_subsampled_samplers::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMap2PropertiesEXT.html) """ PhysicalDeviceFragmentDensityMap2PropertiesEXT(subsampled_loads::Bool, subsampled_coarse_reconstruction_early_access::Bool, max_subsampled_array_layers::Integer, max_descriptor_set_subsampled_samplers::Integer; next = C_NULL) = PhysicalDeviceFragmentDensityMap2PropertiesEXT(next, subsampled_loads, subsampled_coarse_reconstruction_early_access, max_subsampled_array_layers, max_descriptor_set_subsampled_samplers) """ Extension: VK\\_QCOM\\_fragment\\_density\\_map\\_offset Arguments: - `fragment_density_offset_granularity::Extent2D` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM.html) """ PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM(fragment_density_offset_granularity::Extent2D; next = C_NULL) = PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM(next, fragment_density_offset_granularity) """ Extension: VK\\_EXT\\_fragment\\_density\\_map Arguments: - `fragment_density_map_attachment::AttachmentReference` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassFragmentDensityMapCreateInfoEXT.html) """ RenderPassFragmentDensityMapCreateInfoEXT(fragment_density_map_attachment::AttachmentReference; next = C_NULL) = RenderPassFragmentDensityMapCreateInfoEXT(next, fragment_density_map_attachment) """ Extension: VK\\_QCOM\\_fragment\\_density\\_map\\_offset Arguments: - `fragment_density_offsets::Vector{Offset2D}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassFragmentDensityMapOffsetEndInfoQCOM.html) """ SubpassFragmentDensityMapOffsetEndInfoQCOM(fragment_density_offsets::AbstractArray; next = C_NULL) = SubpassFragmentDensityMapOffsetEndInfoQCOM(next, fragment_density_offsets) """ Arguments: - `scalar_block_layout::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceScalarBlockLayoutFeatures.html) """ PhysicalDeviceScalarBlockLayoutFeatures(scalar_block_layout::Bool; next = C_NULL) = PhysicalDeviceScalarBlockLayoutFeatures(next, scalar_block_layout) """ Extension: VK\\_KHR\\_surface\\_protected\\_capabilities Arguments: - `supports_protected::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceProtectedCapabilitiesKHR.html) """ SurfaceProtectedCapabilitiesKHR(supports_protected::Bool; next = C_NULL) = SurfaceProtectedCapabilitiesKHR(next, supports_protected) """ Arguments: - `uniform_buffer_standard_layout::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceUniformBufferStandardLayoutFeatures.html) """ PhysicalDeviceUniformBufferStandardLayoutFeatures(uniform_buffer_standard_layout::Bool; next = C_NULL) = PhysicalDeviceUniformBufferStandardLayoutFeatures(next, uniform_buffer_standard_layout) """ Extension: VK\\_EXT\\_depth\\_clip\\_enable Arguments: - `depth_clip_enable::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthClipEnableFeaturesEXT.html) """ PhysicalDeviceDepthClipEnableFeaturesEXT(depth_clip_enable::Bool; next = C_NULL) = PhysicalDeviceDepthClipEnableFeaturesEXT(next, depth_clip_enable) """ Extension: VK\\_EXT\\_depth\\_clip\\_enable Arguments: - `depth_clip_enable::Bool` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationDepthClipStateCreateInfoEXT.html) """ PipelineRasterizationDepthClipStateCreateInfoEXT(depth_clip_enable::Bool; next = C_NULL, flags = 0) = PipelineRasterizationDepthClipStateCreateInfoEXT(next, flags, depth_clip_enable) """ Extension: VK\\_EXT\\_memory\\_budget Arguments: - `heap_budget::NTuple{Int(VK_MAX_MEMORY_HEAPS), UInt64}` - `heap_usage::NTuple{Int(VK_MAX_MEMORY_HEAPS), UInt64}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryBudgetPropertiesEXT.html) """ PhysicalDeviceMemoryBudgetPropertiesEXT(heap_budget::NTuple{Int(VK_MAX_MEMORY_HEAPS), UInt64}, heap_usage::NTuple{Int(VK_MAX_MEMORY_HEAPS), UInt64}; next = C_NULL) = PhysicalDeviceMemoryBudgetPropertiesEXT(next, heap_budget, heap_usage) """ Extension: VK\\_EXT\\_memory\\_priority Arguments: - `memory_priority::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryPriorityFeaturesEXT.html) """ PhysicalDeviceMemoryPriorityFeaturesEXT(memory_priority::Bool; next = C_NULL) = PhysicalDeviceMemoryPriorityFeaturesEXT(next, memory_priority) """ Extension: VK\\_EXT\\_memory\\_priority Arguments: - `priority::Float32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryPriorityAllocateInfoEXT.html) """ MemoryPriorityAllocateInfoEXT(priority::Real; next = C_NULL) = MemoryPriorityAllocateInfoEXT(next, priority) """ Extension: VK\\_EXT\\_pageable\\_device\\_local\\_memory Arguments: - `pageable_device_local_memory::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT.html) """ PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT(pageable_device_local_memory::Bool; next = C_NULL) = PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT(next, pageable_device_local_memory) """ Arguments: - `buffer_device_address::Bool` - `buffer_device_address_capture_replay::Bool` - `buffer_device_address_multi_device::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBufferDeviceAddressFeatures.html) """ PhysicalDeviceBufferDeviceAddressFeatures(buffer_device_address::Bool, buffer_device_address_capture_replay::Bool, buffer_device_address_multi_device::Bool; next = C_NULL) = PhysicalDeviceBufferDeviceAddressFeatures(next, buffer_device_address, buffer_device_address_capture_replay, buffer_device_address_multi_device) """ Extension: VK\\_EXT\\_buffer\\_device\\_address Arguments: - `buffer_device_address::Bool` - `buffer_device_address_capture_replay::Bool` - `buffer_device_address_multi_device::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBufferDeviceAddressFeaturesEXT.html) """ PhysicalDeviceBufferDeviceAddressFeaturesEXT(buffer_device_address::Bool, buffer_device_address_capture_replay::Bool, buffer_device_address_multi_device::Bool; next = C_NULL) = PhysicalDeviceBufferDeviceAddressFeaturesEXT(next, buffer_device_address, buffer_device_address_capture_replay, buffer_device_address_multi_device) """ Arguments: - `buffer::Buffer` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferDeviceAddressInfo.html) """ BufferDeviceAddressInfo(buffer::Buffer; next = C_NULL) = BufferDeviceAddressInfo(next, buffer) """ Arguments: - `opaque_capture_address::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferOpaqueCaptureAddressCreateInfo.html) """ BufferOpaqueCaptureAddressCreateInfo(opaque_capture_address::Integer; next = C_NULL) = BufferOpaqueCaptureAddressCreateInfo(next, opaque_capture_address) """ Extension: VK\\_EXT\\_buffer\\_device\\_address Arguments: - `device_address::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferDeviceAddressCreateInfoEXT.html) """ BufferDeviceAddressCreateInfoEXT(device_address::Integer; next = C_NULL) = BufferDeviceAddressCreateInfoEXT(next, device_address) """ Extension: VK\\_EXT\\_filter\\_cubic Arguments: - `image_view_type::ImageViewType` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageViewImageFormatInfoEXT.html) """ PhysicalDeviceImageViewImageFormatInfoEXT(image_view_type::ImageViewType; next = C_NULL) = PhysicalDeviceImageViewImageFormatInfoEXT(next, image_view_type) """ Extension: VK\\_EXT\\_filter\\_cubic Arguments: - `filter_cubic::Bool` - `filter_cubic_minmax::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFilterCubicImageViewImageFormatPropertiesEXT.html) """ FilterCubicImageViewImageFormatPropertiesEXT(filter_cubic::Bool, filter_cubic_minmax::Bool; next = C_NULL) = FilterCubicImageViewImageFormatPropertiesEXT(next, filter_cubic, filter_cubic_minmax) """ Arguments: - `imageless_framebuffer::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImagelessFramebufferFeatures.html) """ PhysicalDeviceImagelessFramebufferFeatures(imageless_framebuffer::Bool; next = C_NULL) = PhysicalDeviceImagelessFramebufferFeatures(next, imageless_framebuffer) """ Arguments: - `attachment_image_infos::Vector{FramebufferAttachmentImageInfo}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferAttachmentsCreateInfo.html) """ FramebufferAttachmentsCreateInfo(attachment_image_infos::AbstractArray; next = C_NULL) = FramebufferAttachmentsCreateInfo(next, attachment_image_infos) """ Arguments: - `usage::ImageUsageFlag` - `width::UInt32` - `height::UInt32` - `layer_count::UInt32` - `view_formats::Vector{Format}` - `next::Any`: defaults to `C_NULL` - `flags::ImageCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferAttachmentImageInfo.html) """ FramebufferAttachmentImageInfo(usage::ImageUsageFlag, width::Integer, height::Integer, layer_count::Integer, view_formats::AbstractArray; next = C_NULL, flags = 0) = FramebufferAttachmentImageInfo(next, flags, usage, width, height, layer_count, view_formats) """ Arguments: - `attachments::Vector{ImageView}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassAttachmentBeginInfo.html) """ RenderPassAttachmentBeginInfo(attachments::AbstractArray; next = C_NULL) = RenderPassAttachmentBeginInfo(next, attachments) """ Arguments: - `texture_compression_astc_hdr::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTextureCompressionASTCHDRFeatures.html) """ PhysicalDeviceTextureCompressionASTCHDRFeatures(texture_compression_astc_hdr::Bool; next = C_NULL) = PhysicalDeviceTextureCompressionASTCHDRFeatures(next, texture_compression_astc_hdr) """ Extension: VK\\_NV\\_cooperative\\_matrix Arguments: - `cooperative_matrix::Bool` - `cooperative_matrix_robust_buffer_access::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCooperativeMatrixFeaturesNV.html) """ PhysicalDeviceCooperativeMatrixFeaturesNV(cooperative_matrix::Bool, cooperative_matrix_robust_buffer_access::Bool; next = C_NULL) = PhysicalDeviceCooperativeMatrixFeaturesNV(next, cooperative_matrix, cooperative_matrix_robust_buffer_access) """ Extension: VK\\_NV\\_cooperative\\_matrix Arguments: - `cooperative_matrix_supported_stages::ShaderStageFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCooperativeMatrixPropertiesNV.html) """ PhysicalDeviceCooperativeMatrixPropertiesNV(cooperative_matrix_supported_stages::ShaderStageFlag; next = C_NULL) = PhysicalDeviceCooperativeMatrixPropertiesNV(next, cooperative_matrix_supported_stages) """ Extension: VK\\_NV\\_cooperative\\_matrix Arguments: - `m_size::UInt32` - `n_size::UInt32` - `k_size::UInt32` - `a_type::ComponentTypeNV` - `b_type::ComponentTypeNV` - `c_type::ComponentTypeNV` - `d_type::ComponentTypeNV` - `scope::ScopeNV` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCooperativeMatrixPropertiesNV.html) """ CooperativeMatrixPropertiesNV(m_size::Integer, n_size::Integer, k_size::Integer, a_type::ComponentTypeNV, b_type::ComponentTypeNV, c_type::ComponentTypeNV, d_type::ComponentTypeNV, scope::ScopeNV; next = C_NULL) = CooperativeMatrixPropertiesNV(next, m_size, n_size, k_size, a_type, b_type, c_type, d_type, scope) """ Extension: VK\\_EXT\\_ycbcr\\_image\\_arrays Arguments: - `ycbcr_image_arrays::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceYcbcrImageArraysFeaturesEXT.html) """ PhysicalDeviceYcbcrImageArraysFeaturesEXT(ycbcr_image_arrays::Bool; next = C_NULL) = PhysicalDeviceYcbcrImageArraysFeaturesEXT(next, ycbcr_image_arrays) """ Extension: VK\\_NVX\\_image\\_view\\_handle Arguments: - `image_view::ImageView` - `descriptor_type::DescriptorType` - `next::Any`: defaults to `C_NULL` - `sampler::Sampler`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewHandleInfoNVX.html) """ ImageViewHandleInfoNVX(image_view::ImageView, descriptor_type::DescriptorType; next = C_NULL, sampler = C_NULL) = ImageViewHandleInfoNVX(next, image_view, descriptor_type, sampler) """ Extension: VK\\_NVX\\_image\\_view\\_handle Arguments: - `device_address::UInt64` - `size::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewAddressPropertiesNVX.html) """ ImageViewAddressPropertiesNVX(device_address::Integer, size::Integer; next = C_NULL) = ImageViewAddressPropertiesNVX(next, device_address, size) """ Arguments: - `pipeline_creation_feedback::PipelineCreationFeedback` - `pipeline_stage_creation_feedbacks::Vector{PipelineCreationFeedback}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCreationFeedbackCreateInfo.html) """ PipelineCreationFeedbackCreateInfo(pipeline_creation_feedback::PipelineCreationFeedback, pipeline_stage_creation_feedbacks::AbstractArray; next = C_NULL) = PipelineCreationFeedbackCreateInfo(next, pipeline_creation_feedback, pipeline_stage_creation_feedbacks) """ Extension: VK\\_NV\\_present\\_barrier Arguments: - `present_barrier::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePresentBarrierFeaturesNV.html) """ PhysicalDevicePresentBarrierFeaturesNV(present_barrier::Bool; next = C_NULL) = PhysicalDevicePresentBarrierFeaturesNV(next, present_barrier) """ Extension: VK\\_NV\\_present\\_barrier Arguments: - `present_barrier_supported::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilitiesPresentBarrierNV.html) """ SurfaceCapabilitiesPresentBarrierNV(present_barrier_supported::Bool; next = C_NULL) = SurfaceCapabilitiesPresentBarrierNV(next, present_barrier_supported) """ Extension: VK\\_NV\\_present\\_barrier Arguments: - `present_barrier_enable::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentBarrierCreateInfoNV.html) """ SwapchainPresentBarrierCreateInfoNV(present_barrier_enable::Bool; next = C_NULL) = SwapchainPresentBarrierCreateInfoNV(next, present_barrier_enable) """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `performance_counter_query_pools::Bool` - `performance_counter_multiple_query_pools::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePerformanceQueryFeaturesKHR.html) """ PhysicalDevicePerformanceQueryFeaturesKHR(performance_counter_query_pools::Bool, performance_counter_multiple_query_pools::Bool; next = C_NULL) = PhysicalDevicePerformanceQueryFeaturesKHR(next, performance_counter_query_pools, performance_counter_multiple_query_pools) """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `allow_command_buffer_query_copies::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePerformanceQueryPropertiesKHR.html) """ PhysicalDevicePerformanceQueryPropertiesKHR(allow_command_buffer_query_copies::Bool; next = C_NULL) = PhysicalDevicePerformanceQueryPropertiesKHR(next, allow_command_buffer_query_copies) """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `unit::PerformanceCounterUnitKHR` - `scope::PerformanceCounterScopeKHR` - `storage::PerformanceCounterStorageKHR` - `uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceCounterKHR.html) """ PerformanceCounterKHR(unit::PerformanceCounterUnitKHR, scope::PerformanceCounterScopeKHR, storage::PerformanceCounterStorageKHR, uuid::NTuple{Int(VK_UUID_SIZE), UInt8}; next = C_NULL) = PerformanceCounterKHR(next, unit, scope, storage, uuid) """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `name::String` - `category::String` - `description::String` - `next::Any`: defaults to `C_NULL` - `flags::PerformanceCounterDescriptionFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceCounterDescriptionKHR.html) """ PerformanceCounterDescriptionKHR(name::AbstractString, category::AbstractString, description::AbstractString; next = C_NULL, flags = 0) = PerformanceCounterDescriptionKHR(next, flags, name, category, description) """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `queue_family_index::UInt32` - `counter_indices::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueryPoolPerformanceCreateInfoKHR.html) """ QueryPoolPerformanceCreateInfoKHR(queue_family_index::Integer, counter_indices::AbstractArray; next = C_NULL) = QueryPoolPerformanceCreateInfoKHR(next, queue_family_index, counter_indices) """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `timeout::UInt64` - `next::Any`: defaults to `C_NULL` - `flags::AcquireProfilingLockFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAcquireProfilingLockInfoKHR.html) """ AcquireProfilingLockInfoKHR(timeout::Integer; next = C_NULL, flags = 0) = AcquireProfilingLockInfoKHR(next, flags, timeout) """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `counter_pass_index::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceQuerySubmitInfoKHR.html) """ PerformanceQuerySubmitInfoKHR(counter_pass_index::Integer; next = C_NULL) = PerformanceQuerySubmitInfoKHR(next, counter_pass_index) """ Extension: VK\\_EXT\\_headless\\_surface Arguments: - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkHeadlessSurfaceCreateInfoEXT.html) """ HeadlessSurfaceCreateInfoEXT(; next = C_NULL, flags = 0) = HeadlessSurfaceCreateInfoEXT(next, flags) """ Extension: VK\\_NV\\_coverage\\_reduction\\_mode Arguments: - `coverage_reduction_mode::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCoverageReductionModeFeaturesNV.html) """ PhysicalDeviceCoverageReductionModeFeaturesNV(coverage_reduction_mode::Bool; next = C_NULL) = PhysicalDeviceCoverageReductionModeFeaturesNV(next, coverage_reduction_mode) """ Extension: VK\\_NV\\_coverage\\_reduction\\_mode Arguments: - `coverage_reduction_mode::CoverageReductionModeNV` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCoverageReductionStateCreateInfoNV.html) """ PipelineCoverageReductionStateCreateInfoNV(coverage_reduction_mode::CoverageReductionModeNV; next = C_NULL, flags = 0) = PipelineCoverageReductionStateCreateInfoNV(next, flags, coverage_reduction_mode) """ Extension: VK\\_NV\\_coverage\\_reduction\\_mode Arguments: - `coverage_reduction_mode::CoverageReductionModeNV` - `rasterization_samples::SampleCountFlag` - `depth_stencil_samples::SampleCountFlag` - `color_samples::SampleCountFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferMixedSamplesCombinationNV.html) """ FramebufferMixedSamplesCombinationNV(coverage_reduction_mode::CoverageReductionModeNV, rasterization_samples::SampleCountFlag, depth_stencil_samples::SampleCountFlag, color_samples::SampleCountFlag; next = C_NULL) = FramebufferMixedSamplesCombinationNV(next, coverage_reduction_mode, rasterization_samples, depth_stencil_samples, color_samples) """ Extension: VK\\_INTEL\\_shader\\_integer\\_functions2 Arguments: - `shader_integer_functions_2::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL.html) """ PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL(shader_integer_functions_2::Bool; next = C_NULL) = PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL(next, shader_integer_functions_2) """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `next::Any`: defaults to `C_NULL` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkInitializePerformanceApiInfoINTEL.html) """ InitializePerformanceApiInfoINTEL(; next = C_NULL, user_data = C_NULL) = InitializePerformanceApiInfoINTEL(next, user_data) """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `performance_counters_sampling::QueryPoolSamplingModeINTEL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueryPoolPerformanceQueryCreateInfoINTEL.html) """ QueryPoolPerformanceQueryCreateInfoINTEL(performance_counters_sampling::QueryPoolSamplingModeINTEL; next = C_NULL) = QueryPoolPerformanceQueryCreateInfoINTEL(next, performance_counters_sampling) """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `marker::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceMarkerInfoINTEL.html) """ PerformanceMarkerInfoINTEL(marker::Integer; next = C_NULL) = PerformanceMarkerInfoINTEL(next, marker) """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `marker::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceStreamMarkerInfoINTEL.html) """ PerformanceStreamMarkerInfoINTEL(marker::Integer; next = C_NULL) = PerformanceStreamMarkerInfoINTEL(next, marker) """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `type::PerformanceOverrideTypeINTEL` - `enable::Bool` - `parameter::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceOverrideInfoINTEL.html) """ PerformanceOverrideInfoINTEL(type::PerformanceOverrideTypeINTEL, enable::Bool, parameter::Integer; next = C_NULL) = PerformanceOverrideInfoINTEL(next, type, enable, parameter) """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `type::PerformanceConfigurationTypeINTEL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceConfigurationAcquireInfoINTEL.html) """ PerformanceConfigurationAcquireInfoINTEL(type::PerformanceConfigurationTypeINTEL; next = C_NULL) = PerformanceConfigurationAcquireInfoINTEL(next, type) """ Extension: VK\\_KHR\\_shader\\_clock Arguments: - `shader_subgroup_clock::Bool` - `shader_device_clock::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderClockFeaturesKHR.html) """ PhysicalDeviceShaderClockFeaturesKHR(shader_subgroup_clock::Bool, shader_device_clock::Bool; next = C_NULL) = PhysicalDeviceShaderClockFeaturesKHR(next, shader_subgroup_clock, shader_device_clock) """ Extension: VK\\_EXT\\_index\\_type\\_uint8 Arguments: - `index_type_uint_8::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceIndexTypeUint8FeaturesEXT.html) """ PhysicalDeviceIndexTypeUint8FeaturesEXT(index_type_uint_8::Bool; next = C_NULL) = PhysicalDeviceIndexTypeUint8FeaturesEXT(next, index_type_uint_8) """ Extension: VK\\_NV\\_shader\\_sm\\_builtins Arguments: - `shader_sm_count::UInt32` - `shader_warps_per_sm::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSMBuiltinsPropertiesNV.html) """ PhysicalDeviceShaderSMBuiltinsPropertiesNV(shader_sm_count::Integer, shader_warps_per_sm::Integer; next = C_NULL) = PhysicalDeviceShaderSMBuiltinsPropertiesNV(next, shader_sm_count, shader_warps_per_sm) """ Extension: VK\\_NV\\_shader\\_sm\\_builtins Arguments: - `shader_sm_builtins::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSMBuiltinsFeaturesNV.html) """ PhysicalDeviceShaderSMBuiltinsFeaturesNV(shader_sm_builtins::Bool; next = C_NULL) = PhysicalDeviceShaderSMBuiltinsFeaturesNV(next, shader_sm_builtins) """ Extension: VK\\_EXT\\_fragment\\_shader\\_interlock Arguments: - `fragment_shader_sample_interlock::Bool` - `fragment_shader_pixel_interlock::Bool` - `fragment_shader_shading_rate_interlock::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT.html) """ PhysicalDeviceFragmentShaderInterlockFeaturesEXT(fragment_shader_sample_interlock::Bool, fragment_shader_pixel_interlock::Bool, fragment_shader_shading_rate_interlock::Bool; next = C_NULL) = PhysicalDeviceFragmentShaderInterlockFeaturesEXT(next, fragment_shader_sample_interlock, fragment_shader_pixel_interlock, fragment_shader_shading_rate_interlock) """ Arguments: - `separate_depth_stencil_layouts::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures.html) """ PhysicalDeviceSeparateDepthStencilLayoutsFeatures(separate_depth_stencil_layouts::Bool; next = C_NULL) = PhysicalDeviceSeparateDepthStencilLayoutsFeatures(next, separate_depth_stencil_layouts) """ Arguments: - `stencil_layout::ImageLayout` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentReferenceStencilLayout.html) """ AttachmentReferenceStencilLayout(stencil_layout::ImageLayout; next = C_NULL) = AttachmentReferenceStencilLayout(next, stencil_layout) """ Extension: VK\\_EXT\\_primitive\\_topology\\_list\\_restart Arguments: - `primitive_topology_list_restart::Bool` - `primitive_topology_patch_list_restart::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT.html) """ PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT(primitive_topology_list_restart::Bool, primitive_topology_patch_list_restart::Bool; next = C_NULL) = PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT(next, primitive_topology_list_restart, primitive_topology_patch_list_restart) """ Arguments: - `stencil_initial_layout::ImageLayout` - `stencil_final_layout::ImageLayout` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentDescriptionStencilLayout.html) """ AttachmentDescriptionStencilLayout(stencil_initial_layout::ImageLayout, stencil_final_layout::ImageLayout; next = C_NULL) = AttachmentDescriptionStencilLayout(next, stencil_initial_layout, stencil_final_layout) """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Arguments: - `pipeline_executable_info::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR.html) """ PhysicalDevicePipelineExecutablePropertiesFeaturesKHR(pipeline_executable_info::Bool; next = C_NULL) = PhysicalDevicePipelineExecutablePropertiesFeaturesKHR(next, pipeline_executable_info) """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Arguments: - `pipeline::Pipeline` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineInfoKHR.html) """ PipelineInfoKHR(pipeline::Pipeline; next = C_NULL) = PipelineInfoKHR(next, pipeline) """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Arguments: - `stages::ShaderStageFlag` - `name::String` - `description::String` - `subgroup_size::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutablePropertiesKHR.html) """ PipelineExecutablePropertiesKHR(stages::ShaderStageFlag, name::AbstractString, description::AbstractString, subgroup_size::Integer; next = C_NULL) = PipelineExecutablePropertiesKHR(next, stages, name, description, subgroup_size) """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Arguments: - `pipeline::Pipeline` - `executable_index::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableInfoKHR.html) """ PipelineExecutableInfoKHR(pipeline::Pipeline, executable_index::Integer; next = C_NULL) = PipelineExecutableInfoKHR(next, pipeline, executable_index) """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Arguments: - `name::String` - `description::String` - `format::PipelineExecutableStatisticFormatKHR` - `value::PipelineExecutableStatisticValueKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableStatisticKHR.html) """ PipelineExecutableStatisticKHR(name::AbstractString, description::AbstractString, format::PipelineExecutableStatisticFormatKHR, value::PipelineExecutableStatisticValueKHR; next = C_NULL) = PipelineExecutableStatisticKHR(next, name, description, format, value) """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Arguments: - `name::String` - `description::String` - `is_text::Bool` - `data_size::UInt` - `next::Any`: defaults to `C_NULL` - `data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableInternalRepresentationKHR.html) """ PipelineExecutableInternalRepresentationKHR(name::AbstractString, description::AbstractString, is_text::Bool, data_size::Integer; next = C_NULL, data = C_NULL) = PipelineExecutableInternalRepresentationKHR(next, name, description, is_text, data_size, data) """ Arguments: - `shader_demote_to_helper_invocation::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures.html) """ PhysicalDeviceShaderDemoteToHelperInvocationFeatures(shader_demote_to_helper_invocation::Bool; next = C_NULL) = PhysicalDeviceShaderDemoteToHelperInvocationFeatures(next, shader_demote_to_helper_invocation) """ Extension: VK\\_EXT\\_texel\\_buffer\\_alignment Arguments: - `texel_buffer_alignment::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT.html) """ PhysicalDeviceTexelBufferAlignmentFeaturesEXT(texel_buffer_alignment::Bool; next = C_NULL) = PhysicalDeviceTexelBufferAlignmentFeaturesEXT(next, texel_buffer_alignment) """ Arguments: - `storage_texel_buffer_offset_alignment_bytes::UInt64` - `storage_texel_buffer_offset_single_texel_alignment::Bool` - `uniform_texel_buffer_offset_alignment_bytes::UInt64` - `uniform_texel_buffer_offset_single_texel_alignment::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTexelBufferAlignmentProperties.html) """ PhysicalDeviceTexelBufferAlignmentProperties(storage_texel_buffer_offset_alignment_bytes::Integer, storage_texel_buffer_offset_single_texel_alignment::Bool, uniform_texel_buffer_offset_alignment_bytes::Integer, uniform_texel_buffer_offset_single_texel_alignment::Bool; next = C_NULL) = PhysicalDeviceTexelBufferAlignmentProperties(next, storage_texel_buffer_offset_alignment_bytes, storage_texel_buffer_offset_single_texel_alignment, uniform_texel_buffer_offset_alignment_bytes, uniform_texel_buffer_offset_single_texel_alignment) """ Arguments: - `subgroup_size_control::Bool` - `compute_full_subgroups::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubgroupSizeControlFeatures.html) """ PhysicalDeviceSubgroupSizeControlFeatures(subgroup_size_control::Bool, compute_full_subgroups::Bool; next = C_NULL) = PhysicalDeviceSubgroupSizeControlFeatures(next, subgroup_size_control, compute_full_subgroups) """ Arguments: - `min_subgroup_size::UInt32` - `max_subgroup_size::UInt32` - `max_compute_workgroup_subgroups::UInt32` - `required_subgroup_size_stages::ShaderStageFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubgroupSizeControlProperties.html) """ PhysicalDeviceSubgroupSizeControlProperties(min_subgroup_size::Integer, max_subgroup_size::Integer, max_compute_workgroup_subgroups::Integer, required_subgroup_size_stages::ShaderStageFlag; next = C_NULL) = PhysicalDeviceSubgroupSizeControlProperties(next, min_subgroup_size, max_subgroup_size, max_compute_workgroup_subgroups, required_subgroup_size_stages) """ Arguments: - `required_subgroup_size::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineShaderStageRequiredSubgroupSizeCreateInfo.html) """ PipelineShaderStageRequiredSubgroupSizeCreateInfo(required_subgroup_size::Integer; next = C_NULL) = PipelineShaderStageRequiredSubgroupSizeCreateInfo(next, required_subgroup_size) """ Extension: VK\\_HUAWEI\\_subpass\\_shading Arguments: - `render_pass::RenderPass` - `subpass::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassShadingPipelineCreateInfoHUAWEI.html) """ SubpassShadingPipelineCreateInfoHUAWEI(render_pass::RenderPass, subpass::Integer; next = C_NULL) = SubpassShadingPipelineCreateInfoHUAWEI(next, render_pass, subpass) """ Extension: VK\\_HUAWEI\\_subpass\\_shading Arguments: - `max_subpass_shading_workgroup_size_aspect_ratio::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubpassShadingPropertiesHUAWEI.html) """ PhysicalDeviceSubpassShadingPropertiesHUAWEI(max_subpass_shading_workgroup_size_aspect_ratio::Integer; next = C_NULL) = PhysicalDeviceSubpassShadingPropertiesHUAWEI(next, max_subpass_shading_workgroup_size_aspect_ratio) """ Extension: VK\\_HUAWEI\\_cluster\\_culling\\_shader Arguments: - `max_work_group_count::NTuple{3, UInt32}` - `max_work_group_size::NTuple{3, UInt32}` - `max_output_cluster_count::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI.html) """ PhysicalDeviceClusterCullingShaderPropertiesHUAWEI(max_work_group_count::NTuple{3, UInt32}, max_work_group_size::NTuple{3, UInt32}, max_output_cluster_count::Integer; next = C_NULL) = PhysicalDeviceClusterCullingShaderPropertiesHUAWEI(next, max_work_group_count, max_work_group_size, max_output_cluster_count) """ Arguments: - `opaque_capture_address::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryOpaqueCaptureAddressAllocateInfo.html) """ MemoryOpaqueCaptureAddressAllocateInfo(opaque_capture_address::Integer; next = C_NULL) = MemoryOpaqueCaptureAddressAllocateInfo(next, opaque_capture_address) """ Arguments: - `memory::DeviceMemory` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceMemoryOpaqueCaptureAddressInfo.html) """ DeviceMemoryOpaqueCaptureAddressInfo(memory::DeviceMemory; next = C_NULL) = DeviceMemoryOpaqueCaptureAddressInfo(next, memory) """ Extension: VK\\_EXT\\_line\\_rasterization Arguments: - `rectangular_lines::Bool` - `bresenham_lines::Bool` - `smooth_lines::Bool` - `stippled_rectangular_lines::Bool` - `stippled_bresenham_lines::Bool` - `stippled_smooth_lines::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLineRasterizationFeaturesEXT.html) """ PhysicalDeviceLineRasterizationFeaturesEXT(rectangular_lines::Bool, bresenham_lines::Bool, smooth_lines::Bool, stippled_rectangular_lines::Bool, stippled_bresenham_lines::Bool, stippled_smooth_lines::Bool; next = C_NULL) = PhysicalDeviceLineRasterizationFeaturesEXT(next, rectangular_lines, bresenham_lines, smooth_lines, stippled_rectangular_lines, stippled_bresenham_lines, stippled_smooth_lines) """ Extension: VK\\_EXT\\_line\\_rasterization Arguments: - `line_sub_pixel_precision_bits::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLineRasterizationPropertiesEXT.html) """ PhysicalDeviceLineRasterizationPropertiesEXT(line_sub_pixel_precision_bits::Integer; next = C_NULL) = PhysicalDeviceLineRasterizationPropertiesEXT(next, line_sub_pixel_precision_bits) """ Extension: VK\\_EXT\\_line\\_rasterization Arguments: - `line_rasterization_mode::LineRasterizationModeEXT` - `stippled_line_enable::Bool` - `line_stipple_factor::UInt32` - `line_stipple_pattern::UInt16` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationLineStateCreateInfoEXT.html) """ PipelineRasterizationLineStateCreateInfoEXT(line_rasterization_mode::LineRasterizationModeEXT, stippled_line_enable::Bool, line_stipple_factor::Integer, line_stipple_pattern::Integer; next = C_NULL) = PipelineRasterizationLineStateCreateInfoEXT(next, line_rasterization_mode, stippled_line_enable, line_stipple_factor, line_stipple_pattern) """ Arguments: - `pipeline_creation_cache_control::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineCreationCacheControlFeatures.html) """ PhysicalDevicePipelineCreationCacheControlFeatures(pipeline_creation_cache_control::Bool; next = C_NULL) = PhysicalDevicePipelineCreationCacheControlFeatures(next, pipeline_creation_cache_control) """ Arguments: - `storage_buffer_16_bit_access::Bool` - `uniform_and_storage_buffer_16_bit_access::Bool` - `storage_push_constant_16::Bool` - `storage_input_output_16::Bool` - `multiview::Bool` - `multiview_geometry_shader::Bool` - `multiview_tessellation_shader::Bool` - `variable_pointers_storage_buffer::Bool` - `variable_pointers::Bool` - `protected_memory::Bool` - `sampler_ycbcr_conversion::Bool` - `shader_draw_parameters::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan11Features.html) """ PhysicalDeviceVulkan11Features(storage_buffer_16_bit_access::Bool, uniform_and_storage_buffer_16_bit_access::Bool, storage_push_constant_16::Bool, storage_input_output_16::Bool, multiview::Bool, multiview_geometry_shader::Bool, multiview_tessellation_shader::Bool, variable_pointers_storage_buffer::Bool, variable_pointers::Bool, protected_memory::Bool, sampler_ycbcr_conversion::Bool, shader_draw_parameters::Bool; next = C_NULL) = PhysicalDeviceVulkan11Features(next, storage_buffer_16_bit_access, uniform_and_storage_buffer_16_bit_access, storage_push_constant_16, storage_input_output_16, multiview, multiview_geometry_shader, multiview_tessellation_shader, variable_pointers_storage_buffer, variable_pointers, protected_memory, sampler_ycbcr_conversion, shader_draw_parameters) """ Arguments: - `device_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `driver_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `device_luid::NTuple{Int(VK_LUID_SIZE), UInt8}` - `device_node_mask::UInt32` - `device_luid_valid::Bool` - `subgroup_size::UInt32` - `subgroup_supported_stages::ShaderStageFlag` - `subgroup_supported_operations::SubgroupFeatureFlag` - `subgroup_quad_operations_in_all_stages::Bool` - `point_clipping_behavior::PointClippingBehavior` - `max_multiview_view_count::UInt32` - `max_multiview_instance_index::UInt32` - `protected_no_fault::Bool` - `max_per_set_descriptors::UInt32` - `max_memory_allocation_size::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan11Properties.html) """ PhysicalDeviceVulkan11Properties(device_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}, driver_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}, device_luid::NTuple{Int(VK_LUID_SIZE), UInt8}, device_node_mask::Integer, device_luid_valid::Bool, subgroup_size::Integer, subgroup_supported_stages::ShaderStageFlag, subgroup_supported_operations::SubgroupFeatureFlag, subgroup_quad_operations_in_all_stages::Bool, point_clipping_behavior::PointClippingBehavior, max_multiview_view_count::Integer, max_multiview_instance_index::Integer, protected_no_fault::Bool, max_per_set_descriptors::Integer, max_memory_allocation_size::Integer; next = C_NULL) = PhysicalDeviceVulkan11Properties(next, device_uuid, driver_uuid, device_luid, device_node_mask, device_luid_valid, subgroup_size, subgroup_supported_stages, subgroup_supported_operations, subgroup_quad_operations_in_all_stages, point_clipping_behavior, max_multiview_view_count, max_multiview_instance_index, protected_no_fault, max_per_set_descriptors, max_memory_allocation_size) """ Arguments: - `sampler_mirror_clamp_to_edge::Bool` - `draw_indirect_count::Bool` - `storage_buffer_8_bit_access::Bool` - `uniform_and_storage_buffer_8_bit_access::Bool` - `storage_push_constant_8::Bool` - `shader_buffer_int_64_atomics::Bool` - `shader_shared_int_64_atomics::Bool` - `shader_float_16::Bool` - `shader_int_8::Bool` - `descriptor_indexing::Bool` - `shader_input_attachment_array_dynamic_indexing::Bool` - `shader_uniform_texel_buffer_array_dynamic_indexing::Bool` - `shader_storage_texel_buffer_array_dynamic_indexing::Bool` - `shader_uniform_buffer_array_non_uniform_indexing::Bool` - `shader_sampled_image_array_non_uniform_indexing::Bool` - `shader_storage_buffer_array_non_uniform_indexing::Bool` - `shader_storage_image_array_non_uniform_indexing::Bool` - `shader_input_attachment_array_non_uniform_indexing::Bool` - `shader_uniform_texel_buffer_array_non_uniform_indexing::Bool` - `shader_storage_texel_buffer_array_non_uniform_indexing::Bool` - `descriptor_binding_uniform_buffer_update_after_bind::Bool` - `descriptor_binding_sampled_image_update_after_bind::Bool` - `descriptor_binding_storage_image_update_after_bind::Bool` - `descriptor_binding_storage_buffer_update_after_bind::Bool` - `descriptor_binding_uniform_texel_buffer_update_after_bind::Bool` - `descriptor_binding_storage_texel_buffer_update_after_bind::Bool` - `descriptor_binding_update_unused_while_pending::Bool` - `descriptor_binding_partially_bound::Bool` - `descriptor_binding_variable_descriptor_count::Bool` - `runtime_descriptor_array::Bool` - `sampler_filter_minmax::Bool` - `scalar_block_layout::Bool` - `imageless_framebuffer::Bool` - `uniform_buffer_standard_layout::Bool` - `shader_subgroup_extended_types::Bool` - `separate_depth_stencil_layouts::Bool` - `host_query_reset::Bool` - `timeline_semaphore::Bool` - `buffer_device_address::Bool` - `buffer_device_address_capture_replay::Bool` - `buffer_device_address_multi_device::Bool` - `vulkan_memory_model::Bool` - `vulkan_memory_model_device_scope::Bool` - `vulkan_memory_model_availability_visibility_chains::Bool` - `shader_output_viewport_index::Bool` - `shader_output_layer::Bool` - `subgroup_broadcast_dynamic_id::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan12Features.html) """ PhysicalDeviceVulkan12Features(sampler_mirror_clamp_to_edge::Bool, draw_indirect_count::Bool, storage_buffer_8_bit_access::Bool, uniform_and_storage_buffer_8_bit_access::Bool, storage_push_constant_8::Bool, shader_buffer_int_64_atomics::Bool, shader_shared_int_64_atomics::Bool, shader_float_16::Bool, shader_int_8::Bool, descriptor_indexing::Bool, shader_input_attachment_array_dynamic_indexing::Bool, shader_uniform_texel_buffer_array_dynamic_indexing::Bool, shader_storage_texel_buffer_array_dynamic_indexing::Bool, shader_uniform_buffer_array_non_uniform_indexing::Bool, shader_sampled_image_array_non_uniform_indexing::Bool, shader_storage_buffer_array_non_uniform_indexing::Bool, shader_storage_image_array_non_uniform_indexing::Bool, shader_input_attachment_array_non_uniform_indexing::Bool, shader_uniform_texel_buffer_array_non_uniform_indexing::Bool, shader_storage_texel_buffer_array_non_uniform_indexing::Bool, descriptor_binding_uniform_buffer_update_after_bind::Bool, descriptor_binding_sampled_image_update_after_bind::Bool, descriptor_binding_storage_image_update_after_bind::Bool, descriptor_binding_storage_buffer_update_after_bind::Bool, descriptor_binding_uniform_texel_buffer_update_after_bind::Bool, descriptor_binding_storage_texel_buffer_update_after_bind::Bool, descriptor_binding_update_unused_while_pending::Bool, descriptor_binding_partially_bound::Bool, descriptor_binding_variable_descriptor_count::Bool, runtime_descriptor_array::Bool, sampler_filter_minmax::Bool, scalar_block_layout::Bool, imageless_framebuffer::Bool, uniform_buffer_standard_layout::Bool, shader_subgroup_extended_types::Bool, separate_depth_stencil_layouts::Bool, host_query_reset::Bool, timeline_semaphore::Bool, buffer_device_address::Bool, buffer_device_address_capture_replay::Bool, buffer_device_address_multi_device::Bool, vulkan_memory_model::Bool, vulkan_memory_model_device_scope::Bool, vulkan_memory_model_availability_visibility_chains::Bool, shader_output_viewport_index::Bool, shader_output_layer::Bool, subgroup_broadcast_dynamic_id::Bool; next = C_NULL) = PhysicalDeviceVulkan12Features(next, sampler_mirror_clamp_to_edge, draw_indirect_count, storage_buffer_8_bit_access, uniform_and_storage_buffer_8_bit_access, storage_push_constant_8, shader_buffer_int_64_atomics, shader_shared_int_64_atomics, shader_float_16, shader_int_8, descriptor_indexing, shader_input_attachment_array_dynamic_indexing, shader_uniform_texel_buffer_array_dynamic_indexing, shader_storage_texel_buffer_array_dynamic_indexing, shader_uniform_buffer_array_non_uniform_indexing, shader_sampled_image_array_non_uniform_indexing, shader_storage_buffer_array_non_uniform_indexing, shader_storage_image_array_non_uniform_indexing, shader_input_attachment_array_non_uniform_indexing, shader_uniform_texel_buffer_array_non_uniform_indexing, shader_storage_texel_buffer_array_non_uniform_indexing, descriptor_binding_uniform_buffer_update_after_bind, descriptor_binding_sampled_image_update_after_bind, descriptor_binding_storage_image_update_after_bind, descriptor_binding_storage_buffer_update_after_bind, descriptor_binding_uniform_texel_buffer_update_after_bind, descriptor_binding_storage_texel_buffer_update_after_bind, descriptor_binding_update_unused_while_pending, descriptor_binding_partially_bound, descriptor_binding_variable_descriptor_count, runtime_descriptor_array, sampler_filter_minmax, scalar_block_layout, imageless_framebuffer, uniform_buffer_standard_layout, shader_subgroup_extended_types, separate_depth_stencil_layouts, host_query_reset, timeline_semaphore, buffer_device_address, buffer_device_address_capture_replay, buffer_device_address_multi_device, vulkan_memory_model, vulkan_memory_model_device_scope, vulkan_memory_model_availability_visibility_chains, shader_output_viewport_index, shader_output_layer, subgroup_broadcast_dynamic_id) """ Arguments: - `driver_id::DriverId` - `driver_name::String` - `driver_info::String` - `conformance_version::ConformanceVersion` - `denorm_behavior_independence::ShaderFloatControlsIndependence` - `rounding_mode_independence::ShaderFloatControlsIndependence` - `shader_signed_zero_inf_nan_preserve_float_16::Bool` - `shader_signed_zero_inf_nan_preserve_float_32::Bool` - `shader_signed_zero_inf_nan_preserve_float_64::Bool` - `shader_denorm_preserve_float_16::Bool` - `shader_denorm_preserve_float_32::Bool` - `shader_denorm_preserve_float_64::Bool` - `shader_denorm_flush_to_zero_float_16::Bool` - `shader_denorm_flush_to_zero_float_32::Bool` - `shader_denorm_flush_to_zero_float_64::Bool` - `shader_rounding_mode_rte_float_16::Bool` - `shader_rounding_mode_rte_float_32::Bool` - `shader_rounding_mode_rte_float_64::Bool` - `shader_rounding_mode_rtz_float_16::Bool` - `shader_rounding_mode_rtz_float_32::Bool` - `shader_rounding_mode_rtz_float_64::Bool` - `max_update_after_bind_descriptors_in_all_pools::UInt32` - `shader_uniform_buffer_array_non_uniform_indexing_native::Bool` - `shader_sampled_image_array_non_uniform_indexing_native::Bool` - `shader_storage_buffer_array_non_uniform_indexing_native::Bool` - `shader_storage_image_array_non_uniform_indexing_native::Bool` - `shader_input_attachment_array_non_uniform_indexing_native::Bool` - `robust_buffer_access_update_after_bind::Bool` - `quad_divergent_implicit_lod::Bool` - `max_per_stage_descriptor_update_after_bind_samplers::UInt32` - `max_per_stage_descriptor_update_after_bind_uniform_buffers::UInt32` - `max_per_stage_descriptor_update_after_bind_storage_buffers::UInt32` - `max_per_stage_descriptor_update_after_bind_sampled_images::UInt32` - `max_per_stage_descriptor_update_after_bind_storage_images::UInt32` - `max_per_stage_descriptor_update_after_bind_input_attachments::UInt32` - `max_per_stage_update_after_bind_resources::UInt32` - `max_descriptor_set_update_after_bind_samplers::UInt32` - `max_descriptor_set_update_after_bind_uniform_buffers::UInt32` - `max_descriptor_set_update_after_bind_uniform_buffers_dynamic::UInt32` - `max_descriptor_set_update_after_bind_storage_buffers::UInt32` - `max_descriptor_set_update_after_bind_storage_buffers_dynamic::UInt32` - `max_descriptor_set_update_after_bind_sampled_images::UInt32` - `max_descriptor_set_update_after_bind_storage_images::UInt32` - `max_descriptor_set_update_after_bind_input_attachments::UInt32` - `supported_depth_resolve_modes::ResolveModeFlag` - `supported_stencil_resolve_modes::ResolveModeFlag` - `independent_resolve_none::Bool` - `independent_resolve::Bool` - `filter_minmax_single_component_formats::Bool` - `filter_minmax_image_component_mapping::Bool` - `max_timeline_semaphore_value_difference::UInt64` - `next::Any`: defaults to `C_NULL` - `framebuffer_integer_color_sample_counts::SampleCountFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan12Properties.html) """ PhysicalDeviceVulkan12Properties(driver_id::DriverId, driver_name::AbstractString, driver_info::AbstractString, conformance_version::ConformanceVersion, denorm_behavior_independence::ShaderFloatControlsIndependence, rounding_mode_independence::ShaderFloatControlsIndependence, shader_signed_zero_inf_nan_preserve_float_16::Bool, shader_signed_zero_inf_nan_preserve_float_32::Bool, shader_signed_zero_inf_nan_preserve_float_64::Bool, shader_denorm_preserve_float_16::Bool, shader_denorm_preserve_float_32::Bool, shader_denorm_preserve_float_64::Bool, shader_denorm_flush_to_zero_float_16::Bool, shader_denorm_flush_to_zero_float_32::Bool, shader_denorm_flush_to_zero_float_64::Bool, shader_rounding_mode_rte_float_16::Bool, shader_rounding_mode_rte_float_32::Bool, shader_rounding_mode_rte_float_64::Bool, shader_rounding_mode_rtz_float_16::Bool, shader_rounding_mode_rtz_float_32::Bool, shader_rounding_mode_rtz_float_64::Bool, max_update_after_bind_descriptors_in_all_pools::Integer, shader_uniform_buffer_array_non_uniform_indexing_native::Bool, shader_sampled_image_array_non_uniform_indexing_native::Bool, shader_storage_buffer_array_non_uniform_indexing_native::Bool, shader_storage_image_array_non_uniform_indexing_native::Bool, shader_input_attachment_array_non_uniform_indexing_native::Bool, robust_buffer_access_update_after_bind::Bool, quad_divergent_implicit_lod::Bool, max_per_stage_descriptor_update_after_bind_samplers::Integer, max_per_stage_descriptor_update_after_bind_uniform_buffers::Integer, max_per_stage_descriptor_update_after_bind_storage_buffers::Integer, max_per_stage_descriptor_update_after_bind_sampled_images::Integer, max_per_stage_descriptor_update_after_bind_storage_images::Integer, max_per_stage_descriptor_update_after_bind_input_attachments::Integer, max_per_stage_update_after_bind_resources::Integer, max_descriptor_set_update_after_bind_samplers::Integer, max_descriptor_set_update_after_bind_uniform_buffers::Integer, max_descriptor_set_update_after_bind_uniform_buffers_dynamic::Integer, max_descriptor_set_update_after_bind_storage_buffers::Integer, max_descriptor_set_update_after_bind_storage_buffers_dynamic::Integer, max_descriptor_set_update_after_bind_sampled_images::Integer, max_descriptor_set_update_after_bind_storage_images::Integer, max_descriptor_set_update_after_bind_input_attachments::Integer, supported_depth_resolve_modes::ResolveModeFlag, supported_stencil_resolve_modes::ResolveModeFlag, independent_resolve_none::Bool, independent_resolve::Bool, filter_minmax_single_component_formats::Bool, filter_minmax_image_component_mapping::Bool, max_timeline_semaphore_value_difference::Integer; next = C_NULL, framebuffer_integer_color_sample_counts = 0) = PhysicalDeviceVulkan12Properties(next, driver_id, driver_name, driver_info, conformance_version, denorm_behavior_independence, rounding_mode_independence, shader_signed_zero_inf_nan_preserve_float_16, shader_signed_zero_inf_nan_preserve_float_32, shader_signed_zero_inf_nan_preserve_float_64, shader_denorm_preserve_float_16, shader_denorm_preserve_float_32, shader_denorm_preserve_float_64, shader_denorm_flush_to_zero_float_16, shader_denorm_flush_to_zero_float_32, shader_denorm_flush_to_zero_float_64, shader_rounding_mode_rte_float_16, shader_rounding_mode_rte_float_32, shader_rounding_mode_rte_float_64, shader_rounding_mode_rtz_float_16, shader_rounding_mode_rtz_float_32, shader_rounding_mode_rtz_float_64, max_update_after_bind_descriptors_in_all_pools, shader_uniform_buffer_array_non_uniform_indexing_native, shader_sampled_image_array_non_uniform_indexing_native, shader_storage_buffer_array_non_uniform_indexing_native, shader_storage_image_array_non_uniform_indexing_native, shader_input_attachment_array_non_uniform_indexing_native, robust_buffer_access_update_after_bind, quad_divergent_implicit_lod, max_per_stage_descriptor_update_after_bind_samplers, max_per_stage_descriptor_update_after_bind_uniform_buffers, max_per_stage_descriptor_update_after_bind_storage_buffers, max_per_stage_descriptor_update_after_bind_sampled_images, max_per_stage_descriptor_update_after_bind_storage_images, max_per_stage_descriptor_update_after_bind_input_attachments, max_per_stage_update_after_bind_resources, max_descriptor_set_update_after_bind_samplers, max_descriptor_set_update_after_bind_uniform_buffers, max_descriptor_set_update_after_bind_uniform_buffers_dynamic, max_descriptor_set_update_after_bind_storage_buffers, max_descriptor_set_update_after_bind_storage_buffers_dynamic, max_descriptor_set_update_after_bind_sampled_images, max_descriptor_set_update_after_bind_storage_images, max_descriptor_set_update_after_bind_input_attachments, supported_depth_resolve_modes, supported_stencil_resolve_modes, independent_resolve_none, independent_resolve, filter_minmax_single_component_formats, filter_minmax_image_component_mapping, max_timeline_semaphore_value_difference, framebuffer_integer_color_sample_counts) """ Arguments: - `robust_image_access::Bool` - `inline_uniform_block::Bool` - `descriptor_binding_inline_uniform_block_update_after_bind::Bool` - `pipeline_creation_cache_control::Bool` - `private_data::Bool` - `shader_demote_to_helper_invocation::Bool` - `shader_terminate_invocation::Bool` - `subgroup_size_control::Bool` - `compute_full_subgroups::Bool` - `synchronization2::Bool` - `texture_compression_astc_hdr::Bool` - `shader_zero_initialize_workgroup_memory::Bool` - `dynamic_rendering::Bool` - `shader_integer_dot_product::Bool` - `maintenance4::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan13Features.html) """ PhysicalDeviceVulkan13Features(robust_image_access::Bool, inline_uniform_block::Bool, descriptor_binding_inline_uniform_block_update_after_bind::Bool, pipeline_creation_cache_control::Bool, private_data::Bool, shader_demote_to_helper_invocation::Bool, shader_terminate_invocation::Bool, subgroup_size_control::Bool, compute_full_subgroups::Bool, synchronization2::Bool, texture_compression_astc_hdr::Bool, shader_zero_initialize_workgroup_memory::Bool, dynamic_rendering::Bool, shader_integer_dot_product::Bool, maintenance4::Bool; next = C_NULL) = PhysicalDeviceVulkan13Features(next, robust_image_access, inline_uniform_block, descriptor_binding_inline_uniform_block_update_after_bind, pipeline_creation_cache_control, private_data, shader_demote_to_helper_invocation, shader_terminate_invocation, subgroup_size_control, compute_full_subgroups, synchronization2, texture_compression_astc_hdr, shader_zero_initialize_workgroup_memory, dynamic_rendering, shader_integer_dot_product, maintenance4) """ Arguments: - `min_subgroup_size::UInt32` - `max_subgroup_size::UInt32` - `max_compute_workgroup_subgroups::UInt32` - `required_subgroup_size_stages::ShaderStageFlag` - `max_inline_uniform_block_size::UInt32` - `max_per_stage_descriptor_inline_uniform_blocks::UInt32` - `max_per_stage_descriptor_update_after_bind_inline_uniform_blocks::UInt32` - `max_descriptor_set_inline_uniform_blocks::UInt32` - `max_descriptor_set_update_after_bind_inline_uniform_blocks::UInt32` - `max_inline_uniform_total_size::UInt32` - `integer_dot_product_8_bit_unsigned_accelerated::Bool` - `integer_dot_product_8_bit_signed_accelerated::Bool` - `integer_dot_product_8_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_8_bit_packed_unsigned_accelerated::Bool` - `integer_dot_product_8_bit_packed_signed_accelerated::Bool` - `integer_dot_product_8_bit_packed_mixed_signedness_accelerated::Bool` - `integer_dot_product_16_bit_unsigned_accelerated::Bool` - `integer_dot_product_16_bit_signed_accelerated::Bool` - `integer_dot_product_16_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_32_bit_unsigned_accelerated::Bool` - `integer_dot_product_32_bit_signed_accelerated::Bool` - `integer_dot_product_32_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_64_bit_unsigned_accelerated::Bool` - `integer_dot_product_64_bit_signed_accelerated::Bool` - `integer_dot_product_64_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_16_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_32_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_64_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated::Bool` - `storage_texel_buffer_offset_alignment_bytes::UInt64` - `storage_texel_buffer_offset_single_texel_alignment::Bool` - `uniform_texel_buffer_offset_alignment_bytes::UInt64` - `uniform_texel_buffer_offset_single_texel_alignment::Bool` - `max_buffer_size::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan13Properties.html) """ PhysicalDeviceVulkan13Properties(min_subgroup_size::Integer, max_subgroup_size::Integer, max_compute_workgroup_subgroups::Integer, required_subgroup_size_stages::ShaderStageFlag, max_inline_uniform_block_size::Integer, max_per_stage_descriptor_inline_uniform_blocks::Integer, max_per_stage_descriptor_update_after_bind_inline_uniform_blocks::Integer, max_descriptor_set_inline_uniform_blocks::Integer, max_descriptor_set_update_after_bind_inline_uniform_blocks::Integer, max_inline_uniform_total_size::Integer, integer_dot_product_8_bit_unsigned_accelerated::Bool, integer_dot_product_8_bit_signed_accelerated::Bool, integer_dot_product_8_bit_mixed_signedness_accelerated::Bool, integer_dot_product_8_bit_packed_unsigned_accelerated::Bool, integer_dot_product_8_bit_packed_signed_accelerated::Bool, integer_dot_product_8_bit_packed_mixed_signedness_accelerated::Bool, integer_dot_product_16_bit_unsigned_accelerated::Bool, integer_dot_product_16_bit_signed_accelerated::Bool, integer_dot_product_16_bit_mixed_signedness_accelerated::Bool, integer_dot_product_32_bit_unsigned_accelerated::Bool, integer_dot_product_32_bit_signed_accelerated::Bool, integer_dot_product_32_bit_mixed_signedness_accelerated::Bool, integer_dot_product_64_bit_unsigned_accelerated::Bool, integer_dot_product_64_bit_signed_accelerated::Bool, integer_dot_product_64_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_16_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_32_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_64_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated::Bool, storage_texel_buffer_offset_alignment_bytes::Integer, storage_texel_buffer_offset_single_texel_alignment::Bool, uniform_texel_buffer_offset_alignment_bytes::Integer, uniform_texel_buffer_offset_single_texel_alignment::Bool, max_buffer_size::Integer; next = C_NULL) = PhysicalDeviceVulkan13Properties(next, min_subgroup_size, max_subgroup_size, max_compute_workgroup_subgroups, required_subgroup_size_stages, max_inline_uniform_block_size, max_per_stage_descriptor_inline_uniform_blocks, max_per_stage_descriptor_update_after_bind_inline_uniform_blocks, max_descriptor_set_inline_uniform_blocks, max_descriptor_set_update_after_bind_inline_uniform_blocks, max_inline_uniform_total_size, integer_dot_product_8_bit_unsigned_accelerated, integer_dot_product_8_bit_signed_accelerated, integer_dot_product_8_bit_mixed_signedness_accelerated, integer_dot_product_8_bit_packed_unsigned_accelerated, integer_dot_product_8_bit_packed_signed_accelerated, integer_dot_product_8_bit_packed_mixed_signedness_accelerated, integer_dot_product_16_bit_unsigned_accelerated, integer_dot_product_16_bit_signed_accelerated, integer_dot_product_16_bit_mixed_signedness_accelerated, integer_dot_product_32_bit_unsigned_accelerated, integer_dot_product_32_bit_signed_accelerated, integer_dot_product_32_bit_mixed_signedness_accelerated, integer_dot_product_64_bit_unsigned_accelerated, integer_dot_product_64_bit_signed_accelerated, integer_dot_product_64_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_8_bit_signed_accelerated, integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated, integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated, integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_16_bit_signed_accelerated, integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_32_bit_signed_accelerated, integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_64_bit_signed_accelerated, integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated, storage_texel_buffer_offset_alignment_bytes, storage_texel_buffer_offset_single_texel_alignment, uniform_texel_buffer_offset_alignment_bytes, uniform_texel_buffer_offset_single_texel_alignment, max_buffer_size) """ Extension: VK\\_AMD\\_pipeline\\_compiler\\_control Arguments: - `next::Any`: defaults to `C_NULL` - `compiler_control_flags::PipelineCompilerControlFlagAMD`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCompilerControlCreateInfoAMD.html) """ PipelineCompilerControlCreateInfoAMD(; next = C_NULL, compiler_control_flags = 0) = PipelineCompilerControlCreateInfoAMD(next, compiler_control_flags) """ Extension: VK\\_AMD\\_device\\_coherent\\_memory Arguments: - `device_coherent_memory::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCoherentMemoryFeaturesAMD.html) """ PhysicalDeviceCoherentMemoryFeaturesAMD(device_coherent_memory::Bool; next = C_NULL) = PhysicalDeviceCoherentMemoryFeaturesAMD(next, device_coherent_memory) """ Arguments: - `name::String` - `version::String` - `purposes::ToolPurposeFlag` - `description::String` - `layer::String` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceToolProperties.html) """ PhysicalDeviceToolProperties(name::AbstractString, version::AbstractString, purposes::ToolPurposeFlag, description::AbstractString, layer::AbstractString; next = C_NULL) = PhysicalDeviceToolProperties(next, name, version, purposes, description, layer) """ Extension: VK\\_EXT\\_custom\\_border\\_color Arguments: - `custom_border_color::ClearColorValue` - `format::Format` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerCustomBorderColorCreateInfoEXT.html) """ SamplerCustomBorderColorCreateInfoEXT(custom_border_color::ClearColorValue, format::Format; next = C_NULL) = SamplerCustomBorderColorCreateInfoEXT(next, custom_border_color, format) """ Extension: VK\\_EXT\\_custom\\_border\\_color Arguments: - `max_custom_border_color_samplers::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCustomBorderColorPropertiesEXT.html) """ PhysicalDeviceCustomBorderColorPropertiesEXT(max_custom_border_color_samplers::Integer; next = C_NULL) = PhysicalDeviceCustomBorderColorPropertiesEXT(next, max_custom_border_color_samplers) """ Extension: VK\\_EXT\\_custom\\_border\\_color Arguments: - `custom_border_colors::Bool` - `custom_border_color_without_format::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCustomBorderColorFeaturesEXT.html) """ PhysicalDeviceCustomBorderColorFeaturesEXT(custom_border_colors::Bool, custom_border_color_without_format::Bool; next = C_NULL) = PhysicalDeviceCustomBorderColorFeaturesEXT(next, custom_border_colors, custom_border_color_without_format) """ Extension: VK\\_EXT\\_border\\_color\\_swizzle Arguments: - `components::ComponentMapping` - `srgb::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerBorderColorComponentMappingCreateInfoEXT.html) """ SamplerBorderColorComponentMappingCreateInfoEXT(components::ComponentMapping, srgb::Bool; next = C_NULL) = SamplerBorderColorComponentMappingCreateInfoEXT(next, components, srgb) """ Extension: VK\\_EXT\\_border\\_color\\_swizzle Arguments: - `border_color_swizzle::Bool` - `border_color_swizzle_from_image::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBorderColorSwizzleFeaturesEXT.html) """ PhysicalDeviceBorderColorSwizzleFeaturesEXT(border_color_swizzle::Bool, border_color_swizzle_from_image::Bool; next = C_NULL) = PhysicalDeviceBorderColorSwizzleFeaturesEXT(next, border_color_swizzle, border_color_swizzle_from_image) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `vertex_format::Format` - `vertex_data::DeviceOrHostAddressConstKHR` - `vertex_stride::UInt64` - `max_vertex::UInt32` - `index_type::IndexType` - `index_data::DeviceOrHostAddressConstKHR` - `transform_data::DeviceOrHostAddressConstKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryTrianglesDataKHR.html) """ AccelerationStructureGeometryTrianglesDataKHR(vertex_format::Format, vertex_data::DeviceOrHostAddressConstKHR, vertex_stride::Integer, max_vertex::Integer, index_type::IndexType, index_data::DeviceOrHostAddressConstKHR, transform_data::DeviceOrHostAddressConstKHR; next = C_NULL) = AccelerationStructureGeometryTrianglesDataKHR(next, vertex_format, vertex_data, vertex_stride, max_vertex, index_type, index_data, transform_data) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `data::DeviceOrHostAddressConstKHR` - `stride::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryAabbsDataKHR.html) """ AccelerationStructureGeometryAabbsDataKHR(data::DeviceOrHostAddressConstKHR, stride::Integer; next = C_NULL) = AccelerationStructureGeometryAabbsDataKHR(next, data, stride) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `array_of_pointers::Bool` - `data::DeviceOrHostAddressConstKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryInstancesDataKHR.html) """ AccelerationStructureGeometryInstancesDataKHR(array_of_pointers::Bool, data::DeviceOrHostAddressConstKHR; next = C_NULL) = AccelerationStructureGeometryInstancesDataKHR(next, array_of_pointers, data) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `geometry_type::GeometryTypeKHR` - `geometry::AccelerationStructureGeometryDataKHR` - `next::Any`: defaults to `C_NULL` - `flags::GeometryFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryKHR.html) """ AccelerationStructureGeometryKHR(geometry_type::GeometryTypeKHR, geometry::AccelerationStructureGeometryDataKHR; next = C_NULL, flags = 0) = AccelerationStructureGeometryKHR(next, geometry_type, geometry, flags) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `type::AccelerationStructureTypeKHR` - `mode::BuildAccelerationStructureModeKHR` - `scratch_data::DeviceOrHostAddressKHR` - `next::Any`: defaults to `C_NULL` - `flags::BuildAccelerationStructureFlagKHR`: defaults to `0` - `src_acceleration_structure::AccelerationStructureKHR`: defaults to `C_NULL` - `dst_acceleration_structure::AccelerationStructureKHR`: defaults to `C_NULL` - `geometries::Vector{AccelerationStructureGeometryKHR}`: defaults to `C_NULL` - `geometries_2::Vector{AccelerationStructureGeometryKHR}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureBuildGeometryInfoKHR.html) """ AccelerationStructureBuildGeometryInfoKHR(type::AccelerationStructureTypeKHR, mode::BuildAccelerationStructureModeKHR, scratch_data::DeviceOrHostAddressKHR; next = C_NULL, flags = 0, src_acceleration_structure = C_NULL, dst_acceleration_structure = C_NULL, geometries = C_NULL, geometries_2 = C_NULL) = AccelerationStructureBuildGeometryInfoKHR(next, type, flags, mode, src_acceleration_structure, dst_acceleration_structure, geometries, geometries_2, scratch_data) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `type::AccelerationStructureTypeKHR` - `next::Any`: defaults to `C_NULL` - `create_flags::AccelerationStructureCreateFlagKHR`: defaults to `0` - `device_address::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureCreateInfoKHR.html) """ AccelerationStructureCreateInfoKHR(buffer::Buffer, offset::Integer, size::Integer, type::AccelerationStructureTypeKHR; next = C_NULL, create_flags = 0, device_address = 0) = AccelerationStructureCreateInfoKHR(next, create_flags, buffer, offset, size, type, device_address) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `transform::TransformMatrixKHR` - `instance_custom_index::UInt32` - `mask::UInt32` - `instance_shader_binding_table_record_offset::UInt32` - `acceleration_structure_reference::UInt64` - `flags::GeometryInstanceFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureInstanceKHR.html) """ AccelerationStructureInstanceKHR(transform::TransformMatrixKHR, instance_custom_index::Integer, mask::Integer, instance_shader_binding_table_record_offset::Integer, acceleration_structure_reference::Integer; flags = 0) = AccelerationStructureInstanceKHR(transform, instance_custom_index, mask, instance_shader_binding_table_record_offset, flags, acceleration_structure_reference) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `acceleration_structure::AccelerationStructureKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureDeviceAddressInfoKHR.html) """ AccelerationStructureDeviceAddressInfoKHR(acceleration_structure::AccelerationStructureKHR; next = C_NULL) = AccelerationStructureDeviceAddressInfoKHR(next, acceleration_structure) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `version_data::Vector{UInt8}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureVersionInfoKHR.html) """ AccelerationStructureVersionInfoKHR(version_data::AbstractArray; next = C_NULL) = AccelerationStructureVersionInfoKHR(next, version_data) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `src::AccelerationStructureKHR` - `dst::AccelerationStructureKHR` - `mode::CopyAccelerationStructureModeKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyAccelerationStructureInfoKHR.html) """ CopyAccelerationStructureInfoKHR(src::AccelerationStructureKHR, dst::AccelerationStructureKHR, mode::CopyAccelerationStructureModeKHR; next = C_NULL) = CopyAccelerationStructureInfoKHR(next, src, dst, mode) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `src::AccelerationStructureKHR` - `dst::DeviceOrHostAddressKHR` - `mode::CopyAccelerationStructureModeKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyAccelerationStructureToMemoryInfoKHR.html) """ CopyAccelerationStructureToMemoryInfoKHR(src::AccelerationStructureKHR, dst::DeviceOrHostAddressKHR, mode::CopyAccelerationStructureModeKHR; next = C_NULL) = CopyAccelerationStructureToMemoryInfoKHR(next, src, dst, mode) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `src::DeviceOrHostAddressConstKHR` - `dst::AccelerationStructureKHR` - `mode::CopyAccelerationStructureModeKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryToAccelerationStructureInfoKHR.html) """ CopyMemoryToAccelerationStructureInfoKHR(src::DeviceOrHostAddressConstKHR, dst::AccelerationStructureKHR, mode::CopyAccelerationStructureModeKHR; next = C_NULL) = CopyMemoryToAccelerationStructureInfoKHR(next, src, dst, mode) """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `max_pipeline_ray_payload_size::UInt32` - `max_pipeline_ray_hit_attribute_size::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingPipelineInterfaceCreateInfoKHR.html) """ RayTracingPipelineInterfaceCreateInfoKHR(max_pipeline_ray_payload_size::Integer, max_pipeline_ray_hit_attribute_size::Integer; next = C_NULL) = RayTracingPipelineInterfaceCreateInfoKHR(next, max_pipeline_ray_payload_size, max_pipeline_ray_hit_attribute_size) """ Extension: VK\\_KHR\\_pipeline\\_library Arguments: - `libraries::Vector{Pipeline}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineLibraryCreateInfoKHR.html) """ PipelineLibraryCreateInfoKHR(libraries::AbstractArray; next = C_NULL) = PipelineLibraryCreateInfoKHR(next, libraries) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state Arguments: - `extended_dynamic_state::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicStateFeaturesEXT.html) """ PhysicalDeviceExtendedDynamicStateFeaturesEXT(extended_dynamic_state::Bool; next = C_NULL) = PhysicalDeviceExtendedDynamicStateFeaturesEXT(next, extended_dynamic_state) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state2 Arguments: - `extended_dynamic_state_2::Bool` - `extended_dynamic_state_2_logic_op::Bool` - `extended_dynamic_state_2_patch_control_points::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicState2FeaturesEXT.html) """ PhysicalDeviceExtendedDynamicState2FeaturesEXT(extended_dynamic_state_2::Bool, extended_dynamic_state_2_logic_op::Bool, extended_dynamic_state_2_patch_control_points::Bool; next = C_NULL) = PhysicalDeviceExtendedDynamicState2FeaturesEXT(next, extended_dynamic_state_2, extended_dynamic_state_2_logic_op, extended_dynamic_state_2_patch_control_points) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `extended_dynamic_state_3_tessellation_domain_origin::Bool` - `extended_dynamic_state_3_depth_clamp_enable::Bool` - `extended_dynamic_state_3_polygon_mode::Bool` - `extended_dynamic_state_3_rasterization_samples::Bool` - `extended_dynamic_state_3_sample_mask::Bool` - `extended_dynamic_state_3_alpha_to_coverage_enable::Bool` - `extended_dynamic_state_3_alpha_to_one_enable::Bool` - `extended_dynamic_state_3_logic_op_enable::Bool` - `extended_dynamic_state_3_color_blend_enable::Bool` - `extended_dynamic_state_3_color_blend_equation::Bool` - `extended_dynamic_state_3_color_write_mask::Bool` - `extended_dynamic_state_3_rasterization_stream::Bool` - `extended_dynamic_state_3_conservative_rasterization_mode::Bool` - `extended_dynamic_state_3_extra_primitive_overestimation_size::Bool` - `extended_dynamic_state_3_depth_clip_enable::Bool` - `extended_dynamic_state_3_sample_locations_enable::Bool` - `extended_dynamic_state_3_color_blend_advanced::Bool` - `extended_dynamic_state_3_provoking_vertex_mode::Bool` - `extended_dynamic_state_3_line_rasterization_mode::Bool` - `extended_dynamic_state_3_line_stipple_enable::Bool` - `extended_dynamic_state_3_depth_clip_negative_one_to_one::Bool` - `extended_dynamic_state_3_viewport_w_scaling_enable::Bool` - `extended_dynamic_state_3_viewport_swizzle::Bool` - `extended_dynamic_state_3_coverage_to_color_enable::Bool` - `extended_dynamic_state_3_coverage_to_color_location::Bool` - `extended_dynamic_state_3_coverage_modulation_mode::Bool` - `extended_dynamic_state_3_coverage_modulation_table_enable::Bool` - `extended_dynamic_state_3_coverage_modulation_table::Bool` - `extended_dynamic_state_3_coverage_reduction_mode::Bool` - `extended_dynamic_state_3_representative_fragment_test_enable::Bool` - `extended_dynamic_state_3_shading_rate_image_enable::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicState3FeaturesEXT.html) """ PhysicalDeviceExtendedDynamicState3FeaturesEXT(extended_dynamic_state_3_tessellation_domain_origin::Bool, extended_dynamic_state_3_depth_clamp_enable::Bool, extended_dynamic_state_3_polygon_mode::Bool, extended_dynamic_state_3_rasterization_samples::Bool, extended_dynamic_state_3_sample_mask::Bool, extended_dynamic_state_3_alpha_to_coverage_enable::Bool, extended_dynamic_state_3_alpha_to_one_enable::Bool, extended_dynamic_state_3_logic_op_enable::Bool, extended_dynamic_state_3_color_blend_enable::Bool, extended_dynamic_state_3_color_blend_equation::Bool, extended_dynamic_state_3_color_write_mask::Bool, extended_dynamic_state_3_rasterization_stream::Bool, extended_dynamic_state_3_conservative_rasterization_mode::Bool, extended_dynamic_state_3_extra_primitive_overestimation_size::Bool, extended_dynamic_state_3_depth_clip_enable::Bool, extended_dynamic_state_3_sample_locations_enable::Bool, extended_dynamic_state_3_color_blend_advanced::Bool, extended_dynamic_state_3_provoking_vertex_mode::Bool, extended_dynamic_state_3_line_rasterization_mode::Bool, extended_dynamic_state_3_line_stipple_enable::Bool, extended_dynamic_state_3_depth_clip_negative_one_to_one::Bool, extended_dynamic_state_3_viewport_w_scaling_enable::Bool, extended_dynamic_state_3_viewport_swizzle::Bool, extended_dynamic_state_3_coverage_to_color_enable::Bool, extended_dynamic_state_3_coverage_to_color_location::Bool, extended_dynamic_state_3_coverage_modulation_mode::Bool, extended_dynamic_state_3_coverage_modulation_table_enable::Bool, extended_dynamic_state_3_coverage_modulation_table::Bool, extended_dynamic_state_3_coverage_reduction_mode::Bool, extended_dynamic_state_3_representative_fragment_test_enable::Bool, extended_dynamic_state_3_shading_rate_image_enable::Bool; next = C_NULL) = PhysicalDeviceExtendedDynamicState3FeaturesEXT(next, extended_dynamic_state_3_tessellation_domain_origin, extended_dynamic_state_3_depth_clamp_enable, extended_dynamic_state_3_polygon_mode, extended_dynamic_state_3_rasterization_samples, extended_dynamic_state_3_sample_mask, extended_dynamic_state_3_alpha_to_coverage_enable, extended_dynamic_state_3_alpha_to_one_enable, extended_dynamic_state_3_logic_op_enable, extended_dynamic_state_3_color_blend_enable, extended_dynamic_state_3_color_blend_equation, extended_dynamic_state_3_color_write_mask, extended_dynamic_state_3_rasterization_stream, extended_dynamic_state_3_conservative_rasterization_mode, extended_dynamic_state_3_extra_primitive_overestimation_size, extended_dynamic_state_3_depth_clip_enable, extended_dynamic_state_3_sample_locations_enable, extended_dynamic_state_3_color_blend_advanced, extended_dynamic_state_3_provoking_vertex_mode, extended_dynamic_state_3_line_rasterization_mode, extended_dynamic_state_3_line_stipple_enable, extended_dynamic_state_3_depth_clip_negative_one_to_one, extended_dynamic_state_3_viewport_w_scaling_enable, extended_dynamic_state_3_viewport_swizzle, extended_dynamic_state_3_coverage_to_color_enable, extended_dynamic_state_3_coverage_to_color_location, extended_dynamic_state_3_coverage_modulation_mode, extended_dynamic_state_3_coverage_modulation_table_enable, extended_dynamic_state_3_coverage_modulation_table, extended_dynamic_state_3_coverage_reduction_mode, extended_dynamic_state_3_representative_fragment_test_enable, extended_dynamic_state_3_shading_rate_image_enable) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `dynamic_primitive_topology_unrestricted::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicState3PropertiesEXT.html) """ PhysicalDeviceExtendedDynamicState3PropertiesEXT(dynamic_primitive_topology_unrestricted::Bool; next = C_NULL) = PhysicalDeviceExtendedDynamicState3PropertiesEXT(next, dynamic_primitive_topology_unrestricted) """ Extension: VK\\_QCOM\\_render\\_pass\\_transform Arguments: - `transform::SurfaceTransformFlagKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassTransformBeginInfoQCOM.html) """ RenderPassTransformBeginInfoQCOM(transform::SurfaceTransformFlagKHR; next = C_NULL) = RenderPassTransformBeginInfoQCOM(next, transform) """ Extension: VK\\_QCOM\\_rotated\\_copy\\_commands Arguments: - `transform::SurfaceTransformFlagKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyCommandTransformInfoQCOM.html) """ CopyCommandTransformInfoQCOM(transform::SurfaceTransformFlagKHR; next = C_NULL) = CopyCommandTransformInfoQCOM(next, transform) """ Extension: VK\\_QCOM\\_render\\_pass\\_transform Arguments: - `transform::SurfaceTransformFlagKHR` - `render_area::Rect2D` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceRenderPassTransformInfoQCOM.html) """ CommandBufferInheritanceRenderPassTransformInfoQCOM(transform::SurfaceTransformFlagKHR, render_area::Rect2D; next = C_NULL) = CommandBufferInheritanceRenderPassTransformInfoQCOM(next, transform, render_area) """ Extension: VK\\_NV\\_device\\_diagnostics\\_config Arguments: - `diagnostics_config::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDiagnosticsConfigFeaturesNV.html) """ PhysicalDeviceDiagnosticsConfigFeaturesNV(diagnostics_config::Bool; next = C_NULL) = PhysicalDeviceDiagnosticsConfigFeaturesNV(next, diagnostics_config) """ Extension: VK\\_NV\\_device\\_diagnostics\\_config Arguments: - `next::Any`: defaults to `C_NULL` - `flags::DeviceDiagnosticsConfigFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceDiagnosticsConfigCreateInfoNV.html) """ DeviceDiagnosticsConfigCreateInfoNV(; next = C_NULL, flags = 0) = DeviceDiagnosticsConfigCreateInfoNV(next, flags) """ Arguments: - `shader_zero_initialize_workgroup_memory::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures.html) """ PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures(shader_zero_initialize_workgroup_memory::Bool; next = C_NULL) = PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures(next, shader_zero_initialize_workgroup_memory) """ Extension: VK\\_KHR\\_shader\\_subgroup\\_uniform\\_control\\_flow Arguments: - `shader_subgroup_uniform_control_flow::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR.html) """ PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR(shader_subgroup_uniform_control_flow::Bool; next = C_NULL) = PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR(next, shader_subgroup_uniform_control_flow) """ Extension: VK\\_EXT\\_robustness2 Arguments: - `robust_buffer_access_2::Bool` - `robust_image_access_2::Bool` - `null_descriptor::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRobustness2FeaturesEXT.html) """ PhysicalDeviceRobustness2FeaturesEXT(robust_buffer_access_2::Bool, robust_image_access_2::Bool, null_descriptor::Bool; next = C_NULL) = PhysicalDeviceRobustness2FeaturesEXT(next, robust_buffer_access_2, robust_image_access_2, null_descriptor) """ Extension: VK\\_EXT\\_robustness2 Arguments: - `robust_storage_buffer_access_size_alignment::UInt64` - `robust_uniform_buffer_access_size_alignment::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRobustness2PropertiesEXT.html) """ PhysicalDeviceRobustness2PropertiesEXT(robust_storage_buffer_access_size_alignment::Integer, robust_uniform_buffer_access_size_alignment::Integer; next = C_NULL) = PhysicalDeviceRobustness2PropertiesEXT(next, robust_storage_buffer_access_size_alignment, robust_uniform_buffer_access_size_alignment) """ Arguments: - `robust_image_access::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageRobustnessFeatures.html) """ PhysicalDeviceImageRobustnessFeatures(robust_image_access::Bool; next = C_NULL) = PhysicalDeviceImageRobustnessFeatures(next, robust_image_access) """ Extension: VK\\_KHR\\_workgroup\\_memory\\_explicit\\_layout Arguments: - `workgroup_memory_explicit_layout::Bool` - `workgroup_memory_explicit_layout_scalar_block_layout::Bool` - `workgroup_memory_explicit_layout_8_bit_access::Bool` - `workgroup_memory_explicit_layout_16_bit_access::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR.html) """ PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR(workgroup_memory_explicit_layout::Bool, workgroup_memory_explicit_layout_scalar_block_layout::Bool, workgroup_memory_explicit_layout_8_bit_access::Bool, workgroup_memory_explicit_layout_16_bit_access::Bool; next = C_NULL) = PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR(next, workgroup_memory_explicit_layout, workgroup_memory_explicit_layout_scalar_block_layout, workgroup_memory_explicit_layout_8_bit_access, workgroup_memory_explicit_layout_16_bit_access) """ Extension: VK\\_EXT\\_4444\\_formats Arguments: - `format_a4r4g4b4::Bool` - `format_a4b4g4r4::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevice4444FormatsFeaturesEXT.html) """ PhysicalDevice4444FormatsFeaturesEXT(format_a4r4g4b4::Bool, format_a4b4g4r4::Bool; next = C_NULL) = PhysicalDevice4444FormatsFeaturesEXT(next, format_a4r4g4b4, format_a4b4g4r4) """ Extension: VK\\_HUAWEI\\_subpass\\_shading Arguments: - `subpass_shading::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubpassShadingFeaturesHUAWEI.html) """ PhysicalDeviceSubpassShadingFeaturesHUAWEI(subpass_shading::Bool; next = C_NULL) = PhysicalDeviceSubpassShadingFeaturesHUAWEI(next, subpass_shading) """ Extension: VK\\_HUAWEI\\_cluster\\_culling\\_shader Arguments: - `clusterculling_shader::Bool` - `multiview_cluster_culling_shader::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI.html) """ PhysicalDeviceClusterCullingShaderFeaturesHUAWEI(clusterculling_shader::Bool, multiview_cluster_culling_shader::Bool; next = C_NULL) = PhysicalDeviceClusterCullingShaderFeaturesHUAWEI(next, clusterculling_shader, multiview_cluster_culling_shader) """ Arguments: - `src_offset::UInt64` - `dst_offset::UInt64` - `size::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCopy2.html) """ BufferCopy2(src_offset::Integer, dst_offset::Integer, size::Integer; next = C_NULL) = BufferCopy2(next, src_offset, dst_offset, size) """ Arguments: - `src_subresource::ImageSubresourceLayers` - `src_offset::Offset3D` - `dst_subresource::ImageSubresourceLayers` - `dst_offset::Offset3D` - `extent::Extent3D` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCopy2.html) """ ImageCopy2(src_subresource::ImageSubresourceLayers, src_offset::Offset3D, dst_subresource::ImageSubresourceLayers, dst_offset::Offset3D, extent::Extent3D; next = C_NULL) = ImageCopy2(next, src_subresource, src_offset, dst_subresource, dst_offset, extent) """ Arguments: - `src_subresource::ImageSubresourceLayers` - `src_offsets::NTuple{2, Offset3D}` - `dst_subresource::ImageSubresourceLayers` - `dst_offsets::NTuple{2, Offset3D}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageBlit2.html) """ ImageBlit2(src_subresource::ImageSubresourceLayers, src_offsets::NTuple{2, Offset3D}, dst_subresource::ImageSubresourceLayers, dst_offsets::NTuple{2, Offset3D}; next = C_NULL) = ImageBlit2(next, src_subresource, src_offsets, dst_subresource, dst_offsets) """ Arguments: - `buffer_offset::UInt64` - `buffer_row_length::UInt32` - `buffer_image_height::UInt32` - `image_subresource::ImageSubresourceLayers` - `image_offset::Offset3D` - `image_extent::Extent3D` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferImageCopy2.html) """ BufferImageCopy2(buffer_offset::Integer, buffer_row_length::Integer, buffer_image_height::Integer, image_subresource::ImageSubresourceLayers, image_offset::Offset3D, image_extent::Extent3D; next = C_NULL) = BufferImageCopy2(next, buffer_offset, buffer_row_length, buffer_image_height, image_subresource, image_offset, image_extent) """ Arguments: - `src_subresource::ImageSubresourceLayers` - `src_offset::Offset3D` - `dst_subresource::ImageSubresourceLayers` - `dst_offset::Offset3D` - `extent::Extent3D` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageResolve2.html) """ ImageResolve2(src_subresource::ImageSubresourceLayers, src_offset::Offset3D, dst_subresource::ImageSubresourceLayers, dst_offset::Offset3D, extent::Extent3D; next = C_NULL) = ImageResolve2(next, src_subresource, src_offset, dst_subresource, dst_offset, extent) """ Arguments: - `src_buffer::Buffer` - `dst_buffer::Buffer` - `regions::Vector{BufferCopy2}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyBufferInfo2.html) """ CopyBufferInfo2(src_buffer::Buffer, dst_buffer::Buffer, regions::AbstractArray; next = C_NULL) = CopyBufferInfo2(next, src_buffer, dst_buffer, regions) """ Arguments: - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{ImageCopy2}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyImageInfo2.html) """ CopyImageInfo2(src_image::Image, src_image_layout::ImageLayout, dst_image::Image, dst_image_layout::ImageLayout, regions::AbstractArray; next = C_NULL) = CopyImageInfo2(next, src_image, src_image_layout, dst_image, dst_image_layout, regions) """ Arguments: - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{ImageBlit2}` - `filter::Filter` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBlitImageInfo2.html) """ BlitImageInfo2(src_image::Image, src_image_layout::ImageLayout, dst_image::Image, dst_image_layout::ImageLayout, regions::AbstractArray, filter::Filter; next = C_NULL) = BlitImageInfo2(next, src_image, src_image_layout, dst_image, dst_image_layout, regions, filter) """ Arguments: - `src_buffer::Buffer` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{BufferImageCopy2}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyBufferToImageInfo2.html) """ CopyBufferToImageInfo2(src_buffer::Buffer, dst_image::Image, dst_image_layout::ImageLayout, regions::AbstractArray; next = C_NULL) = CopyBufferToImageInfo2(next, src_buffer, dst_image, dst_image_layout, regions) """ Arguments: - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_buffer::Buffer` - `regions::Vector{BufferImageCopy2}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyImageToBufferInfo2.html) """ CopyImageToBufferInfo2(src_image::Image, src_image_layout::ImageLayout, dst_buffer::Buffer, regions::AbstractArray; next = C_NULL) = CopyImageToBufferInfo2(next, src_image, src_image_layout, dst_buffer, regions) """ Arguments: - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{ImageResolve2}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkResolveImageInfo2.html) """ ResolveImageInfo2(src_image::Image, src_image_layout::ImageLayout, dst_image::Image, dst_image_layout::ImageLayout, regions::AbstractArray; next = C_NULL) = ResolveImageInfo2(next, src_image, src_image_layout, dst_image, dst_image_layout, regions) """ Extension: VK\\_EXT\\_shader\\_image\\_atomic\\_int64 Arguments: - `shader_image_int_64_atomics::Bool` - `sparse_image_int_64_atomics::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT.html) """ PhysicalDeviceShaderImageAtomicInt64FeaturesEXT(shader_image_int_64_atomics::Bool, sparse_image_int_64_atomics::Bool; next = C_NULL) = PhysicalDeviceShaderImageAtomicInt64FeaturesEXT(next, shader_image_int_64_atomics, sparse_image_int_64_atomics) """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Arguments: - `shading_rate_attachment_texel_size::Extent2D` - `next::Any`: defaults to `C_NULL` - `fragment_shading_rate_attachment::AttachmentReference2`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFragmentShadingRateAttachmentInfoKHR.html) """ FragmentShadingRateAttachmentInfoKHR(shading_rate_attachment_texel_size::Extent2D; next = C_NULL, fragment_shading_rate_attachment = C_NULL) = FragmentShadingRateAttachmentInfoKHR(next, fragment_shading_rate_attachment, shading_rate_attachment_texel_size) """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Arguments: - `fragment_size::Extent2D` - `combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineFragmentShadingRateStateCreateInfoKHR.html) """ PipelineFragmentShadingRateStateCreateInfoKHR(fragment_size::Extent2D, combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}; next = C_NULL) = PipelineFragmentShadingRateStateCreateInfoKHR(next, fragment_size, combiner_ops) """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Arguments: - `pipeline_fragment_shading_rate::Bool` - `primitive_fragment_shading_rate::Bool` - `attachment_fragment_shading_rate::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateFeaturesKHR.html) """ PhysicalDeviceFragmentShadingRateFeaturesKHR(pipeline_fragment_shading_rate::Bool, primitive_fragment_shading_rate::Bool, attachment_fragment_shading_rate::Bool; next = C_NULL) = PhysicalDeviceFragmentShadingRateFeaturesKHR(next, pipeline_fragment_shading_rate, primitive_fragment_shading_rate, attachment_fragment_shading_rate) """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Arguments: - `min_fragment_shading_rate_attachment_texel_size::Extent2D` - `max_fragment_shading_rate_attachment_texel_size::Extent2D` - `max_fragment_shading_rate_attachment_texel_size_aspect_ratio::UInt32` - `primitive_fragment_shading_rate_with_multiple_viewports::Bool` - `layered_shading_rate_attachments::Bool` - `fragment_shading_rate_non_trivial_combiner_ops::Bool` - `max_fragment_size::Extent2D` - `max_fragment_size_aspect_ratio::UInt32` - `max_fragment_shading_rate_coverage_samples::UInt32` - `max_fragment_shading_rate_rasterization_samples::SampleCountFlag` - `fragment_shading_rate_with_shader_depth_stencil_writes::Bool` - `fragment_shading_rate_with_sample_mask::Bool` - `fragment_shading_rate_with_shader_sample_mask::Bool` - `fragment_shading_rate_with_conservative_rasterization::Bool` - `fragment_shading_rate_with_fragment_shader_interlock::Bool` - `fragment_shading_rate_with_custom_sample_locations::Bool` - `fragment_shading_rate_strict_multiply_combiner::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRatePropertiesKHR.html) """ PhysicalDeviceFragmentShadingRatePropertiesKHR(min_fragment_shading_rate_attachment_texel_size::Extent2D, max_fragment_shading_rate_attachment_texel_size::Extent2D, max_fragment_shading_rate_attachment_texel_size_aspect_ratio::Integer, primitive_fragment_shading_rate_with_multiple_viewports::Bool, layered_shading_rate_attachments::Bool, fragment_shading_rate_non_trivial_combiner_ops::Bool, max_fragment_size::Extent2D, max_fragment_size_aspect_ratio::Integer, max_fragment_shading_rate_coverage_samples::Integer, max_fragment_shading_rate_rasterization_samples::SampleCountFlag, fragment_shading_rate_with_shader_depth_stencil_writes::Bool, fragment_shading_rate_with_sample_mask::Bool, fragment_shading_rate_with_shader_sample_mask::Bool, fragment_shading_rate_with_conservative_rasterization::Bool, fragment_shading_rate_with_fragment_shader_interlock::Bool, fragment_shading_rate_with_custom_sample_locations::Bool, fragment_shading_rate_strict_multiply_combiner::Bool; next = C_NULL) = PhysicalDeviceFragmentShadingRatePropertiesKHR(next, min_fragment_shading_rate_attachment_texel_size, max_fragment_shading_rate_attachment_texel_size, max_fragment_shading_rate_attachment_texel_size_aspect_ratio, primitive_fragment_shading_rate_with_multiple_viewports, layered_shading_rate_attachments, fragment_shading_rate_non_trivial_combiner_ops, max_fragment_size, max_fragment_size_aspect_ratio, max_fragment_shading_rate_coverage_samples, max_fragment_shading_rate_rasterization_samples, fragment_shading_rate_with_shader_depth_stencil_writes, fragment_shading_rate_with_sample_mask, fragment_shading_rate_with_shader_sample_mask, fragment_shading_rate_with_conservative_rasterization, fragment_shading_rate_with_fragment_shader_interlock, fragment_shading_rate_with_custom_sample_locations, fragment_shading_rate_strict_multiply_combiner) """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Arguments: - `sample_counts::SampleCountFlag` - `fragment_size::Extent2D` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateKHR.html) """ PhysicalDeviceFragmentShadingRateKHR(sample_counts::SampleCountFlag, fragment_size::Extent2D; next = C_NULL) = PhysicalDeviceFragmentShadingRateKHR(next, sample_counts, fragment_size) """ Arguments: - `shader_terminate_invocation::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderTerminateInvocationFeatures.html) """ PhysicalDeviceShaderTerminateInvocationFeatures(shader_terminate_invocation::Bool; next = C_NULL) = PhysicalDeviceShaderTerminateInvocationFeatures(next, shader_terminate_invocation) """ Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums Arguments: - `fragment_shading_rate_enums::Bool` - `supersample_fragment_shading_rates::Bool` - `no_invocation_fragment_shading_rates::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV.html) """ PhysicalDeviceFragmentShadingRateEnumsFeaturesNV(fragment_shading_rate_enums::Bool, supersample_fragment_shading_rates::Bool, no_invocation_fragment_shading_rates::Bool; next = C_NULL) = PhysicalDeviceFragmentShadingRateEnumsFeaturesNV(next, fragment_shading_rate_enums, supersample_fragment_shading_rates, no_invocation_fragment_shading_rates) """ Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums Arguments: - `max_fragment_shading_rate_invocation_count::SampleCountFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV.html) """ PhysicalDeviceFragmentShadingRateEnumsPropertiesNV(max_fragment_shading_rate_invocation_count::SampleCountFlag; next = C_NULL) = PhysicalDeviceFragmentShadingRateEnumsPropertiesNV(next, max_fragment_shading_rate_invocation_count) """ Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums Arguments: - `shading_rate_type::FragmentShadingRateTypeNV` - `shading_rate::FragmentShadingRateNV` - `combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineFragmentShadingRateEnumStateCreateInfoNV.html) """ PipelineFragmentShadingRateEnumStateCreateInfoNV(shading_rate_type::FragmentShadingRateTypeNV, shading_rate::FragmentShadingRateNV, combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}; next = C_NULL) = PipelineFragmentShadingRateEnumStateCreateInfoNV(next, shading_rate_type, shading_rate, combiner_ops) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `acceleration_structure_size::UInt64` - `update_scratch_size::UInt64` - `build_scratch_size::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureBuildSizesInfoKHR.html) """ AccelerationStructureBuildSizesInfoKHR(acceleration_structure_size::Integer, update_scratch_size::Integer, build_scratch_size::Integer; next = C_NULL) = AccelerationStructureBuildSizesInfoKHR(next, acceleration_structure_size, update_scratch_size, build_scratch_size) """ Extension: VK\\_EXT\\_image\\_2d\\_view\\_of\\_3d Arguments: - `image_2_d_view_of_3_d::Bool` - `sampler_2_d_view_of_3_d::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImage2DViewOf3DFeaturesEXT.html) """ PhysicalDeviceImage2DViewOf3DFeaturesEXT(image_2_d_view_of_3_d::Bool, sampler_2_d_view_of_3_d::Bool; next = C_NULL) = PhysicalDeviceImage2DViewOf3DFeaturesEXT(next, image_2_d_view_of_3_d, sampler_2_d_view_of_3_d) """ Extension: VK\\_EXT\\_mutable\\_descriptor\\_type Arguments: - `mutable_descriptor_type::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT.html) """ PhysicalDeviceMutableDescriptorTypeFeaturesEXT(mutable_descriptor_type::Bool; next = C_NULL) = PhysicalDeviceMutableDescriptorTypeFeaturesEXT(next, mutable_descriptor_type) """ Extension: VK\\_EXT\\_mutable\\_descriptor\\_type Arguments: - `mutable_descriptor_type_lists::Vector{MutableDescriptorTypeListEXT}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMutableDescriptorTypeCreateInfoEXT.html) """ MutableDescriptorTypeCreateInfoEXT(mutable_descriptor_type_lists::AbstractArray; next = C_NULL) = MutableDescriptorTypeCreateInfoEXT(next, mutable_descriptor_type_lists) """ Extension: VK\\_EXT\\_depth\\_clip\\_control Arguments: - `depth_clip_control::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthClipControlFeaturesEXT.html) """ PhysicalDeviceDepthClipControlFeaturesEXT(depth_clip_control::Bool; next = C_NULL) = PhysicalDeviceDepthClipControlFeaturesEXT(next, depth_clip_control) """ Extension: VK\\_EXT\\_depth\\_clip\\_control Arguments: - `negative_one_to_one::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportDepthClipControlCreateInfoEXT.html) """ PipelineViewportDepthClipControlCreateInfoEXT(negative_one_to_one::Bool; next = C_NULL) = PipelineViewportDepthClipControlCreateInfoEXT(next, negative_one_to_one) """ Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state Arguments: - `vertex_input_dynamic_state::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT.html) """ PhysicalDeviceVertexInputDynamicStateFeaturesEXT(vertex_input_dynamic_state::Bool; next = C_NULL) = PhysicalDeviceVertexInputDynamicStateFeaturesEXT(next, vertex_input_dynamic_state) """ Extension: VK\\_NV\\_external\\_memory\\_rdma Arguments: - `external_memory_rdma::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalMemoryRDMAFeaturesNV.html) """ PhysicalDeviceExternalMemoryRDMAFeaturesNV(external_memory_rdma::Bool; next = C_NULL) = PhysicalDeviceExternalMemoryRDMAFeaturesNV(next, external_memory_rdma) """ Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state Arguments: - `binding::UInt32` - `stride::UInt32` - `input_rate::VertexInputRate` - `divisor::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputBindingDescription2EXT.html) """ VertexInputBindingDescription2EXT(binding::Integer, stride::Integer, input_rate::VertexInputRate, divisor::Integer; next = C_NULL) = VertexInputBindingDescription2EXT(next, binding, stride, input_rate, divisor) """ Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state Arguments: - `location::UInt32` - `binding::UInt32` - `format::Format` - `offset::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputAttributeDescription2EXT.html) """ VertexInputAttributeDescription2EXT(location::Integer, binding::Integer, format::Format, offset::Integer; next = C_NULL) = VertexInputAttributeDescription2EXT(next, location, binding, format, offset) """ Extension: VK\\_EXT\\_color\\_write\\_enable Arguments: - `color_write_enable::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceColorWriteEnableFeaturesEXT.html) """ PhysicalDeviceColorWriteEnableFeaturesEXT(color_write_enable::Bool; next = C_NULL) = PhysicalDeviceColorWriteEnableFeaturesEXT(next, color_write_enable) """ Extension: VK\\_EXT\\_color\\_write\\_enable Arguments: - `color_write_enables::Vector{Bool}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorWriteCreateInfoEXT.html) """ PipelineColorWriteCreateInfoEXT(color_write_enables::AbstractArray; next = C_NULL) = PipelineColorWriteCreateInfoEXT(next, color_write_enables) """ Arguments: - `next::Any`: defaults to `C_NULL` - `src_stage_mask::UInt64`: defaults to `0` - `src_access_mask::UInt64`: defaults to `0` - `dst_stage_mask::UInt64`: defaults to `0` - `dst_access_mask::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryBarrier2.html) """ MemoryBarrier2(; next = C_NULL, src_stage_mask = 0, src_access_mask = 0, dst_stage_mask = 0, dst_access_mask = 0) = MemoryBarrier2(next, src_stage_mask, src_access_mask, dst_stage_mask, dst_access_mask) """ Arguments: - `old_layout::ImageLayout` - `new_layout::ImageLayout` - `src_queue_family_index::UInt32` - `dst_queue_family_index::UInt32` - `image::Image` - `subresource_range::ImageSubresourceRange` - `next::Any`: defaults to `C_NULL` - `src_stage_mask::UInt64`: defaults to `0` - `src_access_mask::UInt64`: defaults to `0` - `dst_stage_mask::UInt64`: defaults to `0` - `dst_access_mask::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageMemoryBarrier2.html) """ ImageMemoryBarrier2(old_layout::ImageLayout, new_layout::ImageLayout, src_queue_family_index::Integer, dst_queue_family_index::Integer, image::Image, subresource_range::ImageSubresourceRange; next = C_NULL, src_stage_mask = 0, src_access_mask = 0, dst_stage_mask = 0, dst_access_mask = 0) = ImageMemoryBarrier2(next, src_stage_mask, src_access_mask, dst_stage_mask, dst_access_mask, old_layout, new_layout, src_queue_family_index, dst_queue_family_index, image, subresource_range) """ Arguments: - `src_queue_family_index::UInt32` - `dst_queue_family_index::UInt32` - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `next::Any`: defaults to `C_NULL` - `src_stage_mask::UInt64`: defaults to `0` - `src_access_mask::UInt64`: defaults to `0` - `dst_stage_mask::UInt64`: defaults to `0` - `dst_access_mask::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferMemoryBarrier2.html) """ BufferMemoryBarrier2(src_queue_family_index::Integer, dst_queue_family_index::Integer, buffer::Buffer, offset::Integer, size::Integer; next = C_NULL, src_stage_mask = 0, src_access_mask = 0, dst_stage_mask = 0, dst_access_mask = 0) = BufferMemoryBarrier2(next, src_stage_mask, src_access_mask, dst_stage_mask, dst_access_mask, src_queue_family_index, dst_queue_family_index, buffer, offset, size) """ Arguments: - `memory_barriers::Vector{MemoryBarrier2}` - `buffer_memory_barriers::Vector{BufferMemoryBarrier2}` - `image_memory_barriers::Vector{ImageMemoryBarrier2}` - `next::Any`: defaults to `C_NULL` - `dependency_flags::DependencyFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDependencyInfo.html) """ DependencyInfo(memory_barriers::AbstractArray, buffer_memory_barriers::AbstractArray, image_memory_barriers::AbstractArray; next = C_NULL, dependency_flags = 0) = DependencyInfo(next, dependency_flags, memory_barriers, buffer_memory_barriers, image_memory_barriers) """ Arguments: - `semaphore::Semaphore` - `value::UInt64` - `device_index::UInt32` - `next::Any`: defaults to `C_NULL` - `stage_mask::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreSubmitInfo.html) """ SemaphoreSubmitInfo(semaphore::Semaphore, value::Integer, device_index::Integer; next = C_NULL, stage_mask = 0) = SemaphoreSubmitInfo(next, semaphore, value, stage_mask, device_index) """ Arguments: - `command_buffer::CommandBuffer` - `device_mask::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferSubmitInfo.html) """ CommandBufferSubmitInfo(command_buffer::CommandBuffer, device_mask::Integer; next = C_NULL) = CommandBufferSubmitInfo(next, command_buffer, device_mask) """ Arguments: - `wait_semaphore_infos::Vector{SemaphoreSubmitInfo}` - `command_buffer_infos::Vector{CommandBufferSubmitInfo}` - `signal_semaphore_infos::Vector{SemaphoreSubmitInfo}` - `next::Any`: defaults to `C_NULL` - `flags::SubmitFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubmitInfo2.html) """ SubmitInfo2(wait_semaphore_infos::AbstractArray, command_buffer_infos::AbstractArray, signal_semaphore_infos::AbstractArray; next = C_NULL, flags = 0) = SubmitInfo2(next, flags, wait_semaphore_infos, command_buffer_infos, signal_semaphore_infos) """ Extension: VK\\_KHR\\_synchronization2 Arguments: - `checkpoint_execution_stage_mask::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyCheckpointProperties2NV.html) """ QueueFamilyCheckpointProperties2NV(checkpoint_execution_stage_mask::Integer; next = C_NULL) = QueueFamilyCheckpointProperties2NV(next, checkpoint_execution_stage_mask) """ Extension: VK\\_KHR\\_synchronization2 Arguments: - `stage::UInt64` - `checkpoint_marker::Ptr{Cvoid}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCheckpointData2NV.html) """ CheckpointData2NV(stage::Integer, checkpoint_marker::Ptr{Cvoid}; next = C_NULL) = CheckpointData2NV(next, stage, checkpoint_marker) """ Arguments: - `synchronization2::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSynchronization2Features.html) """ PhysicalDeviceSynchronization2Features(synchronization2::Bool; next = C_NULL) = PhysicalDeviceSynchronization2Features(next, synchronization2) """ Extension: VK\\_EXT\\_primitives\\_generated\\_query Arguments: - `primitives_generated_query::Bool` - `primitives_generated_query_with_rasterizer_discard::Bool` - `primitives_generated_query_with_non_zero_streams::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT.html) """ PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT(primitives_generated_query::Bool, primitives_generated_query_with_rasterizer_discard::Bool, primitives_generated_query_with_non_zero_streams::Bool; next = C_NULL) = PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT(next, primitives_generated_query, primitives_generated_query_with_rasterizer_discard, primitives_generated_query_with_non_zero_streams) """ Extension: VK\\_EXT\\_legacy\\_dithering Arguments: - `legacy_dithering::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLegacyDitheringFeaturesEXT.html) """ PhysicalDeviceLegacyDitheringFeaturesEXT(legacy_dithering::Bool; next = C_NULL) = PhysicalDeviceLegacyDitheringFeaturesEXT(next, legacy_dithering) """ Extension: VK\\_EXT\\_multisampled\\_render\\_to\\_single\\_sampled Arguments: - `multisampled_render_to_single_sampled::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT.html) """ PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT(multisampled_render_to_single_sampled::Bool; next = C_NULL) = PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT(next, multisampled_render_to_single_sampled) """ Extension: VK\\_EXT\\_multisampled\\_render\\_to\\_single\\_sampled Arguments: - `optimal::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassResolvePerformanceQueryEXT.html) """ SubpassResolvePerformanceQueryEXT(optimal::Bool; next = C_NULL) = SubpassResolvePerformanceQueryEXT(next, optimal) """ Extension: VK\\_EXT\\_multisampled\\_render\\_to\\_single\\_sampled Arguments: - `multisampled_render_to_single_sampled_enable::Bool` - `rasterization_samples::SampleCountFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultisampledRenderToSingleSampledInfoEXT.html) """ MultisampledRenderToSingleSampledInfoEXT(multisampled_render_to_single_sampled_enable::Bool, rasterization_samples::SampleCountFlag; next = C_NULL) = MultisampledRenderToSingleSampledInfoEXT(next, multisampled_render_to_single_sampled_enable, rasterization_samples) """ Extension: VK\\_EXT\\_pipeline\\_protected\\_access Arguments: - `pipeline_protected_access::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineProtectedAccessFeaturesEXT.html) """ PhysicalDevicePipelineProtectedAccessFeaturesEXT(pipeline_protected_access::Bool; next = C_NULL) = PhysicalDevicePipelineProtectedAccessFeaturesEXT(next, pipeline_protected_access) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `video_codec_operations::VideoCodecOperationFlagKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyVideoPropertiesKHR.html) """ QueueFamilyVideoPropertiesKHR(video_codec_operations::VideoCodecOperationFlagKHR; next = C_NULL) = QueueFamilyVideoPropertiesKHR(next, video_codec_operations) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `query_result_status_support::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyQueryResultStatusPropertiesKHR.html) """ QueueFamilyQueryResultStatusPropertiesKHR(query_result_status_support::Bool; next = C_NULL) = QueueFamilyQueryResultStatusPropertiesKHR(next, query_result_status_support) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `profiles::Vector{VideoProfileInfoKHR}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoProfileListInfoKHR.html) """ VideoProfileListInfoKHR(profiles::AbstractArray; next = C_NULL) = VideoProfileListInfoKHR(next, profiles) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `image_usage::ImageUsageFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVideoFormatInfoKHR.html) """ PhysicalDeviceVideoFormatInfoKHR(image_usage::ImageUsageFlag; next = C_NULL) = PhysicalDeviceVideoFormatInfoKHR(next, image_usage) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `format::Format` - `component_mapping::ComponentMapping` - `image_create_flags::ImageCreateFlag` - `image_type::ImageType` - `image_tiling::ImageTiling` - `image_usage_flags::ImageUsageFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoFormatPropertiesKHR.html) """ VideoFormatPropertiesKHR(format::Format, component_mapping::ComponentMapping, image_create_flags::ImageCreateFlag, image_type::ImageType, image_tiling::ImageTiling, image_usage_flags::ImageUsageFlag; next = C_NULL) = VideoFormatPropertiesKHR(next, format, component_mapping, image_create_flags, image_type, image_tiling, image_usage_flags) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `video_codec_operation::VideoCodecOperationFlagKHR` - `chroma_subsampling::VideoChromaSubsamplingFlagKHR` - `luma_bit_depth::VideoComponentBitDepthFlagKHR` - `next::Any`: defaults to `C_NULL` - `chroma_bit_depth::VideoComponentBitDepthFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoProfileInfoKHR.html) """ VideoProfileInfoKHR(video_codec_operation::VideoCodecOperationFlagKHR, chroma_subsampling::VideoChromaSubsamplingFlagKHR, luma_bit_depth::VideoComponentBitDepthFlagKHR; next = C_NULL, chroma_bit_depth = 0) = VideoProfileInfoKHR(next, video_codec_operation, chroma_subsampling, luma_bit_depth, chroma_bit_depth) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `flags::VideoCapabilityFlagKHR` - `min_bitstream_buffer_offset_alignment::UInt64` - `min_bitstream_buffer_size_alignment::UInt64` - `picture_access_granularity::Extent2D` - `min_coded_extent::Extent2D` - `max_coded_extent::Extent2D` - `max_dpb_slots::UInt32` - `max_active_reference_pictures::UInt32` - `std_header_version::ExtensionProperties` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoCapabilitiesKHR.html) """ VideoCapabilitiesKHR(flags::VideoCapabilityFlagKHR, min_bitstream_buffer_offset_alignment::Integer, min_bitstream_buffer_size_alignment::Integer, picture_access_granularity::Extent2D, min_coded_extent::Extent2D, max_coded_extent::Extent2D, max_dpb_slots::Integer, max_active_reference_pictures::Integer, std_header_version::ExtensionProperties; next = C_NULL) = VideoCapabilitiesKHR(next, flags, min_bitstream_buffer_offset_alignment, min_bitstream_buffer_size_alignment, picture_access_granularity, min_coded_extent, max_coded_extent, max_dpb_slots, max_active_reference_pictures, std_header_version) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `memory_bind_index::UInt32` - `memory_requirements::MemoryRequirements` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionMemoryRequirementsKHR.html) """ VideoSessionMemoryRequirementsKHR(memory_bind_index::Integer, memory_requirements::MemoryRequirements; next = C_NULL) = VideoSessionMemoryRequirementsKHR(next, memory_bind_index, memory_requirements) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `memory_bind_index::UInt32` - `memory::DeviceMemory` - `memory_offset::UInt64` - `memory_size::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindVideoSessionMemoryInfoKHR.html) """ BindVideoSessionMemoryInfoKHR(memory_bind_index::Integer, memory::DeviceMemory, memory_offset::Integer, memory_size::Integer; next = C_NULL) = BindVideoSessionMemoryInfoKHR(next, memory_bind_index, memory, memory_offset, memory_size) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `coded_offset::Offset2D` - `coded_extent::Extent2D` - `base_array_layer::UInt32` - `image_view_binding::ImageView` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoPictureResourceInfoKHR.html) """ VideoPictureResourceInfoKHR(coded_offset::Offset2D, coded_extent::Extent2D, base_array_layer::Integer, image_view_binding::ImageView; next = C_NULL) = VideoPictureResourceInfoKHR(next, coded_offset, coded_extent, base_array_layer, image_view_binding) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `slot_index::Int32` - `next::Any`: defaults to `C_NULL` - `picture_resource::VideoPictureResourceInfoKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoReferenceSlotInfoKHR.html) """ VideoReferenceSlotInfoKHR(slot_index::Integer; next = C_NULL, picture_resource = C_NULL) = VideoReferenceSlotInfoKHR(next, slot_index, picture_resource) """ Extension: VK\\_KHR\\_video\\_decode\\_queue Arguments: - `flags::VideoDecodeCapabilityFlagKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeCapabilitiesKHR.html) """ VideoDecodeCapabilitiesKHR(flags::VideoDecodeCapabilityFlagKHR; next = C_NULL) = VideoDecodeCapabilitiesKHR(next, flags) """ Extension: VK\\_KHR\\_video\\_decode\\_queue Arguments: - `next::Any`: defaults to `C_NULL` - `video_usage_hints::VideoDecodeUsageFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeUsageInfoKHR.html) """ VideoDecodeUsageInfoKHR(; next = C_NULL, video_usage_hints = 0) = VideoDecodeUsageInfoKHR(next, video_usage_hints) """ Extension: VK\\_KHR\\_video\\_decode\\_queue Arguments: - `src_buffer::Buffer` - `src_buffer_offset::UInt64` - `src_buffer_range::UInt64` - `dst_picture_resource::VideoPictureResourceInfoKHR` - `setup_reference_slot::VideoReferenceSlotInfoKHR` - `reference_slots::Vector{VideoReferenceSlotInfoKHR}` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeInfoKHR.html) """ VideoDecodeInfoKHR(src_buffer::Buffer, src_buffer_offset::Integer, src_buffer_range::Integer, dst_picture_resource::VideoPictureResourceInfoKHR, setup_reference_slot::VideoReferenceSlotInfoKHR, reference_slots::AbstractArray; next = C_NULL, flags = 0) = VideoDecodeInfoKHR(next, flags, src_buffer, src_buffer_offset, src_buffer_range, dst_picture_resource, setup_reference_slot, reference_slots) """ Extension: VK\\_KHR\\_video\\_decode\\_h264 Arguments: - `std_profile_idc::StdVideoH264ProfileIdc` - `next::Any`: defaults to `C_NULL` - `picture_layout::VideoDecodeH264PictureLayoutFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264ProfileInfoKHR.html) """ VideoDecodeH264ProfileInfoKHR(std_profile_idc::StdVideoH264ProfileIdc; next = C_NULL, picture_layout = 0) = VideoDecodeH264ProfileInfoKHR(next, std_profile_idc, picture_layout) """ Extension: VK\\_KHR\\_video\\_decode\\_h264 Arguments: - `max_level_idc::StdVideoH264LevelIdc` - `field_offset_granularity::Offset2D` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264CapabilitiesKHR.html) """ VideoDecodeH264CapabilitiesKHR(max_level_idc::StdVideoH264LevelIdc, field_offset_granularity::Offset2D; next = C_NULL) = VideoDecodeH264CapabilitiesKHR(next, max_level_idc, field_offset_granularity) """ Extension: VK\\_KHR\\_video\\_decode\\_h264 Arguments: - `std_sp_ss::Vector{StdVideoH264SequenceParameterSet}` - `std_pp_ss::Vector{StdVideoH264PictureParameterSet}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264SessionParametersAddInfoKHR.html) """ VideoDecodeH264SessionParametersAddInfoKHR(std_sp_ss::AbstractArray, std_pp_ss::AbstractArray; next = C_NULL) = VideoDecodeH264SessionParametersAddInfoKHR(next, std_sp_ss, std_pp_ss) """ Extension: VK\\_KHR\\_video\\_decode\\_h264 Arguments: - `max_std_sps_count::UInt32` - `max_std_pps_count::UInt32` - `next::Any`: defaults to `C_NULL` - `parameters_add_info::VideoDecodeH264SessionParametersAddInfoKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264SessionParametersCreateInfoKHR.html) """ VideoDecodeH264SessionParametersCreateInfoKHR(max_std_sps_count::Integer, max_std_pps_count::Integer; next = C_NULL, parameters_add_info = C_NULL) = VideoDecodeH264SessionParametersCreateInfoKHR(next, max_std_sps_count, max_std_pps_count, parameters_add_info) """ Extension: VK\\_KHR\\_video\\_decode\\_h264 Arguments: - `std_picture_info::StdVideoDecodeH264PictureInfo` - `slice_offsets::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264PictureInfoKHR.html) """ VideoDecodeH264PictureInfoKHR(std_picture_info::StdVideoDecodeH264PictureInfo, slice_offsets::AbstractArray; next = C_NULL) = VideoDecodeH264PictureInfoKHR(next, std_picture_info, slice_offsets) """ Extension: VK\\_KHR\\_video\\_decode\\_h264 Arguments: - `std_reference_info::StdVideoDecodeH264ReferenceInfo` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264DpbSlotInfoKHR.html) """ VideoDecodeH264DpbSlotInfoKHR(std_reference_info::StdVideoDecodeH264ReferenceInfo; next = C_NULL) = VideoDecodeH264DpbSlotInfoKHR(next, std_reference_info) """ Extension: VK\\_KHR\\_video\\_decode\\_h265 Arguments: - `std_profile_idc::StdVideoH265ProfileIdc` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265ProfileInfoKHR.html) """ VideoDecodeH265ProfileInfoKHR(std_profile_idc::StdVideoH265ProfileIdc; next = C_NULL) = VideoDecodeH265ProfileInfoKHR(next, std_profile_idc) """ Extension: VK\\_KHR\\_video\\_decode\\_h265 Arguments: - `max_level_idc::StdVideoH265LevelIdc` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265CapabilitiesKHR.html) """ VideoDecodeH265CapabilitiesKHR(max_level_idc::StdVideoH265LevelIdc; next = C_NULL) = VideoDecodeH265CapabilitiesKHR(next, max_level_idc) """ Extension: VK\\_KHR\\_video\\_decode\\_h265 Arguments: - `std_vp_ss::Vector{StdVideoH265VideoParameterSet}` - `std_sp_ss::Vector{StdVideoH265SequenceParameterSet}` - `std_pp_ss::Vector{StdVideoH265PictureParameterSet}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265SessionParametersAddInfoKHR.html) """ VideoDecodeH265SessionParametersAddInfoKHR(std_vp_ss::AbstractArray, std_sp_ss::AbstractArray, std_pp_ss::AbstractArray; next = C_NULL) = VideoDecodeH265SessionParametersAddInfoKHR(next, std_vp_ss, std_sp_ss, std_pp_ss) """ Extension: VK\\_KHR\\_video\\_decode\\_h265 Arguments: - `max_std_vps_count::UInt32` - `max_std_sps_count::UInt32` - `max_std_pps_count::UInt32` - `next::Any`: defaults to `C_NULL` - `parameters_add_info::VideoDecodeH265SessionParametersAddInfoKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265SessionParametersCreateInfoKHR.html) """ VideoDecodeH265SessionParametersCreateInfoKHR(max_std_vps_count::Integer, max_std_sps_count::Integer, max_std_pps_count::Integer; next = C_NULL, parameters_add_info = C_NULL) = VideoDecodeH265SessionParametersCreateInfoKHR(next, max_std_vps_count, max_std_sps_count, max_std_pps_count, parameters_add_info) """ Extension: VK\\_KHR\\_video\\_decode\\_h265 Arguments: - `std_picture_info::StdVideoDecodeH265PictureInfo` - `slice_segment_offsets::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265PictureInfoKHR.html) """ VideoDecodeH265PictureInfoKHR(std_picture_info::StdVideoDecodeH265PictureInfo, slice_segment_offsets::AbstractArray; next = C_NULL) = VideoDecodeH265PictureInfoKHR(next, std_picture_info, slice_segment_offsets) """ Extension: VK\\_KHR\\_video\\_decode\\_h265 Arguments: - `std_reference_info::StdVideoDecodeH265ReferenceInfo` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265DpbSlotInfoKHR.html) """ VideoDecodeH265DpbSlotInfoKHR(std_reference_info::StdVideoDecodeH265ReferenceInfo; next = C_NULL) = VideoDecodeH265DpbSlotInfoKHR(next, std_reference_info) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `queue_family_index::UInt32` - `video_profile::VideoProfileInfoKHR` - `picture_format::Format` - `max_coded_extent::Extent2D` - `reference_picture_format::Format` - `max_dpb_slots::UInt32` - `max_active_reference_pictures::UInt32` - `std_header_version::ExtensionProperties` - `next::Any`: defaults to `C_NULL` - `flags::VideoSessionCreateFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionCreateInfoKHR.html) """ VideoSessionCreateInfoKHR(queue_family_index::Integer, video_profile::VideoProfileInfoKHR, picture_format::Format, max_coded_extent::Extent2D, reference_picture_format::Format, max_dpb_slots::Integer, max_active_reference_pictures::Integer, std_header_version::ExtensionProperties; next = C_NULL, flags = 0) = VideoSessionCreateInfoKHR(next, queue_family_index, flags, video_profile, picture_format, max_coded_extent, reference_picture_format, max_dpb_slots, max_active_reference_pictures, std_header_version) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `video_session::VideoSessionKHR` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `video_session_parameters_template::VideoSessionParametersKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionParametersCreateInfoKHR.html) """ VideoSessionParametersCreateInfoKHR(video_session::VideoSessionKHR; next = C_NULL, flags = 0, video_session_parameters_template = C_NULL) = VideoSessionParametersCreateInfoKHR(next, flags, video_session_parameters_template, video_session) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `update_sequence_count::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionParametersUpdateInfoKHR.html) """ VideoSessionParametersUpdateInfoKHR(update_sequence_count::Integer; next = C_NULL) = VideoSessionParametersUpdateInfoKHR(next, update_sequence_count) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `video_session::VideoSessionKHR` - `reference_slots::Vector{VideoReferenceSlotInfoKHR}` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `video_session_parameters::VideoSessionParametersKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoBeginCodingInfoKHR.html) """ VideoBeginCodingInfoKHR(video_session::VideoSessionKHR, reference_slots::AbstractArray; next = C_NULL, flags = 0, video_session_parameters = C_NULL) = VideoBeginCodingInfoKHR(next, flags, video_session, video_session_parameters, reference_slots) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoEndCodingInfoKHR.html) """ VideoEndCodingInfoKHR(; next = C_NULL, flags = 0) = VideoEndCodingInfoKHR(next, flags) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `next::Any`: defaults to `C_NULL` - `flags::VideoCodingControlFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoCodingControlInfoKHR.html) """ VideoCodingControlInfoKHR(; next = C_NULL, flags = 0) = VideoCodingControlInfoKHR(next, flags) """ Extension: VK\\_NV\\_inherited\\_viewport\\_scissor Arguments: - `inherited_viewport_scissor_2_d::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInheritedViewportScissorFeaturesNV.html) """ PhysicalDeviceInheritedViewportScissorFeaturesNV(inherited_viewport_scissor_2_d::Bool; next = C_NULL) = PhysicalDeviceInheritedViewportScissorFeaturesNV(next, inherited_viewport_scissor_2_d) """ Extension: VK\\_NV\\_inherited\\_viewport\\_scissor Arguments: - `viewport_scissor_2_d::Bool` - `viewport_depth_count::UInt32` - `viewport_depths::Viewport` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceViewportScissorInfoNV.html) """ CommandBufferInheritanceViewportScissorInfoNV(viewport_scissor_2_d::Bool, viewport_depth_count::Integer, viewport_depths::Viewport; next = C_NULL) = CommandBufferInheritanceViewportScissorInfoNV(next, viewport_scissor_2_d, viewport_depth_count, viewport_depths) """ Extension: VK\\_EXT\\_ycbcr\\_2plane\\_444\\_formats Arguments: - `ycbcr_444_formats::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT.html) """ PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT(ycbcr_444_formats::Bool; next = C_NULL) = PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT(next, ycbcr_444_formats) """ Extension: VK\\_EXT\\_provoking\\_vertex Arguments: - `provoking_vertex_last::Bool` - `transform_feedback_preserves_provoking_vertex::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProvokingVertexFeaturesEXT.html) """ PhysicalDeviceProvokingVertexFeaturesEXT(provoking_vertex_last::Bool, transform_feedback_preserves_provoking_vertex::Bool; next = C_NULL) = PhysicalDeviceProvokingVertexFeaturesEXT(next, provoking_vertex_last, transform_feedback_preserves_provoking_vertex) """ Extension: VK\\_EXT\\_provoking\\_vertex Arguments: - `provoking_vertex_mode_per_pipeline::Bool` - `transform_feedback_preserves_triangle_fan_provoking_vertex::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProvokingVertexPropertiesEXT.html) """ PhysicalDeviceProvokingVertexPropertiesEXT(provoking_vertex_mode_per_pipeline::Bool, transform_feedback_preserves_triangle_fan_provoking_vertex::Bool; next = C_NULL) = PhysicalDeviceProvokingVertexPropertiesEXT(next, provoking_vertex_mode_per_pipeline, transform_feedback_preserves_triangle_fan_provoking_vertex) """ Extension: VK\\_EXT\\_provoking\\_vertex Arguments: - `provoking_vertex_mode::ProvokingVertexModeEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationProvokingVertexStateCreateInfoEXT.html) """ PipelineRasterizationProvokingVertexStateCreateInfoEXT(provoking_vertex_mode::ProvokingVertexModeEXT; next = C_NULL) = PipelineRasterizationProvokingVertexStateCreateInfoEXT(next, provoking_vertex_mode) """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `data_size::UInt` - `data::Ptr{Cvoid}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCuModuleCreateInfoNVX.html) """ CuModuleCreateInfoNVX(data_size::Integer, data::Ptr{Cvoid}; next = C_NULL) = CuModuleCreateInfoNVX(next, data_size, data) """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `_module::CuModuleNVX` - `name::String` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCuFunctionCreateInfoNVX.html) """ CuFunctionCreateInfoNVX(_module::CuModuleNVX, name::AbstractString; next = C_NULL) = CuFunctionCreateInfoNVX(next, _module, name) """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `_function::CuFunctionNVX` - `grid_dim_x::UInt32` - `grid_dim_y::UInt32` - `grid_dim_z::UInt32` - `block_dim_x::UInt32` - `block_dim_y::UInt32` - `block_dim_z::UInt32` - `shared_mem_bytes::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCuLaunchInfoNVX.html) """ CuLaunchInfoNVX(_function::CuFunctionNVX, grid_dim_x::Integer, grid_dim_y::Integer, grid_dim_z::Integer, block_dim_x::Integer, block_dim_y::Integer, block_dim_z::Integer, shared_mem_bytes::Integer; next = C_NULL) = CuLaunchInfoNVX(next, _function, grid_dim_x, grid_dim_y, grid_dim_z, block_dim_x, block_dim_y, block_dim_z, shared_mem_bytes) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `descriptor_buffer::Bool` - `descriptor_buffer_capture_replay::Bool` - `descriptor_buffer_image_layout_ignored::Bool` - `descriptor_buffer_push_descriptors::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorBufferFeaturesEXT.html) """ PhysicalDeviceDescriptorBufferFeaturesEXT(descriptor_buffer::Bool, descriptor_buffer_capture_replay::Bool, descriptor_buffer_image_layout_ignored::Bool, descriptor_buffer_push_descriptors::Bool; next = C_NULL) = PhysicalDeviceDescriptorBufferFeaturesEXT(next, descriptor_buffer, descriptor_buffer_capture_replay, descriptor_buffer_image_layout_ignored, descriptor_buffer_push_descriptors) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `combined_image_sampler_descriptor_single_array::Bool` - `bufferless_push_descriptors::Bool` - `allow_sampler_image_view_post_submit_creation::Bool` - `descriptor_buffer_offset_alignment::UInt64` - `max_descriptor_buffer_bindings::UInt32` - `max_resource_descriptor_buffer_bindings::UInt32` - `max_sampler_descriptor_buffer_bindings::UInt32` - `max_embedded_immutable_sampler_bindings::UInt32` - `max_embedded_immutable_samplers::UInt32` - `buffer_capture_replay_descriptor_data_size::UInt` - `image_capture_replay_descriptor_data_size::UInt` - `image_view_capture_replay_descriptor_data_size::UInt` - `sampler_capture_replay_descriptor_data_size::UInt` - `acceleration_structure_capture_replay_descriptor_data_size::UInt` - `sampler_descriptor_size::UInt` - `combined_image_sampler_descriptor_size::UInt` - `sampled_image_descriptor_size::UInt` - `storage_image_descriptor_size::UInt` - `uniform_texel_buffer_descriptor_size::UInt` - `robust_uniform_texel_buffer_descriptor_size::UInt` - `storage_texel_buffer_descriptor_size::UInt` - `robust_storage_texel_buffer_descriptor_size::UInt` - `uniform_buffer_descriptor_size::UInt` - `robust_uniform_buffer_descriptor_size::UInt` - `storage_buffer_descriptor_size::UInt` - `robust_storage_buffer_descriptor_size::UInt` - `input_attachment_descriptor_size::UInt` - `acceleration_structure_descriptor_size::UInt` - `max_sampler_descriptor_buffer_range::UInt64` - `max_resource_descriptor_buffer_range::UInt64` - `sampler_descriptor_buffer_address_space_size::UInt64` - `resource_descriptor_buffer_address_space_size::UInt64` - `descriptor_buffer_address_space_size::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorBufferPropertiesEXT.html) """ PhysicalDeviceDescriptorBufferPropertiesEXT(combined_image_sampler_descriptor_single_array::Bool, bufferless_push_descriptors::Bool, allow_sampler_image_view_post_submit_creation::Bool, descriptor_buffer_offset_alignment::Integer, max_descriptor_buffer_bindings::Integer, max_resource_descriptor_buffer_bindings::Integer, max_sampler_descriptor_buffer_bindings::Integer, max_embedded_immutable_sampler_bindings::Integer, max_embedded_immutable_samplers::Integer, buffer_capture_replay_descriptor_data_size::Integer, image_capture_replay_descriptor_data_size::Integer, image_view_capture_replay_descriptor_data_size::Integer, sampler_capture_replay_descriptor_data_size::Integer, acceleration_structure_capture_replay_descriptor_data_size::Integer, sampler_descriptor_size::Integer, combined_image_sampler_descriptor_size::Integer, sampled_image_descriptor_size::Integer, storage_image_descriptor_size::Integer, uniform_texel_buffer_descriptor_size::Integer, robust_uniform_texel_buffer_descriptor_size::Integer, storage_texel_buffer_descriptor_size::Integer, robust_storage_texel_buffer_descriptor_size::Integer, uniform_buffer_descriptor_size::Integer, robust_uniform_buffer_descriptor_size::Integer, storage_buffer_descriptor_size::Integer, robust_storage_buffer_descriptor_size::Integer, input_attachment_descriptor_size::Integer, acceleration_structure_descriptor_size::Integer, max_sampler_descriptor_buffer_range::Integer, max_resource_descriptor_buffer_range::Integer, sampler_descriptor_buffer_address_space_size::Integer, resource_descriptor_buffer_address_space_size::Integer, descriptor_buffer_address_space_size::Integer; next = C_NULL) = PhysicalDeviceDescriptorBufferPropertiesEXT(next, combined_image_sampler_descriptor_single_array, bufferless_push_descriptors, allow_sampler_image_view_post_submit_creation, descriptor_buffer_offset_alignment, max_descriptor_buffer_bindings, max_resource_descriptor_buffer_bindings, max_sampler_descriptor_buffer_bindings, max_embedded_immutable_sampler_bindings, max_embedded_immutable_samplers, buffer_capture_replay_descriptor_data_size, image_capture_replay_descriptor_data_size, image_view_capture_replay_descriptor_data_size, sampler_capture_replay_descriptor_data_size, acceleration_structure_capture_replay_descriptor_data_size, sampler_descriptor_size, combined_image_sampler_descriptor_size, sampled_image_descriptor_size, storage_image_descriptor_size, uniform_texel_buffer_descriptor_size, robust_uniform_texel_buffer_descriptor_size, storage_texel_buffer_descriptor_size, robust_storage_texel_buffer_descriptor_size, uniform_buffer_descriptor_size, robust_uniform_buffer_descriptor_size, storage_buffer_descriptor_size, robust_storage_buffer_descriptor_size, input_attachment_descriptor_size, acceleration_structure_descriptor_size, max_sampler_descriptor_buffer_range, max_resource_descriptor_buffer_range, sampler_descriptor_buffer_address_space_size, resource_descriptor_buffer_address_space_size, descriptor_buffer_address_space_size) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `combined_image_sampler_density_map_descriptor_size::UInt` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT.html) """ PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT(combined_image_sampler_density_map_descriptor_size::Integer; next = C_NULL) = PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT(next, combined_image_sampler_density_map_descriptor_size) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `address::UInt64` - `range::UInt64` - `format::Format` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorAddressInfoEXT.html) """ DescriptorAddressInfoEXT(address::Integer, range::Integer, format::Format; next = C_NULL) = DescriptorAddressInfoEXT(next, address, range, format) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `address::UInt64` - `usage::BufferUsageFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorBufferBindingInfoEXT.html) """ DescriptorBufferBindingInfoEXT(address::Integer, usage::BufferUsageFlag; next = C_NULL) = DescriptorBufferBindingInfoEXT(next, address, usage) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `buffer::Buffer` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorBufferBindingPushDescriptorBufferHandleEXT.html) """ DescriptorBufferBindingPushDescriptorBufferHandleEXT(buffer::Buffer; next = C_NULL) = DescriptorBufferBindingPushDescriptorBufferHandleEXT(next, buffer) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `type::DescriptorType` - `data::DescriptorDataEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorGetInfoEXT.html) """ DescriptorGetInfoEXT(type::DescriptorType, data::DescriptorDataEXT; next = C_NULL) = DescriptorGetInfoEXT(next, type, data) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `buffer::Buffer` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCaptureDescriptorDataInfoEXT.html) """ BufferCaptureDescriptorDataInfoEXT(buffer::Buffer; next = C_NULL) = BufferCaptureDescriptorDataInfoEXT(next, buffer) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `image::Image` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCaptureDescriptorDataInfoEXT.html) """ ImageCaptureDescriptorDataInfoEXT(image::Image; next = C_NULL) = ImageCaptureDescriptorDataInfoEXT(next, image) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `image_view::ImageView` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewCaptureDescriptorDataInfoEXT.html) """ ImageViewCaptureDescriptorDataInfoEXT(image_view::ImageView; next = C_NULL) = ImageViewCaptureDescriptorDataInfoEXT(next, image_view) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `sampler::Sampler` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerCaptureDescriptorDataInfoEXT.html) """ SamplerCaptureDescriptorDataInfoEXT(sampler::Sampler; next = C_NULL) = SamplerCaptureDescriptorDataInfoEXT(next, sampler) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `next::Any`: defaults to `C_NULL` - `acceleration_structure::AccelerationStructureKHR`: defaults to `C_NULL` - `acceleration_structure_nv::AccelerationStructureNV`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureCaptureDescriptorDataInfoEXT.html) """ AccelerationStructureCaptureDescriptorDataInfoEXT(; next = C_NULL, acceleration_structure = C_NULL, acceleration_structure_nv = C_NULL) = AccelerationStructureCaptureDescriptorDataInfoEXT(next, acceleration_structure, acceleration_structure_nv) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `opaque_capture_descriptor_data::Ptr{Cvoid}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpaqueCaptureDescriptorDataCreateInfoEXT.html) """ OpaqueCaptureDescriptorDataCreateInfoEXT(opaque_capture_descriptor_data::Ptr{Cvoid}; next = C_NULL) = OpaqueCaptureDescriptorDataCreateInfoEXT(next, opaque_capture_descriptor_data) """ Arguments: - `shader_integer_dot_product::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderIntegerDotProductFeatures.html) """ PhysicalDeviceShaderIntegerDotProductFeatures(shader_integer_dot_product::Bool; next = C_NULL) = PhysicalDeviceShaderIntegerDotProductFeatures(next, shader_integer_dot_product) """ Arguments: - `integer_dot_product_8_bit_unsigned_accelerated::Bool` - `integer_dot_product_8_bit_signed_accelerated::Bool` - `integer_dot_product_8_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_8_bit_packed_unsigned_accelerated::Bool` - `integer_dot_product_8_bit_packed_signed_accelerated::Bool` - `integer_dot_product_8_bit_packed_mixed_signedness_accelerated::Bool` - `integer_dot_product_16_bit_unsigned_accelerated::Bool` - `integer_dot_product_16_bit_signed_accelerated::Bool` - `integer_dot_product_16_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_32_bit_unsigned_accelerated::Bool` - `integer_dot_product_32_bit_signed_accelerated::Bool` - `integer_dot_product_32_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_64_bit_unsigned_accelerated::Bool` - `integer_dot_product_64_bit_signed_accelerated::Bool` - `integer_dot_product_64_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_16_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_32_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_64_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderIntegerDotProductProperties.html) """ PhysicalDeviceShaderIntegerDotProductProperties(integer_dot_product_8_bit_unsigned_accelerated::Bool, integer_dot_product_8_bit_signed_accelerated::Bool, integer_dot_product_8_bit_mixed_signedness_accelerated::Bool, integer_dot_product_8_bit_packed_unsigned_accelerated::Bool, integer_dot_product_8_bit_packed_signed_accelerated::Bool, integer_dot_product_8_bit_packed_mixed_signedness_accelerated::Bool, integer_dot_product_16_bit_unsigned_accelerated::Bool, integer_dot_product_16_bit_signed_accelerated::Bool, integer_dot_product_16_bit_mixed_signedness_accelerated::Bool, integer_dot_product_32_bit_unsigned_accelerated::Bool, integer_dot_product_32_bit_signed_accelerated::Bool, integer_dot_product_32_bit_mixed_signedness_accelerated::Bool, integer_dot_product_64_bit_unsigned_accelerated::Bool, integer_dot_product_64_bit_signed_accelerated::Bool, integer_dot_product_64_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_16_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_32_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_64_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated::Bool; next = C_NULL) = PhysicalDeviceShaderIntegerDotProductProperties(next, integer_dot_product_8_bit_unsigned_accelerated, integer_dot_product_8_bit_signed_accelerated, integer_dot_product_8_bit_mixed_signedness_accelerated, integer_dot_product_8_bit_packed_unsigned_accelerated, integer_dot_product_8_bit_packed_signed_accelerated, integer_dot_product_8_bit_packed_mixed_signedness_accelerated, integer_dot_product_16_bit_unsigned_accelerated, integer_dot_product_16_bit_signed_accelerated, integer_dot_product_16_bit_mixed_signedness_accelerated, integer_dot_product_32_bit_unsigned_accelerated, integer_dot_product_32_bit_signed_accelerated, integer_dot_product_32_bit_mixed_signedness_accelerated, integer_dot_product_64_bit_unsigned_accelerated, integer_dot_product_64_bit_signed_accelerated, integer_dot_product_64_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_8_bit_signed_accelerated, integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated, integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated, integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_16_bit_signed_accelerated, integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_32_bit_signed_accelerated, integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_64_bit_signed_accelerated, integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated) """ Extension: VK\\_EXT\\_physical\\_device\\_drm Arguments: - `has_primary::Bool` - `has_render::Bool` - `primary_major::Int64` - `primary_minor::Int64` - `render_major::Int64` - `render_minor::Int64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDrmPropertiesEXT.html) """ PhysicalDeviceDrmPropertiesEXT(has_primary::Bool, has_render::Bool, primary_major::Integer, primary_minor::Integer, render_major::Integer, render_minor::Integer; next = C_NULL) = PhysicalDeviceDrmPropertiesEXT(next, has_primary, has_render, primary_major, primary_minor, render_major, render_minor) """ Extension: VK\\_KHR\\_fragment\\_shader\\_barycentric Arguments: - `fragment_shader_barycentric::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR.html) """ PhysicalDeviceFragmentShaderBarycentricFeaturesKHR(fragment_shader_barycentric::Bool; next = C_NULL) = PhysicalDeviceFragmentShaderBarycentricFeaturesKHR(next, fragment_shader_barycentric) """ Extension: VK\\_KHR\\_fragment\\_shader\\_barycentric Arguments: - `tri_strip_vertex_order_independent_of_provoking_vertex::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR.html) """ PhysicalDeviceFragmentShaderBarycentricPropertiesKHR(tri_strip_vertex_order_independent_of_provoking_vertex::Bool; next = C_NULL) = PhysicalDeviceFragmentShaderBarycentricPropertiesKHR(next, tri_strip_vertex_order_independent_of_provoking_vertex) """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `ray_tracing_motion_blur::Bool` - `ray_tracing_motion_blur_pipeline_trace_rays_indirect::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingMotionBlurFeaturesNV.html) """ PhysicalDeviceRayTracingMotionBlurFeaturesNV(ray_tracing_motion_blur::Bool, ray_tracing_motion_blur_pipeline_trace_rays_indirect::Bool; next = C_NULL) = PhysicalDeviceRayTracingMotionBlurFeaturesNV(next, ray_tracing_motion_blur, ray_tracing_motion_blur_pipeline_trace_rays_indirect) """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `vertex_data::DeviceOrHostAddressConstKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryMotionTrianglesDataNV.html) """ AccelerationStructureGeometryMotionTrianglesDataNV(vertex_data::DeviceOrHostAddressConstKHR; next = C_NULL) = AccelerationStructureGeometryMotionTrianglesDataNV(next, vertex_data) """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `max_instances::UInt32` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMotionInfoNV.html) """ AccelerationStructureMotionInfoNV(max_instances::Integer; next = C_NULL, flags = 0) = AccelerationStructureMotionInfoNV(next, max_instances, flags) """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `transform_t_0::SRTDataNV` - `transform_t_1::SRTDataNV` - `instance_custom_index::UInt32` - `mask::UInt32` - `instance_shader_binding_table_record_offset::UInt32` - `acceleration_structure_reference::UInt64` - `flags::GeometryInstanceFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureSRTMotionInstanceNV.html) """ AccelerationStructureSRTMotionInstanceNV(transform_t_0::SRTDataNV, transform_t_1::SRTDataNV, instance_custom_index::Integer, mask::Integer, instance_shader_binding_table_record_offset::Integer, acceleration_structure_reference::Integer; flags = 0) = AccelerationStructureSRTMotionInstanceNV(transform_t_0, transform_t_1, instance_custom_index, mask, instance_shader_binding_table_record_offset, flags, acceleration_structure_reference) """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `transform_t_0::TransformMatrixKHR` - `transform_t_1::TransformMatrixKHR` - `instance_custom_index::UInt32` - `mask::UInt32` - `instance_shader_binding_table_record_offset::UInt32` - `acceleration_structure_reference::UInt64` - `flags::GeometryInstanceFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMatrixMotionInstanceNV.html) """ AccelerationStructureMatrixMotionInstanceNV(transform_t_0::TransformMatrixKHR, transform_t_1::TransformMatrixKHR, instance_custom_index::Integer, mask::Integer, instance_shader_binding_table_record_offset::Integer, acceleration_structure_reference::Integer; flags = 0) = AccelerationStructureMatrixMotionInstanceNV(transform_t_0, transform_t_1, instance_custom_index, mask, instance_shader_binding_table_record_offset, flags, acceleration_structure_reference) """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `type::AccelerationStructureMotionInstanceTypeNV` - `data::AccelerationStructureMotionInstanceDataNV` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMotionInstanceNV.html) """ AccelerationStructureMotionInstanceNV(type::AccelerationStructureMotionInstanceTypeNV, data::AccelerationStructureMotionInstanceDataNV; flags = 0) = AccelerationStructureMotionInstanceNV(type, flags, data) """ Extension: VK\\_NV\\_external\\_memory\\_rdma Arguments: - `memory::DeviceMemory` - `handle_type::ExternalMemoryHandleTypeFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryGetRemoteAddressInfoNV.html) """ MemoryGetRemoteAddressInfoNV(memory::DeviceMemory, handle_type::ExternalMemoryHandleTypeFlag; next = C_NULL) = MemoryGetRemoteAddressInfoNV(next, memory, handle_type) """ Extension: VK\\_EXT\\_rgba10x6\\_formats Arguments: - `format_rgba_1_6_without_y_cb_cr_sampler::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT.html) """ PhysicalDeviceRGBA10X6FormatsFeaturesEXT(format_rgba_1_6_without_y_cb_cr_sampler::Bool; next = C_NULL) = PhysicalDeviceRGBA10X6FormatsFeaturesEXT(next, format_rgba_1_6_without_y_cb_cr_sampler) """ Arguments: - `next::Any`: defaults to `C_NULL` - `linear_tiling_features::UInt64`: defaults to `0` - `optimal_tiling_features::UInt64`: defaults to `0` - `buffer_features::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFormatProperties3.html) """ FormatProperties3(; next = C_NULL, linear_tiling_features = 0, optimal_tiling_features = 0, buffer_features = 0) = FormatProperties3(next, linear_tiling_features, optimal_tiling_features, buffer_features) """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `next::Any`: defaults to `C_NULL` - `drm_format_modifier_properties::Vector{DrmFormatModifierProperties2EXT}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierPropertiesList2EXT.html) """ DrmFormatModifierPropertiesList2EXT(; next = C_NULL, drm_format_modifier_properties = C_NULL) = DrmFormatModifierPropertiesList2EXT(next, drm_format_modifier_properties) """ Arguments: - `view_mask::UInt32` - `color_attachment_formats::Vector{Format}` - `depth_attachment_format::Format` - `stencil_attachment_format::Format` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRenderingCreateInfo.html) """ PipelineRenderingCreateInfo(view_mask::Integer, color_attachment_formats::AbstractArray, depth_attachment_format::Format, stencil_attachment_format::Format; next = C_NULL) = PipelineRenderingCreateInfo(next, view_mask, color_attachment_formats, depth_attachment_format, stencil_attachment_format) """ Arguments: - `render_area::Rect2D` - `layer_count::UInt32` - `view_mask::UInt32` - `color_attachments::Vector{RenderingAttachmentInfo}` - `next::Any`: defaults to `C_NULL` - `flags::RenderingFlag`: defaults to `0` - `depth_attachment::RenderingAttachmentInfo`: defaults to `C_NULL` - `stencil_attachment::RenderingAttachmentInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingInfo.html) """ RenderingInfo(render_area::Rect2D, layer_count::Integer, view_mask::Integer, color_attachments::AbstractArray; next = C_NULL, flags = 0, depth_attachment = C_NULL, stencil_attachment = C_NULL) = RenderingInfo(next, flags, render_area, layer_count, view_mask, color_attachments, depth_attachment, stencil_attachment) """ Arguments: - `image_layout::ImageLayout` - `resolve_image_layout::ImageLayout` - `load_op::AttachmentLoadOp` - `store_op::AttachmentStoreOp` - `clear_value::ClearValue` - `next::Any`: defaults to `C_NULL` - `image_view::ImageView`: defaults to `C_NULL` - `resolve_mode::ResolveModeFlag`: defaults to `0` - `resolve_image_view::ImageView`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingAttachmentInfo.html) """ RenderingAttachmentInfo(image_layout::ImageLayout, resolve_image_layout::ImageLayout, load_op::AttachmentLoadOp, store_op::AttachmentStoreOp, clear_value::ClearValue; next = C_NULL, image_view = C_NULL, resolve_mode = 0, resolve_image_view = C_NULL) = RenderingAttachmentInfo(next, image_view, image_layout, resolve_mode, resolve_image_view, resolve_image_layout, load_op, store_op, clear_value) """ Extension: VK\\_KHR\\_dynamic\\_rendering Arguments: - `image_layout::ImageLayout` - `shading_rate_attachment_texel_size::Extent2D` - `next::Any`: defaults to `C_NULL` - `image_view::ImageView`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingFragmentShadingRateAttachmentInfoKHR.html) """ RenderingFragmentShadingRateAttachmentInfoKHR(image_layout::ImageLayout, shading_rate_attachment_texel_size::Extent2D; next = C_NULL, image_view = C_NULL) = RenderingFragmentShadingRateAttachmentInfoKHR(next, image_view, image_layout, shading_rate_attachment_texel_size) """ Extension: VK\\_KHR\\_dynamic\\_rendering Arguments: - `image_view::ImageView` - `image_layout::ImageLayout` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingFragmentDensityMapAttachmentInfoEXT.html) """ RenderingFragmentDensityMapAttachmentInfoEXT(image_view::ImageView, image_layout::ImageLayout; next = C_NULL) = RenderingFragmentDensityMapAttachmentInfoEXT(next, image_view, image_layout) """ Arguments: - `dynamic_rendering::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDynamicRenderingFeatures.html) """ PhysicalDeviceDynamicRenderingFeatures(dynamic_rendering::Bool; next = C_NULL) = PhysicalDeviceDynamicRenderingFeatures(next, dynamic_rendering) """ Arguments: - `view_mask::UInt32` - `color_attachment_formats::Vector{Format}` - `depth_attachment_format::Format` - `stencil_attachment_format::Format` - `next::Any`: defaults to `C_NULL` - `flags::RenderingFlag`: defaults to `0` - `rasterization_samples::SampleCountFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceRenderingInfo.html) """ CommandBufferInheritanceRenderingInfo(view_mask::Integer, color_attachment_formats::AbstractArray, depth_attachment_format::Format, stencil_attachment_format::Format; next = C_NULL, flags = 0, rasterization_samples = 0) = CommandBufferInheritanceRenderingInfo(next, flags, view_mask, color_attachment_formats, depth_attachment_format, stencil_attachment_format, rasterization_samples) """ Extension: VK\\_KHR\\_dynamic\\_rendering Arguments: - `color_attachment_samples::Vector{SampleCountFlag}` - `next::Any`: defaults to `C_NULL` - `depth_stencil_attachment_samples::SampleCountFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentSampleCountInfoAMD.html) """ AttachmentSampleCountInfoAMD(color_attachment_samples::AbstractArray; next = C_NULL, depth_stencil_attachment_samples = 0) = AttachmentSampleCountInfoAMD(next, color_attachment_samples, depth_stencil_attachment_samples) """ Extension: VK\\_KHR\\_dynamic\\_rendering Arguments: - `per_view_attributes::Bool` - `per_view_attributes_position_x_only::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultiviewPerViewAttributesInfoNVX.html) """ MultiviewPerViewAttributesInfoNVX(per_view_attributes::Bool, per_view_attributes_position_x_only::Bool; next = C_NULL) = MultiviewPerViewAttributesInfoNVX(next, per_view_attributes, per_view_attributes_position_x_only) """ Extension: VK\\_EXT\\_image\\_view\\_min\\_lod Arguments: - `min_lod::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageViewMinLodFeaturesEXT.html) """ PhysicalDeviceImageViewMinLodFeaturesEXT(min_lod::Bool; next = C_NULL) = PhysicalDeviceImageViewMinLodFeaturesEXT(next, min_lod) """ Extension: VK\\_EXT\\_image\\_view\\_min\\_lod Arguments: - `min_lod::Float32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewMinLodCreateInfoEXT.html) """ ImageViewMinLodCreateInfoEXT(min_lod::Real; next = C_NULL) = ImageViewMinLodCreateInfoEXT(next, min_lod) """ Extension: VK\\_EXT\\_rasterization\\_order\\_attachment\\_access Arguments: - `rasterization_order_color_attachment_access::Bool` - `rasterization_order_depth_attachment_access::Bool` - `rasterization_order_stencil_attachment_access::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT.html) """ PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT(rasterization_order_color_attachment_access::Bool, rasterization_order_depth_attachment_access::Bool, rasterization_order_stencil_attachment_access::Bool; next = C_NULL) = PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT(next, rasterization_order_color_attachment_access, rasterization_order_depth_attachment_access, rasterization_order_stencil_attachment_access) """ Extension: VK\\_NV\\_linear\\_color\\_attachment Arguments: - `linear_color_attachment::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLinearColorAttachmentFeaturesNV.html) """ PhysicalDeviceLinearColorAttachmentFeaturesNV(linear_color_attachment::Bool; next = C_NULL) = PhysicalDeviceLinearColorAttachmentFeaturesNV(next, linear_color_attachment) """ Extension: VK\\_EXT\\_graphics\\_pipeline\\_library Arguments: - `graphics_pipeline_library::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT.html) """ PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT(graphics_pipeline_library::Bool; next = C_NULL) = PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT(next, graphics_pipeline_library) """ Extension: VK\\_EXT\\_graphics\\_pipeline\\_library Arguments: - `graphics_pipeline_library_fast_linking::Bool` - `graphics_pipeline_library_independent_interpolation_decoration::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT.html) """ PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT(graphics_pipeline_library_fast_linking::Bool, graphics_pipeline_library_independent_interpolation_decoration::Bool; next = C_NULL) = PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT(next, graphics_pipeline_library_fast_linking, graphics_pipeline_library_independent_interpolation_decoration) """ Extension: VK\\_EXT\\_graphics\\_pipeline\\_library Arguments: - `flags::GraphicsPipelineLibraryFlagEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsPipelineLibraryCreateInfoEXT.html) """ GraphicsPipelineLibraryCreateInfoEXT(flags::GraphicsPipelineLibraryFlagEXT; next = C_NULL) = GraphicsPipelineLibraryCreateInfoEXT(next, flags) """ Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping Arguments: - `descriptor_set_host_mapping::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE.html) """ PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE(descriptor_set_host_mapping::Bool; next = C_NULL) = PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE(next, descriptor_set_host_mapping) """ Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping Arguments: - `descriptor_set_layout::DescriptorSetLayout` - `binding::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetBindingReferenceVALVE.html) """ DescriptorSetBindingReferenceVALVE(descriptor_set_layout::DescriptorSetLayout, binding::Integer; next = C_NULL) = DescriptorSetBindingReferenceVALVE(next, descriptor_set_layout, binding) """ Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping Arguments: - `descriptor_offset::UInt` - `descriptor_size::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutHostMappingInfoVALVE.html) """ DescriptorSetLayoutHostMappingInfoVALVE(descriptor_offset::Integer, descriptor_size::Integer; next = C_NULL) = DescriptorSetLayoutHostMappingInfoVALVE(next, descriptor_offset, descriptor_size) """ Extension: VK\\_EXT\\_shader\\_module\\_identifier Arguments: - `shader_module_identifier::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT.html) """ PhysicalDeviceShaderModuleIdentifierFeaturesEXT(shader_module_identifier::Bool; next = C_NULL) = PhysicalDeviceShaderModuleIdentifierFeaturesEXT(next, shader_module_identifier) """ Extension: VK\\_EXT\\_shader\\_module\\_identifier Arguments: - `shader_module_identifier_algorithm_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT.html) """ PhysicalDeviceShaderModuleIdentifierPropertiesEXT(shader_module_identifier_algorithm_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}; next = C_NULL) = PhysicalDeviceShaderModuleIdentifierPropertiesEXT(next, shader_module_identifier_algorithm_uuid) """ Extension: VK\\_EXT\\_shader\\_module\\_identifier Arguments: - `identifier::Vector{UInt8}` - `next::Any`: defaults to `C_NULL` - `identifier_size::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineShaderStageModuleIdentifierCreateInfoEXT.html) """ PipelineShaderStageModuleIdentifierCreateInfoEXT(identifier::AbstractArray; next = C_NULL, identifier_size = 0) = PipelineShaderStageModuleIdentifierCreateInfoEXT(next, identifier_size, identifier) """ Extension: VK\\_EXT\\_shader\\_module\\_identifier Arguments: - `identifier_size::UInt32` - `identifier::NTuple{Int(VK_MAX_SHADER_MODULE_IDENTIFIER_SIZE_EXT), UInt8}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderModuleIdentifierEXT.html) """ ShaderModuleIdentifierEXT(identifier_size::Integer, identifier::NTuple{Int(VK_MAX_SHADER_MODULE_IDENTIFIER_SIZE_EXT), UInt8}; next = C_NULL) = ShaderModuleIdentifierEXT(next, identifier_size, identifier) """ Extension: VK\\_EXT\\_image\\_compression\\_control Arguments: - `flags::ImageCompressionFlagEXT` - `fixed_rate_flags::Vector{ImageCompressionFixedRateFlagEXT}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCompressionControlEXT.html) """ ImageCompressionControlEXT(flags::ImageCompressionFlagEXT, fixed_rate_flags::AbstractArray; next = C_NULL) = ImageCompressionControlEXT(next, flags, fixed_rate_flags) """ Extension: VK\\_EXT\\_image\\_compression\\_control Arguments: - `image_compression_control::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageCompressionControlFeaturesEXT.html) """ PhysicalDeviceImageCompressionControlFeaturesEXT(image_compression_control::Bool; next = C_NULL) = PhysicalDeviceImageCompressionControlFeaturesEXT(next, image_compression_control) """ Extension: VK\\_EXT\\_image\\_compression\\_control Arguments: - `image_compression_flags::ImageCompressionFlagEXT` - `image_compression_fixed_rate_flags::ImageCompressionFixedRateFlagEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCompressionPropertiesEXT.html) """ ImageCompressionPropertiesEXT(image_compression_flags::ImageCompressionFlagEXT, image_compression_fixed_rate_flags::ImageCompressionFixedRateFlagEXT; next = C_NULL) = ImageCompressionPropertiesEXT(next, image_compression_flags, image_compression_fixed_rate_flags) """ Extension: VK\\_EXT\\_image\\_compression\\_control\\_swapchain Arguments: - `image_compression_control_swapchain::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT.html) """ PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT(image_compression_control_swapchain::Bool; next = C_NULL) = PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT(next, image_compression_control_swapchain) """ Extension: VK\\_EXT\\_image\\_compression\\_control Arguments: - `image_subresource::ImageSubresource` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresource2EXT.html) """ ImageSubresource2EXT(image_subresource::ImageSubresource; next = C_NULL) = ImageSubresource2EXT(next, image_subresource) """ Extension: VK\\_EXT\\_image\\_compression\\_control Arguments: - `subresource_layout::SubresourceLayout` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubresourceLayout2EXT.html) """ SubresourceLayout2EXT(subresource_layout::SubresourceLayout; next = C_NULL) = SubresourceLayout2EXT(next, subresource_layout) """ Extension: VK\\_EXT\\_subpass\\_merge\\_feedback Arguments: - `disallow_merging::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreationControlEXT.html) """ RenderPassCreationControlEXT(disallow_merging::Bool; next = C_NULL) = RenderPassCreationControlEXT(next, disallow_merging) """ Extension: VK\\_EXT\\_subpass\\_merge\\_feedback Arguments: - `render_pass_feedback::RenderPassCreationFeedbackInfoEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreationFeedbackCreateInfoEXT.html) """ RenderPassCreationFeedbackCreateInfoEXT(render_pass_feedback::RenderPassCreationFeedbackInfoEXT; next = C_NULL) = RenderPassCreationFeedbackCreateInfoEXT(next, render_pass_feedback) """ Extension: VK\\_EXT\\_subpass\\_merge\\_feedback Arguments: - `subpass_feedback::RenderPassSubpassFeedbackInfoEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassSubpassFeedbackCreateInfoEXT.html) """ RenderPassSubpassFeedbackCreateInfoEXT(subpass_feedback::RenderPassSubpassFeedbackInfoEXT; next = C_NULL) = RenderPassSubpassFeedbackCreateInfoEXT(next, subpass_feedback) """ Extension: VK\\_EXT\\_subpass\\_merge\\_feedback Arguments: - `subpass_merge_feedback::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT.html) """ PhysicalDeviceSubpassMergeFeedbackFeaturesEXT(subpass_merge_feedback::Bool; next = C_NULL) = PhysicalDeviceSubpassMergeFeedbackFeaturesEXT(next, subpass_merge_feedback) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `type::MicromapTypeEXT` - `mode::BuildMicromapModeEXT` - `data::DeviceOrHostAddressConstKHR` - `scratch_data::DeviceOrHostAddressKHR` - `triangle_array::DeviceOrHostAddressConstKHR` - `triangle_array_stride::UInt64` - `next::Any`: defaults to `C_NULL` - `flags::BuildMicromapFlagEXT`: defaults to `0` - `dst_micromap::MicromapEXT`: defaults to `C_NULL` - `usage_counts::Vector{MicromapUsageEXT}`: defaults to `C_NULL` - `usage_counts_2::Vector{MicromapUsageEXT}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapBuildInfoEXT.html) """ MicromapBuildInfoEXT(type::MicromapTypeEXT, mode::BuildMicromapModeEXT, data::DeviceOrHostAddressConstKHR, scratch_data::DeviceOrHostAddressKHR, triangle_array::DeviceOrHostAddressConstKHR, triangle_array_stride::Integer; next = C_NULL, flags = 0, dst_micromap = C_NULL, usage_counts = C_NULL, usage_counts_2 = C_NULL) = MicromapBuildInfoEXT(next, type, flags, mode, dst_micromap, usage_counts, usage_counts_2, data, scratch_data, triangle_array, triangle_array_stride) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `type::MicromapTypeEXT` - `next::Any`: defaults to `C_NULL` - `create_flags::MicromapCreateFlagEXT`: defaults to `0` - `device_address::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapCreateInfoEXT.html) """ MicromapCreateInfoEXT(buffer::Buffer, offset::Integer, size::Integer, type::MicromapTypeEXT; next = C_NULL, create_flags = 0, device_address = 0) = MicromapCreateInfoEXT(next, create_flags, buffer, offset, size, type, device_address) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `version_data::Vector{UInt8}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapVersionInfoEXT.html) """ MicromapVersionInfoEXT(version_data::AbstractArray; next = C_NULL) = MicromapVersionInfoEXT(next, version_data) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `src::MicromapEXT` - `dst::MicromapEXT` - `mode::CopyMicromapModeEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMicromapInfoEXT.html) """ CopyMicromapInfoEXT(src::MicromapEXT, dst::MicromapEXT, mode::CopyMicromapModeEXT; next = C_NULL) = CopyMicromapInfoEXT(next, src, dst, mode) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `src::MicromapEXT` - `dst::DeviceOrHostAddressKHR` - `mode::CopyMicromapModeEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMicromapToMemoryInfoEXT.html) """ CopyMicromapToMemoryInfoEXT(src::MicromapEXT, dst::DeviceOrHostAddressKHR, mode::CopyMicromapModeEXT; next = C_NULL) = CopyMicromapToMemoryInfoEXT(next, src, dst, mode) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `src::DeviceOrHostAddressConstKHR` - `dst::MicromapEXT` - `mode::CopyMicromapModeEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryToMicromapInfoEXT.html) """ CopyMemoryToMicromapInfoEXT(src::DeviceOrHostAddressConstKHR, dst::MicromapEXT, mode::CopyMicromapModeEXT; next = C_NULL) = CopyMemoryToMicromapInfoEXT(next, src, dst, mode) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `micromap_size::UInt64` - `build_scratch_size::UInt64` - `discardable::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapBuildSizesInfoEXT.html) """ MicromapBuildSizesInfoEXT(micromap_size::Integer, build_scratch_size::Integer, discardable::Bool; next = C_NULL) = MicromapBuildSizesInfoEXT(next, micromap_size, build_scratch_size, discardable) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `micromap::Bool` - `micromap_capture_replay::Bool` - `micromap_host_commands::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpacityMicromapFeaturesEXT.html) """ PhysicalDeviceOpacityMicromapFeaturesEXT(micromap::Bool, micromap_capture_replay::Bool, micromap_host_commands::Bool; next = C_NULL) = PhysicalDeviceOpacityMicromapFeaturesEXT(next, micromap, micromap_capture_replay, micromap_host_commands) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `max_opacity_2_state_subdivision_level::UInt32` - `max_opacity_4_state_subdivision_level::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpacityMicromapPropertiesEXT.html) """ PhysicalDeviceOpacityMicromapPropertiesEXT(max_opacity_2_state_subdivision_level::Integer, max_opacity_4_state_subdivision_level::Integer; next = C_NULL) = PhysicalDeviceOpacityMicromapPropertiesEXT(next, max_opacity_2_state_subdivision_level, max_opacity_4_state_subdivision_level) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `index_type::IndexType` - `index_buffer::DeviceOrHostAddressConstKHR` - `index_stride::UInt64` - `base_triangle::UInt32` - `micromap::MicromapEXT` - `next::Any`: defaults to `C_NULL` - `usage_counts::Vector{MicromapUsageEXT}`: defaults to `C_NULL` - `usage_counts_2::Vector{MicromapUsageEXT}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureTrianglesOpacityMicromapEXT.html) """ AccelerationStructureTrianglesOpacityMicromapEXT(index_type::IndexType, index_buffer::DeviceOrHostAddressConstKHR, index_stride::Integer, base_triangle::Integer, micromap::MicromapEXT; next = C_NULL, usage_counts = C_NULL, usage_counts_2 = C_NULL) = AccelerationStructureTrianglesOpacityMicromapEXT(next, index_type, index_buffer, index_stride, base_triangle, usage_counts, usage_counts_2, micromap) """ Extension: VK\\_EXT\\_pipeline\\_properties Arguments: - `pipeline_identifier::NTuple{Int(VK_UUID_SIZE), UInt8}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelinePropertiesIdentifierEXT.html) """ PipelinePropertiesIdentifierEXT(pipeline_identifier::NTuple{Int(VK_UUID_SIZE), UInt8}; next = C_NULL) = PipelinePropertiesIdentifierEXT(next, pipeline_identifier) """ Extension: VK\\_EXT\\_pipeline\\_properties Arguments: - `pipeline_properties_identifier::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelinePropertiesFeaturesEXT.html) """ PhysicalDevicePipelinePropertiesFeaturesEXT(pipeline_properties_identifier::Bool; next = C_NULL) = PhysicalDevicePipelinePropertiesFeaturesEXT(next, pipeline_properties_identifier) """ Extension: VK\\_AMD\\_shader\\_early\\_and\\_late\\_fragment\\_tests Arguments: - `shader_early_and_late_fragment_tests::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD.html) """ PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD(shader_early_and_late_fragment_tests::Bool; next = C_NULL) = PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD(next, shader_early_and_late_fragment_tests) """ Extension: VK\\_EXT\\_non\\_seamless\\_cube\\_map Arguments: - `non_seamless_cube_map::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT.html) """ PhysicalDeviceNonSeamlessCubeMapFeaturesEXT(non_seamless_cube_map::Bool; next = C_NULL) = PhysicalDeviceNonSeamlessCubeMapFeaturesEXT(next, non_seamless_cube_map) """ Extension: VK\\_EXT\\_pipeline\\_robustness Arguments: - `pipeline_robustness::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineRobustnessFeaturesEXT.html) """ PhysicalDevicePipelineRobustnessFeaturesEXT(pipeline_robustness::Bool; next = C_NULL) = PhysicalDevicePipelineRobustnessFeaturesEXT(next, pipeline_robustness) """ Extension: VK\\_EXT\\_pipeline\\_robustness Arguments: - `storage_buffers::PipelineRobustnessBufferBehaviorEXT` - `uniform_buffers::PipelineRobustnessBufferBehaviorEXT` - `vertex_inputs::PipelineRobustnessBufferBehaviorEXT` - `images::PipelineRobustnessImageBehaviorEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRobustnessCreateInfoEXT.html) """ PipelineRobustnessCreateInfoEXT(storage_buffers::PipelineRobustnessBufferBehaviorEXT, uniform_buffers::PipelineRobustnessBufferBehaviorEXT, vertex_inputs::PipelineRobustnessBufferBehaviorEXT, images::PipelineRobustnessImageBehaviorEXT; next = C_NULL) = PipelineRobustnessCreateInfoEXT(next, storage_buffers, uniform_buffers, vertex_inputs, images) """ Extension: VK\\_EXT\\_pipeline\\_robustness Arguments: - `default_robustness_storage_buffers::PipelineRobustnessBufferBehaviorEXT` - `default_robustness_uniform_buffers::PipelineRobustnessBufferBehaviorEXT` - `default_robustness_vertex_inputs::PipelineRobustnessBufferBehaviorEXT` - `default_robustness_images::PipelineRobustnessImageBehaviorEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineRobustnessPropertiesEXT.html) """ PhysicalDevicePipelineRobustnessPropertiesEXT(default_robustness_storage_buffers::PipelineRobustnessBufferBehaviorEXT, default_robustness_uniform_buffers::PipelineRobustnessBufferBehaviorEXT, default_robustness_vertex_inputs::PipelineRobustnessBufferBehaviorEXT, default_robustness_images::PipelineRobustnessImageBehaviorEXT; next = C_NULL) = PhysicalDevicePipelineRobustnessPropertiesEXT(next, default_robustness_storage_buffers, default_robustness_uniform_buffers, default_robustness_vertex_inputs, default_robustness_images) """ Extension: VK\\_QCOM\\_image\\_processing Arguments: - `filter_center::Offset2D` - `filter_size::Extent2D` - `num_phases::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewSampleWeightCreateInfoQCOM.html) """ ImageViewSampleWeightCreateInfoQCOM(filter_center::Offset2D, filter_size::Extent2D, num_phases::Integer; next = C_NULL) = ImageViewSampleWeightCreateInfoQCOM(next, filter_center, filter_size, num_phases) """ Extension: VK\\_QCOM\\_image\\_processing Arguments: - `texture_sample_weighted::Bool` - `texture_box_filter::Bool` - `texture_block_match::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageProcessingFeaturesQCOM.html) """ PhysicalDeviceImageProcessingFeaturesQCOM(texture_sample_weighted::Bool, texture_box_filter::Bool, texture_block_match::Bool; next = C_NULL) = PhysicalDeviceImageProcessingFeaturesQCOM(next, texture_sample_weighted, texture_box_filter, texture_block_match) """ Extension: VK\\_QCOM\\_image\\_processing Arguments: - `next::Any`: defaults to `C_NULL` - `max_weight_filter_phases::UInt32`: defaults to `0` - `max_weight_filter_dimension::Extent2D`: defaults to `C_NULL` - `max_block_match_region::Extent2D`: defaults to `C_NULL` - `max_box_filter_block_size::Extent2D`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageProcessingPropertiesQCOM.html) """ PhysicalDeviceImageProcessingPropertiesQCOM(; next = C_NULL, max_weight_filter_phases = 0, max_weight_filter_dimension = C_NULL, max_block_match_region = C_NULL, max_box_filter_block_size = C_NULL) = PhysicalDeviceImageProcessingPropertiesQCOM(next, max_weight_filter_phases, max_weight_filter_dimension, max_block_match_region, max_box_filter_block_size) """ Extension: VK\\_QCOM\\_tile\\_properties Arguments: - `tile_properties::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTilePropertiesFeaturesQCOM.html) """ PhysicalDeviceTilePropertiesFeaturesQCOM(tile_properties::Bool; next = C_NULL) = PhysicalDeviceTilePropertiesFeaturesQCOM(next, tile_properties) """ Extension: VK\\_QCOM\\_tile\\_properties Arguments: - `tile_size::Extent3D` - `apron_size::Extent2D` - `origin::Offset2D` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTilePropertiesQCOM.html) """ TilePropertiesQCOM(tile_size::Extent3D, apron_size::Extent2D, origin::Offset2D; next = C_NULL) = TilePropertiesQCOM(next, tile_size, apron_size, origin) """ Extension: VK\\_SEC\\_amigo\\_profiling Arguments: - `amigo_profiling::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAmigoProfilingFeaturesSEC.html) """ PhysicalDeviceAmigoProfilingFeaturesSEC(amigo_profiling::Bool; next = C_NULL) = PhysicalDeviceAmigoProfilingFeaturesSEC(next, amigo_profiling) """ Extension: VK\\_SEC\\_amigo\\_profiling Arguments: - `first_draw_timestamp::UInt64` - `swap_buffer_timestamp::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAmigoProfilingSubmitInfoSEC.html) """ AmigoProfilingSubmitInfoSEC(first_draw_timestamp::Integer, swap_buffer_timestamp::Integer; next = C_NULL) = AmigoProfilingSubmitInfoSEC(next, first_draw_timestamp, swap_buffer_timestamp) """ Extension: VK\\_EXT\\_attachment\\_feedback\\_loop\\_layout Arguments: - `attachment_feedback_loop_layout::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT.html) """ PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT(attachment_feedback_loop_layout::Bool; next = C_NULL) = PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT(next, attachment_feedback_loop_layout) """ Extension: VK\\_EXT\\_depth\\_clamp\\_zero\\_one Arguments: - `depth_clamp_zero_one::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthClampZeroOneFeaturesEXT.html) """ PhysicalDeviceDepthClampZeroOneFeaturesEXT(depth_clamp_zero_one::Bool; next = C_NULL) = PhysicalDeviceDepthClampZeroOneFeaturesEXT(next, depth_clamp_zero_one) """ Extension: VK\\_EXT\\_device\\_address\\_binding\\_report Arguments: - `report_address_binding::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAddressBindingReportFeaturesEXT.html) """ PhysicalDeviceAddressBindingReportFeaturesEXT(report_address_binding::Bool; next = C_NULL) = PhysicalDeviceAddressBindingReportFeaturesEXT(next, report_address_binding) """ Extension: VK\\_EXT\\_device\\_address\\_binding\\_report Arguments: - `base_address::UInt64` - `size::UInt64` - `binding_type::DeviceAddressBindingTypeEXT` - `next::Any`: defaults to `C_NULL` - `flags::DeviceAddressBindingFlagEXT`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceAddressBindingCallbackDataEXT.html) """ DeviceAddressBindingCallbackDataEXT(base_address::Integer, size::Integer, binding_type::DeviceAddressBindingTypeEXT; next = C_NULL, flags = 0) = DeviceAddressBindingCallbackDataEXT(next, flags, base_address, size, binding_type) """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `optical_flow::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpticalFlowFeaturesNV.html) """ PhysicalDeviceOpticalFlowFeaturesNV(optical_flow::Bool; next = C_NULL) = PhysicalDeviceOpticalFlowFeaturesNV(next, optical_flow) """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `supported_output_grid_sizes::OpticalFlowGridSizeFlagNV` - `supported_hint_grid_sizes::OpticalFlowGridSizeFlagNV` - `hint_supported::Bool` - `cost_supported::Bool` - `bidirectional_flow_supported::Bool` - `global_flow_supported::Bool` - `min_width::UInt32` - `min_height::UInt32` - `max_width::UInt32` - `max_height::UInt32` - `max_num_regions_of_interest::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpticalFlowPropertiesNV.html) """ PhysicalDeviceOpticalFlowPropertiesNV(supported_output_grid_sizes::OpticalFlowGridSizeFlagNV, supported_hint_grid_sizes::OpticalFlowGridSizeFlagNV, hint_supported::Bool, cost_supported::Bool, bidirectional_flow_supported::Bool, global_flow_supported::Bool, min_width::Integer, min_height::Integer, max_width::Integer, max_height::Integer, max_num_regions_of_interest::Integer; next = C_NULL) = PhysicalDeviceOpticalFlowPropertiesNV(next, supported_output_grid_sizes, supported_hint_grid_sizes, hint_supported, cost_supported, bidirectional_flow_supported, global_flow_supported, min_width, min_height, max_width, max_height, max_num_regions_of_interest) """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `usage::OpticalFlowUsageFlagNV` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowImageFormatInfoNV.html) """ OpticalFlowImageFormatInfoNV(usage::OpticalFlowUsageFlagNV; next = C_NULL) = OpticalFlowImageFormatInfoNV(next, usage) """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `format::Format` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowImageFormatPropertiesNV.html) """ OpticalFlowImageFormatPropertiesNV(format::Format; next = C_NULL) = OpticalFlowImageFormatPropertiesNV(next, format) """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `width::UInt32` - `height::UInt32` - `image_format::Format` - `flow_vector_format::Format` - `output_grid_size::OpticalFlowGridSizeFlagNV` - `next::Any`: defaults to `C_NULL` - `cost_format::Format`: defaults to `0` - `hint_grid_size::OpticalFlowGridSizeFlagNV`: defaults to `0` - `performance_level::OpticalFlowPerformanceLevelNV`: defaults to `0` - `flags::OpticalFlowSessionCreateFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowSessionCreateInfoNV.html) """ OpticalFlowSessionCreateInfoNV(width::Integer, height::Integer, image_format::Format, flow_vector_format::Format, output_grid_size::OpticalFlowGridSizeFlagNV; next = C_NULL, cost_format = 0, hint_grid_size = 0, performance_level = 0, flags = 0) = OpticalFlowSessionCreateInfoNV(next, width, height, image_format, flow_vector_format, cost_format, output_grid_size, hint_grid_size, performance_level, flags) """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `id::UInt32` - `size::UInt32` - `private_data::Ptr{Cvoid}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowSessionCreatePrivateDataInfoNV.html) """ OpticalFlowSessionCreatePrivateDataInfoNV(id::Integer, size::Integer, private_data::Ptr{Cvoid}; next = C_NULL) = OpticalFlowSessionCreatePrivateDataInfoNV(next, id, size, private_data) """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `regions::Vector{Rect2D}` - `next::Any`: defaults to `C_NULL` - `flags::OpticalFlowExecuteFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowExecuteInfoNV.html) """ OpticalFlowExecuteInfoNV(regions::AbstractArray; next = C_NULL, flags = 0) = OpticalFlowExecuteInfoNV(next, flags, regions) """ Extension: VK\\_EXT\\_device\\_fault Arguments: - `device_fault::Bool` - `device_fault_vendor_binary::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFaultFeaturesEXT.html) """ PhysicalDeviceFaultFeaturesEXT(device_fault::Bool, device_fault_vendor_binary::Bool; next = C_NULL) = PhysicalDeviceFaultFeaturesEXT(next, device_fault, device_fault_vendor_binary) """ Extension: VK\\_EXT\\_device\\_fault Arguments: - `next::Any`: defaults to `C_NULL` - `address_info_count::UInt32`: defaults to `0` - `vendor_info_count::UInt32`: defaults to `0` - `vendor_binary_size::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultCountsEXT.html) """ DeviceFaultCountsEXT(; next = C_NULL, address_info_count = 0, vendor_info_count = 0, vendor_binary_size = 0) = DeviceFaultCountsEXT(next, address_info_count, vendor_info_count, vendor_binary_size) """ Extension: VK\\_EXT\\_device\\_fault Arguments: - `description::String` - `next::Any`: defaults to `C_NULL` - `address_infos::DeviceFaultAddressInfoEXT`: defaults to `C_NULL` - `vendor_infos::DeviceFaultVendorInfoEXT`: defaults to `C_NULL` - `vendor_binary_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultInfoEXT.html) """ DeviceFaultInfoEXT(description::AbstractString; next = C_NULL, address_infos = C_NULL, vendor_infos = C_NULL, vendor_binary_data = C_NULL) = DeviceFaultInfoEXT(next, description, address_infos, vendor_infos, vendor_binary_data) """ Extension: VK\\_EXT\\_pipeline\\_library\\_group\\_handles Arguments: - `pipeline_library_group_handles::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT.html) """ PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT(pipeline_library_group_handles::Bool; next = C_NULL) = PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT(next, pipeline_library_group_handles) """ Extension: VK\\_ARM\\_shader\\_core\\_builtins Arguments: - `shader_core_mask::UInt64` - `shader_core_count::UInt32` - `shader_warps_per_core::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM.html) """ PhysicalDeviceShaderCoreBuiltinsPropertiesARM(shader_core_mask::Integer, shader_core_count::Integer, shader_warps_per_core::Integer; next = C_NULL) = PhysicalDeviceShaderCoreBuiltinsPropertiesARM(next, shader_core_mask, shader_core_count, shader_warps_per_core) """ Extension: VK\\_ARM\\_shader\\_core\\_builtins Arguments: - `shader_core_builtins::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM.html) """ PhysicalDeviceShaderCoreBuiltinsFeaturesARM(shader_core_builtins::Bool; next = C_NULL) = PhysicalDeviceShaderCoreBuiltinsFeaturesARM(next, shader_core_builtins) """ Extension: VK\\_EXT\\_surface\\_maintenance1 Arguments: - `present_mode::PresentModeKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfacePresentModeEXT.html) """ SurfacePresentModeEXT(present_mode::PresentModeKHR; next = C_NULL) = SurfacePresentModeEXT(next, present_mode) """ Extension: VK\\_EXT\\_surface\\_maintenance1 Arguments: - `next::Any`: defaults to `C_NULL` - `supported_present_scaling::PresentScalingFlagEXT`: defaults to `0` - `supported_present_gravity_x::PresentGravityFlagEXT`: defaults to `0` - `supported_present_gravity_y::PresentGravityFlagEXT`: defaults to `0` - `min_scaled_image_extent::Extent2D`: defaults to `C_NULL` - `max_scaled_image_extent::Extent2D`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfacePresentScalingCapabilitiesEXT.html) """ SurfacePresentScalingCapabilitiesEXT(; next = C_NULL, supported_present_scaling = 0, supported_present_gravity_x = 0, supported_present_gravity_y = 0, min_scaled_image_extent = C_NULL, max_scaled_image_extent = C_NULL) = SurfacePresentScalingCapabilitiesEXT(next, supported_present_scaling, supported_present_gravity_x, supported_present_gravity_y, min_scaled_image_extent, max_scaled_image_extent) """ Extension: VK\\_EXT\\_surface\\_maintenance1 Arguments: - `next::Any`: defaults to `C_NULL` - `present_modes::Vector{PresentModeKHR}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfacePresentModeCompatibilityEXT.html) """ SurfacePresentModeCompatibilityEXT(; next = C_NULL, present_modes = C_NULL) = SurfacePresentModeCompatibilityEXT(next, present_modes) """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Arguments: - `swapchain_maintenance_1::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT.html) """ PhysicalDeviceSwapchainMaintenance1FeaturesEXT(swapchain_maintenance_1::Bool; next = C_NULL) = PhysicalDeviceSwapchainMaintenance1FeaturesEXT(next, swapchain_maintenance_1) """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Arguments: - `fences::Vector{Fence}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentFenceInfoEXT.html) """ SwapchainPresentFenceInfoEXT(fences::AbstractArray; next = C_NULL) = SwapchainPresentFenceInfoEXT(next, fences) """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Arguments: - `present_modes::Vector{PresentModeKHR}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentModesCreateInfoEXT.html) """ SwapchainPresentModesCreateInfoEXT(present_modes::AbstractArray; next = C_NULL) = SwapchainPresentModesCreateInfoEXT(next, present_modes) """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Arguments: - `present_modes::Vector{PresentModeKHR}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentModeInfoEXT.html) """ SwapchainPresentModeInfoEXT(present_modes::AbstractArray; next = C_NULL) = SwapchainPresentModeInfoEXT(next, present_modes) """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Arguments: - `next::Any`: defaults to `C_NULL` - `scaling_behavior::PresentScalingFlagEXT`: defaults to `0` - `present_gravity_x::PresentGravityFlagEXT`: defaults to `0` - `present_gravity_y::PresentGravityFlagEXT`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentScalingCreateInfoEXT.html) """ SwapchainPresentScalingCreateInfoEXT(; next = C_NULL, scaling_behavior = 0, present_gravity_x = 0, present_gravity_y = 0) = SwapchainPresentScalingCreateInfoEXT(next, scaling_behavior, present_gravity_x, present_gravity_y) """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Arguments: - `swapchain::SwapchainKHR` (externsync) - `image_indices::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkReleaseSwapchainImagesInfoEXT.html) """ ReleaseSwapchainImagesInfoEXT(swapchain::SwapchainKHR, image_indices::AbstractArray; next = C_NULL) = ReleaseSwapchainImagesInfoEXT(next, swapchain, image_indices) """ Extension: VK\\_NV\\_ray\\_tracing\\_invocation\\_reorder Arguments: - `ray_tracing_invocation_reorder::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV.html) """ PhysicalDeviceRayTracingInvocationReorderFeaturesNV(ray_tracing_invocation_reorder::Bool; next = C_NULL) = PhysicalDeviceRayTracingInvocationReorderFeaturesNV(next, ray_tracing_invocation_reorder) """ Extension: VK\\_NV\\_ray\\_tracing\\_invocation\\_reorder Arguments: - `ray_tracing_invocation_reorder_reordering_hint::RayTracingInvocationReorderModeNV` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV.html) """ PhysicalDeviceRayTracingInvocationReorderPropertiesNV(ray_tracing_invocation_reorder_reordering_hint::RayTracingInvocationReorderModeNV; next = C_NULL) = PhysicalDeviceRayTracingInvocationReorderPropertiesNV(next, ray_tracing_invocation_reorder_reordering_hint) """ Extension: VK\\_LUNARG\\_direct\\_driver\\_loading Arguments: - `flags::UInt32` - `pfn_get_instance_proc_addr::FunctionPtr` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDirectDriverLoadingInfoLUNARG.html) """ DirectDriverLoadingInfoLUNARG(flags::Integer, pfn_get_instance_proc_addr::FunctionPtr; next = C_NULL) = DirectDriverLoadingInfoLUNARG(next, flags, pfn_get_instance_proc_addr) """ Extension: VK\\_LUNARG\\_direct\\_driver\\_loading Arguments: - `mode::DirectDriverLoadingModeLUNARG` - `drivers::Vector{DirectDriverLoadingInfoLUNARG}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDirectDriverLoadingListLUNARG.html) """ DirectDriverLoadingListLUNARG(mode::DirectDriverLoadingModeLUNARG, drivers::AbstractArray; next = C_NULL) = DirectDriverLoadingListLUNARG(next, mode, drivers) """ Extension: VK\\_QCOM\\_multiview\\_per\\_view\\_viewports Arguments: - `multiview_per_view_viewports::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM.html) """ PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM(multiview_per_view_viewports::Bool; next = C_NULL) = PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM(next, multiview_per_view_viewports) _BaseOutStructure(x::BaseOutStructure) = _BaseOutStructure(; x.next) _BaseInStructure(x::BaseInStructure) = _BaseInStructure(; x.next) _Offset2D(x::Offset2D) = _Offset2D(x.x, x.y) _Offset3D(x::Offset3D) = _Offset3D(x.x, x.y, x.z) _Extent2D(x::Extent2D) = _Extent2D(x.width, x.height) _Extent3D(x::Extent3D) = _Extent3D(x.width, x.height, x.depth) _Viewport(x::Viewport) = _Viewport(x.x, x.y, x.width, x.height, x.min_depth, x.max_depth) _Rect2D(x::Rect2D) = _Rect2D(convert_nonnull(_Offset2D, x.offset), convert_nonnull(_Extent2D, x.extent)) _ClearRect(x::ClearRect) = _ClearRect(convert_nonnull(_Rect2D, x.rect), x.base_array_layer, x.layer_count) _ComponentMapping(x::ComponentMapping) = _ComponentMapping(x.r, x.g, x.b, x.a) _PhysicalDeviceProperties(x::PhysicalDeviceProperties) = _PhysicalDeviceProperties(x.api_version, x.driver_version, x.vendor_id, x.device_id, x.device_type, x.device_name, x.pipeline_cache_uuid, convert_nonnull(_PhysicalDeviceLimits, x.limits), convert_nonnull(_PhysicalDeviceSparseProperties, x.sparse_properties)) _ExtensionProperties(x::ExtensionProperties) = _ExtensionProperties(x.extension_name, x.spec_version) _LayerProperties(x::LayerProperties) = _LayerProperties(x.layer_name, x.spec_version, x.implementation_version, x.description) _ApplicationInfo(x::ApplicationInfo) = _ApplicationInfo(x.application_version, x.engine_version, x.api_version; x.next, x.application_name, x.engine_name) _AllocationCallbacks(x::AllocationCallbacks) = _AllocationCallbacks(x.pfn_allocation, x.pfn_reallocation, x.pfn_free; x.user_data, x.pfn_internal_allocation, x.pfn_internal_free) _DeviceQueueCreateInfo(x::DeviceQueueCreateInfo) = _DeviceQueueCreateInfo(x.queue_family_index, x.queue_priorities; x.next, x.flags) _DeviceCreateInfo(x::DeviceCreateInfo) = _DeviceCreateInfo(convert_nonnull(Vector{_DeviceQueueCreateInfo}, x.queue_create_infos), x.enabled_layer_names, x.enabled_extension_names; x.next, x.flags, enabled_features = convert_nonnull(_PhysicalDeviceFeatures, x.enabled_features)) _InstanceCreateInfo(x::InstanceCreateInfo) = _InstanceCreateInfo(x.enabled_layer_names, x.enabled_extension_names; x.next, x.flags, application_info = convert_nonnull(_ApplicationInfo, x.application_info)) _QueueFamilyProperties(x::QueueFamilyProperties) = _QueueFamilyProperties(x.queue_count, x.timestamp_valid_bits, convert_nonnull(_Extent3D, x.min_image_transfer_granularity); x.queue_flags) _PhysicalDeviceMemoryProperties(x::PhysicalDeviceMemoryProperties) = _PhysicalDeviceMemoryProperties(x.memory_type_count, convert_nonnull(NTuple{Int(VK_MAX_MEMORY_TYPES), _MemoryType}, x.memory_types), x.memory_heap_count, convert_nonnull(NTuple{Int(VK_MAX_MEMORY_HEAPS), _MemoryHeap}, x.memory_heaps)) _MemoryAllocateInfo(x::MemoryAllocateInfo) = _MemoryAllocateInfo(x.allocation_size, x.memory_type_index; x.next) _MemoryRequirements(x::MemoryRequirements) = _MemoryRequirements(x.size, x.alignment, x.memory_type_bits) _SparseImageFormatProperties(x::SparseImageFormatProperties) = _SparseImageFormatProperties(convert_nonnull(_Extent3D, x.image_granularity); x.aspect_mask, x.flags) _SparseImageMemoryRequirements(x::SparseImageMemoryRequirements) = _SparseImageMemoryRequirements(convert_nonnull(_SparseImageFormatProperties, x.format_properties), x.image_mip_tail_first_lod, x.image_mip_tail_size, x.image_mip_tail_offset, x.image_mip_tail_stride) _MemoryType(x::MemoryType) = _MemoryType(x.heap_index; x.property_flags) _MemoryHeap(x::MemoryHeap) = _MemoryHeap(x.size; x.flags) _MappedMemoryRange(x::MappedMemoryRange) = _MappedMemoryRange(x.memory, x.offset, x.size; x.next) _FormatProperties(x::FormatProperties) = _FormatProperties(; x.linear_tiling_features, x.optimal_tiling_features, x.buffer_features) _ImageFormatProperties(x::ImageFormatProperties) = _ImageFormatProperties(convert_nonnull(_Extent3D, x.max_extent), x.max_mip_levels, x.max_array_layers, x.max_resource_size; x.sample_counts) _DescriptorBufferInfo(x::DescriptorBufferInfo) = _DescriptorBufferInfo(x.offset, x.range; x.buffer) _DescriptorImageInfo(x::DescriptorImageInfo) = _DescriptorImageInfo(x.sampler, x.image_view, x.image_layout) _WriteDescriptorSet(x::WriteDescriptorSet) = _WriteDescriptorSet(x.dst_set, x.dst_binding, x.dst_array_element, x.descriptor_type, convert_nonnull(Vector{_DescriptorImageInfo}, x.image_info), convert_nonnull(Vector{_DescriptorBufferInfo}, x.buffer_info), x.texel_buffer_view; x.next, x.descriptor_count) _CopyDescriptorSet(x::CopyDescriptorSet) = _CopyDescriptorSet(x.src_set, x.src_binding, x.src_array_element, x.dst_set, x.dst_binding, x.dst_array_element, x.descriptor_count; x.next) _BufferCreateInfo(x::BufferCreateInfo) = _BufferCreateInfo(x.size, x.usage, x.sharing_mode, x.queue_family_indices; x.next, x.flags) _BufferViewCreateInfo(x::BufferViewCreateInfo) = _BufferViewCreateInfo(x.buffer, x.format, x.offset, x.range; x.next, x.flags) _ImageSubresource(x::ImageSubresource) = _ImageSubresource(x.aspect_mask, x.mip_level, x.array_layer) _ImageSubresourceLayers(x::ImageSubresourceLayers) = _ImageSubresourceLayers(x.aspect_mask, x.mip_level, x.base_array_layer, x.layer_count) _ImageSubresourceRange(x::ImageSubresourceRange) = _ImageSubresourceRange(x.aspect_mask, x.base_mip_level, x.level_count, x.base_array_layer, x.layer_count) _MemoryBarrier(x::MemoryBarrier) = _MemoryBarrier(; x.next, x.src_access_mask, x.dst_access_mask) _BufferMemoryBarrier(x::BufferMemoryBarrier) = _BufferMemoryBarrier(x.src_access_mask, x.dst_access_mask, x.src_queue_family_index, x.dst_queue_family_index, x.buffer, x.offset, x.size; x.next) _ImageMemoryBarrier(x::ImageMemoryBarrier) = _ImageMemoryBarrier(x.src_access_mask, x.dst_access_mask, x.old_layout, x.new_layout, x.src_queue_family_index, x.dst_queue_family_index, x.image, convert_nonnull(_ImageSubresourceRange, x.subresource_range); x.next) _ImageCreateInfo(x::ImageCreateInfo) = _ImageCreateInfo(x.image_type, x.format, convert_nonnull(_Extent3D, x.extent), x.mip_levels, x.array_layers, x.samples, x.tiling, x.usage, x.sharing_mode, x.queue_family_indices, x.initial_layout; x.next, x.flags) _SubresourceLayout(x::SubresourceLayout) = _SubresourceLayout(x.offset, x.size, x.row_pitch, x.array_pitch, x.depth_pitch) _ImageViewCreateInfo(x::ImageViewCreateInfo) = _ImageViewCreateInfo(x.image, x.view_type, x.format, convert_nonnull(_ComponentMapping, x.components), convert_nonnull(_ImageSubresourceRange, x.subresource_range); x.next, x.flags) _BufferCopy(x::BufferCopy) = _BufferCopy(x.src_offset, x.dst_offset, x.size) _SparseMemoryBind(x::SparseMemoryBind) = _SparseMemoryBind(x.resource_offset, x.size, x.memory_offset; x.memory, x.flags) _SparseImageMemoryBind(x::SparseImageMemoryBind) = _SparseImageMemoryBind(convert_nonnull(_ImageSubresource, x.subresource), convert_nonnull(_Offset3D, x.offset), convert_nonnull(_Extent3D, x.extent), x.memory_offset; x.memory, x.flags) _SparseBufferMemoryBindInfo(x::SparseBufferMemoryBindInfo) = _SparseBufferMemoryBindInfo(x.buffer, convert_nonnull(Vector{_SparseMemoryBind}, x.binds)) _SparseImageOpaqueMemoryBindInfo(x::SparseImageOpaqueMemoryBindInfo) = _SparseImageOpaqueMemoryBindInfo(x.image, convert_nonnull(Vector{_SparseMemoryBind}, x.binds)) _SparseImageMemoryBindInfo(x::SparseImageMemoryBindInfo) = _SparseImageMemoryBindInfo(x.image, convert_nonnull(Vector{_SparseImageMemoryBind}, x.binds)) _BindSparseInfo(x::BindSparseInfo) = _BindSparseInfo(x.wait_semaphores, convert_nonnull(Vector{_SparseBufferMemoryBindInfo}, x.buffer_binds), convert_nonnull(Vector{_SparseImageOpaqueMemoryBindInfo}, x.image_opaque_binds), convert_nonnull(Vector{_SparseImageMemoryBindInfo}, x.image_binds), x.signal_semaphores; x.next) _ImageCopy(x::ImageCopy) = _ImageCopy(convert_nonnull(_ImageSubresourceLayers, x.src_subresource), convert_nonnull(_Offset3D, x.src_offset), convert_nonnull(_ImageSubresourceLayers, x.dst_subresource), convert_nonnull(_Offset3D, x.dst_offset), convert_nonnull(_Extent3D, x.extent)) _ImageBlit(x::ImageBlit) = _ImageBlit(convert_nonnull(_ImageSubresourceLayers, x.src_subresource), convert_nonnull(NTuple{2, _Offset3D}, x.src_offsets), convert_nonnull(_ImageSubresourceLayers, x.dst_subresource), convert_nonnull(NTuple{2, _Offset3D}, x.dst_offsets)) _BufferImageCopy(x::BufferImageCopy) = _BufferImageCopy(x.buffer_offset, x.buffer_row_length, x.buffer_image_height, convert_nonnull(_ImageSubresourceLayers, x.image_subresource), convert_nonnull(_Offset3D, x.image_offset), convert_nonnull(_Extent3D, x.image_extent)) _CopyMemoryIndirectCommandNV(x::CopyMemoryIndirectCommandNV) = _CopyMemoryIndirectCommandNV(x.src_address, x.dst_address, x.size) _CopyMemoryToImageIndirectCommandNV(x::CopyMemoryToImageIndirectCommandNV) = _CopyMemoryToImageIndirectCommandNV(x.src_address, x.buffer_row_length, x.buffer_image_height, convert_nonnull(_ImageSubresourceLayers, x.image_subresource), convert_nonnull(_Offset3D, x.image_offset), convert_nonnull(_Extent3D, x.image_extent)) _ImageResolve(x::ImageResolve) = _ImageResolve(convert_nonnull(_ImageSubresourceLayers, x.src_subresource), convert_nonnull(_Offset3D, x.src_offset), convert_nonnull(_ImageSubresourceLayers, x.dst_subresource), convert_nonnull(_Offset3D, x.dst_offset), convert_nonnull(_Extent3D, x.extent)) _ShaderModuleCreateInfo(x::ShaderModuleCreateInfo) = _ShaderModuleCreateInfo(x.code_size, x.code; x.next, x.flags) _DescriptorSetLayoutBinding(x::DescriptorSetLayoutBinding) = _DescriptorSetLayoutBinding(x.binding, x.descriptor_type, x.stage_flags; x.descriptor_count, x.immutable_samplers) _DescriptorSetLayoutCreateInfo(x::DescriptorSetLayoutCreateInfo) = _DescriptorSetLayoutCreateInfo(convert_nonnull(Vector{_DescriptorSetLayoutBinding}, x.bindings); x.next, x.flags) _DescriptorPoolSize(x::DescriptorPoolSize) = _DescriptorPoolSize(x.type, x.descriptor_count) _DescriptorPoolCreateInfo(x::DescriptorPoolCreateInfo) = _DescriptorPoolCreateInfo(x.max_sets, convert_nonnull(Vector{_DescriptorPoolSize}, x.pool_sizes); x.next, x.flags) _DescriptorSetAllocateInfo(x::DescriptorSetAllocateInfo) = _DescriptorSetAllocateInfo(x.descriptor_pool, x.set_layouts; x.next) _SpecializationMapEntry(x::SpecializationMapEntry) = _SpecializationMapEntry(x.constant_id, x.offset, x.size) _SpecializationInfo(x::SpecializationInfo) = _SpecializationInfo(convert_nonnull(Vector{_SpecializationMapEntry}, x.map_entries), x.data; x.data_size) _PipelineShaderStageCreateInfo(x::PipelineShaderStageCreateInfo) = _PipelineShaderStageCreateInfo(x.stage, x._module, x.name; x.next, x.flags, specialization_info = convert_nonnull(_SpecializationInfo, x.specialization_info)) _ComputePipelineCreateInfo(x::ComputePipelineCreateInfo) = _ComputePipelineCreateInfo(convert_nonnull(_PipelineShaderStageCreateInfo, x.stage), x.layout, x.base_pipeline_index; x.next, x.flags, x.base_pipeline_handle) _VertexInputBindingDescription(x::VertexInputBindingDescription) = _VertexInputBindingDescription(x.binding, x.stride, x.input_rate) _VertexInputAttributeDescription(x::VertexInputAttributeDescription) = _VertexInputAttributeDescription(x.location, x.binding, x.format, x.offset) _PipelineVertexInputStateCreateInfo(x::PipelineVertexInputStateCreateInfo) = _PipelineVertexInputStateCreateInfo(convert_nonnull(Vector{_VertexInputBindingDescription}, x.vertex_binding_descriptions), convert_nonnull(Vector{_VertexInputAttributeDescription}, x.vertex_attribute_descriptions); x.next, x.flags) _PipelineInputAssemblyStateCreateInfo(x::PipelineInputAssemblyStateCreateInfo) = _PipelineInputAssemblyStateCreateInfo(x.topology, x.primitive_restart_enable; x.next, x.flags) _PipelineTessellationStateCreateInfo(x::PipelineTessellationStateCreateInfo) = _PipelineTessellationStateCreateInfo(x.patch_control_points; x.next, x.flags) _PipelineViewportStateCreateInfo(x::PipelineViewportStateCreateInfo) = _PipelineViewportStateCreateInfo(; x.next, x.flags, viewports = convert_nonnull(Vector{_Viewport}, x.viewports), scissors = convert_nonnull(Vector{_Rect2D}, x.scissors)) _PipelineRasterizationStateCreateInfo(x::PipelineRasterizationStateCreateInfo) = _PipelineRasterizationStateCreateInfo(x.depth_clamp_enable, x.rasterizer_discard_enable, x.polygon_mode, x.front_face, x.depth_bias_enable, x.depth_bias_constant_factor, x.depth_bias_clamp, x.depth_bias_slope_factor, x.line_width; x.next, x.flags, x.cull_mode) _PipelineMultisampleStateCreateInfo(x::PipelineMultisampleStateCreateInfo) = _PipelineMultisampleStateCreateInfo(x.rasterization_samples, x.sample_shading_enable, x.min_sample_shading, x.alpha_to_coverage_enable, x.alpha_to_one_enable; x.next, x.flags, x.sample_mask) _PipelineColorBlendAttachmentState(x::PipelineColorBlendAttachmentState) = _PipelineColorBlendAttachmentState(x.blend_enable, x.src_color_blend_factor, x.dst_color_blend_factor, x.color_blend_op, x.src_alpha_blend_factor, x.dst_alpha_blend_factor, x.alpha_blend_op; x.color_write_mask) _PipelineColorBlendStateCreateInfo(x::PipelineColorBlendStateCreateInfo) = _PipelineColorBlendStateCreateInfo(x.logic_op_enable, x.logic_op, convert_nonnull(Vector{_PipelineColorBlendAttachmentState}, x.attachments), x.blend_constants; x.next, x.flags) _PipelineDynamicStateCreateInfo(x::PipelineDynamicStateCreateInfo) = _PipelineDynamicStateCreateInfo(x.dynamic_states; x.next, x.flags) _StencilOpState(x::StencilOpState) = _StencilOpState(x.fail_op, x.pass_op, x.depth_fail_op, x.compare_op, x.compare_mask, x.write_mask, x.reference) _PipelineDepthStencilStateCreateInfo(x::PipelineDepthStencilStateCreateInfo) = _PipelineDepthStencilStateCreateInfo(x.depth_test_enable, x.depth_write_enable, x.depth_compare_op, x.depth_bounds_test_enable, x.stencil_test_enable, convert_nonnull(_StencilOpState, x.front), convert_nonnull(_StencilOpState, x.back), x.min_depth_bounds, x.max_depth_bounds; x.next, x.flags) _GraphicsPipelineCreateInfo(x::GraphicsPipelineCreateInfo) = _GraphicsPipelineCreateInfo(convert_nonnull(Vector{_PipelineShaderStageCreateInfo}, x.stages), convert_nonnull(_PipelineRasterizationStateCreateInfo, x.rasterization_state), x.layout, x.subpass, x.base_pipeline_index; x.next, x.flags, vertex_input_state = convert_nonnull(_PipelineVertexInputStateCreateInfo, x.vertex_input_state), input_assembly_state = convert_nonnull(_PipelineInputAssemblyStateCreateInfo, x.input_assembly_state), tessellation_state = convert_nonnull(_PipelineTessellationStateCreateInfo, x.tessellation_state), viewport_state = convert_nonnull(_PipelineViewportStateCreateInfo, x.viewport_state), multisample_state = convert_nonnull(_PipelineMultisampleStateCreateInfo, x.multisample_state), depth_stencil_state = convert_nonnull(_PipelineDepthStencilStateCreateInfo, x.depth_stencil_state), color_blend_state = convert_nonnull(_PipelineColorBlendStateCreateInfo, x.color_blend_state), dynamic_state = convert_nonnull(_PipelineDynamicStateCreateInfo, x.dynamic_state), x.render_pass, x.base_pipeline_handle) _PipelineCacheCreateInfo(x::PipelineCacheCreateInfo) = _PipelineCacheCreateInfo(x.initial_data; x.next, x.flags, x.initial_data_size) _PipelineCacheHeaderVersionOne(x::PipelineCacheHeaderVersionOne) = _PipelineCacheHeaderVersionOne(x.header_size, x.header_version, x.vendor_id, x.device_id, x.pipeline_cache_uuid) _PushConstantRange(x::PushConstantRange) = _PushConstantRange(x.stage_flags, x.offset, x.size) _PipelineLayoutCreateInfo(x::PipelineLayoutCreateInfo) = _PipelineLayoutCreateInfo(x.set_layouts, convert_nonnull(Vector{_PushConstantRange}, x.push_constant_ranges); x.next, x.flags) _SamplerCreateInfo(x::SamplerCreateInfo) = _SamplerCreateInfo(x.mag_filter, x.min_filter, x.mipmap_mode, x.address_mode_u, x.address_mode_v, x.address_mode_w, x.mip_lod_bias, x.anisotropy_enable, x.max_anisotropy, x.compare_enable, x.compare_op, x.min_lod, x.max_lod, x.border_color, x.unnormalized_coordinates; x.next, x.flags) _CommandPoolCreateInfo(x::CommandPoolCreateInfo) = _CommandPoolCreateInfo(x.queue_family_index; x.next, x.flags) _CommandBufferAllocateInfo(x::CommandBufferAllocateInfo) = _CommandBufferAllocateInfo(x.command_pool, x.level, x.command_buffer_count; x.next) _CommandBufferInheritanceInfo(x::CommandBufferInheritanceInfo) = _CommandBufferInheritanceInfo(x.subpass, x.occlusion_query_enable; x.next, x.render_pass, x.framebuffer, x.query_flags, x.pipeline_statistics) _CommandBufferBeginInfo(x::CommandBufferBeginInfo) = _CommandBufferBeginInfo(; x.next, x.flags, inheritance_info = convert_nonnull(_CommandBufferInheritanceInfo, x.inheritance_info)) _RenderPassBeginInfo(x::RenderPassBeginInfo) = _RenderPassBeginInfo(x.render_pass, x.framebuffer, convert_nonnull(_Rect2D, x.render_area), convert_nonnull(Vector{_ClearValue}, x.clear_values); x.next) _ClearDepthStencilValue(x::ClearDepthStencilValue) = _ClearDepthStencilValue(x.depth, x.stencil) _ClearAttachment(x::ClearAttachment) = _ClearAttachment(x.aspect_mask, x.color_attachment, convert_nonnull(_ClearValue, x.clear_value)) _AttachmentDescription(x::AttachmentDescription) = _AttachmentDescription(x.format, x.samples, x.load_op, x.store_op, x.stencil_load_op, x.stencil_store_op, x.initial_layout, x.final_layout; x.flags) _AttachmentReference(x::AttachmentReference) = _AttachmentReference(x.attachment, x.layout) _SubpassDescription(x::SubpassDescription) = _SubpassDescription(x.pipeline_bind_point, convert_nonnull(Vector{_AttachmentReference}, x.input_attachments), convert_nonnull(Vector{_AttachmentReference}, x.color_attachments), x.preserve_attachments; x.flags, resolve_attachments = convert_nonnull(Vector{_AttachmentReference}, x.resolve_attachments), depth_stencil_attachment = convert_nonnull(_AttachmentReference, x.depth_stencil_attachment)) _SubpassDependency(x::SubpassDependency) = _SubpassDependency(x.src_subpass, x.dst_subpass; x.src_stage_mask, x.dst_stage_mask, x.src_access_mask, x.dst_access_mask, x.dependency_flags) _RenderPassCreateInfo(x::RenderPassCreateInfo) = _RenderPassCreateInfo(convert_nonnull(Vector{_AttachmentDescription}, x.attachments), convert_nonnull(Vector{_SubpassDescription}, x.subpasses), convert_nonnull(Vector{_SubpassDependency}, x.dependencies); x.next, x.flags) _EventCreateInfo(x::EventCreateInfo) = _EventCreateInfo(; x.next, x.flags) _FenceCreateInfo(x::FenceCreateInfo) = _FenceCreateInfo(; x.next, x.flags) _PhysicalDeviceFeatures(x::PhysicalDeviceFeatures) = _PhysicalDeviceFeatures(x.robust_buffer_access, x.full_draw_index_uint_32, x.image_cube_array, x.independent_blend, x.geometry_shader, x.tessellation_shader, x.sample_rate_shading, x.dual_src_blend, x.logic_op, x.multi_draw_indirect, x.draw_indirect_first_instance, x.depth_clamp, x.depth_bias_clamp, x.fill_mode_non_solid, x.depth_bounds, x.wide_lines, x.large_points, x.alpha_to_one, x.multi_viewport, x.sampler_anisotropy, x.texture_compression_etc_2, x.texture_compression_astc_ldr, x.texture_compression_bc, x.occlusion_query_precise, x.pipeline_statistics_query, x.vertex_pipeline_stores_and_atomics, x.fragment_stores_and_atomics, x.shader_tessellation_and_geometry_point_size, x.shader_image_gather_extended, x.shader_storage_image_extended_formats, x.shader_storage_image_multisample, x.shader_storage_image_read_without_format, x.shader_storage_image_write_without_format, x.shader_uniform_buffer_array_dynamic_indexing, x.shader_sampled_image_array_dynamic_indexing, x.shader_storage_buffer_array_dynamic_indexing, x.shader_storage_image_array_dynamic_indexing, x.shader_clip_distance, x.shader_cull_distance, x.shader_float_64, x.shader_int_64, x.shader_int_16, x.shader_resource_residency, x.shader_resource_min_lod, x.sparse_binding, x.sparse_residency_buffer, x.sparse_residency_image_2_d, x.sparse_residency_image_3_d, x.sparse_residency_2_samples, x.sparse_residency_4_samples, x.sparse_residency_8_samples, x.sparse_residency_16_samples, x.sparse_residency_aliased, x.variable_multisample_rate, x.inherited_queries) _PhysicalDeviceSparseProperties(x::PhysicalDeviceSparseProperties) = _PhysicalDeviceSparseProperties(x.residency_standard_2_d_block_shape, x.residency_standard_2_d_multisample_block_shape, x.residency_standard_3_d_block_shape, x.residency_aligned_mip_size, x.residency_non_resident_strict) _PhysicalDeviceLimits(x::PhysicalDeviceLimits) = _PhysicalDeviceLimits(x.max_image_dimension_1_d, x.max_image_dimension_2_d, x.max_image_dimension_3_d, x.max_image_dimension_cube, x.max_image_array_layers, x.max_texel_buffer_elements, x.max_uniform_buffer_range, x.max_storage_buffer_range, x.max_push_constants_size, x.max_memory_allocation_count, x.max_sampler_allocation_count, x.buffer_image_granularity, x.sparse_address_space_size, x.max_bound_descriptor_sets, x.max_per_stage_descriptor_samplers, x.max_per_stage_descriptor_uniform_buffers, x.max_per_stage_descriptor_storage_buffers, x.max_per_stage_descriptor_sampled_images, x.max_per_stage_descriptor_storage_images, x.max_per_stage_descriptor_input_attachments, x.max_per_stage_resources, x.max_descriptor_set_samplers, x.max_descriptor_set_uniform_buffers, x.max_descriptor_set_uniform_buffers_dynamic, x.max_descriptor_set_storage_buffers, x.max_descriptor_set_storage_buffers_dynamic, x.max_descriptor_set_sampled_images, x.max_descriptor_set_storage_images, x.max_descriptor_set_input_attachments, x.max_vertex_input_attributes, x.max_vertex_input_bindings, x.max_vertex_input_attribute_offset, x.max_vertex_input_binding_stride, x.max_vertex_output_components, x.max_tessellation_generation_level, x.max_tessellation_patch_size, x.max_tessellation_control_per_vertex_input_components, x.max_tessellation_control_per_vertex_output_components, x.max_tessellation_control_per_patch_output_components, x.max_tessellation_control_total_output_components, x.max_tessellation_evaluation_input_components, x.max_tessellation_evaluation_output_components, x.max_geometry_shader_invocations, x.max_geometry_input_components, x.max_geometry_output_components, x.max_geometry_output_vertices, x.max_geometry_total_output_components, x.max_fragment_input_components, x.max_fragment_output_attachments, x.max_fragment_dual_src_attachments, x.max_fragment_combined_output_resources, x.max_compute_shared_memory_size, x.max_compute_work_group_count, x.max_compute_work_group_invocations, x.max_compute_work_group_size, x.sub_pixel_precision_bits, x.sub_texel_precision_bits, x.mipmap_precision_bits, x.max_draw_indexed_index_value, x.max_draw_indirect_count, x.max_sampler_lod_bias, x.max_sampler_anisotropy, x.max_viewports, x.max_viewport_dimensions, x.viewport_bounds_range, x.viewport_sub_pixel_bits, x.min_memory_map_alignment, x.min_texel_buffer_offset_alignment, x.min_uniform_buffer_offset_alignment, x.min_storage_buffer_offset_alignment, x.min_texel_offset, x.max_texel_offset, x.min_texel_gather_offset, x.max_texel_gather_offset, x.min_interpolation_offset, x.max_interpolation_offset, x.sub_pixel_interpolation_offset_bits, x.max_framebuffer_width, x.max_framebuffer_height, x.max_framebuffer_layers, x.max_color_attachments, x.max_sample_mask_words, x.timestamp_compute_and_graphics, x.timestamp_period, x.max_clip_distances, x.max_cull_distances, x.max_combined_clip_and_cull_distances, x.discrete_queue_priorities, x.point_size_range, x.line_width_range, x.point_size_granularity, x.line_width_granularity, x.strict_lines, x.standard_sample_locations, x.optimal_buffer_copy_offset_alignment, x.optimal_buffer_copy_row_pitch_alignment, x.non_coherent_atom_size; x.framebuffer_color_sample_counts, x.framebuffer_depth_sample_counts, x.framebuffer_stencil_sample_counts, x.framebuffer_no_attachments_sample_counts, x.sampled_image_color_sample_counts, x.sampled_image_integer_sample_counts, x.sampled_image_depth_sample_counts, x.sampled_image_stencil_sample_counts, x.storage_image_sample_counts) _SemaphoreCreateInfo(x::SemaphoreCreateInfo) = _SemaphoreCreateInfo(; x.next, x.flags) _QueryPoolCreateInfo(x::QueryPoolCreateInfo) = _QueryPoolCreateInfo(x.query_type, x.query_count; x.next, x.flags, x.pipeline_statistics) _FramebufferCreateInfo(x::FramebufferCreateInfo) = _FramebufferCreateInfo(x.render_pass, x.attachments, x.width, x.height, x.layers; x.next, x.flags) _DrawIndirectCommand(x::DrawIndirectCommand) = _DrawIndirectCommand(x.vertex_count, x.instance_count, x.first_vertex, x.first_instance) _DrawIndexedIndirectCommand(x::DrawIndexedIndirectCommand) = _DrawIndexedIndirectCommand(x.index_count, x.instance_count, x.first_index, x.vertex_offset, x.first_instance) _DispatchIndirectCommand(x::DispatchIndirectCommand) = _DispatchIndirectCommand(x.x, x.y, x.z) _MultiDrawInfoEXT(x::MultiDrawInfoEXT) = _MultiDrawInfoEXT(x.first_vertex, x.vertex_count) _MultiDrawIndexedInfoEXT(x::MultiDrawIndexedInfoEXT) = _MultiDrawIndexedInfoEXT(x.first_index, x.index_count, x.vertex_offset) _SubmitInfo(x::SubmitInfo) = _SubmitInfo(x.wait_semaphores, x.wait_dst_stage_mask, x.command_buffers, x.signal_semaphores; x.next) _DisplayPropertiesKHR(x::DisplayPropertiesKHR) = _DisplayPropertiesKHR(x.display, x.display_name, convert_nonnull(_Extent2D, x.physical_dimensions), convert_nonnull(_Extent2D, x.physical_resolution), x.plane_reorder_possible, x.persistent_content; x.supported_transforms) _DisplayPlanePropertiesKHR(x::DisplayPlanePropertiesKHR) = _DisplayPlanePropertiesKHR(x.current_display, x.current_stack_index) _DisplayModeParametersKHR(x::DisplayModeParametersKHR) = _DisplayModeParametersKHR(convert_nonnull(_Extent2D, x.visible_region), x.refresh_rate) _DisplayModePropertiesKHR(x::DisplayModePropertiesKHR) = _DisplayModePropertiesKHR(x.display_mode, convert_nonnull(_DisplayModeParametersKHR, x.parameters)) _DisplayModeCreateInfoKHR(x::DisplayModeCreateInfoKHR) = _DisplayModeCreateInfoKHR(convert_nonnull(_DisplayModeParametersKHR, x.parameters); x.next, x.flags) _DisplayPlaneCapabilitiesKHR(x::DisplayPlaneCapabilitiesKHR) = _DisplayPlaneCapabilitiesKHR(convert_nonnull(_Offset2D, x.min_src_position), convert_nonnull(_Offset2D, x.max_src_position), convert_nonnull(_Extent2D, x.min_src_extent), convert_nonnull(_Extent2D, x.max_src_extent), convert_nonnull(_Offset2D, x.min_dst_position), convert_nonnull(_Offset2D, x.max_dst_position), convert_nonnull(_Extent2D, x.min_dst_extent), convert_nonnull(_Extent2D, x.max_dst_extent); x.supported_alpha) _DisplaySurfaceCreateInfoKHR(x::DisplaySurfaceCreateInfoKHR) = _DisplaySurfaceCreateInfoKHR(x.display_mode, x.plane_index, x.plane_stack_index, x.transform, x.global_alpha, x.alpha_mode, convert_nonnull(_Extent2D, x.image_extent); x.next, x.flags) _DisplayPresentInfoKHR(x::DisplayPresentInfoKHR) = _DisplayPresentInfoKHR(convert_nonnull(_Rect2D, x.src_rect), convert_nonnull(_Rect2D, x.dst_rect), x.persistent; x.next) _SurfaceCapabilitiesKHR(x::SurfaceCapabilitiesKHR) = _SurfaceCapabilitiesKHR(x.min_image_count, x.max_image_count, convert_nonnull(_Extent2D, x.current_extent), convert_nonnull(_Extent2D, x.min_image_extent), convert_nonnull(_Extent2D, x.max_image_extent), x.max_image_array_layers, x.supported_transforms, x.current_transform, x.supported_composite_alpha, x.supported_usage_flags) _WaylandSurfaceCreateInfoKHR(x::WaylandSurfaceCreateInfoKHR) = _WaylandSurfaceCreateInfoKHR(x.display, x.surface; x.next, x.flags) _XlibSurfaceCreateInfoKHR(x::XlibSurfaceCreateInfoKHR) = _XlibSurfaceCreateInfoKHR(x.dpy, x.window; x.next, x.flags) _XcbSurfaceCreateInfoKHR(x::XcbSurfaceCreateInfoKHR) = _XcbSurfaceCreateInfoKHR(x.connection, x.window; x.next, x.flags) _SurfaceFormatKHR(x::SurfaceFormatKHR) = _SurfaceFormatKHR(x.format, x.color_space) _SwapchainCreateInfoKHR(x::SwapchainCreateInfoKHR) = _SwapchainCreateInfoKHR(x.surface, x.min_image_count, x.image_format, x.image_color_space, convert_nonnull(_Extent2D, x.image_extent), x.image_array_layers, x.image_usage, x.image_sharing_mode, x.queue_family_indices, x.pre_transform, x.composite_alpha, x.present_mode, x.clipped; x.next, x.flags, x.old_swapchain) _PresentInfoKHR(x::PresentInfoKHR) = _PresentInfoKHR(x.wait_semaphores, x.swapchains, x.image_indices; x.next, x.results) _DebugReportCallbackCreateInfoEXT(x::DebugReportCallbackCreateInfoEXT) = _DebugReportCallbackCreateInfoEXT(x.pfn_callback; x.next, x.flags, x.user_data) _ValidationFlagsEXT(x::ValidationFlagsEXT) = _ValidationFlagsEXT(x.disabled_validation_checks; x.next) _ValidationFeaturesEXT(x::ValidationFeaturesEXT) = _ValidationFeaturesEXT(x.enabled_validation_features, x.disabled_validation_features; x.next) _PipelineRasterizationStateRasterizationOrderAMD(x::PipelineRasterizationStateRasterizationOrderAMD) = _PipelineRasterizationStateRasterizationOrderAMD(x.rasterization_order; x.next) _DebugMarkerObjectNameInfoEXT(x::DebugMarkerObjectNameInfoEXT) = _DebugMarkerObjectNameInfoEXT(x.object_type, x.object, x.object_name; x.next) _DebugMarkerObjectTagInfoEXT(x::DebugMarkerObjectTagInfoEXT) = _DebugMarkerObjectTagInfoEXT(x.object_type, x.object, x.tag_name, x.tag_size, x.tag; x.next) _DebugMarkerMarkerInfoEXT(x::DebugMarkerMarkerInfoEXT) = _DebugMarkerMarkerInfoEXT(x.marker_name, x.color; x.next) _DedicatedAllocationImageCreateInfoNV(x::DedicatedAllocationImageCreateInfoNV) = _DedicatedAllocationImageCreateInfoNV(x.dedicated_allocation; x.next) _DedicatedAllocationBufferCreateInfoNV(x::DedicatedAllocationBufferCreateInfoNV) = _DedicatedAllocationBufferCreateInfoNV(x.dedicated_allocation; x.next) _DedicatedAllocationMemoryAllocateInfoNV(x::DedicatedAllocationMemoryAllocateInfoNV) = _DedicatedAllocationMemoryAllocateInfoNV(; x.next, x.image, x.buffer) _ExternalImageFormatPropertiesNV(x::ExternalImageFormatPropertiesNV) = _ExternalImageFormatPropertiesNV(convert_nonnull(_ImageFormatProperties, x.image_format_properties); x.external_memory_features, x.export_from_imported_handle_types, x.compatible_handle_types) _ExternalMemoryImageCreateInfoNV(x::ExternalMemoryImageCreateInfoNV) = _ExternalMemoryImageCreateInfoNV(; x.next, x.handle_types) _ExportMemoryAllocateInfoNV(x::ExportMemoryAllocateInfoNV) = _ExportMemoryAllocateInfoNV(; x.next, x.handle_types) _PhysicalDeviceDeviceGeneratedCommandsFeaturesNV(x::PhysicalDeviceDeviceGeneratedCommandsFeaturesNV) = _PhysicalDeviceDeviceGeneratedCommandsFeaturesNV(x.device_generated_commands; x.next) _DevicePrivateDataCreateInfo(x::DevicePrivateDataCreateInfo) = _DevicePrivateDataCreateInfo(x.private_data_slot_request_count; x.next) _PrivateDataSlotCreateInfo(x::PrivateDataSlotCreateInfo) = _PrivateDataSlotCreateInfo(x.flags; x.next) _PhysicalDevicePrivateDataFeatures(x::PhysicalDevicePrivateDataFeatures) = _PhysicalDevicePrivateDataFeatures(x.private_data; x.next) _PhysicalDeviceDeviceGeneratedCommandsPropertiesNV(x::PhysicalDeviceDeviceGeneratedCommandsPropertiesNV) = _PhysicalDeviceDeviceGeneratedCommandsPropertiesNV(x.max_graphics_shader_group_count, x.max_indirect_sequence_count, x.max_indirect_commands_token_count, x.max_indirect_commands_stream_count, x.max_indirect_commands_token_offset, x.max_indirect_commands_stream_stride, x.min_sequences_count_buffer_offset_alignment, x.min_sequences_index_buffer_offset_alignment, x.min_indirect_commands_buffer_offset_alignment; x.next) _PhysicalDeviceMultiDrawPropertiesEXT(x::PhysicalDeviceMultiDrawPropertiesEXT) = _PhysicalDeviceMultiDrawPropertiesEXT(x.max_multi_draw_count; x.next) _GraphicsShaderGroupCreateInfoNV(x::GraphicsShaderGroupCreateInfoNV) = _GraphicsShaderGroupCreateInfoNV(convert_nonnull(Vector{_PipelineShaderStageCreateInfo}, x.stages); x.next, vertex_input_state = convert_nonnull(_PipelineVertexInputStateCreateInfo, x.vertex_input_state), tessellation_state = convert_nonnull(_PipelineTessellationStateCreateInfo, x.tessellation_state)) _GraphicsPipelineShaderGroupsCreateInfoNV(x::GraphicsPipelineShaderGroupsCreateInfoNV) = _GraphicsPipelineShaderGroupsCreateInfoNV(convert_nonnull(Vector{_GraphicsShaderGroupCreateInfoNV}, x.groups), x.pipelines; x.next) _BindShaderGroupIndirectCommandNV(x::BindShaderGroupIndirectCommandNV) = _BindShaderGroupIndirectCommandNV(x.group_index) _BindIndexBufferIndirectCommandNV(x::BindIndexBufferIndirectCommandNV) = _BindIndexBufferIndirectCommandNV(x.buffer_address, x.size, x.index_type) _BindVertexBufferIndirectCommandNV(x::BindVertexBufferIndirectCommandNV) = _BindVertexBufferIndirectCommandNV(x.buffer_address, x.size, x.stride) _SetStateFlagsIndirectCommandNV(x::SetStateFlagsIndirectCommandNV) = _SetStateFlagsIndirectCommandNV(x.data) _IndirectCommandsStreamNV(x::IndirectCommandsStreamNV) = _IndirectCommandsStreamNV(x.buffer, x.offset) _IndirectCommandsLayoutTokenNV(x::IndirectCommandsLayoutTokenNV) = _IndirectCommandsLayoutTokenNV(x.token_type, x.stream, x.offset, x.vertex_binding_unit, x.vertex_dynamic_stride, x.pushconstant_offset, x.pushconstant_size, x.index_types, x.index_type_values; x.next, x.pushconstant_pipeline_layout, x.pushconstant_shader_stage_flags, x.indirect_state_flags) _IndirectCommandsLayoutCreateInfoNV(x::IndirectCommandsLayoutCreateInfoNV) = _IndirectCommandsLayoutCreateInfoNV(x.pipeline_bind_point, convert_nonnull(Vector{_IndirectCommandsLayoutTokenNV}, x.tokens), x.stream_strides; x.next, x.flags) _GeneratedCommandsInfoNV(x::GeneratedCommandsInfoNV) = _GeneratedCommandsInfoNV(x.pipeline_bind_point, x.pipeline, x.indirect_commands_layout, convert_nonnull(Vector{_IndirectCommandsStreamNV}, x.streams), x.sequences_count, x.preprocess_buffer, x.preprocess_offset, x.preprocess_size, x.sequences_count_offset, x.sequences_index_offset; x.next, x.sequences_count_buffer, x.sequences_index_buffer) _GeneratedCommandsMemoryRequirementsInfoNV(x::GeneratedCommandsMemoryRequirementsInfoNV) = _GeneratedCommandsMemoryRequirementsInfoNV(x.pipeline_bind_point, x.pipeline, x.indirect_commands_layout, x.max_sequences_count; x.next) _PhysicalDeviceFeatures2(x::PhysicalDeviceFeatures2) = _PhysicalDeviceFeatures2(convert_nonnull(_PhysicalDeviceFeatures, x.features); x.next) _PhysicalDeviceProperties2(x::PhysicalDeviceProperties2) = _PhysicalDeviceProperties2(convert_nonnull(_PhysicalDeviceProperties, x.properties); x.next) _FormatProperties2(x::FormatProperties2) = _FormatProperties2(convert_nonnull(_FormatProperties, x.format_properties); x.next) _ImageFormatProperties2(x::ImageFormatProperties2) = _ImageFormatProperties2(convert_nonnull(_ImageFormatProperties, x.image_format_properties); x.next) _PhysicalDeviceImageFormatInfo2(x::PhysicalDeviceImageFormatInfo2) = _PhysicalDeviceImageFormatInfo2(x.format, x.type, x.tiling, x.usage; x.next, x.flags) _QueueFamilyProperties2(x::QueueFamilyProperties2) = _QueueFamilyProperties2(convert_nonnull(_QueueFamilyProperties, x.queue_family_properties); x.next) _PhysicalDeviceMemoryProperties2(x::PhysicalDeviceMemoryProperties2) = _PhysicalDeviceMemoryProperties2(convert_nonnull(_PhysicalDeviceMemoryProperties, x.memory_properties); x.next) _SparseImageFormatProperties2(x::SparseImageFormatProperties2) = _SparseImageFormatProperties2(convert_nonnull(_SparseImageFormatProperties, x.properties); x.next) _PhysicalDeviceSparseImageFormatInfo2(x::PhysicalDeviceSparseImageFormatInfo2) = _PhysicalDeviceSparseImageFormatInfo2(x.format, x.type, x.samples, x.usage, x.tiling; x.next) _PhysicalDevicePushDescriptorPropertiesKHR(x::PhysicalDevicePushDescriptorPropertiesKHR) = _PhysicalDevicePushDescriptorPropertiesKHR(x.max_push_descriptors; x.next) _ConformanceVersion(x::ConformanceVersion) = _ConformanceVersion(x.major, x.minor, x.subminor, x.patch) _PhysicalDeviceDriverProperties(x::PhysicalDeviceDriverProperties) = _PhysicalDeviceDriverProperties(x.driver_id, x.driver_name, x.driver_info, convert_nonnull(_ConformanceVersion, x.conformance_version); x.next) _PresentRegionsKHR(x::PresentRegionsKHR) = _PresentRegionsKHR(; x.next, regions = convert_nonnull(Vector{_PresentRegionKHR}, x.regions)) _PresentRegionKHR(x::PresentRegionKHR) = _PresentRegionKHR(; rectangles = convert_nonnull(Vector{_RectLayerKHR}, x.rectangles)) _RectLayerKHR(x::RectLayerKHR) = _RectLayerKHR(convert_nonnull(_Offset2D, x.offset), convert_nonnull(_Extent2D, x.extent), x.layer) _PhysicalDeviceVariablePointersFeatures(x::PhysicalDeviceVariablePointersFeatures) = _PhysicalDeviceVariablePointersFeatures(x.variable_pointers_storage_buffer, x.variable_pointers; x.next) _ExternalMemoryProperties(x::ExternalMemoryProperties) = _ExternalMemoryProperties(x.external_memory_features, x.compatible_handle_types; x.export_from_imported_handle_types) _PhysicalDeviceExternalImageFormatInfo(x::PhysicalDeviceExternalImageFormatInfo) = _PhysicalDeviceExternalImageFormatInfo(; x.next, x.handle_type) _ExternalImageFormatProperties(x::ExternalImageFormatProperties) = _ExternalImageFormatProperties(convert_nonnull(_ExternalMemoryProperties, x.external_memory_properties); x.next) _PhysicalDeviceExternalBufferInfo(x::PhysicalDeviceExternalBufferInfo) = _PhysicalDeviceExternalBufferInfo(x.usage, x.handle_type; x.next, x.flags) _ExternalBufferProperties(x::ExternalBufferProperties) = _ExternalBufferProperties(convert_nonnull(_ExternalMemoryProperties, x.external_memory_properties); x.next) _PhysicalDeviceIDProperties(x::PhysicalDeviceIDProperties) = _PhysicalDeviceIDProperties(x.device_uuid, x.driver_uuid, x.device_luid, x.device_node_mask, x.device_luid_valid; x.next) _ExternalMemoryImageCreateInfo(x::ExternalMemoryImageCreateInfo) = _ExternalMemoryImageCreateInfo(; x.next, x.handle_types) _ExternalMemoryBufferCreateInfo(x::ExternalMemoryBufferCreateInfo) = _ExternalMemoryBufferCreateInfo(; x.next, x.handle_types) _ExportMemoryAllocateInfo(x::ExportMemoryAllocateInfo) = _ExportMemoryAllocateInfo(; x.next, x.handle_types) _ImportMemoryFdInfoKHR(x::ImportMemoryFdInfoKHR) = _ImportMemoryFdInfoKHR(x.fd; x.next, x.handle_type) _MemoryFdPropertiesKHR(x::MemoryFdPropertiesKHR) = _MemoryFdPropertiesKHR(x.memory_type_bits; x.next) _MemoryGetFdInfoKHR(x::MemoryGetFdInfoKHR) = _MemoryGetFdInfoKHR(x.memory, x.handle_type; x.next) _PhysicalDeviceExternalSemaphoreInfo(x::PhysicalDeviceExternalSemaphoreInfo) = _PhysicalDeviceExternalSemaphoreInfo(x.handle_type; x.next) _ExternalSemaphoreProperties(x::ExternalSemaphoreProperties) = _ExternalSemaphoreProperties(x.export_from_imported_handle_types, x.compatible_handle_types; x.next, x.external_semaphore_features) _ExportSemaphoreCreateInfo(x::ExportSemaphoreCreateInfo) = _ExportSemaphoreCreateInfo(; x.next, x.handle_types) _ImportSemaphoreFdInfoKHR(x::ImportSemaphoreFdInfoKHR) = _ImportSemaphoreFdInfoKHR(x.semaphore, x.handle_type, x.fd; x.next, x.flags) _SemaphoreGetFdInfoKHR(x::SemaphoreGetFdInfoKHR) = _SemaphoreGetFdInfoKHR(x.semaphore, x.handle_type; x.next) _PhysicalDeviceExternalFenceInfo(x::PhysicalDeviceExternalFenceInfo) = _PhysicalDeviceExternalFenceInfo(x.handle_type; x.next) _ExternalFenceProperties(x::ExternalFenceProperties) = _ExternalFenceProperties(x.export_from_imported_handle_types, x.compatible_handle_types; x.next, x.external_fence_features) _ExportFenceCreateInfo(x::ExportFenceCreateInfo) = _ExportFenceCreateInfo(; x.next, x.handle_types) _ImportFenceFdInfoKHR(x::ImportFenceFdInfoKHR) = _ImportFenceFdInfoKHR(x.fence, x.handle_type, x.fd; x.next, x.flags) _FenceGetFdInfoKHR(x::FenceGetFdInfoKHR) = _FenceGetFdInfoKHR(x.fence, x.handle_type; x.next) _PhysicalDeviceMultiviewFeatures(x::PhysicalDeviceMultiviewFeatures) = _PhysicalDeviceMultiviewFeatures(x.multiview, x.multiview_geometry_shader, x.multiview_tessellation_shader; x.next) _PhysicalDeviceMultiviewProperties(x::PhysicalDeviceMultiviewProperties) = _PhysicalDeviceMultiviewProperties(x.max_multiview_view_count, x.max_multiview_instance_index; x.next) _RenderPassMultiviewCreateInfo(x::RenderPassMultiviewCreateInfo) = _RenderPassMultiviewCreateInfo(x.view_masks, x.view_offsets, x.correlation_masks; x.next) _SurfaceCapabilities2EXT(x::SurfaceCapabilities2EXT) = _SurfaceCapabilities2EXT(x.min_image_count, x.max_image_count, convert_nonnull(_Extent2D, x.current_extent), convert_nonnull(_Extent2D, x.min_image_extent), convert_nonnull(_Extent2D, x.max_image_extent), x.max_image_array_layers, x.supported_transforms, x.current_transform, x.supported_composite_alpha, x.supported_usage_flags; x.next, x.supported_surface_counters) _DisplayPowerInfoEXT(x::DisplayPowerInfoEXT) = _DisplayPowerInfoEXT(x.power_state; x.next) _DeviceEventInfoEXT(x::DeviceEventInfoEXT) = _DeviceEventInfoEXT(x.device_event; x.next) _DisplayEventInfoEXT(x::DisplayEventInfoEXT) = _DisplayEventInfoEXT(x.display_event; x.next) _SwapchainCounterCreateInfoEXT(x::SwapchainCounterCreateInfoEXT) = _SwapchainCounterCreateInfoEXT(; x.next, x.surface_counters) _PhysicalDeviceGroupProperties(x::PhysicalDeviceGroupProperties) = _PhysicalDeviceGroupProperties(x.physical_device_count, x.physical_devices, x.subset_allocation; x.next) _MemoryAllocateFlagsInfo(x::MemoryAllocateFlagsInfo) = _MemoryAllocateFlagsInfo(x.device_mask; x.next, x.flags) _BindBufferMemoryInfo(x::BindBufferMemoryInfo) = _BindBufferMemoryInfo(x.buffer, x.memory, x.memory_offset; x.next) _BindBufferMemoryDeviceGroupInfo(x::BindBufferMemoryDeviceGroupInfo) = _BindBufferMemoryDeviceGroupInfo(x.device_indices; x.next) _BindImageMemoryInfo(x::BindImageMemoryInfo) = _BindImageMemoryInfo(x.image, x.memory, x.memory_offset; x.next) _BindImageMemoryDeviceGroupInfo(x::BindImageMemoryDeviceGroupInfo) = _BindImageMemoryDeviceGroupInfo(x.device_indices, convert_nonnull(Vector{_Rect2D}, x.split_instance_bind_regions); x.next) _DeviceGroupRenderPassBeginInfo(x::DeviceGroupRenderPassBeginInfo) = _DeviceGroupRenderPassBeginInfo(x.device_mask, convert_nonnull(Vector{_Rect2D}, x.device_render_areas); x.next) _DeviceGroupCommandBufferBeginInfo(x::DeviceGroupCommandBufferBeginInfo) = _DeviceGroupCommandBufferBeginInfo(x.device_mask; x.next) _DeviceGroupSubmitInfo(x::DeviceGroupSubmitInfo) = _DeviceGroupSubmitInfo(x.wait_semaphore_device_indices, x.command_buffer_device_masks, x.signal_semaphore_device_indices; x.next) _DeviceGroupBindSparseInfo(x::DeviceGroupBindSparseInfo) = _DeviceGroupBindSparseInfo(x.resource_device_index, x.memory_device_index; x.next) _DeviceGroupPresentCapabilitiesKHR(x::DeviceGroupPresentCapabilitiesKHR) = _DeviceGroupPresentCapabilitiesKHR(x.present_mask, x.modes; x.next) _ImageSwapchainCreateInfoKHR(x::ImageSwapchainCreateInfoKHR) = _ImageSwapchainCreateInfoKHR(; x.next, x.swapchain) _BindImageMemorySwapchainInfoKHR(x::BindImageMemorySwapchainInfoKHR) = _BindImageMemorySwapchainInfoKHR(x.swapchain, x.image_index; x.next) _AcquireNextImageInfoKHR(x::AcquireNextImageInfoKHR) = _AcquireNextImageInfoKHR(x.swapchain, x.timeout, x.device_mask; x.next, x.semaphore, x.fence) _DeviceGroupPresentInfoKHR(x::DeviceGroupPresentInfoKHR) = _DeviceGroupPresentInfoKHR(x.device_masks, x.mode; x.next) _DeviceGroupDeviceCreateInfo(x::DeviceGroupDeviceCreateInfo) = _DeviceGroupDeviceCreateInfo(x.physical_devices; x.next) _DeviceGroupSwapchainCreateInfoKHR(x::DeviceGroupSwapchainCreateInfoKHR) = _DeviceGroupSwapchainCreateInfoKHR(x.modes; x.next) _DescriptorUpdateTemplateEntry(x::DescriptorUpdateTemplateEntry) = _DescriptorUpdateTemplateEntry(x.dst_binding, x.dst_array_element, x.descriptor_count, x.descriptor_type, x.offset, x.stride) _DescriptorUpdateTemplateCreateInfo(x::DescriptorUpdateTemplateCreateInfo) = _DescriptorUpdateTemplateCreateInfo(convert_nonnull(Vector{_DescriptorUpdateTemplateEntry}, x.descriptor_update_entries), x.template_type, x.descriptor_set_layout, x.pipeline_bind_point, x.pipeline_layout, x.set; x.next, x.flags) _XYColorEXT(x::XYColorEXT) = _XYColorEXT(x.x, x.y) _PhysicalDevicePresentIdFeaturesKHR(x::PhysicalDevicePresentIdFeaturesKHR) = _PhysicalDevicePresentIdFeaturesKHR(x.present_id; x.next) _PresentIdKHR(x::PresentIdKHR) = _PresentIdKHR(; x.next, x.present_ids) _PhysicalDevicePresentWaitFeaturesKHR(x::PhysicalDevicePresentWaitFeaturesKHR) = _PhysicalDevicePresentWaitFeaturesKHR(x.present_wait; x.next) _HdrMetadataEXT(x::HdrMetadataEXT) = _HdrMetadataEXT(convert_nonnull(_XYColorEXT, x.display_primary_red), convert_nonnull(_XYColorEXT, x.display_primary_green), convert_nonnull(_XYColorEXT, x.display_primary_blue), convert_nonnull(_XYColorEXT, x.white_point), x.max_luminance, x.min_luminance, x.max_content_light_level, x.max_frame_average_light_level; x.next) _DisplayNativeHdrSurfaceCapabilitiesAMD(x::DisplayNativeHdrSurfaceCapabilitiesAMD) = _DisplayNativeHdrSurfaceCapabilitiesAMD(x.local_dimming_support; x.next) _SwapchainDisplayNativeHdrCreateInfoAMD(x::SwapchainDisplayNativeHdrCreateInfoAMD) = _SwapchainDisplayNativeHdrCreateInfoAMD(x.local_dimming_enable; x.next) _RefreshCycleDurationGOOGLE(x::RefreshCycleDurationGOOGLE) = _RefreshCycleDurationGOOGLE(x.refresh_duration) _PastPresentationTimingGOOGLE(x::PastPresentationTimingGOOGLE) = _PastPresentationTimingGOOGLE(x.present_id, x.desired_present_time, x.actual_present_time, x.earliest_present_time, x.present_margin) _PresentTimesInfoGOOGLE(x::PresentTimesInfoGOOGLE) = _PresentTimesInfoGOOGLE(; x.next, times = convert_nonnull(Vector{_PresentTimeGOOGLE}, x.times)) _PresentTimeGOOGLE(x::PresentTimeGOOGLE) = _PresentTimeGOOGLE(x.present_id, x.desired_present_time) _ViewportWScalingNV(x::ViewportWScalingNV) = _ViewportWScalingNV(x.xcoeff, x.ycoeff) _PipelineViewportWScalingStateCreateInfoNV(x::PipelineViewportWScalingStateCreateInfoNV) = _PipelineViewportWScalingStateCreateInfoNV(x.viewport_w_scaling_enable; x.next, viewport_w_scalings = convert_nonnull(Vector{_ViewportWScalingNV}, x.viewport_w_scalings)) _ViewportSwizzleNV(x::ViewportSwizzleNV) = _ViewportSwizzleNV(x.x, x.y, x.z, x.w) _PipelineViewportSwizzleStateCreateInfoNV(x::PipelineViewportSwizzleStateCreateInfoNV) = _PipelineViewportSwizzleStateCreateInfoNV(convert_nonnull(Vector{_ViewportSwizzleNV}, x.viewport_swizzles); x.next, x.flags) _PhysicalDeviceDiscardRectanglePropertiesEXT(x::PhysicalDeviceDiscardRectanglePropertiesEXT) = _PhysicalDeviceDiscardRectanglePropertiesEXT(x.max_discard_rectangles; x.next) _PipelineDiscardRectangleStateCreateInfoEXT(x::PipelineDiscardRectangleStateCreateInfoEXT) = _PipelineDiscardRectangleStateCreateInfoEXT(x.discard_rectangle_mode, convert_nonnull(Vector{_Rect2D}, x.discard_rectangles); x.next, x.flags) _PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX(x::PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX) = _PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX(x.per_view_position_all_components; x.next) _InputAttachmentAspectReference(x::InputAttachmentAspectReference) = _InputAttachmentAspectReference(x.subpass, x.input_attachment_index, x.aspect_mask) _RenderPassInputAttachmentAspectCreateInfo(x::RenderPassInputAttachmentAspectCreateInfo) = _RenderPassInputAttachmentAspectCreateInfo(convert_nonnull(Vector{_InputAttachmentAspectReference}, x.aspect_references); x.next) _PhysicalDeviceSurfaceInfo2KHR(x::PhysicalDeviceSurfaceInfo2KHR) = _PhysicalDeviceSurfaceInfo2KHR(; x.next, x.surface) _SurfaceCapabilities2KHR(x::SurfaceCapabilities2KHR) = _SurfaceCapabilities2KHR(convert_nonnull(_SurfaceCapabilitiesKHR, x.surface_capabilities); x.next) _SurfaceFormat2KHR(x::SurfaceFormat2KHR) = _SurfaceFormat2KHR(convert_nonnull(_SurfaceFormatKHR, x.surface_format); x.next) _DisplayProperties2KHR(x::DisplayProperties2KHR) = _DisplayProperties2KHR(convert_nonnull(_DisplayPropertiesKHR, x.display_properties); x.next) _DisplayPlaneProperties2KHR(x::DisplayPlaneProperties2KHR) = _DisplayPlaneProperties2KHR(convert_nonnull(_DisplayPlanePropertiesKHR, x.display_plane_properties); x.next) _DisplayModeProperties2KHR(x::DisplayModeProperties2KHR) = _DisplayModeProperties2KHR(convert_nonnull(_DisplayModePropertiesKHR, x.display_mode_properties); x.next) _DisplayPlaneInfo2KHR(x::DisplayPlaneInfo2KHR) = _DisplayPlaneInfo2KHR(x.mode, x.plane_index; x.next) _DisplayPlaneCapabilities2KHR(x::DisplayPlaneCapabilities2KHR) = _DisplayPlaneCapabilities2KHR(convert_nonnull(_DisplayPlaneCapabilitiesKHR, x.capabilities); x.next) _SharedPresentSurfaceCapabilitiesKHR(x::SharedPresentSurfaceCapabilitiesKHR) = _SharedPresentSurfaceCapabilitiesKHR(; x.next, x.shared_present_supported_usage_flags) _PhysicalDevice16BitStorageFeatures(x::PhysicalDevice16BitStorageFeatures) = _PhysicalDevice16BitStorageFeatures(x.storage_buffer_16_bit_access, x.uniform_and_storage_buffer_16_bit_access, x.storage_push_constant_16, x.storage_input_output_16; x.next) _PhysicalDeviceSubgroupProperties(x::PhysicalDeviceSubgroupProperties) = _PhysicalDeviceSubgroupProperties(x.subgroup_size, x.supported_stages, x.supported_operations, x.quad_operations_in_all_stages; x.next) _PhysicalDeviceShaderSubgroupExtendedTypesFeatures(x::PhysicalDeviceShaderSubgroupExtendedTypesFeatures) = _PhysicalDeviceShaderSubgroupExtendedTypesFeatures(x.shader_subgroup_extended_types; x.next) _BufferMemoryRequirementsInfo2(x::BufferMemoryRequirementsInfo2) = _BufferMemoryRequirementsInfo2(x.buffer; x.next) _DeviceBufferMemoryRequirements(x::DeviceBufferMemoryRequirements) = _DeviceBufferMemoryRequirements(convert_nonnull(_BufferCreateInfo, x.create_info); x.next) _ImageMemoryRequirementsInfo2(x::ImageMemoryRequirementsInfo2) = _ImageMemoryRequirementsInfo2(x.image; x.next) _ImageSparseMemoryRequirementsInfo2(x::ImageSparseMemoryRequirementsInfo2) = _ImageSparseMemoryRequirementsInfo2(x.image; x.next) _DeviceImageMemoryRequirements(x::DeviceImageMemoryRequirements) = _DeviceImageMemoryRequirements(convert_nonnull(_ImageCreateInfo, x.create_info); x.next, x.plane_aspect) _MemoryRequirements2(x::MemoryRequirements2) = _MemoryRequirements2(convert_nonnull(_MemoryRequirements, x.memory_requirements); x.next) _SparseImageMemoryRequirements2(x::SparseImageMemoryRequirements2) = _SparseImageMemoryRequirements2(convert_nonnull(_SparseImageMemoryRequirements, x.memory_requirements); x.next) _PhysicalDevicePointClippingProperties(x::PhysicalDevicePointClippingProperties) = _PhysicalDevicePointClippingProperties(x.point_clipping_behavior; x.next) _MemoryDedicatedRequirements(x::MemoryDedicatedRequirements) = _MemoryDedicatedRequirements(x.prefers_dedicated_allocation, x.requires_dedicated_allocation; x.next) _MemoryDedicatedAllocateInfo(x::MemoryDedicatedAllocateInfo) = _MemoryDedicatedAllocateInfo(; x.next, x.image, x.buffer) _ImageViewUsageCreateInfo(x::ImageViewUsageCreateInfo) = _ImageViewUsageCreateInfo(x.usage; x.next) _PipelineTessellationDomainOriginStateCreateInfo(x::PipelineTessellationDomainOriginStateCreateInfo) = _PipelineTessellationDomainOriginStateCreateInfo(x.domain_origin; x.next) _SamplerYcbcrConversionInfo(x::SamplerYcbcrConversionInfo) = _SamplerYcbcrConversionInfo(x.conversion; x.next) _SamplerYcbcrConversionCreateInfo(x::SamplerYcbcrConversionCreateInfo) = _SamplerYcbcrConversionCreateInfo(x.format, x.ycbcr_model, x.ycbcr_range, convert_nonnull(_ComponentMapping, x.components), x.x_chroma_offset, x.y_chroma_offset, x.chroma_filter, x.force_explicit_reconstruction; x.next) _BindImagePlaneMemoryInfo(x::BindImagePlaneMemoryInfo) = _BindImagePlaneMemoryInfo(x.plane_aspect; x.next) _ImagePlaneMemoryRequirementsInfo(x::ImagePlaneMemoryRequirementsInfo) = _ImagePlaneMemoryRequirementsInfo(x.plane_aspect; x.next) _PhysicalDeviceSamplerYcbcrConversionFeatures(x::PhysicalDeviceSamplerYcbcrConversionFeatures) = _PhysicalDeviceSamplerYcbcrConversionFeatures(x.sampler_ycbcr_conversion; x.next) _SamplerYcbcrConversionImageFormatProperties(x::SamplerYcbcrConversionImageFormatProperties) = _SamplerYcbcrConversionImageFormatProperties(x.combined_image_sampler_descriptor_count; x.next) _TextureLODGatherFormatPropertiesAMD(x::TextureLODGatherFormatPropertiesAMD) = _TextureLODGatherFormatPropertiesAMD(x.supports_texture_gather_lod_bias_amd; x.next) _ConditionalRenderingBeginInfoEXT(x::ConditionalRenderingBeginInfoEXT) = _ConditionalRenderingBeginInfoEXT(x.buffer, x.offset; x.next, x.flags) _ProtectedSubmitInfo(x::ProtectedSubmitInfo) = _ProtectedSubmitInfo(x.protected_submit; x.next) _PhysicalDeviceProtectedMemoryFeatures(x::PhysicalDeviceProtectedMemoryFeatures) = _PhysicalDeviceProtectedMemoryFeatures(x.protected_memory; x.next) _PhysicalDeviceProtectedMemoryProperties(x::PhysicalDeviceProtectedMemoryProperties) = _PhysicalDeviceProtectedMemoryProperties(x.protected_no_fault; x.next) _DeviceQueueInfo2(x::DeviceQueueInfo2) = _DeviceQueueInfo2(x.queue_family_index, x.queue_index; x.next, x.flags) _PipelineCoverageToColorStateCreateInfoNV(x::PipelineCoverageToColorStateCreateInfoNV) = _PipelineCoverageToColorStateCreateInfoNV(x.coverage_to_color_enable; x.next, x.flags, x.coverage_to_color_location) _PhysicalDeviceSamplerFilterMinmaxProperties(x::PhysicalDeviceSamplerFilterMinmaxProperties) = _PhysicalDeviceSamplerFilterMinmaxProperties(x.filter_minmax_single_component_formats, x.filter_minmax_image_component_mapping; x.next) _SampleLocationEXT(x::SampleLocationEXT) = _SampleLocationEXT(x.x, x.y) _SampleLocationsInfoEXT(x::SampleLocationsInfoEXT) = _SampleLocationsInfoEXT(x.sample_locations_per_pixel, convert_nonnull(_Extent2D, x.sample_location_grid_size), convert_nonnull(Vector{_SampleLocationEXT}, x.sample_locations); x.next) _AttachmentSampleLocationsEXT(x::AttachmentSampleLocationsEXT) = _AttachmentSampleLocationsEXT(x.attachment_index, convert_nonnull(_SampleLocationsInfoEXT, x.sample_locations_info)) _SubpassSampleLocationsEXT(x::SubpassSampleLocationsEXT) = _SubpassSampleLocationsEXT(x.subpass_index, convert_nonnull(_SampleLocationsInfoEXT, x.sample_locations_info)) _RenderPassSampleLocationsBeginInfoEXT(x::RenderPassSampleLocationsBeginInfoEXT) = _RenderPassSampleLocationsBeginInfoEXT(convert_nonnull(Vector{_AttachmentSampleLocationsEXT}, x.attachment_initial_sample_locations), convert_nonnull(Vector{_SubpassSampleLocationsEXT}, x.post_subpass_sample_locations); x.next) _PipelineSampleLocationsStateCreateInfoEXT(x::PipelineSampleLocationsStateCreateInfoEXT) = _PipelineSampleLocationsStateCreateInfoEXT(x.sample_locations_enable, convert_nonnull(_SampleLocationsInfoEXT, x.sample_locations_info); x.next) _PhysicalDeviceSampleLocationsPropertiesEXT(x::PhysicalDeviceSampleLocationsPropertiesEXT) = _PhysicalDeviceSampleLocationsPropertiesEXT(x.sample_location_sample_counts, convert_nonnull(_Extent2D, x.max_sample_location_grid_size), x.sample_location_coordinate_range, x.sample_location_sub_pixel_bits, x.variable_sample_locations; x.next) _MultisamplePropertiesEXT(x::MultisamplePropertiesEXT) = _MultisamplePropertiesEXT(convert_nonnull(_Extent2D, x.max_sample_location_grid_size); x.next) _SamplerReductionModeCreateInfo(x::SamplerReductionModeCreateInfo) = _SamplerReductionModeCreateInfo(x.reduction_mode; x.next) _PhysicalDeviceBlendOperationAdvancedFeaturesEXT(x::PhysicalDeviceBlendOperationAdvancedFeaturesEXT) = _PhysicalDeviceBlendOperationAdvancedFeaturesEXT(x.advanced_blend_coherent_operations; x.next) _PhysicalDeviceMultiDrawFeaturesEXT(x::PhysicalDeviceMultiDrawFeaturesEXT) = _PhysicalDeviceMultiDrawFeaturesEXT(x.multi_draw; x.next) _PhysicalDeviceBlendOperationAdvancedPropertiesEXT(x::PhysicalDeviceBlendOperationAdvancedPropertiesEXT) = _PhysicalDeviceBlendOperationAdvancedPropertiesEXT(x.advanced_blend_max_color_attachments, x.advanced_blend_independent_blend, x.advanced_blend_non_premultiplied_src_color, x.advanced_blend_non_premultiplied_dst_color, x.advanced_blend_correlated_overlap, x.advanced_blend_all_operations; x.next) _PipelineColorBlendAdvancedStateCreateInfoEXT(x::PipelineColorBlendAdvancedStateCreateInfoEXT) = _PipelineColorBlendAdvancedStateCreateInfoEXT(x.src_premultiplied, x.dst_premultiplied, x.blend_overlap; x.next) _PhysicalDeviceInlineUniformBlockFeatures(x::PhysicalDeviceInlineUniformBlockFeatures) = _PhysicalDeviceInlineUniformBlockFeatures(x.inline_uniform_block, x.descriptor_binding_inline_uniform_block_update_after_bind; x.next) _PhysicalDeviceInlineUniformBlockProperties(x::PhysicalDeviceInlineUniformBlockProperties) = _PhysicalDeviceInlineUniformBlockProperties(x.max_inline_uniform_block_size, x.max_per_stage_descriptor_inline_uniform_blocks, x.max_per_stage_descriptor_update_after_bind_inline_uniform_blocks, x.max_descriptor_set_inline_uniform_blocks, x.max_descriptor_set_update_after_bind_inline_uniform_blocks; x.next) _WriteDescriptorSetInlineUniformBlock(x::WriteDescriptorSetInlineUniformBlock) = _WriteDescriptorSetInlineUniformBlock(x.data_size, x.data; x.next) _DescriptorPoolInlineUniformBlockCreateInfo(x::DescriptorPoolInlineUniformBlockCreateInfo) = _DescriptorPoolInlineUniformBlockCreateInfo(x.max_inline_uniform_block_bindings; x.next) _PipelineCoverageModulationStateCreateInfoNV(x::PipelineCoverageModulationStateCreateInfoNV) = _PipelineCoverageModulationStateCreateInfoNV(x.coverage_modulation_mode, x.coverage_modulation_table_enable; x.next, x.flags, x.coverage_modulation_table) _ImageFormatListCreateInfo(x::ImageFormatListCreateInfo) = _ImageFormatListCreateInfo(x.view_formats; x.next) _ValidationCacheCreateInfoEXT(x::ValidationCacheCreateInfoEXT) = _ValidationCacheCreateInfoEXT(x.initial_data; x.next, x.flags, x.initial_data_size) _ShaderModuleValidationCacheCreateInfoEXT(x::ShaderModuleValidationCacheCreateInfoEXT) = _ShaderModuleValidationCacheCreateInfoEXT(x.validation_cache; x.next) _PhysicalDeviceMaintenance3Properties(x::PhysicalDeviceMaintenance3Properties) = _PhysicalDeviceMaintenance3Properties(x.max_per_set_descriptors, x.max_memory_allocation_size; x.next) _PhysicalDeviceMaintenance4Features(x::PhysicalDeviceMaintenance4Features) = _PhysicalDeviceMaintenance4Features(x.maintenance4; x.next) _PhysicalDeviceMaintenance4Properties(x::PhysicalDeviceMaintenance4Properties) = _PhysicalDeviceMaintenance4Properties(x.max_buffer_size; x.next) _DescriptorSetLayoutSupport(x::DescriptorSetLayoutSupport) = _DescriptorSetLayoutSupport(x.supported; x.next) _PhysicalDeviceShaderDrawParametersFeatures(x::PhysicalDeviceShaderDrawParametersFeatures) = _PhysicalDeviceShaderDrawParametersFeatures(x.shader_draw_parameters; x.next) _PhysicalDeviceShaderFloat16Int8Features(x::PhysicalDeviceShaderFloat16Int8Features) = _PhysicalDeviceShaderFloat16Int8Features(x.shader_float_16, x.shader_int_8; x.next) _PhysicalDeviceFloatControlsProperties(x::PhysicalDeviceFloatControlsProperties) = _PhysicalDeviceFloatControlsProperties(x.denorm_behavior_independence, x.rounding_mode_independence, x.shader_signed_zero_inf_nan_preserve_float_16, x.shader_signed_zero_inf_nan_preserve_float_32, x.shader_signed_zero_inf_nan_preserve_float_64, x.shader_denorm_preserve_float_16, x.shader_denorm_preserve_float_32, x.shader_denorm_preserve_float_64, x.shader_denorm_flush_to_zero_float_16, x.shader_denorm_flush_to_zero_float_32, x.shader_denorm_flush_to_zero_float_64, x.shader_rounding_mode_rte_float_16, x.shader_rounding_mode_rte_float_32, x.shader_rounding_mode_rte_float_64, x.shader_rounding_mode_rtz_float_16, x.shader_rounding_mode_rtz_float_32, x.shader_rounding_mode_rtz_float_64; x.next) _PhysicalDeviceHostQueryResetFeatures(x::PhysicalDeviceHostQueryResetFeatures) = _PhysicalDeviceHostQueryResetFeatures(x.host_query_reset; x.next) _ShaderResourceUsageAMD(x::ShaderResourceUsageAMD) = _ShaderResourceUsageAMD(x.num_used_vgprs, x.num_used_sgprs, x.lds_size_per_local_work_group, x.lds_usage_size_in_bytes, x.scratch_mem_usage_in_bytes) _ShaderStatisticsInfoAMD(x::ShaderStatisticsInfoAMD) = _ShaderStatisticsInfoAMD(x.shader_stage_mask, convert_nonnull(_ShaderResourceUsageAMD, x.resource_usage), x.num_physical_vgprs, x.num_physical_sgprs, x.num_available_vgprs, x.num_available_sgprs, x.compute_work_group_size) _DeviceQueueGlobalPriorityCreateInfoKHR(x::DeviceQueueGlobalPriorityCreateInfoKHR) = _DeviceQueueGlobalPriorityCreateInfoKHR(x.global_priority; x.next) _PhysicalDeviceGlobalPriorityQueryFeaturesKHR(x::PhysicalDeviceGlobalPriorityQueryFeaturesKHR) = _PhysicalDeviceGlobalPriorityQueryFeaturesKHR(x.global_priority_query; x.next) _QueueFamilyGlobalPriorityPropertiesKHR(x::QueueFamilyGlobalPriorityPropertiesKHR) = _QueueFamilyGlobalPriorityPropertiesKHR(x.priority_count, x.priorities; x.next) _DebugUtilsObjectNameInfoEXT(x::DebugUtilsObjectNameInfoEXT) = _DebugUtilsObjectNameInfoEXT(x.object_type, x.object_handle; x.next, x.object_name) _DebugUtilsObjectTagInfoEXT(x::DebugUtilsObjectTagInfoEXT) = _DebugUtilsObjectTagInfoEXT(x.object_type, x.object_handle, x.tag_name, x.tag_size, x.tag; x.next) _DebugUtilsLabelEXT(x::DebugUtilsLabelEXT) = _DebugUtilsLabelEXT(x.label_name, x.color; x.next) _DebugUtilsMessengerCreateInfoEXT(x::DebugUtilsMessengerCreateInfoEXT) = _DebugUtilsMessengerCreateInfoEXT(x.message_severity, x.message_type, x.pfn_user_callback; x.next, x.flags, x.user_data) _DebugUtilsMessengerCallbackDataEXT(x::DebugUtilsMessengerCallbackDataEXT) = _DebugUtilsMessengerCallbackDataEXT(x.message_id_number, x.message, convert_nonnull(Vector{_DebugUtilsLabelEXT}, x.queue_labels), convert_nonnull(Vector{_DebugUtilsLabelEXT}, x.cmd_buf_labels), convert_nonnull(Vector{_DebugUtilsObjectNameInfoEXT}, x.objects); x.next, x.flags, x.message_id_name) _PhysicalDeviceDeviceMemoryReportFeaturesEXT(x::PhysicalDeviceDeviceMemoryReportFeaturesEXT) = _PhysicalDeviceDeviceMemoryReportFeaturesEXT(x.device_memory_report; x.next) _DeviceDeviceMemoryReportCreateInfoEXT(x::DeviceDeviceMemoryReportCreateInfoEXT) = _DeviceDeviceMemoryReportCreateInfoEXT(x.flags, x.pfn_user_callback, x.user_data; x.next) _DeviceMemoryReportCallbackDataEXT(x::DeviceMemoryReportCallbackDataEXT) = _DeviceMemoryReportCallbackDataEXT(x.flags, x.type, x.memory_object_id, x.size, x.object_type, x.object_handle, x.heap_index; x.next) _ImportMemoryHostPointerInfoEXT(x::ImportMemoryHostPointerInfoEXT) = _ImportMemoryHostPointerInfoEXT(x.handle_type, x.host_pointer; x.next) _MemoryHostPointerPropertiesEXT(x::MemoryHostPointerPropertiesEXT) = _MemoryHostPointerPropertiesEXT(x.memory_type_bits; x.next) _PhysicalDeviceExternalMemoryHostPropertiesEXT(x::PhysicalDeviceExternalMemoryHostPropertiesEXT) = _PhysicalDeviceExternalMemoryHostPropertiesEXT(x.min_imported_host_pointer_alignment; x.next) _PhysicalDeviceConservativeRasterizationPropertiesEXT(x::PhysicalDeviceConservativeRasterizationPropertiesEXT) = _PhysicalDeviceConservativeRasterizationPropertiesEXT(x.primitive_overestimation_size, x.max_extra_primitive_overestimation_size, x.extra_primitive_overestimation_size_granularity, x.primitive_underestimation, x.conservative_point_and_line_rasterization, x.degenerate_triangles_rasterized, x.degenerate_lines_rasterized, x.fully_covered_fragment_shader_input_variable, x.conservative_rasterization_post_depth_coverage; x.next) _CalibratedTimestampInfoEXT(x::CalibratedTimestampInfoEXT) = _CalibratedTimestampInfoEXT(x.time_domain; x.next) _PhysicalDeviceShaderCorePropertiesAMD(x::PhysicalDeviceShaderCorePropertiesAMD) = _PhysicalDeviceShaderCorePropertiesAMD(x.shader_engine_count, x.shader_arrays_per_engine_count, x.compute_units_per_shader_array, x.simd_per_compute_unit, x.wavefronts_per_simd, x.wavefront_size, x.sgprs_per_simd, x.min_sgpr_allocation, x.max_sgpr_allocation, x.sgpr_allocation_granularity, x.vgprs_per_simd, x.min_vgpr_allocation, x.max_vgpr_allocation, x.vgpr_allocation_granularity; x.next) _PhysicalDeviceShaderCoreProperties2AMD(x::PhysicalDeviceShaderCoreProperties2AMD) = _PhysicalDeviceShaderCoreProperties2AMD(x.shader_core_features, x.active_compute_unit_count; x.next) _PipelineRasterizationConservativeStateCreateInfoEXT(x::PipelineRasterizationConservativeStateCreateInfoEXT) = _PipelineRasterizationConservativeStateCreateInfoEXT(x.conservative_rasterization_mode, x.extra_primitive_overestimation_size; x.next, x.flags) _PhysicalDeviceDescriptorIndexingFeatures(x::PhysicalDeviceDescriptorIndexingFeatures) = _PhysicalDeviceDescriptorIndexingFeatures(x.shader_input_attachment_array_dynamic_indexing, x.shader_uniform_texel_buffer_array_dynamic_indexing, x.shader_storage_texel_buffer_array_dynamic_indexing, x.shader_uniform_buffer_array_non_uniform_indexing, x.shader_sampled_image_array_non_uniform_indexing, x.shader_storage_buffer_array_non_uniform_indexing, x.shader_storage_image_array_non_uniform_indexing, x.shader_input_attachment_array_non_uniform_indexing, x.shader_uniform_texel_buffer_array_non_uniform_indexing, x.shader_storage_texel_buffer_array_non_uniform_indexing, x.descriptor_binding_uniform_buffer_update_after_bind, x.descriptor_binding_sampled_image_update_after_bind, x.descriptor_binding_storage_image_update_after_bind, x.descriptor_binding_storage_buffer_update_after_bind, x.descriptor_binding_uniform_texel_buffer_update_after_bind, x.descriptor_binding_storage_texel_buffer_update_after_bind, x.descriptor_binding_update_unused_while_pending, x.descriptor_binding_partially_bound, x.descriptor_binding_variable_descriptor_count, x.runtime_descriptor_array; x.next) _PhysicalDeviceDescriptorIndexingProperties(x::PhysicalDeviceDescriptorIndexingProperties) = _PhysicalDeviceDescriptorIndexingProperties(x.max_update_after_bind_descriptors_in_all_pools, x.shader_uniform_buffer_array_non_uniform_indexing_native, x.shader_sampled_image_array_non_uniform_indexing_native, x.shader_storage_buffer_array_non_uniform_indexing_native, x.shader_storage_image_array_non_uniform_indexing_native, x.shader_input_attachment_array_non_uniform_indexing_native, x.robust_buffer_access_update_after_bind, x.quad_divergent_implicit_lod, x.max_per_stage_descriptor_update_after_bind_samplers, x.max_per_stage_descriptor_update_after_bind_uniform_buffers, x.max_per_stage_descriptor_update_after_bind_storage_buffers, x.max_per_stage_descriptor_update_after_bind_sampled_images, x.max_per_stage_descriptor_update_after_bind_storage_images, x.max_per_stage_descriptor_update_after_bind_input_attachments, x.max_per_stage_update_after_bind_resources, x.max_descriptor_set_update_after_bind_samplers, x.max_descriptor_set_update_after_bind_uniform_buffers, x.max_descriptor_set_update_after_bind_uniform_buffers_dynamic, x.max_descriptor_set_update_after_bind_storage_buffers, x.max_descriptor_set_update_after_bind_storage_buffers_dynamic, x.max_descriptor_set_update_after_bind_sampled_images, x.max_descriptor_set_update_after_bind_storage_images, x.max_descriptor_set_update_after_bind_input_attachments; x.next) _DescriptorSetLayoutBindingFlagsCreateInfo(x::DescriptorSetLayoutBindingFlagsCreateInfo) = _DescriptorSetLayoutBindingFlagsCreateInfo(x.binding_flags; x.next) _DescriptorSetVariableDescriptorCountAllocateInfo(x::DescriptorSetVariableDescriptorCountAllocateInfo) = _DescriptorSetVariableDescriptorCountAllocateInfo(x.descriptor_counts; x.next) _DescriptorSetVariableDescriptorCountLayoutSupport(x::DescriptorSetVariableDescriptorCountLayoutSupport) = _DescriptorSetVariableDescriptorCountLayoutSupport(x.max_variable_descriptor_count; x.next) _AttachmentDescription2(x::AttachmentDescription2) = _AttachmentDescription2(x.format, x.samples, x.load_op, x.store_op, x.stencil_load_op, x.stencil_store_op, x.initial_layout, x.final_layout; x.next, x.flags) _AttachmentReference2(x::AttachmentReference2) = _AttachmentReference2(x.attachment, x.layout, x.aspect_mask; x.next) _SubpassDescription2(x::SubpassDescription2) = _SubpassDescription2(x.pipeline_bind_point, x.view_mask, convert_nonnull(Vector{_AttachmentReference2}, x.input_attachments), convert_nonnull(Vector{_AttachmentReference2}, x.color_attachments), x.preserve_attachments; x.next, x.flags, resolve_attachments = convert_nonnull(Vector{_AttachmentReference2}, x.resolve_attachments), depth_stencil_attachment = convert_nonnull(_AttachmentReference2, x.depth_stencil_attachment)) _SubpassDependency2(x::SubpassDependency2) = _SubpassDependency2(x.src_subpass, x.dst_subpass, x.view_offset; x.next, x.src_stage_mask, x.dst_stage_mask, x.src_access_mask, x.dst_access_mask, x.dependency_flags) _RenderPassCreateInfo2(x::RenderPassCreateInfo2) = _RenderPassCreateInfo2(convert_nonnull(Vector{_AttachmentDescription2}, x.attachments), convert_nonnull(Vector{_SubpassDescription2}, x.subpasses), convert_nonnull(Vector{_SubpassDependency2}, x.dependencies), x.correlated_view_masks; x.next, x.flags) _SubpassBeginInfo(x::SubpassBeginInfo) = _SubpassBeginInfo(x.contents; x.next) _SubpassEndInfo(x::SubpassEndInfo) = _SubpassEndInfo(; x.next) _PhysicalDeviceTimelineSemaphoreFeatures(x::PhysicalDeviceTimelineSemaphoreFeatures) = _PhysicalDeviceTimelineSemaphoreFeatures(x.timeline_semaphore; x.next) _PhysicalDeviceTimelineSemaphoreProperties(x::PhysicalDeviceTimelineSemaphoreProperties) = _PhysicalDeviceTimelineSemaphoreProperties(x.max_timeline_semaphore_value_difference; x.next) _SemaphoreTypeCreateInfo(x::SemaphoreTypeCreateInfo) = _SemaphoreTypeCreateInfo(x.semaphore_type, x.initial_value; x.next) _TimelineSemaphoreSubmitInfo(x::TimelineSemaphoreSubmitInfo) = _TimelineSemaphoreSubmitInfo(; x.next, x.wait_semaphore_values, x.signal_semaphore_values) _SemaphoreWaitInfo(x::SemaphoreWaitInfo) = _SemaphoreWaitInfo(x.semaphores, x.values; x.next, x.flags) _SemaphoreSignalInfo(x::SemaphoreSignalInfo) = _SemaphoreSignalInfo(x.semaphore, x.value; x.next) _VertexInputBindingDivisorDescriptionEXT(x::VertexInputBindingDivisorDescriptionEXT) = _VertexInputBindingDivisorDescriptionEXT(x.binding, x.divisor) _PipelineVertexInputDivisorStateCreateInfoEXT(x::PipelineVertexInputDivisorStateCreateInfoEXT) = _PipelineVertexInputDivisorStateCreateInfoEXT(convert_nonnull(Vector{_VertexInputBindingDivisorDescriptionEXT}, x.vertex_binding_divisors); x.next) _PhysicalDeviceVertexAttributeDivisorPropertiesEXT(x::PhysicalDeviceVertexAttributeDivisorPropertiesEXT) = _PhysicalDeviceVertexAttributeDivisorPropertiesEXT(x.max_vertex_attrib_divisor; x.next) _PhysicalDevicePCIBusInfoPropertiesEXT(x::PhysicalDevicePCIBusInfoPropertiesEXT) = _PhysicalDevicePCIBusInfoPropertiesEXT(x.pci_domain, x.pci_bus, x.pci_device, x.pci_function; x.next) _CommandBufferInheritanceConditionalRenderingInfoEXT(x::CommandBufferInheritanceConditionalRenderingInfoEXT) = _CommandBufferInheritanceConditionalRenderingInfoEXT(x.conditional_rendering_enable; x.next) _PhysicalDevice8BitStorageFeatures(x::PhysicalDevice8BitStorageFeatures) = _PhysicalDevice8BitStorageFeatures(x.storage_buffer_8_bit_access, x.uniform_and_storage_buffer_8_bit_access, x.storage_push_constant_8; x.next) _PhysicalDeviceConditionalRenderingFeaturesEXT(x::PhysicalDeviceConditionalRenderingFeaturesEXT) = _PhysicalDeviceConditionalRenderingFeaturesEXT(x.conditional_rendering, x.inherited_conditional_rendering; x.next) _PhysicalDeviceVulkanMemoryModelFeatures(x::PhysicalDeviceVulkanMemoryModelFeatures) = _PhysicalDeviceVulkanMemoryModelFeatures(x.vulkan_memory_model, x.vulkan_memory_model_device_scope, x.vulkan_memory_model_availability_visibility_chains; x.next) _PhysicalDeviceShaderAtomicInt64Features(x::PhysicalDeviceShaderAtomicInt64Features) = _PhysicalDeviceShaderAtomicInt64Features(x.shader_buffer_int_64_atomics, x.shader_shared_int_64_atomics; x.next) _PhysicalDeviceShaderAtomicFloatFeaturesEXT(x::PhysicalDeviceShaderAtomicFloatFeaturesEXT) = _PhysicalDeviceShaderAtomicFloatFeaturesEXT(x.shader_buffer_float_32_atomics, x.shader_buffer_float_32_atomic_add, x.shader_buffer_float_64_atomics, x.shader_buffer_float_64_atomic_add, x.shader_shared_float_32_atomics, x.shader_shared_float_32_atomic_add, x.shader_shared_float_64_atomics, x.shader_shared_float_64_atomic_add, x.shader_image_float_32_atomics, x.shader_image_float_32_atomic_add, x.sparse_image_float_32_atomics, x.sparse_image_float_32_atomic_add; x.next) _PhysicalDeviceShaderAtomicFloat2FeaturesEXT(x::PhysicalDeviceShaderAtomicFloat2FeaturesEXT) = _PhysicalDeviceShaderAtomicFloat2FeaturesEXT(x.shader_buffer_float_16_atomics, x.shader_buffer_float_16_atomic_add, x.shader_buffer_float_16_atomic_min_max, x.shader_buffer_float_32_atomic_min_max, x.shader_buffer_float_64_atomic_min_max, x.shader_shared_float_16_atomics, x.shader_shared_float_16_atomic_add, x.shader_shared_float_16_atomic_min_max, x.shader_shared_float_32_atomic_min_max, x.shader_shared_float_64_atomic_min_max, x.shader_image_float_32_atomic_min_max, x.sparse_image_float_32_atomic_min_max; x.next) _PhysicalDeviceVertexAttributeDivisorFeaturesEXT(x::PhysicalDeviceVertexAttributeDivisorFeaturesEXT) = _PhysicalDeviceVertexAttributeDivisorFeaturesEXT(x.vertex_attribute_instance_rate_divisor, x.vertex_attribute_instance_rate_zero_divisor; x.next) _QueueFamilyCheckpointPropertiesNV(x::QueueFamilyCheckpointPropertiesNV) = _QueueFamilyCheckpointPropertiesNV(x.checkpoint_execution_stage_mask; x.next) _CheckpointDataNV(x::CheckpointDataNV) = _CheckpointDataNV(x.stage, x.checkpoint_marker; x.next) _PhysicalDeviceDepthStencilResolveProperties(x::PhysicalDeviceDepthStencilResolveProperties) = _PhysicalDeviceDepthStencilResolveProperties(x.supported_depth_resolve_modes, x.supported_stencil_resolve_modes, x.independent_resolve_none, x.independent_resolve; x.next) _SubpassDescriptionDepthStencilResolve(x::SubpassDescriptionDepthStencilResolve) = _SubpassDescriptionDepthStencilResolve(x.depth_resolve_mode, x.stencil_resolve_mode; x.next, depth_stencil_resolve_attachment = convert_nonnull(_AttachmentReference2, x.depth_stencil_resolve_attachment)) _ImageViewASTCDecodeModeEXT(x::ImageViewASTCDecodeModeEXT) = _ImageViewASTCDecodeModeEXT(x.decode_mode; x.next) _PhysicalDeviceASTCDecodeFeaturesEXT(x::PhysicalDeviceASTCDecodeFeaturesEXT) = _PhysicalDeviceASTCDecodeFeaturesEXT(x.decode_mode_shared_exponent; x.next) _PhysicalDeviceTransformFeedbackFeaturesEXT(x::PhysicalDeviceTransformFeedbackFeaturesEXT) = _PhysicalDeviceTransformFeedbackFeaturesEXT(x.transform_feedback, x.geometry_streams; x.next) _PhysicalDeviceTransformFeedbackPropertiesEXT(x::PhysicalDeviceTransformFeedbackPropertiesEXT) = _PhysicalDeviceTransformFeedbackPropertiesEXT(x.max_transform_feedback_streams, x.max_transform_feedback_buffers, x.max_transform_feedback_buffer_size, x.max_transform_feedback_stream_data_size, x.max_transform_feedback_buffer_data_size, x.max_transform_feedback_buffer_data_stride, x.transform_feedback_queries, x.transform_feedback_streams_lines_triangles, x.transform_feedback_rasterization_stream_select, x.transform_feedback_draw; x.next) _PipelineRasterizationStateStreamCreateInfoEXT(x::PipelineRasterizationStateStreamCreateInfoEXT) = _PipelineRasterizationStateStreamCreateInfoEXT(x.rasterization_stream; x.next, x.flags) _PhysicalDeviceRepresentativeFragmentTestFeaturesNV(x::PhysicalDeviceRepresentativeFragmentTestFeaturesNV) = _PhysicalDeviceRepresentativeFragmentTestFeaturesNV(x.representative_fragment_test; x.next) _PipelineRepresentativeFragmentTestStateCreateInfoNV(x::PipelineRepresentativeFragmentTestStateCreateInfoNV) = _PipelineRepresentativeFragmentTestStateCreateInfoNV(x.representative_fragment_test_enable; x.next) _PhysicalDeviceExclusiveScissorFeaturesNV(x::PhysicalDeviceExclusiveScissorFeaturesNV) = _PhysicalDeviceExclusiveScissorFeaturesNV(x.exclusive_scissor; x.next) _PipelineViewportExclusiveScissorStateCreateInfoNV(x::PipelineViewportExclusiveScissorStateCreateInfoNV) = _PipelineViewportExclusiveScissorStateCreateInfoNV(convert_nonnull(Vector{_Rect2D}, x.exclusive_scissors); x.next) _PhysicalDeviceCornerSampledImageFeaturesNV(x::PhysicalDeviceCornerSampledImageFeaturesNV) = _PhysicalDeviceCornerSampledImageFeaturesNV(x.corner_sampled_image; x.next) _PhysicalDeviceComputeShaderDerivativesFeaturesNV(x::PhysicalDeviceComputeShaderDerivativesFeaturesNV) = _PhysicalDeviceComputeShaderDerivativesFeaturesNV(x.compute_derivative_group_quads, x.compute_derivative_group_linear; x.next) _PhysicalDeviceShaderImageFootprintFeaturesNV(x::PhysicalDeviceShaderImageFootprintFeaturesNV) = _PhysicalDeviceShaderImageFootprintFeaturesNV(x.image_footprint; x.next) _PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV(x::PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV) = _PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV(x.dedicated_allocation_image_aliasing; x.next) _PhysicalDeviceCopyMemoryIndirectFeaturesNV(x::PhysicalDeviceCopyMemoryIndirectFeaturesNV) = _PhysicalDeviceCopyMemoryIndirectFeaturesNV(x.indirect_copy; x.next) _PhysicalDeviceCopyMemoryIndirectPropertiesNV(x::PhysicalDeviceCopyMemoryIndirectPropertiesNV) = _PhysicalDeviceCopyMemoryIndirectPropertiesNV(x.supported_queues; x.next) _PhysicalDeviceMemoryDecompressionFeaturesNV(x::PhysicalDeviceMemoryDecompressionFeaturesNV) = _PhysicalDeviceMemoryDecompressionFeaturesNV(x.memory_decompression; x.next) _PhysicalDeviceMemoryDecompressionPropertiesNV(x::PhysicalDeviceMemoryDecompressionPropertiesNV) = _PhysicalDeviceMemoryDecompressionPropertiesNV(x.decompression_methods, x.max_decompression_indirect_count; x.next) _ShadingRatePaletteNV(x::ShadingRatePaletteNV) = _ShadingRatePaletteNV(x.shading_rate_palette_entries) _PipelineViewportShadingRateImageStateCreateInfoNV(x::PipelineViewportShadingRateImageStateCreateInfoNV) = _PipelineViewportShadingRateImageStateCreateInfoNV(x.shading_rate_image_enable, convert_nonnull(Vector{_ShadingRatePaletteNV}, x.shading_rate_palettes); x.next) _PhysicalDeviceShadingRateImageFeaturesNV(x::PhysicalDeviceShadingRateImageFeaturesNV) = _PhysicalDeviceShadingRateImageFeaturesNV(x.shading_rate_image, x.shading_rate_coarse_sample_order; x.next) _PhysicalDeviceShadingRateImagePropertiesNV(x::PhysicalDeviceShadingRateImagePropertiesNV) = _PhysicalDeviceShadingRateImagePropertiesNV(convert_nonnull(_Extent2D, x.shading_rate_texel_size), x.shading_rate_palette_size, x.shading_rate_max_coarse_samples; x.next) _PhysicalDeviceInvocationMaskFeaturesHUAWEI(x::PhysicalDeviceInvocationMaskFeaturesHUAWEI) = _PhysicalDeviceInvocationMaskFeaturesHUAWEI(x.invocation_mask; x.next) _CoarseSampleLocationNV(x::CoarseSampleLocationNV) = _CoarseSampleLocationNV(x.pixel_x, x.pixel_y, x.sample) _CoarseSampleOrderCustomNV(x::CoarseSampleOrderCustomNV) = _CoarseSampleOrderCustomNV(x.shading_rate, x.sample_count, convert_nonnull(Vector{_CoarseSampleLocationNV}, x.sample_locations)) _PipelineViewportCoarseSampleOrderStateCreateInfoNV(x::PipelineViewportCoarseSampleOrderStateCreateInfoNV) = _PipelineViewportCoarseSampleOrderStateCreateInfoNV(x.sample_order_type, convert_nonnull(Vector{_CoarseSampleOrderCustomNV}, x.custom_sample_orders); x.next) _PhysicalDeviceMeshShaderFeaturesNV(x::PhysicalDeviceMeshShaderFeaturesNV) = _PhysicalDeviceMeshShaderFeaturesNV(x.task_shader, x.mesh_shader; x.next) _PhysicalDeviceMeshShaderPropertiesNV(x::PhysicalDeviceMeshShaderPropertiesNV) = _PhysicalDeviceMeshShaderPropertiesNV(x.max_draw_mesh_tasks_count, x.max_task_work_group_invocations, x.max_task_work_group_size, x.max_task_total_memory_size, x.max_task_output_count, x.max_mesh_work_group_invocations, x.max_mesh_work_group_size, x.max_mesh_total_memory_size, x.max_mesh_output_vertices, x.max_mesh_output_primitives, x.max_mesh_multiview_view_count, x.mesh_output_per_vertex_granularity, x.mesh_output_per_primitive_granularity; x.next) _DrawMeshTasksIndirectCommandNV(x::DrawMeshTasksIndirectCommandNV) = _DrawMeshTasksIndirectCommandNV(x.task_count, x.first_task) _PhysicalDeviceMeshShaderFeaturesEXT(x::PhysicalDeviceMeshShaderFeaturesEXT) = _PhysicalDeviceMeshShaderFeaturesEXT(x.task_shader, x.mesh_shader, x.multiview_mesh_shader, x.primitive_fragment_shading_rate_mesh_shader, x.mesh_shader_queries; x.next) _PhysicalDeviceMeshShaderPropertiesEXT(x::PhysicalDeviceMeshShaderPropertiesEXT) = _PhysicalDeviceMeshShaderPropertiesEXT(x.max_task_work_group_total_count, x.max_task_work_group_count, x.max_task_work_group_invocations, x.max_task_work_group_size, x.max_task_payload_size, x.max_task_shared_memory_size, x.max_task_payload_and_shared_memory_size, x.max_mesh_work_group_total_count, x.max_mesh_work_group_count, x.max_mesh_work_group_invocations, x.max_mesh_work_group_size, x.max_mesh_shared_memory_size, x.max_mesh_payload_and_shared_memory_size, x.max_mesh_output_memory_size, x.max_mesh_payload_and_output_memory_size, x.max_mesh_output_components, x.max_mesh_output_vertices, x.max_mesh_output_primitives, x.max_mesh_output_layers, x.max_mesh_multiview_view_count, x.mesh_output_per_vertex_granularity, x.mesh_output_per_primitive_granularity, x.max_preferred_task_work_group_invocations, x.max_preferred_mesh_work_group_invocations, x.prefers_local_invocation_vertex_output, x.prefers_local_invocation_primitive_output, x.prefers_compact_vertex_output, x.prefers_compact_primitive_output; x.next) _DrawMeshTasksIndirectCommandEXT(x::DrawMeshTasksIndirectCommandEXT) = _DrawMeshTasksIndirectCommandEXT(x.group_count_x, x.group_count_y, x.group_count_z) _RayTracingShaderGroupCreateInfoNV(x::RayTracingShaderGroupCreateInfoNV) = _RayTracingShaderGroupCreateInfoNV(x.type, x.general_shader, x.closest_hit_shader, x.any_hit_shader, x.intersection_shader; x.next) _RayTracingShaderGroupCreateInfoKHR(x::RayTracingShaderGroupCreateInfoKHR) = _RayTracingShaderGroupCreateInfoKHR(x.type, x.general_shader, x.closest_hit_shader, x.any_hit_shader, x.intersection_shader; x.next, x.shader_group_capture_replay_handle) _RayTracingPipelineCreateInfoNV(x::RayTracingPipelineCreateInfoNV) = _RayTracingPipelineCreateInfoNV(convert_nonnull(Vector{_PipelineShaderStageCreateInfo}, x.stages), convert_nonnull(Vector{_RayTracingShaderGroupCreateInfoNV}, x.groups), x.max_recursion_depth, x.layout, x.base_pipeline_index; x.next, x.flags, x.base_pipeline_handle) _RayTracingPipelineCreateInfoKHR(x::RayTracingPipelineCreateInfoKHR) = _RayTracingPipelineCreateInfoKHR(convert_nonnull(Vector{_PipelineShaderStageCreateInfo}, x.stages), convert_nonnull(Vector{_RayTracingShaderGroupCreateInfoKHR}, x.groups), x.max_pipeline_ray_recursion_depth, x.layout, x.base_pipeline_index; x.next, x.flags, library_info = convert_nonnull(_PipelineLibraryCreateInfoKHR, x.library_info), library_interface = convert_nonnull(_RayTracingPipelineInterfaceCreateInfoKHR, x.library_interface), dynamic_state = convert_nonnull(_PipelineDynamicStateCreateInfo, x.dynamic_state), x.base_pipeline_handle) _GeometryTrianglesNV(x::GeometryTrianglesNV) = _GeometryTrianglesNV(x.vertex_offset, x.vertex_count, x.vertex_stride, x.vertex_format, x.index_offset, x.index_count, x.index_type, x.transform_offset; x.next, x.vertex_data, x.index_data, x.transform_data) _GeometryAABBNV(x::GeometryAABBNV) = _GeometryAABBNV(x.num_aab_bs, x.stride, x.offset; x.next, x.aabb_data) _GeometryDataNV(x::GeometryDataNV) = _GeometryDataNV(convert_nonnull(_GeometryTrianglesNV, x.triangles), convert_nonnull(_GeometryAABBNV, x.aabbs)) _GeometryNV(x::GeometryNV) = _GeometryNV(x.geometry_type, convert_nonnull(_GeometryDataNV, x.geometry); x.next, x.flags) _AccelerationStructureInfoNV(x::AccelerationStructureInfoNV) = _AccelerationStructureInfoNV(x.type, convert_nonnull(Vector{_GeometryNV}, x.geometries); x.next, x.flags, x.instance_count) _AccelerationStructureCreateInfoNV(x::AccelerationStructureCreateInfoNV) = _AccelerationStructureCreateInfoNV(x.compacted_size, convert_nonnull(_AccelerationStructureInfoNV, x.info); x.next) _BindAccelerationStructureMemoryInfoNV(x::BindAccelerationStructureMemoryInfoNV) = _BindAccelerationStructureMemoryInfoNV(x.acceleration_structure, x.memory, x.memory_offset, x.device_indices; x.next) _WriteDescriptorSetAccelerationStructureKHR(x::WriteDescriptorSetAccelerationStructureKHR) = _WriteDescriptorSetAccelerationStructureKHR(x.acceleration_structures; x.next) _WriteDescriptorSetAccelerationStructureNV(x::WriteDescriptorSetAccelerationStructureNV) = _WriteDescriptorSetAccelerationStructureNV(x.acceleration_structures; x.next) _AccelerationStructureMemoryRequirementsInfoNV(x::AccelerationStructureMemoryRequirementsInfoNV) = _AccelerationStructureMemoryRequirementsInfoNV(x.type, x.acceleration_structure; x.next) _PhysicalDeviceAccelerationStructureFeaturesKHR(x::PhysicalDeviceAccelerationStructureFeaturesKHR) = _PhysicalDeviceAccelerationStructureFeaturesKHR(x.acceleration_structure, x.acceleration_structure_capture_replay, x.acceleration_structure_indirect_build, x.acceleration_structure_host_commands, x.descriptor_binding_acceleration_structure_update_after_bind; x.next) _PhysicalDeviceRayTracingPipelineFeaturesKHR(x::PhysicalDeviceRayTracingPipelineFeaturesKHR) = _PhysicalDeviceRayTracingPipelineFeaturesKHR(x.ray_tracing_pipeline, x.ray_tracing_pipeline_shader_group_handle_capture_replay, x.ray_tracing_pipeline_shader_group_handle_capture_replay_mixed, x.ray_tracing_pipeline_trace_rays_indirect, x.ray_traversal_primitive_culling; x.next) _PhysicalDeviceRayQueryFeaturesKHR(x::PhysicalDeviceRayQueryFeaturesKHR) = _PhysicalDeviceRayQueryFeaturesKHR(x.ray_query; x.next) _PhysicalDeviceAccelerationStructurePropertiesKHR(x::PhysicalDeviceAccelerationStructurePropertiesKHR) = _PhysicalDeviceAccelerationStructurePropertiesKHR(x.max_geometry_count, x.max_instance_count, x.max_primitive_count, x.max_per_stage_descriptor_acceleration_structures, x.max_per_stage_descriptor_update_after_bind_acceleration_structures, x.max_descriptor_set_acceleration_structures, x.max_descriptor_set_update_after_bind_acceleration_structures, x.min_acceleration_structure_scratch_offset_alignment; x.next) _PhysicalDeviceRayTracingPipelinePropertiesKHR(x::PhysicalDeviceRayTracingPipelinePropertiesKHR) = _PhysicalDeviceRayTracingPipelinePropertiesKHR(x.shader_group_handle_size, x.max_ray_recursion_depth, x.max_shader_group_stride, x.shader_group_base_alignment, x.shader_group_handle_capture_replay_size, x.max_ray_dispatch_invocation_count, x.shader_group_handle_alignment, x.max_ray_hit_attribute_size; x.next) _PhysicalDeviceRayTracingPropertiesNV(x::PhysicalDeviceRayTracingPropertiesNV) = _PhysicalDeviceRayTracingPropertiesNV(x.shader_group_handle_size, x.max_recursion_depth, x.max_shader_group_stride, x.shader_group_base_alignment, x.max_geometry_count, x.max_instance_count, x.max_triangle_count, x.max_descriptor_set_acceleration_structures; x.next) _StridedDeviceAddressRegionKHR(x::StridedDeviceAddressRegionKHR) = _StridedDeviceAddressRegionKHR(x.stride, x.size; x.device_address) _TraceRaysIndirectCommandKHR(x::TraceRaysIndirectCommandKHR) = _TraceRaysIndirectCommandKHR(x.width, x.height, x.depth) _TraceRaysIndirectCommand2KHR(x::TraceRaysIndirectCommand2KHR) = _TraceRaysIndirectCommand2KHR(x.raygen_shader_record_address, x.raygen_shader_record_size, x.miss_shader_binding_table_address, x.miss_shader_binding_table_size, x.miss_shader_binding_table_stride, x.hit_shader_binding_table_address, x.hit_shader_binding_table_size, x.hit_shader_binding_table_stride, x.callable_shader_binding_table_address, x.callable_shader_binding_table_size, x.callable_shader_binding_table_stride, x.width, x.height, x.depth) _PhysicalDeviceRayTracingMaintenance1FeaturesKHR(x::PhysicalDeviceRayTracingMaintenance1FeaturesKHR) = _PhysicalDeviceRayTracingMaintenance1FeaturesKHR(x.ray_tracing_maintenance_1, x.ray_tracing_pipeline_trace_rays_indirect_2; x.next) _DrmFormatModifierPropertiesListEXT(x::DrmFormatModifierPropertiesListEXT) = _DrmFormatModifierPropertiesListEXT(; x.next, drm_format_modifier_properties = convert_nonnull(Vector{_DrmFormatModifierPropertiesEXT}, x.drm_format_modifier_properties)) _DrmFormatModifierPropertiesEXT(x::DrmFormatModifierPropertiesEXT) = _DrmFormatModifierPropertiesEXT(x.drm_format_modifier, x.drm_format_modifier_plane_count, x.drm_format_modifier_tiling_features) _PhysicalDeviceImageDrmFormatModifierInfoEXT(x::PhysicalDeviceImageDrmFormatModifierInfoEXT) = _PhysicalDeviceImageDrmFormatModifierInfoEXT(x.drm_format_modifier, x.sharing_mode, x.queue_family_indices; x.next) _ImageDrmFormatModifierListCreateInfoEXT(x::ImageDrmFormatModifierListCreateInfoEXT) = _ImageDrmFormatModifierListCreateInfoEXT(x.drm_format_modifiers; x.next) _ImageDrmFormatModifierExplicitCreateInfoEXT(x::ImageDrmFormatModifierExplicitCreateInfoEXT) = _ImageDrmFormatModifierExplicitCreateInfoEXT(x.drm_format_modifier, convert_nonnull(Vector{_SubresourceLayout}, x.plane_layouts); x.next) _ImageDrmFormatModifierPropertiesEXT(x::ImageDrmFormatModifierPropertiesEXT) = _ImageDrmFormatModifierPropertiesEXT(x.drm_format_modifier; x.next) _ImageStencilUsageCreateInfo(x::ImageStencilUsageCreateInfo) = _ImageStencilUsageCreateInfo(x.stencil_usage; x.next) _DeviceMemoryOverallocationCreateInfoAMD(x::DeviceMemoryOverallocationCreateInfoAMD) = _DeviceMemoryOverallocationCreateInfoAMD(x.overallocation_behavior; x.next) _PhysicalDeviceFragmentDensityMapFeaturesEXT(x::PhysicalDeviceFragmentDensityMapFeaturesEXT) = _PhysicalDeviceFragmentDensityMapFeaturesEXT(x.fragment_density_map, x.fragment_density_map_dynamic, x.fragment_density_map_non_subsampled_images; x.next) _PhysicalDeviceFragmentDensityMap2FeaturesEXT(x::PhysicalDeviceFragmentDensityMap2FeaturesEXT) = _PhysicalDeviceFragmentDensityMap2FeaturesEXT(x.fragment_density_map_deferred; x.next) _PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM(x::PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM) = _PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM(x.fragment_density_map_offset; x.next) _PhysicalDeviceFragmentDensityMapPropertiesEXT(x::PhysicalDeviceFragmentDensityMapPropertiesEXT) = _PhysicalDeviceFragmentDensityMapPropertiesEXT(convert_nonnull(_Extent2D, x.min_fragment_density_texel_size), convert_nonnull(_Extent2D, x.max_fragment_density_texel_size), x.fragment_density_invocations; x.next) _PhysicalDeviceFragmentDensityMap2PropertiesEXT(x::PhysicalDeviceFragmentDensityMap2PropertiesEXT) = _PhysicalDeviceFragmentDensityMap2PropertiesEXT(x.subsampled_loads, x.subsampled_coarse_reconstruction_early_access, x.max_subsampled_array_layers, x.max_descriptor_set_subsampled_samplers; x.next) _PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM(x::PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM) = _PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM(convert_nonnull(_Extent2D, x.fragment_density_offset_granularity); x.next) _RenderPassFragmentDensityMapCreateInfoEXT(x::RenderPassFragmentDensityMapCreateInfoEXT) = _RenderPassFragmentDensityMapCreateInfoEXT(convert_nonnull(_AttachmentReference, x.fragment_density_map_attachment); x.next) _SubpassFragmentDensityMapOffsetEndInfoQCOM(x::SubpassFragmentDensityMapOffsetEndInfoQCOM) = _SubpassFragmentDensityMapOffsetEndInfoQCOM(convert_nonnull(Vector{_Offset2D}, x.fragment_density_offsets); x.next) _PhysicalDeviceScalarBlockLayoutFeatures(x::PhysicalDeviceScalarBlockLayoutFeatures) = _PhysicalDeviceScalarBlockLayoutFeatures(x.scalar_block_layout; x.next) _SurfaceProtectedCapabilitiesKHR(x::SurfaceProtectedCapabilitiesKHR) = _SurfaceProtectedCapabilitiesKHR(x.supports_protected; x.next) _PhysicalDeviceUniformBufferStandardLayoutFeatures(x::PhysicalDeviceUniformBufferStandardLayoutFeatures) = _PhysicalDeviceUniformBufferStandardLayoutFeatures(x.uniform_buffer_standard_layout; x.next) _PhysicalDeviceDepthClipEnableFeaturesEXT(x::PhysicalDeviceDepthClipEnableFeaturesEXT) = _PhysicalDeviceDepthClipEnableFeaturesEXT(x.depth_clip_enable; x.next) _PipelineRasterizationDepthClipStateCreateInfoEXT(x::PipelineRasterizationDepthClipStateCreateInfoEXT) = _PipelineRasterizationDepthClipStateCreateInfoEXT(x.depth_clip_enable; x.next, x.flags) _PhysicalDeviceMemoryBudgetPropertiesEXT(x::PhysicalDeviceMemoryBudgetPropertiesEXT) = _PhysicalDeviceMemoryBudgetPropertiesEXT(x.heap_budget, x.heap_usage; x.next) _PhysicalDeviceMemoryPriorityFeaturesEXT(x::PhysicalDeviceMemoryPriorityFeaturesEXT) = _PhysicalDeviceMemoryPriorityFeaturesEXT(x.memory_priority; x.next) _MemoryPriorityAllocateInfoEXT(x::MemoryPriorityAllocateInfoEXT) = _MemoryPriorityAllocateInfoEXT(x.priority; x.next) _PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT(x::PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT) = _PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT(x.pageable_device_local_memory; x.next) _PhysicalDeviceBufferDeviceAddressFeatures(x::PhysicalDeviceBufferDeviceAddressFeatures) = _PhysicalDeviceBufferDeviceAddressFeatures(x.buffer_device_address, x.buffer_device_address_capture_replay, x.buffer_device_address_multi_device; x.next) _PhysicalDeviceBufferDeviceAddressFeaturesEXT(x::PhysicalDeviceBufferDeviceAddressFeaturesEXT) = _PhysicalDeviceBufferDeviceAddressFeaturesEXT(x.buffer_device_address, x.buffer_device_address_capture_replay, x.buffer_device_address_multi_device; x.next) _BufferDeviceAddressInfo(x::BufferDeviceAddressInfo) = _BufferDeviceAddressInfo(x.buffer; x.next) _BufferOpaqueCaptureAddressCreateInfo(x::BufferOpaqueCaptureAddressCreateInfo) = _BufferOpaqueCaptureAddressCreateInfo(x.opaque_capture_address; x.next) _BufferDeviceAddressCreateInfoEXT(x::BufferDeviceAddressCreateInfoEXT) = _BufferDeviceAddressCreateInfoEXT(x.device_address; x.next) _PhysicalDeviceImageViewImageFormatInfoEXT(x::PhysicalDeviceImageViewImageFormatInfoEXT) = _PhysicalDeviceImageViewImageFormatInfoEXT(x.image_view_type; x.next) _FilterCubicImageViewImageFormatPropertiesEXT(x::FilterCubicImageViewImageFormatPropertiesEXT) = _FilterCubicImageViewImageFormatPropertiesEXT(x.filter_cubic, x.filter_cubic_minmax; x.next) _PhysicalDeviceImagelessFramebufferFeatures(x::PhysicalDeviceImagelessFramebufferFeatures) = _PhysicalDeviceImagelessFramebufferFeatures(x.imageless_framebuffer; x.next) _FramebufferAttachmentsCreateInfo(x::FramebufferAttachmentsCreateInfo) = _FramebufferAttachmentsCreateInfo(convert_nonnull(Vector{_FramebufferAttachmentImageInfo}, x.attachment_image_infos); x.next) _FramebufferAttachmentImageInfo(x::FramebufferAttachmentImageInfo) = _FramebufferAttachmentImageInfo(x.usage, x.width, x.height, x.layer_count, x.view_formats; x.next, x.flags) _RenderPassAttachmentBeginInfo(x::RenderPassAttachmentBeginInfo) = _RenderPassAttachmentBeginInfo(x.attachments; x.next) _PhysicalDeviceTextureCompressionASTCHDRFeatures(x::PhysicalDeviceTextureCompressionASTCHDRFeatures) = _PhysicalDeviceTextureCompressionASTCHDRFeatures(x.texture_compression_astc_hdr; x.next) _PhysicalDeviceCooperativeMatrixFeaturesNV(x::PhysicalDeviceCooperativeMatrixFeaturesNV) = _PhysicalDeviceCooperativeMatrixFeaturesNV(x.cooperative_matrix, x.cooperative_matrix_robust_buffer_access; x.next) _PhysicalDeviceCooperativeMatrixPropertiesNV(x::PhysicalDeviceCooperativeMatrixPropertiesNV) = _PhysicalDeviceCooperativeMatrixPropertiesNV(x.cooperative_matrix_supported_stages; x.next) _CooperativeMatrixPropertiesNV(x::CooperativeMatrixPropertiesNV) = _CooperativeMatrixPropertiesNV(x.m_size, x.n_size, x.k_size, x.a_type, x.b_type, x.c_type, x.d_type, x.scope; x.next) _PhysicalDeviceYcbcrImageArraysFeaturesEXT(x::PhysicalDeviceYcbcrImageArraysFeaturesEXT) = _PhysicalDeviceYcbcrImageArraysFeaturesEXT(x.ycbcr_image_arrays; x.next) _ImageViewHandleInfoNVX(x::ImageViewHandleInfoNVX) = _ImageViewHandleInfoNVX(x.image_view, x.descriptor_type; x.next, x.sampler) _ImageViewAddressPropertiesNVX(x::ImageViewAddressPropertiesNVX) = _ImageViewAddressPropertiesNVX(x.device_address, x.size; x.next) _PipelineCreationFeedback(x::PipelineCreationFeedback) = _PipelineCreationFeedback(x.flags, x.duration) _PipelineCreationFeedbackCreateInfo(x::PipelineCreationFeedbackCreateInfo) = _PipelineCreationFeedbackCreateInfo(convert_nonnull(_PipelineCreationFeedback, x.pipeline_creation_feedback), convert_nonnull(Vector{_PipelineCreationFeedback}, x.pipeline_stage_creation_feedbacks); x.next) _PhysicalDevicePresentBarrierFeaturesNV(x::PhysicalDevicePresentBarrierFeaturesNV) = _PhysicalDevicePresentBarrierFeaturesNV(x.present_barrier; x.next) _SurfaceCapabilitiesPresentBarrierNV(x::SurfaceCapabilitiesPresentBarrierNV) = _SurfaceCapabilitiesPresentBarrierNV(x.present_barrier_supported; x.next) _SwapchainPresentBarrierCreateInfoNV(x::SwapchainPresentBarrierCreateInfoNV) = _SwapchainPresentBarrierCreateInfoNV(x.present_barrier_enable; x.next) _PhysicalDevicePerformanceQueryFeaturesKHR(x::PhysicalDevicePerformanceQueryFeaturesKHR) = _PhysicalDevicePerformanceQueryFeaturesKHR(x.performance_counter_query_pools, x.performance_counter_multiple_query_pools; x.next) _PhysicalDevicePerformanceQueryPropertiesKHR(x::PhysicalDevicePerformanceQueryPropertiesKHR) = _PhysicalDevicePerformanceQueryPropertiesKHR(x.allow_command_buffer_query_copies; x.next) _PerformanceCounterKHR(x::PerformanceCounterKHR) = _PerformanceCounterKHR(x.unit, x.scope, x.storage, x.uuid; x.next) _PerformanceCounterDescriptionKHR(x::PerformanceCounterDescriptionKHR) = _PerformanceCounterDescriptionKHR(x.name, x.category, x.description; x.next, x.flags) _QueryPoolPerformanceCreateInfoKHR(x::QueryPoolPerformanceCreateInfoKHR) = _QueryPoolPerformanceCreateInfoKHR(x.queue_family_index, x.counter_indices; x.next) _AcquireProfilingLockInfoKHR(x::AcquireProfilingLockInfoKHR) = _AcquireProfilingLockInfoKHR(x.timeout; x.next, x.flags) _PerformanceQuerySubmitInfoKHR(x::PerformanceQuerySubmitInfoKHR) = _PerformanceQuerySubmitInfoKHR(x.counter_pass_index; x.next) _HeadlessSurfaceCreateInfoEXT(x::HeadlessSurfaceCreateInfoEXT) = _HeadlessSurfaceCreateInfoEXT(; x.next, x.flags) _PhysicalDeviceCoverageReductionModeFeaturesNV(x::PhysicalDeviceCoverageReductionModeFeaturesNV) = _PhysicalDeviceCoverageReductionModeFeaturesNV(x.coverage_reduction_mode; x.next) _PipelineCoverageReductionStateCreateInfoNV(x::PipelineCoverageReductionStateCreateInfoNV) = _PipelineCoverageReductionStateCreateInfoNV(x.coverage_reduction_mode; x.next, x.flags) _FramebufferMixedSamplesCombinationNV(x::FramebufferMixedSamplesCombinationNV) = _FramebufferMixedSamplesCombinationNV(x.coverage_reduction_mode, x.rasterization_samples, x.depth_stencil_samples, x.color_samples; x.next) _PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL(x::PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL) = _PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL(x.shader_integer_functions_2; x.next) _PerformanceValueINTEL(x::PerformanceValueINTEL) = _PerformanceValueINTEL(x.type, convert_nonnull(_PerformanceValueDataINTEL, x.data)) _InitializePerformanceApiInfoINTEL(x::InitializePerformanceApiInfoINTEL) = _InitializePerformanceApiInfoINTEL(; x.next, x.user_data) _QueryPoolPerformanceQueryCreateInfoINTEL(x::QueryPoolPerformanceQueryCreateInfoINTEL) = _QueryPoolPerformanceQueryCreateInfoINTEL(x.performance_counters_sampling; x.next) _PerformanceMarkerInfoINTEL(x::PerformanceMarkerInfoINTEL) = _PerformanceMarkerInfoINTEL(x.marker; x.next) _PerformanceStreamMarkerInfoINTEL(x::PerformanceStreamMarkerInfoINTEL) = _PerformanceStreamMarkerInfoINTEL(x.marker; x.next) _PerformanceOverrideInfoINTEL(x::PerformanceOverrideInfoINTEL) = _PerformanceOverrideInfoINTEL(x.type, x.enable, x.parameter; x.next) _PerformanceConfigurationAcquireInfoINTEL(x::PerformanceConfigurationAcquireInfoINTEL) = _PerformanceConfigurationAcquireInfoINTEL(x.type; x.next) _PhysicalDeviceShaderClockFeaturesKHR(x::PhysicalDeviceShaderClockFeaturesKHR) = _PhysicalDeviceShaderClockFeaturesKHR(x.shader_subgroup_clock, x.shader_device_clock; x.next) _PhysicalDeviceIndexTypeUint8FeaturesEXT(x::PhysicalDeviceIndexTypeUint8FeaturesEXT) = _PhysicalDeviceIndexTypeUint8FeaturesEXT(x.index_type_uint_8; x.next) _PhysicalDeviceShaderSMBuiltinsPropertiesNV(x::PhysicalDeviceShaderSMBuiltinsPropertiesNV) = _PhysicalDeviceShaderSMBuiltinsPropertiesNV(x.shader_sm_count, x.shader_warps_per_sm; x.next) _PhysicalDeviceShaderSMBuiltinsFeaturesNV(x::PhysicalDeviceShaderSMBuiltinsFeaturesNV) = _PhysicalDeviceShaderSMBuiltinsFeaturesNV(x.shader_sm_builtins; x.next) _PhysicalDeviceFragmentShaderInterlockFeaturesEXT(x::PhysicalDeviceFragmentShaderInterlockFeaturesEXT) = _PhysicalDeviceFragmentShaderInterlockFeaturesEXT(x.fragment_shader_sample_interlock, x.fragment_shader_pixel_interlock, x.fragment_shader_shading_rate_interlock; x.next) _PhysicalDeviceSeparateDepthStencilLayoutsFeatures(x::PhysicalDeviceSeparateDepthStencilLayoutsFeatures) = _PhysicalDeviceSeparateDepthStencilLayoutsFeatures(x.separate_depth_stencil_layouts; x.next) _AttachmentReferenceStencilLayout(x::AttachmentReferenceStencilLayout) = _AttachmentReferenceStencilLayout(x.stencil_layout; x.next) _PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT(x::PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT) = _PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT(x.primitive_topology_list_restart, x.primitive_topology_patch_list_restart; x.next) _AttachmentDescriptionStencilLayout(x::AttachmentDescriptionStencilLayout) = _AttachmentDescriptionStencilLayout(x.stencil_initial_layout, x.stencil_final_layout; x.next) _PhysicalDevicePipelineExecutablePropertiesFeaturesKHR(x::PhysicalDevicePipelineExecutablePropertiesFeaturesKHR) = _PhysicalDevicePipelineExecutablePropertiesFeaturesKHR(x.pipeline_executable_info; x.next) _PipelineInfoKHR(x::PipelineInfoKHR) = _PipelineInfoKHR(x.pipeline; x.next) _PipelineExecutablePropertiesKHR(x::PipelineExecutablePropertiesKHR) = _PipelineExecutablePropertiesKHR(x.stages, x.name, x.description, x.subgroup_size; x.next) _PipelineExecutableInfoKHR(x::PipelineExecutableInfoKHR) = _PipelineExecutableInfoKHR(x.pipeline, x.executable_index; x.next) _PipelineExecutableStatisticKHR(x::PipelineExecutableStatisticKHR) = _PipelineExecutableStatisticKHR(x.name, x.description, x.format, convert_nonnull(_PipelineExecutableStatisticValueKHR, x.value); x.next) _PipelineExecutableInternalRepresentationKHR(x::PipelineExecutableInternalRepresentationKHR) = _PipelineExecutableInternalRepresentationKHR(x.name, x.description, x.is_text, x.data_size; x.next, x.data) _PhysicalDeviceShaderDemoteToHelperInvocationFeatures(x::PhysicalDeviceShaderDemoteToHelperInvocationFeatures) = _PhysicalDeviceShaderDemoteToHelperInvocationFeatures(x.shader_demote_to_helper_invocation; x.next) _PhysicalDeviceTexelBufferAlignmentFeaturesEXT(x::PhysicalDeviceTexelBufferAlignmentFeaturesEXT) = _PhysicalDeviceTexelBufferAlignmentFeaturesEXT(x.texel_buffer_alignment; x.next) _PhysicalDeviceTexelBufferAlignmentProperties(x::PhysicalDeviceTexelBufferAlignmentProperties) = _PhysicalDeviceTexelBufferAlignmentProperties(x.storage_texel_buffer_offset_alignment_bytes, x.storage_texel_buffer_offset_single_texel_alignment, x.uniform_texel_buffer_offset_alignment_bytes, x.uniform_texel_buffer_offset_single_texel_alignment; x.next) _PhysicalDeviceSubgroupSizeControlFeatures(x::PhysicalDeviceSubgroupSizeControlFeatures) = _PhysicalDeviceSubgroupSizeControlFeatures(x.subgroup_size_control, x.compute_full_subgroups; x.next) _PhysicalDeviceSubgroupSizeControlProperties(x::PhysicalDeviceSubgroupSizeControlProperties) = _PhysicalDeviceSubgroupSizeControlProperties(x.min_subgroup_size, x.max_subgroup_size, x.max_compute_workgroup_subgroups, x.required_subgroup_size_stages; x.next) _PipelineShaderStageRequiredSubgroupSizeCreateInfo(x::PipelineShaderStageRequiredSubgroupSizeCreateInfo) = _PipelineShaderStageRequiredSubgroupSizeCreateInfo(x.required_subgroup_size; x.next) _SubpassShadingPipelineCreateInfoHUAWEI(x::SubpassShadingPipelineCreateInfoHUAWEI) = _SubpassShadingPipelineCreateInfoHUAWEI(x.render_pass, x.subpass; x.next) _PhysicalDeviceSubpassShadingPropertiesHUAWEI(x::PhysicalDeviceSubpassShadingPropertiesHUAWEI) = _PhysicalDeviceSubpassShadingPropertiesHUAWEI(x.max_subpass_shading_workgroup_size_aspect_ratio; x.next) _PhysicalDeviceClusterCullingShaderPropertiesHUAWEI(x::PhysicalDeviceClusterCullingShaderPropertiesHUAWEI) = _PhysicalDeviceClusterCullingShaderPropertiesHUAWEI(x.max_work_group_count, x.max_work_group_size, x.max_output_cluster_count; x.next) _MemoryOpaqueCaptureAddressAllocateInfo(x::MemoryOpaqueCaptureAddressAllocateInfo) = _MemoryOpaqueCaptureAddressAllocateInfo(x.opaque_capture_address; x.next) _DeviceMemoryOpaqueCaptureAddressInfo(x::DeviceMemoryOpaqueCaptureAddressInfo) = _DeviceMemoryOpaqueCaptureAddressInfo(x.memory; x.next) _PhysicalDeviceLineRasterizationFeaturesEXT(x::PhysicalDeviceLineRasterizationFeaturesEXT) = _PhysicalDeviceLineRasterizationFeaturesEXT(x.rectangular_lines, x.bresenham_lines, x.smooth_lines, x.stippled_rectangular_lines, x.stippled_bresenham_lines, x.stippled_smooth_lines; x.next) _PhysicalDeviceLineRasterizationPropertiesEXT(x::PhysicalDeviceLineRasterizationPropertiesEXT) = _PhysicalDeviceLineRasterizationPropertiesEXT(x.line_sub_pixel_precision_bits; x.next) _PipelineRasterizationLineStateCreateInfoEXT(x::PipelineRasterizationLineStateCreateInfoEXT) = _PipelineRasterizationLineStateCreateInfoEXT(x.line_rasterization_mode, x.stippled_line_enable, x.line_stipple_factor, x.line_stipple_pattern; x.next) _PhysicalDevicePipelineCreationCacheControlFeatures(x::PhysicalDevicePipelineCreationCacheControlFeatures) = _PhysicalDevicePipelineCreationCacheControlFeatures(x.pipeline_creation_cache_control; x.next) _PhysicalDeviceVulkan11Features(x::PhysicalDeviceVulkan11Features) = _PhysicalDeviceVulkan11Features(x.storage_buffer_16_bit_access, x.uniform_and_storage_buffer_16_bit_access, x.storage_push_constant_16, x.storage_input_output_16, x.multiview, x.multiview_geometry_shader, x.multiview_tessellation_shader, x.variable_pointers_storage_buffer, x.variable_pointers, x.protected_memory, x.sampler_ycbcr_conversion, x.shader_draw_parameters; x.next) _PhysicalDeviceVulkan11Properties(x::PhysicalDeviceVulkan11Properties) = _PhysicalDeviceVulkan11Properties(x.device_uuid, x.driver_uuid, x.device_luid, x.device_node_mask, x.device_luid_valid, x.subgroup_size, x.subgroup_supported_stages, x.subgroup_supported_operations, x.subgroup_quad_operations_in_all_stages, x.point_clipping_behavior, x.max_multiview_view_count, x.max_multiview_instance_index, x.protected_no_fault, x.max_per_set_descriptors, x.max_memory_allocation_size; x.next) _PhysicalDeviceVulkan12Features(x::PhysicalDeviceVulkan12Features) = _PhysicalDeviceVulkan12Features(x.sampler_mirror_clamp_to_edge, x.draw_indirect_count, x.storage_buffer_8_bit_access, x.uniform_and_storage_buffer_8_bit_access, x.storage_push_constant_8, x.shader_buffer_int_64_atomics, x.shader_shared_int_64_atomics, x.shader_float_16, x.shader_int_8, x.descriptor_indexing, x.shader_input_attachment_array_dynamic_indexing, x.shader_uniform_texel_buffer_array_dynamic_indexing, x.shader_storage_texel_buffer_array_dynamic_indexing, x.shader_uniform_buffer_array_non_uniform_indexing, x.shader_sampled_image_array_non_uniform_indexing, x.shader_storage_buffer_array_non_uniform_indexing, x.shader_storage_image_array_non_uniform_indexing, x.shader_input_attachment_array_non_uniform_indexing, x.shader_uniform_texel_buffer_array_non_uniform_indexing, x.shader_storage_texel_buffer_array_non_uniform_indexing, x.descriptor_binding_uniform_buffer_update_after_bind, x.descriptor_binding_sampled_image_update_after_bind, x.descriptor_binding_storage_image_update_after_bind, x.descriptor_binding_storage_buffer_update_after_bind, x.descriptor_binding_uniform_texel_buffer_update_after_bind, x.descriptor_binding_storage_texel_buffer_update_after_bind, x.descriptor_binding_update_unused_while_pending, x.descriptor_binding_partially_bound, x.descriptor_binding_variable_descriptor_count, x.runtime_descriptor_array, x.sampler_filter_minmax, x.scalar_block_layout, x.imageless_framebuffer, x.uniform_buffer_standard_layout, x.shader_subgroup_extended_types, x.separate_depth_stencil_layouts, x.host_query_reset, x.timeline_semaphore, x.buffer_device_address, x.buffer_device_address_capture_replay, x.buffer_device_address_multi_device, x.vulkan_memory_model, x.vulkan_memory_model_device_scope, x.vulkan_memory_model_availability_visibility_chains, x.shader_output_viewport_index, x.shader_output_layer, x.subgroup_broadcast_dynamic_id; x.next) _PhysicalDeviceVulkan12Properties(x::PhysicalDeviceVulkan12Properties) = _PhysicalDeviceVulkan12Properties(x.driver_id, x.driver_name, x.driver_info, convert_nonnull(_ConformanceVersion, x.conformance_version), x.denorm_behavior_independence, x.rounding_mode_independence, x.shader_signed_zero_inf_nan_preserve_float_16, x.shader_signed_zero_inf_nan_preserve_float_32, x.shader_signed_zero_inf_nan_preserve_float_64, x.shader_denorm_preserve_float_16, x.shader_denorm_preserve_float_32, x.shader_denorm_preserve_float_64, x.shader_denorm_flush_to_zero_float_16, x.shader_denorm_flush_to_zero_float_32, x.shader_denorm_flush_to_zero_float_64, x.shader_rounding_mode_rte_float_16, x.shader_rounding_mode_rte_float_32, x.shader_rounding_mode_rte_float_64, x.shader_rounding_mode_rtz_float_16, x.shader_rounding_mode_rtz_float_32, x.shader_rounding_mode_rtz_float_64, x.max_update_after_bind_descriptors_in_all_pools, x.shader_uniform_buffer_array_non_uniform_indexing_native, x.shader_sampled_image_array_non_uniform_indexing_native, x.shader_storage_buffer_array_non_uniform_indexing_native, x.shader_storage_image_array_non_uniform_indexing_native, x.shader_input_attachment_array_non_uniform_indexing_native, x.robust_buffer_access_update_after_bind, x.quad_divergent_implicit_lod, x.max_per_stage_descriptor_update_after_bind_samplers, x.max_per_stage_descriptor_update_after_bind_uniform_buffers, x.max_per_stage_descriptor_update_after_bind_storage_buffers, x.max_per_stage_descriptor_update_after_bind_sampled_images, x.max_per_stage_descriptor_update_after_bind_storage_images, x.max_per_stage_descriptor_update_after_bind_input_attachments, x.max_per_stage_update_after_bind_resources, x.max_descriptor_set_update_after_bind_samplers, x.max_descriptor_set_update_after_bind_uniform_buffers, x.max_descriptor_set_update_after_bind_uniform_buffers_dynamic, x.max_descriptor_set_update_after_bind_storage_buffers, x.max_descriptor_set_update_after_bind_storage_buffers_dynamic, x.max_descriptor_set_update_after_bind_sampled_images, x.max_descriptor_set_update_after_bind_storage_images, x.max_descriptor_set_update_after_bind_input_attachments, x.supported_depth_resolve_modes, x.supported_stencil_resolve_modes, x.independent_resolve_none, x.independent_resolve, x.filter_minmax_single_component_formats, x.filter_minmax_image_component_mapping, x.max_timeline_semaphore_value_difference; x.next, x.framebuffer_integer_color_sample_counts) _PhysicalDeviceVulkan13Features(x::PhysicalDeviceVulkan13Features) = _PhysicalDeviceVulkan13Features(x.robust_image_access, x.inline_uniform_block, x.descriptor_binding_inline_uniform_block_update_after_bind, x.pipeline_creation_cache_control, x.private_data, x.shader_demote_to_helper_invocation, x.shader_terminate_invocation, x.subgroup_size_control, x.compute_full_subgroups, x.synchronization2, x.texture_compression_astc_hdr, x.shader_zero_initialize_workgroup_memory, x.dynamic_rendering, x.shader_integer_dot_product, x.maintenance4; x.next) _PhysicalDeviceVulkan13Properties(x::PhysicalDeviceVulkan13Properties) = _PhysicalDeviceVulkan13Properties(x.min_subgroup_size, x.max_subgroup_size, x.max_compute_workgroup_subgroups, x.required_subgroup_size_stages, x.max_inline_uniform_block_size, x.max_per_stage_descriptor_inline_uniform_blocks, x.max_per_stage_descriptor_update_after_bind_inline_uniform_blocks, x.max_descriptor_set_inline_uniform_blocks, x.max_descriptor_set_update_after_bind_inline_uniform_blocks, x.max_inline_uniform_total_size, x.integer_dot_product_8_bit_unsigned_accelerated, x.integer_dot_product_8_bit_signed_accelerated, x.integer_dot_product_8_bit_mixed_signedness_accelerated, x.integer_dot_product_8_bit_packed_unsigned_accelerated, x.integer_dot_product_8_bit_packed_signed_accelerated, x.integer_dot_product_8_bit_packed_mixed_signedness_accelerated, x.integer_dot_product_16_bit_unsigned_accelerated, x.integer_dot_product_16_bit_signed_accelerated, x.integer_dot_product_16_bit_mixed_signedness_accelerated, x.integer_dot_product_32_bit_unsigned_accelerated, x.integer_dot_product_32_bit_signed_accelerated, x.integer_dot_product_32_bit_mixed_signedness_accelerated, x.integer_dot_product_64_bit_unsigned_accelerated, x.integer_dot_product_64_bit_signed_accelerated, x.integer_dot_product_64_bit_mixed_signedness_accelerated, x.integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated, x.integer_dot_product_accumulating_saturating_8_bit_signed_accelerated, x.integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated, x.integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated, x.integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated, x.integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated, x.integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated, x.integer_dot_product_accumulating_saturating_16_bit_signed_accelerated, x.integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated, x.integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated, x.integer_dot_product_accumulating_saturating_32_bit_signed_accelerated, x.integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated, x.integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated, x.integer_dot_product_accumulating_saturating_64_bit_signed_accelerated, x.integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated, x.storage_texel_buffer_offset_alignment_bytes, x.storage_texel_buffer_offset_single_texel_alignment, x.uniform_texel_buffer_offset_alignment_bytes, x.uniform_texel_buffer_offset_single_texel_alignment, x.max_buffer_size; x.next) _PipelineCompilerControlCreateInfoAMD(x::PipelineCompilerControlCreateInfoAMD) = _PipelineCompilerControlCreateInfoAMD(; x.next, x.compiler_control_flags) _PhysicalDeviceCoherentMemoryFeaturesAMD(x::PhysicalDeviceCoherentMemoryFeaturesAMD) = _PhysicalDeviceCoherentMemoryFeaturesAMD(x.device_coherent_memory; x.next) _PhysicalDeviceToolProperties(x::PhysicalDeviceToolProperties) = _PhysicalDeviceToolProperties(x.name, x.version, x.purposes, x.description, x.layer; x.next) _SamplerCustomBorderColorCreateInfoEXT(x::SamplerCustomBorderColorCreateInfoEXT) = _SamplerCustomBorderColorCreateInfoEXT(convert_nonnull(_ClearColorValue, x.custom_border_color), x.format; x.next) _PhysicalDeviceCustomBorderColorPropertiesEXT(x::PhysicalDeviceCustomBorderColorPropertiesEXT) = _PhysicalDeviceCustomBorderColorPropertiesEXT(x.max_custom_border_color_samplers; x.next) _PhysicalDeviceCustomBorderColorFeaturesEXT(x::PhysicalDeviceCustomBorderColorFeaturesEXT) = _PhysicalDeviceCustomBorderColorFeaturesEXT(x.custom_border_colors, x.custom_border_color_without_format; x.next) _SamplerBorderColorComponentMappingCreateInfoEXT(x::SamplerBorderColorComponentMappingCreateInfoEXT) = _SamplerBorderColorComponentMappingCreateInfoEXT(convert_nonnull(_ComponentMapping, x.components), x.srgb; x.next) _PhysicalDeviceBorderColorSwizzleFeaturesEXT(x::PhysicalDeviceBorderColorSwizzleFeaturesEXT) = _PhysicalDeviceBorderColorSwizzleFeaturesEXT(x.border_color_swizzle, x.border_color_swizzle_from_image; x.next) _AccelerationStructureGeometryTrianglesDataKHR(x::AccelerationStructureGeometryTrianglesDataKHR) = _AccelerationStructureGeometryTrianglesDataKHR(x.vertex_format, convert_nonnull(_DeviceOrHostAddressConstKHR, x.vertex_data), x.vertex_stride, x.max_vertex, x.index_type, convert_nonnull(_DeviceOrHostAddressConstKHR, x.index_data), convert_nonnull(_DeviceOrHostAddressConstKHR, x.transform_data); x.next) _AccelerationStructureGeometryAabbsDataKHR(x::AccelerationStructureGeometryAabbsDataKHR) = _AccelerationStructureGeometryAabbsDataKHR(convert_nonnull(_DeviceOrHostAddressConstKHR, x.data), x.stride; x.next) _AccelerationStructureGeometryInstancesDataKHR(x::AccelerationStructureGeometryInstancesDataKHR) = _AccelerationStructureGeometryInstancesDataKHR(x.array_of_pointers, convert_nonnull(_DeviceOrHostAddressConstKHR, x.data); x.next) _AccelerationStructureGeometryKHR(x::AccelerationStructureGeometryKHR) = _AccelerationStructureGeometryKHR(x.geometry_type, convert_nonnull(_AccelerationStructureGeometryDataKHR, x.geometry); x.next, x.flags) _AccelerationStructureBuildGeometryInfoKHR(x::AccelerationStructureBuildGeometryInfoKHR) = _AccelerationStructureBuildGeometryInfoKHR(x.type, x.mode, convert_nonnull(_DeviceOrHostAddressKHR, x.scratch_data); x.next, x.flags, x.src_acceleration_structure, x.dst_acceleration_structure, geometries = convert_nonnull(Vector{_AccelerationStructureGeometryKHR}, x.geometries), geometries_2 = convert_nonnull(Vector{_AccelerationStructureGeometryKHR}, x.geometries_2)) _AccelerationStructureBuildRangeInfoKHR(x::AccelerationStructureBuildRangeInfoKHR) = _AccelerationStructureBuildRangeInfoKHR(x.primitive_count, x.primitive_offset, x.first_vertex, x.transform_offset) _AccelerationStructureCreateInfoKHR(x::AccelerationStructureCreateInfoKHR) = _AccelerationStructureCreateInfoKHR(x.buffer, x.offset, x.size, x.type; x.next, x.create_flags, x.device_address) _AabbPositionsKHR(x::AabbPositionsKHR) = _AabbPositionsKHR(x.min_x, x.min_y, x.min_z, x.max_x, x.max_y, x.max_z) _TransformMatrixKHR(x::TransformMatrixKHR) = _TransformMatrixKHR(x.matrix) _AccelerationStructureInstanceKHR(x::AccelerationStructureInstanceKHR) = _AccelerationStructureInstanceKHR(convert_nonnull(_TransformMatrixKHR, x.transform), x.instance_custom_index, x.mask, x.instance_shader_binding_table_record_offset, x.acceleration_structure_reference; x.flags) _AccelerationStructureDeviceAddressInfoKHR(x::AccelerationStructureDeviceAddressInfoKHR) = _AccelerationStructureDeviceAddressInfoKHR(x.acceleration_structure; x.next) _AccelerationStructureVersionInfoKHR(x::AccelerationStructureVersionInfoKHR) = _AccelerationStructureVersionInfoKHR(x.version_data; x.next) _CopyAccelerationStructureInfoKHR(x::CopyAccelerationStructureInfoKHR) = _CopyAccelerationStructureInfoKHR(x.src, x.dst, x.mode; x.next) _CopyAccelerationStructureToMemoryInfoKHR(x::CopyAccelerationStructureToMemoryInfoKHR) = _CopyAccelerationStructureToMemoryInfoKHR(x.src, convert_nonnull(_DeviceOrHostAddressKHR, x.dst), x.mode; x.next) _CopyMemoryToAccelerationStructureInfoKHR(x::CopyMemoryToAccelerationStructureInfoKHR) = _CopyMemoryToAccelerationStructureInfoKHR(convert_nonnull(_DeviceOrHostAddressConstKHR, x.src), x.dst, x.mode; x.next) _RayTracingPipelineInterfaceCreateInfoKHR(x::RayTracingPipelineInterfaceCreateInfoKHR) = _RayTracingPipelineInterfaceCreateInfoKHR(x.max_pipeline_ray_payload_size, x.max_pipeline_ray_hit_attribute_size; x.next) _PipelineLibraryCreateInfoKHR(x::PipelineLibraryCreateInfoKHR) = _PipelineLibraryCreateInfoKHR(x.libraries; x.next) _PhysicalDeviceExtendedDynamicStateFeaturesEXT(x::PhysicalDeviceExtendedDynamicStateFeaturesEXT) = _PhysicalDeviceExtendedDynamicStateFeaturesEXT(x.extended_dynamic_state; x.next) _PhysicalDeviceExtendedDynamicState2FeaturesEXT(x::PhysicalDeviceExtendedDynamicState2FeaturesEXT) = _PhysicalDeviceExtendedDynamicState2FeaturesEXT(x.extended_dynamic_state_2, x.extended_dynamic_state_2_logic_op, x.extended_dynamic_state_2_patch_control_points; x.next) _PhysicalDeviceExtendedDynamicState3FeaturesEXT(x::PhysicalDeviceExtendedDynamicState3FeaturesEXT) = _PhysicalDeviceExtendedDynamicState3FeaturesEXT(x.extended_dynamic_state_3_tessellation_domain_origin, x.extended_dynamic_state_3_depth_clamp_enable, x.extended_dynamic_state_3_polygon_mode, x.extended_dynamic_state_3_rasterization_samples, x.extended_dynamic_state_3_sample_mask, x.extended_dynamic_state_3_alpha_to_coverage_enable, x.extended_dynamic_state_3_alpha_to_one_enable, x.extended_dynamic_state_3_logic_op_enable, x.extended_dynamic_state_3_color_blend_enable, x.extended_dynamic_state_3_color_blend_equation, x.extended_dynamic_state_3_color_write_mask, x.extended_dynamic_state_3_rasterization_stream, x.extended_dynamic_state_3_conservative_rasterization_mode, x.extended_dynamic_state_3_extra_primitive_overestimation_size, x.extended_dynamic_state_3_depth_clip_enable, x.extended_dynamic_state_3_sample_locations_enable, x.extended_dynamic_state_3_color_blend_advanced, x.extended_dynamic_state_3_provoking_vertex_mode, x.extended_dynamic_state_3_line_rasterization_mode, x.extended_dynamic_state_3_line_stipple_enable, x.extended_dynamic_state_3_depth_clip_negative_one_to_one, x.extended_dynamic_state_3_viewport_w_scaling_enable, x.extended_dynamic_state_3_viewport_swizzle, x.extended_dynamic_state_3_coverage_to_color_enable, x.extended_dynamic_state_3_coverage_to_color_location, x.extended_dynamic_state_3_coverage_modulation_mode, x.extended_dynamic_state_3_coverage_modulation_table_enable, x.extended_dynamic_state_3_coverage_modulation_table, x.extended_dynamic_state_3_coverage_reduction_mode, x.extended_dynamic_state_3_representative_fragment_test_enable, x.extended_dynamic_state_3_shading_rate_image_enable; x.next) _PhysicalDeviceExtendedDynamicState3PropertiesEXT(x::PhysicalDeviceExtendedDynamicState3PropertiesEXT) = _PhysicalDeviceExtendedDynamicState3PropertiesEXT(x.dynamic_primitive_topology_unrestricted; x.next) _ColorBlendEquationEXT(x::ColorBlendEquationEXT) = _ColorBlendEquationEXT(x.src_color_blend_factor, x.dst_color_blend_factor, x.color_blend_op, x.src_alpha_blend_factor, x.dst_alpha_blend_factor, x.alpha_blend_op) _ColorBlendAdvancedEXT(x::ColorBlendAdvancedEXT) = _ColorBlendAdvancedEXT(x.advanced_blend_op, x.src_premultiplied, x.dst_premultiplied, x.blend_overlap, x.clamp_results) _RenderPassTransformBeginInfoQCOM(x::RenderPassTransformBeginInfoQCOM) = _RenderPassTransformBeginInfoQCOM(x.transform; x.next) _CopyCommandTransformInfoQCOM(x::CopyCommandTransformInfoQCOM) = _CopyCommandTransformInfoQCOM(x.transform; x.next) _CommandBufferInheritanceRenderPassTransformInfoQCOM(x::CommandBufferInheritanceRenderPassTransformInfoQCOM) = _CommandBufferInheritanceRenderPassTransformInfoQCOM(x.transform, convert_nonnull(_Rect2D, x.render_area); x.next) _PhysicalDeviceDiagnosticsConfigFeaturesNV(x::PhysicalDeviceDiagnosticsConfigFeaturesNV) = _PhysicalDeviceDiagnosticsConfigFeaturesNV(x.diagnostics_config; x.next) _DeviceDiagnosticsConfigCreateInfoNV(x::DeviceDiagnosticsConfigCreateInfoNV) = _DeviceDiagnosticsConfigCreateInfoNV(; x.next, x.flags) _PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures(x::PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures) = _PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures(x.shader_zero_initialize_workgroup_memory; x.next) _PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR(x::PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR) = _PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR(x.shader_subgroup_uniform_control_flow; x.next) _PhysicalDeviceRobustness2FeaturesEXT(x::PhysicalDeviceRobustness2FeaturesEXT) = _PhysicalDeviceRobustness2FeaturesEXT(x.robust_buffer_access_2, x.robust_image_access_2, x.null_descriptor; x.next) _PhysicalDeviceRobustness2PropertiesEXT(x::PhysicalDeviceRobustness2PropertiesEXT) = _PhysicalDeviceRobustness2PropertiesEXT(x.robust_storage_buffer_access_size_alignment, x.robust_uniform_buffer_access_size_alignment; x.next) _PhysicalDeviceImageRobustnessFeatures(x::PhysicalDeviceImageRobustnessFeatures) = _PhysicalDeviceImageRobustnessFeatures(x.robust_image_access; x.next) _PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR(x::PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR) = _PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR(x.workgroup_memory_explicit_layout, x.workgroup_memory_explicit_layout_scalar_block_layout, x.workgroup_memory_explicit_layout_8_bit_access, x.workgroup_memory_explicit_layout_16_bit_access; x.next) _PhysicalDevice4444FormatsFeaturesEXT(x::PhysicalDevice4444FormatsFeaturesEXT) = _PhysicalDevice4444FormatsFeaturesEXT(x.format_a4r4g4b4, x.format_a4b4g4r4; x.next) _PhysicalDeviceSubpassShadingFeaturesHUAWEI(x::PhysicalDeviceSubpassShadingFeaturesHUAWEI) = _PhysicalDeviceSubpassShadingFeaturesHUAWEI(x.subpass_shading; x.next) _PhysicalDeviceClusterCullingShaderFeaturesHUAWEI(x::PhysicalDeviceClusterCullingShaderFeaturesHUAWEI) = _PhysicalDeviceClusterCullingShaderFeaturesHUAWEI(x.clusterculling_shader, x.multiview_cluster_culling_shader; x.next) _BufferCopy2(x::BufferCopy2) = _BufferCopy2(x.src_offset, x.dst_offset, x.size; x.next) _ImageCopy2(x::ImageCopy2) = _ImageCopy2(convert_nonnull(_ImageSubresourceLayers, x.src_subresource), convert_nonnull(_Offset3D, x.src_offset), convert_nonnull(_ImageSubresourceLayers, x.dst_subresource), convert_nonnull(_Offset3D, x.dst_offset), convert_nonnull(_Extent3D, x.extent); x.next) _ImageBlit2(x::ImageBlit2) = _ImageBlit2(convert_nonnull(_ImageSubresourceLayers, x.src_subresource), convert_nonnull(NTuple{2, _Offset3D}, x.src_offsets), convert_nonnull(_ImageSubresourceLayers, x.dst_subresource), convert_nonnull(NTuple{2, _Offset3D}, x.dst_offsets); x.next) _BufferImageCopy2(x::BufferImageCopy2) = _BufferImageCopy2(x.buffer_offset, x.buffer_row_length, x.buffer_image_height, convert_nonnull(_ImageSubresourceLayers, x.image_subresource), convert_nonnull(_Offset3D, x.image_offset), convert_nonnull(_Extent3D, x.image_extent); x.next) _ImageResolve2(x::ImageResolve2) = _ImageResolve2(convert_nonnull(_ImageSubresourceLayers, x.src_subresource), convert_nonnull(_Offset3D, x.src_offset), convert_nonnull(_ImageSubresourceLayers, x.dst_subresource), convert_nonnull(_Offset3D, x.dst_offset), convert_nonnull(_Extent3D, x.extent); x.next) _CopyBufferInfo2(x::CopyBufferInfo2) = _CopyBufferInfo2(x.src_buffer, x.dst_buffer, convert_nonnull(Vector{_BufferCopy2}, x.regions); x.next) _CopyImageInfo2(x::CopyImageInfo2) = _CopyImageInfo2(x.src_image, x.src_image_layout, x.dst_image, x.dst_image_layout, convert_nonnull(Vector{_ImageCopy2}, x.regions); x.next) _BlitImageInfo2(x::BlitImageInfo2) = _BlitImageInfo2(x.src_image, x.src_image_layout, x.dst_image, x.dst_image_layout, convert_nonnull(Vector{_ImageBlit2}, x.regions), x.filter; x.next) _CopyBufferToImageInfo2(x::CopyBufferToImageInfo2) = _CopyBufferToImageInfo2(x.src_buffer, x.dst_image, x.dst_image_layout, convert_nonnull(Vector{_BufferImageCopy2}, x.regions); x.next) _CopyImageToBufferInfo2(x::CopyImageToBufferInfo2) = _CopyImageToBufferInfo2(x.src_image, x.src_image_layout, x.dst_buffer, convert_nonnull(Vector{_BufferImageCopy2}, x.regions); x.next) _ResolveImageInfo2(x::ResolveImageInfo2) = _ResolveImageInfo2(x.src_image, x.src_image_layout, x.dst_image, x.dst_image_layout, convert_nonnull(Vector{_ImageResolve2}, x.regions); x.next) _PhysicalDeviceShaderImageAtomicInt64FeaturesEXT(x::PhysicalDeviceShaderImageAtomicInt64FeaturesEXT) = _PhysicalDeviceShaderImageAtomicInt64FeaturesEXT(x.shader_image_int_64_atomics, x.sparse_image_int_64_atomics; x.next) _FragmentShadingRateAttachmentInfoKHR(x::FragmentShadingRateAttachmentInfoKHR) = _FragmentShadingRateAttachmentInfoKHR(convert_nonnull(_Extent2D, x.shading_rate_attachment_texel_size); x.next, fragment_shading_rate_attachment = convert_nonnull(_AttachmentReference2, x.fragment_shading_rate_attachment)) _PipelineFragmentShadingRateStateCreateInfoKHR(x::PipelineFragmentShadingRateStateCreateInfoKHR) = _PipelineFragmentShadingRateStateCreateInfoKHR(convert_nonnull(_Extent2D, x.fragment_size), x.combiner_ops; x.next) _PhysicalDeviceFragmentShadingRateFeaturesKHR(x::PhysicalDeviceFragmentShadingRateFeaturesKHR) = _PhysicalDeviceFragmentShadingRateFeaturesKHR(x.pipeline_fragment_shading_rate, x.primitive_fragment_shading_rate, x.attachment_fragment_shading_rate; x.next) _PhysicalDeviceFragmentShadingRatePropertiesKHR(x::PhysicalDeviceFragmentShadingRatePropertiesKHR) = _PhysicalDeviceFragmentShadingRatePropertiesKHR(convert_nonnull(_Extent2D, x.min_fragment_shading_rate_attachment_texel_size), convert_nonnull(_Extent2D, x.max_fragment_shading_rate_attachment_texel_size), x.max_fragment_shading_rate_attachment_texel_size_aspect_ratio, x.primitive_fragment_shading_rate_with_multiple_viewports, x.layered_shading_rate_attachments, x.fragment_shading_rate_non_trivial_combiner_ops, convert_nonnull(_Extent2D, x.max_fragment_size), x.max_fragment_size_aspect_ratio, x.max_fragment_shading_rate_coverage_samples, x.max_fragment_shading_rate_rasterization_samples, x.fragment_shading_rate_with_shader_depth_stencil_writes, x.fragment_shading_rate_with_sample_mask, x.fragment_shading_rate_with_shader_sample_mask, x.fragment_shading_rate_with_conservative_rasterization, x.fragment_shading_rate_with_fragment_shader_interlock, x.fragment_shading_rate_with_custom_sample_locations, x.fragment_shading_rate_strict_multiply_combiner; x.next) _PhysicalDeviceFragmentShadingRateKHR(x::PhysicalDeviceFragmentShadingRateKHR) = _PhysicalDeviceFragmentShadingRateKHR(x.sample_counts, convert_nonnull(_Extent2D, x.fragment_size); x.next) _PhysicalDeviceShaderTerminateInvocationFeatures(x::PhysicalDeviceShaderTerminateInvocationFeatures) = _PhysicalDeviceShaderTerminateInvocationFeatures(x.shader_terminate_invocation; x.next) _PhysicalDeviceFragmentShadingRateEnumsFeaturesNV(x::PhysicalDeviceFragmentShadingRateEnumsFeaturesNV) = _PhysicalDeviceFragmentShadingRateEnumsFeaturesNV(x.fragment_shading_rate_enums, x.supersample_fragment_shading_rates, x.no_invocation_fragment_shading_rates; x.next) _PhysicalDeviceFragmentShadingRateEnumsPropertiesNV(x::PhysicalDeviceFragmentShadingRateEnumsPropertiesNV) = _PhysicalDeviceFragmentShadingRateEnumsPropertiesNV(x.max_fragment_shading_rate_invocation_count; x.next) _PipelineFragmentShadingRateEnumStateCreateInfoNV(x::PipelineFragmentShadingRateEnumStateCreateInfoNV) = _PipelineFragmentShadingRateEnumStateCreateInfoNV(x.shading_rate_type, x.shading_rate, x.combiner_ops; x.next) _AccelerationStructureBuildSizesInfoKHR(x::AccelerationStructureBuildSizesInfoKHR) = _AccelerationStructureBuildSizesInfoKHR(x.acceleration_structure_size, x.update_scratch_size, x.build_scratch_size; x.next) _PhysicalDeviceImage2DViewOf3DFeaturesEXT(x::PhysicalDeviceImage2DViewOf3DFeaturesEXT) = _PhysicalDeviceImage2DViewOf3DFeaturesEXT(x.image_2_d_view_of_3_d, x.sampler_2_d_view_of_3_d; x.next) _PhysicalDeviceMutableDescriptorTypeFeaturesEXT(x::PhysicalDeviceMutableDescriptorTypeFeaturesEXT) = _PhysicalDeviceMutableDescriptorTypeFeaturesEXT(x.mutable_descriptor_type; x.next) _MutableDescriptorTypeListEXT(x::MutableDescriptorTypeListEXT) = _MutableDescriptorTypeListEXT(x.descriptor_types) _MutableDescriptorTypeCreateInfoEXT(x::MutableDescriptorTypeCreateInfoEXT) = _MutableDescriptorTypeCreateInfoEXT(convert_nonnull(Vector{_MutableDescriptorTypeListEXT}, x.mutable_descriptor_type_lists); x.next) _PhysicalDeviceDepthClipControlFeaturesEXT(x::PhysicalDeviceDepthClipControlFeaturesEXT) = _PhysicalDeviceDepthClipControlFeaturesEXT(x.depth_clip_control; x.next) _PipelineViewportDepthClipControlCreateInfoEXT(x::PipelineViewportDepthClipControlCreateInfoEXT) = _PipelineViewportDepthClipControlCreateInfoEXT(x.negative_one_to_one; x.next) _PhysicalDeviceVertexInputDynamicStateFeaturesEXT(x::PhysicalDeviceVertexInputDynamicStateFeaturesEXT) = _PhysicalDeviceVertexInputDynamicStateFeaturesEXT(x.vertex_input_dynamic_state; x.next) _PhysicalDeviceExternalMemoryRDMAFeaturesNV(x::PhysicalDeviceExternalMemoryRDMAFeaturesNV) = _PhysicalDeviceExternalMemoryRDMAFeaturesNV(x.external_memory_rdma; x.next) _VertexInputBindingDescription2EXT(x::VertexInputBindingDescription2EXT) = _VertexInputBindingDescription2EXT(x.binding, x.stride, x.input_rate, x.divisor; x.next) _VertexInputAttributeDescription2EXT(x::VertexInputAttributeDescription2EXT) = _VertexInputAttributeDescription2EXT(x.location, x.binding, x.format, x.offset; x.next) _PhysicalDeviceColorWriteEnableFeaturesEXT(x::PhysicalDeviceColorWriteEnableFeaturesEXT) = _PhysicalDeviceColorWriteEnableFeaturesEXT(x.color_write_enable; x.next) _PipelineColorWriteCreateInfoEXT(x::PipelineColorWriteCreateInfoEXT) = _PipelineColorWriteCreateInfoEXT(x.color_write_enables; x.next) _MemoryBarrier2(x::MemoryBarrier2) = _MemoryBarrier2(; x.next, x.src_stage_mask, x.src_access_mask, x.dst_stage_mask, x.dst_access_mask) _ImageMemoryBarrier2(x::ImageMemoryBarrier2) = _ImageMemoryBarrier2(x.old_layout, x.new_layout, x.src_queue_family_index, x.dst_queue_family_index, x.image, convert_nonnull(_ImageSubresourceRange, x.subresource_range); x.next, x.src_stage_mask, x.src_access_mask, x.dst_stage_mask, x.dst_access_mask) _BufferMemoryBarrier2(x::BufferMemoryBarrier2) = _BufferMemoryBarrier2(x.src_queue_family_index, x.dst_queue_family_index, x.buffer, x.offset, x.size; x.next, x.src_stage_mask, x.src_access_mask, x.dst_stage_mask, x.dst_access_mask) _DependencyInfo(x::DependencyInfo) = _DependencyInfo(convert_nonnull(Vector{_MemoryBarrier2}, x.memory_barriers), convert_nonnull(Vector{_BufferMemoryBarrier2}, x.buffer_memory_barriers), convert_nonnull(Vector{_ImageMemoryBarrier2}, x.image_memory_barriers); x.next, x.dependency_flags) _SemaphoreSubmitInfo(x::SemaphoreSubmitInfo) = _SemaphoreSubmitInfo(x.semaphore, x.value, x.device_index; x.next, x.stage_mask) _CommandBufferSubmitInfo(x::CommandBufferSubmitInfo) = _CommandBufferSubmitInfo(x.command_buffer, x.device_mask; x.next) _SubmitInfo2(x::SubmitInfo2) = _SubmitInfo2(convert_nonnull(Vector{_SemaphoreSubmitInfo}, x.wait_semaphore_infos), convert_nonnull(Vector{_CommandBufferSubmitInfo}, x.command_buffer_infos), convert_nonnull(Vector{_SemaphoreSubmitInfo}, x.signal_semaphore_infos); x.next, x.flags) _QueueFamilyCheckpointProperties2NV(x::QueueFamilyCheckpointProperties2NV) = _QueueFamilyCheckpointProperties2NV(x.checkpoint_execution_stage_mask; x.next) _CheckpointData2NV(x::CheckpointData2NV) = _CheckpointData2NV(x.stage, x.checkpoint_marker; x.next) _PhysicalDeviceSynchronization2Features(x::PhysicalDeviceSynchronization2Features) = _PhysicalDeviceSynchronization2Features(x.synchronization2; x.next) _PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT(x::PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT) = _PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT(x.primitives_generated_query, x.primitives_generated_query_with_rasterizer_discard, x.primitives_generated_query_with_non_zero_streams; x.next) _PhysicalDeviceLegacyDitheringFeaturesEXT(x::PhysicalDeviceLegacyDitheringFeaturesEXT) = _PhysicalDeviceLegacyDitheringFeaturesEXT(x.legacy_dithering; x.next) _PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT(x::PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT) = _PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT(x.multisampled_render_to_single_sampled; x.next) _SubpassResolvePerformanceQueryEXT(x::SubpassResolvePerformanceQueryEXT) = _SubpassResolvePerformanceQueryEXT(x.optimal; x.next) _MultisampledRenderToSingleSampledInfoEXT(x::MultisampledRenderToSingleSampledInfoEXT) = _MultisampledRenderToSingleSampledInfoEXT(x.multisampled_render_to_single_sampled_enable, x.rasterization_samples; x.next) _PhysicalDevicePipelineProtectedAccessFeaturesEXT(x::PhysicalDevicePipelineProtectedAccessFeaturesEXT) = _PhysicalDevicePipelineProtectedAccessFeaturesEXT(x.pipeline_protected_access; x.next) _QueueFamilyVideoPropertiesKHR(x::QueueFamilyVideoPropertiesKHR) = _QueueFamilyVideoPropertiesKHR(x.video_codec_operations; x.next) _QueueFamilyQueryResultStatusPropertiesKHR(x::QueueFamilyQueryResultStatusPropertiesKHR) = _QueueFamilyQueryResultStatusPropertiesKHR(x.query_result_status_support; x.next) _VideoProfileListInfoKHR(x::VideoProfileListInfoKHR) = _VideoProfileListInfoKHR(convert_nonnull(Vector{_VideoProfileInfoKHR}, x.profiles); x.next) _PhysicalDeviceVideoFormatInfoKHR(x::PhysicalDeviceVideoFormatInfoKHR) = _PhysicalDeviceVideoFormatInfoKHR(x.image_usage; x.next) _VideoFormatPropertiesKHR(x::VideoFormatPropertiesKHR) = _VideoFormatPropertiesKHR(x.format, convert_nonnull(_ComponentMapping, x.component_mapping), x.image_create_flags, x.image_type, x.image_tiling, x.image_usage_flags; x.next) _VideoProfileInfoKHR(x::VideoProfileInfoKHR) = _VideoProfileInfoKHR(x.video_codec_operation, x.chroma_subsampling, x.luma_bit_depth; x.next, x.chroma_bit_depth) _VideoCapabilitiesKHR(x::VideoCapabilitiesKHR) = _VideoCapabilitiesKHR(x.flags, x.min_bitstream_buffer_offset_alignment, x.min_bitstream_buffer_size_alignment, convert_nonnull(_Extent2D, x.picture_access_granularity), convert_nonnull(_Extent2D, x.min_coded_extent), convert_nonnull(_Extent2D, x.max_coded_extent), x.max_dpb_slots, x.max_active_reference_pictures, convert_nonnull(_ExtensionProperties, x.std_header_version); x.next) _VideoSessionMemoryRequirementsKHR(x::VideoSessionMemoryRequirementsKHR) = _VideoSessionMemoryRequirementsKHR(x.memory_bind_index, convert_nonnull(_MemoryRequirements, x.memory_requirements); x.next) _BindVideoSessionMemoryInfoKHR(x::BindVideoSessionMemoryInfoKHR) = _BindVideoSessionMemoryInfoKHR(x.memory_bind_index, x.memory, x.memory_offset, x.memory_size; x.next) _VideoPictureResourceInfoKHR(x::VideoPictureResourceInfoKHR) = _VideoPictureResourceInfoKHR(convert_nonnull(_Offset2D, x.coded_offset), convert_nonnull(_Extent2D, x.coded_extent), x.base_array_layer, x.image_view_binding; x.next) _VideoReferenceSlotInfoKHR(x::VideoReferenceSlotInfoKHR) = _VideoReferenceSlotInfoKHR(x.slot_index; x.next, picture_resource = convert_nonnull(_VideoPictureResourceInfoKHR, x.picture_resource)) _VideoDecodeCapabilitiesKHR(x::VideoDecodeCapabilitiesKHR) = _VideoDecodeCapabilitiesKHR(x.flags; x.next) _VideoDecodeUsageInfoKHR(x::VideoDecodeUsageInfoKHR) = _VideoDecodeUsageInfoKHR(; x.next, x.video_usage_hints) _VideoDecodeInfoKHR(x::VideoDecodeInfoKHR) = _VideoDecodeInfoKHR(x.src_buffer, x.src_buffer_offset, x.src_buffer_range, convert_nonnull(_VideoPictureResourceInfoKHR, x.dst_picture_resource), convert_nonnull(_VideoReferenceSlotInfoKHR, x.setup_reference_slot), convert_nonnull(Vector{_VideoReferenceSlotInfoKHR}, x.reference_slots); x.next, x.flags) _VideoDecodeH264ProfileInfoKHR(x::VideoDecodeH264ProfileInfoKHR) = _VideoDecodeH264ProfileInfoKHR(x.std_profile_idc; x.next, x.picture_layout) _VideoDecodeH264CapabilitiesKHR(x::VideoDecodeH264CapabilitiesKHR) = _VideoDecodeH264CapabilitiesKHR(x.max_level_idc, convert_nonnull(_Offset2D, x.field_offset_granularity); x.next) _VideoDecodeH264SessionParametersAddInfoKHR(x::VideoDecodeH264SessionParametersAddInfoKHR) = _VideoDecodeH264SessionParametersAddInfoKHR(x.std_sp_ss, x.std_pp_ss; x.next) _VideoDecodeH264SessionParametersCreateInfoKHR(x::VideoDecodeH264SessionParametersCreateInfoKHR) = _VideoDecodeH264SessionParametersCreateInfoKHR(x.max_std_sps_count, x.max_std_pps_count; x.next, parameters_add_info = convert_nonnull(_VideoDecodeH264SessionParametersAddInfoKHR, x.parameters_add_info)) _VideoDecodeH264PictureInfoKHR(x::VideoDecodeH264PictureInfoKHR) = _VideoDecodeH264PictureInfoKHR(x.std_picture_info, x.slice_offsets; x.next) _VideoDecodeH264DpbSlotInfoKHR(x::VideoDecodeH264DpbSlotInfoKHR) = _VideoDecodeH264DpbSlotInfoKHR(x.std_reference_info; x.next) _VideoDecodeH265ProfileInfoKHR(x::VideoDecodeH265ProfileInfoKHR) = _VideoDecodeH265ProfileInfoKHR(x.std_profile_idc; x.next) _VideoDecodeH265CapabilitiesKHR(x::VideoDecodeH265CapabilitiesKHR) = _VideoDecodeH265CapabilitiesKHR(x.max_level_idc; x.next) _VideoDecodeH265SessionParametersAddInfoKHR(x::VideoDecodeH265SessionParametersAddInfoKHR) = _VideoDecodeH265SessionParametersAddInfoKHR(x.std_vp_ss, x.std_sp_ss, x.std_pp_ss; x.next) _VideoDecodeH265SessionParametersCreateInfoKHR(x::VideoDecodeH265SessionParametersCreateInfoKHR) = _VideoDecodeH265SessionParametersCreateInfoKHR(x.max_std_vps_count, x.max_std_sps_count, x.max_std_pps_count; x.next, parameters_add_info = convert_nonnull(_VideoDecodeH265SessionParametersAddInfoKHR, x.parameters_add_info)) _VideoDecodeH265PictureInfoKHR(x::VideoDecodeH265PictureInfoKHR) = _VideoDecodeH265PictureInfoKHR(x.std_picture_info, x.slice_segment_offsets; x.next) _VideoDecodeH265DpbSlotInfoKHR(x::VideoDecodeH265DpbSlotInfoKHR) = _VideoDecodeH265DpbSlotInfoKHR(x.std_reference_info; x.next) _VideoSessionCreateInfoKHR(x::VideoSessionCreateInfoKHR) = _VideoSessionCreateInfoKHR(x.queue_family_index, convert_nonnull(_VideoProfileInfoKHR, x.video_profile), x.picture_format, convert_nonnull(_Extent2D, x.max_coded_extent), x.reference_picture_format, x.max_dpb_slots, x.max_active_reference_pictures, convert_nonnull(_ExtensionProperties, x.std_header_version); x.next, x.flags) _VideoSessionParametersCreateInfoKHR(x::VideoSessionParametersCreateInfoKHR) = _VideoSessionParametersCreateInfoKHR(x.video_session; x.next, x.flags, x.video_session_parameters_template) _VideoSessionParametersUpdateInfoKHR(x::VideoSessionParametersUpdateInfoKHR) = _VideoSessionParametersUpdateInfoKHR(x.update_sequence_count; x.next) _VideoBeginCodingInfoKHR(x::VideoBeginCodingInfoKHR) = _VideoBeginCodingInfoKHR(x.video_session, convert_nonnull(Vector{_VideoReferenceSlotInfoKHR}, x.reference_slots); x.next, x.flags, x.video_session_parameters) _VideoEndCodingInfoKHR(x::VideoEndCodingInfoKHR) = _VideoEndCodingInfoKHR(; x.next, x.flags) _VideoCodingControlInfoKHR(x::VideoCodingControlInfoKHR) = _VideoCodingControlInfoKHR(; x.next, x.flags) _PhysicalDeviceInheritedViewportScissorFeaturesNV(x::PhysicalDeviceInheritedViewportScissorFeaturesNV) = _PhysicalDeviceInheritedViewportScissorFeaturesNV(x.inherited_viewport_scissor_2_d; x.next) _CommandBufferInheritanceViewportScissorInfoNV(x::CommandBufferInheritanceViewportScissorInfoNV) = _CommandBufferInheritanceViewportScissorInfoNV(x.viewport_scissor_2_d, x.viewport_depth_count, convert_nonnull(_Viewport, x.viewport_depths); x.next) _PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT(x::PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT) = _PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT(x.ycbcr_444_formats; x.next) _PhysicalDeviceProvokingVertexFeaturesEXT(x::PhysicalDeviceProvokingVertexFeaturesEXT) = _PhysicalDeviceProvokingVertexFeaturesEXT(x.provoking_vertex_last, x.transform_feedback_preserves_provoking_vertex; x.next) _PhysicalDeviceProvokingVertexPropertiesEXT(x::PhysicalDeviceProvokingVertexPropertiesEXT) = _PhysicalDeviceProvokingVertexPropertiesEXT(x.provoking_vertex_mode_per_pipeline, x.transform_feedback_preserves_triangle_fan_provoking_vertex; x.next) _PipelineRasterizationProvokingVertexStateCreateInfoEXT(x::PipelineRasterizationProvokingVertexStateCreateInfoEXT) = _PipelineRasterizationProvokingVertexStateCreateInfoEXT(x.provoking_vertex_mode; x.next) _CuModuleCreateInfoNVX(x::CuModuleCreateInfoNVX) = _CuModuleCreateInfoNVX(x.data_size, x.data; x.next) _CuFunctionCreateInfoNVX(x::CuFunctionCreateInfoNVX) = _CuFunctionCreateInfoNVX(x._module, x.name; x.next) _CuLaunchInfoNVX(x::CuLaunchInfoNVX) = _CuLaunchInfoNVX(x._function, x.grid_dim_x, x.grid_dim_y, x.grid_dim_z, x.block_dim_x, x.block_dim_y, x.block_dim_z, x.shared_mem_bytes; x.next) _PhysicalDeviceDescriptorBufferFeaturesEXT(x::PhysicalDeviceDescriptorBufferFeaturesEXT) = _PhysicalDeviceDescriptorBufferFeaturesEXT(x.descriptor_buffer, x.descriptor_buffer_capture_replay, x.descriptor_buffer_image_layout_ignored, x.descriptor_buffer_push_descriptors; x.next) _PhysicalDeviceDescriptorBufferPropertiesEXT(x::PhysicalDeviceDescriptorBufferPropertiesEXT) = _PhysicalDeviceDescriptorBufferPropertiesEXT(x.combined_image_sampler_descriptor_single_array, x.bufferless_push_descriptors, x.allow_sampler_image_view_post_submit_creation, x.descriptor_buffer_offset_alignment, x.max_descriptor_buffer_bindings, x.max_resource_descriptor_buffer_bindings, x.max_sampler_descriptor_buffer_bindings, x.max_embedded_immutable_sampler_bindings, x.max_embedded_immutable_samplers, x.buffer_capture_replay_descriptor_data_size, x.image_capture_replay_descriptor_data_size, x.image_view_capture_replay_descriptor_data_size, x.sampler_capture_replay_descriptor_data_size, x.acceleration_structure_capture_replay_descriptor_data_size, x.sampler_descriptor_size, x.combined_image_sampler_descriptor_size, x.sampled_image_descriptor_size, x.storage_image_descriptor_size, x.uniform_texel_buffer_descriptor_size, x.robust_uniform_texel_buffer_descriptor_size, x.storage_texel_buffer_descriptor_size, x.robust_storage_texel_buffer_descriptor_size, x.uniform_buffer_descriptor_size, x.robust_uniform_buffer_descriptor_size, x.storage_buffer_descriptor_size, x.robust_storage_buffer_descriptor_size, x.input_attachment_descriptor_size, x.acceleration_structure_descriptor_size, x.max_sampler_descriptor_buffer_range, x.max_resource_descriptor_buffer_range, x.sampler_descriptor_buffer_address_space_size, x.resource_descriptor_buffer_address_space_size, x.descriptor_buffer_address_space_size; x.next) _PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT(x::PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT) = _PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT(x.combined_image_sampler_density_map_descriptor_size; x.next) _DescriptorAddressInfoEXT(x::DescriptorAddressInfoEXT) = _DescriptorAddressInfoEXT(x.address, x.range, x.format; x.next) _DescriptorBufferBindingInfoEXT(x::DescriptorBufferBindingInfoEXT) = _DescriptorBufferBindingInfoEXT(x.address, x.usage; x.next) _DescriptorBufferBindingPushDescriptorBufferHandleEXT(x::DescriptorBufferBindingPushDescriptorBufferHandleEXT) = _DescriptorBufferBindingPushDescriptorBufferHandleEXT(x.buffer; x.next) _DescriptorGetInfoEXT(x::DescriptorGetInfoEXT) = _DescriptorGetInfoEXT(x.type, convert_nonnull(_DescriptorDataEXT, x.data); x.next) _BufferCaptureDescriptorDataInfoEXT(x::BufferCaptureDescriptorDataInfoEXT) = _BufferCaptureDescriptorDataInfoEXT(x.buffer; x.next) _ImageCaptureDescriptorDataInfoEXT(x::ImageCaptureDescriptorDataInfoEXT) = _ImageCaptureDescriptorDataInfoEXT(x.image; x.next) _ImageViewCaptureDescriptorDataInfoEXT(x::ImageViewCaptureDescriptorDataInfoEXT) = _ImageViewCaptureDescriptorDataInfoEXT(x.image_view; x.next) _SamplerCaptureDescriptorDataInfoEXT(x::SamplerCaptureDescriptorDataInfoEXT) = _SamplerCaptureDescriptorDataInfoEXT(x.sampler; x.next) _AccelerationStructureCaptureDescriptorDataInfoEXT(x::AccelerationStructureCaptureDescriptorDataInfoEXT) = _AccelerationStructureCaptureDescriptorDataInfoEXT(; x.next, x.acceleration_structure, x.acceleration_structure_nv) _OpaqueCaptureDescriptorDataCreateInfoEXT(x::OpaqueCaptureDescriptorDataCreateInfoEXT) = _OpaqueCaptureDescriptorDataCreateInfoEXT(x.opaque_capture_descriptor_data; x.next) _PhysicalDeviceShaderIntegerDotProductFeatures(x::PhysicalDeviceShaderIntegerDotProductFeatures) = _PhysicalDeviceShaderIntegerDotProductFeatures(x.shader_integer_dot_product; x.next) _PhysicalDeviceShaderIntegerDotProductProperties(x::PhysicalDeviceShaderIntegerDotProductProperties) = _PhysicalDeviceShaderIntegerDotProductProperties(x.integer_dot_product_8_bit_unsigned_accelerated, x.integer_dot_product_8_bit_signed_accelerated, x.integer_dot_product_8_bit_mixed_signedness_accelerated, x.integer_dot_product_8_bit_packed_unsigned_accelerated, x.integer_dot_product_8_bit_packed_signed_accelerated, x.integer_dot_product_8_bit_packed_mixed_signedness_accelerated, x.integer_dot_product_16_bit_unsigned_accelerated, x.integer_dot_product_16_bit_signed_accelerated, x.integer_dot_product_16_bit_mixed_signedness_accelerated, x.integer_dot_product_32_bit_unsigned_accelerated, x.integer_dot_product_32_bit_signed_accelerated, x.integer_dot_product_32_bit_mixed_signedness_accelerated, x.integer_dot_product_64_bit_unsigned_accelerated, x.integer_dot_product_64_bit_signed_accelerated, x.integer_dot_product_64_bit_mixed_signedness_accelerated, x.integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated, x.integer_dot_product_accumulating_saturating_8_bit_signed_accelerated, x.integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated, x.integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated, x.integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated, x.integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated, x.integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated, x.integer_dot_product_accumulating_saturating_16_bit_signed_accelerated, x.integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated, x.integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated, x.integer_dot_product_accumulating_saturating_32_bit_signed_accelerated, x.integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated, x.integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated, x.integer_dot_product_accumulating_saturating_64_bit_signed_accelerated, x.integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated; x.next) _PhysicalDeviceDrmPropertiesEXT(x::PhysicalDeviceDrmPropertiesEXT) = _PhysicalDeviceDrmPropertiesEXT(x.has_primary, x.has_render, x.primary_major, x.primary_minor, x.render_major, x.render_minor; x.next) _PhysicalDeviceFragmentShaderBarycentricFeaturesKHR(x::PhysicalDeviceFragmentShaderBarycentricFeaturesKHR) = _PhysicalDeviceFragmentShaderBarycentricFeaturesKHR(x.fragment_shader_barycentric; x.next) _PhysicalDeviceFragmentShaderBarycentricPropertiesKHR(x::PhysicalDeviceFragmentShaderBarycentricPropertiesKHR) = _PhysicalDeviceFragmentShaderBarycentricPropertiesKHR(x.tri_strip_vertex_order_independent_of_provoking_vertex; x.next) _PhysicalDeviceRayTracingMotionBlurFeaturesNV(x::PhysicalDeviceRayTracingMotionBlurFeaturesNV) = _PhysicalDeviceRayTracingMotionBlurFeaturesNV(x.ray_tracing_motion_blur, x.ray_tracing_motion_blur_pipeline_trace_rays_indirect; x.next) _AccelerationStructureGeometryMotionTrianglesDataNV(x::AccelerationStructureGeometryMotionTrianglesDataNV) = _AccelerationStructureGeometryMotionTrianglesDataNV(convert_nonnull(_DeviceOrHostAddressConstKHR, x.vertex_data); x.next) _AccelerationStructureMotionInfoNV(x::AccelerationStructureMotionInfoNV) = _AccelerationStructureMotionInfoNV(x.max_instances; x.next, x.flags) _SRTDataNV(x::SRTDataNV) = _SRTDataNV(x.sx, x.a, x.b, x.pvx, x.sy, x.c, x.pvy, x.sz, x.pvz, x.qx, x.qy, x.qz, x.qw, x.tx, x.ty, x.tz) _AccelerationStructureSRTMotionInstanceNV(x::AccelerationStructureSRTMotionInstanceNV) = _AccelerationStructureSRTMotionInstanceNV(convert_nonnull(_SRTDataNV, x.transform_t_0), convert_nonnull(_SRTDataNV, x.transform_t_1), x.instance_custom_index, x.mask, x.instance_shader_binding_table_record_offset, x.acceleration_structure_reference; x.flags) _AccelerationStructureMatrixMotionInstanceNV(x::AccelerationStructureMatrixMotionInstanceNV) = _AccelerationStructureMatrixMotionInstanceNV(convert_nonnull(_TransformMatrixKHR, x.transform_t_0), convert_nonnull(_TransformMatrixKHR, x.transform_t_1), x.instance_custom_index, x.mask, x.instance_shader_binding_table_record_offset, x.acceleration_structure_reference; x.flags) _AccelerationStructureMotionInstanceNV(x::AccelerationStructureMotionInstanceNV) = _AccelerationStructureMotionInstanceNV(x.type, convert_nonnull(_AccelerationStructureMotionInstanceDataNV, x.data); x.flags) _MemoryGetRemoteAddressInfoNV(x::MemoryGetRemoteAddressInfoNV) = _MemoryGetRemoteAddressInfoNV(x.memory, x.handle_type; x.next) _PhysicalDeviceRGBA10X6FormatsFeaturesEXT(x::PhysicalDeviceRGBA10X6FormatsFeaturesEXT) = _PhysicalDeviceRGBA10X6FormatsFeaturesEXT(x.format_rgba_1_6_without_y_cb_cr_sampler; x.next) _FormatProperties3(x::FormatProperties3) = _FormatProperties3(; x.next, x.linear_tiling_features, x.optimal_tiling_features, x.buffer_features) _DrmFormatModifierPropertiesList2EXT(x::DrmFormatModifierPropertiesList2EXT) = _DrmFormatModifierPropertiesList2EXT(; x.next, drm_format_modifier_properties = convert_nonnull(Vector{_DrmFormatModifierProperties2EXT}, x.drm_format_modifier_properties)) _DrmFormatModifierProperties2EXT(x::DrmFormatModifierProperties2EXT) = _DrmFormatModifierProperties2EXT(x.drm_format_modifier, x.drm_format_modifier_plane_count, x.drm_format_modifier_tiling_features) _PipelineRenderingCreateInfo(x::PipelineRenderingCreateInfo) = _PipelineRenderingCreateInfo(x.view_mask, x.color_attachment_formats, x.depth_attachment_format, x.stencil_attachment_format; x.next) _RenderingInfo(x::RenderingInfo) = _RenderingInfo(convert_nonnull(_Rect2D, x.render_area), x.layer_count, x.view_mask, convert_nonnull(Vector{_RenderingAttachmentInfo}, x.color_attachments); x.next, x.flags, depth_attachment = convert_nonnull(_RenderingAttachmentInfo, x.depth_attachment), stencil_attachment = convert_nonnull(_RenderingAttachmentInfo, x.stencil_attachment)) _RenderingAttachmentInfo(x::RenderingAttachmentInfo) = _RenderingAttachmentInfo(x.image_layout, x.resolve_image_layout, x.load_op, x.store_op, convert_nonnull(_ClearValue, x.clear_value); x.next, x.image_view, x.resolve_mode, x.resolve_image_view) _RenderingFragmentShadingRateAttachmentInfoKHR(x::RenderingFragmentShadingRateAttachmentInfoKHR) = _RenderingFragmentShadingRateAttachmentInfoKHR(x.image_layout, convert_nonnull(_Extent2D, x.shading_rate_attachment_texel_size); x.next, x.image_view) _RenderingFragmentDensityMapAttachmentInfoEXT(x::RenderingFragmentDensityMapAttachmentInfoEXT) = _RenderingFragmentDensityMapAttachmentInfoEXT(x.image_view, x.image_layout; x.next) _PhysicalDeviceDynamicRenderingFeatures(x::PhysicalDeviceDynamicRenderingFeatures) = _PhysicalDeviceDynamicRenderingFeatures(x.dynamic_rendering; x.next) _CommandBufferInheritanceRenderingInfo(x::CommandBufferInheritanceRenderingInfo) = _CommandBufferInheritanceRenderingInfo(x.view_mask, x.color_attachment_formats, x.depth_attachment_format, x.stencil_attachment_format; x.next, x.flags, x.rasterization_samples) _AttachmentSampleCountInfoAMD(x::AttachmentSampleCountInfoAMD) = _AttachmentSampleCountInfoAMD(x.color_attachment_samples; x.next, x.depth_stencil_attachment_samples) _MultiviewPerViewAttributesInfoNVX(x::MultiviewPerViewAttributesInfoNVX) = _MultiviewPerViewAttributesInfoNVX(x.per_view_attributes, x.per_view_attributes_position_x_only; x.next) _PhysicalDeviceImageViewMinLodFeaturesEXT(x::PhysicalDeviceImageViewMinLodFeaturesEXT) = _PhysicalDeviceImageViewMinLodFeaturesEXT(x.min_lod; x.next) _ImageViewMinLodCreateInfoEXT(x::ImageViewMinLodCreateInfoEXT) = _ImageViewMinLodCreateInfoEXT(x.min_lod; x.next) _PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT(x::PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT) = _PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT(x.rasterization_order_color_attachment_access, x.rasterization_order_depth_attachment_access, x.rasterization_order_stencil_attachment_access; x.next) _PhysicalDeviceLinearColorAttachmentFeaturesNV(x::PhysicalDeviceLinearColorAttachmentFeaturesNV) = _PhysicalDeviceLinearColorAttachmentFeaturesNV(x.linear_color_attachment; x.next) _PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT(x::PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT) = _PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT(x.graphics_pipeline_library; x.next) _PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT(x::PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT) = _PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT(x.graphics_pipeline_library_fast_linking, x.graphics_pipeline_library_independent_interpolation_decoration; x.next) _GraphicsPipelineLibraryCreateInfoEXT(x::GraphicsPipelineLibraryCreateInfoEXT) = _GraphicsPipelineLibraryCreateInfoEXT(x.flags; x.next) _PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE(x::PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE) = _PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE(x.descriptor_set_host_mapping; x.next) _DescriptorSetBindingReferenceVALVE(x::DescriptorSetBindingReferenceVALVE) = _DescriptorSetBindingReferenceVALVE(x.descriptor_set_layout, x.binding; x.next) _DescriptorSetLayoutHostMappingInfoVALVE(x::DescriptorSetLayoutHostMappingInfoVALVE) = _DescriptorSetLayoutHostMappingInfoVALVE(x.descriptor_offset, x.descriptor_size; x.next) _PhysicalDeviceShaderModuleIdentifierFeaturesEXT(x::PhysicalDeviceShaderModuleIdentifierFeaturesEXT) = _PhysicalDeviceShaderModuleIdentifierFeaturesEXT(x.shader_module_identifier; x.next) _PhysicalDeviceShaderModuleIdentifierPropertiesEXT(x::PhysicalDeviceShaderModuleIdentifierPropertiesEXT) = _PhysicalDeviceShaderModuleIdentifierPropertiesEXT(x.shader_module_identifier_algorithm_uuid; x.next) _PipelineShaderStageModuleIdentifierCreateInfoEXT(x::PipelineShaderStageModuleIdentifierCreateInfoEXT) = _PipelineShaderStageModuleIdentifierCreateInfoEXT(x.identifier; x.next, x.identifier_size) _ShaderModuleIdentifierEXT(x::ShaderModuleIdentifierEXT) = _ShaderModuleIdentifierEXT(x.identifier_size, x.identifier; x.next) _ImageCompressionControlEXT(x::ImageCompressionControlEXT) = _ImageCompressionControlEXT(x.flags, x.fixed_rate_flags; x.next) _PhysicalDeviceImageCompressionControlFeaturesEXT(x::PhysicalDeviceImageCompressionControlFeaturesEXT) = _PhysicalDeviceImageCompressionControlFeaturesEXT(x.image_compression_control; x.next) _ImageCompressionPropertiesEXT(x::ImageCompressionPropertiesEXT) = _ImageCompressionPropertiesEXT(x.image_compression_flags, x.image_compression_fixed_rate_flags; x.next) _PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT(x::PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT) = _PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT(x.image_compression_control_swapchain; x.next) _ImageSubresource2EXT(x::ImageSubresource2EXT) = _ImageSubresource2EXT(convert_nonnull(_ImageSubresource, x.image_subresource); x.next) _SubresourceLayout2EXT(x::SubresourceLayout2EXT) = _SubresourceLayout2EXT(convert_nonnull(_SubresourceLayout, x.subresource_layout); x.next) _RenderPassCreationControlEXT(x::RenderPassCreationControlEXT) = _RenderPassCreationControlEXT(x.disallow_merging; x.next) _RenderPassCreationFeedbackInfoEXT(x::RenderPassCreationFeedbackInfoEXT) = _RenderPassCreationFeedbackInfoEXT(x.post_merge_subpass_count) _RenderPassCreationFeedbackCreateInfoEXT(x::RenderPassCreationFeedbackCreateInfoEXT) = _RenderPassCreationFeedbackCreateInfoEXT(convert_nonnull(_RenderPassCreationFeedbackInfoEXT, x.render_pass_feedback); x.next) _RenderPassSubpassFeedbackInfoEXT(x::RenderPassSubpassFeedbackInfoEXT) = _RenderPassSubpassFeedbackInfoEXT(x.subpass_merge_status, x.description, x.post_merge_index) _RenderPassSubpassFeedbackCreateInfoEXT(x::RenderPassSubpassFeedbackCreateInfoEXT) = _RenderPassSubpassFeedbackCreateInfoEXT(convert_nonnull(_RenderPassSubpassFeedbackInfoEXT, x.subpass_feedback); x.next) _PhysicalDeviceSubpassMergeFeedbackFeaturesEXT(x::PhysicalDeviceSubpassMergeFeedbackFeaturesEXT) = _PhysicalDeviceSubpassMergeFeedbackFeaturesEXT(x.subpass_merge_feedback; x.next) _MicromapBuildInfoEXT(x::MicromapBuildInfoEXT) = _MicromapBuildInfoEXT(x.type, x.mode, convert_nonnull(_DeviceOrHostAddressConstKHR, x.data), convert_nonnull(_DeviceOrHostAddressKHR, x.scratch_data), convert_nonnull(_DeviceOrHostAddressConstKHR, x.triangle_array), x.triangle_array_stride; x.next, x.flags, x.dst_micromap, usage_counts = convert_nonnull(Vector{_MicromapUsageEXT}, x.usage_counts), usage_counts_2 = convert_nonnull(Vector{_MicromapUsageEXT}, x.usage_counts_2)) _MicromapCreateInfoEXT(x::MicromapCreateInfoEXT) = _MicromapCreateInfoEXT(x.buffer, x.offset, x.size, x.type; x.next, x.create_flags, x.device_address) _MicromapVersionInfoEXT(x::MicromapVersionInfoEXT) = _MicromapVersionInfoEXT(x.version_data; x.next) _CopyMicromapInfoEXT(x::CopyMicromapInfoEXT) = _CopyMicromapInfoEXT(x.src, x.dst, x.mode; x.next) _CopyMicromapToMemoryInfoEXT(x::CopyMicromapToMemoryInfoEXT) = _CopyMicromapToMemoryInfoEXT(x.src, convert_nonnull(_DeviceOrHostAddressKHR, x.dst), x.mode; x.next) _CopyMemoryToMicromapInfoEXT(x::CopyMemoryToMicromapInfoEXT) = _CopyMemoryToMicromapInfoEXT(convert_nonnull(_DeviceOrHostAddressConstKHR, x.src), x.dst, x.mode; x.next) _MicromapBuildSizesInfoEXT(x::MicromapBuildSizesInfoEXT) = _MicromapBuildSizesInfoEXT(x.micromap_size, x.build_scratch_size, x.discardable; x.next) _MicromapUsageEXT(x::MicromapUsageEXT) = _MicromapUsageEXT(x.count, x.subdivision_level, x.format) _MicromapTriangleEXT(x::MicromapTriangleEXT) = _MicromapTriangleEXT(x.data_offset, x.subdivision_level, x.format) _PhysicalDeviceOpacityMicromapFeaturesEXT(x::PhysicalDeviceOpacityMicromapFeaturesEXT) = _PhysicalDeviceOpacityMicromapFeaturesEXT(x.micromap, x.micromap_capture_replay, x.micromap_host_commands; x.next) _PhysicalDeviceOpacityMicromapPropertiesEXT(x::PhysicalDeviceOpacityMicromapPropertiesEXT) = _PhysicalDeviceOpacityMicromapPropertiesEXT(x.max_opacity_2_state_subdivision_level, x.max_opacity_4_state_subdivision_level; x.next) _AccelerationStructureTrianglesOpacityMicromapEXT(x::AccelerationStructureTrianglesOpacityMicromapEXT) = _AccelerationStructureTrianglesOpacityMicromapEXT(x.index_type, convert_nonnull(_DeviceOrHostAddressConstKHR, x.index_buffer), x.index_stride, x.base_triangle, x.micromap; x.next, usage_counts = convert_nonnull(Vector{_MicromapUsageEXT}, x.usage_counts), usage_counts_2 = convert_nonnull(Vector{_MicromapUsageEXT}, x.usage_counts_2)) _PipelinePropertiesIdentifierEXT(x::PipelinePropertiesIdentifierEXT) = _PipelinePropertiesIdentifierEXT(x.pipeline_identifier; x.next) _PhysicalDevicePipelinePropertiesFeaturesEXT(x::PhysicalDevicePipelinePropertiesFeaturesEXT) = _PhysicalDevicePipelinePropertiesFeaturesEXT(x.pipeline_properties_identifier; x.next) _PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD(x::PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD) = _PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD(x.shader_early_and_late_fragment_tests; x.next) _PhysicalDeviceNonSeamlessCubeMapFeaturesEXT(x::PhysicalDeviceNonSeamlessCubeMapFeaturesEXT) = _PhysicalDeviceNonSeamlessCubeMapFeaturesEXT(x.non_seamless_cube_map; x.next) _PhysicalDevicePipelineRobustnessFeaturesEXT(x::PhysicalDevicePipelineRobustnessFeaturesEXT) = _PhysicalDevicePipelineRobustnessFeaturesEXT(x.pipeline_robustness; x.next) _PipelineRobustnessCreateInfoEXT(x::PipelineRobustnessCreateInfoEXT) = _PipelineRobustnessCreateInfoEXT(x.storage_buffers, x.uniform_buffers, x.vertex_inputs, x.images; x.next) _PhysicalDevicePipelineRobustnessPropertiesEXT(x::PhysicalDevicePipelineRobustnessPropertiesEXT) = _PhysicalDevicePipelineRobustnessPropertiesEXT(x.default_robustness_storage_buffers, x.default_robustness_uniform_buffers, x.default_robustness_vertex_inputs, x.default_robustness_images; x.next) _ImageViewSampleWeightCreateInfoQCOM(x::ImageViewSampleWeightCreateInfoQCOM) = _ImageViewSampleWeightCreateInfoQCOM(convert_nonnull(_Offset2D, x.filter_center), convert_nonnull(_Extent2D, x.filter_size), x.num_phases; x.next) _PhysicalDeviceImageProcessingFeaturesQCOM(x::PhysicalDeviceImageProcessingFeaturesQCOM) = _PhysicalDeviceImageProcessingFeaturesQCOM(x.texture_sample_weighted, x.texture_box_filter, x.texture_block_match; x.next) _PhysicalDeviceImageProcessingPropertiesQCOM(x::PhysicalDeviceImageProcessingPropertiesQCOM) = _PhysicalDeviceImageProcessingPropertiesQCOM(; x.next, x.max_weight_filter_phases, max_weight_filter_dimension = convert_nonnull(_Extent2D, x.max_weight_filter_dimension), max_block_match_region = convert_nonnull(_Extent2D, x.max_block_match_region), max_box_filter_block_size = convert_nonnull(_Extent2D, x.max_box_filter_block_size)) _PhysicalDeviceTilePropertiesFeaturesQCOM(x::PhysicalDeviceTilePropertiesFeaturesQCOM) = _PhysicalDeviceTilePropertiesFeaturesQCOM(x.tile_properties; x.next) _TilePropertiesQCOM(x::TilePropertiesQCOM) = _TilePropertiesQCOM(convert_nonnull(_Extent3D, x.tile_size), convert_nonnull(_Extent2D, x.apron_size), convert_nonnull(_Offset2D, x.origin); x.next) _PhysicalDeviceAmigoProfilingFeaturesSEC(x::PhysicalDeviceAmigoProfilingFeaturesSEC) = _PhysicalDeviceAmigoProfilingFeaturesSEC(x.amigo_profiling; x.next) _AmigoProfilingSubmitInfoSEC(x::AmigoProfilingSubmitInfoSEC) = _AmigoProfilingSubmitInfoSEC(x.first_draw_timestamp, x.swap_buffer_timestamp; x.next) _PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT(x::PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT) = _PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT(x.attachment_feedback_loop_layout; x.next) _PhysicalDeviceDepthClampZeroOneFeaturesEXT(x::PhysicalDeviceDepthClampZeroOneFeaturesEXT) = _PhysicalDeviceDepthClampZeroOneFeaturesEXT(x.depth_clamp_zero_one; x.next) _PhysicalDeviceAddressBindingReportFeaturesEXT(x::PhysicalDeviceAddressBindingReportFeaturesEXT) = _PhysicalDeviceAddressBindingReportFeaturesEXT(x.report_address_binding; x.next) _DeviceAddressBindingCallbackDataEXT(x::DeviceAddressBindingCallbackDataEXT) = _DeviceAddressBindingCallbackDataEXT(x.base_address, x.size, x.binding_type; x.next, x.flags) _PhysicalDeviceOpticalFlowFeaturesNV(x::PhysicalDeviceOpticalFlowFeaturesNV) = _PhysicalDeviceOpticalFlowFeaturesNV(x.optical_flow; x.next) _PhysicalDeviceOpticalFlowPropertiesNV(x::PhysicalDeviceOpticalFlowPropertiesNV) = _PhysicalDeviceOpticalFlowPropertiesNV(x.supported_output_grid_sizes, x.supported_hint_grid_sizes, x.hint_supported, x.cost_supported, x.bidirectional_flow_supported, x.global_flow_supported, x.min_width, x.min_height, x.max_width, x.max_height, x.max_num_regions_of_interest; x.next) _OpticalFlowImageFormatInfoNV(x::OpticalFlowImageFormatInfoNV) = _OpticalFlowImageFormatInfoNV(x.usage; x.next) _OpticalFlowImageFormatPropertiesNV(x::OpticalFlowImageFormatPropertiesNV) = _OpticalFlowImageFormatPropertiesNV(x.format; x.next) _OpticalFlowSessionCreateInfoNV(x::OpticalFlowSessionCreateInfoNV) = _OpticalFlowSessionCreateInfoNV(x.width, x.height, x.image_format, x.flow_vector_format, x.output_grid_size; x.next, x.cost_format, x.hint_grid_size, x.performance_level, x.flags) _OpticalFlowSessionCreatePrivateDataInfoNV(x::OpticalFlowSessionCreatePrivateDataInfoNV) = _OpticalFlowSessionCreatePrivateDataInfoNV(x.id, x.size, x.private_data; x.next) _OpticalFlowExecuteInfoNV(x::OpticalFlowExecuteInfoNV) = _OpticalFlowExecuteInfoNV(convert_nonnull(Vector{_Rect2D}, x.regions); x.next, x.flags) _PhysicalDeviceFaultFeaturesEXT(x::PhysicalDeviceFaultFeaturesEXT) = _PhysicalDeviceFaultFeaturesEXT(x.device_fault, x.device_fault_vendor_binary; x.next) _DeviceFaultAddressInfoEXT(x::DeviceFaultAddressInfoEXT) = _DeviceFaultAddressInfoEXT(x.address_type, x.reported_address, x.address_precision) _DeviceFaultVendorInfoEXT(x::DeviceFaultVendorInfoEXT) = _DeviceFaultVendorInfoEXT(x.description, x.vendor_fault_code, x.vendor_fault_data) _DeviceFaultCountsEXT(x::DeviceFaultCountsEXT) = _DeviceFaultCountsEXT(; x.next, x.address_info_count, x.vendor_info_count, x.vendor_binary_size) _DeviceFaultInfoEXT(x::DeviceFaultInfoEXT) = _DeviceFaultInfoEXT(x.description; x.next, address_infos = convert_nonnull(_DeviceFaultAddressInfoEXT, x.address_infos), vendor_infos = convert_nonnull(_DeviceFaultVendorInfoEXT, x.vendor_infos), x.vendor_binary_data) _DeviceFaultVendorBinaryHeaderVersionOneEXT(x::DeviceFaultVendorBinaryHeaderVersionOneEXT) = _DeviceFaultVendorBinaryHeaderVersionOneEXT(x.header_size, x.header_version, x.vendor_id, x.device_id, x.driver_version, x.pipeline_cache_uuid, x.application_name_offset, x.application_version, x.engine_name_offset) _PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT(x::PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT) = _PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT(x.pipeline_library_group_handles; x.next) _DecompressMemoryRegionNV(x::DecompressMemoryRegionNV) = _DecompressMemoryRegionNV(x.src_address, x.dst_address, x.compressed_size, x.decompressed_size, x.decompression_method) _PhysicalDeviceShaderCoreBuiltinsPropertiesARM(x::PhysicalDeviceShaderCoreBuiltinsPropertiesARM) = _PhysicalDeviceShaderCoreBuiltinsPropertiesARM(x.shader_core_mask, x.shader_core_count, x.shader_warps_per_core; x.next) _PhysicalDeviceShaderCoreBuiltinsFeaturesARM(x::PhysicalDeviceShaderCoreBuiltinsFeaturesARM) = _PhysicalDeviceShaderCoreBuiltinsFeaturesARM(x.shader_core_builtins; x.next) _SurfacePresentModeEXT(x::SurfacePresentModeEXT) = _SurfacePresentModeEXT(x.present_mode; x.next) _SurfacePresentScalingCapabilitiesEXT(x::SurfacePresentScalingCapabilitiesEXT) = _SurfacePresentScalingCapabilitiesEXT(; x.next, x.supported_present_scaling, x.supported_present_gravity_x, x.supported_present_gravity_y, min_scaled_image_extent = convert_nonnull(_Extent2D, x.min_scaled_image_extent), max_scaled_image_extent = convert_nonnull(_Extent2D, x.max_scaled_image_extent)) _SurfacePresentModeCompatibilityEXT(x::SurfacePresentModeCompatibilityEXT) = _SurfacePresentModeCompatibilityEXT(; x.next, x.present_modes) _PhysicalDeviceSwapchainMaintenance1FeaturesEXT(x::PhysicalDeviceSwapchainMaintenance1FeaturesEXT) = _PhysicalDeviceSwapchainMaintenance1FeaturesEXT(x.swapchain_maintenance_1; x.next) _SwapchainPresentFenceInfoEXT(x::SwapchainPresentFenceInfoEXT) = _SwapchainPresentFenceInfoEXT(x.fences; x.next) _SwapchainPresentModesCreateInfoEXT(x::SwapchainPresentModesCreateInfoEXT) = _SwapchainPresentModesCreateInfoEXT(x.present_modes; x.next) _SwapchainPresentModeInfoEXT(x::SwapchainPresentModeInfoEXT) = _SwapchainPresentModeInfoEXT(x.present_modes; x.next) _SwapchainPresentScalingCreateInfoEXT(x::SwapchainPresentScalingCreateInfoEXT) = _SwapchainPresentScalingCreateInfoEXT(; x.next, x.scaling_behavior, x.present_gravity_x, x.present_gravity_y) _ReleaseSwapchainImagesInfoEXT(x::ReleaseSwapchainImagesInfoEXT) = _ReleaseSwapchainImagesInfoEXT(x.swapchain, x.image_indices; x.next) _PhysicalDeviceRayTracingInvocationReorderFeaturesNV(x::PhysicalDeviceRayTracingInvocationReorderFeaturesNV) = _PhysicalDeviceRayTracingInvocationReorderFeaturesNV(x.ray_tracing_invocation_reorder; x.next) _PhysicalDeviceRayTracingInvocationReorderPropertiesNV(x::PhysicalDeviceRayTracingInvocationReorderPropertiesNV) = _PhysicalDeviceRayTracingInvocationReorderPropertiesNV(x.ray_tracing_invocation_reorder_reordering_hint; x.next) _DirectDriverLoadingInfoLUNARG(x::DirectDriverLoadingInfoLUNARG) = _DirectDriverLoadingInfoLUNARG(x.flags, x.pfn_get_instance_proc_addr; x.next) _DirectDriverLoadingListLUNARG(x::DirectDriverLoadingListLUNARG) = _DirectDriverLoadingListLUNARG(x.mode, convert_nonnull(Vector{_DirectDriverLoadingInfoLUNARG}, x.drivers); x.next) _PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM(x::PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM) = _PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM(x.multiview_per_view_viewports; x.next) function BaseOutStructure(x::_BaseOutStructure, next_types::Type...) (; deps) = x GC.@preserve deps BaseOutStructure(x.vks, next_types...) end function BaseInStructure(x::_BaseInStructure, next_types::Type...) (; deps) = x GC.@preserve deps BaseInStructure(x.vks, next_types...) end Offset2D(x::_Offset2D) = Offset2D(x.vks) Offset3D(x::_Offset3D) = Offset3D(x.vks) Extent2D(x::_Extent2D) = Extent2D(x.vks) Extent3D(x::_Extent3D) = Extent3D(x.vks) Viewport(x::_Viewport) = Viewport(x.vks) Rect2D(x::_Rect2D) = Rect2D(x.vks) ClearRect(x::_ClearRect) = ClearRect(x.vks) ComponentMapping(x::_ComponentMapping) = ComponentMapping(x.vks) PhysicalDeviceProperties(x::_PhysicalDeviceProperties) = PhysicalDeviceProperties(x.vks) ExtensionProperties(x::_ExtensionProperties) = ExtensionProperties(x.vks) LayerProperties(x::_LayerProperties) = LayerProperties(x.vks) function ApplicationInfo(x::_ApplicationInfo, next_types::Type...) (; deps) = x GC.@preserve deps ApplicationInfo(x.vks, next_types...) end function AllocationCallbacks(x::_AllocationCallbacks) (; deps) = x GC.@preserve deps AllocationCallbacks(x.vks, next_types...) end function DeviceQueueCreateInfo(x::_DeviceQueueCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps DeviceQueueCreateInfo(x.vks, next_types...) end function DeviceCreateInfo(x::_DeviceCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps DeviceCreateInfo(x.vks, next_types...) end function InstanceCreateInfo(x::_InstanceCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps InstanceCreateInfo(x.vks, next_types...) end QueueFamilyProperties(x::_QueueFamilyProperties) = QueueFamilyProperties(x.vks) PhysicalDeviceMemoryProperties(x::_PhysicalDeviceMemoryProperties) = PhysicalDeviceMemoryProperties(x.vks) function MemoryAllocateInfo(x::_MemoryAllocateInfo, next_types::Type...) (; deps) = x GC.@preserve deps MemoryAllocateInfo(x.vks, next_types...) end MemoryRequirements(x::_MemoryRequirements) = MemoryRequirements(x.vks) SparseImageFormatProperties(x::_SparseImageFormatProperties) = SparseImageFormatProperties(x.vks) SparseImageMemoryRequirements(x::_SparseImageMemoryRequirements) = SparseImageMemoryRequirements(x.vks) MemoryType(x::_MemoryType) = MemoryType(x.vks) MemoryHeap(x::_MemoryHeap) = MemoryHeap(x.vks) function MappedMemoryRange(x::_MappedMemoryRange, next_types::Type...) (; deps) = x GC.@preserve deps MappedMemoryRange(x.vks, next_types...) end FormatProperties(x::_FormatProperties) = FormatProperties(x.vks) ImageFormatProperties(x::_ImageFormatProperties) = ImageFormatProperties(x.vks) DescriptorBufferInfo(x::_DescriptorBufferInfo) = DescriptorBufferInfo(x.vks) DescriptorImageInfo(x::_DescriptorImageInfo) = DescriptorImageInfo(x.vks) function WriteDescriptorSet(x::_WriteDescriptorSet, next_types::Type...) (; deps) = x GC.@preserve deps WriteDescriptorSet(x.vks, next_types...) end function CopyDescriptorSet(x::_CopyDescriptorSet, next_types::Type...) (; deps) = x GC.@preserve deps CopyDescriptorSet(x.vks, next_types...) end function BufferCreateInfo(x::_BufferCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps BufferCreateInfo(x.vks, next_types...) end function BufferViewCreateInfo(x::_BufferViewCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps BufferViewCreateInfo(x.vks, next_types...) end ImageSubresource(x::_ImageSubresource) = ImageSubresource(x.vks) ImageSubresourceLayers(x::_ImageSubresourceLayers) = ImageSubresourceLayers(x.vks) ImageSubresourceRange(x::_ImageSubresourceRange) = ImageSubresourceRange(x.vks) function MemoryBarrier(x::_MemoryBarrier, next_types::Type...) (; deps) = x GC.@preserve deps MemoryBarrier(x.vks, next_types...) end function BufferMemoryBarrier(x::_BufferMemoryBarrier, next_types::Type...) (; deps) = x GC.@preserve deps BufferMemoryBarrier(x.vks, next_types...) end function ImageMemoryBarrier(x::_ImageMemoryBarrier, next_types::Type...) (; deps) = x GC.@preserve deps ImageMemoryBarrier(x.vks, next_types...) end function ImageCreateInfo(x::_ImageCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps ImageCreateInfo(x.vks, next_types...) end SubresourceLayout(x::_SubresourceLayout) = SubresourceLayout(x.vks) function ImageViewCreateInfo(x::_ImageViewCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps ImageViewCreateInfo(x.vks, next_types...) end BufferCopy(x::_BufferCopy) = BufferCopy(x.vks) SparseMemoryBind(x::_SparseMemoryBind) = SparseMemoryBind(x.vks) SparseImageMemoryBind(x::_SparseImageMemoryBind) = SparseImageMemoryBind(x.vks) function SparseBufferMemoryBindInfo(x::_SparseBufferMemoryBindInfo) (; deps) = x GC.@preserve deps SparseBufferMemoryBindInfo(x.vks, next_types...) end function SparseImageOpaqueMemoryBindInfo(x::_SparseImageOpaqueMemoryBindInfo) (; deps) = x GC.@preserve deps SparseImageOpaqueMemoryBindInfo(x.vks, next_types...) end function SparseImageMemoryBindInfo(x::_SparseImageMemoryBindInfo) (; deps) = x GC.@preserve deps SparseImageMemoryBindInfo(x.vks, next_types...) end function BindSparseInfo(x::_BindSparseInfo, next_types::Type...) (; deps) = x GC.@preserve deps BindSparseInfo(x.vks, next_types...) end ImageCopy(x::_ImageCopy) = ImageCopy(x.vks) ImageBlit(x::_ImageBlit) = ImageBlit(x.vks) BufferImageCopy(x::_BufferImageCopy) = BufferImageCopy(x.vks) CopyMemoryIndirectCommandNV(x::_CopyMemoryIndirectCommandNV) = CopyMemoryIndirectCommandNV(x.vks) CopyMemoryToImageIndirectCommandNV(x::_CopyMemoryToImageIndirectCommandNV) = CopyMemoryToImageIndirectCommandNV(x.vks) ImageResolve(x::_ImageResolve) = ImageResolve(x.vks) function ShaderModuleCreateInfo(x::_ShaderModuleCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps ShaderModuleCreateInfo(x.vks, next_types...) end function DescriptorSetLayoutBinding(x::_DescriptorSetLayoutBinding) (; deps) = x GC.@preserve deps DescriptorSetLayoutBinding(x.vks, next_types...) end function DescriptorSetLayoutCreateInfo(x::_DescriptorSetLayoutCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorSetLayoutCreateInfo(x.vks, next_types...) end DescriptorPoolSize(x::_DescriptorPoolSize) = DescriptorPoolSize(x.vks) function DescriptorPoolCreateInfo(x::_DescriptorPoolCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorPoolCreateInfo(x.vks, next_types...) end function DescriptorSetAllocateInfo(x::_DescriptorSetAllocateInfo, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorSetAllocateInfo(x.vks, next_types...) end SpecializationMapEntry(x::_SpecializationMapEntry) = SpecializationMapEntry(x.vks) function SpecializationInfo(x::_SpecializationInfo) (; deps) = x GC.@preserve deps SpecializationInfo(x.vks, next_types...) end function PipelineShaderStageCreateInfo(x::_PipelineShaderStageCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineShaderStageCreateInfo(x.vks, next_types...) end function ComputePipelineCreateInfo(x::_ComputePipelineCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps ComputePipelineCreateInfo(x.vks, next_types...) end VertexInputBindingDescription(x::_VertexInputBindingDescription) = VertexInputBindingDescription(x.vks) VertexInputAttributeDescription(x::_VertexInputAttributeDescription) = VertexInputAttributeDescription(x.vks) function PipelineVertexInputStateCreateInfo(x::_PipelineVertexInputStateCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineVertexInputStateCreateInfo(x.vks, next_types...) end function PipelineInputAssemblyStateCreateInfo(x::_PipelineInputAssemblyStateCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineInputAssemblyStateCreateInfo(x.vks, next_types...) end function PipelineTessellationStateCreateInfo(x::_PipelineTessellationStateCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineTessellationStateCreateInfo(x.vks, next_types...) end function PipelineViewportStateCreateInfo(x::_PipelineViewportStateCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineViewportStateCreateInfo(x.vks, next_types...) end function PipelineRasterizationStateCreateInfo(x::_PipelineRasterizationStateCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineRasterizationStateCreateInfo(x.vks, next_types...) end function PipelineMultisampleStateCreateInfo(x::_PipelineMultisampleStateCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineMultisampleStateCreateInfo(x.vks, next_types...) end PipelineColorBlendAttachmentState(x::_PipelineColorBlendAttachmentState) = PipelineColorBlendAttachmentState(x.vks) function PipelineColorBlendStateCreateInfo(x::_PipelineColorBlendStateCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineColorBlendStateCreateInfo(x.vks, next_types...) end function PipelineDynamicStateCreateInfo(x::_PipelineDynamicStateCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineDynamicStateCreateInfo(x.vks, next_types...) end StencilOpState(x::_StencilOpState) = StencilOpState(x.vks) function PipelineDepthStencilStateCreateInfo(x::_PipelineDepthStencilStateCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineDepthStencilStateCreateInfo(x.vks, next_types...) end function GraphicsPipelineCreateInfo(x::_GraphicsPipelineCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps GraphicsPipelineCreateInfo(x.vks, next_types...) end function PipelineCacheCreateInfo(x::_PipelineCacheCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineCacheCreateInfo(x.vks, next_types...) end PipelineCacheHeaderVersionOne(x::_PipelineCacheHeaderVersionOne) = PipelineCacheHeaderVersionOne(x.vks) PushConstantRange(x::_PushConstantRange) = PushConstantRange(x.vks) function PipelineLayoutCreateInfo(x::_PipelineLayoutCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineLayoutCreateInfo(x.vks, next_types...) end function SamplerCreateInfo(x::_SamplerCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps SamplerCreateInfo(x.vks, next_types...) end function CommandPoolCreateInfo(x::_CommandPoolCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps CommandPoolCreateInfo(x.vks, next_types...) end function CommandBufferAllocateInfo(x::_CommandBufferAllocateInfo, next_types::Type...) (; deps) = x GC.@preserve deps CommandBufferAllocateInfo(x.vks, next_types...) end function CommandBufferInheritanceInfo(x::_CommandBufferInheritanceInfo, next_types::Type...) (; deps) = x GC.@preserve deps CommandBufferInheritanceInfo(x.vks, next_types...) end function CommandBufferBeginInfo(x::_CommandBufferBeginInfo, next_types::Type...) (; deps) = x GC.@preserve deps CommandBufferBeginInfo(x.vks, next_types...) end function RenderPassBeginInfo(x::_RenderPassBeginInfo, next_types::Type...) (; deps) = x GC.@preserve deps RenderPassBeginInfo(x.vks, next_types...) end ClearDepthStencilValue(x::_ClearDepthStencilValue) = ClearDepthStencilValue(x.vks) ClearAttachment(x::_ClearAttachment) = ClearAttachment(x.vks) AttachmentDescription(x::_AttachmentDescription) = AttachmentDescription(x.vks) AttachmentReference(x::_AttachmentReference) = AttachmentReference(x.vks) function SubpassDescription(x::_SubpassDescription) (; deps) = x GC.@preserve deps SubpassDescription(x.vks, next_types...) end SubpassDependency(x::_SubpassDependency) = SubpassDependency(x.vks) function RenderPassCreateInfo(x::_RenderPassCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps RenderPassCreateInfo(x.vks, next_types...) end function EventCreateInfo(x::_EventCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps EventCreateInfo(x.vks, next_types...) end function FenceCreateInfo(x::_FenceCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps FenceCreateInfo(x.vks, next_types...) end PhysicalDeviceFeatures(x::_PhysicalDeviceFeatures) = PhysicalDeviceFeatures(x.vks) PhysicalDeviceSparseProperties(x::_PhysicalDeviceSparseProperties) = PhysicalDeviceSparseProperties(x.vks) PhysicalDeviceLimits(x::_PhysicalDeviceLimits) = PhysicalDeviceLimits(x.vks) function SemaphoreCreateInfo(x::_SemaphoreCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps SemaphoreCreateInfo(x.vks, next_types...) end function QueryPoolCreateInfo(x::_QueryPoolCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps QueryPoolCreateInfo(x.vks, next_types...) end function FramebufferCreateInfo(x::_FramebufferCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps FramebufferCreateInfo(x.vks, next_types...) end DrawIndirectCommand(x::_DrawIndirectCommand) = DrawIndirectCommand(x.vks) DrawIndexedIndirectCommand(x::_DrawIndexedIndirectCommand) = DrawIndexedIndirectCommand(x.vks) DispatchIndirectCommand(x::_DispatchIndirectCommand) = DispatchIndirectCommand(x.vks) MultiDrawInfoEXT(x::_MultiDrawInfoEXT) = MultiDrawInfoEXT(x.vks) MultiDrawIndexedInfoEXT(x::_MultiDrawIndexedInfoEXT) = MultiDrawIndexedInfoEXT(x.vks) function SubmitInfo(x::_SubmitInfo, next_types::Type...) (; deps) = x GC.@preserve deps SubmitInfo(x.vks, next_types...) end function DisplayPropertiesKHR(x::_DisplayPropertiesKHR) (; deps) = x GC.@preserve deps DisplayPropertiesKHR(x.vks, next_types...) end DisplayPlanePropertiesKHR(x::_DisplayPlanePropertiesKHR) = DisplayPlanePropertiesKHR(x.vks) DisplayModeParametersKHR(x::_DisplayModeParametersKHR) = DisplayModeParametersKHR(x.vks) DisplayModePropertiesKHR(x::_DisplayModePropertiesKHR) = DisplayModePropertiesKHR(x.vks) function DisplayModeCreateInfoKHR(x::_DisplayModeCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps DisplayModeCreateInfoKHR(x.vks, next_types...) end DisplayPlaneCapabilitiesKHR(x::_DisplayPlaneCapabilitiesKHR) = DisplayPlaneCapabilitiesKHR(x.vks) function DisplaySurfaceCreateInfoKHR(x::_DisplaySurfaceCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps DisplaySurfaceCreateInfoKHR(x.vks, next_types...) end function DisplayPresentInfoKHR(x::_DisplayPresentInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps DisplayPresentInfoKHR(x.vks, next_types...) end SurfaceCapabilitiesKHR(x::_SurfaceCapabilitiesKHR) = SurfaceCapabilitiesKHR(x.vks) function WaylandSurfaceCreateInfoKHR(x::_WaylandSurfaceCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps WaylandSurfaceCreateInfoKHR(x.vks, next_types...) end function XlibSurfaceCreateInfoKHR(x::_XlibSurfaceCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps XlibSurfaceCreateInfoKHR(x.vks, next_types...) end function XcbSurfaceCreateInfoKHR(x::_XcbSurfaceCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps XcbSurfaceCreateInfoKHR(x.vks, next_types...) end SurfaceFormatKHR(x::_SurfaceFormatKHR) = SurfaceFormatKHR(x.vks) function SwapchainCreateInfoKHR(x::_SwapchainCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps SwapchainCreateInfoKHR(x.vks, next_types...) end function PresentInfoKHR(x::_PresentInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps PresentInfoKHR(x.vks, next_types...) end function DebugReportCallbackCreateInfoEXT(x::_DebugReportCallbackCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DebugReportCallbackCreateInfoEXT(x.vks, next_types...) end function ValidationFlagsEXT(x::_ValidationFlagsEXT, next_types::Type...) (; deps) = x GC.@preserve deps ValidationFlagsEXT(x.vks, next_types...) end function ValidationFeaturesEXT(x::_ValidationFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps ValidationFeaturesEXT(x.vks, next_types...) end function PipelineRasterizationStateRasterizationOrderAMD(x::_PipelineRasterizationStateRasterizationOrderAMD, next_types::Type...) (; deps) = x GC.@preserve deps PipelineRasterizationStateRasterizationOrderAMD(x.vks, next_types...) end function DebugMarkerObjectNameInfoEXT(x::_DebugMarkerObjectNameInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DebugMarkerObjectNameInfoEXT(x.vks, next_types...) end function DebugMarkerObjectTagInfoEXT(x::_DebugMarkerObjectTagInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DebugMarkerObjectTagInfoEXT(x.vks, next_types...) end function DebugMarkerMarkerInfoEXT(x::_DebugMarkerMarkerInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DebugMarkerMarkerInfoEXT(x.vks, next_types...) end function DedicatedAllocationImageCreateInfoNV(x::_DedicatedAllocationImageCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps DedicatedAllocationImageCreateInfoNV(x.vks, next_types...) end function DedicatedAllocationBufferCreateInfoNV(x::_DedicatedAllocationBufferCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps DedicatedAllocationBufferCreateInfoNV(x.vks, next_types...) end function DedicatedAllocationMemoryAllocateInfoNV(x::_DedicatedAllocationMemoryAllocateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps DedicatedAllocationMemoryAllocateInfoNV(x.vks, next_types...) end ExternalImageFormatPropertiesNV(x::_ExternalImageFormatPropertiesNV) = ExternalImageFormatPropertiesNV(x.vks) function ExternalMemoryImageCreateInfoNV(x::_ExternalMemoryImageCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps ExternalMemoryImageCreateInfoNV(x.vks, next_types...) end function ExportMemoryAllocateInfoNV(x::_ExportMemoryAllocateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps ExportMemoryAllocateInfoNV(x.vks, next_types...) end function PhysicalDeviceDeviceGeneratedCommandsFeaturesNV(x::_PhysicalDeviceDeviceGeneratedCommandsFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDeviceGeneratedCommandsFeaturesNV(x.vks, next_types...) end function DevicePrivateDataCreateInfo(x::_DevicePrivateDataCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps DevicePrivateDataCreateInfo(x.vks, next_types...) end function PrivateDataSlotCreateInfo(x::_PrivateDataSlotCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PrivateDataSlotCreateInfo(x.vks, next_types...) end function PhysicalDevicePrivateDataFeatures(x::_PhysicalDevicePrivateDataFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePrivateDataFeatures(x.vks, next_types...) end function PhysicalDeviceDeviceGeneratedCommandsPropertiesNV(x::_PhysicalDeviceDeviceGeneratedCommandsPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDeviceGeneratedCommandsPropertiesNV(x.vks, next_types...) end function PhysicalDeviceMultiDrawPropertiesEXT(x::_PhysicalDeviceMultiDrawPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMultiDrawPropertiesEXT(x.vks, next_types...) end function GraphicsShaderGroupCreateInfoNV(x::_GraphicsShaderGroupCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps GraphicsShaderGroupCreateInfoNV(x.vks, next_types...) end function GraphicsPipelineShaderGroupsCreateInfoNV(x::_GraphicsPipelineShaderGroupsCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps GraphicsPipelineShaderGroupsCreateInfoNV(x.vks, next_types...) end BindShaderGroupIndirectCommandNV(x::_BindShaderGroupIndirectCommandNV) = BindShaderGroupIndirectCommandNV(x.vks) BindIndexBufferIndirectCommandNV(x::_BindIndexBufferIndirectCommandNV) = BindIndexBufferIndirectCommandNV(x.vks) BindVertexBufferIndirectCommandNV(x::_BindVertexBufferIndirectCommandNV) = BindVertexBufferIndirectCommandNV(x.vks) SetStateFlagsIndirectCommandNV(x::_SetStateFlagsIndirectCommandNV) = SetStateFlagsIndirectCommandNV(x.vks) IndirectCommandsStreamNV(x::_IndirectCommandsStreamNV) = IndirectCommandsStreamNV(x.vks) function IndirectCommandsLayoutTokenNV(x::_IndirectCommandsLayoutTokenNV, next_types::Type...) (; deps) = x GC.@preserve deps IndirectCommandsLayoutTokenNV(x.vks, next_types...) end function IndirectCommandsLayoutCreateInfoNV(x::_IndirectCommandsLayoutCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps IndirectCommandsLayoutCreateInfoNV(x.vks, next_types...) end function GeneratedCommandsInfoNV(x::_GeneratedCommandsInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps GeneratedCommandsInfoNV(x.vks, next_types...) end function GeneratedCommandsMemoryRequirementsInfoNV(x::_GeneratedCommandsMemoryRequirementsInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps GeneratedCommandsMemoryRequirementsInfoNV(x.vks, next_types...) end function PhysicalDeviceFeatures2(x::_PhysicalDeviceFeatures2, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFeatures2(x.vks, next_types...) end function PhysicalDeviceProperties2(x::_PhysicalDeviceProperties2, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceProperties2(x.vks, next_types...) end function FormatProperties2(x::_FormatProperties2, next_types::Type...) (; deps) = x GC.@preserve deps FormatProperties2(x.vks, next_types...) end function ImageFormatProperties2(x::_ImageFormatProperties2, next_types::Type...) (; deps) = x GC.@preserve deps ImageFormatProperties2(x.vks, next_types...) end function PhysicalDeviceImageFormatInfo2(x::_PhysicalDeviceImageFormatInfo2, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceImageFormatInfo2(x.vks, next_types...) end function QueueFamilyProperties2(x::_QueueFamilyProperties2, next_types::Type...) (; deps) = x GC.@preserve deps QueueFamilyProperties2(x.vks, next_types...) end function PhysicalDeviceMemoryProperties2(x::_PhysicalDeviceMemoryProperties2, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMemoryProperties2(x.vks, next_types...) end function SparseImageFormatProperties2(x::_SparseImageFormatProperties2, next_types::Type...) (; deps) = x GC.@preserve deps SparseImageFormatProperties2(x.vks, next_types...) end function PhysicalDeviceSparseImageFormatInfo2(x::_PhysicalDeviceSparseImageFormatInfo2, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSparseImageFormatInfo2(x.vks, next_types...) end function PhysicalDevicePushDescriptorPropertiesKHR(x::_PhysicalDevicePushDescriptorPropertiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePushDescriptorPropertiesKHR(x.vks, next_types...) end ConformanceVersion(x::_ConformanceVersion) = ConformanceVersion(x.vks) function PhysicalDeviceDriverProperties(x::_PhysicalDeviceDriverProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDriverProperties(x.vks, next_types...) end function PresentRegionsKHR(x::_PresentRegionsKHR, next_types::Type...) (; deps) = x GC.@preserve deps PresentRegionsKHR(x.vks, next_types...) end function PresentRegionKHR(x::_PresentRegionKHR) (; deps) = x GC.@preserve deps PresentRegionKHR(x.vks, next_types...) end RectLayerKHR(x::_RectLayerKHR) = RectLayerKHR(x.vks) function PhysicalDeviceVariablePointersFeatures(x::_PhysicalDeviceVariablePointersFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceVariablePointersFeatures(x.vks, next_types...) end ExternalMemoryProperties(x::_ExternalMemoryProperties) = ExternalMemoryProperties(x.vks) function PhysicalDeviceExternalImageFormatInfo(x::_PhysicalDeviceExternalImageFormatInfo, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceExternalImageFormatInfo(x.vks, next_types...) end function ExternalImageFormatProperties(x::_ExternalImageFormatProperties, next_types::Type...) (; deps) = x GC.@preserve deps ExternalImageFormatProperties(x.vks, next_types...) end function PhysicalDeviceExternalBufferInfo(x::_PhysicalDeviceExternalBufferInfo, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceExternalBufferInfo(x.vks, next_types...) end function ExternalBufferProperties(x::_ExternalBufferProperties, next_types::Type...) (; deps) = x GC.@preserve deps ExternalBufferProperties(x.vks, next_types...) end function PhysicalDeviceIDProperties(x::_PhysicalDeviceIDProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceIDProperties(x.vks, next_types...) end function ExternalMemoryImageCreateInfo(x::_ExternalMemoryImageCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps ExternalMemoryImageCreateInfo(x.vks, next_types...) end function ExternalMemoryBufferCreateInfo(x::_ExternalMemoryBufferCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps ExternalMemoryBufferCreateInfo(x.vks, next_types...) end function ExportMemoryAllocateInfo(x::_ExportMemoryAllocateInfo, next_types::Type...) (; deps) = x GC.@preserve deps ExportMemoryAllocateInfo(x.vks, next_types...) end function ImportMemoryFdInfoKHR(x::_ImportMemoryFdInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps ImportMemoryFdInfoKHR(x.vks, next_types...) end function MemoryFdPropertiesKHR(x::_MemoryFdPropertiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps MemoryFdPropertiesKHR(x.vks, next_types...) end function MemoryGetFdInfoKHR(x::_MemoryGetFdInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps MemoryGetFdInfoKHR(x.vks, next_types...) end function PhysicalDeviceExternalSemaphoreInfo(x::_PhysicalDeviceExternalSemaphoreInfo, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceExternalSemaphoreInfo(x.vks, next_types...) end function ExternalSemaphoreProperties(x::_ExternalSemaphoreProperties, next_types::Type...) (; deps) = x GC.@preserve deps ExternalSemaphoreProperties(x.vks, next_types...) end function ExportSemaphoreCreateInfo(x::_ExportSemaphoreCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps ExportSemaphoreCreateInfo(x.vks, next_types...) end function ImportSemaphoreFdInfoKHR(x::_ImportSemaphoreFdInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps ImportSemaphoreFdInfoKHR(x.vks, next_types...) end function SemaphoreGetFdInfoKHR(x::_SemaphoreGetFdInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps SemaphoreGetFdInfoKHR(x.vks, next_types...) end function PhysicalDeviceExternalFenceInfo(x::_PhysicalDeviceExternalFenceInfo, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceExternalFenceInfo(x.vks, next_types...) end function ExternalFenceProperties(x::_ExternalFenceProperties, next_types::Type...) (; deps) = x GC.@preserve deps ExternalFenceProperties(x.vks, next_types...) end function ExportFenceCreateInfo(x::_ExportFenceCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps ExportFenceCreateInfo(x.vks, next_types...) end function ImportFenceFdInfoKHR(x::_ImportFenceFdInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps ImportFenceFdInfoKHR(x.vks, next_types...) end function FenceGetFdInfoKHR(x::_FenceGetFdInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps FenceGetFdInfoKHR(x.vks, next_types...) end function PhysicalDeviceMultiviewFeatures(x::_PhysicalDeviceMultiviewFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMultiviewFeatures(x.vks, next_types...) end function PhysicalDeviceMultiviewProperties(x::_PhysicalDeviceMultiviewProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMultiviewProperties(x.vks, next_types...) end function RenderPassMultiviewCreateInfo(x::_RenderPassMultiviewCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps RenderPassMultiviewCreateInfo(x.vks, next_types...) end function SurfaceCapabilities2EXT(x::_SurfaceCapabilities2EXT, next_types::Type...) (; deps) = x GC.@preserve deps SurfaceCapabilities2EXT(x.vks, next_types...) end function DisplayPowerInfoEXT(x::_DisplayPowerInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DisplayPowerInfoEXT(x.vks, next_types...) end function DeviceEventInfoEXT(x::_DeviceEventInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DeviceEventInfoEXT(x.vks, next_types...) end function DisplayEventInfoEXT(x::_DisplayEventInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DisplayEventInfoEXT(x.vks, next_types...) end function SwapchainCounterCreateInfoEXT(x::_SwapchainCounterCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps SwapchainCounterCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceGroupProperties(x::_PhysicalDeviceGroupProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceGroupProperties(x.vks, next_types...) end function MemoryAllocateFlagsInfo(x::_MemoryAllocateFlagsInfo, next_types::Type...) (; deps) = x GC.@preserve deps MemoryAllocateFlagsInfo(x.vks, next_types...) end function BindBufferMemoryInfo(x::_BindBufferMemoryInfo, next_types::Type...) (; deps) = x GC.@preserve deps BindBufferMemoryInfo(x.vks, next_types...) end function BindBufferMemoryDeviceGroupInfo(x::_BindBufferMemoryDeviceGroupInfo, next_types::Type...) (; deps) = x GC.@preserve deps BindBufferMemoryDeviceGroupInfo(x.vks, next_types...) end function BindImageMemoryInfo(x::_BindImageMemoryInfo, next_types::Type...) (; deps) = x GC.@preserve deps BindImageMemoryInfo(x.vks, next_types...) end function BindImageMemoryDeviceGroupInfo(x::_BindImageMemoryDeviceGroupInfo, next_types::Type...) (; deps) = x GC.@preserve deps BindImageMemoryDeviceGroupInfo(x.vks, next_types...) end function DeviceGroupRenderPassBeginInfo(x::_DeviceGroupRenderPassBeginInfo, next_types::Type...) (; deps) = x GC.@preserve deps DeviceGroupRenderPassBeginInfo(x.vks, next_types...) end function DeviceGroupCommandBufferBeginInfo(x::_DeviceGroupCommandBufferBeginInfo, next_types::Type...) (; deps) = x GC.@preserve deps DeviceGroupCommandBufferBeginInfo(x.vks, next_types...) end function DeviceGroupSubmitInfo(x::_DeviceGroupSubmitInfo, next_types::Type...) (; deps) = x GC.@preserve deps DeviceGroupSubmitInfo(x.vks, next_types...) end function DeviceGroupBindSparseInfo(x::_DeviceGroupBindSparseInfo, next_types::Type...) (; deps) = x GC.@preserve deps DeviceGroupBindSparseInfo(x.vks, next_types...) end function DeviceGroupPresentCapabilitiesKHR(x::_DeviceGroupPresentCapabilitiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps DeviceGroupPresentCapabilitiesKHR(x.vks, next_types...) end function ImageSwapchainCreateInfoKHR(x::_ImageSwapchainCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps ImageSwapchainCreateInfoKHR(x.vks, next_types...) end function BindImageMemorySwapchainInfoKHR(x::_BindImageMemorySwapchainInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps BindImageMemorySwapchainInfoKHR(x.vks, next_types...) end function AcquireNextImageInfoKHR(x::_AcquireNextImageInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps AcquireNextImageInfoKHR(x.vks, next_types...) end function DeviceGroupPresentInfoKHR(x::_DeviceGroupPresentInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps DeviceGroupPresentInfoKHR(x.vks, next_types...) end function DeviceGroupDeviceCreateInfo(x::_DeviceGroupDeviceCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps DeviceGroupDeviceCreateInfo(x.vks, next_types...) end function DeviceGroupSwapchainCreateInfoKHR(x::_DeviceGroupSwapchainCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps DeviceGroupSwapchainCreateInfoKHR(x.vks, next_types...) end DescriptorUpdateTemplateEntry(x::_DescriptorUpdateTemplateEntry) = DescriptorUpdateTemplateEntry(x.vks) function DescriptorUpdateTemplateCreateInfo(x::_DescriptorUpdateTemplateCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorUpdateTemplateCreateInfo(x.vks, next_types...) end XYColorEXT(x::_XYColorEXT) = XYColorEXT(x.vks) function PhysicalDevicePresentIdFeaturesKHR(x::_PhysicalDevicePresentIdFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePresentIdFeaturesKHR(x.vks, next_types...) end function PresentIdKHR(x::_PresentIdKHR, next_types::Type...) (; deps) = x GC.@preserve deps PresentIdKHR(x.vks, next_types...) end function PhysicalDevicePresentWaitFeaturesKHR(x::_PhysicalDevicePresentWaitFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePresentWaitFeaturesKHR(x.vks, next_types...) end function HdrMetadataEXT(x::_HdrMetadataEXT, next_types::Type...) (; deps) = x GC.@preserve deps HdrMetadataEXT(x.vks, next_types...) end function DisplayNativeHdrSurfaceCapabilitiesAMD(x::_DisplayNativeHdrSurfaceCapabilitiesAMD, next_types::Type...) (; deps) = x GC.@preserve deps DisplayNativeHdrSurfaceCapabilitiesAMD(x.vks, next_types...) end function SwapchainDisplayNativeHdrCreateInfoAMD(x::_SwapchainDisplayNativeHdrCreateInfoAMD, next_types::Type...) (; deps) = x GC.@preserve deps SwapchainDisplayNativeHdrCreateInfoAMD(x.vks, next_types...) end RefreshCycleDurationGOOGLE(x::_RefreshCycleDurationGOOGLE) = RefreshCycleDurationGOOGLE(x.vks) PastPresentationTimingGOOGLE(x::_PastPresentationTimingGOOGLE) = PastPresentationTimingGOOGLE(x.vks) function PresentTimesInfoGOOGLE(x::_PresentTimesInfoGOOGLE, next_types::Type...) (; deps) = x GC.@preserve deps PresentTimesInfoGOOGLE(x.vks, next_types...) end PresentTimeGOOGLE(x::_PresentTimeGOOGLE) = PresentTimeGOOGLE(x.vks) ViewportWScalingNV(x::_ViewportWScalingNV) = ViewportWScalingNV(x.vks) function PipelineViewportWScalingStateCreateInfoNV(x::_PipelineViewportWScalingStateCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps PipelineViewportWScalingStateCreateInfoNV(x.vks, next_types...) end ViewportSwizzleNV(x::_ViewportSwizzleNV) = ViewportSwizzleNV(x.vks) function PipelineViewportSwizzleStateCreateInfoNV(x::_PipelineViewportSwizzleStateCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps PipelineViewportSwizzleStateCreateInfoNV(x.vks, next_types...) end function PhysicalDeviceDiscardRectanglePropertiesEXT(x::_PhysicalDeviceDiscardRectanglePropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDiscardRectanglePropertiesEXT(x.vks, next_types...) end function PipelineDiscardRectangleStateCreateInfoEXT(x::_PipelineDiscardRectangleStateCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineDiscardRectangleStateCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX(x::_PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX(x.vks, next_types...) end InputAttachmentAspectReference(x::_InputAttachmentAspectReference) = InputAttachmentAspectReference(x.vks) function RenderPassInputAttachmentAspectCreateInfo(x::_RenderPassInputAttachmentAspectCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps RenderPassInputAttachmentAspectCreateInfo(x.vks, next_types...) end function PhysicalDeviceSurfaceInfo2KHR(x::_PhysicalDeviceSurfaceInfo2KHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSurfaceInfo2KHR(x.vks, next_types...) end function SurfaceCapabilities2KHR(x::_SurfaceCapabilities2KHR, next_types::Type...) (; deps) = x GC.@preserve deps SurfaceCapabilities2KHR(x.vks, next_types...) end function SurfaceFormat2KHR(x::_SurfaceFormat2KHR, next_types::Type...) (; deps) = x GC.@preserve deps SurfaceFormat2KHR(x.vks, next_types...) end function DisplayProperties2KHR(x::_DisplayProperties2KHR, next_types::Type...) (; deps) = x GC.@preserve deps DisplayProperties2KHR(x.vks, next_types...) end function DisplayPlaneProperties2KHR(x::_DisplayPlaneProperties2KHR, next_types::Type...) (; deps) = x GC.@preserve deps DisplayPlaneProperties2KHR(x.vks, next_types...) end function DisplayModeProperties2KHR(x::_DisplayModeProperties2KHR, next_types::Type...) (; deps) = x GC.@preserve deps DisplayModeProperties2KHR(x.vks, next_types...) end function DisplayPlaneInfo2KHR(x::_DisplayPlaneInfo2KHR, next_types::Type...) (; deps) = x GC.@preserve deps DisplayPlaneInfo2KHR(x.vks, next_types...) end function DisplayPlaneCapabilities2KHR(x::_DisplayPlaneCapabilities2KHR, next_types::Type...) (; deps) = x GC.@preserve deps DisplayPlaneCapabilities2KHR(x.vks, next_types...) end function SharedPresentSurfaceCapabilitiesKHR(x::_SharedPresentSurfaceCapabilitiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps SharedPresentSurfaceCapabilitiesKHR(x.vks, next_types...) end function PhysicalDevice16BitStorageFeatures(x::_PhysicalDevice16BitStorageFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevice16BitStorageFeatures(x.vks, next_types...) end function PhysicalDeviceSubgroupProperties(x::_PhysicalDeviceSubgroupProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSubgroupProperties(x.vks, next_types...) end function PhysicalDeviceShaderSubgroupExtendedTypesFeatures(x::_PhysicalDeviceShaderSubgroupExtendedTypesFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderSubgroupExtendedTypesFeatures(x.vks, next_types...) end function BufferMemoryRequirementsInfo2(x::_BufferMemoryRequirementsInfo2, next_types::Type...) (; deps) = x GC.@preserve deps BufferMemoryRequirementsInfo2(x.vks, next_types...) end function DeviceBufferMemoryRequirements(x::_DeviceBufferMemoryRequirements, next_types::Type...) (; deps) = x GC.@preserve deps DeviceBufferMemoryRequirements(x.vks, next_types...) end function ImageMemoryRequirementsInfo2(x::_ImageMemoryRequirementsInfo2, next_types::Type...) (; deps) = x GC.@preserve deps ImageMemoryRequirementsInfo2(x.vks, next_types...) end function ImageSparseMemoryRequirementsInfo2(x::_ImageSparseMemoryRequirementsInfo2, next_types::Type...) (; deps) = x GC.@preserve deps ImageSparseMemoryRequirementsInfo2(x.vks, next_types...) end function DeviceImageMemoryRequirements(x::_DeviceImageMemoryRequirements, next_types::Type...) (; deps) = x GC.@preserve deps DeviceImageMemoryRequirements(x.vks, next_types...) end function MemoryRequirements2(x::_MemoryRequirements2, next_types::Type...) (; deps) = x GC.@preserve deps MemoryRequirements2(x.vks, next_types...) end function SparseImageMemoryRequirements2(x::_SparseImageMemoryRequirements2, next_types::Type...) (; deps) = x GC.@preserve deps SparseImageMemoryRequirements2(x.vks, next_types...) end function PhysicalDevicePointClippingProperties(x::_PhysicalDevicePointClippingProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePointClippingProperties(x.vks, next_types...) end function MemoryDedicatedRequirements(x::_MemoryDedicatedRequirements, next_types::Type...) (; deps) = x GC.@preserve deps MemoryDedicatedRequirements(x.vks, next_types...) end function MemoryDedicatedAllocateInfo(x::_MemoryDedicatedAllocateInfo, next_types::Type...) (; deps) = x GC.@preserve deps MemoryDedicatedAllocateInfo(x.vks, next_types...) end function ImageViewUsageCreateInfo(x::_ImageViewUsageCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps ImageViewUsageCreateInfo(x.vks, next_types...) end function PipelineTessellationDomainOriginStateCreateInfo(x::_PipelineTessellationDomainOriginStateCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineTessellationDomainOriginStateCreateInfo(x.vks, next_types...) end function SamplerYcbcrConversionInfo(x::_SamplerYcbcrConversionInfo, next_types::Type...) (; deps) = x GC.@preserve deps SamplerYcbcrConversionInfo(x.vks, next_types...) end function SamplerYcbcrConversionCreateInfo(x::_SamplerYcbcrConversionCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps SamplerYcbcrConversionCreateInfo(x.vks, next_types...) end function BindImagePlaneMemoryInfo(x::_BindImagePlaneMemoryInfo, next_types::Type...) (; deps) = x GC.@preserve deps BindImagePlaneMemoryInfo(x.vks, next_types...) end function ImagePlaneMemoryRequirementsInfo(x::_ImagePlaneMemoryRequirementsInfo, next_types::Type...) (; deps) = x GC.@preserve deps ImagePlaneMemoryRequirementsInfo(x.vks, next_types...) end function PhysicalDeviceSamplerYcbcrConversionFeatures(x::_PhysicalDeviceSamplerYcbcrConversionFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSamplerYcbcrConversionFeatures(x.vks, next_types...) end function SamplerYcbcrConversionImageFormatProperties(x::_SamplerYcbcrConversionImageFormatProperties, next_types::Type...) (; deps) = x GC.@preserve deps SamplerYcbcrConversionImageFormatProperties(x.vks, next_types...) end function TextureLODGatherFormatPropertiesAMD(x::_TextureLODGatherFormatPropertiesAMD, next_types::Type...) (; deps) = x GC.@preserve deps TextureLODGatherFormatPropertiesAMD(x.vks, next_types...) end function ConditionalRenderingBeginInfoEXT(x::_ConditionalRenderingBeginInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ConditionalRenderingBeginInfoEXT(x.vks, next_types...) end function ProtectedSubmitInfo(x::_ProtectedSubmitInfo, next_types::Type...) (; deps) = x GC.@preserve deps ProtectedSubmitInfo(x.vks, next_types...) end function PhysicalDeviceProtectedMemoryFeatures(x::_PhysicalDeviceProtectedMemoryFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceProtectedMemoryFeatures(x.vks, next_types...) end function PhysicalDeviceProtectedMemoryProperties(x::_PhysicalDeviceProtectedMemoryProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceProtectedMemoryProperties(x.vks, next_types...) end function DeviceQueueInfo2(x::_DeviceQueueInfo2, next_types::Type...) (; deps) = x GC.@preserve deps DeviceQueueInfo2(x.vks, next_types...) end function PipelineCoverageToColorStateCreateInfoNV(x::_PipelineCoverageToColorStateCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps PipelineCoverageToColorStateCreateInfoNV(x.vks, next_types...) end function PhysicalDeviceSamplerFilterMinmaxProperties(x::_PhysicalDeviceSamplerFilterMinmaxProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSamplerFilterMinmaxProperties(x.vks, next_types...) end SampleLocationEXT(x::_SampleLocationEXT) = SampleLocationEXT(x.vks) function SampleLocationsInfoEXT(x::_SampleLocationsInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps SampleLocationsInfoEXT(x.vks, next_types...) end AttachmentSampleLocationsEXT(x::_AttachmentSampleLocationsEXT) = AttachmentSampleLocationsEXT(x.vks) SubpassSampleLocationsEXT(x::_SubpassSampleLocationsEXT) = SubpassSampleLocationsEXT(x.vks) function RenderPassSampleLocationsBeginInfoEXT(x::_RenderPassSampleLocationsBeginInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps RenderPassSampleLocationsBeginInfoEXT(x.vks, next_types...) end function PipelineSampleLocationsStateCreateInfoEXT(x::_PipelineSampleLocationsStateCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineSampleLocationsStateCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceSampleLocationsPropertiesEXT(x::_PhysicalDeviceSampleLocationsPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSampleLocationsPropertiesEXT(x.vks, next_types...) end function MultisamplePropertiesEXT(x::_MultisamplePropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps MultisamplePropertiesEXT(x.vks, next_types...) end function SamplerReductionModeCreateInfo(x::_SamplerReductionModeCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps SamplerReductionModeCreateInfo(x.vks, next_types...) end function PhysicalDeviceBlendOperationAdvancedFeaturesEXT(x::_PhysicalDeviceBlendOperationAdvancedFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceBlendOperationAdvancedFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceMultiDrawFeaturesEXT(x::_PhysicalDeviceMultiDrawFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMultiDrawFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceBlendOperationAdvancedPropertiesEXT(x::_PhysicalDeviceBlendOperationAdvancedPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceBlendOperationAdvancedPropertiesEXT(x.vks, next_types...) end function PipelineColorBlendAdvancedStateCreateInfoEXT(x::_PipelineColorBlendAdvancedStateCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineColorBlendAdvancedStateCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceInlineUniformBlockFeatures(x::_PhysicalDeviceInlineUniformBlockFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceInlineUniformBlockFeatures(x.vks, next_types...) end function PhysicalDeviceInlineUniformBlockProperties(x::_PhysicalDeviceInlineUniformBlockProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceInlineUniformBlockProperties(x.vks, next_types...) end function WriteDescriptorSetInlineUniformBlock(x::_WriteDescriptorSetInlineUniformBlock, next_types::Type...) (; deps) = x GC.@preserve deps WriteDescriptorSetInlineUniformBlock(x.vks, next_types...) end function DescriptorPoolInlineUniformBlockCreateInfo(x::_DescriptorPoolInlineUniformBlockCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorPoolInlineUniformBlockCreateInfo(x.vks, next_types...) end function PipelineCoverageModulationStateCreateInfoNV(x::_PipelineCoverageModulationStateCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps PipelineCoverageModulationStateCreateInfoNV(x.vks, next_types...) end function ImageFormatListCreateInfo(x::_ImageFormatListCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps ImageFormatListCreateInfo(x.vks, next_types...) end function ValidationCacheCreateInfoEXT(x::_ValidationCacheCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ValidationCacheCreateInfoEXT(x.vks, next_types...) end function ShaderModuleValidationCacheCreateInfoEXT(x::_ShaderModuleValidationCacheCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ShaderModuleValidationCacheCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceMaintenance3Properties(x::_PhysicalDeviceMaintenance3Properties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMaintenance3Properties(x.vks, next_types...) end function PhysicalDeviceMaintenance4Features(x::_PhysicalDeviceMaintenance4Features, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMaintenance4Features(x.vks, next_types...) end function PhysicalDeviceMaintenance4Properties(x::_PhysicalDeviceMaintenance4Properties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMaintenance4Properties(x.vks, next_types...) end function DescriptorSetLayoutSupport(x::_DescriptorSetLayoutSupport, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorSetLayoutSupport(x.vks, next_types...) end function PhysicalDeviceShaderDrawParametersFeatures(x::_PhysicalDeviceShaderDrawParametersFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderDrawParametersFeatures(x.vks, next_types...) end function PhysicalDeviceShaderFloat16Int8Features(x::_PhysicalDeviceShaderFloat16Int8Features, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderFloat16Int8Features(x.vks, next_types...) end function PhysicalDeviceFloatControlsProperties(x::_PhysicalDeviceFloatControlsProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFloatControlsProperties(x.vks, next_types...) end function PhysicalDeviceHostQueryResetFeatures(x::_PhysicalDeviceHostQueryResetFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceHostQueryResetFeatures(x.vks, next_types...) end ShaderResourceUsageAMD(x::_ShaderResourceUsageAMD) = ShaderResourceUsageAMD(x.vks) ShaderStatisticsInfoAMD(x::_ShaderStatisticsInfoAMD) = ShaderStatisticsInfoAMD(x.vks) function DeviceQueueGlobalPriorityCreateInfoKHR(x::_DeviceQueueGlobalPriorityCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps DeviceQueueGlobalPriorityCreateInfoKHR(x.vks, next_types...) end function PhysicalDeviceGlobalPriorityQueryFeaturesKHR(x::_PhysicalDeviceGlobalPriorityQueryFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceGlobalPriorityQueryFeaturesKHR(x.vks, next_types...) end function QueueFamilyGlobalPriorityPropertiesKHR(x::_QueueFamilyGlobalPriorityPropertiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps QueueFamilyGlobalPriorityPropertiesKHR(x.vks, next_types...) end function DebugUtilsObjectNameInfoEXT(x::_DebugUtilsObjectNameInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DebugUtilsObjectNameInfoEXT(x.vks, next_types...) end function DebugUtilsObjectTagInfoEXT(x::_DebugUtilsObjectTagInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DebugUtilsObjectTagInfoEXT(x.vks, next_types...) end function DebugUtilsLabelEXT(x::_DebugUtilsLabelEXT, next_types::Type...) (; deps) = x GC.@preserve deps DebugUtilsLabelEXT(x.vks, next_types...) end function DebugUtilsMessengerCreateInfoEXT(x::_DebugUtilsMessengerCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DebugUtilsMessengerCreateInfoEXT(x.vks, next_types...) end function DebugUtilsMessengerCallbackDataEXT(x::_DebugUtilsMessengerCallbackDataEXT, next_types::Type...) (; deps) = x GC.@preserve deps DebugUtilsMessengerCallbackDataEXT(x.vks, next_types...) end function PhysicalDeviceDeviceMemoryReportFeaturesEXT(x::_PhysicalDeviceDeviceMemoryReportFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDeviceMemoryReportFeaturesEXT(x.vks, next_types...) end function DeviceDeviceMemoryReportCreateInfoEXT(x::_DeviceDeviceMemoryReportCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DeviceDeviceMemoryReportCreateInfoEXT(x.vks, next_types...) end function DeviceMemoryReportCallbackDataEXT(x::_DeviceMemoryReportCallbackDataEXT, next_types::Type...) (; deps) = x GC.@preserve deps DeviceMemoryReportCallbackDataEXT(x.vks, next_types...) end function ImportMemoryHostPointerInfoEXT(x::_ImportMemoryHostPointerInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ImportMemoryHostPointerInfoEXT(x.vks, next_types...) end function MemoryHostPointerPropertiesEXT(x::_MemoryHostPointerPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps MemoryHostPointerPropertiesEXT(x.vks, next_types...) end function PhysicalDeviceExternalMemoryHostPropertiesEXT(x::_PhysicalDeviceExternalMemoryHostPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceExternalMemoryHostPropertiesEXT(x.vks, next_types...) end function PhysicalDeviceConservativeRasterizationPropertiesEXT(x::_PhysicalDeviceConservativeRasterizationPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceConservativeRasterizationPropertiesEXT(x.vks, next_types...) end function CalibratedTimestampInfoEXT(x::_CalibratedTimestampInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps CalibratedTimestampInfoEXT(x.vks, next_types...) end function PhysicalDeviceShaderCorePropertiesAMD(x::_PhysicalDeviceShaderCorePropertiesAMD, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderCorePropertiesAMD(x.vks, next_types...) end function PhysicalDeviceShaderCoreProperties2AMD(x::_PhysicalDeviceShaderCoreProperties2AMD, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderCoreProperties2AMD(x.vks, next_types...) end function PipelineRasterizationConservativeStateCreateInfoEXT(x::_PipelineRasterizationConservativeStateCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineRasterizationConservativeStateCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceDescriptorIndexingFeatures(x::_PhysicalDeviceDescriptorIndexingFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDescriptorIndexingFeatures(x.vks, next_types...) end function PhysicalDeviceDescriptorIndexingProperties(x::_PhysicalDeviceDescriptorIndexingProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDescriptorIndexingProperties(x.vks, next_types...) end function DescriptorSetLayoutBindingFlagsCreateInfo(x::_DescriptorSetLayoutBindingFlagsCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorSetLayoutBindingFlagsCreateInfo(x.vks, next_types...) end function DescriptorSetVariableDescriptorCountAllocateInfo(x::_DescriptorSetVariableDescriptorCountAllocateInfo, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorSetVariableDescriptorCountAllocateInfo(x.vks, next_types...) end function DescriptorSetVariableDescriptorCountLayoutSupport(x::_DescriptorSetVariableDescriptorCountLayoutSupport, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorSetVariableDescriptorCountLayoutSupport(x.vks, next_types...) end function AttachmentDescription2(x::_AttachmentDescription2, next_types::Type...) (; deps) = x GC.@preserve deps AttachmentDescription2(x.vks, next_types...) end function AttachmentReference2(x::_AttachmentReference2, next_types::Type...) (; deps) = x GC.@preserve deps AttachmentReference2(x.vks, next_types...) end function SubpassDescription2(x::_SubpassDescription2, next_types::Type...) (; deps) = x GC.@preserve deps SubpassDescription2(x.vks, next_types...) end function SubpassDependency2(x::_SubpassDependency2, next_types::Type...) (; deps) = x GC.@preserve deps SubpassDependency2(x.vks, next_types...) end function RenderPassCreateInfo2(x::_RenderPassCreateInfo2, next_types::Type...) (; deps) = x GC.@preserve deps RenderPassCreateInfo2(x.vks, next_types...) end function SubpassBeginInfo(x::_SubpassBeginInfo, next_types::Type...) (; deps) = x GC.@preserve deps SubpassBeginInfo(x.vks, next_types...) end function SubpassEndInfo(x::_SubpassEndInfo, next_types::Type...) (; deps) = x GC.@preserve deps SubpassEndInfo(x.vks, next_types...) end function PhysicalDeviceTimelineSemaphoreFeatures(x::_PhysicalDeviceTimelineSemaphoreFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceTimelineSemaphoreFeatures(x.vks, next_types...) end function PhysicalDeviceTimelineSemaphoreProperties(x::_PhysicalDeviceTimelineSemaphoreProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceTimelineSemaphoreProperties(x.vks, next_types...) end function SemaphoreTypeCreateInfo(x::_SemaphoreTypeCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps SemaphoreTypeCreateInfo(x.vks, next_types...) end function TimelineSemaphoreSubmitInfo(x::_TimelineSemaphoreSubmitInfo, next_types::Type...) (; deps) = x GC.@preserve deps TimelineSemaphoreSubmitInfo(x.vks, next_types...) end function SemaphoreWaitInfo(x::_SemaphoreWaitInfo, next_types::Type...) (; deps) = x GC.@preserve deps SemaphoreWaitInfo(x.vks, next_types...) end function SemaphoreSignalInfo(x::_SemaphoreSignalInfo, next_types::Type...) (; deps) = x GC.@preserve deps SemaphoreSignalInfo(x.vks, next_types...) end VertexInputBindingDivisorDescriptionEXT(x::_VertexInputBindingDivisorDescriptionEXT) = VertexInputBindingDivisorDescriptionEXT(x.vks) function PipelineVertexInputDivisorStateCreateInfoEXT(x::_PipelineVertexInputDivisorStateCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineVertexInputDivisorStateCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceVertexAttributeDivisorPropertiesEXT(x::_PhysicalDeviceVertexAttributeDivisorPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceVertexAttributeDivisorPropertiesEXT(x.vks, next_types...) end function PhysicalDevicePCIBusInfoPropertiesEXT(x::_PhysicalDevicePCIBusInfoPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePCIBusInfoPropertiesEXT(x.vks, next_types...) end function CommandBufferInheritanceConditionalRenderingInfoEXT(x::_CommandBufferInheritanceConditionalRenderingInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps CommandBufferInheritanceConditionalRenderingInfoEXT(x.vks, next_types...) end function PhysicalDevice8BitStorageFeatures(x::_PhysicalDevice8BitStorageFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevice8BitStorageFeatures(x.vks, next_types...) end function PhysicalDeviceConditionalRenderingFeaturesEXT(x::_PhysicalDeviceConditionalRenderingFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceConditionalRenderingFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceVulkanMemoryModelFeatures(x::_PhysicalDeviceVulkanMemoryModelFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceVulkanMemoryModelFeatures(x.vks, next_types...) end function PhysicalDeviceShaderAtomicInt64Features(x::_PhysicalDeviceShaderAtomicInt64Features, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderAtomicInt64Features(x.vks, next_types...) end function PhysicalDeviceShaderAtomicFloatFeaturesEXT(x::_PhysicalDeviceShaderAtomicFloatFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderAtomicFloatFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceShaderAtomicFloat2FeaturesEXT(x::_PhysicalDeviceShaderAtomicFloat2FeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderAtomicFloat2FeaturesEXT(x.vks, next_types...) end function PhysicalDeviceVertexAttributeDivisorFeaturesEXT(x::_PhysicalDeviceVertexAttributeDivisorFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceVertexAttributeDivisorFeaturesEXT(x.vks, next_types...) end function QueueFamilyCheckpointPropertiesNV(x::_QueueFamilyCheckpointPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps QueueFamilyCheckpointPropertiesNV(x.vks, next_types...) end function CheckpointDataNV(x::_CheckpointDataNV, next_types::Type...) (; deps) = x GC.@preserve deps CheckpointDataNV(x.vks, next_types...) end function PhysicalDeviceDepthStencilResolveProperties(x::_PhysicalDeviceDepthStencilResolveProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDepthStencilResolveProperties(x.vks, next_types...) end function SubpassDescriptionDepthStencilResolve(x::_SubpassDescriptionDepthStencilResolve, next_types::Type...) (; deps) = x GC.@preserve deps SubpassDescriptionDepthStencilResolve(x.vks, next_types...) end function ImageViewASTCDecodeModeEXT(x::_ImageViewASTCDecodeModeEXT, next_types::Type...) (; deps) = x GC.@preserve deps ImageViewASTCDecodeModeEXT(x.vks, next_types...) end function PhysicalDeviceASTCDecodeFeaturesEXT(x::_PhysicalDeviceASTCDecodeFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceASTCDecodeFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceTransformFeedbackFeaturesEXT(x::_PhysicalDeviceTransformFeedbackFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceTransformFeedbackFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceTransformFeedbackPropertiesEXT(x::_PhysicalDeviceTransformFeedbackPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceTransformFeedbackPropertiesEXT(x.vks, next_types...) end function PipelineRasterizationStateStreamCreateInfoEXT(x::_PipelineRasterizationStateStreamCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineRasterizationStateStreamCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceRepresentativeFragmentTestFeaturesNV(x::_PhysicalDeviceRepresentativeFragmentTestFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRepresentativeFragmentTestFeaturesNV(x.vks, next_types...) end function PipelineRepresentativeFragmentTestStateCreateInfoNV(x::_PipelineRepresentativeFragmentTestStateCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps PipelineRepresentativeFragmentTestStateCreateInfoNV(x.vks, next_types...) end function PhysicalDeviceExclusiveScissorFeaturesNV(x::_PhysicalDeviceExclusiveScissorFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceExclusiveScissorFeaturesNV(x.vks, next_types...) end function PipelineViewportExclusiveScissorStateCreateInfoNV(x::_PipelineViewportExclusiveScissorStateCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps PipelineViewportExclusiveScissorStateCreateInfoNV(x.vks, next_types...) end function PhysicalDeviceCornerSampledImageFeaturesNV(x::_PhysicalDeviceCornerSampledImageFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceCornerSampledImageFeaturesNV(x.vks, next_types...) end function PhysicalDeviceComputeShaderDerivativesFeaturesNV(x::_PhysicalDeviceComputeShaderDerivativesFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceComputeShaderDerivativesFeaturesNV(x.vks, next_types...) end function PhysicalDeviceShaderImageFootprintFeaturesNV(x::_PhysicalDeviceShaderImageFootprintFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderImageFootprintFeaturesNV(x.vks, next_types...) end function PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV(x::_PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV(x.vks, next_types...) end function PhysicalDeviceCopyMemoryIndirectFeaturesNV(x::_PhysicalDeviceCopyMemoryIndirectFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceCopyMemoryIndirectFeaturesNV(x.vks, next_types...) end function PhysicalDeviceCopyMemoryIndirectPropertiesNV(x::_PhysicalDeviceCopyMemoryIndirectPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceCopyMemoryIndirectPropertiesNV(x.vks, next_types...) end function PhysicalDeviceMemoryDecompressionFeaturesNV(x::_PhysicalDeviceMemoryDecompressionFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMemoryDecompressionFeaturesNV(x.vks, next_types...) end function PhysicalDeviceMemoryDecompressionPropertiesNV(x::_PhysicalDeviceMemoryDecompressionPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMemoryDecompressionPropertiesNV(x.vks, next_types...) end function ShadingRatePaletteNV(x::_ShadingRatePaletteNV) (; deps) = x GC.@preserve deps ShadingRatePaletteNV(x.vks, next_types...) end function PipelineViewportShadingRateImageStateCreateInfoNV(x::_PipelineViewportShadingRateImageStateCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps PipelineViewportShadingRateImageStateCreateInfoNV(x.vks, next_types...) end function PhysicalDeviceShadingRateImageFeaturesNV(x::_PhysicalDeviceShadingRateImageFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShadingRateImageFeaturesNV(x.vks, next_types...) end function PhysicalDeviceShadingRateImagePropertiesNV(x::_PhysicalDeviceShadingRateImagePropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShadingRateImagePropertiesNV(x.vks, next_types...) end function PhysicalDeviceInvocationMaskFeaturesHUAWEI(x::_PhysicalDeviceInvocationMaskFeaturesHUAWEI, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceInvocationMaskFeaturesHUAWEI(x.vks, next_types...) end CoarseSampleLocationNV(x::_CoarseSampleLocationNV) = CoarseSampleLocationNV(x.vks) function CoarseSampleOrderCustomNV(x::_CoarseSampleOrderCustomNV) (; deps) = x GC.@preserve deps CoarseSampleOrderCustomNV(x.vks, next_types...) end function PipelineViewportCoarseSampleOrderStateCreateInfoNV(x::_PipelineViewportCoarseSampleOrderStateCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps PipelineViewportCoarseSampleOrderStateCreateInfoNV(x.vks, next_types...) end function PhysicalDeviceMeshShaderFeaturesNV(x::_PhysicalDeviceMeshShaderFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMeshShaderFeaturesNV(x.vks, next_types...) end function PhysicalDeviceMeshShaderPropertiesNV(x::_PhysicalDeviceMeshShaderPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMeshShaderPropertiesNV(x.vks, next_types...) end DrawMeshTasksIndirectCommandNV(x::_DrawMeshTasksIndirectCommandNV) = DrawMeshTasksIndirectCommandNV(x.vks) function PhysicalDeviceMeshShaderFeaturesEXT(x::_PhysicalDeviceMeshShaderFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMeshShaderFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceMeshShaderPropertiesEXT(x::_PhysicalDeviceMeshShaderPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMeshShaderPropertiesEXT(x.vks, next_types...) end DrawMeshTasksIndirectCommandEXT(x::_DrawMeshTasksIndirectCommandEXT) = DrawMeshTasksIndirectCommandEXT(x.vks) function RayTracingShaderGroupCreateInfoNV(x::_RayTracingShaderGroupCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps RayTracingShaderGroupCreateInfoNV(x.vks, next_types...) end function RayTracingShaderGroupCreateInfoKHR(x::_RayTracingShaderGroupCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps RayTracingShaderGroupCreateInfoKHR(x.vks, next_types...) end function RayTracingPipelineCreateInfoNV(x::_RayTracingPipelineCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps RayTracingPipelineCreateInfoNV(x.vks, next_types...) end function RayTracingPipelineCreateInfoKHR(x::_RayTracingPipelineCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps RayTracingPipelineCreateInfoKHR(x.vks, next_types...) end function GeometryTrianglesNV(x::_GeometryTrianglesNV, next_types::Type...) (; deps) = x GC.@preserve deps GeometryTrianglesNV(x.vks, next_types...) end function GeometryAABBNV(x::_GeometryAABBNV, next_types::Type...) (; deps) = x GC.@preserve deps GeometryAABBNV(x.vks, next_types...) end GeometryDataNV(x::_GeometryDataNV) = GeometryDataNV(x.vks) function GeometryNV(x::_GeometryNV, next_types::Type...) (; deps) = x GC.@preserve deps GeometryNV(x.vks, next_types...) end function AccelerationStructureInfoNV(x::_AccelerationStructureInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureInfoNV(x.vks, next_types...) end function AccelerationStructureCreateInfoNV(x::_AccelerationStructureCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureCreateInfoNV(x.vks, next_types...) end function BindAccelerationStructureMemoryInfoNV(x::_BindAccelerationStructureMemoryInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps BindAccelerationStructureMemoryInfoNV(x.vks, next_types...) end function WriteDescriptorSetAccelerationStructureKHR(x::_WriteDescriptorSetAccelerationStructureKHR, next_types::Type...) (; deps) = x GC.@preserve deps WriteDescriptorSetAccelerationStructureKHR(x.vks, next_types...) end function WriteDescriptorSetAccelerationStructureNV(x::_WriteDescriptorSetAccelerationStructureNV, next_types::Type...) (; deps) = x GC.@preserve deps WriteDescriptorSetAccelerationStructureNV(x.vks, next_types...) end function AccelerationStructureMemoryRequirementsInfoNV(x::_AccelerationStructureMemoryRequirementsInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureMemoryRequirementsInfoNV(x.vks, next_types...) end function PhysicalDeviceAccelerationStructureFeaturesKHR(x::_PhysicalDeviceAccelerationStructureFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceAccelerationStructureFeaturesKHR(x.vks, next_types...) end function PhysicalDeviceRayTracingPipelineFeaturesKHR(x::_PhysicalDeviceRayTracingPipelineFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRayTracingPipelineFeaturesKHR(x.vks, next_types...) end function PhysicalDeviceRayQueryFeaturesKHR(x::_PhysicalDeviceRayQueryFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRayQueryFeaturesKHR(x.vks, next_types...) end function PhysicalDeviceAccelerationStructurePropertiesKHR(x::_PhysicalDeviceAccelerationStructurePropertiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceAccelerationStructurePropertiesKHR(x.vks, next_types...) end function PhysicalDeviceRayTracingPipelinePropertiesKHR(x::_PhysicalDeviceRayTracingPipelinePropertiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRayTracingPipelinePropertiesKHR(x.vks, next_types...) end function PhysicalDeviceRayTracingPropertiesNV(x::_PhysicalDeviceRayTracingPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRayTracingPropertiesNV(x.vks, next_types...) end StridedDeviceAddressRegionKHR(x::_StridedDeviceAddressRegionKHR) = StridedDeviceAddressRegionKHR(x.vks) TraceRaysIndirectCommandKHR(x::_TraceRaysIndirectCommandKHR) = TraceRaysIndirectCommandKHR(x.vks) TraceRaysIndirectCommand2KHR(x::_TraceRaysIndirectCommand2KHR) = TraceRaysIndirectCommand2KHR(x.vks) function PhysicalDeviceRayTracingMaintenance1FeaturesKHR(x::_PhysicalDeviceRayTracingMaintenance1FeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRayTracingMaintenance1FeaturesKHR(x.vks, next_types...) end function DrmFormatModifierPropertiesListEXT(x::_DrmFormatModifierPropertiesListEXT, next_types::Type...) (; deps) = x GC.@preserve deps DrmFormatModifierPropertiesListEXT(x.vks, next_types...) end DrmFormatModifierPropertiesEXT(x::_DrmFormatModifierPropertiesEXT) = DrmFormatModifierPropertiesEXT(x.vks) function PhysicalDeviceImageDrmFormatModifierInfoEXT(x::_PhysicalDeviceImageDrmFormatModifierInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceImageDrmFormatModifierInfoEXT(x.vks, next_types...) end function ImageDrmFormatModifierListCreateInfoEXT(x::_ImageDrmFormatModifierListCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ImageDrmFormatModifierListCreateInfoEXT(x.vks, next_types...) end function ImageDrmFormatModifierExplicitCreateInfoEXT(x::_ImageDrmFormatModifierExplicitCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ImageDrmFormatModifierExplicitCreateInfoEXT(x.vks, next_types...) end function ImageDrmFormatModifierPropertiesEXT(x::_ImageDrmFormatModifierPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps ImageDrmFormatModifierPropertiesEXT(x.vks, next_types...) end function ImageStencilUsageCreateInfo(x::_ImageStencilUsageCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps ImageStencilUsageCreateInfo(x.vks, next_types...) end function DeviceMemoryOverallocationCreateInfoAMD(x::_DeviceMemoryOverallocationCreateInfoAMD, next_types::Type...) (; deps) = x GC.@preserve deps DeviceMemoryOverallocationCreateInfoAMD(x.vks, next_types...) end function PhysicalDeviceFragmentDensityMapFeaturesEXT(x::_PhysicalDeviceFragmentDensityMapFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentDensityMapFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceFragmentDensityMap2FeaturesEXT(x::_PhysicalDeviceFragmentDensityMap2FeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentDensityMap2FeaturesEXT(x.vks, next_types...) end function PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM(x::_PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM(x.vks, next_types...) end function PhysicalDeviceFragmentDensityMapPropertiesEXT(x::_PhysicalDeviceFragmentDensityMapPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentDensityMapPropertiesEXT(x.vks, next_types...) end function PhysicalDeviceFragmentDensityMap2PropertiesEXT(x::_PhysicalDeviceFragmentDensityMap2PropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentDensityMap2PropertiesEXT(x.vks, next_types...) end function PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM(x::_PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM(x.vks, next_types...) end function RenderPassFragmentDensityMapCreateInfoEXT(x::_RenderPassFragmentDensityMapCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps RenderPassFragmentDensityMapCreateInfoEXT(x.vks, next_types...) end function SubpassFragmentDensityMapOffsetEndInfoQCOM(x::_SubpassFragmentDensityMapOffsetEndInfoQCOM, next_types::Type...) (; deps) = x GC.@preserve deps SubpassFragmentDensityMapOffsetEndInfoQCOM(x.vks, next_types...) end function PhysicalDeviceScalarBlockLayoutFeatures(x::_PhysicalDeviceScalarBlockLayoutFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceScalarBlockLayoutFeatures(x.vks, next_types...) end function SurfaceProtectedCapabilitiesKHR(x::_SurfaceProtectedCapabilitiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps SurfaceProtectedCapabilitiesKHR(x.vks, next_types...) end function PhysicalDeviceUniformBufferStandardLayoutFeatures(x::_PhysicalDeviceUniformBufferStandardLayoutFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceUniformBufferStandardLayoutFeatures(x.vks, next_types...) end function PhysicalDeviceDepthClipEnableFeaturesEXT(x::_PhysicalDeviceDepthClipEnableFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDepthClipEnableFeaturesEXT(x.vks, next_types...) end function PipelineRasterizationDepthClipStateCreateInfoEXT(x::_PipelineRasterizationDepthClipStateCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineRasterizationDepthClipStateCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceMemoryBudgetPropertiesEXT(x::_PhysicalDeviceMemoryBudgetPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMemoryBudgetPropertiesEXT(x.vks, next_types...) end function PhysicalDeviceMemoryPriorityFeaturesEXT(x::_PhysicalDeviceMemoryPriorityFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMemoryPriorityFeaturesEXT(x.vks, next_types...) end function MemoryPriorityAllocateInfoEXT(x::_MemoryPriorityAllocateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps MemoryPriorityAllocateInfoEXT(x.vks, next_types...) end function PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT(x::_PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceBufferDeviceAddressFeatures(x::_PhysicalDeviceBufferDeviceAddressFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceBufferDeviceAddressFeatures(x.vks, next_types...) end function PhysicalDeviceBufferDeviceAddressFeaturesEXT(x::_PhysicalDeviceBufferDeviceAddressFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceBufferDeviceAddressFeaturesEXT(x.vks, next_types...) end function BufferDeviceAddressInfo(x::_BufferDeviceAddressInfo, next_types::Type...) (; deps) = x GC.@preserve deps BufferDeviceAddressInfo(x.vks, next_types...) end function BufferOpaqueCaptureAddressCreateInfo(x::_BufferOpaqueCaptureAddressCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps BufferOpaqueCaptureAddressCreateInfo(x.vks, next_types...) end function BufferDeviceAddressCreateInfoEXT(x::_BufferDeviceAddressCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps BufferDeviceAddressCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceImageViewImageFormatInfoEXT(x::_PhysicalDeviceImageViewImageFormatInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceImageViewImageFormatInfoEXT(x.vks, next_types...) end function FilterCubicImageViewImageFormatPropertiesEXT(x::_FilterCubicImageViewImageFormatPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps FilterCubicImageViewImageFormatPropertiesEXT(x.vks, next_types...) end function PhysicalDeviceImagelessFramebufferFeatures(x::_PhysicalDeviceImagelessFramebufferFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceImagelessFramebufferFeatures(x.vks, next_types...) end function FramebufferAttachmentsCreateInfo(x::_FramebufferAttachmentsCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps FramebufferAttachmentsCreateInfo(x.vks, next_types...) end function FramebufferAttachmentImageInfo(x::_FramebufferAttachmentImageInfo, next_types::Type...) (; deps) = x GC.@preserve deps FramebufferAttachmentImageInfo(x.vks, next_types...) end function RenderPassAttachmentBeginInfo(x::_RenderPassAttachmentBeginInfo, next_types::Type...) (; deps) = x GC.@preserve deps RenderPassAttachmentBeginInfo(x.vks, next_types...) end function PhysicalDeviceTextureCompressionASTCHDRFeatures(x::_PhysicalDeviceTextureCompressionASTCHDRFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceTextureCompressionASTCHDRFeatures(x.vks, next_types...) end function PhysicalDeviceCooperativeMatrixFeaturesNV(x::_PhysicalDeviceCooperativeMatrixFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceCooperativeMatrixFeaturesNV(x.vks, next_types...) end function PhysicalDeviceCooperativeMatrixPropertiesNV(x::_PhysicalDeviceCooperativeMatrixPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceCooperativeMatrixPropertiesNV(x.vks, next_types...) end function CooperativeMatrixPropertiesNV(x::_CooperativeMatrixPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps CooperativeMatrixPropertiesNV(x.vks, next_types...) end function PhysicalDeviceYcbcrImageArraysFeaturesEXT(x::_PhysicalDeviceYcbcrImageArraysFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceYcbcrImageArraysFeaturesEXT(x.vks, next_types...) end function ImageViewHandleInfoNVX(x::_ImageViewHandleInfoNVX, next_types::Type...) (; deps) = x GC.@preserve deps ImageViewHandleInfoNVX(x.vks, next_types...) end function ImageViewAddressPropertiesNVX(x::_ImageViewAddressPropertiesNVX, next_types::Type...) (; deps) = x GC.@preserve deps ImageViewAddressPropertiesNVX(x.vks, next_types...) end PipelineCreationFeedback(x::_PipelineCreationFeedback) = PipelineCreationFeedback(x.vks) function PipelineCreationFeedbackCreateInfo(x::_PipelineCreationFeedbackCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineCreationFeedbackCreateInfo(x.vks, next_types...) end function PhysicalDevicePresentBarrierFeaturesNV(x::_PhysicalDevicePresentBarrierFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePresentBarrierFeaturesNV(x.vks, next_types...) end function SurfaceCapabilitiesPresentBarrierNV(x::_SurfaceCapabilitiesPresentBarrierNV, next_types::Type...) (; deps) = x GC.@preserve deps SurfaceCapabilitiesPresentBarrierNV(x.vks, next_types...) end function SwapchainPresentBarrierCreateInfoNV(x::_SwapchainPresentBarrierCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps SwapchainPresentBarrierCreateInfoNV(x.vks, next_types...) end function PhysicalDevicePerformanceQueryFeaturesKHR(x::_PhysicalDevicePerformanceQueryFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePerformanceQueryFeaturesKHR(x.vks, next_types...) end function PhysicalDevicePerformanceQueryPropertiesKHR(x::_PhysicalDevicePerformanceQueryPropertiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePerformanceQueryPropertiesKHR(x.vks, next_types...) end function PerformanceCounterKHR(x::_PerformanceCounterKHR, next_types::Type...) (; deps) = x GC.@preserve deps PerformanceCounterKHR(x.vks, next_types...) end function PerformanceCounterDescriptionKHR(x::_PerformanceCounterDescriptionKHR, next_types::Type...) (; deps) = x GC.@preserve deps PerformanceCounterDescriptionKHR(x.vks, next_types...) end function QueryPoolPerformanceCreateInfoKHR(x::_QueryPoolPerformanceCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps QueryPoolPerformanceCreateInfoKHR(x.vks, next_types...) end function AcquireProfilingLockInfoKHR(x::_AcquireProfilingLockInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps AcquireProfilingLockInfoKHR(x.vks, next_types...) end function PerformanceQuerySubmitInfoKHR(x::_PerformanceQuerySubmitInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps PerformanceQuerySubmitInfoKHR(x.vks, next_types...) end function HeadlessSurfaceCreateInfoEXT(x::_HeadlessSurfaceCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps HeadlessSurfaceCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceCoverageReductionModeFeaturesNV(x::_PhysicalDeviceCoverageReductionModeFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceCoverageReductionModeFeaturesNV(x.vks, next_types...) end function PipelineCoverageReductionStateCreateInfoNV(x::_PipelineCoverageReductionStateCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps PipelineCoverageReductionStateCreateInfoNV(x.vks, next_types...) end function FramebufferMixedSamplesCombinationNV(x::_FramebufferMixedSamplesCombinationNV, next_types::Type...) (; deps) = x GC.@preserve deps FramebufferMixedSamplesCombinationNV(x.vks, next_types...) end function PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL(x::_PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL(x.vks, next_types...) end PerformanceValueINTEL(x::_PerformanceValueINTEL) = PerformanceValueINTEL(x.vks) function InitializePerformanceApiInfoINTEL(x::_InitializePerformanceApiInfoINTEL, next_types::Type...) (; deps) = x GC.@preserve deps InitializePerformanceApiInfoINTEL(x.vks, next_types...) end function QueryPoolPerformanceQueryCreateInfoINTEL(x::_QueryPoolPerformanceQueryCreateInfoINTEL, next_types::Type...) (; deps) = x GC.@preserve deps QueryPoolPerformanceQueryCreateInfoINTEL(x.vks, next_types...) end function PerformanceMarkerInfoINTEL(x::_PerformanceMarkerInfoINTEL, next_types::Type...) (; deps) = x GC.@preserve deps PerformanceMarkerInfoINTEL(x.vks, next_types...) end function PerformanceStreamMarkerInfoINTEL(x::_PerformanceStreamMarkerInfoINTEL, next_types::Type...) (; deps) = x GC.@preserve deps PerformanceStreamMarkerInfoINTEL(x.vks, next_types...) end function PerformanceOverrideInfoINTEL(x::_PerformanceOverrideInfoINTEL, next_types::Type...) (; deps) = x GC.@preserve deps PerformanceOverrideInfoINTEL(x.vks, next_types...) end function PerformanceConfigurationAcquireInfoINTEL(x::_PerformanceConfigurationAcquireInfoINTEL, next_types::Type...) (; deps) = x GC.@preserve deps PerformanceConfigurationAcquireInfoINTEL(x.vks, next_types...) end function PhysicalDeviceShaderClockFeaturesKHR(x::_PhysicalDeviceShaderClockFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderClockFeaturesKHR(x.vks, next_types...) end function PhysicalDeviceIndexTypeUint8FeaturesEXT(x::_PhysicalDeviceIndexTypeUint8FeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceIndexTypeUint8FeaturesEXT(x.vks, next_types...) end function PhysicalDeviceShaderSMBuiltinsPropertiesNV(x::_PhysicalDeviceShaderSMBuiltinsPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderSMBuiltinsPropertiesNV(x.vks, next_types...) end function PhysicalDeviceShaderSMBuiltinsFeaturesNV(x::_PhysicalDeviceShaderSMBuiltinsFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderSMBuiltinsFeaturesNV(x.vks, next_types...) end function PhysicalDeviceFragmentShaderInterlockFeaturesEXT(x::_PhysicalDeviceFragmentShaderInterlockFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentShaderInterlockFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceSeparateDepthStencilLayoutsFeatures(x::_PhysicalDeviceSeparateDepthStencilLayoutsFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSeparateDepthStencilLayoutsFeatures(x.vks, next_types...) end function AttachmentReferenceStencilLayout(x::_AttachmentReferenceStencilLayout, next_types::Type...) (; deps) = x GC.@preserve deps AttachmentReferenceStencilLayout(x.vks, next_types...) end function PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT(x::_PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT(x.vks, next_types...) end function AttachmentDescriptionStencilLayout(x::_AttachmentDescriptionStencilLayout, next_types::Type...) (; deps) = x GC.@preserve deps AttachmentDescriptionStencilLayout(x.vks, next_types...) end function PhysicalDevicePipelineExecutablePropertiesFeaturesKHR(x::_PhysicalDevicePipelineExecutablePropertiesFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePipelineExecutablePropertiesFeaturesKHR(x.vks, next_types...) end function PipelineInfoKHR(x::_PipelineInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps PipelineInfoKHR(x.vks, next_types...) end function PipelineExecutablePropertiesKHR(x::_PipelineExecutablePropertiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PipelineExecutablePropertiesKHR(x.vks, next_types...) end function PipelineExecutableInfoKHR(x::_PipelineExecutableInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps PipelineExecutableInfoKHR(x.vks, next_types...) end function PipelineExecutableStatisticKHR(x::_PipelineExecutableStatisticKHR, next_types::Type...) (; deps) = x GC.@preserve deps PipelineExecutableStatisticKHR(x.vks, next_types...) end function PipelineExecutableInternalRepresentationKHR(x::_PipelineExecutableInternalRepresentationKHR, next_types::Type...) (; deps) = x GC.@preserve deps PipelineExecutableInternalRepresentationKHR(x.vks, next_types...) end function PhysicalDeviceShaderDemoteToHelperInvocationFeatures(x::_PhysicalDeviceShaderDemoteToHelperInvocationFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderDemoteToHelperInvocationFeatures(x.vks, next_types...) end function PhysicalDeviceTexelBufferAlignmentFeaturesEXT(x::_PhysicalDeviceTexelBufferAlignmentFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceTexelBufferAlignmentFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceTexelBufferAlignmentProperties(x::_PhysicalDeviceTexelBufferAlignmentProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceTexelBufferAlignmentProperties(x.vks, next_types...) end function PhysicalDeviceSubgroupSizeControlFeatures(x::_PhysicalDeviceSubgroupSizeControlFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSubgroupSizeControlFeatures(x.vks, next_types...) end function PhysicalDeviceSubgroupSizeControlProperties(x::_PhysicalDeviceSubgroupSizeControlProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSubgroupSizeControlProperties(x.vks, next_types...) end function PipelineShaderStageRequiredSubgroupSizeCreateInfo(x::_PipelineShaderStageRequiredSubgroupSizeCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineShaderStageRequiredSubgroupSizeCreateInfo(x.vks, next_types...) end function SubpassShadingPipelineCreateInfoHUAWEI(x::_SubpassShadingPipelineCreateInfoHUAWEI, next_types::Type...) (; deps) = x GC.@preserve deps SubpassShadingPipelineCreateInfoHUAWEI(x.vks, next_types...) end function PhysicalDeviceSubpassShadingPropertiesHUAWEI(x::_PhysicalDeviceSubpassShadingPropertiesHUAWEI, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSubpassShadingPropertiesHUAWEI(x.vks, next_types...) end function PhysicalDeviceClusterCullingShaderPropertiesHUAWEI(x::_PhysicalDeviceClusterCullingShaderPropertiesHUAWEI, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceClusterCullingShaderPropertiesHUAWEI(x.vks, next_types...) end function MemoryOpaqueCaptureAddressAllocateInfo(x::_MemoryOpaqueCaptureAddressAllocateInfo, next_types::Type...) (; deps) = x GC.@preserve deps MemoryOpaqueCaptureAddressAllocateInfo(x.vks, next_types...) end function DeviceMemoryOpaqueCaptureAddressInfo(x::_DeviceMemoryOpaqueCaptureAddressInfo, next_types::Type...) (; deps) = x GC.@preserve deps DeviceMemoryOpaqueCaptureAddressInfo(x.vks, next_types...) end function PhysicalDeviceLineRasterizationFeaturesEXT(x::_PhysicalDeviceLineRasterizationFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceLineRasterizationFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceLineRasterizationPropertiesEXT(x::_PhysicalDeviceLineRasterizationPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceLineRasterizationPropertiesEXT(x.vks, next_types...) end function PipelineRasterizationLineStateCreateInfoEXT(x::_PipelineRasterizationLineStateCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineRasterizationLineStateCreateInfoEXT(x.vks, next_types...) end function PhysicalDevicePipelineCreationCacheControlFeatures(x::_PhysicalDevicePipelineCreationCacheControlFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePipelineCreationCacheControlFeatures(x.vks, next_types...) end function PhysicalDeviceVulkan11Features(x::_PhysicalDeviceVulkan11Features, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceVulkan11Features(x.vks, next_types...) end function PhysicalDeviceVulkan11Properties(x::_PhysicalDeviceVulkan11Properties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceVulkan11Properties(x.vks, next_types...) end function PhysicalDeviceVulkan12Features(x::_PhysicalDeviceVulkan12Features, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceVulkan12Features(x.vks, next_types...) end function PhysicalDeviceVulkan12Properties(x::_PhysicalDeviceVulkan12Properties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceVulkan12Properties(x.vks, next_types...) end function PhysicalDeviceVulkan13Features(x::_PhysicalDeviceVulkan13Features, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceVulkan13Features(x.vks, next_types...) end function PhysicalDeviceVulkan13Properties(x::_PhysicalDeviceVulkan13Properties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceVulkan13Properties(x.vks, next_types...) end function PipelineCompilerControlCreateInfoAMD(x::_PipelineCompilerControlCreateInfoAMD, next_types::Type...) (; deps) = x GC.@preserve deps PipelineCompilerControlCreateInfoAMD(x.vks, next_types...) end function PhysicalDeviceCoherentMemoryFeaturesAMD(x::_PhysicalDeviceCoherentMemoryFeaturesAMD, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceCoherentMemoryFeaturesAMD(x.vks, next_types...) end function PhysicalDeviceToolProperties(x::_PhysicalDeviceToolProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceToolProperties(x.vks, next_types...) end function SamplerCustomBorderColorCreateInfoEXT(x::_SamplerCustomBorderColorCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps SamplerCustomBorderColorCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceCustomBorderColorPropertiesEXT(x::_PhysicalDeviceCustomBorderColorPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceCustomBorderColorPropertiesEXT(x.vks, next_types...) end function PhysicalDeviceCustomBorderColorFeaturesEXT(x::_PhysicalDeviceCustomBorderColorFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceCustomBorderColorFeaturesEXT(x.vks, next_types...) end function SamplerBorderColorComponentMappingCreateInfoEXT(x::_SamplerBorderColorComponentMappingCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps SamplerBorderColorComponentMappingCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceBorderColorSwizzleFeaturesEXT(x::_PhysicalDeviceBorderColorSwizzleFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceBorderColorSwizzleFeaturesEXT(x.vks, next_types...) end function AccelerationStructureGeometryTrianglesDataKHR(x::_AccelerationStructureGeometryTrianglesDataKHR, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureGeometryTrianglesDataKHR(x.vks, next_types...) end function AccelerationStructureGeometryAabbsDataKHR(x::_AccelerationStructureGeometryAabbsDataKHR, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureGeometryAabbsDataKHR(x.vks, next_types...) end function AccelerationStructureGeometryInstancesDataKHR(x::_AccelerationStructureGeometryInstancesDataKHR, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureGeometryInstancesDataKHR(x.vks, next_types...) end function AccelerationStructureGeometryKHR(x::_AccelerationStructureGeometryKHR, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureGeometryKHR(x.vks, next_types...) end function AccelerationStructureBuildGeometryInfoKHR(x::_AccelerationStructureBuildGeometryInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureBuildGeometryInfoKHR(x.vks, next_types...) end AccelerationStructureBuildRangeInfoKHR(x::_AccelerationStructureBuildRangeInfoKHR) = AccelerationStructureBuildRangeInfoKHR(x.vks) function AccelerationStructureCreateInfoKHR(x::_AccelerationStructureCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureCreateInfoKHR(x.vks, next_types...) end AabbPositionsKHR(x::_AabbPositionsKHR) = AabbPositionsKHR(x.vks) TransformMatrixKHR(x::_TransformMatrixKHR) = TransformMatrixKHR(x.vks) AccelerationStructureInstanceKHR(x::_AccelerationStructureInstanceKHR) = AccelerationStructureInstanceKHR(x.vks) function AccelerationStructureDeviceAddressInfoKHR(x::_AccelerationStructureDeviceAddressInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureDeviceAddressInfoKHR(x.vks, next_types...) end function AccelerationStructureVersionInfoKHR(x::_AccelerationStructureVersionInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureVersionInfoKHR(x.vks, next_types...) end function CopyAccelerationStructureInfoKHR(x::_CopyAccelerationStructureInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps CopyAccelerationStructureInfoKHR(x.vks, next_types...) end function CopyAccelerationStructureToMemoryInfoKHR(x::_CopyAccelerationStructureToMemoryInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps CopyAccelerationStructureToMemoryInfoKHR(x.vks, next_types...) end function CopyMemoryToAccelerationStructureInfoKHR(x::_CopyMemoryToAccelerationStructureInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps CopyMemoryToAccelerationStructureInfoKHR(x.vks, next_types...) end function RayTracingPipelineInterfaceCreateInfoKHR(x::_RayTracingPipelineInterfaceCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps RayTracingPipelineInterfaceCreateInfoKHR(x.vks, next_types...) end function PipelineLibraryCreateInfoKHR(x::_PipelineLibraryCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps PipelineLibraryCreateInfoKHR(x.vks, next_types...) end function PhysicalDeviceExtendedDynamicStateFeaturesEXT(x::_PhysicalDeviceExtendedDynamicStateFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceExtendedDynamicStateFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceExtendedDynamicState2FeaturesEXT(x::_PhysicalDeviceExtendedDynamicState2FeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceExtendedDynamicState2FeaturesEXT(x.vks, next_types...) end function PhysicalDeviceExtendedDynamicState3FeaturesEXT(x::_PhysicalDeviceExtendedDynamicState3FeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceExtendedDynamicState3FeaturesEXT(x.vks, next_types...) end function PhysicalDeviceExtendedDynamicState3PropertiesEXT(x::_PhysicalDeviceExtendedDynamicState3PropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceExtendedDynamicState3PropertiesEXT(x.vks, next_types...) end ColorBlendEquationEXT(x::_ColorBlendEquationEXT) = ColorBlendEquationEXT(x.vks) ColorBlendAdvancedEXT(x::_ColorBlendAdvancedEXT) = ColorBlendAdvancedEXT(x.vks) function RenderPassTransformBeginInfoQCOM(x::_RenderPassTransformBeginInfoQCOM, next_types::Type...) (; deps) = x GC.@preserve deps RenderPassTransformBeginInfoQCOM(x.vks, next_types...) end function CopyCommandTransformInfoQCOM(x::_CopyCommandTransformInfoQCOM, next_types::Type...) (; deps) = x GC.@preserve deps CopyCommandTransformInfoQCOM(x.vks, next_types...) end function CommandBufferInheritanceRenderPassTransformInfoQCOM(x::_CommandBufferInheritanceRenderPassTransformInfoQCOM, next_types::Type...) (; deps) = x GC.@preserve deps CommandBufferInheritanceRenderPassTransformInfoQCOM(x.vks, next_types...) end function PhysicalDeviceDiagnosticsConfigFeaturesNV(x::_PhysicalDeviceDiagnosticsConfigFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDiagnosticsConfigFeaturesNV(x.vks, next_types...) end function DeviceDiagnosticsConfigCreateInfoNV(x::_DeviceDiagnosticsConfigCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps DeviceDiagnosticsConfigCreateInfoNV(x.vks, next_types...) end function PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures(x::_PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures(x.vks, next_types...) end function PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR(x::_PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR(x.vks, next_types...) end function PhysicalDeviceRobustness2FeaturesEXT(x::_PhysicalDeviceRobustness2FeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRobustness2FeaturesEXT(x.vks, next_types...) end function PhysicalDeviceRobustness2PropertiesEXT(x::_PhysicalDeviceRobustness2PropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRobustness2PropertiesEXT(x.vks, next_types...) end function PhysicalDeviceImageRobustnessFeatures(x::_PhysicalDeviceImageRobustnessFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceImageRobustnessFeatures(x.vks, next_types...) end function PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR(x::_PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR(x.vks, next_types...) end function PhysicalDevice4444FormatsFeaturesEXT(x::_PhysicalDevice4444FormatsFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevice4444FormatsFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceSubpassShadingFeaturesHUAWEI(x::_PhysicalDeviceSubpassShadingFeaturesHUAWEI, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSubpassShadingFeaturesHUAWEI(x.vks, next_types...) end function PhysicalDeviceClusterCullingShaderFeaturesHUAWEI(x::_PhysicalDeviceClusterCullingShaderFeaturesHUAWEI, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceClusterCullingShaderFeaturesHUAWEI(x.vks, next_types...) end function BufferCopy2(x::_BufferCopy2, next_types::Type...) (; deps) = x GC.@preserve deps BufferCopy2(x.vks, next_types...) end function ImageCopy2(x::_ImageCopy2, next_types::Type...) (; deps) = x GC.@preserve deps ImageCopy2(x.vks, next_types...) end function ImageBlit2(x::_ImageBlit2, next_types::Type...) (; deps) = x GC.@preserve deps ImageBlit2(x.vks, next_types...) end function BufferImageCopy2(x::_BufferImageCopy2, next_types::Type...) (; deps) = x GC.@preserve deps BufferImageCopy2(x.vks, next_types...) end function ImageResolve2(x::_ImageResolve2, next_types::Type...) (; deps) = x GC.@preserve deps ImageResolve2(x.vks, next_types...) end function CopyBufferInfo2(x::_CopyBufferInfo2, next_types::Type...) (; deps) = x GC.@preserve deps CopyBufferInfo2(x.vks, next_types...) end function CopyImageInfo2(x::_CopyImageInfo2, next_types::Type...) (; deps) = x GC.@preserve deps CopyImageInfo2(x.vks, next_types...) end function BlitImageInfo2(x::_BlitImageInfo2, next_types::Type...) (; deps) = x GC.@preserve deps BlitImageInfo2(x.vks, next_types...) end function CopyBufferToImageInfo2(x::_CopyBufferToImageInfo2, next_types::Type...) (; deps) = x GC.@preserve deps CopyBufferToImageInfo2(x.vks, next_types...) end function CopyImageToBufferInfo2(x::_CopyImageToBufferInfo2, next_types::Type...) (; deps) = x GC.@preserve deps CopyImageToBufferInfo2(x.vks, next_types...) end function ResolveImageInfo2(x::_ResolveImageInfo2, next_types::Type...) (; deps) = x GC.@preserve deps ResolveImageInfo2(x.vks, next_types...) end function PhysicalDeviceShaderImageAtomicInt64FeaturesEXT(x::_PhysicalDeviceShaderImageAtomicInt64FeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderImageAtomicInt64FeaturesEXT(x.vks, next_types...) end function FragmentShadingRateAttachmentInfoKHR(x::_FragmentShadingRateAttachmentInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps FragmentShadingRateAttachmentInfoKHR(x.vks, next_types...) end function PipelineFragmentShadingRateStateCreateInfoKHR(x::_PipelineFragmentShadingRateStateCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps PipelineFragmentShadingRateStateCreateInfoKHR(x.vks, next_types...) end function PhysicalDeviceFragmentShadingRateFeaturesKHR(x::_PhysicalDeviceFragmentShadingRateFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentShadingRateFeaturesKHR(x.vks, next_types...) end function PhysicalDeviceFragmentShadingRatePropertiesKHR(x::_PhysicalDeviceFragmentShadingRatePropertiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentShadingRatePropertiesKHR(x.vks, next_types...) end function PhysicalDeviceFragmentShadingRateKHR(x::_PhysicalDeviceFragmentShadingRateKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentShadingRateKHR(x.vks, next_types...) end function PhysicalDeviceShaderTerminateInvocationFeatures(x::_PhysicalDeviceShaderTerminateInvocationFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderTerminateInvocationFeatures(x.vks, next_types...) end function PhysicalDeviceFragmentShadingRateEnumsFeaturesNV(x::_PhysicalDeviceFragmentShadingRateEnumsFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentShadingRateEnumsFeaturesNV(x.vks, next_types...) end function PhysicalDeviceFragmentShadingRateEnumsPropertiesNV(x::_PhysicalDeviceFragmentShadingRateEnumsPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentShadingRateEnumsPropertiesNV(x.vks, next_types...) end function PipelineFragmentShadingRateEnumStateCreateInfoNV(x::_PipelineFragmentShadingRateEnumStateCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps PipelineFragmentShadingRateEnumStateCreateInfoNV(x.vks, next_types...) end function AccelerationStructureBuildSizesInfoKHR(x::_AccelerationStructureBuildSizesInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureBuildSizesInfoKHR(x.vks, next_types...) end function PhysicalDeviceImage2DViewOf3DFeaturesEXT(x::_PhysicalDeviceImage2DViewOf3DFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceImage2DViewOf3DFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceMutableDescriptorTypeFeaturesEXT(x::_PhysicalDeviceMutableDescriptorTypeFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMutableDescriptorTypeFeaturesEXT(x.vks, next_types...) end function MutableDescriptorTypeListEXT(x::_MutableDescriptorTypeListEXT) (; deps) = x GC.@preserve deps MutableDescriptorTypeListEXT(x.vks, next_types...) end function MutableDescriptorTypeCreateInfoEXT(x::_MutableDescriptorTypeCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps MutableDescriptorTypeCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceDepthClipControlFeaturesEXT(x::_PhysicalDeviceDepthClipControlFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDepthClipControlFeaturesEXT(x.vks, next_types...) end function PipelineViewportDepthClipControlCreateInfoEXT(x::_PipelineViewportDepthClipControlCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineViewportDepthClipControlCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceVertexInputDynamicStateFeaturesEXT(x::_PhysicalDeviceVertexInputDynamicStateFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceVertexInputDynamicStateFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceExternalMemoryRDMAFeaturesNV(x::_PhysicalDeviceExternalMemoryRDMAFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceExternalMemoryRDMAFeaturesNV(x.vks, next_types...) end function VertexInputBindingDescription2EXT(x::_VertexInputBindingDescription2EXT, next_types::Type...) (; deps) = x GC.@preserve deps VertexInputBindingDescription2EXT(x.vks, next_types...) end function VertexInputAttributeDescription2EXT(x::_VertexInputAttributeDescription2EXT, next_types::Type...) (; deps) = x GC.@preserve deps VertexInputAttributeDescription2EXT(x.vks, next_types...) end function PhysicalDeviceColorWriteEnableFeaturesEXT(x::_PhysicalDeviceColorWriteEnableFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceColorWriteEnableFeaturesEXT(x.vks, next_types...) end function PipelineColorWriteCreateInfoEXT(x::_PipelineColorWriteCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineColorWriteCreateInfoEXT(x.vks, next_types...) end function MemoryBarrier2(x::_MemoryBarrier2, next_types::Type...) (; deps) = x GC.@preserve deps MemoryBarrier2(x.vks, next_types...) end function ImageMemoryBarrier2(x::_ImageMemoryBarrier2, next_types::Type...) (; deps) = x GC.@preserve deps ImageMemoryBarrier2(x.vks, next_types...) end function BufferMemoryBarrier2(x::_BufferMemoryBarrier2, next_types::Type...) (; deps) = x GC.@preserve deps BufferMemoryBarrier2(x.vks, next_types...) end function DependencyInfo(x::_DependencyInfo, next_types::Type...) (; deps) = x GC.@preserve deps DependencyInfo(x.vks, next_types...) end function SemaphoreSubmitInfo(x::_SemaphoreSubmitInfo, next_types::Type...) (; deps) = x GC.@preserve deps SemaphoreSubmitInfo(x.vks, next_types...) end function CommandBufferSubmitInfo(x::_CommandBufferSubmitInfo, next_types::Type...) (; deps) = x GC.@preserve deps CommandBufferSubmitInfo(x.vks, next_types...) end function SubmitInfo2(x::_SubmitInfo2, next_types::Type...) (; deps) = x GC.@preserve deps SubmitInfo2(x.vks, next_types...) end function QueueFamilyCheckpointProperties2NV(x::_QueueFamilyCheckpointProperties2NV, next_types::Type...) (; deps) = x GC.@preserve deps QueueFamilyCheckpointProperties2NV(x.vks, next_types...) end function CheckpointData2NV(x::_CheckpointData2NV, next_types::Type...) (; deps) = x GC.@preserve deps CheckpointData2NV(x.vks, next_types...) end function PhysicalDeviceSynchronization2Features(x::_PhysicalDeviceSynchronization2Features, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSynchronization2Features(x.vks, next_types...) end function PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT(x::_PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceLegacyDitheringFeaturesEXT(x::_PhysicalDeviceLegacyDitheringFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceLegacyDitheringFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT(x::_PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT(x.vks, next_types...) end function SubpassResolvePerformanceQueryEXT(x::_SubpassResolvePerformanceQueryEXT, next_types::Type...) (; deps) = x GC.@preserve deps SubpassResolvePerformanceQueryEXT(x.vks, next_types...) end function MultisampledRenderToSingleSampledInfoEXT(x::_MultisampledRenderToSingleSampledInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps MultisampledRenderToSingleSampledInfoEXT(x.vks, next_types...) end function PhysicalDevicePipelineProtectedAccessFeaturesEXT(x::_PhysicalDevicePipelineProtectedAccessFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePipelineProtectedAccessFeaturesEXT(x.vks, next_types...) end function QueueFamilyVideoPropertiesKHR(x::_QueueFamilyVideoPropertiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps QueueFamilyVideoPropertiesKHR(x.vks, next_types...) end function QueueFamilyQueryResultStatusPropertiesKHR(x::_QueueFamilyQueryResultStatusPropertiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps QueueFamilyQueryResultStatusPropertiesKHR(x.vks, next_types...) end function VideoProfileListInfoKHR(x::_VideoProfileListInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoProfileListInfoKHR(x.vks, next_types...) end function PhysicalDeviceVideoFormatInfoKHR(x::_PhysicalDeviceVideoFormatInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceVideoFormatInfoKHR(x.vks, next_types...) end function VideoFormatPropertiesKHR(x::_VideoFormatPropertiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoFormatPropertiesKHR(x.vks, next_types...) end function VideoProfileInfoKHR(x::_VideoProfileInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoProfileInfoKHR(x.vks, next_types...) end function VideoCapabilitiesKHR(x::_VideoCapabilitiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoCapabilitiesKHR(x.vks, next_types...) end function VideoSessionMemoryRequirementsKHR(x::_VideoSessionMemoryRequirementsKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoSessionMemoryRequirementsKHR(x.vks, next_types...) end function BindVideoSessionMemoryInfoKHR(x::_BindVideoSessionMemoryInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps BindVideoSessionMemoryInfoKHR(x.vks, next_types...) end function VideoPictureResourceInfoKHR(x::_VideoPictureResourceInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoPictureResourceInfoKHR(x.vks, next_types...) end function VideoReferenceSlotInfoKHR(x::_VideoReferenceSlotInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoReferenceSlotInfoKHR(x.vks, next_types...) end function VideoDecodeCapabilitiesKHR(x::_VideoDecodeCapabilitiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeCapabilitiesKHR(x.vks, next_types...) end function VideoDecodeUsageInfoKHR(x::_VideoDecodeUsageInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeUsageInfoKHR(x.vks, next_types...) end function VideoDecodeInfoKHR(x::_VideoDecodeInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeInfoKHR(x.vks, next_types...) end function VideoDecodeH264ProfileInfoKHR(x::_VideoDecodeH264ProfileInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeH264ProfileInfoKHR(x.vks, next_types...) end function VideoDecodeH264CapabilitiesKHR(x::_VideoDecodeH264CapabilitiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeH264CapabilitiesKHR(x.vks, next_types...) end function VideoDecodeH264SessionParametersAddInfoKHR(x::_VideoDecodeH264SessionParametersAddInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeH264SessionParametersAddInfoKHR(x.vks, next_types...) end function VideoDecodeH264SessionParametersCreateInfoKHR(x::_VideoDecodeH264SessionParametersCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeH264SessionParametersCreateInfoKHR(x.vks, next_types...) end function VideoDecodeH264PictureInfoKHR(x::_VideoDecodeH264PictureInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeH264PictureInfoKHR(x.vks, next_types...) end function VideoDecodeH264DpbSlotInfoKHR(x::_VideoDecodeH264DpbSlotInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeH264DpbSlotInfoKHR(x.vks, next_types...) end function VideoDecodeH265ProfileInfoKHR(x::_VideoDecodeH265ProfileInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeH265ProfileInfoKHR(x.vks, next_types...) end function VideoDecodeH265CapabilitiesKHR(x::_VideoDecodeH265CapabilitiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeH265CapabilitiesKHR(x.vks, next_types...) end function VideoDecodeH265SessionParametersAddInfoKHR(x::_VideoDecodeH265SessionParametersAddInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeH265SessionParametersAddInfoKHR(x.vks, next_types...) end function VideoDecodeH265SessionParametersCreateInfoKHR(x::_VideoDecodeH265SessionParametersCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeH265SessionParametersCreateInfoKHR(x.vks, next_types...) end function VideoDecodeH265PictureInfoKHR(x::_VideoDecodeH265PictureInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeH265PictureInfoKHR(x.vks, next_types...) end function VideoDecodeH265DpbSlotInfoKHR(x::_VideoDecodeH265DpbSlotInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeH265DpbSlotInfoKHR(x.vks, next_types...) end function VideoSessionCreateInfoKHR(x::_VideoSessionCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoSessionCreateInfoKHR(x.vks, next_types...) end function VideoSessionParametersCreateInfoKHR(x::_VideoSessionParametersCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoSessionParametersCreateInfoKHR(x.vks, next_types...) end function VideoSessionParametersUpdateInfoKHR(x::_VideoSessionParametersUpdateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoSessionParametersUpdateInfoKHR(x.vks, next_types...) end function VideoBeginCodingInfoKHR(x::_VideoBeginCodingInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoBeginCodingInfoKHR(x.vks, next_types...) end function VideoEndCodingInfoKHR(x::_VideoEndCodingInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoEndCodingInfoKHR(x.vks, next_types...) end function VideoCodingControlInfoKHR(x::_VideoCodingControlInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoCodingControlInfoKHR(x.vks, next_types...) end function PhysicalDeviceInheritedViewportScissorFeaturesNV(x::_PhysicalDeviceInheritedViewportScissorFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceInheritedViewportScissorFeaturesNV(x.vks, next_types...) end function CommandBufferInheritanceViewportScissorInfoNV(x::_CommandBufferInheritanceViewportScissorInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps CommandBufferInheritanceViewportScissorInfoNV(x.vks, next_types...) end function PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT(x::_PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceProvokingVertexFeaturesEXT(x::_PhysicalDeviceProvokingVertexFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceProvokingVertexFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceProvokingVertexPropertiesEXT(x::_PhysicalDeviceProvokingVertexPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceProvokingVertexPropertiesEXT(x.vks, next_types...) end function PipelineRasterizationProvokingVertexStateCreateInfoEXT(x::_PipelineRasterizationProvokingVertexStateCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineRasterizationProvokingVertexStateCreateInfoEXT(x.vks, next_types...) end function CuModuleCreateInfoNVX(x::_CuModuleCreateInfoNVX, next_types::Type...) (; deps) = x GC.@preserve deps CuModuleCreateInfoNVX(x.vks, next_types...) end function CuFunctionCreateInfoNVX(x::_CuFunctionCreateInfoNVX, next_types::Type...) (; deps) = x GC.@preserve deps CuFunctionCreateInfoNVX(x.vks, next_types...) end function CuLaunchInfoNVX(x::_CuLaunchInfoNVX, next_types::Type...) (; deps) = x GC.@preserve deps CuLaunchInfoNVX(x.vks, next_types...) end function PhysicalDeviceDescriptorBufferFeaturesEXT(x::_PhysicalDeviceDescriptorBufferFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDescriptorBufferFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceDescriptorBufferPropertiesEXT(x::_PhysicalDeviceDescriptorBufferPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDescriptorBufferPropertiesEXT(x.vks, next_types...) end function PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT(x::_PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT(x.vks, next_types...) end function DescriptorAddressInfoEXT(x::_DescriptorAddressInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorAddressInfoEXT(x.vks, next_types...) end function DescriptorBufferBindingInfoEXT(x::_DescriptorBufferBindingInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorBufferBindingInfoEXT(x.vks, next_types...) end function DescriptorBufferBindingPushDescriptorBufferHandleEXT(x::_DescriptorBufferBindingPushDescriptorBufferHandleEXT, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorBufferBindingPushDescriptorBufferHandleEXT(x.vks, next_types...) end function DescriptorGetInfoEXT(x::_DescriptorGetInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorGetInfoEXT(x.vks, next_types...) end function BufferCaptureDescriptorDataInfoEXT(x::_BufferCaptureDescriptorDataInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps BufferCaptureDescriptorDataInfoEXT(x.vks, next_types...) end function ImageCaptureDescriptorDataInfoEXT(x::_ImageCaptureDescriptorDataInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ImageCaptureDescriptorDataInfoEXT(x.vks, next_types...) end function ImageViewCaptureDescriptorDataInfoEXT(x::_ImageViewCaptureDescriptorDataInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ImageViewCaptureDescriptorDataInfoEXT(x.vks, next_types...) end function SamplerCaptureDescriptorDataInfoEXT(x::_SamplerCaptureDescriptorDataInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps SamplerCaptureDescriptorDataInfoEXT(x.vks, next_types...) end function AccelerationStructureCaptureDescriptorDataInfoEXT(x::_AccelerationStructureCaptureDescriptorDataInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureCaptureDescriptorDataInfoEXT(x.vks, next_types...) end function OpaqueCaptureDescriptorDataCreateInfoEXT(x::_OpaqueCaptureDescriptorDataCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps OpaqueCaptureDescriptorDataCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceShaderIntegerDotProductFeatures(x::_PhysicalDeviceShaderIntegerDotProductFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderIntegerDotProductFeatures(x.vks, next_types...) end function PhysicalDeviceShaderIntegerDotProductProperties(x::_PhysicalDeviceShaderIntegerDotProductProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderIntegerDotProductProperties(x.vks, next_types...) end function PhysicalDeviceDrmPropertiesEXT(x::_PhysicalDeviceDrmPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDrmPropertiesEXT(x.vks, next_types...) end function PhysicalDeviceFragmentShaderBarycentricFeaturesKHR(x::_PhysicalDeviceFragmentShaderBarycentricFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentShaderBarycentricFeaturesKHR(x.vks, next_types...) end function PhysicalDeviceFragmentShaderBarycentricPropertiesKHR(x::_PhysicalDeviceFragmentShaderBarycentricPropertiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentShaderBarycentricPropertiesKHR(x.vks, next_types...) end function PhysicalDeviceRayTracingMotionBlurFeaturesNV(x::_PhysicalDeviceRayTracingMotionBlurFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRayTracingMotionBlurFeaturesNV(x.vks, next_types...) end function AccelerationStructureGeometryMotionTrianglesDataNV(x::_AccelerationStructureGeometryMotionTrianglesDataNV, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureGeometryMotionTrianglesDataNV(x.vks, next_types...) end function AccelerationStructureMotionInfoNV(x::_AccelerationStructureMotionInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureMotionInfoNV(x.vks, next_types...) end SRTDataNV(x::_SRTDataNV) = SRTDataNV(x.vks) AccelerationStructureSRTMotionInstanceNV(x::_AccelerationStructureSRTMotionInstanceNV) = AccelerationStructureSRTMotionInstanceNV(x.vks) AccelerationStructureMatrixMotionInstanceNV(x::_AccelerationStructureMatrixMotionInstanceNV) = AccelerationStructureMatrixMotionInstanceNV(x.vks) AccelerationStructureMotionInstanceNV(x::_AccelerationStructureMotionInstanceNV) = AccelerationStructureMotionInstanceNV(x.vks) function MemoryGetRemoteAddressInfoNV(x::_MemoryGetRemoteAddressInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps MemoryGetRemoteAddressInfoNV(x.vks, next_types...) end function PhysicalDeviceRGBA10X6FormatsFeaturesEXT(x::_PhysicalDeviceRGBA10X6FormatsFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRGBA10X6FormatsFeaturesEXT(x.vks, next_types...) end function FormatProperties3(x::_FormatProperties3, next_types::Type...) (; deps) = x GC.@preserve deps FormatProperties3(x.vks, next_types...) end function DrmFormatModifierPropertiesList2EXT(x::_DrmFormatModifierPropertiesList2EXT, next_types::Type...) (; deps) = x GC.@preserve deps DrmFormatModifierPropertiesList2EXT(x.vks, next_types...) end DrmFormatModifierProperties2EXT(x::_DrmFormatModifierProperties2EXT) = DrmFormatModifierProperties2EXT(x.vks) function PipelineRenderingCreateInfo(x::_PipelineRenderingCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineRenderingCreateInfo(x.vks, next_types...) end function RenderingInfo(x::_RenderingInfo, next_types::Type...) (; deps) = x GC.@preserve deps RenderingInfo(x.vks, next_types...) end function RenderingAttachmentInfo(x::_RenderingAttachmentInfo, next_types::Type...) (; deps) = x GC.@preserve deps RenderingAttachmentInfo(x.vks, next_types...) end function RenderingFragmentShadingRateAttachmentInfoKHR(x::_RenderingFragmentShadingRateAttachmentInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps RenderingFragmentShadingRateAttachmentInfoKHR(x.vks, next_types...) end function RenderingFragmentDensityMapAttachmentInfoEXT(x::_RenderingFragmentDensityMapAttachmentInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps RenderingFragmentDensityMapAttachmentInfoEXT(x.vks, next_types...) end function PhysicalDeviceDynamicRenderingFeatures(x::_PhysicalDeviceDynamicRenderingFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDynamicRenderingFeatures(x.vks, next_types...) end function CommandBufferInheritanceRenderingInfo(x::_CommandBufferInheritanceRenderingInfo, next_types::Type...) (; deps) = x GC.@preserve deps CommandBufferInheritanceRenderingInfo(x.vks, next_types...) end function AttachmentSampleCountInfoAMD(x::_AttachmentSampleCountInfoAMD, next_types::Type...) (; deps) = x GC.@preserve deps AttachmentSampleCountInfoAMD(x.vks, next_types...) end function MultiviewPerViewAttributesInfoNVX(x::_MultiviewPerViewAttributesInfoNVX, next_types::Type...) (; deps) = x GC.@preserve deps MultiviewPerViewAttributesInfoNVX(x.vks, next_types...) end function PhysicalDeviceImageViewMinLodFeaturesEXT(x::_PhysicalDeviceImageViewMinLodFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceImageViewMinLodFeaturesEXT(x.vks, next_types...) end function ImageViewMinLodCreateInfoEXT(x::_ImageViewMinLodCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ImageViewMinLodCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT(x::_PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceLinearColorAttachmentFeaturesNV(x::_PhysicalDeviceLinearColorAttachmentFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceLinearColorAttachmentFeaturesNV(x.vks, next_types...) end function PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT(x::_PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT(x::_PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT(x.vks, next_types...) end function GraphicsPipelineLibraryCreateInfoEXT(x::_GraphicsPipelineLibraryCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps GraphicsPipelineLibraryCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE(x::_PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE(x.vks, next_types...) end function DescriptorSetBindingReferenceVALVE(x::_DescriptorSetBindingReferenceVALVE, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorSetBindingReferenceVALVE(x.vks, next_types...) end function DescriptorSetLayoutHostMappingInfoVALVE(x::_DescriptorSetLayoutHostMappingInfoVALVE, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorSetLayoutHostMappingInfoVALVE(x.vks, next_types...) end function PhysicalDeviceShaderModuleIdentifierFeaturesEXT(x::_PhysicalDeviceShaderModuleIdentifierFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderModuleIdentifierFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceShaderModuleIdentifierPropertiesEXT(x::_PhysicalDeviceShaderModuleIdentifierPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderModuleIdentifierPropertiesEXT(x.vks, next_types...) end function PipelineShaderStageModuleIdentifierCreateInfoEXT(x::_PipelineShaderStageModuleIdentifierCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineShaderStageModuleIdentifierCreateInfoEXT(x.vks, next_types...) end function ShaderModuleIdentifierEXT(x::_ShaderModuleIdentifierEXT, next_types::Type...) (; deps) = x GC.@preserve deps ShaderModuleIdentifierEXT(x.vks, next_types...) end function ImageCompressionControlEXT(x::_ImageCompressionControlEXT, next_types::Type...) (; deps) = x GC.@preserve deps ImageCompressionControlEXT(x.vks, next_types...) end function PhysicalDeviceImageCompressionControlFeaturesEXT(x::_PhysicalDeviceImageCompressionControlFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceImageCompressionControlFeaturesEXT(x.vks, next_types...) end function ImageCompressionPropertiesEXT(x::_ImageCompressionPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps ImageCompressionPropertiesEXT(x.vks, next_types...) end function PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT(x::_PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT(x.vks, next_types...) end function ImageSubresource2EXT(x::_ImageSubresource2EXT, next_types::Type...) (; deps) = x GC.@preserve deps ImageSubresource2EXT(x.vks, next_types...) end function SubresourceLayout2EXT(x::_SubresourceLayout2EXT, next_types::Type...) (; deps) = x GC.@preserve deps SubresourceLayout2EXT(x.vks, next_types...) end function RenderPassCreationControlEXT(x::_RenderPassCreationControlEXT, next_types::Type...) (; deps) = x GC.@preserve deps RenderPassCreationControlEXT(x.vks, next_types...) end RenderPassCreationFeedbackInfoEXT(x::_RenderPassCreationFeedbackInfoEXT) = RenderPassCreationFeedbackInfoEXT(x.vks) function RenderPassCreationFeedbackCreateInfoEXT(x::_RenderPassCreationFeedbackCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps RenderPassCreationFeedbackCreateInfoEXT(x.vks, next_types...) end RenderPassSubpassFeedbackInfoEXT(x::_RenderPassSubpassFeedbackInfoEXT) = RenderPassSubpassFeedbackInfoEXT(x.vks) function RenderPassSubpassFeedbackCreateInfoEXT(x::_RenderPassSubpassFeedbackCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps RenderPassSubpassFeedbackCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceSubpassMergeFeedbackFeaturesEXT(x::_PhysicalDeviceSubpassMergeFeedbackFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSubpassMergeFeedbackFeaturesEXT(x.vks, next_types...) end function MicromapBuildInfoEXT(x::_MicromapBuildInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps MicromapBuildInfoEXT(x.vks, next_types...) end function MicromapCreateInfoEXT(x::_MicromapCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps MicromapCreateInfoEXT(x.vks, next_types...) end function MicromapVersionInfoEXT(x::_MicromapVersionInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps MicromapVersionInfoEXT(x.vks, next_types...) end function CopyMicromapInfoEXT(x::_CopyMicromapInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps CopyMicromapInfoEXT(x.vks, next_types...) end function CopyMicromapToMemoryInfoEXT(x::_CopyMicromapToMemoryInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps CopyMicromapToMemoryInfoEXT(x.vks, next_types...) end function CopyMemoryToMicromapInfoEXT(x::_CopyMemoryToMicromapInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps CopyMemoryToMicromapInfoEXT(x.vks, next_types...) end function MicromapBuildSizesInfoEXT(x::_MicromapBuildSizesInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps MicromapBuildSizesInfoEXT(x.vks, next_types...) end MicromapUsageEXT(x::_MicromapUsageEXT) = MicromapUsageEXT(x.vks) MicromapTriangleEXT(x::_MicromapTriangleEXT) = MicromapTriangleEXT(x.vks) function PhysicalDeviceOpacityMicromapFeaturesEXT(x::_PhysicalDeviceOpacityMicromapFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceOpacityMicromapFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceOpacityMicromapPropertiesEXT(x::_PhysicalDeviceOpacityMicromapPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceOpacityMicromapPropertiesEXT(x.vks, next_types...) end function AccelerationStructureTrianglesOpacityMicromapEXT(x::_AccelerationStructureTrianglesOpacityMicromapEXT, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureTrianglesOpacityMicromapEXT(x.vks, next_types...) end function PipelinePropertiesIdentifierEXT(x::_PipelinePropertiesIdentifierEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelinePropertiesIdentifierEXT(x.vks, next_types...) end function PhysicalDevicePipelinePropertiesFeaturesEXT(x::_PhysicalDevicePipelinePropertiesFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePipelinePropertiesFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD(x::_PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD(x.vks, next_types...) end function PhysicalDeviceNonSeamlessCubeMapFeaturesEXT(x::_PhysicalDeviceNonSeamlessCubeMapFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceNonSeamlessCubeMapFeaturesEXT(x.vks, next_types...) end function PhysicalDevicePipelineRobustnessFeaturesEXT(x::_PhysicalDevicePipelineRobustnessFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePipelineRobustnessFeaturesEXT(x.vks, next_types...) end function PipelineRobustnessCreateInfoEXT(x::_PipelineRobustnessCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineRobustnessCreateInfoEXT(x.vks, next_types...) end function PhysicalDevicePipelineRobustnessPropertiesEXT(x::_PhysicalDevicePipelineRobustnessPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePipelineRobustnessPropertiesEXT(x.vks, next_types...) end function ImageViewSampleWeightCreateInfoQCOM(x::_ImageViewSampleWeightCreateInfoQCOM, next_types::Type...) (; deps) = x GC.@preserve deps ImageViewSampleWeightCreateInfoQCOM(x.vks, next_types...) end function PhysicalDeviceImageProcessingFeaturesQCOM(x::_PhysicalDeviceImageProcessingFeaturesQCOM, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceImageProcessingFeaturesQCOM(x.vks, next_types...) end function PhysicalDeviceImageProcessingPropertiesQCOM(x::_PhysicalDeviceImageProcessingPropertiesQCOM, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceImageProcessingPropertiesQCOM(x.vks, next_types...) end function PhysicalDeviceTilePropertiesFeaturesQCOM(x::_PhysicalDeviceTilePropertiesFeaturesQCOM, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceTilePropertiesFeaturesQCOM(x.vks, next_types...) end function TilePropertiesQCOM(x::_TilePropertiesQCOM, next_types::Type...) (; deps) = x GC.@preserve deps TilePropertiesQCOM(x.vks, next_types...) end function PhysicalDeviceAmigoProfilingFeaturesSEC(x::_PhysicalDeviceAmigoProfilingFeaturesSEC, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceAmigoProfilingFeaturesSEC(x.vks, next_types...) end function AmigoProfilingSubmitInfoSEC(x::_AmigoProfilingSubmitInfoSEC, next_types::Type...) (; deps) = x GC.@preserve deps AmigoProfilingSubmitInfoSEC(x.vks, next_types...) end function PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT(x::_PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceDepthClampZeroOneFeaturesEXT(x::_PhysicalDeviceDepthClampZeroOneFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDepthClampZeroOneFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceAddressBindingReportFeaturesEXT(x::_PhysicalDeviceAddressBindingReportFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceAddressBindingReportFeaturesEXT(x.vks, next_types...) end function DeviceAddressBindingCallbackDataEXT(x::_DeviceAddressBindingCallbackDataEXT, next_types::Type...) (; deps) = x GC.@preserve deps DeviceAddressBindingCallbackDataEXT(x.vks, next_types...) end function PhysicalDeviceOpticalFlowFeaturesNV(x::_PhysicalDeviceOpticalFlowFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceOpticalFlowFeaturesNV(x.vks, next_types...) end function PhysicalDeviceOpticalFlowPropertiesNV(x::_PhysicalDeviceOpticalFlowPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceOpticalFlowPropertiesNV(x.vks, next_types...) end function OpticalFlowImageFormatInfoNV(x::_OpticalFlowImageFormatInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps OpticalFlowImageFormatInfoNV(x.vks, next_types...) end function OpticalFlowImageFormatPropertiesNV(x::_OpticalFlowImageFormatPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps OpticalFlowImageFormatPropertiesNV(x.vks, next_types...) end function OpticalFlowSessionCreateInfoNV(x::_OpticalFlowSessionCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps OpticalFlowSessionCreateInfoNV(x.vks, next_types...) end function OpticalFlowSessionCreatePrivateDataInfoNV(x::_OpticalFlowSessionCreatePrivateDataInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps OpticalFlowSessionCreatePrivateDataInfoNV(x.vks, next_types...) end function OpticalFlowExecuteInfoNV(x::_OpticalFlowExecuteInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps OpticalFlowExecuteInfoNV(x.vks, next_types...) end function PhysicalDeviceFaultFeaturesEXT(x::_PhysicalDeviceFaultFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFaultFeaturesEXT(x.vks, next_types...) end DeviceFaultAddressInfoEXT(x::_DeviceFaultAddressInfoEXT) = DeviceFaultAddressInfoEXT(x.vks) DeviceFaultVendorInfoEXT(x::_DeviceFaultVendorInfoEXT) = DeviceFaultVendorInfoEXT(x.vks) function DeviceFaultCountsEXT(x::_DeviceFaultCountsEXT, next_types::Type...) (; deps) = x GC.@preserve deps DeviceFaultCountsEXT(x.vks, next_types...) end function DeviceFaultInfoEXT(x::_DeviceFaultInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DeviceFaultInfoEXT(x.vks, next_types...) end DeviceFaultVendorBinaryHeaderVersionOneEXT(x::_DeviceFaultVendorBinaryHeaderVersionOneEXT) = DeviceFaultVendorBinaryHeaderVersionOneEXT(x.vks) function PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT(x::_PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT(x.vks, next_types...) end DecompressMemoryRegionNV(x::_DecompressMemoryRegionNV) = DecompressMemoryRegionNV(x.vks) function PhysicalDeviceShaderCoreBuiltinsPropertiesARM(x::_PhysicalDeviceShaderCoreBuiltinsPropertiesARM, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderCoreBuiltinsPropertiesARM(x.vks, next_types...) end function PhysicalDeviceShaderCoreBuiltinsFeaturesARM(x::_PhysicalDeviceShaderCoreBuiltinsFeaturesARM, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderCoreBuiltinsFeaturesARM(x.vks, next_types...) end function SurfacePresentModeEXT(x::_SurfacePresentModeEXT, next_types::Type...) (; deps) = x GC.@preserve deps SurfacePresentModeEXT(x.vks, next_types...) end function SurfacePresentScalingCapabilitiesEXT(x::_SurfacePresentScalingCapabilitiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps SurfacePresentScalingCapabilitiesEXT(x.vks, next_types...) end function SurfacePresentModeCompatibilityEXT(x::_SurfacePresentModeCompatibilityEXT, next_types::Type...) (; deps) = x GC.@preserve deps SurfacePresentModeCompatibilityEXT(x.vks, next_types...) end function PhysicalDeviceSwapchainMaintenance1FeaturesEXT(x::_PhysicalDeviceSwapchainMaintenance1FeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSwapchainMaintenance1FeaturesEXT(x.vks, next_types...) end function SwapchainPresentFenceInfoEXT(x::_SwapchainPresentFenceInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps SwapchainPresentFenceInfoEXT(x.vks, next_types...) end function SwapchainPresentModesCreateInfoEXT(x::_SwapchainPresentModesCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps SwapchainPresentModesCreateInfoEXT(x.vks, next_types...) end function SwapchainPresentModeInfoEXT(x::_SwapchainPresentModeInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps SwapchainPresentModeInfoEXT(x.vks, next_types...) end function SwapchainPresentScalingCreateInfoEXT(x::_SwapchainPresentScalingCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps SwapchainPresentScalingCreateInfoEXT(x.vks, next_types...) end function ReleaseSwapchainImagesInfoEXT(x::_ReleaseSwapchainImagesInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ReleaseSwapchainImagesInfoEXT(x.vks, next_types...) end function PhysicalDeviceRayTracingInvocationReorderFeaturesNV(x::_PhysicalDeviceRayTracingInvocationReorderFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRayTracingInvocationReorderFeaturesNV(x.vks, next_types...) end function PhysicalDeviceRayTracingInvocationReorderPropertiesNV(x::_PhysicalDeviceRayTracingInvocationReorderPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRayTracingInvocationReorderPropertiesNV(x.vks, next_types...) end function DirectDriverLoadingInfoLUNARG(x::_DirectDriverLoadingInfoLUNARG, next_types::Type...) (; deps) = x GC.@preserve deps DirectDriverLoadingInfoLUNARG(x.vks, next_types...) end function DirectDriverLoadingListLUNARG(x::_DirectDriverLoadingListLUNARG, next_types::Type...) (; deps) = x GC.@preserve deps DirectDriverLoadingListLUNARG(x.vks, next_types...) end function PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM(x::_PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM(x.vks, next_types...) end BaseOutStructure(x::VkBaseOutStructure, next_types::Type...) = BaseOutStructure(load_next_chain(x.pNext, next_types...)) BaseInStructure(x::VkBaseInStructure, next_types::Type...) = BaseInStructure(load_next_chain(x.pNext, next_types...)) Offset2D(x::VkOffset2D) = Offset2D(x.x, x.y) Offset3D(x::VkOffset3D) = Offset3D(x.x, x.y, x.z) Extent2D(x::VkExtent2D) = Extent2D(x.width, x.height) Extent3D(x::VkExtent3D) = Extent3D(x.width, x.height, x.depth) Viewport(x::VkViewport) = Viewport(x.x, x.y, x.width, x.height, x.minDepth, x.maxDepth) Rect2D(x::VkRect2D) = Rect2D(Offset2D(x.offset), Extent2D(x.extent)) ClearRect(x::VkClearRect) = ClearRect(Rect2D(x.rect), x.baseArrayLayer, x.layerCount) ComponentMapping(x::VkComponentMapping) = ComponentMapping(x.r, x.g, x.b, x.a) PhysicalDeviceProperties(x::VkPhysicalDeviceProperties) = PhysicalDeviceProperties(from_vk(VersionNumber, x.apiVersion), from_vk(VersionNumber, x.driverVersion), x.vendorID, x.deviceID, x.deviceType, from_vk(String, x.deviceName), x.pipelineCacheUUID, PhysicalDeviceLimits(x.limits), PhysicalDeviceSparseProperties(x.sparseProperties)) ExtensionProperties(x::VkExtensionProperties) = ExtensionProperties(from_vk(String, x.extensionName), from_vk(VersionNumber, x.specVersion)) LayerProperties(x::VkLayerProperties) = LayerProperties(from_vk(String, x.layerName), from_vk(VersionNumber, x.specVersion), from_vk(VersionNumber, x.implementationVersion), from_vk(String, x.description)) ApplicationInfo(x::VkApplicationInfo, next_types::Type...) = ApplicationInfo(load_next_chain(x.pNext, next_types...), unsafe_string(x.pApplicationName), from_vk(VersionNumber, x.applicationVersion), unsafe_string(x.pEngineName), from_vk(VersionNumber, x.engineVersion), from_vk(VersionNumber, x.apiVersion)) AllocationCallbacks(x::VkAllocationCallbacks) = AllocationCallbacks(x.pUserData, from_vk(FunctionPtr, x.pfnAllocation), from_vk(FunctionPtr, x.pfnReallocation), from_vk(FunctionPtr, x.pfnFree), from_vk(FunctionPtr, x.pfnInternalAllocation), from_vk(FunctionPtr, x.pfnInternalFree)) DeviceQueueCreateInfo(x::VkDeviceQueueCreateInfo, next_types::Type...) = DeviceQueueCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, x.queueFamilyIndex, unsafe_wrap(Vector{Float32}, x.pQueuePriorities, x.queueCount; own = true)) DeviceCreateInfo(x::VkDeviceCreateInfo, next_types::Type...) = DeviceCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{DeviceQueueCreateInfo}, x.pQueueCreateInfos, x.queueCreateInfoCount; own = true), unsafe_wrap(Vector{String}, x.ppEnabledLayerNames, x.enabledLayerCount; own = true), unsafe_wrap(Vector{String}, x.ppEnabledExtensionNames, x.enabledExtensionCount; own = true), PhysicalDeviceFeatures(x.pEnabledFeatures)) InstanceCreateInfo(x::VkInstanceCreateInfo, next_types::Type...) = InstanceCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, ApplicationInfo(x.pApplicationInfo), unsafe_wrap(Vector{String}, x.ppEnabledLayerNames, x.enabledLayerCount; own = true), unsafe_wrap(Vector{String}, x.ppEnabledExtensionNames, x.enabledExtensionCount; own = true)) QueueFamilyProperties(x::VkQueueFamilyProperties) = QueueFamilyProperties(x.queueFlags, x.queueCount, x.timestampValidBits, Extent3D(x.minImageTransferGranularity)) PhysicalDeviceMemoryProperties(x::VkPhysicalDeviceMemoryProperties) = PhysicalDeviceMemoryProperties(x.memoryTypeCount, MemoryType.(x.memoryTypes), x.memoryHeapCount, MemoryHeap.(x.memoryHeaps)) MemoryAllocateInfo(x::VkMemoryAllocateInfo, next_types::Type...) = MemoryAllocateInfo(load_next_chain(x.pNext, next_types...), x.allocationSize, x.memoryTypeIndex) MemoryRequirements(x::VkMemoryRequirements) = MemoryRequirements(x.size, x.alignment, x.memoryTypeBits) SparseImageFormatProperties(x::VkSparseImageFormatProperties) = SparseImageFormatProperties(x.aspectMask, Extent3D(x.imageGranularity), x.flags) SparseImageMemoryRequirements(x::VkSparseImageMemoryRequirements) = SparseImageMemoryRequirements(SparseImageFormatProperties(x.formatProperties), x.imageMipTailFirstLod, x.imageMipTailSize, x.imageMipTailOffset, x.imageMipTailStride) MemoryType(x::VkMemoryType) = MemoryType(x.propertyFlags, x.heapIndex) MemoryHeap(x::VkMemoryHeap) = MemoryHeap(x.size, x.flags) MappedMemoryRange(x::VkMappedMemoryRange, next_types::Type...) = MappedMemoryRange(load_next_chain(x.pNext, next_types...), DeviceMemory(x.memory), x.offset, x.size) FormatProperties(x::VkFormatProperties) = FormatProperties(x.linearTilingFeatures, x.optimalTilingFeatures, x.bufferFeatures) ImageFormatProperties(x::VkImageFormatProperties) = ImageFormatProperties(Extent3D(x.maxExtent), x.maxMipLevels, x.maxArrayLayers, x.sampleCounts, x.maxResourceSize) DescriptorBufferInfo(x::VkDescriptorBufferInfo) = DescriptorBufferInfo(Buffer(x.buffer), x.offset, x.range) DescriptorImageInfo(x::VkDescriptorImageInfo) = DescriptorImageInfo(Sampler(x.sampler), ImageView(x.imageView), x.imageLayout) WriteDescriptorSet(x::VkWriteDescriptorSet, next_types::Type...) = WriteDescriptorSet(load_next_chain(x.pNext, next_types...), DescriptorSet(x.dstSet), x.dstBinding, x.dstArrayElement, x.descriptorType, unsafe_wrap(Vector{DescriptorImageInfo}, x.pImageInfo, x.descriptorCount; own = true), unsafe_wrap(Vector{DescriptorBufferInfo}, x.pBufferInfo, x.descriptorCount; own = true), unsafe_wrap(Vector{BufferView}, x.pTexelBufferView, x.descriptorCount; own = true)) CopyDescriptorSet(x::VkCopyDescriptorSet, next_types::Type...) = CopyDescriptorSet(load_next_chain(x.pNext, next_types...), DescriptorSet(x.srcSet), x.srcBinding, x.srcArrayElement, DescriptorSet(x.dstSet), x.dstBinding, x.dstArrayElement, x.descriptorCount) BufferCreateInfo(x::VkBufferCreateInfo, next_types::Type...) = BufferCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, x.size, x.usage, x.sharingMode, unsafe_wrap(Vector{UInt32}, x.pQueueFamilyIndices, x.queueFamilyIndexCount; own = true)) BufferViewCreateInfo(x::VkBufferViewCreateInfo, next_types::Type...) = BufferViewCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, Buffer(x.buffer), x.format, x.offset, x.range) ImageSubresource(x::VkImageSubresource) = ImageSubresource(x.aspectMask, x.mipLevel, x.arrayLayer) ImageSubresourceLayers(x::VkImageSubresourceLayers) = ImageSubresourceLayers(x.aspectMask, x.mipLevel, x.baseArrayLayer, x.layerCount) ImageSubresourceRange(x::VkImageSubresourceRange) = ImageSubresourceRange(x.aspectMask, x.baseMipLevel, x.levelCount, x.baseArrayLayer, x.layerCount) MemoryBarrier(x::VkMemoryBarrier, next_types::Type...) = MemoryBarrier(load_next_chain(x.pNext, next_types...), x.srcAccessMask, x.dstAccessMask) BufferMemoryBarrier(x::VkBufferMemoryBarrier, next_types::Type...) = BufferMemoryBarrier(load_next_chain(x.pNext, next_types...), x.srcAccessMask, x.dstAccessMask, x.srcQueueFamilyIndex, x.dstQueueFamilyIndex, Buffer(x.buffer), x.offset, x.size) ImageMemoryBarrier(x::VkImageMemoryBarrier, next_types::Type...) = ImageMemoryBarrier(load_next_chain(x.pNext, next_types...), x.srcAccessMask, x.dstAccessMask, x.oldLayout, x.newLayout, x.srcQueueFamilyIndex, x.dstQueueFamilyIndex, Image(x.image), ImageSubresourceRange(x.subresourceRange)) ImageCreateInfo(x::VkImageCreateInfo, next_types::Type...) = ImageCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, x.imageType, x.format, Extent3D(x.extent), x.mipLevels, x.arrayLayers, SampleCountFlag(UInt32(x.samples)), x.tiling, x.usage, x.sharingMode, unsafe_wrap(Vector{UInt32}, x.pQueueFamilyIndices, x.queueFamilyIndexCount; own = true), x.initialLayout) SubresourceLayout(x::VkSubresourceLayout) = SubresourceLayout(x.offset, x.size, x.rowPitch, x.arrayPitch, x.depthPitch) ImageViewCreateInfo(x::VkImageViewCreateInfo, next_types::Type...) = ImageViewCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, Image(x.image), x.viewType, x.format, ComponentMapping(x.components), ImageSubresourceRange(x.subresourceRange)) BufferCopy(x::VkBufferCopy) = BufferCopy(x.srcOffset, x.dstOffset, x.size) SparseMemoryBind(x::VkSparseMemoryBind) = SparseMemoryBind(x.resourceOffset, x.size, DeviceMemory(x.memory), x.memoryOffset, x.flags) SparseImageMemoryBind(x::VkSparseImageMemoryBind) = SparseImageMemoryBind(ImageSubresource(x.subresource), Offset3D(x.offset), Extent3D(x.extent), DeviceMemory(x.memory), x.memoryOffset, x.flags) SparseBufferMemoryBindInfo(x::VkSparseBufferMemoryBindInfo) = SparseBufferMemoryBindInfo(Buffer(x.buffer), unsafe_wrap(Vector{SparseMemoryBind}, x.pBinds, x.bindCount; own = true)) SparseImageOpaqueMemoryBindInfo(x::VkSparseImageOpaqueMemoryBindInfo) = SparseImageOpaqueMemoryBindInfo(Image(x.image), unsafe_wrap(Vector{SparseMemoryBind}, x.pBinds, x.bindCount; own = true)) SparseImageMemoryBindInfo(x::VkSparseImageMemoryBindInfo) = SparseImageMemoryBindInfo(Image(x.image), unsafe_wrap(Vector{SparseImageMemoryBind}, x.pBinds, x.bindCount; own = true)) BindSparseInfo(x::VkBindSparseInfo, next_types::Type...) = BindSparseInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{Semaphore}, x.pWaitSemaphores, x.waitSemaphoreCount; own = true), unsafe_wrap(Vector{SparseBufferMemoryBindInfo}, x.pBufferBinds, x.bufferBindCount; own = true), unsafe_wrap(Vector{SparseImageOpaqueMemoryBindInfo}, x.pImageOpaqueBinds, x.imageOpaqueBindCount; own = true), unsafe_wrap(Vector{SparseImageMemoryBindInfo}, x.pImageBinds, x.imageBindCount; own = true), unsafe_wrap(Vector{Semaphore}, x.pSignalSemaphores, x.signalSemaphoreCount; own = true)) ImageCopy(x::VkImageCopy) = ImageCopy(ImageSubresourceLayers(x.srcSubresource), Offset3D(x.srcOffset), ImageSubresourceLayers(x.dstSubresource), Offset3D(x.dstOffset), Extent3D(x.extent)) ImageBlit(x::VkImageBlit) = ImageBlit(ImageSubresourceLayers(x.srcSubresource), Offset3D.(x.srcOffsets), ImageSubresourceLayers(x.dstSubresource), Offset3D.(x.dstOffsets)) BufferImageCopy(x::VkBufferImageCopy) = BufferImageCopy(x.bufferOffset, x.bufferRowLength, x.bufferImageHeight, ImageSubresourceLayers(x.imageSubresource), Offset3D(x.imageOffset), Extent3D(x.imageExtent)) CopyMemoryIndirectCommandNV(x::VkCopyMemoryIndirectCommandNV) = CopyMemoryIndirectCommandNV(x.srcAddress, x.dstAddress, x.size) CopyMemoryToImageIndirectCommandNV(x::VkCopyMemoryToImageIndirectCommandNV) = CopyMemoryToImageIndirectCommandNV(x.srcAddress, x.bufferRowLength, x.bufferImageHeight, ImageSubresourceLayers(x.imageSubresource), Offset3D(x.imageOffset), Extent3D(x.imageExtent)) ImageResolve(x::VkImageResolve) = ImageResolve(ImageSubresourceLayers(x.srcSubresource), Offset3D(x.srcOffset), ImageSubresourceLayers(x.dstSubresource), Offset3D(x.dstOffset), Extent3D(x.extent)) ShaderModuleCreateInfo(x::VkShaderModuleCreateInfo, next_types::Type...) = ShaderModuleCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, x.codeSize, unsafe_wrap(Vector{UInt32}, x.pCode, x.codeSize ÷ 4; own = true)) DescriptorSetLayoutBinding(x::VkDescriptorSetLayoutBinding) = DescriptorSetLayoutBinding(x.binding, x.descriptorType, x.stageFlags, unsafe_wrap(Vector{Sampler}, x.pImmutableSamplers, x.descriptorCount; own = true)) DescriptorSetLayoutCreateInfo(x::VkDescriptorSetLayoutCreateInfo, next_types::Type...) = DescriptorSetLayoutCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{DescriptorSetLayoutBinding}, x.pBindings, x.bindingCount; own = true)) DescriptorPoolSize(x::VkDescriptorPoolSize) = DescriptorPoolSize(x.type, x.descriptorCount) DescriptorPoolCreateInfo(x::VkDescriptorPoolCreateInfo, next_types::Type...) = DescriptorPoolCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, x.maxSets, unsafe_wrap(Vector{DescriptorPoolSize}, x.pPoolSizes, x.poolSizeCount; own = true)) DescriptorSetAllocateInfo(x::VkDescriptorSetAllocateInfo, next_types::Type...) = DescriptorSetAllocateInfo(load_next_chain(x.pNext, next_types...), DescriptorPool(x.descriptorPool), unsafe_wrap(Vector{DescriptorSetLayout}, x.pSetLayouts, x.descriptorSetCount; own = true)) SpecializationMapEntry(x::VkSpecializationMapEntry) = SpecializationMapEntry(x.constantID, x.offset, x.size) SpecializationInfo(x::VkSpecializationInfo) = SpecializationInfo(unsafe_wrap(Vector{SpecializationMapEntry}, x.pMapEntries, x.mapEntryCount; own = true), x.dataSize, x.pData) PipelineShaderStageCreateInfo(x::VkPipelineShaderStageCreateInfo, next_types::Type...) = PipelineShaderStageCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, ShaderStageFlag(UInt32(x.stage)), ShaderModule(x._module), unsafe_string(x.pName), SpecializationInfo(x.pSpecializationInfo)) ComputePipelineCreateInfo(x::VkComputePipelineCreateInfo, next_types::Type...) = ComputePipelineCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, PipelineShaderStageCreateInfo(x.stage), PipelineLayout(x.layout), Pipeline(x.basePipelineHandle), x.basePipelineIndex) VertexInputBindingDescription(x::VkVertexInputBindingDescription) = VertexInputBindingDescription(x.binding, x.stride, x.inputRate) VertexInputAttributeDescription(x::VkVertexInputAttributeDescription) = VertexInputAttributeDescription(x.location, x.binding, x.format, x.offset) PipelineVertexInputStateCreateInfo(x::VkPipelineVertexInputStateCreateInfo, next_types::Type...) = PipelineVertexInputStateCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{VertexInputBindingDescription}, x.pVertexBindingDescriptions, x.vertexBindingDescriptionCount; own = true), unsafe_wrap(Vector{VertexInputAttributeDescription}, x.pVertexAttributeDescriptions, x.vertexAttributeDescriptionCount; own = true)) PipelineInputAssemblyStateCreateInfo(x::VkPipelineInputAssemblyStateCreateInfo, next_types::Type...) = PipelineInputAssemblyStateCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, x.topology, from_vk(Bool, x.primitiveRestartEnable)) PipelineTessellationStateCreateInfo(x::VkPipelineTessellationStateCreateInfo, next_types::Type...) = PipelineTessellationStateCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, x.patchControlPoints) PipelineViewportStateCreateInfo(x::VkPipelineViewportStateCreateInfo, next_types::Type...) = PipelineViewportStateCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{Viewport}, x.pViewports, x.viewportCount; own = true), unsafe_wrap(Vector{Rect2D}, x.pScissors, x.scissorCount; own = true)) PipelineRasterizationStateCreateInfo(x::VkPipelineRasterizationStateCreateInfo, next_types::Type...) = PipelineRasterizationStateCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, from_vk(Bool, x.depthClampEnable), from_vk(Bool, x.rasterizerDiscardEnable), x.polygonMode, x.cullMode, x.frontFace, from_vk(Bool, x.depthBiasEnable), x.depthBiasConstantFactor, x.depthBiasClamp, x.depthBiasSlopeFactor, x.lineWidth) PipelineMultisampleStateCreateInfo(x::VkPipelineMultisampleStateCreateInfo, next_types::Type...) = PipelineMultisampleStateCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, SampleCountFlag(UInt32(x.rasterizationSamples)), from_vk(Bool, x.sampleShadingEnable), x.minSampleShading, unsafe_wrap(Vector{UInt32}, x.pSampleMask, (x.rasterizationSamples + 31) ÷ 32; own = true), from_vk(Bool, x.alphaToCoverageEnable), from_vk(Bool, x.alphaToOneEnable)) PipelineColorBlendAttachmentState(x::VkPipelineColorBlendAttachmentState) = PipelineColorBlendAttachmentState(from_vk(Bool, x.blendEnable), x.srcColorBlendFactor, x.dstColorBlendFactor, x.colorBlendOp, x.srcAlphaBlendFactor, x.dstAlphaBlendFactor, x.alphaBlendOp, x.colorWriteMask) PipelineColorBlendStateCreateInfo(x::VkPipelineColorBlendStateCreateInfo, next_types::Type...) = PipelineColorBlendStateCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, from_vk(Bool, x.logicOpEnable), x.logicOp, unsafe_wrap(Vector{PipelineColorBlendAttachmentState}, x.pAttachments, x.attachmentCount; own = true), x.blendConstants) PipelineDynamicStateCreateInfo(x::VkPipelineDynamicStateCreateInfo, next_types::Type...) = PipelineDynamicStateCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{DynamicState}, x.pDynamicStates, x.dynamicStateCount; own = true)) StencilOpState(x::VkStencilOpState) = StencilOpState(x.failOp, x.passOp, x.depthFailOp, x.compareOp, x.compareMask, x.writeMask, x.reference) PipelineDepthStencilStateCreateInfo(x::VkPipelineDepthStencilStateCreateInfo, next_types::Type...) = PipelineDepthStencilStateCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, from_vk(Bool, x.depthTestEnable), from_vk(Bool, x.depthWriteEnable), x.depthCompareOp, from_vk(Bool, x.depthBoundsTestEnable), from_vk(Bool, x.stencilTestEnable), StencilOpState(x.front), StencilOpState(x.back), x.minDepthBounds, x.maxDepthBounds) GraphicsPipelineCreateInfo(x::VkGraphicsPipelineCreateInfo, next_types::Type...) = GraphicsPipelineCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{PipelineShaderStageCreateInfo}, x.pStages, x.stageCount; own = true), PipelineVertexInputStateCreateInfo(x.pVertexInputState), PipelineInputAssemblyStateCreateInfo(x.pInputAssemblyState), PipelineTessellationStateCreateInfo(x.pTessellationState), PipelineViewportStateCreateInfo(x.pViewportState), PipelineRasterizationStateCreateInfo(x.pRasterizationState), PipelineMultisampleStateCreateInfo(x.pMultisampleState), PipelineDepthStencilStateCreateInfo(x.pDepthStencilState), PipelineColorBlendStateCreateInfo(x.pColorBlendState), PipelineDynamicStateCreateInfo(x.pDynamicState), PipelineLayout(x.layout), RenderPass(x.renderPass), x.subpass, Pipeline(x.basePipelineHandle), x.basePipelineIndex) PipelineCacheCreateInfo(x::VkPipelineCacheCreateInfo, next_types::Type...) = PipelineCacheCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, x.initialDataSize, x.pInitialData) PipelineCacheHeaderVersionOne(x::VkPipelineCacheHeaderVersionOne) = PipelineCacheHeaderVersionOne(x.headerSize, x.headerVersion, x.vendorID, x.deviceID, x.pipelineCacheUUID) PushConstantRange(x::VkPushConstantRange) = PushConstantRange(x.stageFlags, x.offset, x.size) PipelineLayoutCreateInfo(x::VkPipelineLayoutCreateInfo, next_types::Type...) = PipelineLayoutCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{DescriptorSetLayout}, x.pSetLayouts, x.setLayoutCount; own = true), unsafe_wrap(Vector{PushConstantRange}, x.pPushConstantRanges, x.pushConstantRangeCount; own = true)) SamplerCreateInfo(x::VkSamplerCreateInfo, next_types::Type...) = SamplerCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, x.magFilter, x.minFilter, x.mipmapMode, x.addressModeU, x.addressModeV, x.addressModeW, x.mipLodBias, from_vk(Bool, x.anisotropyEnable), x.maxAnisotropy, from_vk(Bool, x.compareEnable), x.compareOp, x.minLod, x.maxLod, x.borderColor, from_vk(Bool, x.unnormalizedCoordinates)) CommandPoolCreateInfo(x::VkCommandPoolCreateInfo, next_types::Type...) = CommandPoolCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, x.queueFamilyIndex) CommandBufferAllocateInfo(x::VkCommandBufferAllocateInfo, next_types::Type...) = CommandBufferAllocateInfo(load_next_chain(x.pNext, next_types...), CommandPool(x.commandPool), x.level, x.commandBufferCount) CommandBufferInheritanceInfo(x::VkCommandBufferInheritanceInfo, next_types::Type...) = CommandBufferInheritanceInfo(load_next_chain(x.pNext, next_types...), RenderPass(x.renderPass), x.subpass, Framebuffer(x.framebuffer), from_vk(Bool, x.occlusionQueryEnable), x.queryFlags, x.pipelineStatistics) CommandBufferBeginInfo(x::VkCommandBufferBeginInfo, next_types::Type...) = CommandBufferBeginInfo(load_next_chain(x.pNext, next_types...), x.flags, CommandBufferInheritanceInfo(x.pInheritanceInfo)) RenderPassBeginInfo(x::VkRenderPassBeginInfo, next_types::Type...) = RenderPassBeginInfo(load_next_chain(x.pNext, next_types...), RenderPass(x.renderPass), Framebuffer(x.framebuffer), Rect2D(x.renderArea), unsafe_wrap(Vector{ClearValue}, x.pClearValues, x.clearValueCount; own = true)) ClearDepthStencilValue(x::VkClearDepthStencilValue) = ClearDepthStencilValue(x.depth, x.stencil) ClearAttachment(x::VkClearAttachment) = ClearAttachment(x.aspectMask, x.colorAttachment, ClearValue(x.clearValue)) AttachmentDescription(x::VkAttachmentDescription) = AttachmentDescription(x.flags, x.format, SampleCountFlag(UInt32(x.samples)), x.loadOp, x.storeOp, x.stencilLoadOp, x.stencilStoreOp, x.initialLayout, x.finalLayout) AttachmentReference(x::VkAttachmentReference) = AttachmentReference(x.attachment, x.layout) SubpassDescription(x::VkSubpassDescription) = SubpassDescription(x.flags, x.pipelineBindPoint, unsafe_wrap(Vector{AttachmentReference}, x.pInputAttachments, x.inputAttachmentCount; own = true), unsafe_wrap(Vector{AttachmentReference}, x.pColorAttachments, x.colorAttachmentCount; own = true), unsafe_wrap(Vector{AttachmentReference}, x.pResolveAttachments, x.colorAttachmentCount; own = true), AttachmentReference(x.pDepthStencilAttachment), unsafe_wrap(Vector{UInt32}, x.pPreserveAttachments, x.preserveAttachmentCount; own = true)) SubpassDependency(x::VkSubpassDependency) = SubpassDependency(x.srcSubpass, x.dstSubpass, x.srcStageMask, x.dstStageMask, x.srcAccessMask, x.dstAccessMask, x.dependencyFlags) RenderPassCreateInfo(x::VkRenderPassCreateInfo, next_types::Type...) = RenderPassCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{AttachmentDescription}, x.pAttachments, x.attachmentCount; own = true), unsafe_wrap(Vector{SubpassDescription}, x.pSubpasses, x.subpassCount; own = true), unsafe_wrap(Vector{SubpassDependency}, x.pDependencies, x.dependencyCount; own = true)) EventCreateInfo(x::VkEventCreateInfo, next_types::Type...) = EventCreateInfo(load_next_chain(x.pNext, next_types...), x.flags) FenceCreateInfo(x::VkFenceCreateInfo, next_types::Type...) = FenceCreateInfo(load_next_chain(x.pNext, next_types...), x.flags) PhysicalDeviceFeatures(x::VkPhysicalDeviceFeatures) = PhysicalDeviceFeatures(from_vk(Bool, x.robustBufferAccess), from_vk(Bool, x.fullDrawIndexUint32), from_vk(Bool, x.imageCubeArray), from_vk(Bool, x.independentBlend), from_vk(Bool, x.geometryShader), from_vk(Bool, x.tessellationShader), from_vk(Bool, x.sampleRateShading), from_vk(Bool, x.dualSrcBlend), from_vk(Bool, x.logicOp), from_vk(Bool, x.multiDrawIndirect), from_vk(Bool, x.drawIndirectFirstInstance), from_vk(Bool, x.depthClamp), from_vk(Bool, x.depthBiasClamp), from_vk(Bool, x.fillModeNonSolid), from_vk(Bool, x.depthBounds), from_vk(Bool, x.wideLines), from_vk(Bool, x.largePoints), from_vk(Bool, x.alphaToOne), from_vk(Bool, x.multiViewport), from_vk(Bool, x.samplerAnisotropy), from_vk(Bool, x.textureCompressionETC2), from_vk(Bool, x.textureCompressionASTC_LDR), from_vk(Bool, x.textureCompressionBC), from_vk(Bool, x.occlusionQueryPrecise), from_vk(Bool, x.pipelineStatisticsQuery), from_vk(Bool, x.vertexPipelineStoresAndAtomics), from_vk(Bool, x.fragmentStoresAndAtomics), from_vk(Bool, x.shaderTessellationAndGeometryPointSize), from_vk(Bool, x.shaderImageGatherExtended), from_vk(Bool, x.shaderStorageImageExtendedFormats), from_vk(Bool, x.shaderStorageImageMultisample), from_vk(Bool, x.shaderStorageImageReadWithoutFormat), from_vk(Bool, x.shaderStorageImageWriteWithoutFormat), from_vk(Bool, x.shaderUniformBufferArrayDynamicIndexing), from_vk(Bool, x.shaderSampledImageArrayDynamicIndexing), from_vk(Bool, x.shaderStorageBufferArrayDynamicIndexing), from_vk(Bool, x.shaderStorageImageArrayDynamicIndexing), from_vk(Bool, x.shaderClipDistance), from_vk(Bool, x.shaderCullDistance), from_vk(Bool, x.shaderFloat64), from_vk(Bool, x.shaderInt64), from_vk(Bool, x.shaderInt16), from_vk(Bool, x.shaderResourceResidency), from_vk(Bool, x.shaderResourceMinLod), from_vk(Bool, x.sparseBinding), from_vk(Bool, x.sparseResidencyBuffer), from_vk(Bool, x.sparseResidencyImage2D), from_vk(Bool, x.sparseResidencyImage3D), from_vk(Bool, x.sparseResidency2Samples), from_vk(Bool, x.sparseResidency4Samples), from_vk(Bool, x.sparseResidency8Samples), from_vk(Bool, x.sparseResidency16Samples), from_vk(Bool, x.sparseResidencyAliased), from_vk(Bool, x.variableMultisampleRate), from_vk(Bool, x.inheritedQueries)) PhysicalDeviceSparseProperties(x::VkPhysicalDeviceSparseProperties) = PhysicalDeviceSparseProperties(from_vk(Bool, x.residencyStandard2DBlockShape), from_vk(Bool, x.residencyStandard2DMultisampleBlockShape), from_vk(Bool, x.residencyStandard3DBlockShape), from_vk(Bool, x.residencyAlignedMipSize), from_vk(Bool, x.residencyNonResidentStrict)) PhysicalDeviceLimits(x::VkPhysicalDeviceLimits) = PhysicalDeviceLimits(x.maxImageDimension1D, x.maxImageDimension2D, x.maxImageDimension3D, x.maxImageDimensionCube, x.maxImageArrayLayers, x.maxTexelBufferElements, x.maxUniformBufferRange, x.maxStorageBufferRange, x.maxPushConstantsSize, x.maxMemoryAllocationCount, x.maxSamplerAllocationCount, x.bufferImageGranularity, x.sparseAddressSpaceSize, x.maxBoundDescriptorSets, x.maxPerStageDescriptorSamplers, x.maxPerStageDescriptorUniformBuffers, x.maxPerStageDescriptorStorageBuffers, x.maxPerStageDescriptorSampledImages, x.maxPerStageDescriptorStorageImages, x.maxPerStageDescriptorInputAttachments, x.maxPerStageResources, x.maxDescriptorSetSamplers, x.maxDescriptorSetUniformBuffers, x.maxDescriptorSetUniformBuffersDynamic, x.maxDescriptorSetStorageBuffers, x.maxDescriptorSetStorageBuffersDynamic, x.maxDescriptorSetSampledImages, x.maxDescriptorSetStorageImages, x.maxDescriptorSetInputAttachments, x.maxVertexInputAttributes, x.maxVertexInputBindings, x.maxVertexInputAttributeOffset, x.maxVertexInputBindingStride, x.maxVertexOutputComponents, x.maxTessellationGenerationLevel, x.maxTessellationPatchSize, x.maxTessellationControlPerVertexInputComponents, x.maxTessellationControlPerVertexOutputComponents, x.maxTessellationControlPerPatchOutputComponents, x.maxTessellationControlTotalOutputComponents, x.maxTessellationEvaluationInputComponents, x.maxTessellationEvaluationOutputComponents, x.maxGeometryShaderInvocations, x.maxGeometryInputComponents, x.maxGeometryOutputComponents, x.maxGeometryOutputVertices, x.maxGeometryTotalOutputComponents, x.maxFragmentInputComponents, x.maxFragmentOutputAttachments, x.maxFragmentDualSrcAttachments, x.maxFragmentCombinedOutputResources, x.maxComputeSharedMemorySize, x.maxComputeWorkGroupCount, x.maxComputeWorkGroupInvocations, x.maxComputeWorkGroupSize, x.subPixelPrecisionBits, x.subTexelPrecisionBits, x.mipmapPrecisionBits, x.maxDrawIndexedIndexValue, x.maxDrawIndirectCount, x.maxSamplerLodBias, x.maxSamplerAnisotropy, x.maxViewports, x.maxViewportDimensions, x.viewportBoundsRange, x.viewportSubPixelBits, x.minMemoryMapAlignment, x.minTexelBufferOffsetAlignment, x.minUniformBufferOffsetAlignment, x.minStorageBufferOffsetAlignment, x.minTexelOffset, x.maxTexelOffset, x.minTexelGatherOffset, x.maxTexelGatherOffset, x.minInterpolationOffset, x.maxInterpolationOffset, x.subPixelInterpolationOffsetBits, x.maxFramebufferWidth, x.maxFramebufferHeight, x.maxFramebufferLayers, x.framebufferColorSampleCounts, x.framebufferDepthSampleCounts, x.framebufferStencilSampleCounts, x.framebufferNoAttachmentsSampleCounts, x.maxColorAttachments, x.sampledImageColorSampleCounts, x.sampledImageIntegerSampleCounts, x.sampledImageDepthSampleCounts, x.sampledImageStencilSampleCounts, x.storageImageSampleCounts, x.maxSampleMaskWords, from_vk(Bool, x.timestampComputeAndGraphics), x.timestampPeriod, x.maxClipDistances, x.maxCullDistances, x.maxCombinedClipAndCullDistances, x.discreteQueuePriorities, x.pointSizeRange, x.lineWidthRange, x.pointSizeGranularity, x.lineWidthGranularity, from_vk(Bool, x.strictLines), from_vk(Bool, x.standardSampleLocations), x.optimalBufferCopyOffsetAlignment, x.optimalBufferCopyRowPitchAlignment, x.nonCoherentAtomSize) SemaphoreCreateInfo(x::VkSemaphoreCreateInfo, next_types::Type...) = SemaphoreCreateInfo(load_next_chain(x.pNext, next_types...), x.flags) QueryPoolCreateInfo(x::VkQueryPoolCreateInfo, next_types::Type...) = QueryPoolCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, x.queryType, x.queryCount, x.pipelineStatistics) FramebufferCreateInfo(x::VkFramebufferCreateInfo, next_types::Type...) = FramebufferCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, RenderPass(x.renderPass), unsafe_wrap(Vector{ImageView}, x.pAttachments, x.attachmentCount; own = true), x.width, x.height, x.layers) DrawIndirectCommand(x::VkDrawIndirectCommand) = DrawIndirectCommand(x.vertexCount, x.instanceCount, x.firstVertex, x.firstInstance) DrawIndexedIndirectCommand(x::VkDrawIndexedIndirectCommand) = DrawIndexedIndirectCommand(x.indexCount, x.instanceCount, x.firstIndex, x.vertexOffset, x.firstInstance) DispatchIndirectCommand(x::VkDispatchIndirectCommand) = DispatchIndirectCommand(x.x, x.y, x.z) MultiDrawInfoEXT(x::VkMultiDrawInfoEXT) = MultiDrawInfoEXT(x.firstVertex, x.vertexCount) MultiDrawIndexedInfoEXT(x::VkMultiDrawIndexedInfoEXT) = MultiDrawIndexedInfoEXT(x.firstIndex, x.indexCount, x.vertexOffset) SubmitInfo(x::VkSubmitInfo, next_types::Type...) = SubmitInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{Semaphore}, x.pWaitSemaphores, x.waitSemaphoreCount; own = true), unsafe_wrap(Vector{PipelineStageFlag}, x.pWaitDstStageMask, x.waitSemaphoreCount; own = true), unsafe_wrap(Vector{CommandBuffer}, x.pCommandBuffers, x.commandBufferCount; own = true), unsafe_wrap(Vector{Semaphore}, x.pSignalSemaphores, x.signalSemaphoreCount; own = true)) DisplayPropertiesKHR(x::VkDisplayPropertiesKHR) = DisplayPropertiesKHR(DisplayKHR(x.display), unsafe_string(x.displayName), Extent2D(x.physicalDimensions), Extent2D(x.physicalResolution), x.supportedTransforms, from_vk(Bool, x.planeReorderPossible), from_vk(Bool, x.persistentContent)) DisplayPlanePropertiesKHR(x::VkDisplayPlanePropertiesKHR) = DisplayPlanePropertiesKHR(DisplayKHR(x.currentDisplay), x.currentStackIndex) DisplayModeParametersKHR(x::VkDisplayModeParametersKHR) = DisplayModeParametersKHR(Extent2D(x.visibleRegion), x.refreshRate) DisplayModePropertiesKHR(x::VkDisplayModePropertiesKHR) = DisplayModePropertiesKHR(DisplayModeKHR(x.displayMode), DisplayModeParametersKHR(x.parameters)) DisplayModeCreateInfoKHR(x::VkDisplayModeCreateInfoKHR, next_types::Type...) = DisplayModeCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.flags, DisplayModeParametersKHR(x.parameters)) DisplayPlaneCapabilitiesKHR(x::VkDisplayPlaneCapabilitiesKHR) = DisplayPlaneCapabilitiesKHR(x.supportedAlpha, Offset2D(x.minSrcPosition), Offset2D(x.maxSrcPosition), Extent2D(x.minSrcExtent), Extent2D(x.maxSrcExtent), Offset2D(x.minDstPosition), Offset2D(x.maxDstPosition), Extent2D(x.minDstExtent), Extent2D(x.maxDstExtent)) DisplaySurfaceCreateInfoKHR(x::VkDisplaySurfaceCreateInfoKHR, next_types::Type...) = DisplaySurfaceCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.flags, DisplayModeKHR(x.displayMode), x.planeIndex, x.planeStackIndex, SurfaceTransformFlagKHR(UInt32(x.transform)), x.globalAlpha, DisplayPlaneAlphaFlagKHR(UInt32(x.alphaMode)), Extent2D(x.imageExtent)) DisplayPresentInfoKHR(x::VkDisplayPresentInfoKHR, next_types::Type...) = DisplayPresentInfoKHR(load_next_chain(x.pNext, next_types...), Rect2D(x.srcRect), Rect2D(x.dstRect), from_vk(Bool, x.persistent)) SurfaceCapabilitiesKHR(x::VkSurfaceCapabilitiesKHR) = SurfaceCapabilitiesKHR(x.minImageCount, x.maxImageCount, Extent2D(x.currentExtent), Extent2D(x.minImageExtent), Extent2D(x.maxImageExtent), x.maxImageArrayLayers, x.supportedTransforms, SurfaceTransformFlagKHR(UInt32(x.currentTransform)), x.supportedCompositeAlpha, x.supportedUsageFlags) WaylandSurfaceCreateInfoKHR(x::VkWaylandSurfaceCreateInfoKHR, next_types::Type...) = WaylandSurfaceCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.flags, x.display, x.surface) XlibSurfaceCreateInfoKHR(x::VkXlibSurfaceCreateInfoKHR, next_types::Type...) = XlibSurfaceCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.flags, x.dpy, x.window) XcbSurfaceCreateInfoKHR(x::VkXcbSurfaceCreateInfoKHR, next_types::Type...) = XcbSurfaceCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.flags, x.connection, x.window) SurfaceFormatKHR(x::VkSurfaceFormatKHR) = SurfaceFormatKHR(x.format, x.colorSpace) SwapchainCreateInfoKHR(x::VkSwapchainCreateInfoKHR, next_types::Type...) = SwapchainCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.flags, SurfaceKHR(x.surface), x.minImageCount, x.imageFormat, x.imageColorSpace, Extent2D(x.imageExtent), x.imageArrayLayers, x.imageUsage, x.imageSharingMode, unsafe_wrap(Vector{UInt32}, x.pQueueFamilyIndices, x.queueFamilyIndexCount; own = true), SurfaceTransformFlagKHR(UInt32(x.preTransform)), CompositeAlphaFlagKHR(UInt32(x.compositeAlpha)), x.presentMode, from_vk(Bool, x.clipped), SwapchainKHR(x.oldSwapchain)) PresentInfoKHR(x::VkPresentInfoKHR, next_types::Type...) = PresentInfoKHR(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{Semaphore}, x.pWaitSemaphores, x.waitSemaphoreCount; own = true), unsafe_wrap(Vector{SwapchainKHR}, x.pSwapchains, x.swapchainCount; own = true), unsafe_wrap(Vector{UInt32}, x.pImageIndices, x.swapchainCount; own = true), unsafe_wrap(Vector{Result}, x.pResults, x.swapchainCount; own = true)) DebugReportCallbackCreateInfoEXT(x::VkDebugReportCallbackCreateInfoEXT, next_types::Type...) = DebugReportCallbackCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.flags, from_vk(FunctionPtr, x.pfnCallback), x.pUserData) ValidationFlagsEXT(x::VkValidationFlagsEXT, next_types::Type...) = ValidationFlagsEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{ValidationCheckEXT}, x.pDisabledValidationChecks, x.disabledValidationCheckCount; own = true)) ValidationFeaturesEXT(x::VkValidationFeaturesEXT, next_types::Type...) = ValidationFeaturesEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{ValidationFeatureEnableEXT}, x.pEnabledValidationFeatures, x.enabledValidationFeatureCount; own = true), unsafe_wrap(Vector{ValidationFeatureDisableEXT}, x.pDisabledValidationFeatures, x.disabledValidationFeatureCount; own = true)) PipelineRasterizationStateRasterizationOrderAMD(x::VkPipelineRasterizationStateRasterizationOrderAMD, next_types::Type...) = PipelineRasterizationStateRasterizationOrderAMD(load_next_chain(x.pNext, next_types...), x.rasterizationOrder) DebugMarkerObjectNameInfoEXT(x::VkDebugMarkerObjectNameInfoEXT, next_types::Type...) = DebugMarkerObjectNameInfoEXT(load_next_chain(x.pNext, next_types...), x.objectType, x.object, unsafe_string(x.pObjectName)) DebugMarkerObjectTagInfoEXT(x::VkDebugMarkerObjectTagInfoEXT, next_types::Type...) = DebugMarkerObjectTagInfoEXT(load_next_chain(x.pNext, next_types...), x.objectType, x.object, x.tagName, x.tagSize, x.pTag) DebugMarkerMarkerInfoEXT(x::VkDebugMarkerMarkerInfoEXT, next_types::Type...) = DebugMarkerMarkerInfoEXT(load_next_chain(x.pNext, next_types...), unsafe_string(x.pMarkerName), x.color) DedicatedAllocationImageCreateInfoNV(x::VkDedicatedAllocationImageCreateInfoNV, next_types::Type...) = DedicatedAllocationImageCreateInfoNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.dedicatedAllocation)) DedicatedAllocationBufferCreateInfoNV(x::VkDedicatedAllocationBufferCreateInfoNV, next_types::Type...) = DedicatedAllocationBufferCreateInfoNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.dedicatedAllocation)) DedicatedAllocationMemoryAllocateInfoNV(x::VkDedicatedAllocationMemoryAllocateInfoNV, next_types::Type...) = DedicatedAllocationMemoryAllocateInfoNV(load_next_chain(x.pNext, next_types...), Image(x.image), Buffer(x.buffer)) ExternalImageFormatPropertiesNV(x::VkExternalImageFormatPropertiesNV) = ExternalImageFormatPropertiesNV(ImageFormatProperties(x.imageFormatProperties), x.externalMemoryFeatures, x.exportFromImportedHandleTypes, x.compatibleHandleTypes) ExternalMemoryImageCreateInfoNV(x::VkExternalMemoryImageCreateInfoNV, next_types::Type...) = ExternalMemoryImageCreateInfoNV(load_next_chain(x.pNext, next_types...), x.handleTypes) ExportMemoryAllocateInfoNV(x::VkExportMemoryAllocateInfoNV, next_types::Type...) = ExportMemoryAllocateInfoNV(load_next_chain(x.pNext, next_types...), x.handleTypes) PhysicalDeviceDeviceGeneratedCommandsFeaturesNV(x::VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV, next_types::Type...) = PhysicalDeviceDeviceGeneratedCommandsFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.deviceGeneratedCommands)) DevicePrivateDataCreateInfo(x::VkDevicePrivateDataCreateInfo, next_types::Type...) = DevicePrivateDataCreateInfo(load_next_chain(x.pNext, next_types...), x.privateDataSlotRequestCount) PrivateDataSlotCreateInfo(x::VkPrivateDataSlotCreateInfo, next_types::Type...) = PrivateDataSlotCreateInfo(load_next_chain(x.pNext, next_types...), x.flags) PhysicalDevicePrivateDataFeatures(x::VkPhysicalDevicePrivateDataFeatures, next_types::Type...) = PhysicalDevicePrivateDataFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.privateData)) PhysicalDeviceDeviceGeneratedCommandsPropertiesNV(x::VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV, next_types::Type...) = PhysicalDeviceDeviceGeneratedCommandsPropertiesNV(load_next_chain(x.pNext, next_types...), x.maxGraphicsShaderGroupCount, x.maxIndirectSequenceCount, x.maxIndirectCommandsTokenCount, x.maxIndirectCommandsStreamCount, x.maxIndirectCommandsTokenOffset, x.maxIndirectCommandsStreamStride, x.minSequencesCountBufferOffsetAlignment, x.minSequencesIndexBufferOffsetAlignment, x.minIndirectCommandsBufferOffsetAlignment) PhysicalDeviceMultiDrawPropertiesEXT(x::VkPhysicalDeviceMultiDrawPropertiesEXT, next_types::Type...) = PhysicalDeviceMultiDrawPropertiesEXT(load_next_chain(x.pNext, next_types...), x.maxMultiDrawCount) GraphicsShaderGroupCreateInfoNV(x::VkGraphicsShaderGroupCreateInfoNV, next_types::Type...) = GraphicsShaderGroupCreateInfoNV(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{PipelineShaderStageCreateInfo}, x.pStages, x.stageCount; own = true), PipelineVertexInputStateCreateInfo(x.pVertexInputState), PipelineTessellationStateCreateInfo(x.pTessellationState)) GraphicsPipelineShaderGroupsCreateInfoNV(x::VkGraphicsPipelineShaderGroupsCreateInfoNV, next_types::Type...) = GraphicsPipelineShaderGroupsCreateInfoNV(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{GraphicsShaderGroupCreateInfoNV}, x.pGroups, x.groupCount; own = true), unsafe_wrap(Vector{Pipeline}, x.pPipelines, x.pipelineCount; own = true)) BindShaderGroupIndirectCommandNV(x::VkBindShaderGroupIndirectCommandNV) = BindShaderGroupIndirectCommandNV(x.groupIndex) BindIndexBufferIndirectCommandNV(x::VkBindIndexBufferIndirectCommandNV) = BindIndexBufferIndirectCommandNV(x.bufferAddress, x.size, x.indexType) BindVertexBufferIndirectCommandNV(x::VkBindVertexBufferIndirectCommandNV) = BindVertexBufferIndirectCommandNV(x.bufferAddress, x.size, x.stride) SetStateFlagsIndirectCommandNV(x::VkSetStateFlagsIndirectCommandNV) = SetStateFlagsIndirectCommandNV(x.data) IndirectCommandsStreamNV(x::VkIndirectCommandsStreamNV) = IndirectCommandsStreamNV(Buffer(x.buffer), x.offset) IndirectCommandsLayoutTokenNV(x::VkIndirectCommandsLayoutTokenNV, next_types::Type...) = IndirectCommandsLayoutTokenNV(load_next_chain(x.pNext, next_types...), x.tokenType, x.stream, x.offset, x.vertexBindingUnit, from_vk(Bool, x.vertexDynamicStride), PipelineLayout(x.pushconstantPipelineLayout), x.pushconstantShaderStageFlags, x.pushconstantOffset, x.pushconstantSize, x.indirectStateFlags, unsafe_wrap(Vector{IndexType}, x.pIndexTypes, x.indexTypeCount; own = true), unsafe_wrap(Vector{UInt32}, x.pIndexTypeValues, x.indexTypeCount; own = true)) IndirectCommandsLayoutCreateInfoNV(x::VkIndirectCommandsLayoutCreateInfoNV, next_types::Type...) = IndirectCommandsLayoutCreateInfoNV(load_next_chain(x.pNext, next_types...), x.flags, x.pipelineBindPoint, unsafe_wrap(Vector{IndirectCommandsLayoutTokenNV}, x.pTokens, x.tokenCount; own = true), unsafe_wrap(Vector{UInt32}, x.pStreamStrides, x.streamCount; own = true)) GeneratedCommandsInfoNV(x::VkGeneratedCommandsInfoNV, next_types::Type...) = GeneratedCommandsInfoNV(load_next_chain(x.pNext, next_types...), x.pipelineBindPoint, Pipeline(x.pipeline), IndirectCommandsLayoutNV(x.indirectCommandsLayout), unsafe_wrap(Vector{IndirectCommandsStreamNV}, x.pStreams, x.streamCount; own = true), x.sequencesCount, Buffer(x.preprocessBuffer), x.preprocessOffset, x.preprocessSize, Buffer(x.sequencesCountBuffer), x.sequencesCountOffset, Buffer(x.sequencesIndexBuffer), x.sequencesIndexOffset) GeneratedCommandsMemoryRequirementsInfoNV(x::VkGeneratedCommandsMemoryRequirementsInfoNV, next_types::Type...) = GeneratedCommandsMemoryRequirementsInfoNV(load_next_chain(x.pNext, next_types...), x.pipelineBindPoint, Pipeline(x.pipeline), IndirectCommandsLayoutNV(x.indirectCommandsLayout), x.maxSequencesCount) PhysicalDeviceFeatures2(x::VkPhysicalDeviceFeatures2, next_types::Type...) = PhysicalDeviceFeatures2(load_next_chain(x.pNext, next_types...), PhysicalDeviceFeatures(x.features)) PhysicalDeviceProperties2(x::VkPhysicalDeviceProperties2, next_types::Type...) = PhysicalDeviceProperties2(load_next_chain(x.pNext, next_types...), PhysicalDeviceProperties(x.properties)) FormatProperties2(x::VkFormatProperties2, next_types::Type...) = FormatProperties2(load_next_chain(x.pNext, next_types...), FormatProperties(x.formatProperties)) ImageFormatProperties2(x::VkImageFormatProperties2, next_types::Type...) = ImageFormatProperties2(load_next_chain(x.pNext, next_types...), ImageFormatProperties(x.imageFormatProperties)) PhysicalDeviceImageFormatInfo2(x::VkPhysicalDeviceImageFormatInfo2, next_types::Type...) = PhysicalDeviceImageFormatInfo2(load_next_chain(x.pNext, next_types...), x.format, x.type, x.tiling, x.usage, x.flags) QueueFamilyProperties2(x::VkQueueFamilyProperties2, next_types::Type...) = QueueFamilyProperties2(load_next_chain(x.pNext, next_types...), QueueFamilyProperties(x.queueFamilyProperties)) PhysicalDeviceMemoryProperties2(x::VkPhysicalDeviceMemoryProperties2, next_types::Type...) = PhysicalDeviceMemoryProperties2(load_next_chain(x.pNext, next_types...), PhysicalDeviceMemoryProperties(x.memoryProperties)) SparseImageFormatProperties2(x::VkSparseImageFormatProperties2, next_types::Type...) = SparseImageFormatProperties2(load_next_chain(x.pNext, next_types...), SparseImageFormatProperties(x.properties)) PhysicalDeviceSparseImageFormatInfo2(x::VkPhysicalDeviceSparseImageFormatInfo2, next_types::Type...) = PhysicalDeviceSparseImageFormatInfo2(load_next_chain(x.pNext, next_types...), x.format, x.type, SampleCountFlag(UInt32(x.samples)), x.usage, x.tiling) PhysicalDevicePushDescriptorPropertiesKHR(x::VkPhysicalDevicePushDescriptorPropertiesKHR, next_types::Type...) = PhysicalDevicePushDescriptorPropertiesKHR(load_next_chain(x.pNext, next_types...), x.maxPushDescriptors) ConformanceVersion(x::VkConformanceVersion) = ConformanceVersion(x.major, x.minor, x.subminor, x.patch) PhysicalDeviceDriverProperties(x::VkPhysicalDeviceDriverProperties, next_types::Type...) = PhysicalDeviceDriverProperties(load_next_chain(x.pNext, next_types...), x.driverID, from_vk(String, x.driverName), from_vk(String, x.driverInfo), ConformanceVersion(x.conformanceVersion)) PresentRegionsKHR(x::VkPresentRegionsKHR, next_types::Type...) = PresentRegionsKHR(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{PresentRegionKHR}, x.pRegions, x.swapchainCount; own = true)) PresentRegionKHR(x::VkPresentRegionKHR) = PresentRegionKHR(unsafe_wrap(Vector{RectLayerKHR}, x.pRectangles, x.rectangleCount; own = true)) RectLayerKHR(x::VkRectLayerKHR) = RectLayerKHR(Offset2D(x.offset), Extent2D(x.extent), x.layer) PhysicalDeviceVariablePointersFeatures(x::VkPhysicalDeviceVariablePointersFeatures, next_types::Type...) = PhysicalDeviceVariablePointersFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.variablePointersStorageBuffer), from_vk(Bool, x.variablePointers)) ExternalMemoryProperties(x::VkExternalMemoryProperties) = ExternalMemoryProperties(x.externalMemoryFeatures, x.exportFromImportedHandleTypes, x.compatibleHandleTypes) PhysicalDeviceExternalImageFormatInfo(x::VkPhysicalDeviceExternalImageFormatInfo, next_types::Type...) = PhysicalDeviceExternalImageFormatInfo(load_next_chain(x.pNext, next_types...), ExternalMemoryHandleTypeFlag(UInt32(x.handleType))) ExternalImageFormatProperties(x::VkExternalImageFormatProperties, next_types::Type...) = ExternalImageFormatProperties(load_next_chain(x.pNext, next_types...), ExternalMemoryProperties(x.externalMemoryProperties)) PhysicalDeviceExternalBufferInfo(x::VkPhysicalDeviceExternalBufferInfo, next_types::Type...) = PhysicalDeviceExternalBufferInfo(load_next_chain(x.pNext, next_types...), x.flags, x.usage, ExternalMemoryHandleTypeFlag(UInt32(x.handleType))) ExternalBufferProperties(x::VkExternalBufferProperties, next_types::Type...) = ExternalBufferProperties(load_next_chain(x.pNext, next_types...), ExternalMemoryProperties(x.externalMemoryProperties)) PhysicalDeviceIDProperties(x::VkPhysicalDeviceIDProperties, next_types::Type...) = PhysicalDeviceIDProperties(load_next_chain(x.pNext, next_types...), x.deviceUUID, x.driverUUID, x.deviceLUID, x.deviceNodeMask, from_vk(Bool, x.deviceLUIDValid)) ExternalMemoryImageCreateInfo(x::VkExternalMemoryImageCreateInfo, next_types::Type...) = ExternalMemoryImageCreateInfo(load_next_chain(x.pNext, next_types...), x.handleTypes) ExternalMemoryBufferCreateInfo(x::VkExternalMemoryBufferCreateInfo, next_types::Type...) = ExternalMemoryBufferCreateInfo(load_next_chain(x.pNext, next_types...), x.handleTypes) ExportMemoryAllocateInfo(x::VkExportMemoryAllocateInfo, next_types::Type...) = ExportMemoryAllocateInfo(load_next_chain(x.pNext, next_types...), x.handleTypes) ImportMemoryFdInfoKHR(x::VkImportMemoryFdInfoKHR, next_types::Type...) = ImportMemoryFdInfoKHR(load_next_chain(x.pNext, next_types...), ExternalMemoryHandleTypeFlag(UInt32(x.handleType)), x.fd) MemoryFdPropertiesKHR(x::VkMemoryFdPropertiesKHR, next_types::Type...) = MemoryFdPropertiesKHR(load_next_chain(x.pNext, next_types...), x.memoryTypeBits) MemoryGetFdInfoKHR(x::VkMemoryGetFdInfoKHR, next_types::Type...) = MemoryGetFdInfoKHR(load_next_chain(x.pNext, next_types...), DeviceMemory(x.memory), ExternalMemoryHandleTypeFlag(UInt32(x.handleType))) PhysicalDeviceExternalSemaphoreInfo(x::VkPhysicalDeviceExternalSemaphoreInfo, next_types::Type...) = PhysicalDeviceExternalSemaphoreInfo(load_next_chain(x.pNext, next_types...), ExternalSemaphoreHandleTypeFlag(UInt32(x.handleType))) ExternalSemaphoreProperties(x::VkExternalSemaphoreProperties, next_types::Type...) = ExternalSemaphoreProperties(load_next_chain(x.pNext, next_types...), x.exportFromImportedHandleTypes, x.compatibleHandleTypes, x.externalSemaphoreFeatures) ExportSemaphoreCreateInfo(x::VkExportSemaphoreCreateInfo, next_types::Type...) = ExportSemaphoreCreateInfo(load_next_chain(x.pNext, next_types...), x.handleTypes) ImportSemaphoreFdInfoKHR(x::VkImportSemaphoreFdInfoKHR, next_types::Type...) = ImportSemaphoreFdInfoKHR(load_next_chain(x.pNext, next_types...), Semaphore(x.semaphore), x.flags, ExternalSemaphoreHandleTypeFlag(UInt32(x.handleType)), x.fd) SemaphoreGetFdInfoKHR(x::VkSemaphoreGetFdInfoKHR, next_types::Type...) = SemaphoreGetFdInfoKHR(load_next_chain(x.pNext, next_types...), Semaphore(x.semaphore), ExternalSemaphoreHandleTypeFlag(UInt32(x.handleType))) PhysicalDeviceExternalFenceInfo(x::VkPhysicalDeviceExternalFenceInfo, next_types::Type...) = PhysicalDeviceExternalFenceInfo(load_next_chain(x.pNext, next_types...), ExternalFenceHandleTypeFlag(UInt32(x.handleType))) ExternalFenceProperties(x::VkExternalFenceProperties, next_types::Type...) = ExternalFenceProperties(load_next_chain(x.pNext, next_types...), x.exportFromImportedHandleTypes, x.compatibleHandleTypes, x.externalFenceFeatures) ExportFenceCreateInfo(x::VkExportFenceCreateInfo, next_types::Type...) = ExportFenceCreateInfo(load_next_chain(x.pNext, next_types...), x.handleTypes) ImportFenceFdInfoKHR(x::VkImportFenceFdInfoKHR, next_types::Type...) = ImportFenceFdInfoKHR(load_next_chain(x.pNext, next_types...), Fence(x.fence), x.flags, ExternalFenceHandleTypeFlag(UInt32(x.handleType)), x.fd) FenceGetFdInfoKHR(x::VkFenceGetFdInfoKHR, next_types::Type...) = FenceGetFdInfoKHR(load_next_chain(x.pNext, next_types...), Fence(x.fence), ExternalFenceHandleTypeFlag(UInt32(x.handleType))) PhysicalDeviceMultiviewFeatures(x::VkPhysicalDeviceMultiviewFeatures, next_types::Type...) = PhysicalDeviceMultiviewFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.multiview), from_vk(Bool, x.multiviewGeometryShader), from_vk(Bool, x.multiviewTessellationShader)) PhysicalDeviceMultiviewProperties(x::VkPhysicalDeviceMultiviewProperties, next_types::Type...) = PhysicalDeviceMultiviewProperties(load_next_chain(x.pNext, next_types...), x.maxMultiviewViewCount, x.maxMultiviewInstanceIndex) RenderPassMultiviewCreateInfo(x::VkRenderPassMultiviewCreateInfo, next_types::Type...) = RenderPassMultiviewCreateInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{UInt32}, x.pViewMasks, x.subpassCount; own = true), unsafe_wrap(Vector{Int32}, x.pViewOffsets, x.dependencyCount; own = true), unsafe_wrap(Vector{UInt32}, x.pCorrelationMasks, x.correlationMaskCount; own = true)) SurfaceCapabilities2EXT(x::VkSurfaceCapabilities2EXT, next_types::Type...) = SurfaceCapabilities2EXT(load_next_chain(x.pNext, next_types...), x.minImageCount, x.maxImageCount, Extent2D(x.currentExtent), Extent2D(x.minImageExtent), Extent2D(x.maxImageExtent), x.maxImageArrayLayers, x.supportedTransforms, SurfaceTransformFlagKHR(UInt32(x.currentTransform)), x.supportedCompositeAlpha, x.supportedUsageFlags, x.supportedSurfaceCounters) DisplayPowerInfoEXT(x::VkDisplayPowerInfoEXT, next_types::Type...) = DisplayPowerInfoEXT(load_next_chain(x.pNext, next_types...), x.powerState) DeviceEventInfoEXT(x::VkDeviceEventInfoEXT, next_types::Type...) = DeviceEventInfoEXT(load_next_chain(x.pNext, next_types...), x.deviceEvent) DisplayEventInfoEXT(x::VkDisplayEventInfoEXT, next_types::Type...) = DisplayEventInfoEXT(load_next_chain(x.pNext, next_types...), x.displayEvent) SwapchainCounterCreateInfoEXT(x::VkSwapchainCounterCreateInfoEXT, next_types::Type...) = SwapchainCounterCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.surfaceCounters) PhysicalDeviceGroupProperties(x::VkPhysicalDeviceGroupProperties, next_types::Type...) = PhysicalDeviceGroupProperties(load_next_chain(x.pNext, next_types...), x.physicalDeviceCount, PhysicalDevice.(x.physicalDevices), from_vk(Bool, x.subsetAllocation)) MemoryAllocateFlagsInfo(x::VkMemoryAllocateFlagsInfo, next_types::Type...) = MemoryAllocateFlagsInfo(load_next_chain(x.pNext, next_types...), x.flags, x.deviceMask) BindBufferMemoryInfo(x::VkBindBufferMemoryInfo, next_types::Type...) = BindBufferMemoryInfo(load_next_chain(x.pNext, next_types...), Buffer(x.buffer), DeviceMemory(x.memory), x.memoryOffset) BindBufferMemoryDeviceGroupInfo(x::VkBindBufferMemoryDeviceGroupInfo, next_types::Type...) = BindBufferMemoryDeviceGroupInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{UInt32}, x.pDeviceIndices, x.deviceIndexCount; own = true)) BindImageMemoryInfo(x::VkBindImageMemoryInfo, next_types::Type...) = BindImageMemoryInfo(load_next_chain(x.pNext, next_types...), Image(x.image), DeviceMemory(x.memory), x.memoryOffset) BindImageMemoryDeviceGroupInfo(x::VkBindImageMemoryDeviceGroupInfo, next_types::Type...) = BindImageMemoryDeviceGroupInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{UInt32}, x.pDeviceIndices, x.deviceIndexCount; own = true), unsafe_wrap(Vector{Rect2D}, x.pSplitInstanceBindRegions, x.splitInstanceBindRegionCount; own = true)) DeviceGroupRenderPassBeginInfo(x::VkDeviceGroupRenderPassBeginInfo, next_types::Type...) = DeviceGroupRenderPassBeginInfo(load_next_chain(x.pNext, next_types...), x.deviceMask, unsafe_wrap(Vector{Rect2D}, x.pDeviceRenderAreas, x.deviceRenderAreaCount; own = true)) DeviceGroupCommandBufferBeginInfo(x::VkDeviceGroupCommandBufferBeginInfo, next_types::Type...) = DeviceGroupCommandBufferBeginInfo(load_next_chain(x.pNext, next_types...), x.deviceMask) DeviceGroupSubmitInfo(x::VkDeviceGroupSubmitInfo, next_types::Type...) = DeviceGroupSubmitInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{UInt32}, x.pWaitSemaphoreDeviceIndices, x.waitSemaphoreCount; own = true), unsafe_wrap(Vector{UInt32}, x.pCommandBufferDeviceMasks, x.commandBufferCount; own = true), unsafe_wrap(Vector{UInt32}, x.pSignalSemaphoreDeviceIndices, x.signalSemaphoreCount; own = true)) DeviceGroupBindSparseInfo(x::VkDeviceGroupBindSparseInfo, next_types::Type...) = DeviceGroupBindSparseInfo(load_next_chain(x.pNext, next_types...), x.resourceDeviceIndex, x.memoryDeviceIndex) DeviceGroupPresentCapabilitiesKHR(x::VkDeviceGroupPresentCapabilitiesKHR, next_types::Type...) = DeviceGroupPresentCapabilitiesKHR(load_next_chain(x.pNext, next_types...), x.presentMask, x.modes) ImageSwapchainCreateInfoKHR(x::VkImageSwapchainCreateInfoKHR, next_types::Type...) = ImageSwapchainCreateInfoKHR(load_next_chain(x.pNext, next_types...), SwapchainKHR(x.swapchain)) BindImageMemorySwapchainInfoKHR(x::VkBindImageMemorySwapchainInfoKHR, next_types::Type...) = BindImageMemorySwapchainInfoKHR(load_next_chain(x.pNext, next_types...), SwapchainKHR(x.swapchain), x.imageIndex) AcquireNextImageInfoKHR(x::VkAcquireNextImageInfoKHR, next_types::Type...) = AcquireNextImageInfoKHR(load_next_chain(x.pNext, next_types...), SwapchainKHR(x.swapchain), x.timeout, Semaphore(x.semaphore), Fence(x.fence), x.deviceMask) DeviceGroupPresentInfoKHR(x::VkDeviceGroupPresentInfoKHR, next_types::Type...) = DeviceGroupPresentInfoKHR(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{UInt32}, x.pDeviceMasks, x.swapchainCount; own = true), DeviceGroupPresentModeFlagKHR(UInt32(x.mode))) DeviceGroupDeviceCreateInfo(x::VkDeviceGroupDeviceCreateInfo, next_types::Type...) = DeviceGroupDeviceCreateInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{PhysicalDevice}, x.pPhysicalDevices, x.physicalDeviceCount; own = true)) DeviceGroupSwapchainCreateInfoKHR(x::VkDeviceGroupSwapchainCreateInfoKHR, next_types::Type...) = DeviceGroupSwapchainCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.modes) DescriptorUpdateTemplateEntry(x::VkDescriptorUpdateTemplateEntry) = DescriptorUpdateTemplateEntry(x.dstBinding, x.dstArrayElement, x.descriptorCount, x.descriptorType, x.offset, x.stride) DescriptorUpdateTemplateCreateInfo(x::VkDescriptorUpdateTemplateCreateInfo, next_types::Type...) = DescriptorUpdateTemplateCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{DescriptorUpdateTemplateEntry}, x.pDescriptorUpdateEntries, x.descriptorUpdateEntryCount; own = true), x.templateType, DescriptorSetLayout(x.descriptorSetLayout), x.pipelineBindPoint, PipelineLayout(x.pipelineLayout), x.set) XYColorEXT(x::VkXYColorEXT) = XYColorEXT(x.x, x.y) PhysicalDevicePresentIdFeaturesKHR(x::VkPhysicalDevicePresentIdFeaturesKHR, next_types::Type...) = PhysicalDevicePresentIdFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.presentId)) PresentIdKHR(x::VkPresentIdKHR, next_types::Type...) = PresentIdKHR(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{UInt64}, x.pPresentIds, x.swapchainCount; own = true)) PhysicalDevicePresentWaitFeaturesKHR(x::VkPhysicalDevicePresentWaitFeaturesKHR, next_types::Type...) = PhysicalDevicePresentWaitFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.presentWait)) HdrMetadataEXT(x::VkHdrMetadataEXT, next_types::Type...) = HdrMetadataEXT(load_next_chain(x.pNext, next_types...), XYColorEXT(x.displayPrimaryRed), XYColorEXT(x.displayPrimaryGreen), XYColorEXT(x.displayPrimaryBlue), XYColorEXT(x.whitePoint), x.maxLuminance, x.minLuminance, x.maxContentLightLevel, x.maxFrameAverageLightLevel) DisplayNativeHdrSurfaceCapabilitiesAMD(x::VkDisplayNativeHdrSurfaceCapabilitiesAMD, next_types::Type...) = DisplayNativeHdrSurfaceCapabilitiesAMD(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.localDimmingSupport)) SwapchainDisplayNativeHdrCreateInfoAMD(x::VkSwapchainDisplayNativeHdrCreateInfoAMD, next_types::Type...) = SwapchainDisplayNativeHdrCreateInfoAMD(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.localDimmingEnable)) RefreshCycleDurationGOOGLE(x::VkRefreshCycleDurationGOOGLE) = RefreshCycleDurationGOOGLE(x.refreshDuration) PastPresentationTimingGOOGLE(x::VkPastPresentationTimingGOOGLE) = PastPresentationTimingGOOGLE(x.presentID, x.desiredPresentTime, x.actualPresentTime, x.earliestPresentTime, x.presentMargin) PresentTimesInfoGOOGLE(x::VkPresentTimesInfoGOOGLE, next_types::Type...) = PresentTimesInfoGOOGLE(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{PresentTimeGOOGLE}, x.pTimes, x.swapchainCount; own = true)) PresentTimeGOOGLE(x::VkPresentTimeGOOGLE) = PresentTimeGOOGLE(x.presentID, x.desiredPresentTime) ViewportWScalingNV(x::VkViewportWScalingNV) = ViewportWScalingNV(x.xcoeff, x.ycoeff) PipelineViewportWScalingStateCreateInfoNV(x::VkPipelineViewportWScalingStateCreateInfoNV, next_types::Type...) = PipelineViewportWScalingStateCreateInfoNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.viewportWScalingEnable), unsafe_wrap(Vector{ViewportWScalingNV}, x.pViewportWScalings, x.viewportCount; own = true)) ViewportSwizzleNV(x::VkViewportSwizzleNV) = ViewportSwizzleNV(x.x, x.y, x.z, x.w) PipelineViewportSwizzleStateCreateInfoNV(x::VkPipelineViewportSwizzleStateCreateInfoNV, next_types::Type...) = PipelineViewportSwizzleStateCreateInfoNV(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{ViewportSwizzleNV}, x.pViewportSwizzles, x.viewportCount; own = true)) PhysicalDeviceDiscardRectanglePropertiesEXT(x::VkPhysicalDeviceDiscardRectanglePropertiesEXT, next_types::Type...) = PhysicalDeviceDiscardRectanglePropertiesEXT(load_next_chain(x.pNext, next_types...), x.maxDiscardRectangles) PipelineDiscardRectangleStateCreateInfoEXT(x::VkPipelineDiscardRectangleStateCreateInfoEXT, next_types::Type...) = PipelineDiscardRectangleStateCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.flags, x.discardRectangleMode, unsafe_wrap(Vector{Rect2D}, x.pDiscardRectangles, x.discardRectangleCount; own = true)) PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX(x::VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX, next_types::Type...) = PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.perViewPositionAllComponents)) InputAttachmentAspectReference(x::VkInputAttachmentAspectReference) = InputAttachmentAspectReference(x.subpass, x.inputAttachmentIndex, x.aspectMask) RenderPassInputAttachmentAspectCreateInfo(x::VkRenderPassInputAttachmentAspectCreateInfo, next_types::Type...) = RenderPassInputAttachmentAspectCreateInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{InputAttachmentAspectReference}, x.pAspectReferences, x.aspectReferenceCount; own = true)) PhysicalDeviceSurfaceInfo2KHR(x::VkPhysicalDeviceSurfaceInfo2KHR, next_types::Type...) = PhysicalDeviceSurfaceInfo2KHR(load_next_chain(x.pNext, next_types...), SurfaceKHR(x.surface)) SurfaceCapabilities2KHR(x::VkSurfaceCapabilities2KHR, next_types::Type...) = SurfaceCapabilities2KHR(load_next_chain(x.pNext, next_types...), SurfaceCapabilitiesKHR(x.surfaceCapabilities)) SurfaceFormat2KHR(x::VkSurfaceFormat2KHR, next_types::Type...) = SurfaceFormat2KHR(load_next_chain(x.pNext, next_types...), SurfaceFormatKHR(x.surfaceFormat)) DisplayProperties2KHR(x::VkDisplayProperties2KHR, next_types::Type...) = DisplayProperties2KHR(load_next_chain(x.pNext, next_types...), DisplayPropertiesKHR(x.displayProperties)) DisplayPlaneProperties2KHR(x::VkDisplayPlaneProperties2KHR, next_types::Type...) = DisplayPlaneProperties2KHR(load_next_chain(x.pNext, next_types...), DisplayPlanePropertiesKHR(x.displayPlaneProperties)) DisplayModeProperties2KHR(x::VkDisplayModeProperties2KHR, next_types::Type...) = DisplayModeProperties2KHR(load_next_chain(x.pNext, next_types...), DisplayModePropertiesKHR(x.displayModeProperties)) DisplayPlaneInfo2KHR(x::VkDisplayPlaneInfo2KHR, next_types::Type...) = DisplayPlaneInfo2KHR(load_next_chain(x.pNext, next_types...), DisplayModeKHR(x.mode), x.planeIndex) DisplayPlaneCapabilities2KHR(x::VkDisplayPlaneCapabilities2KHR, next_types::Type...) = DisplayPlaneCapabilities2KHR(load_next_chain(x.pNext, next_types...), DisplayPlaneCapabilitiesKHR(x.capabilities)) SharedPresentSurfaceCapabilitiesKHR(x::VkSharedPresentSurfaceCapabilitiesKHR, next_types::Type...) = SharedPresentSurfaceCapabilitiesKHR(load_next_chain(x.pNext, next_types...), x.sharedPresentSupportedUsageFlags) PhysicalDevice16BitStorageFeatures(x::VkPhysicalDevice16BitStorageFeatures, next_types::Type...) = PhysicalDevice16BitStorageFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.storageBuffer16BitAccess), from_vk(Bool, x.uniformAndStorageBuffer16BitAccess), from_vk(Bool, x.storagePushConstant16), from_vk(Bool, x.storageInputOutput16)) PhysicalDeviceSubgroupProperties(x::VkPhysicalDeviceSubgroupProperties, next_types::Type...) = PhysicalDeviceSubgroupProperties(load_next_chain(x.pNext, next_types...), x.subgroupSize, x.supportedStages, x.supportedOperations, from_vk(Bool, x.quadOperationsInAllStages)) PhysicalDeviceShaderSubgroupExtendedTypesFeatures(x::VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures, next_types::Type...) = PhysicalDeviceShaderSubgroupExtendedTypesFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderSubgroupExtendedTypes)) BufferMemoryRequirementsInfo2(x::VkBufferMemoryRequirementsInfo2, next_types::Type...) = BufferMemoryRequirementsInfo2(load_next_chain(x.pNext, next_types...), Buffer(x.buffer)) DeviceBufferMemoryRequirements(x::VkDeviceBufferMemoryRequirements, next_types::Type...) = DeviceBufferMemoryRequirements(load_next_chain(x.pNext, next_types...), BufferCreateInfo(x.pCreateInfo)) ImageMemoryRequirementsInfo2(x::VkImageMemoryRequirementsInfo2, next_types::Type...) = ImageMemoryRequirementsInfo2(load_next_chain(x.pNext, next_types...), Image(x.image)) ImageSparseMemoryRequirementsInfo2(x::VkImageSparseMemoryRequirementsInfo2, next_types::Type...) = ImageSparseMemoryRequirementsInfo2(load_next_chain(x.pNext, next_types...), Image(x.image)) DeviceImageMemoryRequirements(x::VkDeviceImageMemoryRequirements, next_types::Type...) = DeviceImageMemoryRequirements(load_next_chain(x.pNext, next_types...), ImageCreateInfo(x.pCreateInfo), ImageAspectFlag(UInt32(x.planeAspect))) MemoryRequirements2(x::VkMemoryRequirements2, next_types::Type...) = MemoryRequirements2(load_next_chain(x.pNext, next_types...), MemoryRequirements(x.memoryRequirements)) SparseImageMemoryRequirements2(x::VkSparseImageMemoryRequirements2, next_types::Type...) = SparseImageMemoryRequirements2(load_next_chain(x.pNext, next_types...), SparseImageMemoryRequirements(x.memoryRequirements)) PhysicalDevicePointClippingProperties(x::VkPhysicalDevicePointClippingProperties, next_types::Type...) = PhysicalDevicePointClippingProperties(load_next_chain(x.pNext, next_types...), x.pointClippingBehavior) MemoryDedicatedRequirements(x::VkMemoryDedicatedRequirements, next_types::Type...) = MemoryDedicatedRequirements(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.prefersDedicatedAllocation), from_vk(Bool, x.requiresDedicatedAllocation)) MemoryDedicatedAllocateInfo(x::VkMemoryDedicatedAllocateInfo, next_types::Type...) = MemoryDedicatedAllocateInfo(load_next_chain(x.pNext, next_types...), Image(x.image), Buffer(x.buffer)) ImageViewUsageCreateInfo(x::VkImageViewUsageCreateInfo, next_types::Type...) = ImageViewUsageCreateInfo(load_next_chain(x.pNext, next_types...), x.usage) PipelineTessellationDomainOriginStateCreateInfo(x::VkPipelineTessellationDomainOriginStateCreateInfo, next_types::Type...) = PipelineTessellationDomainOriginStateCreateInfo(load_next_chain(x.pNext, next_types...), x.domainOrigin) SamplerYcbcrConversionInfo(x::VkSamplerYcbcrConversionInfo, next_types::Type...) = SamplerYcbcrConversionInfo(load_next_chain(x.pNext, next_types...), SamplerYcbcrConversion(x.conversion)) SamplerYcbcrConversionCreateInfo(x::VkSamplerYcbcrConversionCreateInfo, next_types::Type...) = SamplerYcbcrConversionCreateInfo(load_next_chain(x.pNext, next_types...), x.format, x.ycbcrModel, x.ycbcrRange, ComponentMapping(x.components), x.xChromaOffset, x.yChromaOffset, x.chromaFilter, from_vk(Bool, x.forceExplicitReconstruction)) BindImagePlaneMemoryInfo(x::VkBindImagePlaneMemoryInfo, next_types::Type...) = BindImagePlaneMemoryInfo(load_next_chain(x.pNext, next_types...), ImageAspectFlag(UInt32(x.planeAspect))) ImagePlaneMemoryRequirementsInfo(x::VkImagePlaneMemoryRequirementsInfo, next_types::Type...) = ImagePlaneMemoryRequirementsInfo(load_next_chain(x.pNext, next_types...), ImageAspectFlag(UInt32(x.planeAspect))) PhysicalDeviceSamplerYcbcrConversionFeatures(x::VkPhysicalDeviceSamplerYcbcrConversionFeatures, next_types::Type...) = PhysicalDeviceSamplerYcbcrConversionFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.samplerYcbcrConversion)) SamplerYcbcrConversionImageFormatProperties(x::VkSamplerYcbcrConversionImageFormatProperties, next_types::Type...) = SamplerYcbcrConversionImageFormatProperties(load_next_chain(x.pNext, next_types...), x.combinedImageSamplerDescriptorCount) TextureLODGatherFormatPropertiesAMD(x::VkTextureLODGatherFormatPropertiesAMD, next_types::Type...) = TextureLODGatherFormatPropertiesAMD(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.supportsTextureGatherLODBiasAMD)) ConditionalRenderingBeginInfoEXT(x::VkConditionalRenderingBeginInfoEXT, next_types::Type...) = ConditionalRenderingBeginInfoEXT(load_next_chain(x.pNext, next_types...), Buffer(x.buffer), x.offset, x.flags) ProtectedSubmitInfo(x::VkProtectedSubmitInfo, next_types::Type...) = ProtectedSubmitInfo(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.protectedSubmit)) PhysicalDeviceProtectedMemoryFeatures(x::VkPhysicalDeviceProtectedMemoryFeatures, next_types::Type...) = PhysicalDeviceProtectedMemoryFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.protectedMemory)) PhysicalDeviceProtectedMemoryProperties(x::VkPhysicalDeviceProtectedMemoryProperties, next_types::Type...) = PhysicalDeviceProtectedMemoryProperties(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.protectedNoFault)) DeviceQueueInfo2(x::VkDeviceQueueInfo2, next_types::Type...) = DeviceQueueInfo2(load_next_chain(x.pNext, next_types...), x.flags, x.queueFamilyIndex, x.queueIndex) PipelineCoverageToColorStateCreateInfoNV(x::VkPipelineCoverageToColorStateCreateInfoNV, next_types::Type...) = PipelineCoverageToColorStateCreateInfoNV(load_next_chain(x.pNext, next_types...), x.flags, from_vk(Bool, x.coverageToColorEnable), x.coverageToColorLocation) PhysicalDeviceSamplerFilterMinmaxProperties(x::VkPhysicalDeviceSamplerFilterMinmaxProperties, next_types::Type...) = PhysicalDeviceSamplerFilterMinmaxProperties(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.filterMinmaxSingleComponentFormats), from_vk(Bool, x.filterMinmaxImageComponentMapping)) SampleLocationEXT(x::VkSampleLocationEXT) = SampleLocationEXT(x.x, x.y) SampleLocationsInfoEXT(x::VkSampleLocationsInfoEXT, next_types::Type...) = SampleLocationsInfoEXT(load_next_chain(x.pNext, next_types...), SampleCountFlag(UInt32(x.sampleLocationsPerPixel)), Extent2D(x.sampleLocationGridSize), unsafe_wrap(Vector{SampleLocationEXT}, x.pSampleLocations, x.sampleLocationsCount; own = true)) AttachmentSampleLocationsEXT(x::VkAttachmentSampleLocationsEXT) = AttachmentSampleLocationsEXT(x.attachmentIndex, SampleLocationsInfoEXT(x.sampleLocationsInfo)) SubpassSampleLocationsEXT(x::VkSubpassSampleLocationsEXT) = SubpassSampleLocationsEXT(x.subpassIndex, SampleLocationsInfoEXT(x.sampleLocationsInfo)) RenderPassSampleLocationsBeginInfoEXT(x::VkRenderPassSampleLocationsBeginInfoEXT, next_types::Type...) = RenderPassSampleLocationsBeginInfoEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{AttachmentSampleLocationsEXT}, x.pAttachmentInitialSampleLocations, x.attachmentInitialSampleLocationsCount; own = true), unsafe_wrap(Vector{SubpassSampleLocationsEXT}, x.pPostSubpassSampleLocations, x.postSubpassSampleLocationsCount; own = true)) PipelineSampleLocationsStateCreateInfoEXT(x::VkPipelineSampleLocationsStateCreateInfoEXT, next_types::Type...) = PipelineSampleLocationsStateCreateInfoEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.sampleLocationsEnable), SampleLocationsInfoEXT(x.sampleLocationsInfo)) PhysicalDeviceSampleLocationsPropertiesEXT(x::VkPhysicalDeviceSampleLocationsPropertiesEXT, next_types::Type...) = PhysicalDeviceSampleLocationsPropertiesEXT(load_next_chain(x.pNext, next_types...), x.sampleLocationSampleCounts, Extent2D(x.maxSampleLocationGridSize), x.sampleLocationCoordinateRange, x.sampleLocationSubPixelBits, from_vk(Bool, x.variableSampleLocations)) MultisamplePropertiesEXT(x::VkMultisamplePropertiesEXT, next_types::Type...) = MultisamplePropertiesEXT(load_next_chain(x.pNext, next_types...), Extent2D(x.maxSampleLocationGridSize)) SamplerReductionModeCreateInfo(x::VkSamplerReductionModeCreateInfo, next_types::Type...) = SamplerReductionModeCreateInfo(load_next_chain(x.pNext, next_types...), x.reductionMode) PhysicalDeviceBlendOperationAdvancedFeaturesEXT(x::VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT, next_types::Type...) = PhysicalDeviceBlendOperationAdvancedFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.advancedBlendCoherentOperations)) PhysicalDeviceMultiDrawFeaturesEXT(x::VkPhysicalDeviceMultiDrawFeaturesEXT, next_types::Type...) = PhysicalDeviceMultiDrawFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.multiDraw)) PhysicalDeviceBlendOperationAdvancedPropertiesEXT(x::VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT, next_types::Type...) = PhysicalDeviceBlendOperationAdvancedPropertiesEXT(load_next_chain(x.pNext, next_types...), x.advancedBlendMaxColorAttachments, from_vk(Bool, x.advancedBlendIndependentBlend), from_vk(Bool, x.advancedBlendNonPremultipliedSrcColor), from_vk(Bool, x.advancedBlendNonPremultipliedDstColor), from_vk(Bool, x.advancedBlendCorrelatedOverlap), from_vk(Bool, x.advancedBlendAllOperations)) PipelineColorBlendAdvancedStateCreateInfoEXT(x::VkPipelineColorBlendAdvancedStateCreateInfoEXT, next_types::Type...) = PipelineColorBlendAdvancedStateCreateInfoEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.srcPremultiplied), from_vk(Bool, x.dstPremultiplied), x.blendOverlap) PhysicalDeviceInlineUniformBlockFeatures(x::VkPhysicalDeviceInlineUniformBlockFeatures, next_types::Type...) = PhysicalDeviceInlineUniformBlockFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.inlineUniformBlock), from_vk(Bool, x.descriptorBindingInlineUniformBlockUpdateAfterBind)) PhysicalDeviceInlineUniformBlockProperties(x::VkPhysicalDeviceInlineUniformBlockProperties, next_types::Type...) = PhysicalDeviceInlineUniformBlockProperties(load_next_chain(x.pNext, next_types...), x.maxInlineUniformBlockSize, x.maxPerStageDescriptorInlineUniformBlocks, x.maxPerStageDescriptorUpdateAfterBindInlineUniformBlocks, x.maxDescriptorSetInlineUniformBlocks, x.maxDescriptorSetUpdateAfterBindInlineUniformBlocks) WriteDescriptorSetInlineUniformBlock(x::VkWriteDescriptorSetInlineUniformBlock, next_types::Type...) = WriteDescriptorSetInlineUniformBlock(load_next_chain(x.pNext, next_types...), x.dataSize, x.pData) DescriptorPoolInlineUniformBlockCreateInfo(x::VkDescriptorPoolInlineUniformBlockCreateInfo, next_types::Type...) = DescriptorPoolInlineUniformBlockCreateInfo(load_next_chain(x.pNext, next_types...), x.maxInlineUniformBlockBindings) PipelineCoverageModulationStateCreateInfoNV(x::VkPipelineCoverageModulationStateCreateInfoNV, next_types::Type...) = PipelineCoverageModulationStateCreateInfoNV(load_next_chain(x.pNext, next_types...), x.flags, x.coverageModulationMode, from_vk(Bool, x.coverageModulationTableEnable), unsafe_wrap(Vector{Float32}, x.pCoverageModulationTable, x.coverageModulationTableCount; own = true)) ImageFormatListCreateInfo(x::VkImageFormatListCreateInfo, next_types::Type...) = ImageFormatListCreateInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{Format}, x.pViewFormats, x.viewFormatCount; own = true)) ValidationCacheCreateInfoEXT(x::VkValidationCacheCreateInfoEXT, next_types::Type...) = ValidationCacheCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.flags, x.initialDataSize, x.pInitialData) ShaderModuleValidationCacheCreateInfoEXT(x::VkShaderModuleValidationCacheCreateInfoEXT, next_types::Type...) = ShaderModuleValidationCacheCreateInfoEXT(load_next_chain(x.pNext, next_types...), ValidationCacheEXT(x.validationCache)) PhysicalDeviceMaintenance3Properties(x::VkPhysicalDeviceMaintenance3Properties, next_types::Type...) = PhysicalDeviceMaintenance3Properties(load_next_chain(x.pNext, next_types...), x.maxPerSetDescriptors, x.maxMemoryAllocationSize) PhysicalDeviceMaintenance4Features(x::VkPhysicalDeviceMaintenance4Features, next_types::Type...) = PhysicalDeviceMaintenance4Features(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.maintenance4)) PhysicalDeviceMaintenance4Properties(x::VkPhysicalDeviceMaintenance4Properties, next_types::Type...) = PhysicalDeviceMaintenance4Properties(load_next_chain(x.pNext, next_types...), x.maxBufferSize) DescriptorSetLayoutSupport(x::VkDescriptorSetLayoutSupport, next_types::Type...) = DescriptorSetLayoutSupport(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.supported)) PhysicalDeviceShaderDrawParametersFeatures(x::VkPhysicalDeviceShaderDrawParametersFeatures, next_types::Type...) = PhysicalDeviceShaderDrawParametersFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderDrawParameters)) PhysicalDeviceShaderFloat16Int8Features(x::VkPhysicalDeviceShaderFloat16Int8Features, next_types::Type...) = PhysicalDeviceShaderFloat16Int8Features(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderFloat16), from_vk(Bool, x.shaderInt8)) PhysicalDeviceFloatControlsProperties(x::VkPhysicalDeviceFloatControlsProperties, next_types::Type...) = PhysicalDeviceFloatControlsProperties(load_next_chain(x.pNext, next_types...), x.denormBehaviorIndependence, x.roundingModeIndependence, from_vk(Bool, x.shaderSignedZeroInfNanPreserveFloat16), from_vk(Bool, x.shaderSignedZeroInfNanPreserveFloat32), from_vk(Bool, x.shaderSignedZeroInfNanPreserveFloat64), from_vk(Bool, x.shaderDenormPreserveFloat16), from_vk(Bool, x.shaderDenormPreserveFloat32), from_vk(Bool, x.shaderDenormPreserveFloat64), from_vk(Bool, x.shaderDenormFlushToZeroFloat16), from_vk(Bool, x.shaderDenormFlushToZeroFloat32), from_vk(Bool, x.shaderDenormFlushToZeroFloat64), from_vk(Bool, x.shaderRoundingModeRTEFloat16), from_vk(Bool, x.shaderRoundingModeRTEFloat32), from_vk(Bool, x.shaderRoundingModeRTEFloat64), from_vk(Bool, x.shaderRoundingModeRTZFloat16), from_vk(Bool, x.shaderRoundingModeRTZFloat32), from_vk(Bool, x.shaderRoundingModeRTZFloat64)) PhysicalDeviceHostQueryResetFeatures(x::VkPhysicalDeviceHostQueryResetFeatures, next_types::Type...) = PhysicalDeviceHostQueryResetFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.hostQueryReset)) ShaderResourceUsageAMD(x::VkShaderResourceUsageAMD) = ShaderResourceUsageAMD(x.numUsedVgprs, x.numUsedSgprs, x.ldsSizePerLocalWorkGroup, x.ldsUsageSizeInBytes, x.scratchMemUsageInBytes) ShaderStatisticsInfoAMD(x::VkShaderStatisticsInfoAMD) = ShaderStatisticsInfoAMD(x.shaderStageMask, ShaderResourceUsageAMD(x.resourceUsage), x.numPhysicalVgprs, x.numPhysicalSgprs, x.numAvailableVgprs, x.numAvailableSgprs, x.computeWorkGroupSize) DeviceQueueGlobalPriorityCreateInfoKHR(x::VkDeviceQueueGlobalPriorityCreateInfoKHR, next_types::Type...) = DeviceQueueGlobalPriorityCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.globalPriority) PhysicalDeviceGlobalPriorityQueryFeaturesKHR(x::VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR, next_types::Type...) = PhysicalDeviceGlobalPriorityQueryFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.globalPriorityQuery)) QueueFamilyGlobalPriorityPropertiesKHR(x::VkQueueFamilyGlobalPriorityPropertiesKHR, next_types::Type...) = QueueFamilyGlobalPriorityPropertiesKHR(load_next_chain(x.pNext, next_types...), x.priorityCount, x.priorities) DebugUtilsObjectNameInfoEXT(x::VkDebugUtilsObjectNameInfoEXT, next_types::Type...) = DebugUtilsObjectNameInfoEXT(load_next_chain(x.pNext, next_types...), x.objectType, x.objectHandle, unsafe_string(x.pObjectName)) DebugUtilsObjectTagInfoEXT(x::VkDebugUtilsObjectTagInfoEXT, next_types::Type...) = DebugUtilsObjectTagInfoEXT(load_next_chain(x.pNext, next_types...), x.objectType, x.objectHandle, x.tagName, x.tagSize, x.pTag) DebugUtilsLabelEXT(x::VkDebugUtilsLabelEXT, next_types::Type...) = DebugUtilsLabelEXT(load_next_chain(x.pNext, next_types...), unsafe_string(x.pLabelName), x.color) DebugUtilsMessengerCreateInfoEXT(x::VkDebugUtilsMessengerCreateInfoEXT, next_types::Type...) = DebugUtilsMessengerCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.flags, x.messageSeverity, x.messageType, from_vk(FunctionPtr, x.pfnUserCallback), x.pUserData) DebugUtilsMessengerCallbackDataEXT(x::VkDebugUtilsMessengerCallbackDataEXT, next_types::Type...) = DebugUtilsMessengerCallbackDataEXT(load_next_chain(x.pNext, next_types...), x.flags, unsafe_string(x.pMessageIdName), x.messageIdNumber, unsafe_string(x.pMessage), unsafe_wrap(Vector{DebugUtilsLabelEXT}, x.pQueueLabels, x.queueLabelCount; own = true), unsafe_wrap(Vector{DebugUtilsLabelEXT}, x.pCmdBufLabels, x.cmdBufLabelCount; own = true), unsafe_wrap(Vector{DebugUtilsObjectNameInfoEXT}, x.pObjects, x.objectCount; own = true)) PhysicalDeviceDeviceMemoryReportFeaturesEXT(x::VkPhysicalDeviceDeviceMemoryReportFeaturesEXT, next_types::Type...) = PhysicalDeviceDeviceMemoryReportFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.deviceMemoryReport)) DeviceDeviceMemoryReportCreateInfoEXT(x::VkDeviceDeviceMemoryReportCreateInfoEXT, next_types::Type...) = DeviceDeviceMemoryReportCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.flags, from_vk(FunctionPtr, x.pfnUserCallback), x.pUserData) DeviceMemoryReportCallbackDataEXT(x::VkDeviceMemoryReportCallbackDataEXT, next_types::Type...) = DeviceMemoryReportCallbackDataEXT(load_next_chain(x.pNext, next_types...), x.flags, x.type, x.memoryObjectId, x.size, x.objectType, x.objectHandle, x.heapIndex) ImportMemoryHostPointerInfoEXT(x::VkImportMemoryHostPointerInfoEXT, next_types::Type...) = ImportMemoryHostPointerInfoEXT(load_next_chain(x.pNext, next_types...), ExternalMemoryHandleTypeFlag(UInt32(x.handleType)), x.pHostPointer) MemoryHostPointerPropertiesEXT(x::VkMemoryHostPointerPropertiesEXT, next_types::Type...) = MemoryHostPointerPropertiesEXT(load_next_chain(x.pNext, next_types...), x.memoryTypeBits) PhysicalDeviceExternalMemoryHostPropertiesEXT(x::VkPhysicalDeviceExternalMemoryHostPropertiesEXT, next_types::Type...) = PhysicalDeviceExternalMemoryHostPropertiesEXT(load_next_chain(x.pNext, next_types...), x.minImportedHostPointerAlignment) PhysicalDeviceConservativeRasterizationPropertiesEXT(x::VkPhysicalDeviceConservativeRasterizationPropertiesEXT, next_types::Type...) = PhysicalDeviceConservativeRasterizationPropertiesEXT(load_next_chain(x.pNext, next_types...), x.primitiveOverestimationSize, x.maxExtraPrimitiveOverestimationSize, x.extraPrimitiveOverestimationSizeGranularity, from_vk(Bool, x.primitiveUnderestimation), from_vk(Bool, x.conservativePointAndLineRasterization), from_vk(Bool, x.degenerateTrianglesRasterized), from_vk(Bool, x.degenerateLinesRasterized), from_vk(Bool, x.fullyCoveredFragmentShaderInputVariable), from_vk(Bool, x.conservativeRasterizationPostDepthCoverage)) CalibratedTimestampInfoEXT(x::VkCalibratedTimestampInfoEXT, next_types::Type...) = CalibratedTimestampInfoEXT(load_next_chain(x.pNext, next_types...), x.timeDomain) PhysicalDeviceShaderCorePropertiesAMD(x::VkPhysicalDeviceShaderCorePropertiesAMD, next_types::Type...) = PhysicalDeviceShaderCorePropertiesAMD(load_next_chain(x.pNext, next_types...), x.shaderEngineCount, x.shaderArraysPerEngineCount, x.computeUnitsPerShaderArray, x.simdPerComputeUnit, x.wavefrontsPerSimd, x.wavefrontSize, x.sgprsPerSimd, x.minSgprAllocation, x.maxSgprAllocation, x.sgprAllocationGranularity, x.vgprsPerSimd, x.minVgprAllocation, x.maxVgprAllocation, x.vgprAllocationGranularity) PhysicalDeviceShaderCoreProperties2AMD(x::VkPhysicalDeviceShaderCoreProperties2AMD, next_types::Type...) = PhysicalDeviceShaderCoreProperties2AMD(load_next_chain(x.pNext, next_types...), x.shaderCoreFeatures, x.activeComputeUnitCount) PipelineRasterizationConservativeStateCreateInfoEXT(x::VkPipelineRasterizationConservativeStateCreateInfoEXT, next_types::Type...) = PipelineRasterizationConservativeStateCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.flags, x.conservativeRasterizationMode, x.extraPrimitiveOverestimationSize) PhysicalDeviceDescriptorIndexingFeatures(x::VkPhysicalDeviceDescriptorIndexingFeatures, next_types::Type...) = PhysicalDeviceDescriptorIndexingFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderInputAttachmentArrayDynamicIndexing), from_vk(Bool, x.shaderUniformTexelBufferArrayDynamicIndexing), from_vk(Bool, x.shaderStorageTexelBufferArrayDynamicIndexing), from_vk(Bool, x.shaderUniformBufferArrayNonUniformIndexing), from_vk(Bool, x.shaderSampledImageArrayNonUniformIndexing), from_vk(Bool, x.shaderStorageBufferArrayNonUniformIndexing), from_vk(Bool, x.shaderStorageImageArrayNonUniformIndexing), from_vk(Bool, x.shaderInputAttachmentArrayNonUniformIndexing), from_vk(Bool, x.shaderUniformTexelBufferArrayNonUniformIndexing), from_vk(Bool, x.shaderStorageTexelBufferArrayNonUniformIndexing), from_vk(Bool, x.descriptorBindingUniformBufferUpdateAfterBind), from_vk(Bool, x.descriptorBindingSampledImageUpdateAfterBind), from_vk(Bool, x.descriptorBindingStorageImageUpdateAfterBind), from_vk(Bool, x.descriptorBindingStorageBufferUpdateAfterBind), from_vk(Bool, x.descriptorBindingUniformTexelBufferUpdateAfterBind), from_vk(Bool, x.descriptorBindingStorageTexelBufferUpdateAfterBind), from_vk(Bool, x.descriptorBindingUpdateUnusedWhilePending), from_vk(Bool, x.descriptorBindingPartiallyBound), from_vk(Bool, x.descriptorBindingVariableDescriptorCount), from_vk(Bool, x.runtimeDescriptorArray)) PhysicalDeviceDescriptorIndexingProperties(x::VkPhysicalDeviceDescriptorIndexingProperties, next_types::Type...) = PhysicalDeviceDescriptorIndexingProperties(load_next_chain(x.pNext, next_types...), x.maxUpdateAfterBindDescriptorsInAllPools, from_vk(Bool, x.shaderUniformBufferArrayNonUniformIndexingNative), from_vk(Bool, x.shaderSampledImageArrayNonUniformIndexingNative), from_vk(Bool, x.shaderStorageBufferArrayNonUniformIndexingNative), from_vk(Bool, x.shaderStorageImageArrayNonUniformIndexingNative), from_vk(Bool, x.shaderInputAttachmentArrayNonUniformIndexingNative), from_vk(Bool, x.robustBufferAccessUpdateAfterBind), from_vk(Bool, x.quadDivergentImplicitLod), x.maxPerStageDescriptorUpdateAfterBindSamplers, x.maxPerStageDescriptorUpdateAfterBindUniformBuffers, x.maxPerStageDescriptorUpdateAfterBindStorageBuffers, x.maxPerStageDescriptorUpdateAfterBindSampledImages, x.maxPerStageDescriptorUpdateAfterBindStorageImages, x.maxPerStageDescriptorUpdateAfterBindInputAttachments, x.maxPerStageUpdateAfterBindResources, x.maxDescriptorSetUpdateAfterBindSamplers, x.maxDescriptorSetUpdateAfterBindUniformBuffers, x.maxDescriptorSetUpdateAfterBindUniformBuffersDynamic, x.maxDescriptorSetUpdateAfterBindStorageBuffers, x.maxDescriptorSetUpdateAfterBindStorageBuffersDynamic, x.maxDescriptorSetUpdateAfterBindSampledImages, x.maxDescriptorSetUpdateAfterBindStorageImages, x.maxDescriptorSetUpdateAfterBindInputAttachments) DescriptorSetLayoutBindingFlagsCreateInfo(x::VkDescriptorSetLayoutBindingFlagsCreateInfo, next_types::Type...) = DescriptorSetLayoutBindingFlagsCreateInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{DescriptorBindingFlag}, x.pBindingFlags, x.bindingCount; own = true)) DescriptorSetVariableDescriptorCountAllocateInfo(x::VkDescriptorSetVariableDescriptorCountAllocateInfo, next_types::Type...) = DescriptorSetVariableDescriptorCountAllocateInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{UInt32}, x.pDescriptorCounts, x.descriptorSetCount; own = true)) DescriptorSetVariableDescriptorCountLayoutSupport(x::VkDescriptorSetVariableDescriptorCountLayoutSupport, next_types::Type...) = DescriptorSetVariableDescriptorCountLayoutSupport(load_next_chain(x.pNext, next_types...), x.maxVariableDescriptorCount) AttachmentDescription2(x::VkAttachmentDescription2, next_types::Type...) = AttachmentDescription2(load_next_chain(x.pNext, next_types...), x.flags, x.format, SampleCountFlag(UInt32(x.samples)), x.loadOp, x.storeOp, x.stencilLoadOp, x.stencilStoreOp, x.initialLayout, x.finalLayout) AttachmentReference2(x::VkAttachmentReference2, next_types::Type...) = AttachmentReference2(load_next_chain(x.pNext, next_types...), x.attachment, x.layout, x.aspectMask) SubpassDescription2(x::VkSubpassDescription2, next_types::Type...) = SubpassDescription2(load_next_chain(x.pNext, next_types...), x.flags, x.pipelineBindPoint, x.viewMask, unsafe_wrap(Vector{AttachmentReference2}, x.pInputAttachments, x.inputAttachmentCount; own = true), unsafe_wrap(Vector{AttachmentReference2}, x.pColorAttachments, x.colorAttachmentCount; own = true), unsafe_wrap(Vector{AttachmentReference2}, x.pResolveAttachments, x.colorAttachmentCount; own = true), AttachmentReference2(x.pDepthStencilAttachment), unsafe_wrap(Vector{UInt32}, x.pPreserveAttachments, x.preserveAttachmentCount; own = true)) SubpassDependency2(x::VkSubpassDependency2, next_types::Type...) = SubpassDependency2(load_next_chain(x.pNext, next_types...), x.srcSubpass, x.dstSubpass, x.srcStageMask, x.dstStageMask, x.srcAccessMask, x.dstAccessMask, x.dependencyFlags, x.viewOffset) RenderPassCreateInfo2(x::VkRenderPassCreateInfo2, next_types::Type...) = RenderPassCreateInfo2(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{AttachmentDescription2}, x.pAttachments, x.attachmentCount; own = true), unsafe_wrap(Vector{SubpassDescription2}, x.pSubpasses, x.subpassCount; own = true), unsafe_wrap(Vector{SubpassDependency2}, x.pDependencies, x.dependencyCount; own = true), unsafe_wrap(Vector{UInt32}, x.pCorrelatedViewMasks, x.correlatedViewMaskCount; own = true)) SubpassBeginInfo(x::VkSubpassBeginInfo, next_types::Type...) = SubpassBeginInfo(load_next_chain(x.pNext, next_types...), x.contents) SubpassEndInfo(x::VkSubpassEndInfo, next_types::Type...) = SubpassEndInfo(load_next_chain(x.pNext, next_types...)) PhysicalDeviceTimelineSemaphoreFeatures(x::VkPhysicalDeviceTimelineSemaphoreFeatures, next_types::Type...) = PhysicalDeviceTimelineSemaphoreFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.timelineSemaphore)) PhysicalDeviceTimelineSemaphoreProperties(x::VkPhysicalDeviceTimelineSemaphoreProperties, next_types::Type...) = PhysicalDeviceTimelineSemaphoreProperties(load_next_chain(x.pNext, next_types...), x.maxTimelineSemaphoreValueDifference) SemaphoreTypeCreateInfo(x::VkSemaphoreTypeCreateInfo, next_types::Type...) = SemaphoreTypeCreateInfo(load_next_chain(x.pNext, next_types...), x.semaphoreType, x.initialValue) TimelineSemaphoreSubmitInfo(x::VkTimelineSemaphoreSubmitInfo, next_types::Type...) = TimelineSemaphoreSubmitInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{UInt64}, x.pWaitSemaphoreValues, x.waitSemaphoreValueCount; own = true), unsafe_wrap(Vector{UInt64}, x.pSignalSemaphoreValues, x.signalSemaphoreValueCount; own = true)) SemaphoreWaitInfo(x::VkSemaphoreWaitInfo, next_types::Type...) = SemaphoreWaitInfo(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{Semaphore}, x.pSemaphores, x.semaphoreCount; own = true), unsafe_wrap(Vector{UInt64}, x.pValues, x.semaphoreCount; own = true)) SemaphoreSignalInfo(x::VkSemaphoreSignalInfo, next_types::Type...) = SemaphoreSignalInfo(load_next_chain(x.pNext, next_types...), Semaphore(x.semaphore), x.value) VertexInputBindingDivisorDescriptionEXT(x::VkVertexInputBindingDivisorDescriptionEXT) = VertexInputBindingDivisorDescriptionEXT(x.binding, x.divisor) PipelineVertexInputDivisorStateCreateInfoEXT(x::VkPipelineVertexInputDivisorStateCreateInfoEXT, next_types::Type...) = PipelineVertexInputDivisorStateCreateInfoEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{VertexInputBindingDivisorDescriptionEXT}, x.pVertexBindingDivisors, x.vertexBindingDivisorCount; own = true)) PhysicalDeviceVertexAttributeDivisorPropertiesEXT(x::VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT, next_types::Type...) = PhysicalDeviceVertexAttributeDivisorPropertiesEXT(load_next_chain(x.pNext, next_types...), x.maxVertexAttribDivisor) PhysicalDevicePCIBusInfoPropertiesEXT(x::VkPhysicalDevicePCIBusInfoPropertiesEXT, next_types::Type...) = PhysicalDevicePCIBusInfoPropertiesEXT(load_next_chain(x.pNext, next_types...), x.pciDomain, x.pciBus, x.pciDevice, x.pciFunction) CommandBufferInheritanceConditionalRenderingInfoEXT(x::VkCommandBufferInheritanceConditionalRenderingInfoEXT, next_types::Type...) = CommandBufferInheritanceConditionalRenderingInfoEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.conditionalRenderingEnable)) PhysicalDevice8BitStorageFeatures(x::VkPhysicalDevice8BitStorageFeatures, next_types::Type...) = PhysicalDevice8BitStorageFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.storageBuffer8BitAccess), from_vk(Bool, x.uniformAndStorageBuffer8BitAccess), from_vk(Bool, x.storagePushConstant8)) PhysicalDeviceConditionalRenderingFeaturesEXT(x::VkPhysicalDeviceConditionalRenderingFeaturesEXT, next_types::Type...) = PhysicalDeviceConditionalRenderingFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.conditionalRendering), from_vk(Bool, x.inheritedConditionalRendering)) PhysicalDeviceVulkanMemoryModelFeatures(x::VkPhysicalDeviceVulkanMemoryModelFeatures, next_types::Type...) = PhysicalDeviceVulkanMemoryModelFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.vulkanMemoryModel), from_vk(Bool, x.vulkanMemoryModelDeviceScope), from_vk(Bool, x.vulkanMemoryModelAvailabilityVisibilityChains)) PhysicalDeviceShaderAtomicInt64Features(x::VkPhysicalDeviceShaderAtomicInt64Features, next_types::Type...) = PhysicalDeviceShaderAtomicInt64Features(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderBufferInt64Atomics), from_vk(Bool, x.shaderSharedInt64Atomics)) PhysicalDeviceShaderAtomicFloatFeaturesEXT(x::VkPhysicalDeviceShaderAtomicFloatFeaturesEXT, next_types::Type...) = PhysicalDeviceShaderAtomicFloatFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderBufferFloat32Atomics), from_vk(Bool, x.shaderBufferFloat32AtomicAdd), from_vk(Bool, x.shaderBufferFloat64Atomics), from_vk(Bool, x.shaderBufferFloat64AtomicAdd), from_vk(Bool, x.shaderSharedFloat32Atomics), from_vk(Bool, x.shaderSharedFloat32AtomicAdd), from_vk(Bool, x.shaderSharedFloat64Atomics), from_vk(Bool, x.shaderSharedFloat64AtomicAdd), from_vk(Bool, x.shaderImageFloat32Atomics), from_vk(Bool, x.shaderImageFloat32AtomicAdd), from_vk(Bool, x.sparseImageFloat32Atomics), from_vk(Bool, x.sparseImageFloat32AtomicAdd)) PhysicalDeviceShaderAtomicFloat2FeaturesEXT(x::VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT, next_types::Type...) = PhysicalDeviceShaderAtomicFloat2FeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderBufferFloat16Atomics), from_vk(Bool, x.shaderBufferFloat16AtomicAdd), from_vk(Bool, x.shaderBufferFloat16AtomicMinMax), from_vk(Bool, x.shaderBufferFloat32AtomicMinMax), from_vk(Bool, x.shaderBufferFloat64AtomicMinMax), from_vk(Bool, x.shaderSharedFloat16Atomics), from_vk(Bool, x.shaderSharedFloat16AtomicAdd), from_vk(Bool, x.shaderSharedFloat16AtomicMinMax), from_vk(Bool, x.shaderSharedFloat32AtomicMinMax), from_vk(Bool, x.shaderSharedFloat64AtomicMinMax), from_vk(Bool, x.shaderImageFloat32AtomicMinMax), from_vk(Bool, x.sparseImageFloat32AtomicMinMax)) PhysicalDeviceVertexAttributeDivisorFeaturesEXT(x::VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT, next_types::Type...) = PhysicalDeviceVertexAttributeDivisorFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.vertexAttributeInstanceRateDivisor), from_vk(Bool, x.vertexAttributeInstanceRateZeroDivisor)) QueueFamilyCheckpointPropertiesNV(x::VkQueueFamilyCheckpointPropertiesNV, next_types::Type...) = QueueFamilyCheckpointPropertiesNV(load_next_chain(x.pNext, next_types...), x.checkpointExecutionStageMask) CheckpointDataNV(x::VkCheckpointDataNV, next_types::Type...) = CheckpointDataNV(load_next_chain(x.pNext, next_types...), PipelineStageFlag(UInt32(x.stage)), x.pCheckpointMarker) PhysicalDeviceDepthStencilResolveProperties(x::VkPhysicalDeviceDepthStencilResolveProperties, next_types::Type...) = PhysicalDeviceDepthStencilResolveProperties(load_next_chain(x.pNext, next_types...), x.supportedDepthResolveModes, x.supportedStencilResolveModes, from_vk(Bool, x.independentResolveNone), from_vk(Bool, x.independentResolve)) SubpassDescriptionDepthStencilResolve(x::VkSubpassDescriptionDepthStencilResolve, next_types::Type...) = SubpassDescriptionDepthStencilResolve(load_next_chain(x.pNext, next_types...), ResolveModeFlag(UInt32(x.depthResolveMode)), ResolveModeFlag(UInt32(x.stencilResolveMode)), AttachmentReference2(x.pDepthStencilResolveAttachment)) ImageViewASTCDecodeModeEXT(x::VkImageViewASTCDecodeModeEXT, next_types::Type...) = ImageViewASTCDecodeModeEXT(load_next_chain(x.pNext, next_types...), x.decodeMode) PhysicalDeviceASTCDecodeFeaturesEXT(x::VkPhysicalDeviceASTCDecodeFeaturesEXT, next_types::Type...) = PhysicalDeviceASTCDecodeFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.decodeModeSharedExponent)) PhysicalDeviceTransformFeedbackFeaturesEXT(x::VkPhysicalDeviceTransformFeedbackFeaturesEXT, next_types::Type...) = PhysicalDeviceTransformFeedbackFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.transformFeedback), from_vk(Bool, x.geometryStreams)) PhysicalDeviceTransformFeedbackPropertiesEXT(x::VkPhysicalDeviceTransformFeedbackPropertiesEXT, next_types::Type...) = PhysicalDeviceTransformFeedbackPropertiesEXT(load_next_chain(x.pNext, next_types...), x.maxTransformFeedbackStreams, x.maxTransformFeedbackBuffers, x.maxTransformFeedbackBufferSize, x.maxTransformFeedbackStreamDataSize, x.maxTransformFeedbackBufferDataSize, x.maxTransformFeedbackBufferDataStride, from_vk(Bool, x.transformFeedbackQueries), from_vk(Bool, x.transformFeedbackStreamsLinesTriangles), from_vk(Bool, x.transformFeedbackRasterizationStreamSelect), from_vk(Bool, x.transformFeedbackDraw)) PipelineRasterizationStateStreamCreateInfoEXT(x::VkPipelineRasterizationStateStreamCreateInfoEXT, next_types::Type...) = PipelineRasterizationStateStreamCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.flags, x.rasterizationStream) PhysicalDeviceRepresentativeFragmentTestFeaturesNV(x::VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV, next_types::Type...) = PhysicalDeviceRepresentativeFragmentTestFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.representativeFragmentTest)) PipelineRepresentativeFragmentTestStateCreateInfoNV(x::VkPipelineRepresentativeFragmentTestStateCreateInfoNV, next_types::Type...) = PipelineRepresentativeFragmentTestStateCreateInfoNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.representativeFragmentTestEnable)) PhysicalDeviceExclusiveScissorFeaturesNV(x::VkPhysicalDeviceExclusiveScissorFeaturesNV, next_types::Type...) = PhysicalDeviceExclusiveScissorFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.exclusiveScissor)) PipelineViewportExclusiveScissorStateCreateInfoNV(x::VkPipelineViewportExclusiveScissorStateCreateInfoNV, next_types::Type...) = PipelineViewportExclusiveScissorStateCreateInfoNV(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{Rect2D}, x.pExclusiveScissors, x.exclusiveScissorCount; own = true)) PhysicalDeviceCornerSampledImageFeaturesNV(x::VkPhysicalDeviceCornerSampledImageFeaturesNV, next_types::Type...) = PhysicalDeviceCornerSampledImageFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.cornerSampledImage)) PhysicalDeviceComputeShaderDerivativesFeaturesNV(x::VkPhysicalDeviceComputeShaderDerivativesFeaturesNV, next_types::Type...) = PhysicalDeviceComputeShaderDerivativesFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.computeDerivativeGroupQuads), from_vk(Bool, x.computeDerivativeGroupLinear)) PhysicalDeviceShaderImageFootprintFeaturesNV(x::VkPhysicalDeviceShaderImageFootprintFeaturesNV, next_types::Type...) = PhysicalDeviceShaderImageFootprintFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.imageFootprint)) PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV(x::VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV, next_types::Type...) = PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.dedicatedAllocationImageAliasing)) PhysicalDeviceCopyMemoryIndirectFeaturesNV(x::VkPhysicalDeviceCopyMemoryIndirectFeaturesNV, next_types::Type...) = PhysicalDeviceCopyMemoryIndirectFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.indirectCopy)) PhysicalDeviceCopyMemoryIndirectPropertiesNV(x::VkPhysicalDeviceCopyMemoryIndirectPropertiesNV, next_types::Type...) = PhysicalDeviceCopyMemoryIndirectPropertiesNV(load_next_chain(x.pNext, next_types...), x.supportedQueues) PhysicalDeviceMemoryDecompressionFeaturesNV(x::VkPhysicalDeviceMemoryDecompressionFeaturesNV, next_types::Type...) = PhysicalDeviceMemoryDecompressionFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.memoryDecompression)) PhysicalDeviceMemoryDecompressionPropertiesNV(x::VkPhysicalDeviceMemoryDecompressionPropertiesNV, next_types::Type...) = PhysicalDeviceMemoryDecompressionPropertiesNV(load_next_chain(x.pNext, next_types...), x.decompressionMethods, x.maxDecompressionIndirectCount) ShadingRatePaletteNV(x::VkShadingRatePaletteNV) = ShadingRatePaletteNV(unsafe_wrap(Vector{ShadingRatePaletteEntryNV}, x.pShadingRatePaletteEntries, x.shadingRatePaletteEntryCount; own = true)) PipelineViewportShadingRateImageStateCreateInfoNV(x::VkPipelineViewportShadingRateImageStateCreateInfoNV, next_types::Type...) = PipelineViewportShadingRateImageStateCreateInfoNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shadingRateImageEnable), unsafe_wrap(Vector{ShadingRatePaletteNV}, x.pShadingRatePalettes, x.viewportCount; own = true)) PhysicalDeviceShadingRateImageFeaturesNV(x::VkPhysicalDeviceShadingRateImageFeaturesNV, next_types::Type...) = PhysicalDeviceShadingRateImageFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shadingRateImage), from_vk(Bool, x.shadingRateCoarseSampleOrder)) PhysicalDeviceShadingRateImagePropertiesNV(x::VkPhysicalDeviceShadingRateImagePropertiesNV, next_types::Type...) = PhysicalDeviceShadingRateImagePropertiesNV(load_next_chain(x.pNext, next_types...), Extent2D(x.shadingRateTexelSize), x.shadingRatePaletteSize, x.shadingRateMaxCoarseSamples) PhysicalDeviceInvocationMaskFeaturesHUAWEI(x::VkPhysicalDeviceInvocationMaskFeaturesHUAWEI, next_types::Type...) = PhysicalDeviceInvocationMaskFeaturesHUAWEI(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.invocationMask)) CoarseSampleLocationNV(x::VkCoarseSampleLocationNV) = CoarseSampleLocationNV(x.pixelX, x.pixelY, x.sample) CoarseSampleOrderCustomNV(x::VkCoarseSampleOrderCustomNV) = CoarseSampleOrderCustomNV(x.shadingRate, x.sampleCount, unsafe_wrap(Vector{CoarseSampleLocationNV}, x.pSampleLocations, x.sampleLocationCount; own = true)) PipelineViewportCoarseSampleOrderStateCreateInfoNV(x::VkPipelineViewportCoarseSampleOrderStateCreateInfoNV, next_types::Type...) = PipelineViewportCoarseSampleOrderStateCreateInfoNV(load_next_chain(x.pNext, next_types...), x.sampleOrderType, unsafe_wrap(Vector{CoarseSampleOrderCustomNV}, x.pCustomSampleOrders, x.customSampleOrderCount; own = true)) PhysicalDeviceMeshShaderFeaturesNV(x::VkPhysicalDeviceMeshShaderFeaturesNV, next_types::Type...) = PhysicalDeviceMeshShaderFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.taskShader), from_vk(Bool, x.meshShader)) PhysicalDeviceMeshShaderPropertiesNV(x::VkPhysicalDeviceMeshShaderPropertiesNV, next_types::Type...) = PhysicalDeviceMeshShaderPropertiesNV(load_next_chain(x.pNext, next_types...), x.maxDrawMeshTasksCount, x.maxTaskWorkGroupInvocations, x.maxTaskWorkGroupSize, x.maxTaskTotalMemorySize, x.maxTaskOutputCount, x.maxMeshWorkGroupInvocations, x.maxMeshWorkGroupSize, x.maxMeshTotalMemorySize, x.maxMeshOutputVertices, x.maxMeshOutputPrimitives, x.maxMeshMultiviewViewCount, x.meshOutputPerVertexGranularity, x.meshOutputPerPrimitiveGranularity) DrawMeshTasksIndirectCommandNV(x::VkDrawMeshTasksIndirectCommandNV) = DrawMeshTasksIndirectCommandNV(x.taskCount, x.firstTask) PhysicalDeviceMeshShaderFeaturesEXT(x::VkPhysicalDeviceMeshShaderFeaturesEXT, next_types::Type...) = PhysicalDeviceMeshShaderFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.taskShader), from_vk(Bool, x.meshShader), from_vk(Bool, x.multiviewMeshShader), from_vk(Bool, x.primitiveFragmentShadingRateMeshShader), from_vk(Bool, x.meshShaderQueries)) PhysicalDeviceMeshShaderPropertiesEXT(x::VkPhysicalDeviceMeshShaderPropertiesEXT, next_types::Type...) = PhysicalDeviceMeshShaderPropertiesEXT(load_next_chain(x.pNext, next_types...), x.maxTaskWorkGroupTotalCount, x.maxTaskWorkGroupCount, x.maxTaskWorkGroupInvocations, x.maxTaskWorkGroupSize, x.maxTaskPayloadSize, x.maxTaskSharedMemorySize, x.maxTaskPayloadAndSharedMemorySize, x.maxMeshWorkGroupTotalCount, x.maxMeshWorkGroupCount, x.maxMeshWorkGroupInvocations, x.maxMeshWorkGroupSize, x.maxMeshSharedMemorySize, x.maxMeshPayloadAndSharedMemorySize, x.maxMeshOutputMemorySize, x.maxMeshPayloadAndOutputMemorySize, x.maxMeshOutputComponents, x.maxMeshOutputVertices, x.maxMeshOutputPrimitives, x.maxMeshOutputLayers, x.maxMeshMultiviewViewCount, x.meshOutputPerVertexGranularity, x.meshOutputPerPrimitiveGranularity, x.maxPreferredTaskWorkGroupInvocations, x.maxPreferredMeshWorkGroupInvocations, from_vk(Bool, x.prefersLocalInvocationVertexOutput), from_vk(Bool, x.prefersLocalInvocationPrimitiveOutput), from_vk(Bool, x.prefersCompactVertexOutput), from_vk(Bool, x.prefersCompactPrimitiveOutput)) DrawMeshTasksIndirectCommandEXT(x::VkDrawMeshTasksIndirectCommandEXT) = DrawMeshTasksIndirectCommandEXT(x.groupCountX, x.groupCountY, x.groupCountZ) RayTracingShaderGroupCreateInfoNV(x::VkRayTracingShaderGroupCreateInfoNV, next_types::Type...) = RayTracingShaderGroupCreateInfoNV(load_next_chain(x.pNext, next_types...), x.type, x.generalShader, x.closestHitShader, x.anyHitShader, x.intersectionShader) RayTracingShaderGroupCreateInfoKHR(x::VkRayTracingShaderGroupCreateInfoKHR, next_types::Type...) = RayTracingShaderGroupCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.type, x.generalShader, x.closestHitShader, x.anyHitShader, x.intersectionShader, x.pShaderGroupCaptureReplayHandle) RayTracingPipelineCreateInfoNV(x::VkRayTracingPipelineCreateInfoNV, next_types::Type...) = RayTracingPipelineCreateInfoNV(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{PipelineShaderStageCreateInfo}, x.pStages, x.stageCount; own = true), unsafe_wrap(Vector{RayTracingShaderGroupCreateInfoNV}, x.pGroups, x.groupCount; own = true), x.maxRecursionDepth, PipelineLayout(x.layout), Pipeline(x.basePipelineHandle), x.basePipelineIndex) RayTracingPipelineCreateInfoKHR(x::VkRayTracingPipelineCreateInfoKHR, next_types::Type...) = RayTracingPipelineCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{PipelineShaderStageCreateInfo}, x.pStages, x.stageCount; own = true), unsafe_wrap(Vector{RayTracingShaderGroupCreateInfoKHR}, x.pGroups, x.groupCount; own = true), x.maxPipelineRayRecursionDepth, PipelineLibraryCreateInfoKHR(x.pLibraryInfo), RayTracingPipelineInterfaceCreateInfoKHR(x.pLibraryInterface), PipelineDynamicStateCreateInfo(x.pDynamicState), PipelineLayout(x.layout), Pipeline(x.basePipelineHandle), x.basePipelineIndex) GeometryTrianglesNV(x::VkGeometryTrianglesNV, next_types::Type...) = GeometryTrianglesNV(load_next_chain(x.pNext, next_types...), Buffer(x.vertexData), x.vertexOffset, x.vertexCount, x.vertexStride, x.vertexFormat, Buffer(x.indexData), x.indexOffset, x.indexCount, x.indexType, Buffer(x.transformData), x.transformOffset) GeometryAABBNV(x::VkGeometryAABBNV, next_types::Type...) = GeometryAABBNV(load_next_chain(x.pNext, next_types...), Buffer(x.aabbData), x.numAABBs, x.stride, x.offset) GeometryDataNV(x::VkGeometryDataNV) = GeometryDataNV(GeometryTrianglesNV(x.triangles), GeometryAABBNV(x.aabbs)) GeometryNV(x::VkGeometryNV, next_types::Type...) = GeometryNV(load_next_chain(x.pNext, next_types...), x.geometryType, GeometryDataNV(x.geometry), x.flags) AccelerationStructureInfoNV(x::VkAccelerationStructureInfoNV, next_types::Type...) = AccelerationStructureInfoNV(load_next_chain(x.pNext, next_types...), x.type, x.flags, x.instanceCount, unsafe_wrap(Vector{GeometryNV}, x.pGeometries, x.geometryCount; own = true)) AccelerationStructureCreateInfoNV(x::VkAccelerationStructureCreateInfoNV, next_types::Type...) = AccelerationStructureCreateInfoNV(load_next_chain(x.pNext, next_types...), x.compactedSize, AccelerationStructureInfoNV(x.info)) BindAccelerationStructureMemoryInfoNV(x::VkBindAccelerationStructureMemoryInfoNV, next_types::Type...) = BindAccelerationStructureMemoryInfoNV(load_next_chain(x.pNext, next_types...), AccelerationStructureNV(x.accelerationStructure), DeviceMemory(x.memory), x.memoryOffset, unsafe_wrap(Vector{UInt32}, x.pDeviceIndices, x.deviceIndexCount; own = true)) WriteDescriptorSetAccelerationStructureKHR(x::VkWriteDescriptorSetAccelerationStructureKHR, next_types::Type...) = WriteDescriptorSetAccelerationStructureKHR(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{AccelerationStructureKHR}, x.pAccelerationStructures, x.accelerationStructureCount; own = true)) WriteDescriptorSetAccelerationStructureNV(x::VkWriteDescriptorSetAccelerationStructureNV, next_types::Type...) = WriteDescriptorSetAccelerationStructureNV(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{AccelerationStructureNV}, x.pAccelerationStructures, x.accelerationStructureCount; own = true)) AccelerationStructureMemoryRequirementsInfoNV(x::VkAccelerationStructureMemoryRequirementsInfoNV, next_types::Type...) = AccelerationStructureMemoryRequirementsInfoNV(load_next_chain(x.pNext, next_types...), x.type, AccelerationStructureNV(x.accelerationStructure)) PhysicalDeviceAccelerationStructureFeaturesKHR(x::VkPhysicalDeviceAccelerationStructureFeaturesKHR, next_types::Type...) = PhysicalDeviceAccelerationStructureFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.accelerationStructure), from_vk(Bool, x.accelerationStructureCaptureReplay), from_vk(Bool, x.accelerationStructureIndirectBuild), from_vk(Bool, x.accelerationStructureHostCommands), from_vk(Bool, x.descriptorBindingAccelerationStructureUpdateAfterBind)) PhysicalDeviceRayTracingPipelineFeaturesKHR(x::VkPhysicalDeviceRayTracingPipelineFeaturesKHR, next_types::Type...) = PhysicalDeviceRayTracingPipelineFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.rayTracingPipeline), from_vk(Bool, x.rayTracingPipelineShaderGroupHandleCaptureReplay), from_vk(Bool, x.rayTracingPipelineShaderGroupHandleCaptureReplayMixed), from_vk(Bool, x.rayTracingPipelineTraceRaysIndirect), from_vk(Bool, x.rayTraversalPrimitiveCulling)) PhysicalDeviceRayQueryFeaturesKHR(x::VkPhysicalDeviceRayQueryFeaturesKHR, next_types::Type...) = PhysicalDeviceRayQueryFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.rayQuery)) PhysicalDeviceAccelerationStructurePropertiesKHR(x::VkPhysicalDeviceAccelerationStructurePropertiesKHR, next_types::Type...) = PhysicalDeviceAccelerationStructurePropertiesKHR(load_next_chain(x.pNext, next_types...), x.maxGeometryCount, x.maxInstanceCount, x.maxPrimitiveCount, x.maxPerStageDescriptorAccelerationStructures, x.maxPerStageDescriptorUpdateAfterBindAccelerationStructures, x.maxDescriptorSetAccelerationStructures, x.maxDescriptorSetUpdateAfterBindAccelerationStructures, x.minAccelerationStructureScratchOffsetAlignment) PhysicalDeviceRayTracingPipelinePropertiesKHR(x::VkPhysicalDeviceRayTracingPipelinePropertiesKHR, next_types::Type...) = PhysicalDeviceRayTracingPipelinePropertiesKHR(load_next_chain(x.pNext, next_types...), x.shaderGroupHandleSize, x.maxRayRecursionDepth, x.maxShaderGroupStride, x.shaderGroupBaseAlignment, x.shaderGroupHandleCaptureReplaySize, x.maxRayDispatchInvocationCount, x.shaderGroupHandleAlignment, x.maxRayHitAttributeSize) PhysicalDeviceRayTracingPropertiesNV(x::VkPhysicalDeviceRayTracingPropertiesNV, next_types::Type...) = PhysicalDeviceRayTracingPropertiesNV(load_next_chain(x.pNext, next_types...), x.shaderGroupHandleSize, x.maxRecursionDepth, x.maxShaderGroupStride, x.shaderGroupBaseAlignment, x.maxGeometryCount, x.maxInstanceCount, x.maxTriangleCount, x.maxDescriptorSetAccelerationStructures) StridedDeviceAddressRegionKHR(x::VkStridedDeviceAddressRegionKHR) = StridedDeviceAddressRegionKHR(x.deviceAddress, x.stride, x.size) TraceRaysIndirectCommandKHR(x::VkTraceRaysIndirectCommandKHR) = TraceRaysIndirectCommandKHR(x.width, x.height, x.depth) TraceRaysIndirectCommand2KHR(x::VkTraceRaysIndirectCommand2KHR) = TraceRaysIndirectCommand2KHR(x.raygenShaderRecordAddress, x.raygenShaderRecordSize, x.missShaderBindingTableAddress, x.missShaderBindingTableSize, x.missShaderBindingTableStride, x.hitShaderBindingTableAddress, x.hitShaderBindingTableSize, x.hitShaderBindingTableStride, x.callableShaderBindingTableAddress, x.callableShaderBindingTableSize, x.callableShaderBindingTableStride, x.width, x.height, x.depth) PhysicalDeviceRayTracingMaintenance1FeaturesKHR(x::VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR, next_types::Type...) = PhysicalDeviceRayTracingMaintenance1FeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.rayTracingMaintenance1), from_vk(Bool, x.rayTracingPipelineTraceRaysIndirect2)) DrmFormatModifierPropertiesListEXT(x::VkDrmFormatModifierPropertiesListEXT, next_types::Type...) = DrmFormatModifierPropertiesListEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{DrmFormatModifierPropertiesEXT}, x.pDrmFormatModifierProperties, x.drmFormatModifierCount; own = true)) DrmFormatModifierPropertiesEXT(x::VkDrmFormatModifierPropertiesEXT) = DrmFormatModifierPropertiesEXT(x.drmFormatModifier, x.drmFormatModifierPlaneCount, x.drmFormatModifierTilingFeatures) PhysicalDeviceImageDrmFormatModifierInfoEXT(x::VkPhysicalDeviceImageDrmFormatModifierInfoEXT, next_types::Type...) = PhysicalDeviceImageDrmFormatModifierInfoEXT(load_next_chain(x.pNext, next_types...), x.drmFormatModifier, x.sharingMode, unsafe_wrap(Vector{UInt32}, x.pQueueFamilyIndices, x.queueFamilyIndexCount; own = true)) ImageDrmFormatModifierListCreateInfoEXT(x::VkImageDrmFormatModifierListCreateInfoEXT, next_types::Type...) = ImageDrmFormatModifierListCreateInfoEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{UInt64}, x.pDrmFormatModifiers, x.drmFormatModifierCount; own = true)) ImageDrmFormatModifierExplicitCreateInfoEXT(x::VkImageDrmFormatModifierExplicitCreateInfoEXT, next_types::Type...) = ImageDrmFormatModifierExplicitCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.drmFormatModifier, unsafe_wrap(Vector{SubresourceLayout}, x.pPlaneLayouts, x.drmFormatModifierPlaneCount; own = true)) ImageDrmFormatModifierPropertiesEXT(x::VkImageDrmFormatModifierPropertiesEXT, next_types::Type...) = ImageDrmFormatModifierPropertiesEXT(load_next_chain(x.pNext, next_types...), x.drmFormatModifier) ImageStencilUsageCreateInfo(x::VkImageStencilUsageCreateInfo, next_types::Type...) = ImageStencilUsageCreateInfo(load_next_chain(x.pNext, next_types...), x.stencilUsage) DeviceMemoryOverallocationCreateInfoAMD(x::VkDeviceMemoryOverallocationCreateInfoAMD, next_types::Type...) = DeviceMemoryOverallocationCreateInfoAMD(load_next_chain(x.pNext, next_types...), x.overallocationBehavior) PhysicalDeviceFragmentDensityMapFeaturesEXT(x::VkPhysicalDeviceFragmentDensityMapFeaturesEXT, next_types::Type...) = PhysicalDeviceFragmentDensityMapFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.fragmentDensityMap), from_vk(Bool, x.fragmentDensityMapDynamic), from_vk(Bool, x.fragmentDensityMapNonSubsampledImages)) PhysicalDeviceFragmentDensityMap2FeaturesEXT(x::VkPhysicalDeviceFragmentDensityMap2FeaturesEXT, next_types::Type...) = PhysicalDeviceFragmentDensityMap2FeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.fragmentDensityMapDeferred)) PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM(x::VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM, next_types::Type...) = PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.fragmentDensityMapOffset)) PhysicalDeviceFragmentDensityMapPropertiesEXT(x::VkPhysicalDeviceFragmentDensityMapPropertiesEXT, next_types::Type...) = PhysicalDeviceFragmentDensityMapPropertiesEXT(load_next_chain(x.pNext, next_types...), Extent2D(x.minFragmentDensityTexelSize), Extent2D(x.maxFragmentDensityTexelSize), from_vk(Bool, x.fragmentDensityInvocations)) PhysicalDeviceFragmentDensityMap2PropertiesEXT(x::VkPhysicalDeviceFragmentDensityMap2PropertiesEXT, next_types::Type...) = PhysicalDeviceFragmentDensityMap2PropertiesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.subsampledLoads), from_vk(Bool, x.subsampledCoarseReconstructionEarlyAccess), x.maxSubsampledArrayLayers, x.maxDescriptorSetSubsampledSamplers) PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM(x::VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM, next_types::Type...) = PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM(load_next_chain(x.pNext, next_types...), Extent2D(x.fragmentDensityOffsetGranularity)) RenderPassFragmentDensityMapCreateInfoEXT(x::VkRenderPassFragmentDensityMapCreateInfoEXT, next_types::Type...) = RenderPassFragmentDensityMapCreateInfoEXT(load_next_chain(x.pNext, next_types...), AttachmentReference(x.fragmentDensityMapAttachment)) SubpassFragmentDensityMapOffsetEndInfoQCOM(x::VkSubpassFragmentDensityMapOffsetEndInfoQCOM, next_types::Type...) = SubpassFragmentDensityMapOffsetEndInfoQCOM(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{Offset2D}, x.pFragmentDensityOffsets, x.fragmentDensityOffsetCount; own = true)) PhysicalDeviceScalarBlockLayoutFeatures(x::VkPhysicalDeviceScalarBlockLayoutFeatures, next_types::Type...) = PhysicalDeviceScalarBlockLayoutFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.scalarBlockLayout)) SurfaceProtectedCapabilitiesKHR(x::VkSurfaceProtectedCapabilitiesKHR, next_types::Type...) = SurfaceProtectedCapabilitiesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.supportsProtected)) PhysicalDeviceUniformBufferStandardLayoutFeatures(x::VkPhysicalDeviceUniformBufferStandardLayoutFeatures, next_types::Type...) = PhysicalDeviceUniformBufferStandardLayoutFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.uniformBufferStandardLayout)) PhysicalDeviceDepthClipEnableFeaturesEXT(x::VkPhysicalDeviceDepthClipEnableFeaturesEXT, next_types::Type...) = PhysicalDeviceDepthClipEnableFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.depthClipEnable)) PipelineRasterizationDepthClipStateCreateInfoEXT(x::VkPipelineRasterizationDepthClipStateCreateInfoEXT, next_types::Type...) = PipelineRasterizationDepthClipStateCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.flags, from_vk(Bool, x.depthClipEnable)) PhysicalDeviceMemoryBudgetPropertiesEXT(x::VkPhysicalDeviceMemoryBudgetPropertiesEXT, next_types::Type...) = PhysicalDeviceMemoryBudgetPropertiesEXT(load_next_chain(x.pNext, next_types...), x.heapBudget, x.heapUsage) PhysicalDeviceMemoryPriorityFeaturesEXT(x::VkPhysicalDeviceMemoryPriorityFeaturesEXT, next_types::Type...) = PhysicalDeviceMemoryPriorityFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.memoryPriority)) MemoryPriorityAllocateInfoEXT(x::VkMemoryPriorityAllocateInfoEXT, next_types::Type...) = MemoryPriorityAllocateInfoEXT(load_next_chain(x.pNext, next_types...), x.priority) PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT(x::VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT, next_types::Type...) = PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.pageableDeviceLocalMemory)) PhysicalDeviceBufferDeviceAddressFeatures(x::VkPhysicalDeviceBufferDeviceAddressFeatures, next_types::Type...) = PhysicalDeviceBufferDeviceAddressFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.bufferDeviceAddress), from_vk(Bool, x.bufferDeviceAddressCaptureReplay), from_vk(Bool, x.bufferDeviceAddressMultiDevice)) PhysicalDeviceBufferDeviceAddressFeaturesEXT(x::VkPhysicalDeviceBufferDeviceAddressFeaturesEXT, next_types::Type...) = PhysicalDeviceBufferDeviceAddressFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.bufferDeviceAddress), from_vk(Bool, x.bufferDeviceAddressCaptureReplay), from_vk(Bool, x.bufferDeviceAddressMultiDevice)) BufferDeviceAddressInfo(x::VkBufferDeviceAddressInfo, next_types::Type...) = BufferDeviceAddressInfo(load_next_chain(x.pNext, next_types...), Buffer(x.buffer)) BufferOpaqueCaptureAddressCreateInfo(x::VkBufferOpaqueCaptureAddressCreateInfo, next_types::Type...) = BufferOpaqueCaptureAddressCreateInfo(load_next_chain(x.pNext, next_types...), x.opaqueCaptureAddress) BufferDeviceAddressCreateInfoEXT(x::VkBufferDeviceAddressCreateInfoEXT, next_types::Type...) = BufferDeviceAddressCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.deviceAddress) PhysicalDeviceImageViewImageFormatInfoEXT(x::VkPhysicalDeviceImageViewImageFormatInfoEXT, next_types::Type...) = PhysicalDeviceImageViewImageFormatInfoEXT(load_next_chain(x.pNext, next_types...), x.imageViewType) FilterCubicImageViewImageFormatPropertiesEXT(x::VkFilterCubicImageViewImageFormatPropertiesEXT, next_types::Type...) = FilterCubicImageViewImageFormatPropertiesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.filterCubic), from_vk(Bool, x.filterCubicMinmax)) PhysicalDeviceImagelessFramebufferFeatures(x::VkPhysicalDeviceImagelessFramebufferFeatures, next_types::Type...) = PhysicalDeviceImagelessFramebufferFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.imagelessFramebuffer)) FramebufferAttachmentsCreateInfo(x::VkFramebufferAttachmentsCreateInfo, next_types::Type...) = FramebufferAttachmentsCreateInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{FramebufferAttachmentImageInfo}, x.pAttachmentImageInfos, x.attachmentImageInfoCount; own = true)) FramebufferAttachmentImageInfo(x::VkFramebufferAttachmentImageInfo, next_types::Type...) = FramebufferAttachmentImageInfo(load_next_chain(x.pNext, next_types...), x.flags, x.usage, x.width, x.height, x.layerCount, unsafe_wrap(Vector{Format}, x.pViewFormats, x.viewFormatCount; own = true)) RenderPassAttachmentBeginInfo(x::VkRenderPassAttachmentBeginInfo, next_types::Type...) = RenderPassAttachmentBeginInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{ImageView}, x.pAttachments, x.attachmentCount; own = true)) PhysicalDeviceTextureCompressionASTCHDRFeatures(x::VkPhysicalDeviceTextureCompressionASTCHDRFeatures, next_types::Type...) = PhysicalDeviceTextureCompressionASTCHDRFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.textureCompressionASTC_HDR)) PhysicalDeviceCooperativeMatrixFeaturesNV(x::VkPhysicalDeviceCooperativeMatrixFeaturesNV, next_types::Type...) = PhysicalDeviceCooperativeMatrixFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.cooperativeMatrix), from_vk(Bool, x.cooperativeMatrixRobustBufferAccess)) PhysicalDeviceCooperativeMatrixPropertiesNV(x::VkPhysicalDeviceCooperativeMatrixPropertiesNV, next_types::Type...) = PhysicalDeviceCooperativeMatrixPropertiesNV(load_next_chain(x.pNext, next_types...), x.cooperativeMatrixSupportedStages) CooperativeMatrixPropertiesNV(x::VkCooperativeMatrixPropertiesNV, next_types::Type...) = CooperativeMatrixPropertiesNV(load_next_chain(x.pNext, next_types...), x.MSize, x.NSize, x.KSize, x.AType, x.BType, x.CType, x.DType, x.scope) PhysicalDeviceYcbcrImageArraysFeaturesEXT(x::VkPhysicalDeviceYcbcrImageArraysFeaturesEXT, next_types::Type...) = PhysicalDeviceYcbcrImageArraysFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.ycbcrImageArrays)) ImageViewHandleInfoNVX(x::VkImageViewHandleInfoNVX, next_types::Type...) = ImageViewHandleInfoNVX(load_next_chain(x.pNext, next_types...), ImageView(x.imageView), x.descriptorType, Sampler(x.sampler)) ImageViewAddressPropertiesNVX(x::VkImageViewAddressPropertiesNVX, next_types::Type...) = ImageViewAddressPropertiesNVX(load_next_chain(x.pNext, next_types...), x.deviceAddress, x.size) PipelineCreationFeedback(x::VkPipelineCreationFeedback) = PipelineCreationFeedback(x.flags, x.duration) PipelineCreationFeedbackCreateInfo(x::VkPipelineCreationFeedbackCreateInfo, next_types::Type...) = PipelineCreationFeedbackCreateInfo(load_next_chain(x.pNext, next_types...), PipelineCreationFeedback(x.pPipelineCreationFeedback), unsafe_wrap(Vector{PipelineCreationFeedback}, x.pPipelineStageCreationFeedbacks, x.pipelineStageCreationFeedbackCount; own = true)) PhysicalDevicePresentBarrierFeaturesNV(x::VkPhysicalDevicePresentBarrierFeaturesNV, next_types::Type...) = PhysicalDevicePresentBarrierFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.presentBarrier)) SurfaceCapabilitiesPresentBarrierNV(x::VkSurfaceCapabilitiesPresentBarrierNV, next_types::Type...) = SurfaceCapabilitiesPresentBarrierNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.presentBarrierSupported)) SwapchainPresentBarrierCreateInfoNV(x::VkSwapchainPresentBarrierCreateInfoNV, next_types::Type...) = SwapchainPresentBarrierCreateInfoNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.presentBarrierEnable)) PhysicalDevicePerformanceQueryFeaturesKHR(x::VkPhysicalDevicePerformanceQueryFeaturesKHR, next_types::Type...) = PhysicalDevicePerformanceQueryFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.performanceCounterQueryPools), from_vk(Bool, x.performanceCounterMultipleQueryPools)) PhysicalDevicePerformanceQueryPropertiesKHR(x::VkPhysicalDevicePerformanceQueryPropertiesKHR, next_types::Type...) = PhysicalDevicePerformanceQueryPropertiesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.allowCommandBufferQueryCopies)) PerformanceCounterKHR(x::VkPerformanceCounterKHR, next_types::Type...) = PerformanceCounterKHR(load_next_chain(x.pNext, next_types...), x.unit, x.scope, x.storage, x.uuid) PerformanceCounterDescriptionKHR(x::VkPerformanceCounterDescriptionKHR, next_types::Type...) = PerformanceCounterDescriptionKHR(load_next_chain(x.pNext, next_types...), x.flags, from_vk(String, x.name), from_vk(String, x.category), from_vk(String, x.description)) QueryPoolPerformanceCreateInfoKHR(x::VkQueryPoolPerformanceCreateInfoKHR, next_types::Type...) = QueryPoolPerformanceCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.queueFamilyIndex, unsafe_wrap(Vector{UInt32}, x.pCounterIndices, x.counterIndexCount; own = true)) AcquireProfilingLockInfoKHR(x::VkAcquireProfilingLockInfoKHR, next_types::Type...) = AcquireProfilingLockInfoKHR(load_next_chain(x.pNext, next_types...), x.flags, x.timeout) PerformanceQuerySubmitInfoKHR(x::VkPerformanceQuerySubmitInfoKHR, next_types::Type...) = PerformanceQuerySubmitInfoKHR(load_next_chain(x.pNext, next_types...), x.counterPassIndex) HeadlessSurfaceCreateInfoEXT(x::VkHeadlessSurfaceCreateInfoEXT, next_types::Type...) = HeadlessSurfaceCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.flags) PhysicalDeviceCoverageReductionModeFeaturesNV(x::VkPhysicalDeviceCoverageReductionModeFeaturesNV, next_types::Type...) = PhysicalDeviceCoverageReductionModeFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.coverageReductionMode)) PipelineCoverageReductionStateCreateInfoNV(x::VkPipelineCoverageReductionStateCreateInfoNV, next_types::Type...) = PipelineCoverageReductionStateCreateInfoNV(load_next_chain(x.pNext, next_types...), x.flags, x.coverageReductionMode) FramebufferMixedSamplesCombinationNV(x::VkFramebufferMixedSamplesCombinationNV, next_types::Type...) = FramebufferMixedSamplesCombinationNV(load_next_chain(x.pNext, next_types...), x.coverageReductionMode, SampleCountFlag(UInt32(x.rasterizationSamples)), x.depthStencilSamples, x.colorSamples) PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL(x::VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL, next_types::Type...) = PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderIntegerFunctions2)) PerformanceValueINTEL(x::VkPerformanceValueINTEL) = PerformanceValueINTEL(x.type, PerformanceValueDataINTEL(x.data)) InitializePerformanceApiInfoINTEL(x::VkInitializePerformanceApiInfoINTEL, next_types::Type...) = InitializePerformanceApiInfoINTEL(load_next_chain(x.pNext, next_types...), x.pUserData) QueryPoolPerformanceQueryCreateInfoINTEL(x::VkQueryPoolPerformanceQueryCreateInfoINTEL, next_types::Type...) = QueryPoolPerformanceQueryCreateInfoINTEL(load_next_chain(x.pNext, next_types...), x.performanceCountersSampling) PerformanceMarkerInfoINTEL(x::VkPerformanceMarkerInfoINTEL, next_types::Type...) = PerformanceMarkerInfoINTEL(load_next_chain(x.pNext, next_types...), x.marker) PerformanceStreamMarkerInfoINTEL(x::VkPerformanceStreamMarkerInfoINTEL, next_types::Type...) = PerformanceStreamMarkerInfoINTEL(load_next_chain(x.pNext, next_types...), x.marker) PerformanceOverrideInfoINTEL(x::VkPerformanceOverrideInfoINTEL, next_types::Type...) = PerformanceOverrideInfoINTEL(load_next_chain(x.pNext, next_types...), x.type, from_vk(Bool, x.enable), x.parameter) PerformanceConfigurationAcquireInfoINTEL(x::VkPerformanceConfigurationAcquireInfoINTEL, next_types::Type...) = PerformanceConfigurationAcquireInfoINTEL(load_next_chain(x.pNext, next_types...), x.type) PhysicalDeviceShaderClockFeaturesKHR(x::VkPhysicalDeviceShaderClockFeaturesKHR, next_types::Type...) = PhysicalDeviceShaderClockFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderSubgroupClock), from_vk(Bool, x.shaderDeviceClock)) PhysicalDeviceIndexTypeUint8FeaturesEXT(x::VkPhysicalDeviceIndexTypeUint8FeaturesEXT, next_types::Type...) = PhysicalDeviceIndexTypeUint8FeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.indexTypeUint8)) PhysicalDeviceShaderSMBuiltinsPropertiesNV(x::VkPhysicalDeviceShaderSMBuiltinsPropertiesNV, next_types::Type...) = PhysicalDeviceShaderSMBuiltinsPropertiesNV(load_next_chain(x.pNext, next_types...), x.shaderSMCount, x.shaderWarpsPerSM) PhysicalDeviceShaderSMBuiltinsFeaturesNV(x::VkPhysicalDeviceShaderSMBuiltinsFeaturesNV, next_types::Type...) = PhysicalDeviceShaderSMBuiltinsFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderSMBuiltins)) PhysicalDeviceFragmentShaderInterlockFeaturesEXT(x::VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT, next_types::Type...) = PhysicalDeviceFragmentShaderInterlockFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.fragmentShaderSampleInterlock), from_vk(Bool, x.fragmentShaderPixelInterlock), from_vk(Bool, x.fragmentShaderShadingRateInterlock)) PhysicalDeviceSeparateDepthStencilLayoutsFeatures(x::VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures, next_types::Type...) = PhysicalDeviceSeparateDepthStencilLayoutsFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.separateDepthStencilLayouts)) AttachmentReferenceStencilLayout(x::VkAttachmentReferenceStencilLayout, next_types::Type...) = AttachmentReferenceStencilLayout(load_next_chain(x.pNext, next_types...), x.stencilLayout) PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT(x::VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT, next_types::Type...) = PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.primitiveTopologyListRestart), from_vk(Bool, x.primitiveTopologyPatchListRestart)) AttachmentDescriptionStencilLayout(x::VkAttachmentDescriptionStencilLayout, next_types::Type...) = AttachmentDescriptionStencilLayout(load_next_chain(x.pNext, next_types...), x.stencilInitialLayout, x.stencilFinalLayout) PhysicalDevicePipelineExecutablePropertiesFeaturesKHR(x::VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR, next_types::Type...) = PhysicalDevicePipelineExecutablePropertiesFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.pipelineExecutableInfo)) PipelineInfoKHR(x::VkPipelineInfoKHR, next_types::Type...) = PipelineInfoKHR(load_next_chain(x.pNext, next_types...), Pipeline(x.pipeline)) PipelineExecutablePropertiesKHR(x::VkPipelineExecutablePropertiesKHR, next_types::Type...) = PipelineExecutablePropertiesKHR(load_next_chain(x.pNext, next_types...), x.stages, from_vk(String, x.name), from_vk(String, x.description), x.subgroupSize) PipelineExecutableInfoKHR(x::VkPipelineExecutableInfoKHR, next_types::Type...) = PipelineExecutableInfoKHR(load_next_chain(x.pNext, next_types...), Pipeline(x.pipeline), x.executableIndex) PipelineExecutableStatisticKHR(x::VkPipelineExecutableStatisticKHR, next_types::Type...) = PipelineExecutableStatisticKHR(load_next_chain(x.pNext, next_types...), from_vk(String, x.name), from_vk(String, x.description), x.format, PipelineExecutableStatisticValueKHR(x.value)) PipelineExecutableInternalRepresentationKHR(x::VkPipelineExecutableInternalRepresentationKHR, next_types::Type...) = PipelineExecutableInternalRepresentationKHR(load_next_chain(x.pNext, next_types...), from_vk(String, x.name), from_vk(String, x.description), from_vk(Bool, x.isText), x.dataSize, x.pData) PhysicalDeviceShaderDemoteToHelperInvocationFeatures(x::VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures, next_types::Type...) = PhysicalDeviceShaderDemoteToHelperInvocationFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderDemoteToHelperInvocation)) PhysicalDeviceTexelBufferAlignmentFeaturesEXT(x::VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT, next_types::Type...) = PhysicalDeviceTexelBufferAlignmentFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.texelBufferAlignment)) PhysicalDeviceTexelBufferAlignmentProperties(x::VkPhysicalDeviceTexelBufferAlignmentProperties, next_types::Type...) = PhysicalDeviceTexelBufferAlignmentProperties(load_next_chain(x.pNext, next_types...), x.storageTexelBufferOffsetAlignmentBytes, from_vk(Bool, x.storageTexelBufferOffsetSingleTexelAlignment), x.uniformTexelBufferOffsetAlignmentBytes, from_vk(Bool, x.uniformTexelBufferOffsetSingleTexelAlignment)) PhysicalDeviceSubgroupSizeControlFeatures(x::VkPhysicalDeviceSubgroupSizeControlFeatures, next_types::Type...) = PhysicalDeviceSubgroupSizeControlFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.subgroupSizeControl), from_vk(Bool, x.computeFullSubgroups)) PhysicalDeviceSubgroupSizeControlProperties(x::VkPhysicalDeviceSubgroupSizeControlProperties, next_types::Type...) = PhysicalDeviceSubgroupSizeControlProperties(load_next_chain(x.pNext, next_types...), x.minSubgroupSize, x.maxSubgroupSize, x.maxComputeWorkgroupSubgroups, x.requiredSubgroupSizeStages) PipelineShaderStageRequiredSubgroupSizeCreateInfo(x::VkPipelineShaderStageRequiredSubgroupSizeCreateInfo, next_types::Type...) = PipelineShaderStageRequiredSubgroupSizeCreateInfo(load_next_chain(x.pNext, next_types...), x.requiredSubgroupSize) SubpassShadingPipelineCreateInfoHUAWEI(x::VkSubpassShadingPipelineCreateInfoHUAWEI, next_types::Type...) = SubpassShadingPipelineCreateInfoHUAWEI(load_next_chain(x.pNext, next_types...), RenderPass(x.renderPass), x.subpass) PhysicalDeviceSubpassShadingPropertiesHUAWEI(x::VkPhysicalDeviceSubpassShadingPropertiesHUAWEI, next_types::Type...) = PhysicalDeviceSubpassShadingPropertiesHUAWEI(load_next_chain(x.pNext, next_types...), x.maxSubpassShadingWorkgroupSizeAspectRatio) PhysicalDeviceClusterCullingShaderPropertiesHUAWEI(x::VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI, next_types::Type...) = PhysicalDeviceClusterCullingShaderPropertiesHUAWEI(load_next_chain(x.pNext, next_types...), x.maxWorkGroupCount, x.maxWorkGroupSize, x.maxOutputClusterCount) MemoryOpaqueCaptureAddressAllocateInfo(x::VkMemoryOpaqueCaptureAddressAllocateInfo, next_types::Type...) = MemoryOpaqueCaptureAddressAllocateInfo(load_next_chain(x.pNext, next_types...), x.opaqueCaptureAddress) DeviceMemoryOpaqueCaptureAddressInfo(x::VkDeviceMemoryOpaqueCaptureAddressInfo, next_types::Type...) = DeviceMemoryOpaqueCaptureAddressInfo(load_next_chain(x.pNext, next_types...), DeviceMemory(x.memory)) PhysicalDeviceLineRasterizationFeaturesEXT(x::VkPhysicalDeviceLineRasterizationFeaturesEXT, next_types::Type...) = PhysicalDeviceLineRasterizationFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.rectangularLines), from_vk(Bool, x.bresenhamLines), from_vk(Bool, x.smoothLines), from_vk(Bool, x.stippledRectangularLines), from_vk(Bool, x.stippledBresenhamLines), from_vk(Bool, x.stippledSmoothLines)) PhysicalDeviceLineRasterizationPropertiesEXT(x::VkPhysicalDeviceLineRasterizationPropertiesEXT, next_types::Type...) = PhysicalDeviceLineRasterizationPropertiesEXT(load_next_chain(x.pNext, next_types...), x.lineSubPixelPrecisionBits) PipelineRasterizationLineStateCreateInfoEXT(x::VkPipelineRasterizationLineStateCreateInfoEXT, next_types::Type...) = PipelineRasterizationLineStateCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.lineRasterizationMode, from_vk(Bool, x.stippledLineEnable), x.lineStippleFactor, x.lineStipplePattern) PhysicalDevicePipelineCreationCacheControlFeatures(x::VkPhysicalDevicePipelineCreationCacheControlFeatures, next_types::Type...) = PhysicalDevicePipelineCreationCacheControlFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.pipelineCreationCacheControl)) PhysicalDeviceVulkan11Features(x::VkPhysicalDeviceVulkan11Features, next_types::Type...) = PhysicalDeviceVulkan11Features(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.storageBuffer16BitAccess), from_vk(Bool, x.uniformAndStorageBuffer16BitAccess), from_vk(Bool, x.storagePushConstant16), from_vk(Bool, x.storageInputOutput16), from_vk(Bool, x.multiview), from_vk(Bool, x.multiviewGeometryShader), from_vk(Bool, x.multiviewTessellationShader), from_vk(Bool, x.variablePointersStorageBuffer), from_vk(Bool, x.variablePointers), from_vk(Bool, x.protectedMemory), from_vk(Bool, x.samplerYcbcrConversion), from_vk(Bool, x.shaderDrawParameters)) PhysicalDeviceVulkan11Properties(x::VkPhysicalDeviceVulkan11Properties, next_types::Type...) = PhysicalDeviceVulkan11Properties(load_next_chain(x.pNext, next_types...), x.deviceUUID, x.driverUUID, x.deviceLUID, x.deviceNodeMask, from_vk(Bool, x.deviceLUIDValid), x.subgroupSize, x.subgroupSupportedStages, x.subgroupSupportedOperations, from_vk(Bool, x.subgroupQuadOperationsInAllStages), x.pointClippingBehavior, x.maxMultiviewViewCount, x.maxMultiviewInstanceIndex, from_vk(Bool, x.protectedNoFault), x.maxPerSetDescriptors, x.maxMemoryAllocationSize) PhysicalDeviceVulkan12Features(x::VkPhysicalDeviceVulkan12Features, next_types::Type...) = PhysicalDeviceVulkan12Features(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.samplerMirrorClampToEdge), from_vk(Bool, x.drawIndirectCount), from_vk(Bool, x.storageBuffer8BitAccess), from_vk(Bool, x.uniformAndStorageBuffer8BitAccess), from_vk(Bool, x.storagePushConstant8), from_vk(Bool, x.shaderBufferInt64Atomics), from_vk(Bool, x.shaderSharedInt64Atomics), from_vk(Bool, x.shaderFloat16), from_vk(Bool, x.shaderInt8), from_vk(Bool, x.descriptorIndexing), from_vk(Bool, x.shaderInputAttachmentArrayDynamicIndexing), from_vk(Bool, x.shaderUniformTexelBufferArrayDynamicIndexing), from_vk(Bool, x.shaderStorageTexelBufferArrayDynamicIndexing), from_vk(Bool, x.shaderUniformBufferArrayNonUniformIndexing), from_vk(Bool, x.shaderSampledImageArrayNonUniformIndexing), from_vk(Bool, x.shaderStorageBufferArrayNonUniformIndexing), from_vk(Bool, x.shaderStorageImageArrayNonUniformIndexing), from_vk(Bool, x.shaderInputAttachmentArrayNonUniformIndexing), from_vk(Bool, x.shaderUniformTexelBufferArrayNonUniformIndexing), from_vk(Bool, x.shaderStorageTexelBufferArrayNonUniformIndexing), from_vk(Bool, x.descriptorBindingUniformBufferUpdateAfterBind), from_vk(Bool, x.descriptorBindingSampledImageUpdateAfterBind), from_vk(Bool, x.descriptorBindingStorageImageUpdateAfterBind), from_vk(Bool, x.descriptorBindingStorageBufferUpdateAfterBind), from_vk(Bool, x.descriptorBindingUniformTexelBufferUpdateAfterBind), from_vk(Bool, x.descriptorBindingStorageTexelBufferUpdateAfterBind), from_vk(Bool, x.descriptorBindingUpdateUnusedWhilePending), from_vk(Bool, x.descriptorBindingPartiallyBound), from_vk(Bool, x.descriptorBindingVariableDescriptorCount), from_vk(Bool, x.runtimeDescriptorArray), from_vk(Bool, x.samplerFilterMinmax), from_vk(Bool, x.scalarBlockLayout), from_vk(Bool, x.imagelessFramebuffer), from_vk(Bool, x.uniformBufferStandardLayout), from_vk(Bool, x.shaderSubgroupExtendedTypes), from_vk(Bool, x.separateDepthStencilLayouts), from_vk(Bool, x.hostQueryReset), from_vk(Bool, x.timelineSemaphore), from_vk(Bool, x.bufferDeviceAddress), from_vk(Bool, x.bufferDeviceAddressCaptureReplay), from_vk(Bool, x.bufferDeviceAddressMultiDevice), from_vk(Bool, x.vulkanMemoryModel), from_vk(Bool, x.vulkanMemoryModelDeviceScope), from_vk(Bool, x.vulkanMemoryModelAvailabilityVisibilityChains), from_vk(Bool, x.shaderOutputViewportIndex), from_vk(Bool, x.shaderOutputLayer), from_vk(Bool, x.subgroupBroadcastDynamicId)) PhysicalDeviceVulkan12Properties(x::VkPhysicalDeviceVulkan12Properties, next_types::Type...) = PhysicalDeviceVulkan12Properties(load_next_chain(x.pNext, next_types...), x.driverID, from_vk(String, x.driverName), from_vk(String, x.driverInfo), ConformanceVersion(x.conformanceVersion), x.denormBehaviorIndependence, x.roundingModeIndependence, from_vk(Bool, x.shaderSignedZeroInfNanPreserveFloat16), from_vk(Bool, x.shaderSignedZeroInfNanPreserveFloat32), from_vk(Bool, x.shaderSignedZeroInfNanPreserveFloat64), from_vk(Bool, x.shaderDenormPreserveFloat16), from_vk(Bool, x.shaderDenormPreserveFloat32), from_vk(Bool, x.shaderDenormPreserveFloat64), from_vk(Bool, x.shaderDenormFlushToZeroFloat16), from_vk(Bool, x.shaderDenormFlushToZeroFloat32), from_vk(Bool, x.shaderDenormFlushToZeroFloat64), from_vk(Bool, x.shaderRoundingModeRTEFloat16), from_vk(Bool, x.shaderRoundingModeRTEFloat32), from_vk(Bool, x.shaderRoundingModeRTEFloat64), from_vk(Bool, x.shaderRoundingModeRTZFloat16), from_vk(Bool, x.shaderRoundingModeRTZFloat32), from_vk(Bool, x.shaderRoundingModeRTZFloat64), x.maxUpdateAfterBindDescriptorsInAllPools, from_vk(Bool, x.shaderUniformBufferArrayNonUniformIndexingNative), from_vk(Bool, x.shaderSampledImageArrayNonUniformIndexingNative), from_vk(Bool, x.shaderStorageBufferArrayNonUniformIndexingNative), from_vk(Bool, x.shaderStorageImageArrayNonUniformIndexingNative), from_vk(Bool, x.shaderInputAttachmentArrayNonUniformIndexingNative), from_vk(Bool, x.robustBufferAccessUpdateAfterBind), from_vk(Bool, x.quadDivergentImplicitLod), x.maxPerStageDescriptorUpdateAfterBindSamplers, x.maxPerStageDescriptorUpdateAfterBindUniformBuffers, x.maxPerStageDescriptorUpdateAfterBindStorageBuffers, x.maxPerStageDescriptorUpdateAfterBindSampledImages, x.maxPerStageDescriptorUpdateAfterBindStorageImages, x.maxPerStageDescriptorUpdateAfterBindInputAttachments, x.maxPerStageUpdateAfterBindResources, x.maxDescriptorSetUpdateAfterBindSamplers, x.maxDescriptorSetUpdateAfterBindUniformBuffers, x.maxDescriptorSetUpdateAfterBindUniformBuffersDynamic, x.maxDescriptorSetUpdateAfterBindStorageBuffers, x.maxDescriptorSetUpdateAfterBindStorageBuffersDynamic, x.maxDescriptorSetUpdateAfterBindSampledImages, x.maxDescriptorSetUpdateAfterBindStorageImages, x.maxDescriptorSetUpdateAfterBindInputAttachments, x.supportedDepthResolveModes, x.supportedStencilResolveModes, from_vk(Bool, x.independentResolveNone), from_vk(Bool, x.independentResolve), from_vk(Bool, x.filterMinmaxSingleComponentFormats), from_vk(Bool, x.filterMinmaxImageComponentMapping), x.maxTimelineSemaphoreValueDifference, x.framebufferIntegerColorSampleCounts) PhysicalDeviceVulkan13Features(x::VkPhysicalDeviceVulkan13Features, next_types::Type...) = PhysicalDeviceVulkan13Features(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.robustImageAccess), from_vk(Bool, x.inlineUniformBlock), from_vk(Bool, x.descriptorBindingInlineUniformBlockUpdateAfterBind), from_vk(Bool, x.pipelineCreationCacheControl), from_vk(Bool, x.privateData), from_vk(Bool, x.shaderDemoteToHelperInvocation), from_vk(Bool, x.shaderTerminateInvocation), from_vk(Bool, x.subgroupSizeControl), from_vk(Bool, x.computeFullSubgroups), from_vk(Bool, x.synchronization2), from_vk(Bool, x.textureCompressionASTC_HDR), from_vk(Bool, x.shaderZeroInitializeWorkgroupMemory), from_vk(Bool, x.dynamicRendering), from_vk(Bool, x.shaderIntegerDotProduct), from_vk(Bool, x.maintenance4)) PhysicalDeviceVulkan13Properties(x::VkPhysicalDeviceVulkan13Properties, next_types::Type...) = PhysicalDeviceVulkan13Properties(load_next_chain(x.pNext, next_types...), x.minSubgroupSize, x.maxSubgroupSize, x.maxComputeWorkgroupSubgroups, x.requiredSubgroupSizeStages, x.maxInlineUniformBlockSize, x.maxPerStageDescriptorInlineUniformBlocks, x.maxPerStageDescriptorUpdateAfterBindInlineUniformBlocks, x.maxDescriptorSetInlineUniformBlocks, x.maxDescriptorSetUpdateAfterBindInlineUniformBlocks, x.maxInlineUniformTotalSize, from_vk(Bool, x.integerDotProduct8BitUnsignedAccelerated), from_vk(Bool, x.integerDotProduct8BitSignedAccelerated), from_vk(Bool, x.integerDotProduct8BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProduct4x8BitPackedUnsignedAccelerated), from_vk(Bool, x.integerDotProduct4x8BitPackedSignedAccelerated), from_vk(Bool, x.integerDotProduct4x8BitPackedMixedSignednessAccelerated), from_vk(Bool, x.integerDotProduct16BitUnsignedAccelerated), from_vk(Bool, x.integerDotProduct16BitSignedAccelerated), from_vk(Bool, x.integerDotProduct16BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProduct32BitUnsignedAccelerated), from_vk(Bool, x.integerDotProduct32BitSignedAccelerated), from_vk(Bool, x.integerDotProduct32BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProduct64BitUnsignedAccelerated), from_vk(Bool, x.integerDotProduct64BitSignedAccelerated), from_vk(Bool, x.integerDotProduct64BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating8BitUnsignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating8BitSignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating8BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating4x8BitPackedUnsignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating4x8BitPackedSignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating4x8BitPackedMixedSignednessAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating16BitUnsignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating16BitSignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating16BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating32BitUnsignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating32BitSignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating32BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating64BitUnsignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating64BitSignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating64BitMixedSignednessAccelerated), x.storageTexelBufferOffsetAlignmentBytes, from_vk(Bool, x.storageTexelBufferOffsetSingleTexelAlignment), x.uniformTexelBufferOffsetAlignmentBytes, from_vk(Bool, x.uniformTexelBufferOffsetSingleTexelAlignment), x.maxBufferSize) PipelineCompilerControlCreateInfoAMD(x::VkPipelineCompilerControlCreateInfoAMD, next_types::Type...) = PipelineCompilerControlCreateInfoAMD(load_next_chain(x.pNext, next_types...), x.compilerControlFlags) PhysicalDeviceCoherentMemoryFeaturesAMD(x::VkPhysicalDeviceCoherentMemoryFeaturesAMD, next_types::Type...) = PhysicalDeviceCoherentMemoryFeaturesAMD(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.deviceCoherentMemory)) PhysicalDeviceToolProperties(x::VkPhysicalDeviceToolProperties, next_types::Type...) = PhysicalDeviceToolProperties(load_next_chain(x.pNext, next_types...), from_vk(String, x.name), from_vk(String, x.version), x.purposes, from_vk(String, x.description), from_vk(String, x.layer)) SamplerCustomBorderColorCreateInfoEXT(x::VkSamplerCustomBorderColorCreateInfoEXT, next_types::Type...) = SamplerCustomBorderColorCreateInfoEXT(load_next_chain(x.pNext, next_types...), ClearColorValue(x.customBorderColor), x.format) PhysicalDeviceCustomBorderColorPropertiesEXT(x::VkPhysicalDeviceCustomBorderColorPropertiesEXT, next_types::Type...) = PhysicalDeviceCustomBorderColorPropertiesEXT(load_next_chain(x.pNext, next_types...), x.maxCustomBorderColorSamplers) PhysicalDeviceCustomBorderColorFeaturesEXT(x::VkPhysicalDeviceCustomBorderColorFeaturesEXT, next_types::Type...) = PhysicalDeviceCustomBorderColorFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.customBorderColors), from_vk(Bool, x.customBorderColorWithoutFormat)) SamplerBorderColorComponentMappingCreateInfoEXT(x::VkSamplerBorderColorComponentMappingCreateInfoEXT, next_types::Type...) = SamplerBorderColorComponentMappingCreateInfoEXT(load_next_chain(x.pNext, next_types...), ComponentMapping(x.components), from_vk(Bool, x.srgb)) PhysicalDeviceBorderColorSwizzleFeaturesEXT(x::VkPhysicalDeviceBorderColorSwizzleFeaturesEXT, next_types::Type...) = PhysicalDeviceBorderColorSwizzleFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.borderColorSwizzle), from_vk(Bool, x.borderColorSwizzleFromImage)) AccelerationStructureGeometryTrianglesDataKHR(x::VkAccelerationStructureGeometryTrianglesDataKHR, next_types::Type...) = AccelerationStructureGeometryTrianglesDataKHR(load_next_chain(x.pNext, next_types...), x.vertexFormat, DeviceOrHostAddressConstKHR(x.vertexData), x.vertexStride, x.maxVertex, x.indexType, DeviceOrHostAddressConstKHR(x.indexData), DeviceOrHostAddressConstKHR(x.transformData)) AccelerationStructureGeometryAabbsDataKHR(x::VkAccelerationStructureGeometryAabbsDataKHR, next_types::Type...) = AccelerationStructureGeometryAabbsDataKHR(load_next_chain(x.pNext, next_types...), DeviceOrHostAddressConstKHR(x.data), x.stride) AccelerationStructureGeometryInstancesDataKHR(x::VkAccelerationStructureGeometryInstancesDataKHR, next_types::Type...) = AccelerationStructureGeometryInstancesDataKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.arrayOfPointers), DeviceOrHostAddressConstKHR(x.data)) AccelerationStructureGeometryKHR(x::VkAccelerationStructureGeometryKHR, next_types::Type...) = AccelerationStructureGeometryKHR(load_next_chain(x.pNext, next_types...), x.geometryType, AccelerationStructureGeometryDataKHR(x.geometry), x.flags) AccelerationStructureBuildGeometryInfoKHR(x::VkAccelerationStructureBuildGeometryInfoKHR, next_types::Type...) = AccelerationStructureBuildGeometryInfoKHR(load_next_chain(x.pNext, next_types...), x.type, x.flags, x.mode, AccelerationStructureKHR(x.srcAccelerationStructure), AccelerationStructureKHR(x.dstAccelerationStructure), unsafe_wrap(Vector{AccelerationStructureGeometryKHR}, x.pGeometries, x.geometryCount; own = true), unsafe_wrap(Vector{AccelerationStructureGeometryKHR}, x.ppGeometries, x.geometryCount; own = true), DeviceOrHostAddressKHR(x.scratchData)) AccelerationStructureBuildRangeInfoKHR(x::VkAccelerationStructureBuildRangeInfoKHR) = AccelerationStructureBuildRangeInfoKHR(x.primitiveCount, x.primitiveOffset, x.firstVertex, x.transformOffset) AccelerationStructureCreateInfoKHR(x::VkAccelerationStructureCreateInfoKHR, next_types::Type...) = AccelerationStructureCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.createFlags, Buffer(x.buffer), x.offset, x.size, x.type, x.deviceAddress) AabbPositionsKHR(x::VkAabbPositionsKHR) = AabbPositionsKHR(x.minX, x.minY, x.minZ, x.maxX, x.maxY, x.maxZ) TransformMatrixKHR(x::VkTransformMatrixKHR) = TransformMatrixKHR(x.matrix) AccelerationStructureInstanceKHR(x::VkAccelerationStructureInstanceKHR) = AccelerationStructureInstanceKHR(TransformMatrixKHR(x.transform), x.instanceCustomIndex, x.mask, x.instanceShaderBindingTableRecordOffset, x.flags, x.accelerationStructureReference) AccelerationStructureDeviceAddressInfoKHR(x::VkAccelerationStructureDeviceAddressInfoKHR, next_types::Type...) = AccelerationStructureDeviceAddressInfoKHR(load_next_chain(x.pNext, next_types...), AccelerationStructureKHR(x.accelerationStructure)) AccelerationStructureVersionInfoKHR(x::VkAccelerationStructureVersionInfoKHR, next_types::Type...) = AccelerationStructureVersionInfoKHR(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{UInt8}, x.pVersionData, 2VK_UUID_SIZE; own = true)) CopyAccelerationStructureInfoKHR(x::VkCopyAccelerationStructureInfoKHR, next_types::Type...) = CopyAccelerationStructureInfoKHR(load_next_chain(x.pNext, next_types...), AccelerationStructureKHR(x.src), AccelerationStructureKHR(x.dst), x.mode) CopyAccelerationStructureToMemoryInfoKHR(x::VkCopyAccelerationStructureToMemoryInfoKHR, next_types::Type...) = CopyAccelerationStructureToMemoryInfoKHR(load_next_chain(x.pNext, next_types...), AccelerationStructureKHR(x.src), DeviceOrHostAddressKHR(x.dst), x.mode) CopyMemoryToAccelerationStructureInfoKHR(x::VkCopyMemoryToAccelerationStructureInfoKHR, next_types::Type...) = CopyMemoryToAccelerationStructureInfoKHR(load_next_chain(x.pNext, next_types...), DeviceOrHostAddressConstKHR(x.src), AccelerationStructureKHR(x.dst), x.mode) RayTracingPipelineInterfaceCreateInfoKHR(x::VkRayTracingPipelineInterfaceCreateInfoKHR, next_types::Type...) = RayTracingPipelineInterfaceCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.maxPipelineRayPayloadSize, x.maxPipelineRayHitAttributeSize) PipelineLibraryCreateInfoKHR(x::VkPipelineLibraryCreateInfoKHR, next_types::Type...) = PipelineLibraryCreateInfoKHR(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{Pipeline}, x.pLibraries, x.libraryCount; own = true)) PhysicalDeviceExtendedDynamicStateFeaturesEXT(x::VkPhysicalDeviceExtendedDynamicStateFeaturesEXT, next_types::Type...) = PhysicalDeviceExtendedDynamicStateFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.extendedDynamicState)) PhysicalDeviceExtendedDynamicState2FeaturesEXT(x::VkPhysicalDeviceExtendedDynamicState2FeaturesEXT, next_types::Type...) = PhysicalDeviceExtendedDynamicState2FeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.extendedDynamicState2), from_vk(Bool, x.extendedDynamicState2LogicOp), from_vk(Bool, x.extendedDynamicState2PatchControlPoints)) PhysicalDeviceExtendedDynamicState3FeaturesEXT(x::VkPhysicalDeviceExtendedDynamicState3FeaturesEXT, next_types::Type...) = PhysicalDeviceExtendedDynamicState3FeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.extendedDynamicState3TessellationDomainOrigin), from_vk(Bool, x.extendedDynamicState3DepthClampEnable), from_vk(Bool, x.extendedDynamicState3PolygonMode), from_vk(Bool, x.extendedDynamicState3RasterizationSamples), from_vk(Bool, x.extendedDynamicState3SampleMask), from_vk(Bool, x.extendedDynamicState3AlphaToCoverageEnable), from_vk(Bool, x.extendedDynamicState3AlphaToOneEnable), from_vk(Bool, x.extendedDynamicState3LogicOpEnable), from_vk(Bool, x.extendedDynamicState3ColorBlendEnable), from_vk(Bool, x.extendedDynamicState3ColorBlendEquation), from_vk(Bool, x.extendedDynamicState3ColorWriteMask), from_vk(Bool, x.extendedDynamicState3RasterizationStream), from_vk(Bool, x.extendedDynamicState3ConservativeRasterizationMode), from_vk(Bool, x.extendedDynamicState3ExtraPrimitiveOverestimationSize), from_vk(Bool, x.extendedDynamicState3DepthClipEnable), from_vk(Bool, x.extendedDynamicState3SampleLocationsEnable), from_vk(Bool, x.extendedDynamicState3ColorBlendAdvanced), from_vk(Bool, x.extendedDynamicState3ProvokingVertexMode), from_vk(Bool, x.extendedDynamicState3LineRasterizationMode), from_vk(Bool, x.extendedDynamicState3LineStippleEnable), from_vk(Bool, x.extendedDynamicState3DepthClipNegativeOneToOne), from_vk(Bool, x.extendedDynamicState3ViewportWScalingEnable), from_vk(Bool, x.extendedDynamicState3ViewportSwizzle), from_vk(Bool, x.extendedDynamicState3CoverageToColorEnable), from_vk(Bool, x.extendedDynamicState3CoverageToColorLocation), from_vk(Bool, x.extendedDynamicState3CoverageModulationMode), from_vk(Bool, x.extendedDynamicState3CoverageModulationTableEnable), from_vk(Bool, x.extendedDynamicState3CoverageModulationTable), from_vk(Bool, x.extendedDynamicState3CoverageReductionMode), from_vk(Bool, x.extendedDynamicState3RepresentativeFragmentTestEnable), from_vk(Bool, x.extendedDynamicState3ShadingRateImageEnable)) PhysicalDeviceExtendedDynamicState3PropertiesEXT(x::VkPhysicalDeviceExtendedDynamicState3PropertiesEXT, next_types::Type...) = PhysicalDeviceExtendedDynamicState3PropertiesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.dynamicPrimitiveTopologyUnrestricted)) ColorBlendEquationEXT(x::VkColorBlendEquationEXT) = ColorBlendEquationEXT(x.srcColorBlendFactor, x.dstColorBlendFactor, x.colorBlendOp, x.srcAlphaBlendFactor, x.dstAlphaBlendFactor, x.alphaBlendOp) ColorBlendAdvancedEXT(x::VkColorBlendAdvancedEXT) = ColorBlendAdvancedEXT(x.advancedBlendOp, from_vk(Bool, x.srcPremultiplied), from_vk(Bool, x.dstPremultiplied), x.blendOverlap, from_vk(Bool, x.clampResults)) RenderPassTransformBeginInfoQCOM(x::VkRenderPassTransformBeginInfoQCOM, next_types::Type...) = RenderPassTransformBeginInfoQCOM(load_next_chain(x.pNext, next_types...), SurfaceTransformFlagKHR(UInt32(x.transform))) CopyCommandTransformInfoQCOM(x::VkCopyCommandTransformInfoQCOM, next_types::Type...) = CopyCommandTransformInfoQCOM(load_next_chain(x.pNext, next_types...), SurfaceTransformFlagKHR(UInt32(x.transform))) CommandBufferInheritanceRenderPassTransformInfoQCOM(x::VkCommandBufferInheritanceRenderPassTransformInfoQCOM, next_types::Type...) = CommandBufferInheritanceRenderPassTransformInfoQCOM(load_next_chain(x.pNext, next_types...), SurfaceTransformFlagKHR(UInt32(x.transform)), Rect2D(x.renderArea)) PhysicalDeviceDiagnosticsConfigFeaturesNV(x::VkPhysicalDeviceDiagnosticsConfigFeaturesNV, next_types::Type...) = PhysicalDeviceDiagnosticsConfigFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.diagnosticsConfig)) DeviceDiagnosticsConfigCreateInfoNV(x::VkDeviceDiagnosticsConfigCreateInfoNV, next_types::Type...) = DeviceDiagnosticsConfigCreateInfoNV(load_next_chain(x.pNext, next_types...), x.flags) PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures(x::VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures, next_types::Type...) = PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderZeroInitializeWorkgroupMemory)) PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR(x::VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR, next_types::Type...) = PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderSubgroupUniformControlFlow)) PhysicalDeviceRobustness2FeaturesEXT(x::VkPhysicalDeviceRobustness2FeaturesEXT, next_types::Type...) = PhysicalDeviceRobustness2FeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.robustBufferAccess2), from_vk(Bool, x.robustImageAccess2), from_vk(Bool, x.nullDescriptor)) PhysicalDeviceRobustness2PropertiesEXT(x::VkPhysicalDeviceRobustness2PropertiesEXT, next_types::Type...) = PhysicalDeviceRobustness2PropertiesEXT(load_next_chain(x.pNext, next_types...), x.robustStorageBufferAccessSizeAlignment, x.robustUniformBufferAccessSizeAlignment) PhysicalDeviceImageRobustnessFeatures(x::VkPhysicalDeviceImageRobustnessFeatures, next_types::Type...) = PhysicalDeviceImageRobustnessFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.robustImageAccess)) PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR(x::VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR, next_types::Type...) = PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.workgroupMemoryExplicitLayout), from_vk(Bool, x.workgroupMemoryExplicitLayoutScalarBlockLayout), from_vk(Bool, x.workgroupMemoryExplicitLayout8BitAccess), from_vk(Bool, x.workgroupMemoryExplicitLayout16BitAccess)) PhysicalDevice4444FormatsFeaturesEXT(x::VkPhysicalDevice4444FormatsFeaturesEXT, next_types::Type...) = PhysicalDevice4444FormatsFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.formatA4R4G4B4), from_vk(Bool, x.formatA4B4G4R4)) PhysicalDeviceSubpassShadingFeaturesHUAWEI(x::VkPhysicalDeviceSubpassShadingFeaturesHUAWEI, next_types::Type...) = PhysicalDeviceSubpassShadingFeaturesHUAWEI(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.subpassShading)) PhysicalDeviceClusterCullingShaderFeaturesHUAWEI(x::VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI, next_types::Type...) = PhysicalDeviceClusterCullingShaderFeaturesHUAWEI(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.clustercullingShader), from_vk(Bool, x.multiviewClusterCullingShader)) BufferCopy2(x::VkBufferCopy2, next_types::Type...) = BufferCopy2(load_next_chain(x.pNext, next_types...), x.srcOffset, x.dstOffset, x.size) ImageCopy2(x::VkImageCopy2, next_types::Type...) = ImageCopy2(load_next_chain(x.pNext, next_types...), ImageSubresourceLayers(x.srcSubresource), Offset3D(x.srcOffset), ImageSubresourceLayers(x.dstSubresource), Offset3D(x.dstOffset), Extent3D(x.extent)) ImageBlit2(x::VkImageBlit2, next_types::Type...) = ImageBlit2(load_next_chain(x.pNext, next_types...), ImageSubresourceLayers(x.srcSubresource), Offset3D.(x.srcOffsets), ImageSubresourceLayers(x.dstSubresource), Offset3D.(x.dstOffsets)) BufferImageCopy2(x::VkBufferImageCopy2, next_types::Type...) = BufferImageCopy2(load_next_chain(x.pNext, next_types...), x.bufferOffset, x.bufferRowLength, x.bufferImageHeight, ImageSubresourceLayers(x.imageSubresource), Offset3D(x.imageOffset), Extent3D(x.imageExtent)) ImageResolve2(x::VkImageResolve2, next_types::Type...) = ImageResolve2(load_next_chain(x.pNext, next_types...), ImageSubresourceLayers(x.srcSubresource), Offset3D(x.srcOffset), ImageSubresourceLayers(x.dstSubresource), Offset3D(x.dstOffset), Extent3D(x.extent)) CopyBufferInfo2(x::VkCopyBufferInfo2, next_types::Type...) = CopyBufferInfo2(load_next_chain(x.pNext, next_types...), Buffer(x.srcBuffer), Buffer(x.dstBuffer), unsafe_wrap(Vector{BufferCopy2}, x.pRegions, x.regionCount; own = true)) CopyImageInfo2(x::VkCopyImageInfo2, next_types::Type...) = CopyImageInfo2(load_next_chain(x.pNext, next_types...), Image(x.srcImage), x.srcImageLayout, Image(x.dstImage), x.dstImageLayout, unsafe_wrap(Vector{ImageCopy2}, x.pRegions, x.regionCount; own = true)) BlitImageInfo2(x::VkBlitImageInfo2, next_types::Type...) = BlitImageInfo2(load_next_chain(x.pNext, next_types...), Image(x.srcImage), x.srcImageLayout, Image(x.dstImage), x.dstImageLayout, unsafe_wrap(Vector{ImageBlit2}, x.pRegions, x.regionCount; own = true), x.filter) CopyBufferToImageInfo2(x::VkCopyBufferToImageInfo2, next_types::Type...) = CopyBufferToImageInfo2(load_next_chain(x.pNext, next_types...), Buffer(x.srcBuffer), Image(x.dstImage), x.dstImageLayout, unsafe_wrap(Vector{BufferImageCopy2}, x.pRegions, x.regionCount; own = true)) CopyImageToBufferInfo2(x::VkCopyImageToBufferInfo2, next_types::Type...) = CopyImageToBufferInfo2(load_next_chain(x.pNext, next_types...), Image(x.srcImage), x.srcImageLayout, Buffer(x.dstBuffer), unsafe_wrap(Vector{BufferImageCopy2}, x.pRegions, x.regionCount; own = true)) ResolveImageInfo2(x::VkResolveImageInfo2, next_types::Type...) = ResolveImageInfo2(load_next_chain(x.pNext, next_types...), Image(x.srcImage), x.srcImageLayout, Image(x.dstImage), x.dstImageLayout, unsafe_wrap(Vector{ImageResolve2}, x.pRegions, x.regionCount; own = true)) PhysicalDeviceShaderImageAtomicInt64FeaturesEXT(x::VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT, next_types::Type...) = PhysicalDeviceShaderImageAtomicInt64FeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderImageInt64Atomics), from_vk(Bool, x.sparseImageInt64Atomics)) FragmentShadingRateAttachmentInfoKHR(x::VkFragmentShadingRateAttachmentInfoKHR, next_types::Type...) = FragmentShadingRateAttachmentInfoKHR(load_next_chain(x.pNext, next_types...), AttachmentReference2(x.pFragmentShadingRateAttachment), Extent2D(x.shadingRateAttachmentTexelSize)) PipelineFragmentShadingRateStateCreateInfoKHR(x::VkPipelineFragmentShadingRateStateCreateInfoKHR, next_types::Type...) = PipelineFragmentShadingRateStateCreateInfoKHR(load_next_chain(x.pNext, next_types...), Extent2D(x.fragmentSize), x.combinerOps) PhysicalDeviceFragmentShadingRateFeaturesKHR(x::VkPhysicalDeviceFragmentShadingRateFeaturesKHR, next_types::Type...) = PhysicalDeviceFragmentShadingRateFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.pipelineFragmentShadingRate), from_vk(Bool, x.primitiveFragmentShadingRate), from_vk(Bool, x.attachmentFragmentShadingRate)) PhysicalDeviceFragmentShadingRatePropertiesKHR(x::VkPhysicalDeviceFragmentShadingRatePropertiesKHR, next_types::Type...) = PhysicalDeviceFragmentShadingRatePropertiesKHR(load_next_chain(x.pNext, next_types...), Extent2D(x.minFragmentShadingRateAttachmentTexelSize), Extent2D(x.maxFragmentShadingRateAttachmentTexelSize), x.maxFragmentShadingRateAttachmentTexelSizeAspectRatio, from_vk(Bool, x.primitiveFragmentShadingRateWithMultipleViewports), from_vk(Bool, x.layeredShadingRateAttachments), from_vk(Bool, x.fragmentShadingRateNonTrivialCombinerOps), Extent2D(x.maxFragmentSize), x.maxFragmentSizeAspectRatio, x.maxFragmentShadingRateCoverageSamples, SampleCountFlag(UInt32(x.maxFragmentShadingRateRasterizationSamples)), from_vk(Bool, x.fragmentShadingRateWithShaderDepthStencilWrites), from_vk(Bool, x.fragmentShadingRateWithSampleMask), from_vk(Bool, x.fragmentShadingRateWithShaderSampleMask), from_vk(Bool, x.fragmentShadingRateWithConservativeRasterization), from_vk(Bool, x.fragmentShadingRateWithFragmentShaderInterlock), from_vk(Bool, x.fragmentShadingRateWithCustomSampleLocations), from_vk(Bool, x.fragmentShadingRateStrictMultiplyCombiner)) PhysicalDeviceFragmentShadingRateKHR(x::VkPhysicalDeviceFragmentShadingRateKHR, next_types::Type...) = PhysicalDeviceFragmentShadingRateKHR(load_next_chain(x.pNext, next_types...), x.sampleCounts, Extent2D(x.fragmentSize)) PhysicalDeviceShaderTerminateInvocationFeatures(x::VkPhysicalDeviceShaderTerminateInvocationFeatures, next_types::Type...) = PhysicalDeviceShaderTerminateInvocationFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderTerminateInvocation)) PhysicalDeviceFragmentShadingRateEnumsFeaturesNV(x::VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV, next_types::Type...) = PhysicalDeviceFragmentShadingRateEnumsFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.fragmentShadingRateEnums), from_vk(Bool, x.supersampleFragmentShadingRates), from_vk(Bool, x.noInvocationFragmentShadingRates)) PhysicalDeviceFragmentShadingRateEnumsPropertiesNV(x::VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV, next_types::Type...) = PhysicalDeviceFragmentShadingRateEnumsPropertiesNV(load_next_chain(x.pNext, next_types...), SampleCountFlag(UInt32(x.maxFragmentShadingRateInvocationCount))) PipelineFragmentShadingRateEnumStateCreateInfoNV(x::VkPipelineFragmentShadingRateEnumStateCreateInfoNV, next_types::Type...) = PipelineFragmentShadingRateEnumStateCreateInfoNV(load_next_chain(x.pNext, next_types...), x.shadingRateType, x.shadingRate, x.combinerOps) AccelerationStructureBuildSizesInfoKHR(x::VkAccelerationStructureBuildSizesInfoKHR, next_types::Type...) = AccelerationStructureBuildSizesInfoKHR(load_next_chain(x.pNext, next_types...), x.accelerationStructureSize, x.updateScratchSize, x.buildScratchSize) PhysicalDeviceImage2DViewOf3DFeaturesEXT(x::VkPhysicalDeviceImage2DViewOf3DFeaturesEXT, next_types::Type...) = PhysicalDeviceImage2DViewOf3DFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.image2DViewOf3D), from_vk(Bool, x.sampler2DViewOf3D)) PhysicalDeviceMutableDescriptorTypeFeaturesEXT(x::VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT, next_types::Type...) = PhysicalDeviceMutableDescriptorTypeFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.mutableDescriptorType)) MutableDescriptorTypeListEXT(x::VkMutableDescriptorTypeListEXT) = MutableDescriptorTypeListEXT(unsafe_wrap(Vector{DescriptorType}, x.pDescriptorTypes, x.descriptorTypeCount; own = true)) MutableDescriptorTypeCreateInfoEXT(x::VkMutableDescriptorTypeCreateInfoEXT, next_types::Type...) = MutableDescriptorTypeCreateInfoEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{MutableDescriptorTypeListEXT}, x.pMutableDescriptorTypeLists, x.mutableDescriptorTypeListCount; own = true)) PhysicalDeviceDepthClipControlFeaturesEXT(x::VkPhysicalDeviceDepthClipControlFeaturesEXT, next_types::Type...) = PhysicalDeviceDepthClipControlFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.depthClipControl)) PipelineViewportDepthClipControlCreateInfoEXT(x::VkPipelineViewportDepthClipControlCreateInfoEXT, next_types::Type...) = PipelineViewportDepthClipControlCreateInfoEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.negativeOneToOne)) PhysicalDeviceVertexInputDynamicStateFeaturesEXT(x::VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT, next_types::Type...) = PhysicalDeviceVertexInputDynamicStateFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.vertexInputDynamicState)) PhysicalDeviceExternalMemoryRDMAFeaturesNV(x::VkPhysicalDeviceExternalMemoryRDMAFeaturesNV, next_types::Type...) = PhysicalDeviceExternalMemoryRDMAFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.externalMemoryRDMA)) VertexInputBindingDescription2EXT(x::VkVertexInputBindingDescription2EXT, next_types::Type...) = VertexInputBindingDescription2EXT(load_next_chain(x.pNext, next_types...), x.binding, x.stride, x.inputRate, x.divisor) VertexInputAttributeDescription2EXT(x::VkVertexInputAttributeDescription2EXT, next_types::Type...) = VertexInputAttributeDescription2EXT(load_next_chain(x.pNext, next_types...), x.location, x.binding, x.format, x.offset) PhysicalDeviceColorWriteEnableFeaturesEXT(x::VkPhysicalDeviceColorWriteEnableFeaturesEXT, next_types::Type...) = PhysicalDeviceColorWriteEnableFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.colorWriteEnable)) PipelineColorWriteCreateInfoEXT(x::VkPipelineColorWriteCreateInfoEXT, next_types::Type...) = PipelineColorWriteCreateInfoEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{Bool}, x.pColorWriteEnables, x.attachmentCount; own = true)) MemoryBarrier2(x::VkMemoryBarrier2, next_types::Type...) = MemoryBarrier2(load_next_chain(x.pNext, next_types...), x.srcStageMask, x.srcAccessMask, x.dstStageMask, x.dstAccessMask) ImageMemoryBarrier2(x::VkImageMemoryBarrier2, next_types::Type...) = ImageMemoryBarrier2(load_next_chain(x.pNext, next_types...), x.srcStageMask, x.srcAccessMask, x.dstStageMask, x.dstAccessMask, x.oldLayout, x.newLayout, x.srcQueueFamilyIndex, x.dstQueueFamilyIndex, Image(x.image), ImageSubresourceRange(x.subresourceRange)) BufferMemoryBarrier2(x::VkBufferMemoryBarrier2, next_types::Type...) = BufferMemoryBarrier2(load_next_chain(x.pNext, next_types...), x.srcStageMask, x.srcAccessMask, x.dstStageMask, x.dstAccessMask, x.srcQueueFamilyIndex, x.dstQueueFamilyIndex, Buffer(x.buffer), x.offset, x.size) DependencyInfo(x::VkDependencyInfo, next_types::Type...) = DependencyInfo(load_next_chain(x.pNext, next_types...), x.dependencyFlags, unsafe_wrap(Vector{MemoryBarrier2}, x.pMemoryBarriers, x.memoryBarrierCount; own = true), unsafe_wrap(Vector{BufferMemoryBarrier2}, x.pBufferMemoryBarriers, x.bufferMemoryBarrierCount; own = true), unsafe_wrap(Vector{ImageMemoryBarrier2}, x.pImageMemoryBarriers, x.imageMemoryBarrierCount; own = true)) SemaphoreSubmitInfo(x::VkSemaphoreSubmitInfo, next_types::Type...) = SemaphoreSubmitInfo(load_next_chain(x.pNext, next_types...), Semaphore(x.semaphore), x.value, x.stageMask, x.deviceIndex) CommandBufferSubmitInfo(x::VkCommandBufferSubmitInfo, next_types::Type...) = CommandBufferSubmitInfo(load_next_chain(x.pNext, next_types...), CommandBuffer(x.commandBuffer), x.deviceMask) SubmitInfo2(x::VkSubmitInfo2, next_types::Type...) = SubmitInfo2(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{SemaphoreSubmitInfo}, x.pWaitSemaphoreInfos, x.waitSemaphoreInfoCount; own = true), unsafe_wrap(Vector{CommandBufferSubmitInfo}, x.pCommandBufferInfos, x.commandBufferInfoCount; own = true), unsafe_wrap(Vector{SemaphoreSubmitInfo}, x.pSignalSemaphoreInfos, x.signalSemaphoreInfoCount; own = true)) QueueFamilyCheckpointProperties2NV(x::VkQueueFamilyCheckpointProperties2NV, next_types::Type...) = QueueFamilyCheckpointProperties2NV(load_next_chain(x.pNext, next_types...), x.checkpointExecutionStageMask) CheckpointData2NV(x::VkCheckpointData2NV, next_types::Type...) = CheckpointData2NV(load_next_chain(x.pNext, next_types...), x.stage, x.pCheckpointMarker) PhysicalDeviceSynchronization2Features(x::VkPhysicalDeviceSynchronization2Features, next_types::Type...) = PhysicalDeviceSynchronization2Features(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.synchronization2)) PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT(x::VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT, next_types::Type...) = PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.primitivesGeneratedQuery), from_vk(Bool, x.primitivesGeneratedQueryWithRasterizerDiscard), from_vk(Bool, x.primitivesGeneratedQueryWithNonZeroStreams)) PhysicalDeviceLegacyDitheringFeaturesEXT(x::VkPhysicalDeviceLegacyDitheringFeaturesEXT, next_types::Type...) = PhysicalDeviceLegacyDitheringFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.legacyDithering)) PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT(x::VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT, next_types::Type...) = PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.multisampledRenderToSingleSampled)) SubpassResolvePerformanceQueryEXT(x::VkSubpassResolvePerformanceQueryEXT, next_types::Type...) = SubpassResolvePerformanceQueryEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.optimal)) MultisampledRenderToSingleSampledInfoEXT(x::VkMultisampledRenderToSingleSampledInfoEXT, next_types::Type...) = MultisampledRenderToSingleSampledInfoEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.multisampledRenderToSingleSampledEnable), SampleCountFlag(UInt32(x.rasterizationSamples))) PhysicalDevicePipelineProtectedAccessFeaturesEXT(x::VkPhysicalDevicePipelineProtectedAccessFeaturesEXT, next_types::Type...) = PhysicalDevicePipelineProtectedAccessFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.pipelineProtectedAccess)) QueueFamilyVideoPropertiesKHR(x::VkQueueFamilyVideoPropertiesKHR, next_types::Type...) = QueueFamilyVideoPropertiesKHR(load_next_chain(x.pNext, next_types...), x.videoCodecOperations) QueueFamilyQueryResultStatusPropertiesKHR(x::VkQueueFamilyQueryResultStatusPropertiesKHR, next_types::Type...) = QueueFamilyQueryResultStatusPropertiesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.queryResultStatusSupport)) VideoProfileListInfoKHR(x::VkVideoProfileListInfoKHR, next_types::Type...) = VideoProfileListInfoKHR(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{VideoProfileInfoKHR}, x.pProfiles, x.profileCount; own = true)) PhysicalDeviceVideoFormatInfoKHR(x::VkPhysicalDeviceVideoFormatInfoKHR, next_types::Type...) = PhysicalDeviceVideoFormatInfoKHR(load_next_chain(x.pNext, next_types...), x.imageUsage) VideoFormatPropertiesKHR(x::VkVideoFormatPropertiesKHR, next_types::Type...) = VideoFormatPropertiesKHR(load_next_chain(x.pNext, next_types...), x.format, ComponentMapping(x.componentMapping), x.imageCreateFlags, x.imageType, x.imageTiling, x.imageUsageFlags) VideoProfileInfoKHR(x::VkVideoProfileInfoKHR, next_types::Type...) = VideoProfileInfoKHR(load_next_chain(x.pNext, next_types...), VideoCodecOperationFlagKHR(UInt32(x.videoCodecOperation)), x.chromaSubsampling, x.lumaBitDepth, x.chromaBitDepth) VideoCapabilitiesKHR(x::VkVideoCapabilitiesKHR, next_types::Type...) = VideoCapabilitiesKHR(load_next_chain(x.pNext, next_types...), x.flags, x.minBitstreamBufferOffsetAlignment, x.minBitstreamBufferSizeAlignment, Extent2D(x.pictureAccessGranularity), Extent2D(x.minCodedExtent), Extent2D(x.maxCodedExtent), x.maxDpbSlots, x.maxActiveReferencePictures, ExtensionProperties(x.stdHeaderVersion)) VideoSessionMemoryRequirementsKHR(x::VkVideoSessionMemoryRequirementsKHR, next_types::Type...) = VideoSessionMemoryRequirementsKHR(load_next_chain(x.pNext, next_types...), x.memoryBindIndex, MemoryRequirements(x.memoryRequirements)) BindVideoSessionMemoryInfoKHR(x::VkBindVideoSessionMemoryInfoKHR, next_types::Type...) = BindVideoSessionMemoryInfoKHR(load_next_chain(x.pNext, next_types...), x.memoryBindIndex, DeviceMemory(x.memory), x.memoryOffset, x.memorySize) VideoPictureResourceInfoKHR(x::VkVideoPictureResourceInfoKHR, next_types::Type...) = VideoPictureResourceInfoKHR(load_next_chain(x.pNext, next_types...), Offset2D(x.codedOffset), Extent2D(x.codedExtent), x.baseArrayLayer, ImageView(x.imageViewBinding)) VideoReferenceSlotInfoKHR(x::VkVideoReferenceSlotInfoKHR, next_types::Type...) = VideoReferenceSlotInfoKHR(load_next_chain(x.pNext, next_types...), x.slotIndex, VideoPictureResourceInfoKHR(x.pPictureResource)) VideoDecodeCapabilitiesKHR(x::VkVideoDecodeCapabilitiesKHR, next_types::Type...) = VideoDecodeCapabilitiesKHR(load_next_chain(x.pNext, next_types...), x.flags) VideoDecodeUsageInfoKHR(x::VkVideoDecodeUsageInfoKHR, next_types::Type...) = VideoDecodeUsageInfoKHR(load_next_chain(x.pNext, next_types...), x.videoUsageHints) VideoDecodeInfoKHR(x::VkVideoDecodeInfoKHR, next_types::Type...) = VideoDecodeInfoKHR(load_next_chain(x.pNext, next_types...), x.flags, Buffer(x.srcBuffer), x.srcBufferOffset, x.srcBufferRange, VideoPictureResourceInfoKHR(x.dstPictureResource), VideoReferenceSlotInfoKHR(x.pSetupReferenceSlot), unsafe_wrap(Vector{VideoReferenceSlotInfoKHR}, x.pReferenceSlots, x.referenceSlotCount; own = true)) VideoDecodeH264ProfileInfoKHR(x::VkVideoDecodeH264ProfileInfoKHR, next_types::Type...) = VideoDecodeH264ProfileInfoKHR(load_next_chain(x.pNext, next_types...), x.stdProfileIdc, VideoDecodeH264PictureLayoutFlagKHR(UInt32(x.pictureLayout))) VideoDecodeH264CapabilitiesKHR(x::VkVideoDecodeH264CapabilitiesKHR, next_types::Type...) = VideoDecodeH264CapabilitiesKHR(load_next_chain(x.pNext, next_types...), x.maxLevelIdc, Offset2D(x.fieldOffsetGranularity)) VideoDecodeH264SessionParametersAddInfoKHR(x::VkVideoDecodeH264SessionParametersAddInfoKHR, next_types::Type...) = VideoDecodeH264SessionParametersAddInfoKHR(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{StdVideoH264SequenceParameterSet}, x.pStdSPSs, x.stdSPSCount; own = true), unsafe_wrap(Vector{StdVideoH264PictureParameterSet}, x.pStdPPSs, x.stdPPSCount; own = true)) VideoDecodeH264SessionParametersCreateInfoKHR(x::VkVideoDecodeH264SessionParametersCreateInfoKHR, next_types::Type...) = VideoDecodeH264SessionParametersCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.maxStdSPSCount, x.maxStdPPSCount, VideoDecodeH264SessionParametersAddInfoKHR(x.pParametersAddInfo)) VideoDecodeH264PictureInfoKHR(x::VkVideoDecodeH264PictureInfoKHR, next_types::Type...) = VideoDecodeH264PictureInfoKHR(load_next_chain(x.pNext, next_types...), from_vk(StdVideoDecodeH264PictureInfo, x.pStdPictureInfo), unsafe_wrap(Vector{UInt32}, x.pSliceOffsets, x.sliceCount; own = true)) VideoDecodeH264DpbSlotInfoKHR(x::VkVideoDecodeH264DpbSlotInfoKHR, next_types::Type...) = VideoDecodeH264DpbSlotInfoKHR(load_next_chain(x.pNext, next_types...), from_vk(StdVideoDecodeH264ReferenceInfo, x.pStdReferenceInfo)) VideoDecodeH265ProfileInfoKHR(x::VkVideoDecodeH265ProfileInfoKHR, next_types::Type...) = VideoDecodeH265ProfileInfoKHR(load_next_chain(x.pNext, next_types...), x.stdProfileIdc) VideoDecodeH265CapabilitiesKHR(x::VkVideoDecodeH265CapabilitiesKHR, next_types::Type...) = VideoDecodeH265CapabilitiesKHR(load_next_chain(x.pNext, next_types...), x.maxLevelIdc) VideoDecodeH265SessionParametersAddInfoKHR(x::VkVideoDecodeH265SessionParametersAddInfoKHR, next_types::Type...) = VideoDecodeH265SessionParametersAddInfoKHR(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{StdVideoH265VideoParameterSet}, x.pStdVPSs, x.stdVPSCount; own = true), unsafe_wrap(Vector{StdVideoH265SequenceParameterSet}, x.pStdSPSs, x.stdSPSCount; own = true), unsafe_wrap(Vector{StdVideoH265PictureParameterSet}, x.pStdPPSs, x.stdPPSCount; own = true)) VideoDecodeH265SessionParametersCreateInfoKHR(x::VkVideoDecodeH265SessionParametersCreateInfoKHR, next_types::Type...) = VideoDecodeH265SessionParametersCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.maxStdVPSCount, x.maxStdSPSCount, x.maxStdPPSCount, VideoDecodeH265SessionParametersAddInfoKHR(x.pParametersAddInfo)) VideoDecodeH265PictureInfoKHR(x::VkVideoDecodeH265PictureInfoKHR, next_types::Type...) = VideoDecodeH265PictureInfoKHR(load_next_chain(x.pNext, next_types...), from_vk(StdVideoDecodeH265PictureInfo, x.pStdPictureInfo), unsafe_wrap(Vector{UInt32}, x.pSliceSegmentOffsets, x.sliceSegmentCount; own = true)) VideoDecodeH265DpbSlotInfoKHR(x::VkVideoDecodeH265DpbSlotInfoKHR, next_types::Type...) = VideoDecodeH265DpbSlotInfoKHR(load_next_chain(x.pNext, next_types...), from_vk(StdVideoDecodeH265ReferenceInfo, x.pStdReferenceInfo)) VideoSessionCreateInfoKHR(x::VkVideoSessionCreateInfoKHR, next_types::Type...) = VideoSessionCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.queueFamilyIndex, x.flags, VideoProfileInfoKHR(x.pVideoProfile), x.pictureFormat, Extent2D(x.maxCodedExtent), x.referencePictureFormat, x.maxDpbSlots, x.maxActiveReferencePictures, ExtensionProperties(x.pStdHeaderVersion)) VideoSessionParametersCreateInfoKHR(x::VkVideoSessionParametersCreateInfoKHR, next_types::Type...) = VideoSessionParametersCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.flags, VideoSessionParametersKHR(x.videoSessionParametersTemplate), VideoSessionKHR(x.videoSession)) VideoSessionParametersUpdateInfoKHR(x::VkVideoSessionParametersUpdateInfoKHR, next_types::Type...) = VideoSessionParametersUpdateInfoKHR(load_next_chain(x.pNext, next_types...), x.updateSequenceCount) VideoBeginCodingInfoKHR(x::VkVideoBeginCodingInfoKHR, next_types::Type...) = VideoBeginCodingInfoKHR(load_next_chain(x.pNext, next_types...), x.flags, VideoSessionKHR(x.videoSession), VideoSessionParametersKHR(x.videoSessionParameters), unsafe_wrap(Vector{VideoReferenceSlotInfoKHR}, x.pReferenceSlots, x.referenceSlotCount; own = true)) VideoEndCodingInfoKHR(x::VkVideoEndCodingInfoKHR, next_types::Type...) = VideoEndCodingInfoKHR(load_next_chain(x.pNext, next_types...), x.flags) VideoCodingControlInfoKHR(x::VkVideoCodingControlInfoKHR, next_types::Type...) = VideoCodingControlInfoKHR(load_next_chain(x.pNext, next_types...), x.flags) PhysicalDeviceInheritedViewportScissorFeaturesNV(x::VkPhysicalDeviceInheritedViewportScissorFeaturesNV, next_types::Type...) = PhysicalDeviceInheritedViewportScissorFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.inheritedViewportScissor2D)) CommandBufferInheritanceViewportScissorInfoNV(x::VkCommandBufferInheritanceViewportScissorInfoNV, next_types::Type...) = CommandBufferInheritanceViewportScissorInfoNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.viewportScissor2D), x.viewportDepthCount, Viewport(x.pViewportDepths)) PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT(x::VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT, next_types::Type...) = PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.ycbcr2plane444Formats)) PhysicalDeviceProvokingVertexFeaturesEXT(x::VkPhysicalDeviceProvokingVertexFeaturesEXT, next_types::Type...) = PhysicalDeviceProvokingVertexFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.provokingVertexLast), from_vk(Bool, x.transformFeedbackPreservesProvokingVertex)) PhysicalDeviceProvokingVertexPropertiesEXT(x::VkPhysicalDeviceProvokingVertexPropertiesEXT, next_types::Type...) = PhysicalDeviceProvokingVertexPropertiesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.provokingVertexModePerPipeline), from_vk(Bool, x.transformFeedbackPreservesTriangleFanProvokingVertex)) PipelineRasterizationProvokingVertexStateCreateInfoEXT(x::VkPipelineRasterizationProvokingVertexStateCreateInfoEXT, next_types::Type...) = PipelineRasterizationProvokingVertexStateCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.provokingVertexMode) CuModuleCreateInfoNVX(x::VkCuModuleCreateInfoNVX, next_types::Type...) = CuModuleCreateInfoNVX(load_next_chain(x.pNext, next_types...), x.dataSize, x.pData) CuFunctionCreateInfoNVX(x::VkCuFunctionCreateInfoNVX, next_types::Type...) = CuFunctionCreateInfoNVX(load_next_chain(x.pNext, next_types...), CuModuleNVX(x._module), unsafe_string(x.pName)) CuLaunchInfoNVX(x::VkCuLaunchInfoNVX, next_types::Type...) = CuLaunchInfoNVX(load_next_chain(x.pNext, next_types...), CuFunctionNVX(x._function), x.gridDimX, x.gridDimY, x.gridDimZ, x.blockDimX, x.blockDimY, x.blockDimZ, x.sharedMemBytes) PhysicalDeviceDescriptorBufferFeaturesEXT(x::VkPhysicalDeviceDescriptorBufferFeaturesEXT, next_types::Type...) = PhysicalDeviceDescriptorBufferFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.descriptorBuffer), from_vk(Bool, x.descriptorBufferCaptureReplay), from_vk(Bool, x.descriptorBufferImageLayoutIgnored), from_vk(Bool, x.descriptorBufferPushDescriptors)) PhysicalDeviceDescriptorBufferPropertiesEXT(x::VkPhysicalDeviceDescriptorBufferPropertiesEXT, next_types::Type...) = PhysicalDeviceDescriptorBufferPropertiesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.combinedImageSamplerDescriptorSingleArray), from_vk(Bool, x.bufferlessPushDescriptors), from_vk(Bool, x.allowSamplerImageViewPostSubmitCreation), x.descriptorBufferOffsetAlignment, x.maxDescriptorBufferBindings, x.maxResourceDescriptorBufferBindings, x.maxSamplerDescriptorBufferBindings, x.maxEmbeddedImmutableSamplerBindings, x.maxEmbeddedImmutableSamplers, x.bufferCaptureReplayDescriptorDataSize, x.imageCaptureReplayDescriptorDataSize, x.imageViewCaptureReplayDescriptorDataSize, x.samplerCaptureReplayDescriptorDataSize, x.accelerationStructureCaptureReplayDescriptorDataSize, x.samplerDescriptorSize, x.combinedImageSamplerDescriptorSize, x.sampledImageDescriptorSize, x.storageImageDescriptorSize, x.uniformTexelBufferDescriptorSize, x.robustUniformTexelBufferDescriptorSize, x.storageTexelBufferDescriptorSize, x.robustStorageTexelBufferDescriptorSize, x.uniformBufferDescriptorSize, x.robustUniformBufferDescriptorSize, x.storageBufferDescriptorSize, x.robustStorageBufferDescriptorSize, x.inputAttachmentDescriptorSize, x.accelerationStructureDescriptorSize, x.maxSamplerDescriptorBufferRange, x.maxResourceDescriptorBufferRange, x.samplerDescriptorBufferAddressSpaceSize, x.resourceDescriptorBufferAddressSpaceSize, x.descriptorBufferAddressSpaceSize) PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT(x::VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT, next_types::Type...) = PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT(load_next_chain(x.pNext, next_types...), x.combinedImageSamplerDensityMapDescriptorSize) DescriptorAddressInfoEXT(x::VkDescriptorAddressInfoEXT, next_types::Type...) = DescriptorAddressInfoEXT(load_next_chain(x.pNext, next_types...), x.address, x.range, x.format) DescriptorBufferBindingInfoEXT(x::VkDescriptorBufferBindingInfoEXT, next_types::Type...) = DescriptorBufferBindingInfoEXT(load_next_chain(x.pNext, next_types...), x.address, x.usage) DescriptorBufferBindingPushDescriptorBufferHandleEXT(x::VkDescriptorBufferBindingPushDescriptorBufferHandleEXT, next_types::Type...) = DescriptorBufferBindingPushDescriptorBufferHandleEXT(load_next_chain(x.pNext, next_types...), Buffer(x.buffer)) DescriptorGetInfoEXT(x::VkDescriptorGetInfoEXT, next_types::Type...) = DescriptorGetInfoEXT(load_next_chain(x.pNext, next_types...), x.type, DescriptorDataEXT(x.data)) BufferCaptureDescriptorDataInfoEXT(x::VkBufferCaptureDescriptorDataInfoEXT, next_types::Type...) = BufferCaptureDescriptorDataInfoEXT(load_next_chain(x.pNext, next_types...), Buffer(x.buffer)) ImageCaptureDescriptorDataInfoEXT(x::VkImageCaptureDescriptorDataInfoEXT, next_types::Type...) = ImageCaptureDescriptorDataInfoEXT(load_next_chain(x.pNext, next_types...), Image(x.image)) ImageViewCaptureDescriptorDataInfoEXT(x::VkImageViewCaptureDescriptorDataInfoEXT, next_types::Type...) = ImageViewCaptureDescriptorDataInfoEXT(load_next_chain(x.pNext, next_types...), ImageView(x.imageView)) SamplerCaptureDescriptorDataInfoEXT(x::VkSamplerCaptureDescriptorDataInfoEXT, next_types::Type...) = SamplerCaptureDescriptorDataInfoEXT(load_next_chain(x.pNext, next_types...), Sampler(x.sampler)) AccelerationStructureCaptureDescriptorDataInfoEXT(x::VkAccelerationStructureCaptureDescriptorDataInfoEXT, next_types::Type...) = AccelerationStructureCaptureDescriptorDataInfoEXT(load_next_chain(x.pNext, next_types...), AccelerationStructureKHR(x.accelerationStructure), AccelerationStructureNV(x.accelerationStructureNV)) OpaqueCaptureDescriptorDataCreateInfoEXT(x::VkOpaqueCaptureDescriptorDataCreateInfoEXT, next_types::Type...) = OpaqueCaptureDescriptorDataCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.opaqueCaptureDescriptorData) PhysicalDeviceShaderIntegerDotProductFeatures(x::VkPhysicalDeviceShaderIntegerDotProductFeatures, next_types::Type...) = PhysicalDeviceShaderIntegerDotProductFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderIntegerDotProduct)) PhysicalDeviceShaderIntegerDotProductProperties(x::VkPhysicalDeviceShaderIntegerDotProductProperties, next_types::Type...) = PhysicalDeviceShaderIntegerDotProductProperties(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.integerDotProduct8BitUnsignedAccelerated), from_vk(Bool, x.integerDotProduct8BitSignedAccelerated), from_vk(Bool, x.integerDotProduct8BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProduct4x8BitPackedUnsignedAccelerated), from_vk(Bool, x.integerDotProduct4x8BitPackedSignedAccelerated), from_vk(Bool, x.integerDotProduct4x8BitPackedMixedSignednessAccelerated), from_vk(Bool, x.integerDotProduct16BitUnsignedAccelerated), from_vk(Bool, x.integerDotProduct16BitSignedAccelerated), from_vk(Bool, x.integerDotProduct16BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProduct32BitUnsignedAccelerated), from_vk(Bool, x.integerDotProduct32BitSignedAccelerated), from_vk(Bool, x.integerDotProduct32BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProduct64BitUnsignedAccelerated), from_vk(Bool, x.integerDotProduct64BitSignedAccelerated), from_vk(Bool, x.integerDotProduct64BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating8BitUnsignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating8BitSignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating8BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating4x8BitPackedUnsignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating4x8BitPackedSignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating4x8BitPackedMixedSignednessAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating16BitUnsignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating16BitSignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating16BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating32BitUnsignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating32BitSignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating32BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating64BitUnsignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating64BitSignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating64BitMixedSignednessAccelerated)) PhysicalDeviceDrmPropertiesEXT(x::VkPhysicalDeviceDrmPropertiesEXT, next_types::Type...) = PhysicalDeviceDrmPropertiesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.hasPrimary), from_vk(Bool, x.hasRender), x.primaryMajor, x.primaryMinor, x.renderMajor, x.renderMinor) PhysicalDeviceFragmentShaderBarycentricFeaturesKHR(x::VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR, next_types::Type...) = PhysicalDeviceFragmentShaderBarycentricFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.fragmentShaderBarycentric)) PhysicalDeviceFragmentShaderBarycentricPropertiesKHR(x::VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR, next_types::Type...) = PhysicalDeviceFragmentShaderBarycentricPropertiesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.triStripVertexOrderIndependentOfProvokingVertex)) PhysicalDeviceRayTracingMotionBlurFeaturesNV(x::VkPhysicalDeviceRayTracingMotionBlurFeaturesNV, next_types::Type...) = PhysicalDeviceRayTracingMotionBlurFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.rayTracingMotionBlur), from_vk(Bool, x.rayTracingMotionBlurPipelineTraceRaysIndirect)) AccelerationStructureGeometryMotionTrianglesDataNV(x::VkAccelerationStructureGeometryMotionTrianglesDataNV, next_types::Type...) = AccelerationStructureGeometryMotionTrianglesDataNV(load_next_chain(x.pNext, next_types...), DeviceOrHostAddressConstKHR(x.vertexData)) AccelerationStructureMotionInfoNV(x::VkAccelerationStructureMotionInfoNV, next_types::Type...) = AccelerationStructureMotionInfoNV(load_next_chain(x.pNext, next_types...), x.maxInstances, x.flags) SRTDataNV(x::VkSRTDataNV) = SRTDataNV(x.sx, x.a, x.b, x.pvx, x.sy, x.c, x.pvy, x.sz, x.pvz, x.qx, x.qy, x.qz, x.qw, x.tx, x.ty, x.tz) AccelerationStructureSRTMotionInstanceNV(x::VkAccelerationStructureSRTMotionInstanceNV) = AccelerationStructureSRTMotionInstanceNV(SRTDataNV(x.transformT0), SRTDataNV(x.transformT1), x.instanceCustomIndex, x.mask, x.instanceShaderBindingTableRecordOffset, x.flags, x.accelerationStructureReference) AccelerationStructureMatrixMotionInstanceNV(x::VkAccelerationStructureMatrixMotionInstanceNV) = AccelerationStructureMatrixMotionInstanceNV(TransformMatrixKHR(x.transformT0), TransformMatrixKHR(x.transformT1), x.instanceCustomIndex, x.mask, x.instanceShaderBindingTableRecordOffset, x.flags, x.accelerationStructureReference) AccelerationStructureMotionInstanceNV(x::VkAccelerationStructureMotionInstanceNV) = AccelerationStructureMotionInstanceNV(x.type, x.flags, AccelerationStructureMotionInstanceDataNV(x.data)) MemoryGetRemoteAddressInfoNV(x::VkMemoryGetRemoteAddressInfoNV, next_types::Type...) = MemoryGetRemoteAddressInfoNV(load_next_chain(x.pNext, next_types...), DeviceMemory(x.memory), ExternalMemoryHandleTypeFlag(UInt32(x.handleType))) PhysicalDeviceRGBA10X6FormatsFeaturesEXT(x::VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT, next_types::Type...) = PhysicalDeviceRGBA10X6FormatsFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.formatRgba10x6WithoutYCbCrSampler)) FormatProperties3(x::VkFormatProperties3, next_types::Type...) = FormatProperties3(load_next_chain(x.pNext, next_types...), x.linearTilingFeatures, x.optimalTilingFeatures, x.bufferFeatures) DrmFormatModifierPropertiesList2EXT(x::VkDrmFormatModifierPropertiesList2EXT, next_types::Type...) = DrmFormatModifierPropertiesList2EXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{DrmFormatModifierProperties2EXT}, x.pDrmFormatModifierProperties, x.drmFormatModifierCount; own = true)) DrmFormatModifierProperties2EXT(x::VkDrmFormatModifierProperties2EXT) = DrmFormatModifierProperties2EXT(x.drmFormatModifier, x.drmFormatModifierPlaneCount, x.drmFormatModifierTilingFeatures) PipelineRenderingCreateInfo(x::VkPipelineRenderingCreateInfo, next_types::Type...) = PipelineRenderingCreateInfo(load_next_chain(x.pNext, next_types...), x.viewMask, unsafe_wrap(Vector{Format}, x.pColorAttachmentFormats, x.colorAttachmentCount; own = true), x.depthAttachmentFormat, x.stencilAttachmentFormat) RenderingInfo(x::VkRenderingInfo, next_types::Type...) = RenderingInfo(load_next_chain(x.pNext, next_types...), x.flags, Rect2D(x.renderArea), x.layerCount, x.viewMask, unsafe_wrap(Vector{RenderingAttachmentInfo}, x.pColorAttachments, x.colorAttachmentCount; own = true), RenderingAttachmentInfo(x.pDepthAttachment), RenderingAttachmentInfo(x.pStencilAttachment)) RenderingAttachmentInfo(x::VkRenderingAttachmentInfo, next_types::Type...) = RenderingAttachmentInfo(load_next_chain(x.pNext, next_types...), ImageView(x.imageView), x.imageLayout, ResolveModeFlag(UInt32(x.resolveMode)), ImageView(x.resolveImageView), x.resolveImageLayout, x.loadOp, x.storeOp, ClearValue(x.clearValue)) RenderingFragmentShadingRateAttachmentInfoKHR(x::VkRenderingFragmentShadingRateAttachmentInfoKHR, next_types::Type...) = RenderingFragmentShadingRateAttachmentInfoKHR(load_next_chain(x.pNext, next_types...), ImageView(x.imageView), x.imageLayout, Extent2D(x.shadingRateAttachmentTexelSize)) RenderingFragmentDensityMapAttachmentInfoEXT(x::VkRenderingFragmentDensityMapAttachmentInfoEXT, next_types::Type...) = RenderingFragmentDensityMapAttachmentInfoEXT(load_next_chain(x.pNext, next_types...), ImageView(x.imageView), x.imageLayout) PhysicalDeviceDynamicRenderingFeatures(x::VkPhysicalDeviceDynamicRenderingFeatures, next_types::Type...) = PhysicalDeviceDynamicRenderingFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.dynamicRendering)) CommandBufferInheritanceRenderingInfo(x::VkCommandBufferInheritanceRenderingInfo, next_types::Type...) = CommandBufferInheritanceRenderingInfo(load_next_chain(x.pNext, next_types...), x.flags, x.viewMask, unsafe_wrap(Vector{Format}, x.pColorAttachmentFormats, x.colorAttachmentCount; own = true), x.depthAttachmentFormat, x.stencilAttachmentFormat, SampleCountFlag(UInt32(x.rasterizationSamples))) AttachmentSampleCountInfoAMD(x::VkAttachmentSampleCountInfoAMD, next_types::Type...) = AttachmentSampleCountInfoAMD(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{SampleCountFlag}, x.pColorAttachmentSamples, x.colorAttachmentCount; own = true), SampleCountFlag(UInt32(x.depthStencilAttachmentSamples))) MultiviewPerViewAttributesInfoNVX(x::VkMultiviewPerViewAttributesInfoNVX, next_types::Type...) = MultiviewPerViewAttributesInfoNVX(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.perViewAttributes), from_vk(Bool, x.perViewAttributesPositionXOnly)) PhysicalDeviceImageViewMinLodFeaturesEXT(x::VkPhysicalDeviceImageViewMinLodFeaturesEXT, next_types::Type...) = PhysicalDeviceImageViewMinLodFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.minLod)) ImageViewMinLodCreateInfoEXT(x::VkImageViewMinLodCreateInfoEXT, next_types::Type...) = ImageViewMinLodCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.minLod) PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT(x::VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT, next_types::Type...) = PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.rasterizationOrderColorAttachmentAccess), from_vk(Bool, x.rasterizationOrderDepthAttachmentAccess), from_vk(Bool, x.rasterizationOrderStencilAttachmentAccess)) PhysicalDeviceLinearColorAttachmentFeaturesNV(x::VkPhysicalDeviceLinearColorAttachmentFeaturesNV, next_types::Type...) = PhysicalDeviceLinearColorAttachmentFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.linearColorAttachment)) PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT(x::VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT, next_types::Type...) = PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.graphicsPipelineLibrary)) PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT(x::VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT, next_types::Type...) = PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.graphicsPipelineLibraryFastLinking), from_vk(Bool, x.graphicsPipelineLibraryIndependentInterpolationDecoration)) GraphicsPipelineLibraryCreateInfoEXT(x::VkGraphicsPipelineLibraryCreateInfoEXT, next_types::Type...) = GraphicsPipelineLibraryCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.flags) PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE(x::VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE, next_types::Type...) = PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.descriptorSetHostMapping)) DescriptorSetBindingReferenceVALVE(x::VkDescriptorSetBindingReferenceVALVE, next_types::Type...) = DescriptorSetBindingReferenceVALVE(load_next_chain(x.pNext, next_types...), DescriptorSetLayout(x.descriptorSetLayout), x.binding) DescriptorSetLayoutHostMappingInfoVALVE(x::VkDescriptorSetLayoutHostMappingInfoVALVE, next_types::Type...) = DescriptorSetLayoutHostMappingInfoVALVE(load_next_chain(x.pNext, next_types...), x.descriptorOffset, x.descriptorSize) PhysicalDeviceShaderModuleIdentifierFeaturesEXT(x::VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT, next_types::Type...) = PhysicalDeviceShaderModuleIdentifierFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderModuleIdentifier)) PhysicalDeviceShaderModuleIdentifierPropertiesEXT(x::VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT, next_types::Type...) = PhysicalDeviceShaderModuleIdentifierPropertiesEXT(load_next_chain(x.pNext, next_types...), x.shaderModuleIdentifierAlgorithmUUID) PipelineShaderStageModuleIdentifierCreateInfoEXT(x::VkPipelineShaderStageModuleIdentifierCreateInfoEXT, next_types::Type...) = PipelineShaderStageModuleIdentifierCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.identifierSize, unsafe_wrap(Vector{UInt8}, x.pIdentifier, x.identifierSize; own = true)) ShaderModuleIdentifierEXT(x::VkShaderModuleIdentifierEXT, next_types::Type...) = ShaderModuleIdentifierEXT(load_next_chain(x.pNext, next_types...), x.identifierSize, x.identifier) ImageCompressionControlEXT(x::VkImageCompressionControlEXT, next_types::Type...) = ImageCompressionControlEXT(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{ImageCompressionFixedRateFlagEXT}, x.pFixedRateFlags, x.compressionControlPlaneCount; own = true)) PhysicalDeviceImageCompressionControlFeaturesEXT(x::VkPhysicalDeviceImageCompressionControlFeaturesEXT, next_types::Type...) = PhysicalDeviceImageCompressionControlFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.imageCompressionControl)) ImageCompressionPropertiesEXT(x::VkImageCompressionPropertiesEXT, next_types::Type...) = ImageCompressionPropertiesEXT(load_next_chain(x.pNext, next_types...), x.imageCompressionFlags, x.imageCompressionFixedRateFlags) PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT(x::VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT, next_types::Type...) = PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.imageCompressionControlSwapchain)) ImageSubresource2EXT(x::VkImageSubresource2EXT, next_types::Type...) = ImageSubresource2EXT(load_next_chain(x.pNext, next_types...), ImageSubresource(x.imageSubresource)) SubresourceLayout2EXT(x::VkSubresourceLayout2EXT, next_types::Type...) = SubresourceLayout2EXT(load_next_chain(x.pNext, next_types...), SubresourceLayout(x.subresourceLayout)) RenderPassCreationControlEXT(x::VkRenderPassCreationControlEXT, next_types::Type...) = RenderPassCreationControlEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.disallowMerging)) RenderPassCreationFeedbackInfoEXT(x::VkRenderPassCreationFeedbackInfoEXT) = RenderPassCreationFeedbackInfoEXT(x.postMergeSubpassCount) RenderPassCreationFeedbackCreateInfoEXT(x::VkRenderPassCreationFeedbackCreateInfoEXT, next_types::Type...) = RenderPassCreationFeedbackCreateInfoEXT(load_next_chain(x.pNext, next_types...), RenderPassCreationFeedbackInfoEXT(x.pRenderPassFeedback)) RenderPassSubpassFeedbackInfoEXT(x::VkRenderPassSubpassFeedbackInfoEXT) = RenderPassSubpassFeedbackInfoEXT(x.subpassMergeStatus, from_vk(String, x.description), x.postMergeIndex) RenderPassSubpassFeedbackCreateInfoEXT(x::VkRenderPassSubpassFeedbackCreateInfoEXT, next_types::Type...) = RenderPassSubpassFeedbackCreateInfoEXT(load_next_chain(x.pNext, next_types...), RenderPassSubpassFeedbackInfoEXT(x.pSubpassFeedback)) PhysicalDeviceSubpassMergeFeedbackFeaturesEXT(x::VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT, next_types::Type...) = PhysicalDeviceSubpassMergeFeedbackFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.subpassMergeFeedback)) MicromapBuildInfoEXT(x::VkMicromapBuildInfoEXT, next_types::Type...) = MicromapBuildInfoEXT(load_next_chain(x.pNext, next_types...), x.type, x.flags, x.mode, MicromapEXT(x.dstMicromap), unsafe_wrap(Vector{MicromapUsageEXT}, x.pUsageCounts, x.usageCountsCount; own = true), unsafe_wrap(Vector{MicromapUsageEXT}, x.ppUsageCounts, x.usageCountsCount; own = true), DeviceOrHostAddressConstKHR(x.data), DeviceOrHostAddressKHR(x.scratchData), DeviceOrHostAddressConstKHR(x.triangleArray), x.triangleArrayStride) MicromapCreateInfoEXT(x::VkMicromapCreateInfoEXT, next_types::Type...) = MicromapCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.createFlags, Buffer(x.buffer), x.offset, x.size, x.type, x.deviceAddress) MicromapVersionInfoEXT(x::VkMicromapVersionInfoEXT, next_types::Type...) = MicromapVersionInfoEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{UInt8}, x.pVersionData, 2VK_UUID_SIZE; own = true)) CopyMicromapInfoEXT(x::VkCopyMicromapInfoEXT, next_types::Type...) = CopyMicromapInfoEXT(load_next_chain(x.pNext, next_types...), MicromapEXT(x.src), MicromapEXT(x.dst), x.mode) CopyMicromapToMemoryInfoEXT(x::VkCopyMicromapToMemoryInfoEXT, next_types::Type...) = CopyMicromapToMemoryInfoEXT(load_next_chain(x.pNext, next_types...), MicromapEXT(x.src), DeviceOrHostAddressKHR(x.dst), x.mode) CopyMemoryToMicromapInfoEXT(x::VkCopyMemoryToMicromapInfoEXT, next_types::Type...) = CopyMemoryToMicromapInfoEXT(load_next_chain(x.pNext, next_types...), DeviceOrHostAddressConstKHR(x.src), MicromapEXT(x.dst), x.mode) MicromapBuildSizesInfoEXT(x::VkMicromapBuildSizesInfoEXT, next_types::Type...) = MicromapBuildSizesInfoEXT(load_next_chain(x.pNext, next_types...), x.micromapSize, x.buildScratchSize, from_vk(Bool, x.discardable)) MicromapUsageEXT(x::VkMicromapUsageEXT) = MicromapUsageEXT(x.count, x.subdivisionLevel, x.format) MicromapTriangleEXT(x::VkMicromapTriangleEXT) = MicromapTriangleEXT(x.dataOffset, x.subdivisionLevel, x.format) PhysicalDeviceOpacityMicromapFeaturesEXT(x::VkPhysicalDeviceOpacityMicromapFeaturesEXT, next_types::Type...) = PhysicalDeviceOpacityMicromapFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.micromap), from_vk(Bool, x.micromapCaptureReplay), from_vk(Bool, x.micromapHostCommands)) PhysicalDeviceOpacityMicromapPropertiesEXT(x::VkPhysicalDeviceOpacityMicromapPropertiesEXT, next_types::Type...) = PhysicalDeviceOpacityMicromapPropertiesEXT(load_next_chain(x.pNext, next_types...), x.maxOpacity2StateSubdivisionLevel, x.maxOpacity4StateSubdivisionLevel) AccelerationStructureTrianglesOpacityMicromapEXT(x::VkAccelerationStructureTrianglesOpacityMicromapEXT, next_types::Type...) = AccelerationStructureTrianglesOpacityMicromapEXT(load_next_chain(x.pNext, next_types...), x.indexType, DeviceOrHostAddressConstKHR(x.indexBuffer), x.indexStride, x.baseTriangle, unsafe_wrap(Vector{MicromapUsageEXT}, x.pUsageCounts, x.usageCountsCount; own = true), unsafe_wrap(Vector{MicromapUsageEXT}, x.ppUsageCounts, x.usageCountsCount; own = true), MicromapEXT(x.micromap)) PipelinePropertiesIdentifierEXT(x::VkPipelinePropertiesIdentifierEXT, next_types::Type...) = PipelinePropertiesIdentifierEXT(load_next_chain(x.pNext, next_types...), x.pipelineIdentifier) PhysicalDevicePipelinePropertiesFeaturesEXT(x::VkPhysicalDevicePipelinePropertiesFeaturesEXT, next_types::Type...) = PhysicalDevicePipelinePropertiesFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.pipelinePropertiesIdentifier)) PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD(x::VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD, next_types::Type...) = PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderEarlyAndLateFragmentTests)) PhysicalDeviceNonSeamlessCubeMapFeaturesEXT(x::VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT, next_types::Type...) = PhysicalDeviceNonSeamlessCubeMapFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.nonSeamlessCubeMap)) PhysicalDevicePipelineRobustnessFeaturesEXT(x::VkPhysicalDevicePipelineRobustnessFeaturesEXT, next_types::Type...) = PhysicalDevicePipelineRobustnessFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.pipelineRobustness)) PipelineRobustnessCreateInfoEXT(x::VkPipelineRobustnessCreateInfoEXT, next_types::Type...) = PipelineRobustnessCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.storageBuffers, x.uniformBuffers, x.vertexInputs, x.images) PhysicalDevicePipelineRobustnessPropertiesEXT(x::VkPhysicalDevicePipelineRobustnessPropertiesEXT, next_types::Type...) = PhysicalDevicePipelineRobustnessPropertiesEXT(load_next_chain(x.pNext, next_types...), x.defaultRobustnessStorageBuffers, x.defaultRobustnessUniformBuffers, x.defaultRobustnessVertexInputs, x.defaultRobustnessImages) ImageViewSampleWeightCreateInfoQCOM(x::VkImageViewSampleWeightCreateInfoQCOM, next_types::Type...) = ImageViewSampleWeightCreateInfoQCOM(load_next_chain(x.pNext, next_types...), Offset2D(x.filterCenter), Extent2D(x.filterSize), x.numPhases) PhysicalDeviceImageProcessingFeaturesQCOM(x::VkPhysicalDeviceImageProcessingFeaturesQCOM, next_types::Type...) = PhysicalDeviceImageProcessingFeaturesQCOM(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.textureSampleWeighted), from_vk(Bool, x.textureBoxFilter), from_vk(Bool, x.textureBlockMatch)) PhysicalDeviceImageProcessingPropertiesQCOM(x::VkPhysicalDeviceImageProcessingPropertiesQCOM, next_types::Type...) = PhysicalDeviceImageProcessingPropertiesQCOM(load_next_chain(x.pNext, next_types...), x.maxWeightFilterPhases, Extent2D(x.maxWeightFilterDimension), Extent2D(x.maxBlockMatchRegion), Extent2D(x.maxBoxFilterBlockSize)) PhysicalDeviceTilePropertiesFeaturesQCOM(x::VkPhysicalDeviceTilePropertiesFeaturesQCOM, next_types::Type...) = PhysicalDeviceTilePropertiesFeaturesQCOM(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.tileProperties)) TilePropertiesQCOM(x::VkTilePropertiesQCOM, next_types::Type...) = TilePropertiesQCOM(load_next_chain(x.pNext, next_types...), Extent3D(x.tileSize), Extent2D(x.apronSize), Offset2D(x.origin)) PhysicalDeviceAmigoProfilingFeaturesSEC(x::VkPhysicalDeviceAmigoProfilingFeaturesSEC, next_types::Type...) = PhysicalDeviceAmigoProfilingFeaturesSEC(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.amigoProfiling)) AmigoProfilingSubmitInfoSEC(x::VkAmigoProfilingSubmitInfoSEC, next_types::Type...) = AmigoProfilingSubmitInfoSEC(load_next_chain(x.pNext, next_types...), x.firstDrawTimestamp, x.swapBufferTimestamp) PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT(x::VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT, next_types::Type...) = PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.attachmentFeedbackLoopLayout)) PhysicalDeviceDepthClampZeroOneFeaturesEXT(x::VkPhysicalDeviceDepthClampZeroOneFeaturesEXT, next_types::Type...) = PhysicalDeviceDepthClampZeroOneFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.depthClampZeroOne)) PhysicalDeviceAddressBindingReportFeaturesEXT(x::VkPhysicalDeviceAddressBindingReportFeaturesEXT, next_types::Type...) = PhysicalDeviceAddressBindingReportFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.reportAddressBinding)) DeviceAddressBindingCallbackDataEXT(x::VkDeviceAddressBindingCallbackDataEXT, next_types::Type...) = DeviceAddressBindingCallbackDataEXT(load_next_chain(x.pNext, next_types...), x.flags, x.baseAddress, x.size, x.bindingType) PhysicalDeviceOpticalFlowFeaturesNV(x::VkPhysicalDeviceOpticalFlowFeaturesNV, next_types::Type...) = PhysicalDeviceOpticalFlowFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.opticalFlow)) PhysicalDeviceOpticalFlowPropertiesNV(x::VkPhysicalDeviceOpticalFlowPropertiesNV, next_types::Type...) = PhysicalDeviceOpticalFlowPropertiesNV(load_next_chain(x.pNext, next_types...), x.supportedOutputGridSizes, x.supportedHintGridSizes, from_vk(Bool, x.hintSupported), from_vk(Bool, x.costSupported), from_vk(Bool, x.bidirectionalFlowSupported), from_vk(Bool, x.globalFlowSupported), x.minWidth, x.minHeight, x.maxWidth, x.maxHeight, x.maxNumRegionsOfInterest) OpticalFlowImageFormatInfoNV(x::VkOpticalFlowImageFormatInfoNV, next_types::Type...) = OpticalFlowImageFormatInfoNV(load_next_chain(x.pNext, next_types...), x.usage) OpticalFlowImageFormatPropertiesNV(x::VkOpticalFlowImageFormatPropertiesNV, next_types::Type...) = OpticalFlowImageFormatPropertiesNV(load_next_chain(x.pNext, next_types...), x.format) OpticalFlowSessionCreateInfoNV(x::VkOpticalFlowSessionCreateInfoNV, next_types::Type...) = OpticalFlowSessionCreateInfoNV(load_next_chain(x.pNext, next_types...), x.width, x.height, x.imageFormat, x.flowVectorFormat, x.costFormat, x.outputGridSize, x.hintGridSize, x.performanceLevel, x.flags) OpticalFlowSessionCreatePrivateDataInfoNV(x::VkOpticalFlowSessionCreatePrivateDataInfoNV, next_types::Type...) = OpticalFlowSessionCreatePrivateDataInfoNV(load_next_chain(x.pNext, next_types...), x.id, x.size, x.pPrivateData) OpticalFlowExecuteInfoNV(x::VkOpticalFlowExecuteInfoNV, next_types::Type...) = OpticalFlowExecuteInfoNV(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{Rect2D}, x.pRegions, x.regionCount; own = true)) PhysicalDeviceFaultFeaturesEXT(x::VkPhysicalDeviceFaultFeaturesEXT, next_types::Type...) = PhysicalDeviceFaultFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.deviceFault), from_vk(Bool, x.deviceFaultVendorBinary)) DeviceFaultAddressInfoEXT(x::VkDeviceFaultAddressInfoEXT) = DeviceFaultAddressInfoEXT(x.addressType, x.reportedAddress, x.addressPrecision) DeviceFaultVendorInfoEXT(x::VkDeviceFaultVendorInfoEXT) = DeviceFaultVendorInfoEXT(from_vk(String, x.description), x.vendorFaultCode, x.vendorFaultData) DeviceFaultCountsEXT(x::VkDeviceFaultCountsEXT, next_types::Type...) = DeviceFaultCountsEXT(load_next_chain(x.pNext, next_types...), x.addressInfoCount, x.vendorInfoCount, x.vendorBinarySize) DeviceFaultInfoEXT(x::VkDeviceFaultInfoEXT, next_types::Type...) = DeviceFaultInfoEXT(load_next_chain(x.pNext, next_types...), from_vk(String, x.description), DeviceFaultAddressInfoEXT(x.pAddressInfos), DeviceFaultVendorInfoEXT(x.pVendorInfos), x.pVendorBinaryData) DeviceFaultVendorBinaryHeaderVersionOneEXT(x::VkDeviceFaultVendorBinaryHeaderVersionOneEXT) = DeviceFaultVendorBinaryHeaderVersionOneEXT(x.headerSize, x.headerVersion, x.vendorID, x.deviceID, from_vk(VersionNumber, x.driverVersion), x.pipelineCacheUUID, x.applicationNameOffset, from_vk(VersionNumber, x.applicationVersion), x.engineNameOffset) PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT(x::VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT, next_types::Type...) = PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.pipelineLibraryGroupHandles)) DecompressMemoryRegionNV(x::VkDecompressMemoryRegionNV) = DecompressMemoryRegionNV(x.srcAddress, x.dstAddress, x.compressedSize, x.decompressedSize, x.decompressionMethod) PhysicalDeviceShaderCoreBuiltinsPropertiesARM(x::VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM, next_types::Type...) = PhysicalDeviceShaderCoreBuiltinsPropertiesARM(load_next_chain(x.pNext, next_types...), x.shaderCoreMask, x.shaderCoreCount, x.shaderWarpsPerCore) PhysicalDeviceShaderCoreBuiltinsFeaturesARM(x::VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM, next_types::Type...) = PhysicalDeviceShaderCoreBuiltinsFeaturesARM(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderCoreBuiltins)) SurfacePresentModeEXT(x::VkSurfacePresentModeEXT, next_types::Type...) = SurfacePresentModeEXT(load_next_chain(x.pNext, next_types...), x.presentMode) SurfacePresentScalingCapabilitiesEXT(x::VkSurfacePresentScalingCapabilitiesEXT, next_types::Type...) = SurfacePresentScalingCapabilitiesEXT(load_next_chain(x.pNext, next_types...), x.supportedPresentScaling, x.supportedPresentGravityX, x.supportedPresentGravityY, Extent2D(x.minScaledImageExtent), Extent2D(x.maxScaledImageExtent)) SurfacePresentModeCompatibilityEXT(x::VkSurfacePresentModeCompatibilityEXT, next_types::Type...) = SurfacePresentModeCompatibilityEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{PresentModeKHR}, x.pPresentModes, x.presentModeCount; own = true)) PhysicalDeviceSwapchainMaintenance1FeaturesEXT(x::VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT, next_types::Type...) = PhysicalDeviceSwapchainMaintenance1FeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.swapchainMaintenance1)) SwapchainPresentFenceInfoEXT(x::VkSwapchainPresentFenceInfoEXT, next_types::Type...) = SwapchainPresentFenceInfoEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{Fence}, x.pFences, x.swapchainCount; own = true)) SwapchainPresentModesCreateInfoEXT(x::VkSwapchainPresentModesCreateInfoEXT, next_types::Type...) = SwapchainPresentModesCreateInfoEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{PresentModeKHR}, x.pPresentModes, x.presentModeCount; own = true)) SwapchainPresentModeInfoEXT(x::VkSwapchainPresentModeInfoEXT, next_types::Type...) = SwapchainPresentModeInfoEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{PresentModeKHR}, x.pPresentModes, x.swapchainCount; own = true)) SwapchainPresentScalingCreateInfoEXT(x::VkSwapchainPresentScalingCreateInfoEXT, next_types::Type...) = SwapchainPresentScalingCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.scalingBehavior, x.presentGravityX, x.presentGravityY) ReleaseSwapchainImagesInfoEXT(x::VkReleaseSwapchainImagesInfoEXT, next_types::Type...) = ReleaseSwapchainImagesInfoEXT(load_next_chain(x.pNext, next_types...), SwapchainKHR(x.swapchain), unsafe_wrap(Vector{UInt32}, x.pImageIndices, x.imageIndexCount; own = true)) PhysicalDeviceRayTracingInvocationReorderFeaturesNV(x::VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV, next_types::Type...) = PhysicalDeviceRayTracingInvocationReorderFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.rayTracingInvocationReorder)) PhysicalDeviceRayTracingInvocationReorderPropertiesNV(x::VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV, next_types::Type...) = PhysicalDeviceRayTracingInvocationReorderPropertiesNV(load_next_chain(x.pNext, next_types...), x.rayTracingInvocationReorderReorderingHint) DirectDriverLoadingInfoLUNARG(x::VkDirectDriverLoadingInfoLUNARG, next_types::Type...) = DirectDriverLoadingInfoLUNARG(load_next_chain(x.pNext, next_types...), x.flags, from_vk(FunctionPtr, x.pfnGetInstanceProcAddr)) DirectDriverLoadingListLUNARG(x::VkDirectDriverLoadingListLUNARG, next_types::Type...) = DirectDriverLoadingListLUNARG(load_next_chain(x.pNext, next_types...), x.mode, unsafe_wrap(Vector{DirectDriverLoadingInfoLUNARG}, x.pDrivers, x.driverCount; own = true)) PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM(x::VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM, next_types::Type...) = PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.multiviewPerViewViewports)) convert(T::Type{_BaseOutStructure}, x::BaseOutStructure) = T(x) convert(T::Type{_BaseInStructure}, x::BaseInStructure) = T(x) convert(T::Type{_Offset2D}, x::Offset2D) = T(x) convert(T::Type{_Offset3D}, x::Offset3D) = T(x) convert(T::Type{_Extent2D}, x::Extent2D) = T(x) convert(T::Type{_Extent3D}, x::Extent3D) = T(x) convert(T::Type{_Viewport}, x::Viewport) = T(x) convert(T::Type{_Rect2D}, x::Rect2D) = T(x) convert(T::Type{_ClearRect}, x::ClearRect) = T(x) convert(T::Type{_ComponentMapping}, x::ComponentMapping) = T(x) convert(T::Type{_PhysicalDeviceProperties}, x::PhysicalDeviceProperties) = T(x) convert(T::Type{_ExtensionProperties}, x::ExtensionProperties) = T(x) convert(T::Type{_LayerProperties}, x::LayerProperties) = T(x) convert(T::Type{_ApplicationInfo}, x::ApplicationInfo) = T(x) convert(T::Type{_AllocationCallbacks}, x::AllocationCallbacks) = T(x) convert(T::Type{_DeviceQueueCreateInfo}, x::DeviceQueueCreateInfo) = T(x) convert(T::Type{_DeviceCreateInfo}, x::DeviceCreateInfo) = T(x) convert(T::Type{_InstanceCreateInfo}, x::InstanceCreateInfo) = T(x) convert(T::Type{_QueueFamilyProperties}, x::QueueFamilyProperties) = T(x) convert(T::Type{_PhysicalDeviceMemoryProperties}, x::PhysicalDeviceMemoryProperties) = T(x) convert(T::Type{_MemoryAllocateInfo}, x::MemoryAllocateInfo) = T(x) convert(T::Type{_MemoryRequirements}, x::MemoryRequirements) = T(x) convert(T::Type{_SparseImageFormatProperties}, x::SparseImageFormatProperties) = T(x) convert(T::Type{_SparseImageMemoryRequirements}, x::SparseImageMemoryRequirements) = T(x) convert(T::Type{_MemoryType}, x::MemoryType) = T(x) convert(T::Type{_MemoryHeap}, x::MemoryHeap) = T(x) convert(T::Type{_MappedMemoryRange}, x::MappedMemoryRange) = T(x) convert(T::Type{_FormatProperties}, x::FormatProperties) = T(x) convert(T::Type{_ImageFormatProperties}, x::ImageFormatProperties) = T(x) convert(T::Type{_DescriptorBufferInfo}, x::DescriptorBufferInfo) = T(x) convert(T::Type{_DescriptorImageInfo}, x::DescriptorImageInfo) = T(x) convert(T::Type{_WriteDescriptorSet}, x::WriteDescriptorSet) = T(x) convert(T::Type{_CopyDescriptorSet}, x::CopyDescriptorSet) = T(x) convert(T::Type{_BufferCreateInfo}, x::BufferCreateInfo) = T(x) convert(T::Type{_BufferViewCreateInfo}, x::BufferViewCreateInfo) = T(x) convert(T::Type{_ImageSubresource}, x::ImageSubresource) = T(x) convert(T::Type{_ImageSubresourceLayers}, x::ImageSubresourceLayers) = T(x) convert(T::Type{_ImageSubresourceRange}, x::ImageSubresourceRange) = T(x) convert(T::Type{_MemoryBarrier}, x::MemoryBarrier) = T(x) convert(T::Type{_BufferMemoryBarrier}, x::BufferMemoryBarrier) = T(x) convert(T::Type{_ImageMemoryBarrier}, x::ImageMemoryBarrier) = T(x) convert(T::Type{_ImageCreateInfo}, x::ImageCreateInfo) = T(x) convert(T::Type{_SubresourceLayout}, x::SubresourceLayout) = T(x) convert(T::Type{_ImageViewCreateInfo}, x::ImageViewCreateInfo) = T(x) convert(T::Type{_BufferCopy}, x::BufferCopy) = T(x) convert(T::Type{_SparseMemoryBind}, x::SparseMemoryBind) = T(x) convert(T::Type{_SparseImageMemoryBind}, x::SparseImageMemoryBind) = T(x) convert(T::Type{_SparseBufferMemoryBindInfo}, x::SparseBufferMemoryBindInfo) = T(x) convert(T::Type{_SparseImageOpaqueMemoryBindInfo}, x::SparseImageOpaqueMemoryBindInfo) = T(x) convert(T::Type{_SparseImageMemoryBindInfo}, x::SparseImageMemoryBindInfo) = T(x) convert(T::Type{_BindSparseInfo}, x::BindSparseInfo) = T(x) convert(T::Type{_ImageCopy}, x::ImageCopy) = T(x) convert(T::Type{_ImageBlit}, x::ImageBlit) = T(x) convert(T::Type{_BufferImageCopy}, x::BufferImageCopy) = T(x) convert(T::Type{_CopyMemoryIndirectCommandNV}, x::CopyMemoryIndirectCommandNV) = T(x) convert(T::Type{_CopyMemoryToImageIndirectCommandNV}, x::CopyMemoryToImageIndirectCommandNV) = T(x) convert(T::Type{_ImageResolve}, x::ImageResolve) = T(x) convert(T::Type{_ShaderModuleCreateInfo}, x::ShaderModuleCreateInfo) = T(x) convert(T::Type{_DescriptorSetLayoutBinding}, x::DescriptorSetLayoutBinding) = T(x) convert(T::Type{_DescriptorSetLayoutCreateInfo}, x::DescriptorSetLayoutCreateInfo) = T(x) convert(T::Type{_DescriptorPoolSize}, x::DescriptorPoolSize) = T(x) convert(T::Type{_DescriptorPoolCreateInfo}, x::DescriptorPoolCreateInfo) = T(x) convert(T::Type{_DescriptorSetAllocateInfo}, x::DescriptorSetAllocateInfo) = T(x) convert(T::Type{_SpecializationMapEntry}, x::SpecializationMapEntry) = T(x) convert(T::Type{_SpecializationInfo}, x::SpecializationInfo) = T(x) convert(T::Type{_PipelineShaderStageCreateInfo}, x::PipelineShaderStageCreateInfo) = T(x) convert(T::Type{_ComputePipelineCreateInfo}, x::ComputePipelineCreateInfo) = T(x) convert(T::Type{_VertexInputBindingDescription}, x::VertexInputBindingDescription) = T(x) convert(T::Type{_VertexInputAttributeDescription}, x::VertexInputAttributeDescription) = T(x) convert(T::Type{_PipelineVertexInputStateCreateInfo}, x::PipelineVertexInputStateCreateInfo) = T(x) convert(T::Type{_PipelineInputAssemblyStateCreateInfo}, x::PipelineInputAssemblyStateCreateInfo) = T(x) convert(T::Type{_PipelineTessellationStateCreateInfo}, x::PipelineTessellationStateCreateInfo) = T(x) convert(T::Type{_PipelineViewportStateCreateInfo}, x::PipelineViewportStateCreateInfo) = T(x) convert(T::Type{_PipelineRasterizationStateCreateInfo}, x::PipelineRasterizationStateCreateInfo) = T(x) convert(T::Type{_PipelineMultisampleStateCreateInfo}, x::PipelineMultisampleStateCreateInfo) = T(x) convert(T::Type{_PipelineColorBlendAttachmentState}, x::PipelineColorBlendAttachmentState) = T(x) convert(T::Type{_PipelineColorBlendStateCreateInfo}, x::PipelineColorBlendStateCreateInfo) = T(x) convert(T::Type{_PipelineDynamicStateCreateInfo}, x::PipelineDynamicStateCreateInfo) = T(x) convert(T::Type{_StencilOpState}, x::StencilOpState) = T(x) convert(T::Type{_PipelineDepthStencilStateCreateInfo}, x::PipelineDepthStencilStateCreateInfo) = T(x) convert(T::Type{_GraphicsPipelineCreateInfo}, x::GraphicsPipelineCreateInfo) = T(x) convert(T::Type{_PipelineCacheCreateInfo}, x::PipelineCacheCreateInfo) = T(x) convert(T::Type{_PipelineCacheHeaderVersionOne}, x::PipelineCacheHeaderVersionOne) = T(x) convert(T::Type{_PushConstantRange}, x::PushConstantRange) = T(x) convert(T::Type{_PipelineLayoutCreateInfo}, x::PipelineLayoutCreateInfo) = T(x) convert(T::Type{_SamplerCreateInfo}, x::SamplerCreateInfo) = T(x) convert(T::Type{_CommandPoolCreateInfo}, x::CommandPoolCreateInfo) = T(x) convert(T::Type{_CommandBufferAllocateInfo}, x::CommandBufferAllocateInfo) = T(x) convert(T::Type{_CommandBufferInheritanceInfo}, x::CommandBufferInheritanceInfo) = T(x) convert(T::Type{_CommandBufferBeginInfo}, x::CommandBufferBeginInfo) = T(x) convert(T::Type{_RenderPassBeginInfo}, x::RenderPassBeginInfo) = T(x) convert(T::Type{_ClearDepthStencilValue}, x::ClearDepthStencilValue) = T(x) convert(T::Type{_ClearAttachment}, x::ClearAttachment) = T(x) convert(T::Type{_AttachmentDescription}, x::AttachmentDescription) = T(x) convert(T::Type{_AttachmentReference}, x::AttachmentReference) = T(x) convert(T::Type{_SubpassDescription}, x::SubpassDescription) = T(x) convert(T::Type{_SubpassDependency}, x::SubpassDependency) = T(x) convert(T::Type{_RenderPassCreateInfo}, x::RenderPassCreateInfo) = T(x) convert(T::Type{_EventCreateInfo}, x::EventCreateInfo) = T(x) convert(T::Type{_FenceCreateInfo}, x::FenceCreateInfo) = T(x) convert(T::Type{_PhysicalDeviceFeatures}, x::PhysicalDeviceFeatures) = T(x) convert(T::Type{_PhysicalDeviceSparseProperties}, x::PhysicalDeviceSparseProperties) = T(x) convert(T::Type{_PhysicalDeviceLimits}, x::PhysicalDeviceLimits) = T(x) convert(T::Type{_SemaphoreCreateInfo}, x::SemaphoreCreateInfo) = T(x) convert(T::Type{_QueryPoolCreateInfo}, x::QueryPoolCreateInfo) = T(x) convert(T::Type{_FramebufferCreateInfo}, x::FramebufferCreateInfo) = T(x) convert(T::Type{_DrawIndirectCommand}, x::DrawIndirectCommand) = T(x) convert(T::Type{_DrawIndexedIndirectCommand}, x::DrawIndexedIndirectCommand) = T(x) convert(T::Type{_DispatchIndirectCommand}, x::DispatchIndirectCommand) = T(x) convert(T::Type{_MultiDrawInfoEXT}, x::MultiDrawInfoEXT) = T(x) convert(T::Type{_MultiDrawIndexedInfoEXT}, x::MultiDrawIndexedInfoEXT) = T(x) convert(T::Type{_SubmitInfo}, x::SubmitInfo) = T(x) convert(T::Type{_DisplayPropertiesKHR}, x::DisplayPropertiesKHR) = T(x) convert(T::Type{_DisplayPlanePropertiesKHR}, x::DisplayPlanePropertiesKHR) = T(x) convert(T::Type{_DisplayModeParametersKHR}, x::DisplayModeParametersKHR) = T(x) convert(T::Type{_DisplayModePropertiesKHR}, x::DisplayModePropertiesKHR) = T(x) convert(T::Type{_DisplayModeCreateInfoKHR}, x::DisplayModeCreateInfoKHR) = T(x) convert(T::Type{_DisplayPlaneCapabilitiesKHR}, x::DisplayPlaneCapabilitiesKHR) = T(x) convert(T::Type{_DisplaySurfaceCreateInfoKHR}, x::DisplaySurfaceCreateInfoKHR) = T(x) convert(T::Type{_DisplayPresentInfoKHR}, x::DisplayPresentInfoKHR) = T(x) convert(T::Type{_SurfaceCapabilitiesKHR}, x::SurfaceCapabilitiesKHR) = T(x) convert(T::Type{_WaylandSurfaceCreateInfoKHR}, x::WaylandSurfaceCreateInfoKHR) = T(x) convert(T::Type{_XlibSurfaceCreateInfoKHR}, x::XlibSurfaceCreateInfoKHR) = T(x) convert(T::Type{_XcbSurfaceCreateInfoKHR}, x::XcbSurfaceCreateInfoKHR) = T(x) convert(T::Type{_SurfaceFormatKHR}, x::SurfaceFormatKHR) = T(x) convert(T::Type{_SwapchainCreateInfoKHR}, x::SwapchainCreateInfoKHR) = T(x) convert(T::Type{_PresentInfoKHR}, x::PresentInfoKHR) = T(x) convert(T::Type{_DebugReportCallbackCreateInfoEXT}, x::DebugReportCallbackCreateInfoEXT) = T(x) convert(T::Type{_ValidationFlagsEXT}, x::ValidationFlagsEXT) = T(x) convert(T::Type{_ValidationFeaturesEXT}, x::ValidationFeaturesEXT) = T(x) convert(T::Type{_PipelineRasterizationStateRasterizationOrderAMD}, x::PipelineRasterizationStateRasterizationOrderAMD) = T(x) convert(T::Type{_DebugMarkerObjectNameInfoEXT}, x::DebugMarkerObjectNameInfoEXT) = T(x) convert(T::Type{_DebugMarkerObjectTagInfoEXT}, x::DebugMarkerObjectTagInfoEXT) = T(x) convert(T::Type{_DebugMarkerMarkerInfoEXT}, x::DebugMarkerMarkerInfoEXT) = T(x) convert(T::Type{_DedicatedAllocationImageCreateInfoNV}, x::DedicatedAllocationImageCreateInfoNV) = T(x) convert(T::Type{_DedicatedAllocationBufferCreateInfoNV}, x::DedicatedAllocationBufferCreateInfoNV) = T(x) convert(T::Type{_DedicatedAllocationMemoryAllocateInfoNV}, x::DedicatedAllocationMemoryAllocateInfoNV) = T(x) convert(T::Type{_ExternalImageFormatPropertiesNV}, x::ExternalImageFormatPropertiesNV) = T(x) convert(T::Type{_ExternalMemoryImageCreateInfoNV}, x::ExternalMemoryImageCreateInfoNV) = T(x) convert(T::Type{_ExportMemoryAllocateInfoNV}, x::ExportMemoryAllocateInfoNV) = T(x) convert(T::Type{_PhysicalDeviceDeviceGeneratedCommandsFeaturesNV}, x::PhysicalDeviceDeviceGeneratedCommandsFeaturesNV) = T(x) convert(T::Type{_DevicePrivateDataCreateInfo}, x::DevicePrivateDataCreateInfo) = T(x) convert(T::Type{_PrivateDataSlotCreateInfo}, x::PrivateDataSlotCreateInfo) = T(x) convert(T::Type{_PhysicalDevicePrivateDataFeatures}, x::PhysicalDevicePrivateDataFeatures) = T(x) convert(T::Type{_PhysicalDeviceDeviceGeneratedCommandsPropertiesNV}, x::PhysicalDeviceDeviceGeneratedCommandsPropertiesNV) = T(x) convert(T::Type{_PhysicalDeviceMultiDrawPropertiesEXT}, x::PhysicalDeviceMultiDrawPropertiesEXT) = T(x) convert(T::Type{_GraphicsShaderGroupCreateInfoNV}, x::GraphicsShaderGroupCreateInfoNV) = T(x) convert(T::Type{_GraphicsPipelineShaderGroupsCreateInfoNV}, x::GraphicsPipelineShaderGroupsCreateInfoNV) = T(x) convert(T::Type{_BindShaderGroupIndirectCommandNV}, x::BindShaderGroupIndirectCommandNV) = T(x) convert(T::Type{_BindIndexBufferIndirectCommandNV}, x::BindIndexBufferIndirectCommandNV) = T(x) convert(T::Type{_BindVertexBufferIndirectCommandNV}, x::BindVertexBufferIndirectCommandNV) = T(x) convert(T::Type{_SetStateFlagsIndirectCommandNV}, x::SetStateFlagsIndirectCommandNV) = T(x) convert(T::Type{_IndirectCommandsStreamNV}, x::IndirectCommandsStreamNV) = T(x) convert(T::Type{_IndirectCommandsLayoutTokenNV}, x::IndirectCommandsLayoutTokenNV) = T(x) convert(T::Type{_IndirectCommandsLayoutCreateInfoNV}, x::IndirectCommandsLayoutCreateInfoNV) = T(x) convert(T::Type{_GeneratedCommandsInfoNV}, x::GeneratedCommandsInfoNV) = T(x) convert(T::Type{_GeneratedCommandsMemoryRequirementsInfoNV}, x::GeneratedCommandsMemoryRequirementsInfoNV) = T(x) convert(T::Type{_PhysicalDeviceFeatures2}, x::PhysicalDeviceFeatures2) = T(x) convert(T::Type{_PhysicalDeviceProperties2}, x::PhysicalDeviceProperties2) = T(x) convert(T::Type{_FormatProperties2}, x::FormatProperties2) = T(x) convert(T::Type{_ImageFormatProperties2}, x::ImageFormatProperties2) = T(x) convert(T::Type{_PhysicalDeviceImageFormatInfo2}, x::PhysicalDeviceImageFormatInfo2) = T(x) convert(T::Type{_QueueFamilyProperties2}, x::QueueFamilyProperties2) = T(x) convert(T::Type{_PhysicalDeviceMemoryProperties2}, x::PhysicalDeviceMemoryProperties2) = T(x) convert(T::Type{_SparseImageFormatProperties2}, x::SparseImageFormatProperties2) = T(x) convert(T::Type{_PhysicalDeviceSparseImageFormatInfo2}, x::PhysicalDeviceSparseImageFormatInfo2) = T(x) convert(T::Type{_PhysicalDevicePushDescriptorPropertiesKHR}, x::PhysicalDevicePushDescriptorPropertiesKHR) = T(x) convert(T::Type{_ConformanceVersion}, x::ConformanceVersion) = T(x) convert(T::Type{_PhysicalDeviceDriverProperties}, x::PhysicalDeviceDriverProperties) = T(x) convert(T::Type{_PresentRegionsKHR}, x::PresentRegionsKHR) = T(x) convert(T::Type{_PresentRegionKHR}, x::PresentRegionKHR) = T(x) convert(T::Type{_RectLayerKHR}, x::RectLayerKHR) = T(x) convert(T::Type{_PhysicalDeviceVariablePointersFeatures}, x::PhysicalDeviceVariablePointersFeatures) = T(x) convert(T::Type{_ExternalMemoryProperties}, x::ExternalMemoryProperties) = T(x) convert(T::Type{_PhysicalDeviceExternalImageFormatInfo}, x::PhysicalDeviceExternalImageFormatInfo) = T(x) convert(T::Type{_ExternalImageFormatProperties}, x::ExternalImageFormatProperties) = T(x) convert(T::Type{_PhysicalDeviceExternalBufferInfo}, x::PhysicalDeviceExternalBufferInfo) = T(x) convert(T::Type{_ExternalBufferProperties}, x::ExternalBufferProperties) = T(x) convert(T::Type{_PhysicalDeviceIDProperties}, x::PhysicalDeviceIDProperties) = T(x) convert(T::Type{_ExternalMemoryImageCreateInfo}, x::ExternalMemoryImageCreateInfo) = T(x) convert(T::Type{_ExternalMemoryBufferCreateInfo}, x::ExternalMemoryBufferCreateInfo) = T(x) convert(T::Type{_ExportMemoryAllocateInfo}, x::ExportMemoryAllocateInfo) = T(x) convert(T::Type{_ImportMemoryFdInfoKHR}, x::ImportMemoryFdInfoKHR) = T(x) convert(T::Type{_MemoryFdPropertiesKHR}, x::MemoryFdPropertiesKHR) = T(x) convert(T::Type{_MemoryGetFdInfoKHR}, x::MemoryGetFdInfoKHR) = T(x) convert(T::Type{_PhysicalDeviceExternalSemaphoreInfo}, x::PhysicalDeviceExternalSemaphoreInfo) = T(x) convert(T::Type{_ExternalSemaphoreProperties}, x::ExternalSemaphoreProperties) = T(x) convert(T::Type{_ExportSemaphoreCreateInfo}, x::ExportSemaphoreCreateInfo) = T(x) convert(T::Type{_ImportSemaphoreFdInfoKHR}, x::ImportSemaphoreFdInfoKHR) = T(x) convert(T::Type{_SemaphoreGetFdInfoKHR}, x::SemaphoreGetFdInfoKHR) = T(x) convert(T::Type{_PhysicalDeviceExternalFenceInfo}, x::PhysicalDeviceExternalFenceInfo) = T(x) convert(T::Type{_ExternalFenceProperties}, x::ExternalFenceProperties) = T(x) convert(T::Type{_ExportFenceCreateInfo}, x::ExportFenceCreateInfo) = T(x) convert(T::Type{_ImportFenceFdInfoKHR}, x::ImportFenceFdInfoKHR) = T(x) convert(T::Type{_FenceGetFdInfoKHR}, x::FenceGetFdInfoKHR) = T(x) convert(T::Type{_PhysicalDeviceMultiviewFeatures}, x::PhysicalDeviceMultiviewFeatures) = T(x) convert(T::Type{_PhysicalDeviceMultiviewProperties}, x::PhysicalDeviceMultiviewProperties) = T(x) convert(T::Type{_RenderPassMultiviewCreateInfo}, x::RenderPassMultiviewCreateInfo) = T(x) convert(T::Type{_SurfaceCapabilities2EXT}, x::SurfaceCapabilities2EXT) = T(x) convert(T::Type{_DisplayPowerInfoEXT}, x::DisplayPowerInfoEXT) = T(x) convert(T::Type{_DeviceEventInfoEXT}, x::DeviceEventInfoEXT) = T(x) convert(T::Type{_DisplayEventInfoEXT}, x::DisplayEventInfoEXT) = T(x) convert(T::Type{_SwapchainCounterCreateInfoEXT}, x::SwapchainCounterCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceGroupProperties}, x::PhysicalDeviceGroupProperties) = T(x) convert(T::Type{_MemoryAllocateFlagsInfo}, x::MemoryAllocateFlagsInfo) = T(x) convert(T::Type{_BindBufferMemoryInfo}, x::BindBufferMemoryInfo) = T(x) convert(T::Type{_BindBufferMemoryDeviceGroupInfo}, x::BindBufferMemoryDeviceGroupInfo) = T(x) convert(T::Type{_BindImageMemoryInfo}, x::BindImageMemoryInfo) = T(x) convert(T::Type{_BindImageMemoryDeviceGroupInfo}, x::BindImageMemoryDeviceGroupInfo) = T(x) convert(T::Type{_DeviceGroupRenderPassBeginInfo}, x::DeviceGroupRenderPassBeginInfo) = T(x) convert(T::Type{_DeviceGroupCommandBufferBeginInfo}, x::DeviceGroupCommandBufferBeginInfo) = T(x) convert(T::Type{_DeviceGroupSubmitInfo}, x::DeviceGroupSubmitInfo) = T(x) convert(T::Type{_DeviceGroupBindSparseInfo}, x::DeviceGroupBindSparseInfo) = T(x) convert(T::Type{_DeviceGroupPresentCapabilitiesKHR}, x::DeviceGroupPresentCapabilitiesKHR) = T(x) convert(T::Type{_ImageSwapchainCreateInfoKHR}, x::ImageSwapchainCreateInfoKHR) = T(x) convert(T::Type{_BindImageMemorySwapchainInfoKHR}, x::BindImageMemorySwapchainInfoKHR) = T(x) convert(T::Type{_AcquireNextImageInfoKHR}, x::AcquireNextImageInfoKHR) = T(x) convert(T::Type{_DeviceGroupPresentInfoKHR}, x::DeviceGroupPresentInfoKHR) = T(x) convert(T::Type{_DeviceGroupDeviceCreateInfo}, x::DeviceGroupDeviceCreateInfo) = T(x) convert(T::Type{_DeviceGroupSwapchainCreateInfoKHR}, x::DeviceGroupSwapchainCreateInfoKHR) = T(x) convert(T::Type{_DescriptorUpdateTemplateEntry}, x::DescriptorUpdateTemplateEntry) = T(x) convert(T::Type{_DescriptorUpdateTemplateCreateInfo}, x::DescriptorUpdateTemplateCreateInfo) = T(x) convert(T::Type{_XYColorEXT}, x::XYColorEXT) = T(x) convert(T::Type{_PhysicalDevicePresentIdFeaturesKHR}, x::PhysicalDevicePresentIdFeaturesKHR) = T(x) convert(T::Type{_PresentIdKHR}, x::PresentIdKHR) = T(x) convert(T::Type{_PhysicalDevicePresentWaitFeaturesKHR}, x::PhysicalDevicePresentWaitFeaturesKHR) = T(x) convert(T::Type{_HdrMetadataEXT}, x::HdrMetadataEXT) = T(x) convert(T::Type{_DisplayNativeHdrSurfaceCapabilitiesAMD}, x::DisplayNativeHdrSurfaceCapabilitiesAMD) = T(x) convert(T::Type{_SwapchainDisplayNativeHdrCreateInfoAMD}, x::SwapchainDisplayNativeHdrCreateInfoAMD) = T(x) convert(T::Type{_RefreshCycleDurationGOOGLE}, x::RefreshCycleDurationGOOGLE) = T(x) convert(T::Type{_PastPresentationTimingGOOGLE}, x::PastPresentationTimingGOOGLE) = T(x) convert(T::Type{_PresentTimesInfoGOOGLE}, x::PresentTimesInfoGOOGLE) = T(x) convert(T::Type{_PresentTimeGOOGLE}, x::PresentTimeGOOGLE) = T(x) convert(T::Type{_ViewportWScalingNV}, x::ViewportWScalingNV) = T(x) convert(T::Type{_PipelineViewportWScalingStateCreateInfoNV}, x::PipelineViewportWScalingStateCreateInfoNV) = T(x) convert(T::Type{_ViewportSwizzleNV}, x::ViewportSwizzleNV) = T(x) convert(T::Type{_PipelineViewportSwizzleStateCreateInfoNV}, x::PipelineViewportSwizzleStateCreateInfoNV) = T(x) convert(T::Type{_PhysicalDeviceDiscardRectanglePropertiesEXT}, x::PhysicalDeviceDiscardRectanglePropertiesEXT) = T(x) convert(T::Type{_PipelineDiscardRectangleStateCreateInfoEXT}, x::PipelineDiscardRectangleStateCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX}, x::PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX) = T(x) convert(T::Type{_InputAttachmentAspectReference}, x::InputAttachmentAspectReference) = T(x) convert(T::Type{_RenderPassInputAttachmentAspectCreateInfo}, x::RenderPassInputAttachmentAspectCreateInfo) = T(x) convert(T::Type{_PhysicalDeviceSurfaceInfo2KHR}, x::PhysicalDeviceSurfaceInfo2KHR) = T(x) convert(T::Type{_SurfaceCapabilities2KHR}, x::SurfaceCapabilities2KHR) = T(x) convert(T::Type{_SurfaceFormat2KHR}, x::SurfaceFormat2KHR) = T(x) convert(T::Type{_DisplayProperties2KHR}, x::DisplayProperties2KHR) = T(x) convert(T::Type{_DisplayPlaneProperties2KHR}, x::DisplayPlaneProperties2KHR) = T(x) convert(T::Type{_DisplayModeProperties2KHR}, x::DisplayModeProperties2KHR) = T(x) convert(T::Type{_DisplayPlaneInfo2KHR}, x::DisplayPlaneInfo2KHR) = T(x) convert(T::Type{_DisplayPlaneCapabilities2KHR}, x::DisplayPlaneCapabilities2KHR) = T(x) convert(T::Type{_SharedPresentSurfaceCapabilitiesKHR}, x::SharedPresentSurfaceCapabilitiesKHR) = T(x) convert(T::Type{_PhysicalDevice16BitStorageFeatures}, x::PhysicalDevice16BitStorageFeatures) = T(x) convert(T::Type{_PhysicalDeviceSubgroupProperties}, x::PhysicalDeviceSubgroupProperties) = T(x) convert(T::Type{_PhysicalDeviceShaderSubgroupExtendedTypesFeatures}, x::PhysicalDeviceShaderSubgroupExtendedTypesFeatures) = T(x) convert(T::Type{_BufferMemoryRequirementsInfo2}, x::BufferMemoryRequirementsInfo2) = T(x) convert(T::Type{_DeviceBufferMemoryRequirements}, x::DeviceBufferMemoryRequirements) = T(x) convert(T::Type{_ImageMemoryRequirementsInfo2}, x::ImageMemoryRequirementsInfo2) = T(x) convert(T::Type{_ImageSparseMemoryRequirementsInfo2}, x::ImageSparseMemoryRequirementsInfo2) = T(x) convert(T::Type{_DeviceImageMemoryRequirements}, x::DeviceImageMemoryRequirements) = T(x) convert(T::Type{_MemoryRequirements2}, x::MemoryRequirements2) = T(x) convert(T::Type{_SparseImageMemoryRequirements2}, x::SparseImageMemoryRequirements2) = T(x) convert(T::Type{_PhysicalDevicePointClippingProperties}, x::PhysicalDevicePointClippingProperties) = T(x) convert(T::Type{_MemoryDedicatedRequirements}, x::MemoryDedicatedRequirements) = T(x) convert(T::Type{_MemoryDedicatedAllocateInfo}, x::MemoryDedicatedAllocateInfo) = T(x) convert(T::Type{_ImageViewUsageCreateInfo}, x::ImageViewUsageCreateInfo) = T(x) convert(T::Type{_PipelineTessellationDomainOriginStateCreateInfo}, x::PipelineTessellationDomainOriginStateCreateInfo) = T(x) convert(T::Type{_SamplerYcbcrConversionInfo}, x::SamplerYcbcrConversionInfo) = T(x) convert(T::Type{_SamplerYcbcrConversionCreateInfo}, x::SamplerYcbcrConversionCreateInfo) = T(x) convert(T::Type{_BindImagePlaneMemoryInfo}, x::BindImagePlaneMemoryInfo) = T(x) convert(T::Type{_ImagePlaneMemoryRequirementsInfo}, x::ImagePlaneMemoryRequirementsInfo) = T(x) convert(T::Type{_PhysicalDeviceSamplerYcbcrConversionFeatures}, x::PhysicalDeviceSamplerYcbcrConversionFeatures) = T(x) convert(T::Type{_SamplerYcbcrConversionImageFormatProperties}, x::SamplerYcbcrConversionImageFormatProperties) = T(x) convert(T::Type{_TextureLODGatherFormatPropertiesAMD}, x::TextureLODGatherFormatPropertiesAMD) = T(x) convert(T::Type{_ConditionalRenderingBeginInfoEXT}, x::ConditionalRenderingBeginInfoEXT) = T(x) convert(T::Type{_ProtectedSubmitInfo}, x::ProtectedSubmitInfo) = T(x) convert(T::Type{_PhysicalDeviceProtectedMemoryFeatures}, x::PhysicalDeviceProtectedMemoryFeatures) = T(x) convert(T::Type{_PhysicalDeviceProtectedMemoryProperties}, x::PhysicalDeviceProtectedMemoryProperties) = T(x) convert(T::Type{_DeviceQueueInfo2}, x::DeviceQueueInfo2) = T(x) convert(T::Type{_PipelineCoverageToColorStateCreateInfoNV}, x::PipelineCoverageToColorStateCreateInfoNV) = T(x) convert(T::Type{_PhysicalDeviceSamplerFilterMinmaxProperties}, x::PhysicalDeviceSamplerFilterMinmaxProperties) = T(x) convert(T::Type{_SampleLocationEXT}, x::SampleLocationEXT) = T(x) convert(T::Type{_SampleLocationsInfoEXT}, x::SampleLocationsInfoEXT) = T(x) convert(T::Type{_AttachmentSampleLocationsEXT}, x::AttachmentSampleLocationsEXT) = T(x) convert(T::Type{_SubpassSampleLocationsEXT}, x::SubpassSampleLocationsEXT) = T(x) convert(T::Type{_RenderPassSampleLocationsBeginInfoEXT}, x::RenderPassSampleLocationsBeginInfoEXT) = T(x) convert(T::Type{_PipelineSampleLocationsStateCreateInfoEXT}, x::PipelineSampleLocationsStateCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceSampleLocationsPropertiesEXT}, x::PhysicalDeviceSampleLocationsPropertiesEXT) = T(x) convert(T::Type{_MultisamplePropertiesEXT}, x::MultisamplePropertiesEXT) = T(x) convert(T::Type{_SamplerReductionModeCreateInfo}, x::SamplerReductionModeCreateInfo) = T(x) convert(T::Type{_PhysicalDeviceBlendOperationAdvancedFeaturesEXT}, x::PhysicalDeviceBlendOperationAdvancedFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceMultiDrawFeaturesEXT}, x::PhysicalDeviceMultiDrawFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceBlendOperationAdvancedPropertiesEXT}, x::PhysicalDeviceBlendOperationAdvancedPropertiesEXT) = T(x) convert(T::Type{_PipelineColorBlendAdvancedStateCreateInfoEXT}, x::PipelineColorBlendAdvancedStateCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceInlineUniformBlockFeatures}, x::PhysicalDeviceInlineUniformBlockFeatures) = T(x) convert(T::Type{_PhysicalDeviceInlineUniformBlockProperties}, x::PhysicalDeviceInlineUniformBlockProperties) = T(x) convert(T::Type{_WriteDescriptorSetInlineUniformBlock}, x::WriteDescriptorSetInlineUniformBlock) = T(x) convert(T::Type{_DescriptorPoolInlineUniformBlockCreateInfo}, x::DescriptorPoolInlineUniformBlockCreateInfo) = T(x) convert(T::Type{_PipelineCoverageModulationStateCreateInfoNV}, x::PipelineCoverageModulationStateCreateInfoNV) = T(x) convert(T::Type{_ImageFormatListCreateInfo}, x::ImageFormatListCreateInfo) = T(x) convert(T::Type{_ValidationCacheCreateInfoEXT}, x::ValidationCacheCreateInfoEXT) = T(x) convert(T::Type{_ShaderModuleValidationCacheCreateInfoEXT}, x::ShaderModuleValidationCacheCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceMaintenance3Properties}, x::PhysicalDeviceMaintenance3Properties) = T(x) convert(T::Type{_PhysicalDeviceMaintenance4Features}, x::PhysicalDeviceMaintenance4Features) = T(x) convert(T::Type{_PhysicalDeviceMaintenance4Properties}, x::PhysicalDeviceMaintenance4Properties) = T(x) convert(T::Type{_DescriptorSetLayoutSupport}, x::DescriptorSetLayoutSupport) = T(x) convert(T::Type{_PhysicalDeviceShaderDrawParametersFeatures}, x::PhysicalDeviceShaderDrawParametersFeatures) = T(x) convert(T::Type{_PhysicalDeviceShaderFloat16Int8Features}, x::PhysicalDeviceShaderFloat16Int8Features) = T(x) convert(T::Type{_PhysicalDeviceFloatControlsProperties}, x::PhysicalDeviceFloatControlsProperties) = T(x) convert(T::Type{_PhysicalDeviceHostQueryResetFeatures}, x::PhysicalDeviceHostQueryResetFeatures) = T(x) convert(T::Type{_ShaderResourceUsageAMD}, x::ShaderResourceUsageAMD) = T(x) convert(T::Type{_ShaderStatisticsInfoAMD}, x::ShaderStatisticsInfoAMD) = T(x) convert(T::Type{_DeviceQueueGlobalPriorityCreateInfoKHR}, x::DeviceQueueGlobalPriorityCreateInfoKHR) = T(x) convert(T::Type{_PhysicalDeviceGlobalPriorityQueryFeaturesKHR}, x::PhysicalDeviceGlobalPriorityQueryFeaturesKHR) = T(x) convert(T::Type{_QueueFamilyGlobalPriorityPropertiesKHR}, x::QueueFamilyGlobalPriorityPropertiesKHR) = T(x) convert(T::Type{_DebugUtilsObjectNameInfoEXT}, x::DebugUtilsObjectNameInfoEXT) = T(x) convert(T::Type{_DebugUtilsObjectTagInfoEXT}, x::DebugUtilsObjectTagInfoEXT) = T(x) convert(T::Type{_DebugUtilsLabelEXT}, x::DebugUtilsLabelEXT) = T(x) convert(T::Type{_DebugUtilsMessengerCreateInfoEXT}, x::DebugUtilsMessengerCreateInfoEXT) = T(x) convert(T::Type{_DebugUtilsMessengerCallbackDataEXT}, x::DebugUtilsMessengerCallbackDataEXT) = T(x) convert(T::Type{_PhysicalDeviceDeviceMemoryReportFeaturesEXT}, x::PhysicalDeviceDeviceMemoryReportFeaturesEXT) = T(x) convert(T::Type{_DeviceDeviceMemoryReportCreateInfoEXT}, x::DeviceDeviceMemoryReportCreateInfoEXT) = T(x) convert(T::Type{_DeviceMemoryReportCallbackDataEXT}, x::DeviceMemoryReportCallbackDataEXT) = T(x) convert(T::Type{_ImportMemoryHostPointerInfoEXT}, x::ImportMemoryHostPointerInfoEXT) = T(x) convert(T::Type{_MemoryHostPointerPropertiesEXT}, x::MemoryHostPointerPropertiesEXT) = T(x) convert(T::Type{_PhysicalDeviceExternalMemoryHostPropertiesEXT}, x::PhysicalDeviceExternalMemoryHostPropertiesEXT) = T(x) convert(T::Type{_PhysicalDeviceConservativeRasterizationPropertiesEXT}, x::PhysicalDeviceConservativeRasterizationPropertiesEXT) = T(x) convert(T::Type{_CalibratedTimestampInfoEXT}, x::CalibratedTimestampInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceShaderCorePropertiesAMD}, x::PhysicalDeviceShaderCorePropertiesAMD) = T(x) convert(T::Type{_PhysicalDeviceShaderCoreProperties2AMD}, x::PhysicalDeviceShaderCoreProperties2AMD) = T(x) convert(T::Type{_PipelineRasterizationConservativeStateCreateInfoEXT}, x::PipelineRasterizationConservativeStateCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceDescriptorIndexingFeatures}, x::PhysicalDeviceDescriptorIndexingFeatures) = T(x) convert(T::Type{_PhysicalDeviceDescriptorIndexingProperties}, x::PhysicalDeviceDescriptorIndexingProperties) = T(x) convert(T::Type{_DescriptorSetLayoutBindingFlagsCreateInfo}, x::DescriptorSetLayoutBindingFlagsCreateInfo) = T(x) convert(T::Type{_DescriptorSetVariableDescriptorCountAllocateInfo}, x::DescriptorSetVariableDescriptorCountAllocateInfo) = T(x) convert(T::Type{_DescriptorSetVariableDescriptorCountLayoutSupport}, x::DescriptorSetVariableDescriptorCountLayoutSupport) = T(x) convert(T::Type{_AttachmentDescription2}, x::AttachmentDescription2) = T(x) convert(T::Type{_AttachmentReference2}, x::AttachmentReference2) = T(x) convert(T::Type{_SubpassDescription2}, x::SubpassDescription2) = T(x) convert(T::Type{_SubpassDependency2}, x::SubpassDependency2) = T(x) convert(T::Type{_RenderPassCreateInfo2}, x::RenderPassCreateInfo2) = T(x) convert(T::Type{_SubpassBeginInfo}, x::SubpassBeginInfo) = T(x) convert(T::Type{_SubpassEndInfo}, x::SubpassEndInfo) = T(x) convert(T::Type{_PhysicalDeviceTimelineSemaphoreFeatures}, x::PhysicalDeviceTimelineSemaphoreFeatures) = T(x) convert(T::Type{_PhysicalDeviceTimelineSemaphoreProperties}, x::PhysicalDeviceTimelineSemaphoreProperties) = T(x) convert(T::Type{_SemaphoreTypeCreateInfo}, x::SemaphoreTypeCreateInfo) = T(x) convert(T::Type{_TimelineSemaphoreSubmitInfo}, x::TimelineSemaphoreSubmitInfo) = T(x) convert(T::Type{_SemaphoreWaitInfo}, x::SemaphoreWaitInfo) = T(x) convert(T::Type{_SemaphoreSignalInfo}, x::SemaphoreSignalInfo) = T(x) convert(T::Type{_VertexInputBindingDivisorDescriptionEXT}, x::VertexInputBindingDivisorDescriptionEXT) = T(x) convert(T::Type{_PipelineVertexInputDivisorStateCreateInfoEXT}, x::PipelineVertexInputDivisorStateCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceVertexAttributeDivisorPropertiesEXT}, x::PhysicalDeviceVertexAttributeDivisorPropertiesEXT) = T(x) convert(T::Type{_PhysicalDevicePCIBusInfoPropertiesEXT}, x::PhysicalDevicePCIBusInfoPropertiesEXT) = T(x) convert(T::Type{_CommandBufferInheritanceConditionalRenderingInfoEXT}, x::CommandBufferInheritanceConditionalRenderingInfoEXT) = T(x) convert(T::Type{_PhysicalDevice8BitStorageFeatures}, x::PhysicalDevice8BitStorageFeatures) = T(x) convert(T::Type{_PhysicalDeviceConditionalRenderingFeaturesEXT}, x::PhysicalDeviceConditionalRenderingFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceVulkanMemoryModelFeatures}, x::PhysicalDeviceVulkanMemoryModelFeatures) = T(x) convert(T::Type{_PhysicalDeviceShaderAtomicInt64Features}, x::PhysicalDeviceShaderAtomicInt64Features) = T(x) convert(T::Type{_PhysicalDeviceShaderAtomicFloatFeaturesEXT}, x::PhysicalDeviceShaderAtomicFloatFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceShaderAtomicFloat2FeaturesEXT}, x::PhysicalDeviceShaderAtomicFloat2FeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceVertexAttributeDivisorFeaturesEXT}, x::PhysicalDeviceVertexAttributeDivisorFeaturesEXT) = T(x) convert(T::Type{_QueueFamilyCheckpointPropertiesNV}, x::QueueFamilyCheckpointPropertiesNV) = T(x) convert(T::Type{_CheckpointDataNV}, x::CheckpointDataNV) = T(x) convert(T::Type{_PhysicalDeviceDepthStencilResolveProperties}, x::PhysicalDeviceDepthStencilResolveProperties) = T(x) convert(T::Type{_SubpassDescriptionDepthStencilResolve}, x::SubpassDescriptionDepthStencilResolve) = T(x) convert(T::Type{_ImageViewASTCDecodeModeEXT}, x::ImageViewASTCDecodeModeEXT) = T(x) convert(T::Type{_PhysicalDeviceASTCDecodeFeaturesEXT}, x::PhysicalDeviceASTCDecodeFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceTransformFeedbackFeaturesEXT}, x::PhysicalDeviceTransformFeedbackFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceTransformFeedbackPropertiesEXT}, x::PhysicalDeviceTransformFeedbackPropertiesEXT) = T(x) convert(T::Type{_PipelineRasterizationStateStreamCreateInfoEXT}, x::PipelineRasterizationStateStreamCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceRepresentativeFragmentTestFeaturesNV}, x::PhysicalDeviceRepresentativeFragmentTestFeaturesNV) = T(x) convert(T::Type{_PipelineRepresentativeFragmentTestStateCreateInfoNV}, x::PipelineRepresentativeFragmentTestStateCreateInfoNV) = T(x) convert(T::Type{_PhysicalDeviceExclusiveScissorFeaturesNV}, x::PhysicalDeviceExclusiveScissorFeaturesNV) = T(x) convert(T::Type{_PipelineViewportExclusiveScissorStateCreateInfoNV}, x::PipelineViewportExclusiveScissorStateCreateInfoNV) = T(x) convert(T::Type{_PhysicalDeviceCornerSampledImageFeaturesNV}, x::PhysicalDeviceCornerSampledImageFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceComputeShaderDerivativesFeaturesNV}, x::PhysicalDeviceComputeShaderDerivativesFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceShaderImageFootprintFeaturesNV}, x::PhysicalDeviceShaderImageFootprintFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV}, x::PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceCopyMemoryIndirectFeaturesNV}, x::PhysicalDeviceCopyMemoryIndirectFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceCopyMemoryIndirectPropertiesNV}, x::PhysicalDeviceCopyMemoryIndirectPropertiesNV) = T(x) convert(T::Type{_PhysicalDeviceMemoryDecompressionFeaturesNV}, x::PhysicalDeviceMemoryDecompressionFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceMemoryDecompressionPropertiesNV}, x::PhysicalDeviceMemoryDecompressionPropertiesNV) = T(x) convert(T::Type{_ShadingRatePaletteNV}, x::ShadingRatePaletteNV) = T(x) convert(T::Type{_PipelineViewportShadingRateImageStateCreateInfoNV}, x::PipelineViewportShadingRateImageStateCreateInfoNV) = T(x) convert(T::Type{_PhysicalDeviceShadingRateImageFeaturesNV}, x::PhysicalDeviceShadingRateImageFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceShadingRateImagePropertiesNV}, x::PhysicalDeviceShadingRateImagePropertiesNV) = T(x) convert(T::Type{_PhysicalDeviceInvocationMaskFeaturesHUAWEI}, x::PhysicalDeviceInvocationMaskFeaturesHUAWEI) = T(x) convert(T::Type{_CoarseSampleLocationNV}, x::CoarseSampleLocationNV) = T(x) convert(T::Type{_CoarseSampleOrderCustomNV}, x::CoarseSampleOrderCustomNV) = T(x) convert(T::Type{_PipelineViewportCoarseSampleOrderStateCreateInfoNV}, x::PipelineViewportCoarseSampleOrderStateCreateInfoNV) = T(x) convert(T::Type{_PhysicalDeviceMeshShaderFeaturesNV}, x::PhysicalDeviceMeshShaderFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceMeshShaderPropertiesNV}, x::PhysicalDeviceMeshShaderPropertiesNV) = T(x) convert(T::Type{_DrawMeshTasksIndirectCommandNV}, x::DrawMeshTasksIndirectCommandNV) = T(x) convert(T::Type{_PhysicalDeviceMeshShaderFeaturesEXT}, x::PhysicalDeviceMeshShaderFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceMeshShaderPropertiesEXT}, x::PhysicalDeviceMeshShaderPropertiesEXT) = T(x) convert(T::Type{_DrawMeshTasksIndirectCommandEXT}, x::DrawMeshTasksIndirectCommandEXT) = T(x) convert(T::Type{_RayTracingShaderGroupCreateInfoNV}, x::RayTracingShaderGroupCreateInfoNV) = T(x) convert(T::Type{_RayTracingShaderGroupCreateInfoKHR}, x::RayTracingShaderGroupCreateInfoKHR) = T(x) convert(T::Type{_RayTracingPipelineCreateInfoNV}, x::RayTracingPipelineCreateInfoNV) = T(x) convert(T::Type{_RayTracingPipelineCreateInfoKHR}, x::RayTracingPipelineCreateInfoKHR) = T(x) convert(T::Type{_GeometryTrianglesNV}, x::GeometryTrianglesNV) = T(x) convert(T::Type{_GeometryAABBNV}, x::GeometryAABBNV) = T(x) convert(T::Type{_GeometryDataNV}, x::GeometryDataNV) = T(x) convert(T::Type{_GeometryNV}, x::GeometryNV) = T(x) convert(T::Type{_AccelerationStructureInfoNV}, x::AccelerationStructureInfoNV) = T(x) convert(T::Type{_AccelerationStructureCreateInfoNV}, x::AccelerationStructureCreateInfoNV) = T(x) convert(T::Type{_BindAccelerationStructureMemoryInfoNV}, x::BindAccelerationStructureMemoryInfoNV) = T(x) convert(T::Type{_WriteDescriptorSetAccelerationStructureKHR}, x::WriteDescriptorSetAccelerationStructureKHR) = T(x) convert(T::Type{_WriteDescriptorSetAccelerationStructureNV}, x::WriteDescriptorSetAccelerationStructureNV) = T(x) convert(T::Type{_AccelerationStructureMemoryRequirementsInfoNV}, x::AccelerationStructureMemoryRequirementsInfoNV) = T(x) convert(T::Type{_PhysicalDeviceAccelerationStructureFeaturesKHR}, x::PhysicalDeviceAccelerationStructureFeaturesKHR) = T(x) convert(T::Type{_PhysicalDeviceRayTracingPipelineFeaturesKHR}, x::PhysicalDeviceRayTracingPipelineFeaturesKHR) = T(x) convert(T::Type{_PhysicalDeviceRayQueryFeaturesKHR}, x::PhysicalDeviceRayQueryFeaturesKHR) = T(x) convert(T::Type{_PhysicalDeviceAccelerationStructurePropertiesKHR}, x::PhysicalDeviceAccelerationStructurePropertiesKHR) = T(x) convert(T::Type{_PhysicalDeviceRayTracingPipelinePropertiesKHR}, x::PhysicalDeviceRayTracingPipelinePropertiesKHR) = T(x) convert(T::Type{_PhysicalDeviceRayTracingPropertiesNV}, x::PhysicalDeviceRayTracingPropertiesNV) = T(x) convert(T::Type{_StridedDeviceAddressRegionKHR}, x::StridedDeviceAddressRegionKHR) = T(x) convert(T::Type{_TraceRaysIndirectCommandKHR}, x::TraceRaysIndirectCommandKHR) = T(x) convert(T::Type{_TraceRaysIndirectCommand2KHR}, x::TraceRaysIndirectCommand2KHR) = T(x) convert(T::Type{_PhysicalDeviceRayTracingMaintenance1FeaturesKHR}, x::PhysicalDeviceRayTracingMaintenance1FeaturesKHR) = T(x) convert(T::Type{_DrmFormatModifierPropertiesListEXT}, x::DrmFormatModifierPropertiesListEXT) = T(x) convert(T::Type{_DrmFormatModifierPropertiesEXT}, x::DrmFormatModifierPropertiesEXT) = T(x) convert(T::Type{_PhysicalDeviceImageDrmFormatModifierInfoEXT}, x::PhysicalDeviceImageDrmFormatModifierInfoEXT) = T(x) convert(T::Type{_ImageDrmFormatModifierListCreateInfoEXT}, x::ImageDrmFormatModifierListCreateInfoEXT) = T(x) convert(T::Type{_ImageDrmFormatModifierExplicitCreateInfoEXT}, x::ImageDrmFormatModifierExplicitCreateInfoEXT) = T(x) convert(T::Type{_ImageDrmFormatModifierPropertiesEXT}, x::ImageDrmFormatModifierPropertiesEXT) = T(x) convert(T::Type{_ImageStencilUsageCreateInfo}, x::ImageStencilUsageCreateInfo) = T(x) convert(T::Type{_DeviceMemoryOverallocationCreateInfoAMD}, x::DeviceMemoryOverallocationCreateInfoAMD) = T(x) convert(T::Type{_PhysicalDeviceFragmentDensityMapFeaturesEXT}, x::PhysicalDeviceFragmentDensityMapFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceFragmentDensityMap2FeaturesEXT}, x::PhysicalDeviceFragmentDensityMap2FeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM}, x::PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM) = T(x) convert(T::Type{_PhysicalDeviceFragmentDensityMapPropertiesEXT}, x::PhysicalDeviceFragmentDensityMapPropertiesEXT) = T(x) convert(T::Type{_PhysicalDeviceFragmentDensityMap2PropertiesEXT}, x::PhysicalDeviceFragmentDensityMap2PropertiesEXT) = T(x) convert(T::Type{_PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM}, x::PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM) = T(x) convert(T::Type{_RenderPassFragmentDensityMapCreateInfoEXT}, x::RenderPassFragmentDensityMapCreateInfoEXT) = T(x) convert(T::Type{_SubpassFragmentDensityMapOffsetEndInfoQCOM}, x::SubpassFragmentDensityMapOffsetEndInfoQCOM) = T(x) convert(T::Type{_PhysicalDeviceScalarBlockLayoutFeatures}, x::PhysicalDeviceScalarBlockLayoutFeatures) = T(x) convert(T::Type{_SurfaceProtectedCapabilitiesKHR}, x::SurfaceProtectedCapabilitiesKHR) = T(x) convert(T::Type{_PhysicalDeviceUniformBufferStandardLayoutFeatures}, x::PhysicalDeviceUniformBufferStandardLayoutFeatures) = T(x) convert(T::Type{_PhysicalDeviceDepthClipEnableFeaturesEXT}, x::PhysicalDeviceDepthClipEnableFeaturesEXT) = T(x) convert(T::Type{_PipelineRasterizationDepthClipStateCreateInfoEXT}, x::PipelineRasterizationDepthClipStateCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceMemoryBudgetPropertiesEXT}, x::PhysicalDeviceMemoryBudgetPropertiesEXT) = T(x) convert(T::Type{_PhysicalDeviceMemoryPriorityFeaturesEXT}, x::PhysicalDeviceMemoryPriorityFeaturesEXT) = T(x) convert(T::Type{_MemoryPriorityAllocateInfoEXT}, x::MemoryPriorityAllocateInfoEXT) = T(x) convert(T::Type{_PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT}, x::PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceBufferDeviceAddressFeatures}, x::PhysicalDeviceBufferDeviceAddressFeatures) = T(x) convert(T::Type{_PhysicalDeviceBufferDeviceAddressFeaturesEXT}, x::PhysicalDeviceBufferDeviceAddressFeaturesEXT) = T(x) convert(T::Type{_BufferDeviceAddressInfo}, x::BufferDeviceAddressInfo) = T(x) convert(T::Type{_BufferOpaqueCaptureAddressCreateInfo}, x::BufferOpaqueCaptureAddressCreateInfo) = T(x) convert(T::Type{_BufferDeviceAddressCreateInfoEXT}, x::BufferDeviceAddressCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceImageViewImageFormatInfoEXT}, x::PhysicalDeviceImageViewImageFormatInfoEXT) = T(x) convert(T::Type{_FilterCubicImageViewImageFormatPropertiesEXT}, x::FilterCubicImageViewImageFormatPropertiesEXT) = T(x) convert(T::Type{_PhysicalDeviceImagelessFramebufferFeatures}, x::PhysicalDeviceImagelessFramebufferFeatures) = T(x) convert(T::Type{_FramebufferAttachmentsCreateInfo}, x::FramebufferAttachmentsCreateInfo) = T(x) convert(T::Type{_FramebufferAttachmentImageInfo}, x::FramebufferAttachmentImageInfo) = T(x) convert(T::Type{_RenderPassAttachmentBeginInfo}, x::RenderPassAttachmentBeginInfo) = T(x) convert(T::Type{_PhysicalDeviceTextureCompressionASTCHDRFeatures}, x::PhysicalDeviceTextureCompressionASTCHDRFeatures) = T(x) convert(T::Type{_PhysicalDeviceCooperativeMatrixFeaturesNV}, x::PhysicalDeviceCooperativeMatrixFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceCooperativeMatrixPropertiesNV}, x::PhysicalDeviceCooperativeMatrixPropertiesNV) = T(x) convert(T::Type{_CooperativeMatrixPropertiesNV}, x::CooperativeMatrixPropertiesNV) = T(x) convert(T::Type{_PhysicalDeviceYcbcrImageArraysFeaturesEXT}, x::PhysicalDeviceYcbcrImageArraysFeaturesEXT) = T(x) convert(T::Type{_ImageViewHandleInfoNVX}, x::ImageViewHandleInfoNVX) = T(x) convert(T::Type{_ImageViewAddressPropertiesNVX}, x::ImageViewAddressPropertiesNVX) = T(x) convert(T::Type{_PipelineCreationFeedback}, x::PipelineCreationFeedback) = T(x) convert(T::Type{_PipelineCreationFeedbackCreateInfo}, x::PipelineCreationFeedbackCreateInfo) = T(x) convert(T::Type{_PhysicalDevicePresentBarrierFeaturesNV}, x::PhysicalDevicePresentBarrierFeaturesNV) = T(x) convert(T::Type{_SurfaceCapabilitiesPresentBarrierNV}, x::SurfaceCapabilitiesPresentBarrierNV) = T(x) convert(T::Type{_SwapchainPresentBarrierCreateInfoNV}, x::SwapchainPresentBarrierCreateInfoNV) = T(x) convert(T::Type{_PhysicalDevicePerformanceQueryFeaturesKHR}, x::PhysicalDevicePerformanceQueryFeaturesKHR) = T(x) convert(T::Type{_PhysicalDevicePerformanceQueryPropertiesKHR}, x::PhysicalDevicePerformanceQueryPropertiesKHR) = T(x) convert(T::Type{_PerformanceCounterKHR}, x::PerformanceCounterKHR) = T(x) convert(T::Type{_PerformanceCounterDescriptionKHR}, x::PerformanceCounterDescriptionKHR) = T(x) convert(T::Type{_QueryPoolPerformanceCreateInfoKHR}, x::QueryPoolPerformanceCreateInfoKHR) = T(x) convert(T::Type{_AcquireProfilingLockInfoKHR}, x::AcquireProfilingLockInfoKHR) = T(x) convert(T::Type{_PerformanceQuerySubmitInfoKHR}, x::PerformanceQuerySubmitInfoKHR) = T(x) convert(T::Type{_HeadlessSurfaceCreateInfoEXT}, x::HeadlessSurfaceCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceCoverageReductionModeFeaturesNV}, x::PhysicalDeviceCoverageReductionModeFeaturesNV) = T(x) convert(T::Type{_PipelineCoverageReductionStateCreateInfoNV}, x::PipelineCoverageReductionStateCreateInfoNV) = T(x) convert(T::Type{_FramebufferMixedSamplesCombinationNV}, x::FramebufferMixedSamplesCombinationNV) = T(x) convert(T::Type{_PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL}, x::PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL) = T(x) convert(T::Type{_PerformanceValueINTEL}, x::PerformanceValueINTEL) = T(x) convert(T::Type{_InitializePerformanceApiInfoINTEL}, x::InitializePerformanceApiInfoINTEL) = T(x) convert(T::Type{_QueryPoolPerformanceQueryCreateInfoINTEL}, x::QueryPoolPerformanceQueryCreateInfoINTEL) = T(x) convert(T::Type{_PerformanceMarkerInfoINTEL}, x::PerformanceMarkerInfoINTEL) = T(x) convert(T::Type{_PerformanceStreamMarkerInfoINTEL}, x::PerformanceStreamMarkerInfoINTEL) = T(x) convert(T::Type{_PerformanceOverrideInfoINTEL}, x::PerformanceOverrideInfoINTEL) = T(x) convert(T::Type{_PerformanceConfigurationAcquireInfoINTEL}, x::PerformanceConfigurationAcquireInfoINTEL) = T(x) convert(T::Type{_PhysicalDeviceShaderClockFeaturesKHR}, x::PhysicalDeviceShaderClockFeaturesKHR) = T(x) convert(T::Type{_PhysicalDeviceIndexTypeUint8FeaturesEXT}, x::PhysicalDeviceIndexTypeUint8FeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceShaderSMBuiltinsPropertiesNV}, x::PhysicalDeviceShaderSMBuiltinsPropertiesNV) = T(x) convert(T::Type{_PhysicalDeviceShaderSMBuiltinsFeaturesNV}, x::PhysicalDeviceShaderSMBuiltinsFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceFragmentShaderInterlockFeaturesEXT}, x::PhysicalDeviceFragmentShaderInterlockFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceSeparateDepthStencilLayoutsFeatures}, x::PhysicalDeviceSeparateDepthStencilLayoutsFeatures) = T(x) convert(T::Type{_AttachmentReferenceStencilLayout}, x::AttachmentReferenceStencilLayout) = T(x) convert(T::Type{_PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT}, x::PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT) = T(x) convert(T::Type{_AttachmentDescriptionStencilLayout}, x::AttachmentDescriptionStencilLayout) = T(x) convert(T::Type{_PhysicalDevicePipelineExecutablePropertiesFeaturesKHR}, x::PhysicalDevicePipelineExecutablePropertiesFeaturesKHR) = T(x) convert(T::Type{_PipelineInfoKHR}, x::PipelineInfoKHR) = T(x) convert(T::Type{_PipelineExecutablePropertiesKHR}, x::PipelineExecutablePropertiesKHR) = T(x) convert(T::Type{_PipelineExecutableInfoKHR}, x::PipelineExecutableInfoKHR) = T(x) convert(T::Type{_PipelineExecutableStatisticKHR}, x::PipelineExecutableStatisticKHR) = T(x) convert(T::Type{_PipelineExecutableInternalRepresentationKHR}, x::PipelineExecutableInternalRepresentationKHR) = T(x) convert(T::Type{_PhysicalDeviceShaderDemoteToHelperInvocationFeatures}, x::PhysicalDeviceShaderDemoteToHelperInvocationFeatures) = T(x) convert(T::Type{_PhysicalDeviceTexelBufferAlignmentFeaturesEXT}, x::PhysicalDeviceTexelBufferAlignmentFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceTexelBufferAlignmentProperties}, x::PhysicalDeviceTexelBufferAlignmentProperties) = T(x) convert(T::Type{_PhysicalDeviceSubgroupSizeControlFeatures}, x::PhysicalDeviceSubgroupSizeControlFeatures) = T(x) convert(T::Type{_PhysicalDeviceSubgroupSizeControlProperties}, x::PhysicalDeviceSubgroupSizeControlProperties) = T(x) convert(T::Type{_PipelineShaderStageRequiredSubgroupSizeCreateInfo}, x::PipelineShaderStageRequiredSubgroupSizeCreateInfo) = T(x) convert(T::Type{_SubpassShadingPipelineCreateInfoHUAWEI}, x::SubpassShadingPipelineCreateInfoHUAWEI) = T(x) convert(T::Type{_PhysicalDeviceSubpassShadingPropertiesHUAWEI}, x::PhysicalDeviceSubpassShadingPropertiesHUAWEI) = T(x) convert(T::Type{_PhysicalDeviceClusterCullingShaderPropertiesHUAWEI}, x::PhysicalDeviceClusterCullingShaderPropertiesHUAWEI) = T(x) convert(T::Type{_MemoryOpaqueCaptureAddressAllocateInfo}, x::MemoryOpaqueCaptureAddressAllocateInfo) = T(x) convert(T::Type{_DeviceMemoryOpaqueCaptureAddressInfo}, x::DeviceMemoryOpaqueCaptureAddressInfo) = T(x) convert(T::Type{_PhysicalDeviceLineRasterizationFeaturesEXT}, x::PhysicalDeviceLineRasterizationFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceLineRasterizationPropertiesEXT}, x::PhysicalDeviceLineRasterizationPropertiesEXT) = T(x) convert(T::Type{_PipelineRasterizationLineStateCreateInfoEXT}, x::PipelineRasterizationLineStateCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDevicePipelineCreationCacheControlFeatures}, x::PhysicalDevicePipelineCreationCacheControlFeatures) = T(x) convert(T::Type{_PhysicalDeviceVulkan11Features}, x::PhysicalDeviceVulkan11Features) = T(x) convert(T::Type{_PhysicalDeviceVulkan11Properties}, x::PhysicalDeviceVulkan11Properties) = T(x) convert(T::Type{_PhysicalDeviceVulkan12Features}, x::PhysicalDeviceVulkan12Features) = T(x) convert(T::Type{_PhysicalDeviceVulkan12Properties}, x::PhysicalDeviceVulkan12Properties) = T(x) convert(T::Type{_PhysicalDeviceVulkan13Features}, x::PhysicalDeviceVulkan13Features) = T(x) convert(T::Type{_PhysicalDeviceVulkan13Properties}, x::PhysicalDeviceVulkan13Properties) = T(x) convert(T::Type{_PipelineCompilerControlCreateInfoAMD}, x::PipelineCompilerControlCreateInfoAMD) = T(x) convert(T::Type{_PhysicalDeviceCoherentMemoryFeaturesAMD}, x::PhysicalDeviceCoherentMemoryFeaturesAMD) = T(x) convert(T::Type{_PhysicalDeviceToolProperties}, x::PhysicalDeviceToolProperties) = T(x) convert(T::Type{_SamplerCustomBorderColorCreateInfoEXT}, x::SamplerCustomBorderColorCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceCustomBorderColorPropertiesEXT}, x::PhysicalDeviceCustomBorderColorPropertiesEXT) = T(x) convert(T::Type{_PhysicalDeviceCustomBorderColorFeaturesEXT}, x::PhysicalDeviceCustomBorderColorFeaturesEXT) = T(x) convert(T::Type{_SamplerBorderColorComponentMappingCreateInfoEXT}, x::SamplerBorderColorComponentMappingCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceBorderColorSwizzleFeaturesEXT}, x::PhysicalDeviceBorderColorSwizzleFeaturesEXT) = T(x) convert(T::Type{_AccelerationStructureGeometryTrianglesDataKHR}, x::AccelerationStructureGeometryTrianglesDataKHR) = T(x) convert(T::Type{_AccelerationStructureGeometryAabbsDataKHR}, x::AccelerationStructureGeometryAabbsDataKHR) = T(x) convert(T::Type{_AccelerationStructureGeometryInstancesDataKHR}, x::AccelerationStructureGeometryInstancesDataKHR) = T(x) convert(T::Type{_AccelerationStructureGeometryKHR}, x::AccelerationStructureGeometryKHR) = T(x) convert(T::Type{_AccelerationStructureBuildGeometryInfoKHR}, x::AccelerationStructureBuildGeometryInfoKHR) = T(x) convert(T::Type{_AccelerationStructureBuildRangeInfoKHR}, x::AccelerationStructureBuildRangeInfoKHR) = T(x) convert(T::Type{_AccelerationStructureCreateInfoKHR}, x::AccelerationStructureCreateInfoKHR) = T(x) convert(T::Type{_AabbPositionsKHR}, x::AabbPositionsKHR) = T(x) convert(T::Type{_TransformMatrixKHR}, x::TransformMatrixKHR) = T(x) convert(T::Type{_AccelerationStructureInstanceKHR}, x::AccelerationStructureInstanceKHR) = T(x) convert(T::Type{_AccelerationStructureDeviceAddressInfoKHR}, x::AccelerationStructureDeviceAddressInfoKHR) = T(x) convert(T::Type{_AccelerationStructureVersionInfoKHR}, x::AccelerationStructureVersionInfoKHR) = T(x) convert(T::Type{_CopyAccelerationStructureInfoKHR}, x::CopyAccelerationStructureInfoKHR) = T(x) convert(T::Type{_CopyAccelerationStructureToMemoryInfoKHR}, x::CopyAccelerationStructureToMemoryInfoKHR) = T(x) convert(T::Type{_CopyMemoryToAccelerationStructureInfoKHR}, x::CopyMemoryToAccelerationStructureInfoKHR) = T(x) convert(T::Type{_RayTracingPipelineInterfaceCreateInfoKHR}, x::RayTracingPipelineInterfaceCreateInfoKHR) = T(x) convert(T::Type{_PipelineLibraryCreateInfoKHR}, x::PipelineLibraryCreateInfoKHR) = T(x) convert(T::Type{_PhysicalDeviceExtendedDynamicStateFeaturesEXT}, x::PhysicalDeviceExtendedDynamicStateFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceExtendedDynamicState2FeaturesEXT}, x::PhysicalDeviceExtendedDynamicState2FeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceExtendedDynamicState3FeaturesEXT}, x::PhysicalDeviceExtendedDynamicState3FeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceExtendedDynamicState3PropertiesEXT}, x::PhysicalDeviceExtendedDynamicState3PropertiesEXT) = T(x) convert(T::Type{_ColorBlendEquationEXT}, x::ColorBlendEquationEXT) = T(x) convert(T::Type{_ColorBlendAdvancedEXT}, x::ColorBlendAdvancedEXT) = T(x) convert(T::Type{_RenderPassTransformBeginInfoQCOM}, x::RenderPassTransformBeginInfoQCOM) = T(x) convert(T::Type{_CopyCommandTransformInfoQCOM}, x::CopyCommandTransformInfoQCOM) = T(x) convert(T::Type{_CommandBufferInheritanceRenderPassTransformInfoQCOM}, x::CommandBufferInheritanceRenderPassTransformInfoQCOM) = T(x) convert(T::Type{_PhysicalDeviceDiagnosticsConfigFeaturesNV}, x::PhysicalDeviceDiagnosticsConfigFeaturesNV) = T(x) convert(T::Type{_DeviceDiagnosticsConfigCreateInfoNV}, x::DeviceDiagnosticsConfigCreateInfoNV) = T(x) convert(T::Type{_PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures}, x::PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures) = T(x) convert(T::Type{_PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR}, x::PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR) = T(x) convert(T::Type{_PhysicalDeviceRobustness2FeaturesEXT}, x::PhysicalDeviceRobustness2FeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceRobustness2PropertiesEXT}, x::PhysicalDeviceRobustness2PropertiesEXT) = T(x) convert(T::Type{_PhysicalDeviceImageRobustnessFeatures}, x::PhysicalDeviceImageRobustnessFeatures) = T(x) convert(T::Type{_PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR}, x::PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR) = T(x) convert(T::Type{_PhysicalDevice4444FormatsFeaturesEXT}, x::PhysicalDevice4444FormatsFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceSubpassShadingFeaturesHUAWEI}, x::PhysicalDeviceSubpassShadingFeaturesHUAWEI) = T(x) convert(T::Type{_PhysicalDeviceClusterCullingShaderFeaturesHUAWEI}, x::PhysicalDeviceClusterCullingShaderFeaturesHUAWEI) = T(x) convert(T::Type{_BufferCopy2}, x::BufferCopy2) = T(x) convert(T::Type{_ImageCopy2}, x::ImageCopy2) = T(x) convert(T::Type{_ImageBlit2}, x::ImageBlit2) = T(x) convert(T::Type{_BufferImageCopy2}, x::BufferImageCopy2) = T(x) convert(T::Type{_ImageResolve2}, x::ImageResolve2) = T(x) convert(T::Type{_CopyBufferInfo2}, x::CopyBufferInfo2) = T(x) convert(T::Type{_CopyImageInfo2}, x::CopyImageInfo2) = T(x) convert(T::Type{_BlitImageInfo2}, x::BlitImageInfo2) = T(x) convert(T::Type{_CopyBufferToImageInfo2}, x::CopyBufferToImageInfo2) = T(x) convert(T::Type{_CopyImageToBufferInfo2}, x::CopyImageToBufferInfo2) = T(x) convert(T::Type{_ResolveImageInfo2}, x::ResolveImageInfo2) = T(x) convert(T::Type{_PhysicalDeviceShaderImageAtomicInt64FeaturesEXT}, x::PhysicalDeviceShaderImageAtomicInt64FeaturesEXT) = T(x) convert(T::Type{_FragmentShadingRateAttachmentInfoKHR}, x::FragmentShadingRateAttachmentInfoKHR) = T(x) convert(T::Type{_PipelineFragmentShadingRateStateCreateInfoKHR}, x::PipelineFragmentShadingRateStateCreateInfoKHR) = T(x) convert(T::Type{_PhysicalDeviceFragmentShadingRateFeaturesKHR}, x::PhysicalDeviceFragmentShadingRateFeaturesKHR) = T(x) convert(T::Type{_PhysicalDeviceFragmentShadingRatePropertiesKHR}, x::PhysicalDeviceFragmentShadingRatePropertiesKHR) = T(x) convert(T::Type{_PhysicalDeviceFragmentShadingRateKHR}, x::PhysicalDeviceFragmentShadingRateKHR) = T(x) convert(T::Type{_PhysicalDeviceShaderTerminateInvocationFeatures}, x::PhysicalDeviceShaderTerminateInvocationFeatures) = T(x) convert(T::Type{_PhysicalDeviceFragmentShadingRateEnumsFeaturesNV}, x::PhysicalDeviceFragmentShadingRateEnumsFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceFragmentShadingRateEnumsPropertiesNV}, x::PhysicalDeviceFragmentShadingRateEnumsPropertiesNV) = T(x) convert(T::Type{_PipelineFragmentShadingRateEnumStateCreateInfoNV}, x::PipelineFragmentShadingRateEnumStateCreateInfoNV) = T(x) convert(T::Type{_AccelerationStructureBuildSizesInfoKHR}, x::AccelerationStructureBuildSizesInfoKHR) = T(x) convert(T::Type{_PhysicalDeviceImage2DViewOf3DFeaturesEXT}, x::PhysicalDeviceImage2DViewOf3DFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceMutableDescriptorTypeFeaturesEXT}, x::PhysicalDeviceMutableDescriptorTypeFeaturesEXT) = T(x) convert(T::Type{_MutableDescriptorTypeListEXT}, x::MutableDescriptorTypeListEXT) = T(x) convert(T::Type{_MutableDescriptorTypeCreateInfoEXT}, x::MutableDescriptorTypeCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceDepthClipControlFeaturesEXT}, x::PhysicalDeviceDepthClipControlFeaturesEXT) = T(x) convert(T::Type{_PipelineViewportDepthClipControlCreateInfoEXT}, x::PipelineViewportDepthClipControlCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceVertexInputDynamicStateFeaturesEXT}, x::PhysicalDeviceVertexInputDynamicStateFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceExternalMemoryRDMAFeaturesNV}, x::PhysicalDeviceExternalMemoryRDMAFeaturesNV) = T(x) convert(T::Type{_VertexInputBindingDescription2EXT}, x::VertexInputBindingDescription2EXT) = T(x) convert(T::Type{_VertexInputAttributeDescription2EXT}, x::VertexInputAttributeDescription2EXT) = T(x) convert(T::Type{_PhysicalDeviceColorWriteEnableFeaturesEXT}, x::PhysicalDeviceColorWriteEnableFeaturesEXT) = T(x) convert(T::Type{_PipelineColorWriteCreateInfoEXT}, x::PipelineColorWriteCreateInfoEXT) = T(x) convert(T::Type{_MemoryBarrier2}, x::MemoryBarrier2) = T(x) convert(T::Type{_ImageMemoryBarrier2}, x::ImageMemoryBarrier2) = T(x) convert(T::Type{_BufferMemoryBarrier2}, x::BufferMemoryBarrier2) = T(x) convert(T::Type{_DependencyInfo}, x::DependencyInfo) = T(x) convert(T::Type{_SemaphoreSubmitInfo}, x::SemaphoreSubmitInfo) = T(x) convert(T::Type{_CommandBufferSubmitInfo}, x::CommandBufferSubmitInfo) = T(x) convert(T::Type{_SubmitInfo2}, x::SubmitInfo2) = T(x) convert(T::Type{_QueueFamilyCheckpointProperties2NV}, x::QueueFamilyCheckpointProperties2NV) = T(x) convert(T::Type{_CheckpointData2NV}, x::CheckpointData2NV) = T(x) convert(T::Type{_PhysicalDeviceSynchronization2Features}, x::PhysicalDeviceSynchronization2Features) = T(x) convert(T::Type{_PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT}, x::PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceLegacyDitheringFeaturesEXT}, x::PhysicalDeviceLegacyDitheringFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT}, x::PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT) = T(x) convert(T::Type{_SubpassResolvePerformanceQueryEXT}, x::SubpassResolvePerformanceQueryEXT) = T(x) convert(T::Type{_MultisampledRenderToSingleSampledInfoEXT}, x::MultisampledRenderToSingleSampledInfoEXT) = T(x) convert(T::Type{_PhysicalDevicePipelineProtectedAccessFeaturesEXT}, x::PhysicalDevicePipelineProtectedAccessFeaturesEXT) = T(x) convert(T::Type{_QueueFamilyVideoPropertiesKHR}, x::QueueFamilyVideoPropertiesKHR) = T(x) convert(T::Type{_QueueFamilyQueryResultStatusPropertiesKHR}, x::QueueFamilyQueryResultStatusPropertiesKHR) = T(x) convert(T::Type{_VideoProfileListInfoKHR}, x::VideoProfileListInfoKHR) = T(x) convert(T::Type{_PhysicalDeviceVideoFormatInfoKHR}, x::PhysicalDeviceVideoFormatInfoKHR) = T(x) convert(T::Type{_VideoFormatPropertiesKHR}, x::VideoFormatPropertiesKHR) = T(x) convert(T::Type{_VideoProfileInfoKHR}, x::VideoProfileInfoKHR) = T(x) convert(T::Type{_VideoCapabilitiesKHR}, x::VideoCapabilitiesKHR) = T(x) convert(T::Type{_VideoSessionMemoryRequirementsKHR}, x::VideoSessionMemoryRequirementsKHR) = T(x) convert(T::Type{_BindVideoSessionMemoryInfoKHR}, x::BindVideoSessionMemoryInfoKHR) = T(x) convert(T::Type{_VideoPictureResourceInfoKHR}, x::VideoPictureResourceInfoKHR) = T(x) convert(T::Type{_VideoReferenceSlotInfoKHR}, x::VideoReferenceSlotInfoKHR) = T(x) convert(T::Type{_VideoDecodeCapabilitiesKHR}, x::VideoDecodeCapabilitiesKHR) = T(x) convert(T::Type{_VideoDecodeUsageInfoKHR}, x::VideoDecodeUsageInfoKHR) = T(x) convert(T::Type{_VideoDecodeInfoKHR}, x::VideoDecodeInfoKHR) = T(x) convert(T::Type{_VideoDecodeH264ProfileInfoKHR}, x::VideoDecodeH264ProfileInfoKHR) = T(x) convert(T::Type{_VideoDecodeH264CapabilitiesKHR}, x::VideoDecodeH264CapabilitiesKHR) = T(x) convert(T::Type{_VideoDecodeH264SessionParametersAddInfoKHR}, x::VideoDecodeH264SessionParametersAddInfoKHR) = T(x) convert(T::Type{_VideoDecodeH264SessionParametersCreateInfoKHR}, x::VideoDecodeH264SessionParametersCreateInfoKHR) = T(x) convert(T::Type{_VideoDecodeH264PictureInfoKHR}, x::VideoDecodeH264PictureInfoKHR) = T(x) convert(T::Type{_VideoDecodeH264DpbSlotInfoKHR}, x::VideoDecodeH264DpbSlotInfoKHR) = T(x) convert(T::Type{_VideoDecodeH265ProfileInfoKHR}, x::VideoDecodeH265ProfileInfoKHR) = T(x) convert(T::Type{_VideoDecodeH265CapabilitiesKHR}, x::VideoDecodeH265CapabilitiesKHR) = T(x) convert(T::Type{_VideoDecodeH265SessionParametersAddInfoKHR}, x::VideoDecodeH265SessionParametersAddInfoKHR) = T(x) convert(T::Type{_VideoDecodeH265SessionParametersCreateInfoKHR}, x::VideoDecodeH265SessionParametersCreateInfoKHR) = T(x) convert(T::Type{_VideoDecodeH265PictureInfoKHR}, x::VideoDecodeH265PictureInfoKHR) = T(x) convert(T::Type{_VideoDecodeH265DpbSlotInfoKHR}, x::VideoDecodeH265DpbSlotInfoKHR) = T(x) convert(T::Type{_VideoSessionCreateInfoKHR}, x::VideoSessionCreateInfoKHR) = T(x) convert(T::Type{_VideoSessionParametersCreateInfoKHR}, x::VideoSessionParametersCreateInfoKHR) = T(x) convert(T::Type{_VideoSessionParametersUpdateInfoKHR}, x::VideoSessionParametersUpdateInfoKHR) = T(x) convert(T::Type{_VideoBeginCodingInfoKHR}, x::VideoBeginCodingInfoKHR) = T(x) convert(T::Type{_VideoEndCodingInfoKHR}, x::VideoEndCodingInfoKHR) = T(x) convert(T::Type{_VideoCodingControlInfoKHR}, x::VideoCodingControlInfoKHR) = T(x) convert(T::Type{_PhysicalDeviceInheritedViewportScissorFeaturesNV}, x::PhysicalDeviceInheritedViewportScissorFeaturesNV) = T(x) convert(T::Type{_CommandBufferInheritanceViewportScissorInfoNV}, x::CommandBufferInheritanceViewportScissorInfoNV) = T(x) convert(T::Type{_PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT}, x::PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceProvokingVertexFeaturesEXT}, x::PhysicalDeviceProvokingVertexFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceProvokingVertexPropertiesEXT}, x::PhysicalDeviceProvokingVertexPropertiesEXT) = T(x) convert(T::Type{_PipelineRasterizationProvokingVertexStateCreateInfoEXT}, x::PipelineRasterizationProvokingVertexStateCreateInfoEXT) = T(x) convert(T::Type{_CuModuleCreateInfoNVX}, x::CuModuleCreateInfoNVX) = T(x) convert(T::Type{_CuFunctionCreateInfoNVX}, x::CuFunctionCreateInfoNVX) = T(x) convert(T::Type{_CuLaunchInfoNVX}, x::CuLaunchInfoNVX) = T(x) convert(T::Type{_PhysicalDeviceDescriptorBufferFeaturesEXT}, x::PhysicalDeviceDescriptorBufferFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceDescriptorBufferPropertiesEXT}, x::PhysicalDeviceDescriptorBufferPropertiesEXT) = T(x) convert(T::Type{_PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT}, x::PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT) = T(x) convert(T::Type{_DescriptorAddressInfoEXT}, x::DescriptorAddressInfoEXT) = T(x) convert(T::Type{_DescriptorBufferBindingInfoEXT}, x::DescriptorBufferBindingInfoEXT) = T(x) convert(T::Type{_DescriptorBufferBindingPushDescriptorBufferHandleEXT}, x::DescriptorBufferBindingPushDescriptorBufferHandleEXT) = T(x) convert(T::Type{_DescriptorGetInfoEXT}, x::DescriptorGetInfoEXT) = T(x) convert(T::Type{_BufferCaptureDescriptorDataInfoEXT}, x::BufferCaptureDescriptorDataInfoEXT) = T(x) convert(T::Type{_ImageCaptureDescriptorDataInfoEXT}, x::ImageCaptureDescriptorDataInfoEXT) = T(x) convert(T::Type{_ImageViewCaptureDescriptorDataInfoEXT}, x::ImageViewCaptureDescriptorDataInfoEXT) = T(x) convert(T::Type{_SamplerCaptureDescriptorDataInfoEXT}, x::SamplerCaptureDescriptorDataInfoEXT) = T(x) convert(T::Type{_AccelerationStructureCaptureDescriptorDataInfoEXT}, x::AccelerationStructureCaptureDescriptorDataInfoEXT) = T(x) convert(T::Type{_OpaqueCaptureDescriptorDataCreateInfoEXT}, x::OpaqueCaptureDescriptorDataCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceShaderIntegerDotProductFeatures}, x::PhysicalDeviceShaderIntegerDotProductFeatures) = T(x) convert(T::Type{_PhysicalDeviceShaderIntegerDotProductProperties}, x::PhysicalDeviceShaderIntegerDotProductProperties) = T(x) convert(T::Type{_PhysicalDeviceDrmPropertiesEXT}, x::PhysicalDeviceDrmPropertiesEXT) = T(x) convert(T::Type{_PhysicalDeviceFragmentShaderBarycentricFeaturesKHR}, x::PhysicalDeviceFragmentShaderBarycentricFeaturesKHR) = T(x) convert(T::Type{_PhysicalDeviceFragmentShaderBarycentricPropertiesKHR}, x::PhysicalDeviceFragmentShaderBarycentricPropertiesKHR) = T(x) convert(T::Type{_PhysicalDeviceRayTracingMotionBlurFeaturesNV}, x::PhysicalDeviceRayTracingMotionBlurFeaturesNV) = T(x) convert(T::Type{_AccelerationStructureGeometryMotionTrianglesDataNV}, x::AccelerationStructureGeometryMotionTrianglesDataNV) = T(x) convert(T::Type{_AccelerationStructureMotionInfoNV}, x::AccelerationStructureMotionInfoNV) = T(x) convert(T::Type{_SRTDataNV}, x::SRTDataNV) = T(x) convert(T::Type{_AccelerationStructureSRTMotionInstanceNV}, x::AccelerationStructureSRTMotionInstanceNV) = T(x) convert(T::Type{_AccelerationStructureMatrixMotionInstanceNV}, x::AccelerationStructureMatrixMotionInstanceNV) = T(x) convert(T::Type{_AccelerationStructureMotionInstanceNV}, x::AccelerationStructureMotionInstanceNV) = T(x) convert(T::Type{_MemoryGetRemoteAddressInfoNV}, x::MemoryGetRemoteAddressInfoNV) = T(x) convert(T::Type{_PhysicalDeviceRGBA10X6FormatsFeaturesEXT}, x::PhysicalDeviceRGBA10X6FormatsFeaturesEXT) = T(x) convert(T::Type{_FormatProperties3}, x::FormatProperties3) = T(x) convert(T::Type{_DrmFormatModifierPropertiesList2EXT}, x::DrmFormatModifierPropertiesList2EXT) = T(x) convert(T::Type{_DrmFormatModifierProperties2EXT}, x::DrmFormatModifierProperties2EXT) = T(x) convert(T::Type{_PipelineRenderingCreateInfo}, x::PipelineRenderingCreateInfo) = T(x) convert(T::Type{_RenderingInfo}, x::RenderingInfo) = T(x) convert(T::Type{_RenderingAttachmentInfo}, x::RenderingAttachmentInfo) = T(x) convert(T::Type{_RenderingFragmentShadingRateAttachmentInfoKHR}, x::RenderingFragmentShadingRateAttachmentInfoKHR) = T(x) convert(T::Type{_RenderingFragmentDensityMapAttachmentInfoEXT}, x::RenderingFragmentDensityMapAttachmentInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceDynamicRenderingFeatures}, x::PhysicalDeviceDynamicRenderingFeatures) = T(x) convert(T::Type{_CommandBufferInheritanceRenderingInfo}, x::CommandBufferInheritanceRenderingInfo) = T(x) convert(T::Type{_AttachmentSampleCountInfoAMD}, x::AttachmentSampleCountInfoAMD) = T(x) convert(T::Type{_MultiviewPerViewAttributesInfoNVX}, x::MultiviewPerViewAttributesInfoNVX) = T(x) convert(T::Type{_PhysicalDeviceImageViewMinLodFeaturesEXT}, x::PhysicalDeviceImageViewMinLodFeaturesEXT) = T(x) convert(T::Type{_ImageViewMinLodCreateInfoEXT}, x::ImageViewMinLodCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT}, x::PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceLinearColorAttachmentFeaturesNV}, x::PhysicalDeviceLinearColorAttachmentFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT}, x::PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT}, x::PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT) = T(x) convert(T::Type{_GraphicsPipelineLibraryCreateInfoEXT}, x::GraphicsPipelineLibraryCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE}, x::PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE) = T(x) convert(T::Type{_DescriptorSetBindingReferenceVALVE}, x::DescriptorSetBindingReferenceVALVE) = T(x) convert(T::Type{_DescriptorSetLayoutHostMappingInfoVALVE}, x::DescriptorSetLayoutHostMappingInfoVALVE) = T(x) convert(T::Type{_PhysicalDeviceShaderModuleIdentifierFeaturesEXT}, x::PhysicalDeviceShaderModuleIdentifierFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceShaderModuleIdentifierPropertiesEXT}, x::PhysicalDeviceShaderModuleIdentifierPropertiesEXT) = T(x) convert(T::Type{_PipelineShaderStageModuleIdentifierCreateInfoEXT}, x::PipelineShaderStageModuleIdentifierCreateInfoEXT) = T(x) convert(T::Type{_ShaderModuleIdentifierEXT}, x::ShaderModuleIdentifierEXT) = T(x) convert(T::Type{_ImageCompressionControlEXT}, x::ImageCompressionControlEXT) = T(x) convert(T::Type{_PhysicalDeviceImageCompressionControlFeaturesEXT}, x::PhysicalDeviceImageCompressionControlFeaturesEXT) = T(x) convert(T::Type{_ImageCompressionPropertiesEXT}, x::ImageCompressionPropertiesEXT) = T(x) convert(T::Type{_PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT}, x::PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT) = T(x) convert(T::Type{_ImageSubresource2EXT}, x::ImageSubresource2EXT) = T(x) convert(T::Type{_SubresourceLayout2EXT}, x::SubresourceLayout2EXT) = T(x) convert(T::Type{_RenderPassCreationControlEXT}, x::RenderPassCreationControlEXT) = T(x) convert(T::Type{_RenderPassCreationFeedbackInfoEXT}, x::RenderPassCreationFeedbackInfoEXT) = T(x) convert(T::Type{_RenderPassCreationFeedbackCreateInfoEXT}, x::RenderPassCreationFeedbackCreateInfoEXT) = T(x) convert(T::Type{_RenderPassSubpassFeedbackInfoEXT}, x::RenderPassSubpassFeedbackInfoEXT) = T(x) convert(T::Type{_RenderPassSubpassFeedbackCreateInfoEXT}, x::RenderPassSubpassFeedbackCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceSubpassMergeFeedbackFeaturesEXT}, x::PhysicalDeviceSubpassMergeFeedbackFeaturesEXT) = T(x) convert(T::Type{_MicromapBuildInfoEXT}, x::MicromapBuildInfoEXT) = T(x) convert(T::Type{_MicromapCreateInfoEXT}, x::MicromapCreateInfoEXT) = T(x) convert(T::Type{_MicromapVersionInfoEXT}, x::MicromapVersionInfoEXT) = T(x) convert(T::Type{_CopyMicromapInfoEXT}, x::CopyMicromapInfoEXT) = T(x) convert(T::Type{_CopyMicromapToMemoryInfoEXT}, x::CopyMicromapToMemoryInfoEXT) = T(x) convert(T::Type{_CopyMemoryToMicromapInfoEXT}, x::CopyMemoryToMicromapInfoEXT) = T(x) convert(T::Type{_MicromapBuildSizesInfoEXT}, x::MicromapBuildSizesInfoEXT) = T(x) convert(T::Type{_MicromapUsageEXT}, x::MicromapUsageEXT) = T(x) convert(T::Type{_MicromapTriangleEXT}, x::MicromapTriangleEXT) = T(x) convert(T::Type{_PhysicalDeviceOpacityMicromapFeaturesEXT}, x::PhysicalDeviceOpacityMicromapFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceOpacityMicromapPropertiesEXT}, x::PhysicalDeviceOpacityMicromapPropertiesEXT) = T(x) convert(T::Type{_AccelerationStructureTrianglesOpacityMicromapEXT}, x::AccelerationStructureTrianglesOpacityMicromapEXT) = T(x) convert(T::Type{_PipelinePropertiesIdentifierEXT}, x::PipelinePropertiesIdentifierEXT) = T(x) convert(T::Type{_PhysicalDevicePipelinePropertiesFeaturesEXT}, x::PhysicalDevicePipelinePropertiesFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD}, x::PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD) = T(x) convert(T::Type{_PhysicalDeviceNonSeamlessCubeMapFeaturesEXT}, x::PhysicalDeviceNonSeamlessCubeMapFeaturesEXT) = T(x) convert(T::Type{_PhysicalDevicePipelineRobustnessFeaturesEXT}, x::PhysicalDevicePipelineRobustnessFeaturesEXT) = T(x) convert(T::Type{_PipelineRobustnessCreateInfoEXT}, x::PipelineRobustnessCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDevicePipelineRobustnessPropertiesEXT}, x::PhysicalDevicePipelineRobustnessPropertiesEXT) = T(x) convert(T::Type{_ImageViewSampleWeightCreateInfoQCOM}, x::ImageViewSampleWeightCreateInfoQCOM) = T(x) convert(T::Type{_PhysicalDeviceImageProcessingFeaturesQCOM}, x::PhysicalDeviceImageProcessingFeaturesQCOM) = T(x) convert(T::Type{_PhysicalDeviceImageProcessingPropertiesQCOM}, x::PhysicalDeviceImageProcessingPropertiesQCOM) = T(x) convert(T::Type{_PhysicalDeviceTilePropertiesFeaturesQCOM}, x::PhysicalDeviceTilePropertiesFeaturesQCOM) = T(x) convert(T::Type{_TilePropertiesQCOM}, x::TilePropertiesQCOM) = T(x) convert(T::Type{_PhysicalDeviceAmigoProfilingFeaturesSEC}, x::PhysicalDeviceAmigoProfilingFeaturesSEC) = T(x) convert(T::Type{_AmigoProfilingSubmitInfoSEC}, x::AmigoProfilingSubmitInfoSEC) = T(x) convert(T::Type{_PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT}, x::PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceDepthClampZeroOneFeaturesEXT}, x::PhysicalDeviceDepthClampZeroOneFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceAddressBindingReportFeaturesEXT}, x::PhysicalDeviceAddressBindingReportFeaturesEXT) = T(x) convert(T::Type{_DeviceAddressBindingCallbackDataEXT}, x::DeviceAddressBindingCallbackDataEXT) = T(x) convert(T::Type{_PhysicalDeviceOpticalFlowFeaturesNV}, x::PhysicalDeviceOpticalFlowFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceOpticalFlowPropertiesNV}, x::PhysicalDeviceOpticalFlowPropertiesNV) = T(x) convert(T::Type{_OpticalFlowImageFormatInfoNV}, x::OpticalFlowImageFormatInfoNV) = T(x) convert(T::Type{_OpticalFlowImageFormatPropertiesNV}, x::OpticalFlowImageFormatPropertiesNV) = T(x) convert(T::Type{_OpticalFlowSessionCreateInfoNV}, x::OpticalFlowSessionCreateInfoNV) = T(x) convert(T::Type{_OpticalFlowSessionCreatePrivateDataInfoNV}, x::OpticalFlowSessionCreatePrivateDataInfoNV) = T(x) convert(T::Type{_OpticalFlowExecuteInfoNV}, x::OpticalFlowExecuteInfoNV) = T(x) convert(T::Type{_PhysicalDeviceFaultFeaturesEXT}, x::PhysicalDeviceFaultFeaturesEXT) = T(x) convert(T::Type{_DeviceFaultAddressInfoEXT}, x::DeviceFaultAddressInfoEXT) = T(x) convert(T::Type{_DeviceFaultVendorInfoEXT}, x::DeviceFaultVendorInfoEXT) = T(x) convert(T::Type{_DeviceFaultCountsEXT}, x::DeviceFaultCountsEXT) = T(x) convert(T::Type{_DeviceFaultInfoEXT}, x::DeviceFaultInfoEXT) = T(x) convert(T::Type{_DeviceFaultVendorBinaryHeaderVersionOneEXT}, x::DeviceFaultVendorBinaryHeaderVersionOneEXT) = T(x) convert(T::Type{_PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT}, x::PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT) = T(x) convert(T::Type{_DecompressMemoryRegionNV}, x::DecompressMemoryRegionNV) = T(x) convert(T::Type{_PhysicalDeviceShaderCoreBuiltinsPropertiesARM}, x::PhysicalDeviceShaderCoreBuiltinsPropertiesARM) = T(x) convert(T::Type{_PhysicalDeviceShaderCoreBuiltinsFeaturesARM}, x::PhysicalDeviceShaderCoreBuiltinsFeaturesARM) = T(x) convert(T::Type{_SurfacePresentModeEXT}, x::SurfacePresentModeEXT) = T(x) convert(T::Type{_SurfacePresentScalingCapabilitiesEXT}, x::SurfacePresentScalingCapabilitiesEXT) = T(x) convert(T::Type{_SurfacePresentModeCompatibilityEXT}, x::SurfacePresentModeCompatibilityEXT) = T(x) convert(T::Type{_PhysicalDeviceSwapchainMaintenance1FeaturesEXT}, x::PhysicalDeviceSwapchainMaintenance1FeaturesEXT) = T(x) convert(T::Type{_SwapchainPresentFenceInfoEXT}, x::SwapchainPresentFenceInfoEXT) = T(x) convert(T::Type{_SwapchainPresentModesCreateInfoEXT}, x::SwapchainPresentModesCreateInfoEXT) = T(x) convert(T::Type{_SwapchainPresentModeInfoEXT}, x::SwapchainPresentModeInfoEXT) = T(x) convert(T::Type{_SwapchainPresentScalingCreateInfoEXT}, x::SwapchainPresentScalingCreateInfoEXT) = T(x) convert(T::Type{_ReleaseSwapchainImagesInfoEXT}, x::ReleaseSwapchainImagesInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceRayTracingInvocationReorderFeaturesNV}, x::PhysicalDeviceRayTracingInvocationReorderFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceRayTracingInvocationReorderPropertiesNV}, x::PhysicalDeviceRayTracingInvocationReorderPropertiesNV) = T(x) convert(T::Type{_DirectDriverLoadingInfoLUNARG}, x::DirectDriverLoadingInfoLUNARG) = T(x) convert(T::Type{_DirectDriverLoadingListLUNARG}, x::DirectDriverLoadingListLUNARG) = T(x) convert(T::Type{_PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM}, x::PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM) = T(x) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_LAYER_NOT_PRESENT` - `ERROR_EXTENSION_NOT_PRESENT` - `ERROR_INCOMPATIBLE_DRIVER` Arguments: - `create_info::_InstanceCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateInstance.html) """ function _create_instance(create_info::_InstanceCreateInfo; allocator = C_NULL)::ResultTypes.Result{Instance, VulkanError} pInstance = Ref{VkInstance}() @check @dispatch(nothing, vkCreateInstance(create_info, allocator, pInstance)) @fill_dispatch_table Instance(pInstance[], (x->_destroy_instance(x; allocator))) end """ Arguments: - `instance::Instance` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyInstance.html) """ _destroy_instance(instance; allocator = C_NULL)::Cvoid = @dispatch(instance, vkDestroyInstance(instance, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `instance::Instance` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumeratePhysicalDevices.html) """ function _enumerate_physical_devices(instance)::ResultTypes.Result{Vector{PhysicalDevice}, VulkanError} pPhysicalDeviceCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance, vkEnumeratePhysicalDevices(instance, pPhysicalDeviceCount, C_NULL)) pPhysicalDevices = Vector{VkPhysicalDevice}(undef, pPhysicalDeviceCount[]) @check @dispatch(instance, vkEnumeratePhysicalDevices(instance, pPhysicalDeviceCount, pPhysicalDevices)) end PhysicalDevice.(pPhysicalDevices, identity, instance) end """ Arguments: - `device::Device` - `name::String` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceProcAddr.html) """ _get_device_proc_addr(device, name::AbstractString)::FunctionPtr = vkGetDeviceProcAddr(device, name) """ Arguments: - `name::String` - `instance::Instance`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetInstanceProcAddr.html) """ _get_instance_proc_addr(name::AbstractString; instance = C_NULL)::FunctionPtr = vkGetInstanceProcAddr(instance, name) """ Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceProperties.html) """ function _get_physical_device_properties(physical_device)::_PhysicalDeviceProperties pProperties = Ref{VkPhysicalDeviceProperties}() @dispatch instance(physical_device) vkGetPhysicalDeviceProperties(physical_device, pProperties) from_vk(_PhysicalDeviceProperties, pProperties[]) end """ Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceQueueFamilyProperties.html) """ function _get_physical_device_queue_family_properties(physical_device)::Vector{_QueueFamilyProperties} pQueueFamilyPropertyCount = Ref{UInt32}() @dispatch instance(physical_device) vkGetPhysicalDeviceQueueFamilyProperties(physical_device, pQueueFamilyPropertyCount, C_NULL) pQueueFamilyProperties = Vector{VkQueueFamilyProperties}(undef, pQueueFamilyPropertyCount[]) @dispatch instance(physical_device) vkGetPhysicalDeviceQueueFamilyProperties(physical_device, pQueueFamilyPropertyCount, pQueueFamilyProperties) from_vk.(_QueueFamilyProperties, pQueueFamilyProperties) end """ Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceMemoryProperties.html) """ function _get_physical_device_memory_properties(physical_device)::_PhysicalDeviceMemoryProperties pMemoryProperties = Ref{VkPhysicalDeviceMemoryProperties}() @dispatch instance(physical_device) vkGetPhysicalDeviceMemoryProperties(physical_device, pMemoryProperties) from_vk(_PhysicalDeviceMemoryProperties, pMemoryProperties[]) end """ Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceFeatures.html) """ function _get_physical_device_features(physical_device)::_PhysicalDeviceFeatures pFeatures = Ref{VkPhysicalDeviceFeatures}() @dispatch instance(physical_device) vkGetPhysicalDeviceFeatures(physical_device, pFeatures) from_vk(_PhysicalDeviceFeatures, pFeatures[]) end """ Arguments: - `physical_device::PhysicalDevice` - `format::Format` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceFormatProperties.html) """ function _get_physical_device_format_properties(physical_device, format::Format)::_FormatProperties pFormatProperties = Ref{VkFormatProperties}() @dispatch instance(physical_device) vkGetPhysicalDeviceFormatProperties(physical_device, format, pFormatProperties) from_vk(_FormatProperties, pFormatProperties[]) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_FORMAT_NOT_SUPPORTED` Arguments: - `physical_device::PhysicalDevice` - `format::Format` - `type::ImageType` - `tiling::ImageTiling` - `usage::ImageUsageFlag` - `flags::ImageCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceImageFormatProperties.html) """ function _get_physical_device_image_format_properties(physical_device, format::Format, type::ImageType, tiling::ImageTiling, usage::ImageUsageFlag; flags = 0)::ResultTypes.Result{_ImageFormatProperties, VulkanError} pImageFormatProperties = Ref{VkImageFormatProperties}() @check @dispatch(instance(physical_device), vkGetPhysicalDeviceImageFormatProperties(physical_device, format, type, tiling, usage, flags, pImageFormatProperties)) from_vk(_ImageFormatProperties, pImageFormatProperties[]) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_EXTENSION_NOT_PRESENT` - `ERROR_FEATURE_NOT_PRESENT` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_DEVICE_LOST` Arguments: - `physical_device::PhysicalDevice` - `create_info::_DeviceCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDevice.html) """ function _create_device(physical_device, create_info::_DeviceCreateInfo; allocator = C_NULL)::ResultTypes.Result{Device, VulkanError} pDevice = Ref{VkDevice}() @check @dispatch(instance(physical_device), vkCreateDevice(physical_device, create_info, allocator, pDevice)) @fill_dispatch_table Device(pDevice[], (x->_destroy_device(x; allocator)), physical_device) end """ Arguments: - `device::Device` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDevice.html) """ _destroy_device(device; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyDevice(device, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumerateInstanceVersion.html) """ function _enumerate_instance_version()::ResultTypes.Result{VersionNumber, VulkanError} pApiVersion = Ref{UInt32}() @check @dispatch(nothing, vkEnumerateInstanceVersion(pApiVersion)) from_vk(VersionNumber, pApiVersion[]) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumerateInstanceLayerProperties.html) """ function _enumerate_instance_layer_properties()::ResultTypes.Result{Vector{_LayerProperties}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(nothing, vkEnumerateInstanceLayerProperties(pPropertyCount, C_NULL)) pProperties = Vector{VkLayerProperties}(undef, pPropertyCount[]) @check @dispatch(nothing, vkEnumerateInstanceLayerProperties(pPropertyCount, pProperties)) end from_vk.(_LayerProperties, pProperties) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_LAYER_NOT_PRESENT` Arguments: - `layer_name::String`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumerateInstanceExtensionProperties.html) """ function _enumerate_instance_extension_properties(; layer_name = C_NULL)::ResultTypes.Result{Vector{_ExtensionProperties}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(nothing, vkEnumerateInstanceExtensionProperties(layer_name, pPropertyCount, C_NULL)) pProperties = Vector{VkExtensionProperties}(undef, pPropertyCount[]) @check @dispatch(nothing, vkEnumerateInstanceExtensionProperties(layer_name, pPropertyCount, pProperties)) end from_vk.(_ExtensionProperties, pProperties) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumerateDeviceLayerProperties.html) """ function _enumerate_device_layer_properties(physical_device)::ResultTypes.Result{Vector{_LayerProperties}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkEnumerateDeviceLayerProperties(physical_device, pPropertyCount, C_NULL)) pProperties = Vector{VkLayerProperties}(undef, pPropertyCount[]) @check @dispatch(instance(physical_device), vkEnumerateDeviceLayerProperties(physical_device, pPropertyCount, pProperties)) end from_vk.(_LayerProperties, pProperties) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_LAYER_NOT_PRESENT` Arguments: - `physical_device::PhysicalDevice` - `layer_name::String`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumerateDeviceExtensionProperties.html) """ function _enumerate_device_extension_properties(physical_device; layer_name = C_NULL)::ResultTypes.Result{Vector{_ExtensionProperties}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkEnumerateDeviceExtensionProperties(physical_device, layer_name, pPropertyCount, C_NULL)) pProperties = Vector{VkExtensionProperties}(undef, pPropertyCount[]) @check @dispatch(instance(physical_device), vkEnumerateDeviceExtensionProperties(physical_device, layer_name, pPropertyCount, pProperties)) end from_vk.(_ExtensionProperties, pProperties) end """ Arguments: - `device::Device` - `queue_family_index::UInt32` - `queue_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceQueue.html) """ function _get_device_queue(device, queue_family_index::Integer, queue_index::Integer)::Queue pQueue = Ref{VkQueue}() @dispatch device vkGetDeviceQueue(device, queue_family_index, queue_index, pQueue) Queue(pQueue[], identity, device) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `queue::Queue` (externsync) - `submits::Vector{_SubmitInfo}` - `fence::Fence`: defaults to `C_NULL` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueSubmit.html) """ _queue_submit(queue, submits::AbstractArray; fence = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device(queue), vkQueueSubmit(queue, pointer_length(submits), submits, fence))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `queue::Queue` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueWaitIdle.html) """ _queue_wait_idle(queue)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device(queue), vkQueueWaitIdle(queue))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDeviceWaitIdle.html) """ _device_wait_idle(device)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkDeviceWaitIdle(device))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `allocate_info::_MemoryAllocateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAllocateMemory.html) """ function _allocate_memory(device, allocate_info::_MemoryAllocateInfo; allocator = C_NULL)::ResultTypes.Result{DeviceMemory, VulkanError} pMemory = Ref{VkDeviceMemory}() @check @dispatch(device, vkAllocateMemory(device, allocate_info, allocator, pMemory)) DeviceMemory(pMemory[], begin parent = Vk.handle(device) x->_free_memory(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `memory::DeviceMemory` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkFreeMemory.html) """ _free_memory(device, memory; allocator = C_NULL)::Cvoid = @dispatch(device, vkFreeMemory(device, memory, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_MEMORY_MAP_FAILED` Arguments: - `device::Device` - `memory::DeviceMemory` (externsync) - `offset::UInt64` - `size::UInt64` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkMapMemory.html) """ function _map_memory(device, memory, offset::Integer, size::Integer; flags = 0)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} ppData = Ref{Ptr{Cvoid}}() @check @dispatch(device, vkMapMemory(device, memory, offset, size, flags, ppData)) ppData[] end """ Arguments: - `device::Device` - `memory::DeviceMemory` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkUnmapMemory.html) """ _unmap_memory(device, memory)::Cvoid = @dispatch(device, vkUnmapMemory(device, memory)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `memory_ranges::Vector{_MappedMemoryRange}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkFlushMappedMemoryRanges.html) """ _flush_mapped_memory_ranges(device, memory_ranges::AbstractArray)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkFlushMappedMemoryRanges(device, pointer_length(memory_ranges), memory_ranges))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `memory_ranges::Vector{_MappedMemoryRange}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkInvalidateMappedMemoryRanges.html) """ _invalidate_mapped_memory_ranges(device, memory_ranges::AbstractArray)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkInvalidateMappedMemoryRanges(device, pointer_length(memory_ranges), memory_ranges))) """ Arguments: - `device::Device` - `memory::DeviceMemory` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceMemoryCommitment.html) """ function _get_device_memory_commitment(device, memory)::UInt64 pCommittedMemoryInBytes = Ref{VkDeviceSize}() @dispatch device vkGetDeviceMemoryCommitment(device, memory, pCommittedMemoryInBytes) pCommittedMemoryInBytes[] end """ Arguments: - `device::Device` - `buffer::Buffer` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetBufferMemoryRequirements.html) """ function _get_buffer_memory_requirements(device, buffer)::_MemoryRequirements pMemoryRequirements = Ref{VkMemoryRequirements}() @dispatch device vkGetBufferMemoryRequirements(device, buffer, pMemoryRequirements) from_vk(_MemoryRequirements, pMemoryRequirements[]) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `buffer::Buffer` (externsync) - `memory::DeviceMemory` - `memory_offset::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindBufferMemory.html) """ _bind_buffer_memory(device, buffer, memory, memory_offset::Integer)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkBindBufferMemory(device, buffer, memory, memory_offset))) """ Arguments: - `device::Device` - `image::Image` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageMemoryRequirements.html) """ function _get_image_memory_requirements(device, image)::_MemoryRequirements pMemoryRequirements = Ref{VkMemoryRequirements}() @dispatch device vkGetImageMemoryRequirements(device, image, pMemoryRequirements) from_vk(_MemoryRequirements, pMemoryRequirements[]) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `image::Image` (externsync) - `memory::DeviceMemory` - `memory_offset::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindImageMemory.html) """ _bind_image_memory(device, image, memory, memory_offset::Integer)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkBindImageMemory(device, image, memory, memory_offset))) """ Arguments: - `device::Device` - `image::Image` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageSparseMemoryRequirements.html) """ function _get_image_sparse_memory_requirements(device, image)::Vector{_SparseImageMemoryRequirements} pSparseMemoryRequirementCount = Ref{UInt32}() @dispatch device vkGetImageSparseMemoryRequirements(device, image, pSparseMemoryRequirementCount, C_NULL) pSparseMemoryRequirements = Vector{VkSparseImageMemoryRequirements}(undef, pSparseMemoryRequirementCount[]) @dispatch device vkGetImageSparseMemoryRequirements(device, image, pSparseMemoryRequirementCount, pSparseMemoryRequirements) from_vk.(_SparseImageMemoryRequirements, pSparseMemoryRequirements) end """ Arguments: - `physical_device::PhysicalDevice` - `format::Format` - `type::ImageType` - `samples::SampleCountFlag` - `usage::ImageUsageFlag` - `tiling::ImageTiling` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSparseImageFormatProperties.html) """ function _get_physical_device_sparse_image_format_properties(physical_device, format::Format, type::ImageType, samples::SampleCountFlag, usage::ImageUsageFlag, tiling::ImageTiling)::Vector{_SparseImageFormatProperties} pPropertyCount = Ref{UInt32}() @dispatch instance(physical_device) vkGetPhysicalDeviceSparseImageFormatProperties(physical_device, format, type, VkSampleCountFlagBits(samples.val), usage, tiling, pPropertyCount, C_NULL) pProperties = Vector{VkSparseImageFormatProperties}(undef, pPropertyCount[]) @dispatch instance(physical_device) vkGetPhysicalDeviceSparseImageFormatProperties(physical_device, format, type, VkSampleCountFlagBits(samples.val), usage, tiling, pPropertyCount, pProperties) from_vk.(_SparseImageFormatProperties, pProperties) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `queue::Queue` (externsync) - `bind_info::Vector{_BindSparseInfo}` - `fence::Fence`: defaults to `C_NULL` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueBindSparse.html) """ _queue_bind_sparse(queue, bind_info::AbstractArray; fence = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device(queue), vkQueueBindSparse(queue, pointer_length(bind_info), bind_info, fence))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_FenceCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateFence.html) """ function _create_fence(device, create_info::_FenceCreateInfo; allocator = C_NULL)::ResultTypes.Result{Fence, VulkanError} pFence = Ref{VkFence}() @check @dispatch(device, vkCreateFence(device, create_info, allocator, pFence)) Fence(pFence[], begin parent = Vk.handle(device) x->_destroy_fence(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `fence::Fence` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyFence.html) """ _destroy_fence(device, fence; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyFence(device, fence, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `fences::Vector{Fence}` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkResetFences.html) """ _reset_fences(device, fences::AbstractArray)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkResetFences(device, pointer_length(fences), fences))) """ Return codes: - `SUCCESS` - `NOT_READY` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` - `fence::Fence` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetFenceStatus.html) """ _get_fence_status(device, fence)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkGetFenceStatus(device, fence))) """ Return codes: - `SUCCESS` - `TIMEOUT` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` - `fences::Vector{Fence}` - `wait_all::Bool` - `timeout::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkWaitForFences.html) """ _wait_for_fences(device, fences::AbstractArray, wait_all::Bool, timeout::Integer)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkWaitForFences(device, pointer_length(fences), fences, wait_all, timeout))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_SemaphoreCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSemaphore.html) """ function _create_semaphore(device, create_info::_SemaphoreCreateInfo; allocator = C_NULL)::ResultTypes.Result{Semaphore, VulkanError} pSemaphore = Ref{VkSemaphore}() @check @dispatch(device, vkCreateSemaphore(device, create_info, allocator, pSemaphore)) Semaphore(pSemaphore[], begin parent = Vk.handle(device) x->_destroy_semaphore(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `semaphore::Semaphore` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroySemaphore.html) """ _destroy_semaphore(device, semaphore; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroySemaphore(device, semaphore, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_EventCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateEvent.html) """ function _create_event(device, create_info::_EventCreateInfo; allocator = C_NULL)::ResultTypes.Result{Event, VulkanError} pEvent = Ref{VkEvent}() @check @dispatch(device, vkCreateEvent(device, create_info, allocator, pEvent)) Event(pEvent[], begin parent = Vk.handle(device) x->_destroy_event(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `event::Event` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyEvent.html) """ _destroy_event(device, event; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyEvent(device, event, allocator)) """ Return codes: - `EVENT_SET` - `EVENT_RESET` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` - `event::Event` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetEventStatus.html) """ _get_event_status(device, event)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkGetEventStatus(device, event))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `event::Event` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetEvent.html) """ _set_event(device, event)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkSetEvent(device, event))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `event::Event` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkResetEvent.html) """ _reset_event(device, event)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkResetEvent(device, event))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_QueryPoolCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateQueryPool.html) """ function _create_query_pool(device, create_info::_QueryPoolCreateInfo; allocator = C_NULL)::ResultTypes.Result{QueryPool, VulkanError} pQueryPool = Ref{VkQueryPool}() @check @dispatch(device, vkCreateQueryPool(device, create_info, allocator, pQueryPool)) QueryPool(pQueryPool[], begin parent = Vk.handle(device) x->_destroy_query_pool(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `query_pool::QueryPool` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyQueryPool.html) """ _destroy_query_pool(device, query_pool; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyQueryPool(device, query_pool, allocator)) """ Return codes: - `SUCCESS` - `NOT_READY` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` - `query_pool::QueryPool` - `first_query::UInt32` - `query_count::UInt32` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) - `stride::UInt64` - `flags::QueryResultFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetQueryPoolResults.html) """ _get_query_pool_results(device, query_pool, first_query::Integer, query_count::Integer, data_size::Integer, data::Ptr{Cvoid}, stride::Integer; flags = 0)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkGetQueryPoolResults(device, query_pool, first_query, query_count, data_size, data, stride, flags))) """ Arguments: - `device::Device` - `query_pool::QueryPool` - `first_query::UInt32` - `query_count::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkResetQueryPool.html) """ _reset_query_pool(device, query_pool, first_query::Integer, query_count::Integer)::Cvoid = @dispatch(device, vkResetQueryPool(device, query_pool, first_query, query_count)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `create_info::_BufferCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateBuffer.html) """ function _create_buffer(device, create_info::_BufferCreateInfo; allocator = C_NULL)::ResultTypes.Result{Buffer, VulkanError} pBuffer = Ref{VkBuffer}() @check @dispatch(device, vkCreateBuffer(device, create_info, allocator, pBuffer)) Buffer(pBuffer[], begin parent = Vk.handle(device) x->_destroy_buffer(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `buffer::Buffer` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyBuffer.html) """ _destroy_buffer(device, buffer; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyBuffer(device, buffer, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_BufferViewCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateBufferView.html) """ function _create_buffer_view(device, create_info::_BufferViewCreateInfo; allocator = C_NULL)::ResultTypes.Result{BufferView, VulkanError} pView = Ref{VkBufferView}() @check @dispatch(device, vkCreateBufferView(device, create_info, allocator, pView)) BufferView(pView[], begin parent = Vk.handle(device) x->_destroy_buffer_view(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `buffer_view::BufferView` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyBufferView.html) """ _destroy_buffer_view(device, buffer_view; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyBufferView(device, buffer_view, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_COMPRESSION_EXHAUSTED_EXT` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `create_info::_ImageCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateImage.html) """ function _create_image(device, create_info::_ImageCreateInfo; allocator = C_NULL)::ResultTypes.Result{Image, VulkanError} pImage = Ref{VkImage}() @check @dispatch(device, vkCreateImage(device, create_info, allocator, pImage)) Image(pImage[], begin parent = Vk.handle(device) x->_destroy_image(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `image::Image` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyImage.html) """ _destroy_image(device, image; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyImage(device, image, allocator)) """ Arguments: - `device::Device` - `image::Image` - `subresource::_ImageSubresource` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageSubresourceLayout.html) """ function _get_image_subresource_layout(device, image, subresource::_ImageSubresource)::_SubresourceLayout pLayout = Ref{VkSubresourceLayout}() @dispatch device vkGetImageSubresourceLayout(device, image, subresource, pLayout) from_vk(_SubresourceLayout, pLayout[]) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `create_info::_ImageViewCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateImageView.html) """ function _create_image_view(device, create_info::_ImageViewCreateInfo; allocator = C_NULL)::ResultTypes.Result{ImageView, VulkanError} pView = Ref{VkImageView}() @check @dispatch(device, vkCreateImageView(device, create_info, allocator, pView)) ImageView(pView[], begin parent = Vk.handle(device) x->_destroy_image_view(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `image_view::ImageView` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyImageView.html) """ _destroy_image_view(device, image_view; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyImageView(device, image_view, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_SHADER_NV` Arguments: - `device::Device` - `create_info::_ShaderModuleCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateShaderModule.html) """ function _create_shader_module(device, create_info::_ShaderModuleCreateInfo; allocator = C_NULL)::ResultTypes.Result{ShaderModule, VulkanError} pShaderModule = Ref{VkShaderModule}() @check @dispatch(device, vkCreateShaderModule(device, create_info, allocator, pShaderModule)) ShaderModule(pShaderModule[], begin parent = Vk.handle(device) x->_destroy_shader_module(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `shader_module::ShaderModule` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyShaderModule.html) """ _destroy_shader_module(device, shader_module; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyShaderModule(device, shader_module, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_PipelineCacheCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePipelineCache.html) """ function _create_pipeline_cache(device, create_info::_PipelineCacheCreateInfo; allocator = C_NULL)::ResultTypes.Result{PipelineCache, VulkanError} pPipelineCache = Ref{VkPipelineCache}() @check @dispatch(device, vkCreatePipelineCache(device, create_info, allocator, pPipelineCache)) PipelineCache(pPipelineCache[], begin parent = Vk.handle(device) x->_destroy_pipeline_cache(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `pipeline_cache::PipelineCache` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyPipelineCache.html) """ _destroy_pipeline_cache(device, pipeline_cache; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyPipelineCache(device, pipeline_cache, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `pipeline_cache::PipelineCache` !!! warning The pointer returned by this function holds memory owned by Julia. It is therefore **your** responsibility to free it after use (e.g. with `Libc.free`). [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPipelineCacheData.html) """ function _get_pipeline_cache_data(device, pipeline_cache)::ResultTypes.Result{Tuple{UInt, Ptr{Cvoid}}, VulkanError} pDataSize = Ref{UInt}() @repeat_while_incomplete begin @check @dispatch(device, vkGetPipelineCacheData(device, pipeline_cache, pDataSize, C_NULL)) pData = Libc.malloc(pDataSize[]) @check @dispatch(device, vkGetPipelineCacheData(device, pipeline_cache, pDataSize, pData)) if _return_code == VK_INCOMPLETE Libc.free(pData) end end (pDataSize[], pData) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `dst_cache::PipelineCache` (externsync) - `src_caches::Vector{PipelineCache}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkMergePipelineCaches.html) """ _merge_pipeline_caches(device, dst_cache, src_caches::AbstractArray)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkMergePipelineCaches(device, dst_cache, pointer_length(src_caches), src_caches))) """ Return codes: - `SUCCESS` - `PIPELINE_COMPILE_REQUIRED_EXT` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_SHADER_NV` Arguments: - `device::Device` - `create_infos::Vector{_GraphicsPipelineCreateInfo}` - `pipeline_cache::PipelineCache`: defaults to `C_NULL` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateGraphicsPipelines.html) """ function _create_graphics_pipelines(device, create_infos::AbstractArray; pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} pPipelines = Vector{VkPipeline}(undef, pointer_length(create_infos)) @check @dispatch(device, vkCreateGraphicsPipelines(device, pipeline_cache, pointer_length(create_infos), create_infos, allocator, pPipelines)) (Pipeline.(pPipelines, begin parent = Vk.handle(device) x->_destroy_pipeline(parent, x; allocator) end, device), _return_code) end """ Return codes: - `SUCCESS` - `PIPELINE_COMPILE_REQUIRED_EXT` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_SHADER_NV` Arguments: - `device::Device` - `create_infos::Vector{_ComputePipelineCreateInfo}` - `pipeline_cache::PipelineCache`: defaults to `C_NULL` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateComputePipelines.html) """ function _create_compute_pipelines(device, create_infos::AbstractArray; pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} pPipelines = Vector{VkPipeline}(undef, pointer_length(create_infos)) @check @dispatch(device, vkCreateComputePipelines(device, pipeline_cache, pointer_length(create_infos), create_infos, allocator, pPipelines)) (Pipeline.(pPipelines, begin parent = Vk.handle(device) x->_destroy_pipeline(parent, x; allocator) end, device), _return_code) end """ Extension: VK\\_HUAWEI\\_subpass\\_shading Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `renderpass::RenderPass` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceSubpassShadingMaxWorkgroupSizeHUAWEI.html) """ function _get_device_subpass_shading_max_workgroup_size_huawei(device, renderpass)::ResultTypes.Result{_Extent2D, VulkanError} pMaxWorkgroupSize = Ref{VkExtent2D}() @check @dispatch(device, vkGetDeviceSubpassShadingMaxWorkgroupSizeHUAWEI(device, renderpass, pMaxWorkgroupSize)) from_vk(_Extent2D, pMaxWorkgroupSize[]) end """ Arguments: - `device::Device` - `pipeline::Pipeline` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyPipeline.html) """ _destroy_pipeline(device, pipeline; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyPipeline(device, pipeline, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_PipelineLayoutCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePipelineLayout.html) """ function _create_pipeline_layout(device, create_info::_PipelineLayoutCreateInfo; allocator = C_NULL)::ResultTypes.Result{PipelineLayout, VulkanError} pPipelineLayout = Ref{VkPipelineLayout}() @check @dispatch(device, vkCreatePipelineLayout(device, create_info, allocator, pPipelineLayout)) PipelineLayout(pPipelineLayout[], begin parent = Vk.handle(device) x->_destroy_pipeline_layout(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `pipeline_layout::PipelineLayout` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyPipelineLayout.html) """ _destroy_pipeline_layout(device, pipeline_layout; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyPipelineLayout(device, pipeline_layout, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `create_info::_SamplerCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSampler.html) """ function _create_sampler(device, create_info::_SamplerCreateInfo; allocator = C_NULL)::ResultTypes.Result{Sampler, VulkanError} pSampler = Ref{VkSampler}() @check @dispatch(device, vkCreateSampler(device, create_info, allocator, pSampler)) Sampler(pSampler[], begin parent = Vk.handle(device) x->_destroy_sampler(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `sampler::Sampler` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroySampler.html) """ _destroy_sampler(device, sampler; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroySampler(device, sampler, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_DescriptorSetLayoutCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorSetLayout.html) """ function _create_descriptor_set_layout(device, create_info::_DescriptorSetLayoutCreateInfo; allocator = C_NULL)::ResultTypes.Result{DescriptorSetLayout, VulkanError} pSetLayout = Ref{VkDescriptorSetLayout}() @check @dispatch(device, vkCreateDescriptorSetLayout(device, create_info, allocator, pSetLayout)) DescriptorSetLayout(pSetLayout[], begin parent = Vk.handle(device) x->_destroy_descriptor_set_layout(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `descriptor_set_layout::DescriptorSetLayout` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDescriptorSetLayout.html) """ _destroy_descriptor_set_layout(device, descriptor_set_layout; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyDescriptorSetLayout(device, descriptor_set_layout, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_FRAGMENTATION_EXT` Arguments: - `device::Device` - `create_info::_DescriptorPoolCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorPool.html) """ function _create_descriptor_pool(device, create_info::_DescriptorPoolCreateInfo; allocator = C_NULL)::ResultTypes.Result{DescriptorPool, VulkanError} pDescriptorPool = Ref{VkDescriptorPool}() @check @dispatch(device, vkCreateDescriptorPool(device, create_info, allocator, pDescriptorPool)) DescriptorPool(pDescriptorPool[], begin parent = Vk.handle(device) x->_destroy_descriptor_pool(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `descriptor_pool::DescriptorPool` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDescriptorPool.html) """ _destroy_descriptor_pool(device, descriptor_pool; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyDescriptorPool(device, descriptor_pool, allocator)) """ Arguments: - `device::Device` - `descriptor_pool::DescriptorPool` (externsync) - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkResetDescriptorPool.html) """ function _reset_descriptor_pool(device, descriptor_pool; flags = 0)::Nothing @dispatch device vkResetDescriptorPool(device, descriptor_pool, flags) nothing end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_FRAGMENTED_POOL` - `ERROR_OUT_OF_POOL_MEMORY` Arguments: - `device::Device` - `allocate_info::_DescriptorSetAllocateInfo` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAllocateDescriptorSets.html) """ function _allocate_descriptor_sets(device, allocate_info::_DescriptorSetAllocateInfo)::ResultTypes.Result{Vector{DescriptorSet}, VulkanError} pDescriptorSets = Vector{VkDescriptorSet}(undef, allocate_info.vks.descriptorSetCount) @check @dispatch(device, vkAllocateDescriptorSets(device, allocate_info, pDescriptorSets)) DescriptorSet.(pDescriptorSets, identity, getproperty(allocate_info, :descriptor_pool)) end """ Arguments: - `device::Device` - `descriptor_pool::DescriptorPool` (externsync) - `descriptor_sets::Vector{DescriptorSet}` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkFreeDescriptorSets.html) """ function _free_descriptor_sets(device, descriptor_pool, descriptor_sets::AbstractArray)::Nothing @dispatch device vkFreeDescriptorSets(device, descriptor_pool, pointer_length(descriptor_sets), descriptor_sets) nothing end """ Arguments: - `device::Device` - `descriptor_writes::Vector{_WriteDescriptorSet}` - `descriptor_copies::Vector{_CopyDescriptorSet}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkUpdateDescriptorSets.html) """ _update_descriptor_sets(device, descriptor_writes::AbstractArray, descriptor_copies::AbstractArray)::Cvoid = @dispatch(device, vkUpdateDescriptorSets(device, pointer_length(descriptor_writes), descriptor_writes, pointer_length(descriptor_copies), descriptor_copies)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_FramebufferCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateFramebuffer.html) """ function _create_framebuffer(device, create_info::_FramebufferCreateInfo; allocator = C_NULL)::ResultTypes.Result{Framebuffer, VulkanError} pFramebuffer = Ref{VkFramebuffer}() @check @dispatch(device, vkCreateFramebuffer(device, create_info, allocator, pFramebuffer)) Framebuffer(pFramebuffer[], begin parent = Vk.handle(device) x->_destroy_framebuffer(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `framebuffer::Framebuffer` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyFramebuffer.html) """ _destroy_framebuffer(device, framebuffer; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyFramebuffer(device, framebuffer, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_RenderPassCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRenderPass.html) """ function _create_render_pass(device, create_info::_RenderPassCreateInfo; allocator = C_NULL)::ResultTypes.Result{RenderPass, VulkanError} pRenderPass = Ref{VkRenderPass}() @check @dispatch(device, vkCreateRenderPass(device, create_info, allocator, pRenderPass)) RenderPass(pRenderPass[], begin parent = Vk.handle(device) x->_destroy_render_pass(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `render_pass::RenderPass` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyRenderPass.html) """ _destroy_render_pass(device, render_pass; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyRenderPass(device, render_pass, allocator)) """ Arguments: - `device::Device` - `render_pass::RenderPass` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetRenderAreaGranularity.html) """ function _get_render_area_granularity(device, render_pass)::_Extent2D pGranularity = Ref{VkExtent2D}() @dispatch device vkGetRenderAreaGranularity(device, render_pass, pGranularity) from_vk(_Extent2D, pGranularity[]) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_CommandPoolCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCommandPool.html) """ function _create_command_pool(device, create_info::_CommandPoolCreateInfo; allocator = C_NULL)::ResultTypes.Result{CommandPool, VulkanError} pCommandPool = Ref{VkCommandPool}() @check @dispatch(device, vkCreateCommandPool(device, create_info, allocator, pCommandPool)) CommandPool(pCommandPool[], begin parent = Vk.handle(device) x->_destroy_command_pool(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `command_pool::CommandPool` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyCommandPool.html) """ _destroy_command_pool(device, command_pool; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyCommandPool(device, command_pool, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `command_pool::CommandPool` (externsync) - `flags::CommandPoolResetFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkResetCommandPool.html) """ _reset_command_pool(device, command_pool; flags = 0)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkResetCommandPool(device, command_pool, flags))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `allocate_info::_CommandBufferAllocateInfo` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAllocateCommandBuffers.html) """ function _allocate_command_buffers(device, allocate_info::_CommandBufferAllocateInfo)::ResultTypes.Result{Vector{CommandBuffer}, VulkanError} pCommandBuffers = Vector{VkCommandBuffer}(undef, allocate_info.vks.commandBufferCount) @check @dispatch(device, vkAllocateCommandBuffers(device, allocate_info, pCommandBuffers)) CommandBuffer.(pCommandBuffers, identity, getproperty(allocate_info, :command_pool)) end """ Arguments: - `device::Device` - `command_pool::CommandPool` (externsync) - `command_buffers::Vector{CommandBuffer}` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkFreeCommandBuffers.html) """ _free_command_buffers(device, command_pool, command_buffers::AbstractArray)::Cvoid = @dispatch(device, vkFreeCommandBuffers(device, command_pool, pointer_length(command_buffers), command_buffers)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `command_buffer::CommandBuffer` (externsync) - `begin_info::_CommandBufferBeginInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBeginCommandBuffer.html) """ _begin_command_buffer(command_buffer, begin_info::_CommandBufferBeginInfo)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device(command_buffer), vkBeginCommandBuffer(command_buffer, begin_info))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEndCommandBuffer.html) """ _end_command_buffer(command_buffer)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device(command_buffer), vkEndCommandBuffer(command_buffer))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `command_buffer::CommandBuffer` (externsync) - `flags::CommandBufferResetFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkResetCommandBuffer.html) """ _reset_command_buffer(command_buffer; flags = 0)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device(command_buffer), vkResetCommandBuffer(command_buffer, flags))) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_bind_point::PipelineBindPoint` - `pipeline::Pipeline` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindPipeline.html) """ _cmd_bind_pipeline(command_buffer, pipeline_bind_point::PipelineBindPoint, pipeline)::Cvoid = @dispatch(device(command_buffer), vkCmdBindPipeline(command_buffer, pipeline_bind_point, pipeline)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `viewports::Vector{_Viewport}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetViewport.html) """ _cmd_set_viewport(command_buffer, viewports::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetViewport(command_buffer, 0, pointer_length(viewports), viewports)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `scissors::Vector{_Rect2D}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetScissor.html) """ _cmd_set_scissor(command_buffer, scissors::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetScissor(command_buffer, 0, pointer_length(scissors), scissors)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `line_width::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetLineWidth.html) """ _cmd_set_line_width(command_buffer, line_width::Real)::Cvoid = @dispatch(device(command_buffer), vkCmdSetLineWidth(command_buffer, line_width)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_bias_constant_factor::Float32` - `depth_bias_clamp::Float32` - `depth_bias_slope_factor::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthBias.html) """ _cmd_set_depth_bias(command_buffer, depth_bias_constant_factor::Real, depth_bias_clamp::Real, depth_bias_slope_factor::Real)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDepthBias(command_buffer, depth_bias_constant_factor, depth_bias_clamp, depth_bias_slope_factor)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `blend_constants::NTuple{4, Float32}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetBlendConstants.html) """ _cmd_set_blend_constants(command_buffer, blend_constants::NTuple{4, Float32})::Cvoid = @dispatch(device(command_buffer), vkCmdSetBlendConstants(command_buffer, blend_constants)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `min_depth_bounds::Float32` - `max_depth_bounds::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthBounds.html) """ _cmd_set_depth_bounds(command_buffer, min_depth_bounds::Real, max_depth_bounds::Real)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDepthBounds(command_buffer, min_depth_bounds, max_depth_bounds)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `face_mask::StencilFaceFlag` - `compare_mask::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetStencilCompareMask.html) """ _cmd_set_stencil_compare_mask(command_buffer, face_mask::StencilFaceFlag, compare_mask::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdSetStencilCompareMask(command_buffer, face_mask, compare_mask)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `face_mask::StencilFaceFlag` - `write_mask::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetStencilWriteMask.html) """ _cmd_set_stencil_write_mask(command_buffer, face_mask::StencilFaceFlag, write_mask::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdSetStencilWriteMask(command_buffer, face_mask, write_mask)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `face_mask::StencilFaceFlag` - `reference::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetStencilReference.html) """ _cmd_set_stencil_reference(command_buffer, face_mask::StencilFaceFlag, reference::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdSetStencilReference(command_buffer, face_mask, reference)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_bind_point::PipelineBindPoint` - `layout::PipelineLayout` - `first_set::UInt32` - `descriptor_sets::Vector{DescriptorSet}` - `dynamic_offsets::Vector{UInt32}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindDescriptorSets.html) """ _cmd_bind_descriptor_sets(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, first_set::Integer, descriptor_sets::AbstractArray, dynamic_offsets::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdBindDescriptorSets(command_buffer, pipeline_bind_point, layout, first_set, pointer_length(descriptor_sets), descriptor_sets, pointer_length(dynamic_offsets), dynamic_offsets)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `index_type::IndexType` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindIndexBuffer.html) """ _cmd_bind_index_buffer(command_buffer, buffer, offset::Integer, index_type::IndexType)::Cvoid = @dispatch(device(command_buffer), vkCmdBindIndexBuffer(command_buffer, buffer, offset, index_type)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffers::Vector{Buffer}` - `offsets::Vector{UInt64}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindVertexBuffers.html) """ _cmd_bind_vertex_buffers(command_buffer, buffers::AbstractArray, offsets::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdBindVertexBuffers(command_buffer, 0, pointer_length(buffers), buffers, offsets)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `vertex_count::UInt32` - `instance_count::UInt32` - `first_vertex::UInt32` - `first_instance::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDraw.html) """ _cmd_draw(command_buffer, vertex_count::Integer, instance_count::Integer, first_vertex::Integer, first_instance::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDraw(command_buffer, vertex_count, instance_count, first_vertex, first_instance)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `index_count::UInt32` - `instance_count::UInt32` - `first_index::UInt32` - `vertex_offset::Int32` - `first_instance::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawIndexed.html) """ _cmd_draw_indexed(command_buffer, index_count::Integer, instance_count::Integer, first_index::Integer, vertex_offset::Integer, first_instance::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawIndexed(command_buffer, index_count, instance_count, first_index, vertex_offset, first_instance)) """ Extension: VK\\_EXT\\_multi\\_draw Arguments: - `command_buffer::CommandBuffer` (externsync) - `vertex_info::Vector{_MultiDrawInfoEXT}` - `instance_count::UInt32` - `first_instance::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMultiEXT.html) """ _cmd_draw_multi_ext(command_buffer, vertex_info::AbstractArray, instance_count::Integer, first_instance::Integer, stride::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawMultiEXT(command_buffer, pointer_length(vertex_info), vertex_info, instance_count, first_instance, stride)) """ Extension: VK\\_EXT\\_multi\\_draw Arguments: - `command_buffer::CommandBuffer` (externsync) - `index_info::Vector{_MultiDrawIndexedInfoEXT}` - `instance_count::UInt32` - `first_instance::UInt32` - `stride::UInt32` - `vertex_offset::Int32`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMultiIndexedEXT.html) """ _cmd_draw_multi_indexed_ext(command_buffer, index_info::AbstractArray, instance_count::Integer, first_instance::Integer, stride::Integer; vertex_offset = C_NULL)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawMultiIndexedEXT(command_buffer, pointer_length(index_info), index_info, instance_count, first_instance, stride, if vertex_offset == C_NULL C_NULL else Ref(vertex_offset) end)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawIndirect.html) """ _cmd_draw_indirect(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawIndirect(command_buffer, buffer, offset, draw_count, stride)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawIndexedIndirect.html) """ _cmd_draw_indexed_indirect(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawIndexedIndirect(command_buffer, buffer, offset, draw_count, stride)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `group_count_x::UInt32` - `group_count_y::UInt32` - `group_count_z::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDispatch.html) """ _cmd_dispatch(command_buffer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDispatch(command_buffer, group_count_x, group_count_y, group_count_z)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDispatchIndirect.html) """ _cmd_dispatch_indirect(command_buffer, buffer, offset::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDispatchIndirect(command_buffer, buffer, offset)) """ Extension: VK\\_HUAWEI\\_subpass\\_shading Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSubpassShadingHUAWEI.html) """ _cmd_subpass_shading_huawei(command_buffer)::Cvoid = @dispatch(device(command_buffer), vkCmdSubpassShadingHUAWEI(command_buffer)) """ Extension: VK\\_HUAWEI\\_cluster\\_culling\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `group_count_x::UInt32` - `group_count_y::UInt32` - `group_count_z::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawClusterHUAWEI.html) """ _cmd_draw_cluster_huawei(command_buffer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawClusterHUAWEI(command_buffer, group_count_x, group_count_y, group_count_z)) """ Extension: VK\\_HUAWEI\\_cluster\\_culling\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawClusterIndirectHUAWEI.html) """ _cmd_draw_cluster_indirect_huawei(command_buffer, buffer, offset::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawClusterIndirectHUAWEI(command_buffer, buffer, offset)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `src_buffer::Buffer` - `dst_buffer::Buffer` - `regions::Vector{_BufferCopy}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyBuffer.html) """ _cmd_copy_buffer(command_buffer, src_buffer, dst_buffer, regions::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyBuffer(command_buffer, src_buffer, dst_buffer, pointer_length(regions), regions)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{_ImageCopy}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyImage.html) """ _cmd_copy_image(command_buffer, src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyImage(command_buffer, src_image, src_image_layout, dst_image, dst_image_layout, pointer_length(regions), regions)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{_ImageBlit}` - `filter::Filter` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBlitImage.html) """ _cmd_blit_image(command_buffer, src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray, filter::Filter)::Cvoid = @dispatch(device(command_buffer), vkCmdBlitImage(command_buffer, src_image, src_image_layout, dst_image, dst_image_layout, pointer_length(regions), regions, filter)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `src_buffer::Buffer` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{_BufferImageCopy}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyBufferToImage.html) """ _cmd_copy_buffer_to_image(command_buffer, src_buffer, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyBufferToImage(command_buffer, src_buffer, dst_image, dst_image_layout, pointer_length(regions), regions)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_buffer::Buffer` - `regions::Vector{_BufferImageCopy}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyImageToBuffer.html) """ _cmd_copy_image_to_buffer(command_buffer, src_image, src_image_layout::ImageLayout, dst_buffer, regions::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyImageToBuffer(command_buffer, src_image, src_image_layout, dst_buffer, pointer_length(regions), regions)) """ Extension: VK\\_NV\\_copy\\_memory\\_indirect Arguments: - `command_buffer::CommandBuffer` (externsync) - `copy_buffer_address::UInt64` - `copy_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyMemoryIndirectNV.html) """ _cmd_copy_memory_indirect_nv(command_buffer, copy_buffer_address::Integer, copy_count::Integer, stride::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyMemoryIndirectNV(command_buffer, copy_buffer_address, copy_count, stride)) """ Extension: VK\\_NV\\_copy\\_memory\\_indirect Arguments: - `command_buffer::CommandBuffer` (externsync) - `copy_buffer_address::UInt64` - `stride::UInt32` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `image_subresources::Vector{_ImageSubresourceLayers}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyMemoryToImageIndirectNV.html) """ _cmd_copy_memory_to_image_indirect_nv(command_buffer, copy_buffer_address::Integer, stride::Integer, dst_image, dst_image_layout::ImageLayout, image_subresources::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyMemoryToImageIndirectNV(command_buffer, copy_buffer_address, pointer_length(image_subresources), stride, dst_image, dst_image_layout, image_subresources)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `dst_buffer::Buffer` - `dst_offset::UInt64` - `data_size::UInt64` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdUpdateBuffer.html) """ _cmd_update_buffer(command_buffer, dst_buffer, dst_offset::Integer, data_size::Integer, data::Ptr{Cvoid})::Cvoid = @dispatch(device(command_buffer), vkCmdUpdateBuffer(command_buffer, dst_buffer, dst_offset, data_size, data)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `dst_buffer::Buffer` - `dst_offset::UInt64` - `size::UInt64` - `data::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdFillBuffer.html) """ _cmd_fill_buffer(command_buffer, dst_buffer, dst_offset::Integer, size::Integer, data::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdFillBuffer(command_buffer, dst_buffer, dst_offset, size, data)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `image::Image` - `image_layout::ImageLayout` - `color::_ClearColorValue` - `ranges::Vector{_ImageSubresourceRange}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdClearColorImage.html) """ _cmd_clear_color_image(command_buffer, image, image_layout::ImageLayout, color::_ClearColorValue, ranges::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdClearColorImage(command_buffer, image, image_layout, color, pointer_length(ranges), ranges)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `image::Image` - `image_layout::ImageLayout` - `depth_stencil::_ClearDepthStencilValue` - `ranges::Vector{_ImageSubresourceRange}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdClearDepthStencilImage.html) """ _cmd_clear_depth_stencil_image(command_buffer, image, image_layout::ImageLayout, depth_stencil::_ClearDepthStencilValue, ranges::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdClearDepthStencilImage(command_buffer, image, image_layout, depth_stencil, pointer_length(ranges), ranges)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `attachments::Vector{_ClearAttachment}` - `rects::Vector{_ClearRect}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdClearAttachments.html) """ _cmd_clear_attachments(command_buffer, attachments::AbstractArray, rects::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdClearAttachments(command_buffer, pointer_length(attachments), attachments, pointer_length(rects), rects)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{_ImageResolve}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdResolveImage.html) """ _cmd_resolve_image(command_buffer, src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdResolveImage(command_buffer, src_image, src_image_layout, dst_image, dst_image_layout, pointer_length(regions), regions)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `event::Event` - `stage_mask::PipelineStageFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetEvent.html) """ _cmd_set_event(command_buffer, event; stage_mask = 0)::Cvoid = @dispatch(device(command_buffer), vkCmdSetEvent(command_buffer, event, stage_mask)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `event::Event` - `stage_mask::PipelineStageFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdResetEvent.html) """ _cmd_reset_event(command_buffer, event; stage_mask = 0)::Cvoid = @dispatch(device(command_buffer), vkCmdResetEvent(command_buffer, event, stage_mask)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `events::Vector{Event}` - `memory_barriers::Vector{_MemoryBarrier}` - `buffer_memory_barriers::Vector{_BufferMemoryBarrier}` - `image_memory_barriers::Vector{_ImageMemoryBarrier}` - `src_stage_mask::PipelineStageFlag`: defaults to `0` - `dst_stage_mask::PipelineStageFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWaitEvents.html) """ _cmd_wait_events(command_buffer, events::AbstractArray, memory_barriers::AbstractArray, buffer_memory_barriers::AbstractArray, image_memory_barriers::AbstractArray; src_stage_mask = 0, dst_stage_mask = 0)::Cvoid = @dispatch(device(command_buffer), vkCmdWaitEvents(command_buffer, pointer_length(events), events, src_stage_mask, dst_stage_mask, pointer_length(memory_barriers), memory_barriers, pointer_length(buffer_memory_barriers), buffer_memory_barriers, pointer_length(image_memory_barriers), image_memory_barriers)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `memory_barriers::Vector{_MemoryBarrier}` - `buffer_memory_barriers::Vector{_BufferMemoryBarrier}` - `image_memory_barriers::Vector{_ImageMemoryBarrier}` - `src_stage_mask::PipelineStageFlag`: defaults to `0` - `dst_stage_mask::PipelineStageFlag`: defaults to `0` - `dependency_flags::DependencyFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdPipelineBarrier.html) """ _cmd_pipeline_barrier(command_buffer, memory_barriers::AbstractArray, buffer_memory_barriers::AbstractArray, image_memory_barriers::AbstractArray; src_stage_mask = 0, dst_stage_mask = 0, dependency_flags = 0)::Cvoid = @dispatch(device(command_buffer), vkCmdPipelineBarrier(command_buffer, src_stage_mask, dst_stage_mask, dependency_flags, pointer_length(memory_barriers), memory_barriers, pointer_length(buffer_memory_barriers), buffer_memory_barriers, pointer_length(image_memory_barriers), image_memory_barriers)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `query::UInt32` - `flags::QueryControlFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginQuery.html) """ _cmd_begin_query(command_buffer, query_pool, query::Integer; flags = 0)::Cvoid = @dispatch(device(command_buffer), vkCmdBeginQuery(command_buffer, query_pool, query, flags)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `query::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndQuery.html) """ _cmd_end_query(command_buffer, query_pool, query::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdEndQuery(command_buffer, query_pool, query)) """ Extension: VK\\_EXT\\_conditional\\_rendering Arguments: - `command_buffer::CommandBuffer` (externsync) - `conditional_rendering_begin::_ConditionalRenderingBeginInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginConditionalRenderingEXT.html) """ _cmd_begin_conditional_rendering_ext(command_buffer, conditional_rendering_begin::_ConditionalRenderingBeginInfoEXT)::Cvoid = @dispatch(device(command_buffer), vkCmdBeginConditionalRenderingEXT(command_buffer, conditional_rendering_begin)) """ Extension: VK\\_EXT\\_conditional\\_rendering Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndConditionalRenderingEXT.html) """ _cmd_end_conditional_rendering_ext(command_buffer)::Cvoid = @dispatch(device(command_buffer), vkCmdEndConditionalRenderingEXT(command_buffer)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `first_query::UInt32` - `query_count::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdResetQueryPool.html) """ _cmd_reset_query_pool(command_buffer, query_pool, first_query::Integer, query_count::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdResetQueryPool(command_buffer, query_pool, first_query, query_count)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_stage::PipelineStageFlag` - `query_pool::QueryPool` - `query::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteTimestamp.html) """ _cmd_write_timestamp(command_buffer, pipeline_stage::PipelineStageFlag, query_pool, query::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdWriteTimestamp(command_buffer, VkPipelineStageFlagBits(pipeline_stage.val), query_pool, query)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `first_query::UInt32` - `query_count::UInt32` - `dst_buffer::Buffer` - `dst_offset::UInt64` - `stride::UInt64` - `flags::QueryResultFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyQueryPoolResults.html) """ _cmd_copy_query_pool_results(command_buffer, query_pool, first_query::Integer, query_count::Integer, dst_buffer, dst_offset::Integer, stride::Integer; flags = 0)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyQueryPoolResults(command_buffer, query_pool, first_query, query_count, dst_buffer, dst_offset, stride, flags)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `layout::PipelineLayout` - `stage_flags::ShaderStageFlag` - `offset::UInt32` - `size::UInt32` - `values::Ptr{Cvoid}` (must be a valid pointer with `size` bytes) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdPushConstants.html) """ _cmd_push_constants(command_buffer, layout, stage_flags::ShaderStageFlag, offset::Integer, size::Integer, values::Ptr{Cvoid})::Cvoid = @dispatch(device(command_buffer), vkCmdPushConstants(command_buffer, layout, stage_flags, offset, size, values)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `render_pass_begin::_RenderPassBeginInfo` - `contents::SubpassContents` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginRenderPass.html) """ _cmd_begin_render_pass(command_buffer, render_pass_begin::_RenderPassBeginInfo, contents::SubpassContents)::Cvoid = @dispatch(device(command_buffer), vkCmdBeginRenderPass(command_buffer, render_pass_begin, contents)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `contents::SubpassContents` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdNextSubpass.html) """ _cmd_next_subpass(command_buffer, contents::SubpassContents)::Cvoid = @dispatch(device(command_buffer), vkCmdNextSubpass(command_buffer, contents)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndRenderPass.html) """ _cmd_end_render_pass(command_buffer)::Cvoid = @dispatch(device(command_buffer), vkCmdEndRenderPass(command_buffer)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `command_buffers::Vector{CommandBuffer}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdExecuteCommands.html) """ _cmd_execute_commands(command_buffer, command_buffers::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdExecuteCommands(command_buffer, pointer_length(command_buffers), command_buffers)) """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceDisplayPropertiesKHR.html) """ function _get_physical_device_display_properties_khr(physical_device)::ResultTypes.Result{Vector{_DisplayPropertiesKHR}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceDisplayPropertiesKHR(physical_device, pPropertyCount, C_NULL)) pProperties = Vector{VkDisplayPropertiesKHR}(undef, pPropertyCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceDisplayPropertiesKHR(physical_device, pPropertyCount, pProperties)) end from_vk.(_DisplayPropertiesKHR, pProperties) end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceDisplayPlanePropertiesKHR.html) """ function _get_physical_device_display_plane_properties_khr(physical_device)::ResultTypes.Result{Vector{_DisplayPlanePropertiesKHR}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceDisplayPlanePropertiesKHR(physical_device, pPropertyCount, C_NULL)) pProperties = Vector{VkDisplayPlanePropertiesKHR}(undef, pPropertyCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceDisplayPlanePropertiesKHR(physical_device, pPropertyCount, pProperties)) end from_vk.(_DisplayPlanePropertiesKHR, pProperties) end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `plane_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDisplayPlaneSupportedDisplaysKHR.html) """ function _get_display_plane_supported_displays_khr(physical_device, plane_index::Integer)::ResultTypes.Result{Vector{DisplayKHR}, VulkanError} pDisplayCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetDisplayPlaneSupportedDisplaysKHR(physical_device, plane_index, pDisplayCount, C_NULL)) pDisplays = Vector{VkDisplayKHR}(undef, pDisplayCount[]) @check @dispatch(instance(physical_device), vkGetDisplayPlaneSupportedDisplaysKHR(physical_device, plane_index, pDisplayCount, pDisplays)) end DisplayKHR.(pDisplays, identity, physical_device) end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDisplayModePropertiesKHR.html) """ function _get_display_mode_properties_khr(physical_device, display)::ResultTypes.Result{Vector{_DisplayModePropertiesKHR}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetDisplayModePropertiesKHR(physical_device, display, pPropertyCount, C_NULL)) pProperties = Vector{VkDisplayModePropertiesKHR}(undef, pPropertyCount[]) @check @dispatch(instance(physical_device), vkGetDisplayModePropertiesKHR(physical_device, display, pPropertyCount, pProperties)) end from_vk.(_DisplayModePropertiesKHR, pProperties) end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` (externsync) - `create_info::_DisplayModeCreateInfoKHR` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDisplayModeKHR.html) """ function _create_display_mode_khr(physical_device, display, create_info::_DisplayModeCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{DisplayModeKHR, VulkanError} pMode = Ref{VkDisplayModeKHR}() @check @dispatch(instance(physical_device), vkCreateDisplayModeKHR(physical_device, display, create_info, allocator, pMode)) DisplayModeKHR(pMode[], identity, display) end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `mode::DisplayModeKHR` (externsync) - `plane_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDisplayPlaneCapabilitiesKHR.html) """ function _get_display_plane_capabilities_khr(physical_device, mode, plane_index::Integer)::ResultTypes.Result{_DisplayPlaneCapabilitiesKHR, VulkanError} pCapabilities = Ref{VkDisplayPlaneCapabilitiesKHR}() @check @dispatch(instance(physical_device), vkGetDisplayPlaneCapabilitiesKHR(physical_device, mode, plane_index, pCapabilities)) from_vk(_DisplayPlaneCapabilitiesKHR, pCapabilities[]) end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `create_info::_DisplaySurfaceCreateInfoKHR` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDisplayPlaneSurfaceKHR.html) """ function _create_display_plane_surface_khr(instance, create_info::_DisplaySurfaceCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} pSurface = Ref{VkSurfaceKHR}() @check @dispatch(instance, vkCreateDisplayPlaneSurfaceKHR(instance, create_info, allocator, pSurface)) SurfaceKHR(pSurface[], begin parent = Vk.handle(instance) x->_destroy_surface_khr(parent, x; allocator) end, instance) end """ Extension: VK\\_KHR\\_display\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INCOMPATIBLE_DISPLAY_KHR` - `ERROR_DEVICE_LOST` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `create_infos::Vector{_SwapchainCreateInfoKHR}` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSharedSwapchainsKHR.html) """ function _create_shared_swapchains_khr(device, create_infos::AbstractArray; allocator = C_NULL)::ResultTypes.Result{Vector{SwapchainKHR}, VulkanError} pSwapchains = Vector{VkSwapchainKHR}(undef, pointer_length(create_infos)) @check @dispatch(device, vkCreateSharedSwapchainsKHR(device, pointer_length(create_infos), create_infos, allocator, pSwapchains)) SwapchainKHR.(pSwapchains, begin parent = Vk.handle(device) x->_destroy_swapchain_khr(parent, x; allocator) end, device) end """ Extension: VK\\_KHR\\_surface Arguments: - `instance::Instance` - `surface::SurfaceKHR` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroySurfaceKHR.html) """ _destroy_surface_khr(instance, surface; allocator = C_NULL)::Cvoid = @dispatch(instance, vkDestroySurfaceKHR(instance, surface, allocator)) """ Extension: VK\\_KHR\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `queue_family_index::UInt32` - `surface::SurfaceKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfaceSupportKHR.html) """ function _get_physical_device_surface_support_khr(physical_device, queue_family_index::Integer, surface)::ResultTypes.Result{Bool, VulkanError} pSupported = Ref{VkBool32}() @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSurfaceSupportKHR(physical_device, queue_family_index, surface, pSupported)) from_vk(Bool, pSupported[]) end """ Extension: VK\\_KHR\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface::SurfaceKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfaceCapabilitiesKHR.html) """ function _get_physical_device_surface_capabilities_khr(physical_device, surface)::ResultTypes.Result{_SurfaceCapabilitiesKHR, VulkanError} pSurfaceCapabilities = Ref{VkSurfaceCapabilitiesKHR}() @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSurfaceCapabilitiesKHR(physical_device, surface, pSurfaceCapabilities)) from_vk(_SurfaceCapabilitiesKHR, pSurfaceCapabilities[]) end """ Extension: VK\\_KHR\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface::SurfaceKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfaceFormatsKHR.html) """ function _get_physical_device_surface_formats_khr(physical_device; surface = C_NULL)::ResultTypes.Result{Vector{_SurfaceFormatKHR}, VulkanError} pSurfaceFormatCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSurfaceFormatsKHR(physical_device, surface, pSurfaceFormatCount, C_NULL)) pSurfaceFormats = Vector{VkSurfaceFormatKHR}(undef, pSurfaceFormatCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSurfaceFormatsKHR(physical_device, surface, pSurfaceFormatCount, pSurfaceFormats)) end from_vk.(_SurfaceFormatKHR, pSurfaceFormats) end """ Extension: VK\\_KHR\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface::SurfaceKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfacePresentModesKHR.html) """ function _get_physical_device_surface_present_modes_khr(physical_device; surface = C_NULL)::ResultTypes.Result{Vector{PresentModeKHR}, VulkanError} pPresentModeCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSurfacePresentModesKHR(physical_device, surface, pPresentModeCount, C_NULL)) pPresentModes = Vector{VkPresentModeKHR}(undef, pPresentModeCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSurfacePresentModesKHR(physical_device, surface, pPresentModeCount, pPresentModes)) end pPresentModes end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_SURFACE_LOST_KHR` - `ERROR_NATIVE_WINDOW_IN_USE_KHR` - `ERROR_INITIALIZATION_FAILED` - `ERROR_COMPRESSION_EXHAUSTED_EXT` Arguments: - `device::Device` - `create_info::_SwapchainCreateInfoKHR` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSwapchainKHR.html) """ function _create_swapchain_khr(device, create_info::_SwapchainCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{SwapchainKHR, VulkanError} pSwapchain = Ref{VkSwapchainKHR}() @check @dispatch(device, vkCreateSwapchainKHR(device, create_info, allocator, pSwapchain)) SwapchainKHR(pSwapchain[], begin parent = Vk.handle(device) x->_destroy_swapchain_khr(parent, x; allocator) end, device) end """ Extension: VK\\_KHR\\_swapchain Arguments: - `device::Device` - `swapchain::SwapchainKHR` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroySwapchainKHR.html) """ _destroy_swapchain_khr(device, swapchain; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroySwapchainKHR(device, swapchain, allocator)) """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `swapchain::SwapchainKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSwapchainImagesKHR.html) """ function _get_swapchain_images_khr(device, swapchain)::ResultTypes.Result{Vector{Image}, VulkanError} pSwapchainImageCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(device, vkGetSwapchainImagesKHR(device, swapchain, pSwapchainImageCount, C_NULL)) pSwapchainImages = Vector{VkImage}(undef, pSwapchainImageCount[]) @check @dispatch(device, vkGetSwapchainImagesKHR(device, swapchain, pSwapchainImageCount, pSwapchainImages)) end Image.(pSwapchainImages, identity, device) end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `TIMEOUT` - `NOT_READY` - `SUBOPTIMAL_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` - `ERROR_SURFACE_LOST_KHR` - `ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT` Arguments: - `device::Device` - `swapchain::SwapchainKHR` (externsync) - `timeout::UInt64` - `semaphore::Semaphore`: defaults to `C_NULL` (externsync) - `fence::Fence`: defaults to `C_NULL` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAcquireNextImageKHR.html) """ function _acquire_next_image_khr(device, swapchain, timeout::Integer; semaphore = C_NULL, fence = C_NULL)::ResultTypes.Result{Tuple{UInt32, Result}, VulkanError} pImageIndex = Ref{UInt32}() @check @dispatch(device, vkAcquireNextImageKHR(device, swapchain, timeout, semaphore, fence, pImageIndex)) (pImageIndex[], _return_code) end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `SUBOPTIMAL_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` - `ERROR_SURFACE_LOST_KHR` - `ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT` Arguments: - `queue::Queue` (externsync) - `present_info::_PresentInfoKHR` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueuePresentKHR.html) """ _queue_present_khr(queue, present_info::_PresentInfoKHR)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device(queue), vkQueuePresentKHR(queue, present_info))) """ Extension: VK\\_KHR\\_wayland\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `create_info::_WaylandSurfaceCreateInfoKHR` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateWaylandSurfaceKHR.html) """ function _create_wayland_surface_khr(instance, create_info::_WaylandSurfaceCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} pSurface = Ref{VkSurfaceKHR}() @check @dispatch(instance, vkCreateWaylandSurfaceKHR(instance, create_info, allocator, pSurface)) SurfaceKHR(pSurface[], begin parent = Vk.handle(instance) x->_destroy_surface_khr(parent, x; allocator) end, instance) end """ Extension: VK\\_KHR\\_wayland\\_surface Arguments: - `physical_device::PhysicalDevice` - `queue_family_index::UInt32` - `display::Ptr{wl_display}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceWaylandPresentationSupportKHR.html) """ _get_physical_device_wayland_presentation_support_khr(physical_device, queue_family_index::Integer, display::Ptr{vk.wl_display})::Bool = from_vk(Bool, @dispatch(instance(physical_device), vkGetPhysicalDeviceWaylandPresentationSupportKHR(physical_device, queue_family_index, display))) """ Extension: VK\\_KHR\\_xlib\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `create_info::_XlibSurfaceCreateInfoKHR` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateXlibSurfaceKHR.html) """ function _create_xlib_surface_khr(instance, create_info::_XlibSurfaceCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} pSurface = Ref{VkSurfaceKHR}() @check @dispatch(instance, vkCreateXlibSurfaceKHR(instance, create_info, allocator, pSurface)) SurfaceKHR(pSurface[], begin parent = Vk.handle(instance) x->_destroy_surface_khr(parent, x; allocator) end, instance) end """ Extension: VK\\_KHR\\_xlib\\_surface Arguments: - `physical_device::PhysicalDevice` - `queue_family_index::UInt32` - `dpy::Ptr{Display}` - `visual_id::VisualID` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceXlibPresentationSupportKHR.html) """ _get_physical_device_xlib_presentation_support_khr(physical_device, queue_family_index::Integer, dpy::Ptr{vk.Display}, visual_id::vk.VisualID)::Bool = from_vk(Bool, @dispatch(instance(physical_device), vkGetPhysicalDeviceXlibPresentationSupportKHR(physical_device, queue_family_index, dpy, visual_id))) """ Extension: VK\\_KHR\\_xcb\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `create_info::_XcbSurfaceCreateInfoKHR` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateXcbSurfaceKHR.html) """ function _create_xcb_surface_khr(instance, create_info::_XcbSurfaceCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} pSurface = Ref{VkSurfaceKHR}() @check @dispatch(instance, vkCreateXcbSurfaceKHR(instance, create_info, allocator, pSurface)) SurfaceKHR(pSurface[], begin parent = Vk.handle(instance) x->_destroy_surface_khr(parent, x; allocator) end, instance) end """ Extension: VK\\_KHR\\_xcb\\_surface Arguments: - `physical_device::PhysicalDevice` - `queue_family_index::UInt32` - `connection::Ptr{xcb_connection_t}` - `visual_id::xcb_visualid_t` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceXcbPresentationSupportKHR.html) """ _get_physical_device_xcb_presentation_support_khr(physical_device, queue_family_index::Integer, connection::Ptr{vk.xcb_connection_t}, visual_id::vk.xcb_visualid_t)::Bool = from_vk(Bool, @dispatch(instance(physical_device), vkGetPhysicalDeviceXcbPresentationSupportKHR(physical_device, queue_family_index, connection, visual_id))) """ Extension: VK\\_EXT\\_debug\\_report Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `instance::Instance` - `create_info::_DebugReportCallbackCreateInfoEXT` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDebugReportCallbackEXT.html) """ function _create_debug_report_callback_ext(instance, create_info::_DebugReportCallbackCreateInfoEXT; allocator = C_NULL)::ResultTypes.Result{DebugReportCallbackEXT, VulkanError} pCallback = Ref{VkDebugReportCallbackEXT}() @check @dispatch(instance, vkCreateDebugReportCallbackEXT(instance, create_info, allocator, pCallback)) DebugReportCallbackEXT(pCallback[], begin parent = Vk.handle(instance) x->_destroy_debug_report_callback_ext(parent, x; allocator) end, instance) end """ Extension: VK\\_EXT\\_debug\\_report Arguments: - `instance::Instance` - `callback::DebugReportCallbackEXT` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDebugReportCallbackEXT.html) """ _destroy_debug_report_callback_ext(instance, callback; allocator = C_NULL)::Cvoid = @dispatch(instance, vkDestroyDebugReportCallbackEXT(instance, callback, allocator)) """ Extension: VK\\_EXT\\_debug\\_report Arguments: - `instance::Instance` - `flags::DebugReportFlagEXT` - `object_type::DebugReportObjectTypeEXT` - `object::UInt64` - `location::UInt` - `message_code::Int32` - `layer_prefix::String` - `message::String` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDebugReportMessageEXT.html) """ _debug_report_message_ext(instance, flags::DebugReportFlagEXT, object_type::DebugReportObjectTypeEXT, object::Integer, location::Integer, message_code::Integer, layer_prefix::AbstractString, message::AbstractString)::Cvoid = @dispatch(instance, vkDebugReportMessageEXT(instance, flags, object_type, object, location, message_code, layer_prefix, message)) """ Extension: VK\\_EXT\\_debug\\_marker Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `name_info::_DebugMarkerObjectNameInfoEXT` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDebugMarkerSetObjectNameEXT.html) """ _debug_marker_set_object_name_ext(device, name_info::_DebugMarkerObjectNameInfoEXT)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkDebugMarkerSetObjectNameEXT(device, name_info))) """ Extension: VK\\_EXT\\_debug\\_marker Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `tag_info::_DebugMarkerObjectTagInfoEXT` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDebugMarkerSetObjectTagEXT.html) """ _debug_marker_set_object_tag_ext(device, tag_info::_DebugMarkerObjectTagInfoEXT)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkDebugMarkerSetObjectTagEXT(device, tag_info))) """ Extension: VK\\_EXT\\_debug\\_marker Arguments: - `command_buffer::CommandBuffer` (externsync) - `marker_info::_DebugMarkerMarkerInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDebugMarkerBeginEXT.html) """ _cmd_debug_marker_begin_ext(command_buffer, marker_info::_DebugMarkerMarkerInfoEXT)::Cvoid = @dispatch(device(command_buffer), vkCmdDebugMarkerBeginEXT(command_buffer, marker_info)) """ Extension: VK\\_EXT\\_debug\\_marker Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDebugMarkerEndEXT.html) """ _cmd_debug_marker_end_ext(command_buffer)::Cvoid = @dispatch(device(command_buffer), vkCmdDebugMarkerEndEXT(command_buffer)) """ Extension: VK\\_EXT\\_debug\\_marker Arguments: - `command_buffer::CommandBuffer` (externsync) - `marker_info::_DebugMarkerMarkerInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDebugMarkerInsertEXT.html) """ _cmd_debug_marker_insert_ext(command_buffer, marker_info::_DebugMarkerMarkerInfoEXT)::Cvoid = @dispatch(device(command_buffer), vkCmdDebugMarkerInsertEXT(command_buffer, marker_info)) """ Extension: VK\\_NV\\_external\\_memory\\_capabilities Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_FORMAT_NOT_SUPPORTED` Arguments: - `physical_device::PhysicalDevice` - `format::Format` - `type::ImageType` - `tiling::ImageTiling` - `usage::ImageUsageFlag` - `flags::ImageCreateFlag`: defaults to `0` - `external_handle_type::ExternalMemoryHandleTypeFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceExternalImageFormatPropertiesNV.html) """ function _get_physical_device_external_image_format_properties_nv(physical_device, format::Format, type::ImageType, tiling::ImageTiling, usage::ImageUsageFlag; flags = 0, external_handle_type = 0)::ResultTypes.Result{_ExternalImageFormatPropertiesNV, VulkanError} pExternalImageFormatProperties = Ref{VkExternalImageFormatPropertiesNV}() @check @dispatch(instance(physical_device), vkGetPhysicalDeviceExternalImageFormatPropertiesNV(physical_device, format, type, tiling, usage, flags, external_handle_type, pExternalImageFormatProperties)) from_vk(_ExternalImageFormatPropertiesNV, pExternalImageFormatProperties[]) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `command_buffer::CommandBuffer` (externsync) - `is_preprocessed::Bool` - `generated_commands_info::_GeneratedCommandsInfoNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdExecuteGeneratedCommandsNV.html) """ _cmd_execute_generated_commands_nv(command_buffer, is_preprocessed::Bool, generated_commands_info::_GeneratedCommandsInfoNV)::Cvoid = @dispatch(device(command_buffer), vkCmdExecuteGeneratedCommandsNV(command_buffer, is_preprocessed, generated_commands_info)) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `command_buffer::CommandBuffer` (externsync) - `generated_commands_info::_GeneratedCommandsInfoNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdPreprocessGeneratedCommandsNV.html) """ _cmd_preprocess_generated_commands_nv(command_buffer, generated_commands_info::_GeneratedCommandsInfoNV)::Cvoid = @dispatch(device(command_buffer), vkCmdPreprocessGeneratedCommandsNV(command_buffer, generated_commands_info)) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_bind_point::PipelineBindPoint` - `pipeline::Pipeline` - `group_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindPipelineShaderGroupNV.html) """ _cmd_bind_pipeline_shader_group_nv(command_buffer, pipeline_bind_point::PipelineBindPoint, pipeline, group_index::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdBindPipelineShaderGroupNV(command_buffer, pipeline_bind_point, pipeline, group_index)) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `device::Device` - `info::_GeneratedCommandsMemoryRequirementsInfoNV` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetGeneratedCommandsMemoryRequirementsNV.html) """ function _get_generated_commands_memory_requirements_nv(device, info::_GeneratedCommandsMemoryRequirementsInfoNV, next_types::Type...)::_MemoryRequirements2 memory_requirements = initialize(_MemoryRequirements2, next_types...) pMemoryRequirements = Ref(Base.unsafe_convert(VkMemoryRequirements2, memory_requirements)) GC.@preserve memory_requirements begin @dispatch device vkGetGeneratedCommandsMemoryRequirementsNV(device, info, pMemoryRequirements) _MemoryRequirements2(pMemoryRequirements[], Any[memory_requirements]) end end """ Extension: VK\\_NV\\_device\\_generated\\_commands Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_IndirectCommandsLayoutCreateInfoNV` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateIndirectCommandsLayoutNV.html) """ function _create_indirect_commands_layout_nv(device, create_info::_IndirectCommandsLayoutCreateInfoNV; allocator = C_NULL)::ResultTypes.Result{IndirectCommandsLayoutNV, VulkanError} pIndirectCommandsLayout = Ref{VkIndirectCommandsLayoutNV}() @check @dispatch(device, vkCreateIndirectCommandsLayoutNV(device, create_info, allocator, pIndirectCommandsLayout)) IndirectCommandsLayoutNV(pIndirectCommandsLayout[], begin parent = Vk.handle(device) x->_destroy_indirect_commands_layout_nv(parent, x; allocator) end, device) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `device::Device` - `indirect_commands_layout::IndirectCommandsLayoutNV` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyIndirectCommandsLayoutNV.html) """ _destroy_indirect_commands_layout_nv(device, indirect_commands_layout; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyIndirectCommandsLayoutNV(device, indirect_commands_layout, allocator)) """ Arguments: - `physical_device::PhysicalDevice` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceFeatures2.html) """ function _get_physical_device_features_2(physical_device, next_types::Type...)::_PhysicalDeviceFeatures2 features = initialize(_PhysicalDeviceFeatures2, next_types...) pFeatures = Ref(Base.unsafe_convert(VkPhysicalDeviceFeatures2, features)) GC.@preserve features begin @dispatch instance(physical_device) vkGetPhysicalDeviceFeatures2(physical_device, pFeatures) _PhysicalDeviceFeatures2(pFeatures[], Any[features]) end end """ Arguments: - `physical_device::PhysicalDevice` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceProperties2.html) """ function _get_physical_device_properties_2(physical_device, next_types::Type...)::_PhysicalDeviceProperties2 properties = initialize(_PhysicalDeviceProperties2, next_types...) pProperties = Ref(Base.unsafe_convert(VkPhysicalDeviceProperties2, properties)) GC.@preserve properties begin @dispatch instance(physical_device) vkGetPhysicalDeviceProperties2(physical_device, pProperties) _PhysicalDeviceProperties2(pProperties[], Any[properties]) end end """ Arguments: - `physical_device::PhysicalDevice` - `format::Format` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceFormatProperties2.html) """ function _get_physical_device_format_properties_2(physical_device, format::Format, next_types::Type...)::_FormatProperties2 format_properties = initialize(_FormatProperties2, next_types...) pFormatProperties = Ref(Base.unsafe_convert(VkFormatProperties2, format_properties)) GC.@preserve format_properties begin @dispatch instance(physical_device) vkGetPhysicalDeviceFormatProperties2(physical_device, format, pFormatProperties) _FormatProperties2(pFormatProperties[], Any[format_properties]) end end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_FORMAT_NOT_SUPPORTED` - `ERROR_IMAGE_USAGE_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_OPERATION_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_FORMAT_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PICTURE_LAYOUT_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_CODEC_NOT_SUPPORTED_KHR` Arguments: - `physical_device::PhysicalDevice` - `image_format_info::_PhysicalDeviceImageFormatInfo2` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceImageFormatProperties2.html) """ function _get_physical_device_image_format_properties_2(physical_device, image_format_info::_PhysicalDeviceImageFormatInfo2, next_types::Type...)::ResultTypes.Result{_ImageFormatProperties2, VulkanError} image_format_properties = initialize(_ImageFormatProperties2, next_types...) pImageFormatProperties = Ref(Base.unsafe_convert(VkImageFormatProperties2, image_format_properties)) GC.@preserve image_format_properties begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceImageFormatProperties2(physical_device, image_format_info, pImageFormatProperties)) _ImageFormatProperties2(pImageFormatProperties[], Any[image_format_properties]) end end """ Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceQueueFamilyProperties2.html) """ function _get_physical_device_queue_family_properties_2(physical_device)::Vector{_QueueFamilyProperties2} pQueueFamilyPropertyCount = Ref{UInt32}() @dispatch instance(physical_device) vkGetPhysicalDeviceQueueFamilyProperties2(physical_device, pQueueFamilyPropertyCount, C_NULL) pQueueFamilyProperties = Vector{VkQueueFamilyProperties2}(undef, pQueueFamilyPropertyCount[]) @dispatch instance(physical_device) vkGetPhysicalDeviceQueueFamilyProperties2(physical_device, pQueueFamilyPropertyCount, pQueueFamilyProperties) from_vk.(_QueueFamilyProperties2, pQueueFamilyProperties) end """ Arguments: - `physical_device::PhysicalDevice` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceMemoryProperties2.html) """ function _get_physical_device_memory_properties_2(physical_device, next_types::Type...)::_PhysicalDeviceMemoryProperties2 memory_properties = initialize(_PhysicalDeviceMemoryProperties2, next_types...) pMemoryProperties = Ref(Base.unsafe_convert(VkPhysicalDeviceMemoryProperties2, memory_properties)) GC.@preserve memory_properties begin @dispatch instance(physical_device) vkGetPhysicalDeviceMemoryProperties2(physical_device, pMemoryProperties) _PhysicalDeviceMemoryProperties2(pMemoryProperties[], Any[memory_properties]) end end """ Arguments: - `physical_device::PhysicalDevice` - `format_info::_PhysicalDeviceSparseImageFormatInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSparseImageFormatProperties2.html) """ function _get_physical_device_sparse_image_format_properties_2(physical_device, format_info::_PhysicalDeviceSparseImageFormatInfo2)::Vector{_SparseImageFormatProperties2} pPropertyCount = Ref{UInt32}() @dispatch instance(physical_device) vkGetPhysicalDeviceSparseImageFormatProperties2(physical_device, format_info, pPropertyCount, C_NULL) pProperties = Vector{VkSparseImageFormatProperties2}(undef, pPropertyCount[]) @dispatch instance(physical_device) vkGetPhysicalDeviceSparseImageFormatProperties2(physical_device, format_info, pPropertyCount, pProperties) from_vk.(_SparseImageFormatProperties2, pProperties) end """ Extension: VK\\_KHR\\_push\\_descriptor Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_bind_point::PipelineBindPoint` - `layout::PipelineLayout` - `set::UInt32` - `descriptor_writes::Vector{_WriteDescriptorSet}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdPushDescriptorSetKHR.html) """ _cmd_push_descriptor_set_khr(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, set::Integer, descriptor_writes::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdPushDescriptorSetKHR(command_buffer, pipeline_bind_point, layout, set, pointer_length(descriptor_writes), descriptor_writes)) """ Arguments: - `device::Device` - `command_pool::CommandPool` (externsync) - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkTrimCommandPool.html) """ _trim_command_pool(device, command_pool; flags = 0)::Cvoid = @dispatch(device, vkTrimCommandPool(device, command_pool, flags)) """ Arguments: - `physical_device::PhysicalDevice` - `external_buffer_info::_PhysicalDeviceExternalBufferInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceExternalBufferProperties.html) """ function _get_physical_device_external_buffer_properties(physical_device, external_buffer_info::_PhysicalDeviceExternalBufferInfo)::_ExternalBufferProperties pExternalBufferProperties = Ref{VkExternalBufferProperties}() @dispatch instance(physical_device) vkGetPhysicalDeviceExternalBufferProperties(physical_device, external_buffer_info, pExternalBufferProperties) from_vk(_ExternalBufferProperties, pExternalBufferProperties[]) end """ Extension: VK\\_KHR\\_external\\_memory\\_fd Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `get_fd_info::_MemoryGetFdInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetMemoryFdKHR.html) """ function _get_memory_fd_khr(device, get_fd_info::_MemoryGetFdInfoKHR)::ResultTypes.Result{Int, VulkanError} pFd = Ref{Int}() @check @dispatch(device, vkGetMemoryFdKHR(device, get_fd_info, pFd)) pFd[] end """ Extension: VK\\_KHR\\_external\\_memory\\_fd Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` Arguments: - `device::Device` - `handle_type::ExternalMemoryHandleTypeFlag` - `fd::Int` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetMemoryFdPropertiesKHR.html) """ function _get_memory_fd_properties_khr(device, handle_type::ExternalMemoryHandleTypeFlag, fd::Integer)::ResultTypes.Result{_MemoryFdPropertiesKHR, VulkanError} pMemoryFdProperties = Ref{VkMemoryFdPropertiesKHR}() @check @dispatch(device, vkGetMemoryFdPropertiesKHR(device, VkExternalMemoryHandleTypeFlagBits(handle_type.val), fd, pMemoryFdProperties)) from_vk(_MemoryFdPropertiesKHR, pMemoryFdProperties[]) end """ Extension: VK\\_NV\\_external\\_memory\\_rdma Return codes: - `SUCCESS` - `ERROR_INVALID_EXTERNAL_HANDLE` Arguments: - `device::Device` - `memory_get_remote_address_info::_MemoryGetRemoteAddressInfoNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetMemoryRemoteAddressNV.html) """ function _get_memory_remote_address_nv(device, memory_get_remote_address_info::_MemoryGetRemoteAddressInfoNV)::ResultTypes.Result{Cvoid, VulkanError} pAddress = Ref{VkRemoteAddressNV}() @check @dispatch(device, vkGetMemoryRemoteAddressNV(device, memory_get_remote_address_info, pAddress)) pAddress[] end """ Arguments: - `physical_device::PhysicalDevice` - `external_semaphore_info::_PhysicalDeviceExternalSemaphoreInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceExternalSemaphoreProperties.html) """ function _get_physical_device_external_semaphore_properties(physical_device, external_semaphore_info::_PhysicalDeviceExternalSemaphoreInfo)::_ExternalSemaphoreProperties pExternalSemaphoreProperties = Ref{VkExternalSemaphoreProperties}() @dispatch instance(physical_device) vkGetPhysicalDeviceExternalSemaphoreProperties(physical_device, external_semaphore_info, pExternalSemaphoreProperties) from_vk(_ExternalSemaphoreProperties, pExternalSemaphoreProperties[]) end """ Extension: VK\\_KHR\\_external\\_semaphore\\_fd Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `get_fd_info::_SemaphoreGetFdInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSemaphoreFdKHR.html) """ function _get_semaphore_fd_khr(device, get_fd_info::_SemaphoreGetFdInfoKHR)::ResultTypes.Result{Int, VulkanError} pFd = Ref{Int}() @check @dispatch(device, vkGetSemaphoreFdKHR(device, get_fd_info, pFd)) pFd[] end """ Extension: VK\\_KHR\\_external\\_semaphore\\_fd Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` Arguments: - `device::Device` - `import_semaphore_fd_info::_ImportSemaphoreFdInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkImportSemaphoreFdKHR.html) """ _import_semaphore_fd_khr(device, import_semaphore_fd_info::_ImportSemaphoreFdInfoKHR)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkImportSemaphoreFdKHR(device, import_semaphore_fd_info))) """ Arguments: - `physical_device::PhysicalDevice` - `external_fence_info::_PhysicalDeviceExternalFenceInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceExternalFenceProperties.html) """ function _get_physical_device_external_fence_properties(physical_device, external_fence_info::_PhysicalDeviceExternalFenceInfo)::_ExternalFenceProperties pExternalFenceProperties = Ref{VkExternalFenceProperties}() @dispatch instance(physical_device) vkGetPhysicalDeviceExternalFenceProperties(physical_device, external_fence_info, pExternalFenceProperties) from_vk(_ExternalFenceProperties, pExternalFenceProperties[]) end """ Extension: VK\\_KHR\\_external\\_fence\\_fd Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `get_fd_info::_FenceGetFdInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetFenceFdKHR.html) """ function _get_fence_fd_khr(device, get_fd_info::_FenceGetFdInfoKHR)::ResultTypes.Result{Int, VulkanError} pFd = Ref{Int}() @check @dispatch(device, vkGetFenceFdKHR(device, get_fd_info, pFd)) pFd[] end """ Extension: VK\\_KHR\\_external\\_fence\\_fd Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` Arguments: - `device::Device` - `import_fence_fd_info::_ImportFenceFdInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkImportFenceFdKHR.html) """ _import_fence_fd_khr(device, import_fence_fd_info::_ImportFenceFdInfoKHR)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkImportFenceFdKHR(device, import_fence_fd_info))) """ Extension: VK\\_EXT\\_direct\\_mode\\_display Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkReleaseDisplayEXT.html) """ function _release_display_ext(physical_device, display)::Nothing @dispatch instance(physical_device) vkReleaseDisplayEXT(physical_device, display) nothing end """ Extension: VK\\_EXT\\_acquire\\_xlib\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `physical_device::PhysicalDevice` - `dpy::Ptr{Display}` - `display::DisplayKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAcquireXlibDisplayEXT.html) """ _acquire_xlib_display_ext(physical_device, dpy::Ptr{vk.Display}, display)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(instance(physical_device), vkAcquireXlibDisplayEXT(physical_device, dpy, display))) """ Extension: VK\\_EXT\\_acquire\\_xlib\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `dpy::Ptr{Display}` - `rr_output::RROutput` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetRandROutputDisplayEXT.html) """ function _get_rand_r_output_display_ext(physical_device, dpy::Ptr{vk.Display}, rr_output::vk.RROutput)::ResultTypes.Result{DisplayKHR, VulkanError} pDisplay = Ref{VkDisplayKHR}() @check @dispatch(instance(physical_device), vkGetRandROutputDisplayEXT(physical_device, dpy, rr_output, pDisplay)) DisplayKHR(pDisplay[], identity, physical_device) end """ Extension: VK\\_EXT\\_display\\_control Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `display::DisplayKHR` - `display_power_info::_DisplayPowerInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDisplayPowerControlEXT.html) """ _display_power_control_ext(device, display, display_power_info::_DisplayPowerInfoEXT)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkDisplayPowerControlEXT(device, display, display_power_info))) """ Extension: VK\\_EXT\\_display\\_control Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `device_event_info::_DeviceEventInfoEXT` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkRegisterDeviceEventEXT.html) """ function _register_device_event_ext(device, device_event_info::_DeviceEventInfoEXT; allocator = C_NULL)::ResultTypes.Result{Fence, VulkanError} pFence = Ref{VkFence}() @check @dispatch(device, vkRegisterDeviceEventEXT(device, device_event_info, allocator, pFence)) Fence(pFence[], begin parent = Vk.handle(device) x->_destroy_fence(parent, x; allocator) end, device) end """ Extension: VK\\_EXT\\_display\\_control Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `display::DisplayKHR` - `display_event_info::_DisplayEventInfoEXT` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkRegisterDisplayEventEXT.html) """ function _register_display_event_ext(device, display, display_event_info::_DisplayEventInfoEXT; allocator = C_NULL)::ResultTypes.Result{Fence, VulkanError} pFence = Ref{VkFence}() @check @dispatch(device, vkRegisterDisplayEventEXT(device, display, display_event_info, allocator, pFence)) Fence(pFence[], begin parent = Vk.handle(device) x->_destroy_fence(parent, x; allocator) end, device) end """ Extension: VK\\_EXT\\_display\\_control Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` Arguments: - `device::Device` - `swapchain::SwapchainKHR` - `counter::SurfaceCounterFlagEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSwapchainCounterEXT.html) """ function _get_swapchain_counter_ext(device, swapchain, counter::SurfaceCounterFlagEXT)::ResultTypes.Result{UInt64, VulkanError} pCounterValue = Ref{UInt64}() @check @dispatch(device, vkGetSwapchainCounterEXT(device, swapchain, VkSurfaceCounterFlagBitsEXT(counter.val), pCounterValue)) pCounterValue[] end """ Extension: VK\\_EXT\\_display\\_surface\\_counter Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface::SurfaceKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfaceCapabilities2EXT.html) """ function _get_physical_device_surface_capabilities_2_ext(physical_device, surface)::ResultTypes.Result{_SurfaceCapabilities2EXT, VulkanError} pSurfaceCapabilities = Ref{VkSurfaceCapabilities2EXT}() @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSurfaceCapabilities2EXT(physical_device, surface, pSurfaceCapabilities)) from_vk(_SurfaceCapabilities2EXT, pSurfaceCapabilities[]) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `instance::Instance` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumeratePhysicalDeviceGroups.html) """ function _enumerate_physical_device_groups(instance)::ResultTypes.Result{Vector{_PhysicalDeviceGroupProperties}, VulkanError} pPhysicalDeviceGroupCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance, vkEnumeratePhysicalDeviceGroups(instance, pPhysicalDeviceGroupCount, C_NULL)) pPhysicalDeviceGroupProperties = Vector{VkPhysicalDeviceGroupProperties}(undef, pPhysicalDeviceGroupCount[]) @check @dispatch(instance, vkEnumeratePhysicalDeviceGroups(instance, pPhysicalDeviceGroupCount, pPhysicalDeviceGroupProperties)) end from_vk.(_PhysicalDeviceGroupProperties, pPhysicalDeviceGroupProperties) end """ Arguments: - `device::Device` - `heap_index::UInt32` - `local_device_index::UInt32` - `remote_device_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceGroupPeerMemoryFeatures.html) """ function _get_device_group_peer_memory_features(device, heap_index::Integer, local_device_index::Integer, remote_device_index::Integer)::PeerMemoryFeatureFlag pPeerMemoryFeatures = Ref{VkPeerMemoryFeatureFlags}() @dispatch device vkGetDeviceGroupPeerMemoryFeatures(device, heap_index, local_device_index, remote_device_index, pPeerMemoryFeatures) pPeerMemoryFeatures[] end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `bind_infos::Vector{_BindBufferMemoryInfo}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindBufferMemory2.html) """ _bind_buffer_memory_2(device, bind_infos::AbstractArray)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkBindBufferMemory2(device, pointer_length(bind_infos), bind_infos))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `bind_infos::Vector{_BindImageMemoryInfo}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindImageMemory2.html) """ _bind_image_memory_2(device, bind_infos::AbstractArray)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkBindImageMemory2(device, pointer_length(bind_infos), bind_infos))) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `device_mask::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDeviceMask.html) """ _cmd_set_device_mask(command_buffer, device_mask::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDeviceMask(command_buffer, device_mask)) """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceGroupPresentCapabilitiesKHR.html) """ function _get_device_group_present_capabilities_khr(device)::ResultTypes.Result{_DeviceGroupPresentCapabilitiesKHR, VulkanError} pDeviceGroupPresentCapabilities = Ref{VkDeviceGroupPresentCapabilitiesKHR}() @check @dispatch(device, vkGetDeviceGroupPresentCapabilitiesKHR(device, pDeviceGroupPresentCapabilities)) from_vk(_DeviceGroupPresentCapabilitiesKHR, pDeviceGroupPresentCapabilities[]) end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `surface::SurfaceKHR` (externsync) - `modes::DeviceGroupPresentModeFlagKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceGroupSurfacePresentModesKHR.html) """ function _get_device_group_surface_present_modes_khr(device, surface, modes::DeviceGroupPresentModeFlagKHR)::ResultTypes.Result{DeviceGroupPresentModeFlagKHR, VulkanError} pModes = Ref{VkDeviceGroupPresentModeFlagsKHR}() @check @dispatch(device, vkGetDeviceGroupSurfacePresentModesKHR(device, surface, pModes)) pModes[] end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `TIMEOUT` - `NOT_READY` - `SUBOPTIMAL_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` - `ERROR_SURFACE_LOST_KHR` - `ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT` Arguments: - `device::Device` - `acquire_info::_AcquireNextImageInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAcquireNextImage2KHR.html) """ function _acquire_next_image_2_khr(device, acquire_info::_AcquireNextImageInfoKHR)::ResultTypes.Result{Tuple{UInt32, Result}, VulkanError} pImageIndex = Ref{UInt32}() @check @dispatch(device, vkAcquireNextImage2KHR(device, acquire_info, pImageIndex)) (pImageIndex[], _return_code) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `base_group_x::UInt32` - `base_group_y::UInt32` - `base_group_z::UInt32` - `group_count_x::UInt32` - `group_count_y::UInt32` - `group_count_z::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDispatchBase.html) """ _cmd_dispatch_base(command_buffer, base_group_x::Integer, base_group_y::Integer, base_group_z::Integer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDispatchBase(command_buffer, base_group_x, base_group_y, base_group_z, group_count_x, group_count_y, group_count_z)) """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `surface::SurfaceKHR` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDevicePresentRectanglesKHR.html) """ function _get_physical_device_present_rectangles_khr(physical_device, surface)::ResultTypes.Result{Vector{_Rect2D}, VulkanError} pRectCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDevicePresentRectanglesKHR(physical_device, surface, pRectCount, C_NULL)) pRects = Vector{VkRect2D}(undef, pRectCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDevicePresentRectanglesKHR(physical_device, surface, pRectCount, pRects)) end from_vk.(_Rect2D, pRects) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_DescriptorUpdateTemplateCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorUpdateTemplate.html) """ function _create_descriptor_update_template(device, create_info::_DescriptorUpdateTemplateCreateInfo; allocator = C_NULL)::ResultTypes.Result{DescriptorUpdateTemplate, VulkanError} pDescriptorUpdateTemplate = Ref{VkDescriptorUpdateTemplate}() @check @dispatch(device, vkCreateDescriptorUpdateTemplate(device, create_info, allocator, pDescriptorUpdateTemplate)) DescriptorUpdateTemplate(pDescriptorUpdateTemplate[], begin parent = Vk.handle(device) x->_destroy_descriptor_update_template(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `descriptor_update_template::DescriptorUpdateTemplate` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDescriptorUpdateTemplate.html) """ _destroy_descriptor_update_template(device, descriptor_update_template; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyDescriptorUpdateTemplate(device, descriptor_update_template, allocator)) """ Arguments: - `device::Device` - `descriptor_set::DescriptorSet` - `descriptor_update_template::DescriptorUpdateTemplate` - `data::Ptr{Cvoid}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkUpdateDescriptorSetWithTemplate.html) """ _update_descriptor_set_with_template(device, descriptor_set, descriptor_update_template, data::Ptr{Cvoid})::Cvoid = @dispatch(device, vkUpdateDescriptorSetWithTemplate(device, descriptor_set, descriptor_update_template, data)) """ Extension: VK\\_KHR\\_push\\_descriptor Arguments: - `command_buffer::CommandBuffer` (externsync) - `descriptor_update_template::DescriptorUpdateTemplate` - `layout::PipelineLayout` - `set::UInt32` - `data::Ptr{Cvoid}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdPushDescriptorSetWithTemplateKHR.html) """ _cmd_push_descriptor_set_with_template_khr(command_buffer, descriptor_update_template, layout, set::Integer, data::Ptr{Cvoid})::Cvoid = @dispatch(device(command_buffer), vkCmdPushDescriptorSetWithTemplateKHR(command_buffer, descriptor_update_template, layout, set, data)) """ Extension: VK\\_EXT\\_hdr\\_metadata Arguments: - `device::Device` - `swapchains::Vector{SwapchainKHR}` - `metadata::Vector{_HdrMetadataEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetHdrMetadataEXT.html) """ _set_hdr_metadata_ext(device, swapchains::AbstractArray, metadata::AbstractArray)::Cvoid = @dispatch(device, vkSetHdrMetadataEXT(device, pointer_length(swapchains), swapchains, metadata)) """ Extension: VK\\_KHR\\_shared\\_presentable\\_image Return codes: - `SUCCESS` - `SUBOPTIMAL_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` - `ERROR_SURFACE_LOST_KHR` - `ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT` Arguments: - `device::Device` - `swapchain::SwapchainKHR` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSwapchainStatusKHR.html) """ _get_swapchain_status_khr(device, swapchain)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkGetSwapchainStatusKHR(device, swapchain))) """ Extension: VK\\_GOOGLE\\_display\\_timing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `swapchain::SwapchainKHR` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetRefreshCycleDurationGOOGLE.html) """ function _get_refresh_cycle_duration_google(device, swapchain)::ResultTypes.Result{_RefreshCycleDurationGOOGLE, VulkanError} pDisplayTimingProperties = Ref{VkRefreshCycleDurationGOOGLE}() @check @dispatch(device, vkGetRefreshCycleDurationGOOGLE(device, swapchain, pDisplayTimingProperties)) from_vk(_RefreshCycleDurationGOOGLE, pDisplayTimingProperties[]) end """ Extension: VK\\_GOOGLE\\_display\\_timing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `swapchain::SwapchainKHR` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPastPresentationTimingGOOGLE.html) """ function _get_past_presentation_timing_google(device, swapchain)::ResultTypes.Result{Vector{_PastPresentationTimingGOOGLE}, VulkanError} pPresentationTimingCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(device, vkGetPastPresentationTimingGOOGLE(device, swapchain, pPresentationTimingCount, C_NULL)) pPresentationTimings = Vector{VkPastPresentationTimingGOOGLE}(undef, pPresentationTimingCount[]) @check @dispatch(device, vkGetPastPresentationTimingGOOGLE(device, swapchain, pPresentationTimingCount, pPresentationTimings)) end from_vk.(_PastPresentationTimingGOOGLE, pPresentationTimings) end """ Extension: VK\\_NV\\_clip\\_space\\_w\\_scaling Arguments: - `command_buffer::CommandBuffer` (externsync) - `viewport_w_scalings::Vector{_ViewportWScalingNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetViewportWScalingNV.html) """ _cmd_set_viewport_w_scaling_nv(command_buffer, viewport_w_scalings::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetViewportWScalingNV(command_buffer, 0, pointer_length(viewport_w_scalings), viewport_w_scalings)) """ Extension: VK\\_EXT\\_discard\\_rectangles Arguments: - `command_buffer::CommandBuffer` (externsync) - `discard_rectangles::Vector{_Rect2D}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDiscardRectangleEXT.html) """ _cmd_set_discard_rectangle_ext(command_buffer, discard_rectangles::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDiscardRectangleEXT(command_buffer, 0, pointer_length(discard_rectangles), discard_rectangles)) """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `command_buffer::CommandBuffer` (externsync) - `sample_locations_info::_SampleLocationsInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetSampleLocationsEXT.html) """ _cmd_set_sample_locations_ext(command_buffer, sample_locations_info::_SampleLocationsInfoEXT)::Cvoid = @dispatch(device(command_buffer), vkCmdSetSampleLocationsEXT(command_buffer, sample_locations_info)) """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `physical_device::PhysicalDevice` - `samples::SampleCountFlag` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceMultisamplePropertiesEXT.html) """ function _get_physical_device_multisample_properties_ext(physical_device, samples::SampleCountFlag)::_MultisamplePropertiesEXT pMultisampleProperties = Ref{VkMultisamplePropertiesEXT}() @dispatch instance(physical_device) vkGetPhysicalDeviceMultisamplePropertiesEXT(physical_device, VkSampleCountFlagBits(samples.val), pMultisampleProperties) from_vk(_MultisamplePropertiesEXT, pMultisampleProperties[]) end """ Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface_info::_PhysicalDeviceSurfaceInfo2KHR` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfaceCapabilities2KHR.html) """ function _get_physical_device_surface_capabilities_2_khr(physical_device, surface_info::_PhysicalDeviceSurfaceInfo2KHR, next_types::Type...)::ResultTypes.Result{_SurfaceCapabilities2KHR, VulkanError} surface_capabilities = initialize(_SurfaceCapabilities2KHR, next_types...) pSurfaceCapabilities = Ref(Base.unsafe_convert(VkSurfaceCapabilities2KHR, surface_capabilities)) GC.@preserve surface_capabilities begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSurfaceCapabilities2KHR(physical_device, surface_info, pSurfaceCapabilities)) _SurfaceCapabilities2KHR(pSurfaceCapabilities[], Any[surface_capabilities]) end end """ Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface_info::_PhysicalDeviceSurfaceInfo2KHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfaceFormats2KHR.html) """ function _get_physical_device_surface_formats_2_khr(physical_device, surface_info::_PhysicalDeviceSurfaceInfo2KHR)::ResultTypes.Result{Vector{_SurfaceFormat2KHR}, VulkanError} pSurfaceFormatCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSurfaceFormats2KHR(physical_device, surface_info, pSurfaceFormatCount, C_NULL)) pSurfaceFormats = Vector{VkSurfaceFormat2KHR}(undef, pSurfaceFormatCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSurfaceFormats2KHR(physical_device, surface_info, pSurfaceFormatCount, pSurfaceFormats)) end from_vk.(_SurfaceFormat2KHR, pSurfaceFormats) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceDisplayProperties2KHR.html) """ function _get_physical_device_display_properties_2_khr(physical_device)::ResultTypes.Result{Vector{_DisplayProperties2KHR}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceDisplayProperties2KHR(physical_device, pPropertyCount, C_NULL)) pProperties = Vector{VkDisplayProperties2KHR}(undef, pPropertyCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceDisplayProperties2KHR(physical_device, pPropertyCount, pProperties)) end from_vk.(_DisplayProperties2KHR, pProperties) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceDisplayPlaneProperties2KHR.html) """ function _get_physical_device_display_plane_properties_2_khr(physical_device)::ResultTypes.Result{Vector{_DisplayPlaneProperties2KHR}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceDisplayPlaneProperties2KHR(physical_device, pPropertyCount, C_NULL)) pProperties = Vector{VkDisplayPlaneProperties2KHR}(undef, pPropertyCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceDisplayPlaneProperties2KHR(physical_device, pPropertyCount, pProperties)) end from_vk.(_DisplayPlaneProperties2KHR, pProperties) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDisplayModeProperties2KHR.html) """ function _get_display_mode_properties_2_khr(physical_device, display)::ResultTypes.Result{Vector{_DisplayModeProperties2KHR}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetDisplayModeProperties2KHR(physical_device, display, pPropertyCount, C_NULL)) pProperties = Vector{VkDisplayModeProperties2KHR}(undef, pPropertyCount[]) @check @dispatch(instance(physical_device), vkGetDisplayModeProperties2KHR(physical_device, display, pPropertyCount, pProperties)) end from_vk.(_DisplayModeProperties2KHR, pProperties) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `display_plane_info::_DisplayPlaneInfo2KHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDisplayPlaneCapabilities2KHR.html) """ function _get_display_plane_capabilities_2_khr(physical_device, display_plane_info::_DisplayPlaneInfo2KHR)::ResultTypes.Result{_DisplayPlaneCapabilities2KHR, VulkanError} pCapabilities = Ref{VkDisplayPlaneCapabilities2KHR}() @check @dispatch(instance(physical_device), vkGetDisplayPlaneCapabilities2KHR(physical_device, display_plane_info, pCapabilities)) from_vk(_DisplayPlaneCapabilities2KHR, pCapabilities[]) end """ Arguments: - `device::Device` - `info::_BufferMemoryRequirementsInfo2` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetBufferMemoryRequirements2.html) """ function _get_buffer_memory_requirements_2(device, info::_BufferMemoryRequirementsInfo2, next_types::Type...)::_MemoryRequirements2 memory_requirements = initialize(_MemoryRequirements2, next_types...) pMemoryRequirements = Ref(Base.unsafe_convert(VkMemoryRequirements2, memory_requirements)) GC.@preserve memory_requirements begin @dispatch device vkGetBufferMemoryRequirements2(device, info, pMemoryRequirements) _MemoryRequirements2(pMemoryRequirements[], Any[memory_requirements]) end end """ Arguments: - `device::Device` - `info::_ImageMemoryRequirementsInfo2` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageMemoryRequirements2.html) """ function _get_image_memory_requirements_2(device, info::_ImageMemoryRequirementsInfo2, next_types::Type...)::_MemoryRequirements2 memory_requirements = initialize(_MemoryRequirements2, next_types...) pMemoryRequirements = Ref(Base.unsafe_convert(VkMemoryRequirements2, memory_requirements)) GC.@preserve memory_requirements begin @dispatch device vkGetImageMemoryRequirements2(device, info, pMemoryRequirements) _MemoryRequirements2(pMemoryRequirements[], Any[memory_requirements]) end end """ Arguments: - `device::Device` - `info::_ImageSparseMemoryRequirementsInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageSparseMemoryRequirements2.html) """ function _get_image_sparse_memory_requirements_2(device, info::_ImageSparseMemoryRequirementsInfo2)::Vector{_SparseImageMemoryRequirements2} pSparseMemoryRequirementCount = Ref{UInt32}() @dispatch device vkGetImageSparseMemoryRequirements2(device, info, pSparseMemoryRequirementCount, C_NULL) pSparseMemoryRequirements = Vector{VkSparseImageMemoryRequirements2}(undef, pSparseMemoryRequirementCount[]) @dispatch device vkGetImageSparseMemoryRequirements2(device, info, pSparseMemoryRequirementCount, pSparseMemoryRequirements) from_vk.(_SparseImageMemoryRequirements2, pSparseMemoryRequirements) end """ Arguments: - `device::Device` - `info::_DeviceBufferMemoryRequirements` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceBufferMemoryRequirements.html) """ function _get_device_buffer_memory_requirements(device, info::_DeviceBufferMemoryRequirements, next_types::Type...)::_MemoryRequirements2 memory_requirements = initialize(_MemoryRequirements2, next_types...) pMemoryRequirements = Ref(Base.unsafe_convert(VkMemoryRequirements2, memory_requirements)) GC.@preserve memory_requirements begin @dispatch device vkGetDeviceBufferMemoryRequirements(device, info, pMemoryRequirements) _MemoryRequirements2(pMemoryRequirements[], Any[memory_requirements]) end end """ Arguments: - `device::Device` - `info::_DeviceImageMemoryRequirements` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceImageMemoryRequirements.html) """ function _get_device_image_memory_requirements(device, info::_DeviceImageMemoryRequirements, next_types::Type...)::_MemoryRequirements2 memory_requirements = initialize(_MemoryRequirements2, next_types...) pMemoryRequirements = Ref(Base.unsafe_convert(VkMemoryRequirements2, memory_requirements)) GC.@preserve memory_requirements begin @dispatch device vkGetDeviceImageMemoryRequirements(device, info, pMemoryRequirements) _MemoryRequirements2(pMemoryRequirements[], Any[memory_requirements]) end end """ Arguments: - `device::Device` - `info::_DeviceImageMemoryRequirements` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceImageSparseMemoryRequirements.html) """ function _get_device_image_sparse_memory_requirements(device, info::_DeviceImageMemoryRequirements)::Vector{_SparseImageMemoryRequirements2} pSparseMemoryRequirementCount = Ref{UInt32}() @dispatch device vkGetDeviceImageSparseMemoryRequirements(device, info, pSparseMemoryRequirementCount, C_NULL) pSparseMemoryRequirements = Vector{VkSparseImageMemoryRequirements2}(undef, pSparseMemoryRequirementCount[]) @dispatch device vkGetDeviceImageSparseMemoryRequirements(device, info, pSparseMemoryRequirementCount, pSparseMemoryRequirements) from_vk.(_SparseImageMemoryRequirements2, pSparseMemoryRequirements) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_SamplerYcbcrConversionCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSamplerYcbcrConversion.html) """ function _create_sampler_ycbcr_conversion(device, create_info::_SamplerYcbcrConversionCreateInfo; allocator = C_NULL)::ResultTypes.Result{SamplerYcbcrConversion, VulkanError} pYcbcrConversion = Ref{VkSamplerYcbcrConversion}() @check @dispatch(device, vkCreateSamplerYcbcrConversion(device, create_info, allocator, pYcbcrConversion)) SamplerYcbcrConversion(pYcbcrConversion[], begin parent = Vk.handle(device) x->_destroy_sampler_ycbcr_conversion(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `ycbcr_conversion::SamplerYcbcrConversion` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroySamplerYcbcrConversion.html) """ _destroy_sampler_ycbcr_conversion(device, ycbcr_conversion; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroySamplerYcbcrConversion(device, ycbcr_conversion, allocator)) """ Arguments: - `device::Device` - `queue_info::_DeviceQueueInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceQueue2.html) """ function _get_device_queue_2(device, queue_info::_DeviceQueueInfo2)::Queue pQueue = Ref{VkQueue}() @dispatch device vkGetDeviceQueue2(device, queue_info, pQueue) Queue(pQueue[], identity, device) end """ Extension: VK\\_EXT\\_validation\\_cache Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `create_info::_ValidationCacheCreateInfoEXT` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateValidationCacheEXT.html) """ function _create_validation_cache_ext(device, create_info::_ValidationCacheCreateInfoEXT; allocator = C_NULL)::ResultTypes.Result{ValidationCacheEXT, VulkanError} pValidationCache = Ref{VkValidationCacheEXT}() @check @dispatch(device, vkCreateValidationCacheEXT(device, create_info, allocator, pValidationCache)) ValidationCacheEXT(pValidationCache[], begin parent = Vk.handle(device) x->_destroy_validation_cache_ext(parent, x; allocator) end, device) end """ Extension: VK\\_EXT\\_validation\\_cache Arguments: - `device::Device` - `validation_cache::ValidationCacheEXT` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyValidationCacheEXT.html) """ _destroy_validation_cache_ext(device, validation_cache; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyValidationCacheEXT(device, validation_cache, allocator)) """ Extension: VK\\_EXT\\_validation\\_cache Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `validation_cache::ValidationCacheEXT` !!! warning The pointer returned by this function holds memory owned by Julia. It is therefore **your** responsibility to free it after use (e.g. with `Libc.free`). [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetValidationCacheDataEXT.html) """ function _get_validation_cache_data_ext(device, validation_cache)::ResultTypes.Result{Tuple{UInt, Ptr{Cvoid}}, VulkanError} pDataSize = Ref{UInt}() @repeat_while_incomplete begin @check @dispatch(device, vkGetValidationCacheDataEXT(device, validation_cache, pDataSize, C_NULL)) pData = Libc.malloc(pDataSize[]) @check @dispatch(device, vkGetValidationCacheDataEXT(device, validation_cache, pDataSize, pData)) if _return_code == VK_INCOMPLETE Libc.free(pData) end end (pDataSize[], pData) end """ Extension: VK\\_EXT\\_validation\\_cache Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `dst_cache::ValidationCacheEXT` (externsync) - `src_caches::Vector{ValidationCacheEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkMergeValidationCachesEXT.html) """ _merge_validation_caches_ext(device, dst_cache, src_caches::AbstractArray)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkMergeValidationCachesEXT(device, dst_cache, pointer_length(src_caches), src_caches))) """ Arguments: - `device::Device` - `create_info::_DescriptorSetLayoutCreateInfo` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDescriptorSetLayoutSupport.html) """ function _get_descriptor_set_layout_support(device, create_info::_DescriptorSetLayoutCreateInfo, next_types::Type...)::_DescriptorSetLayoutSupport support = initialize(_DescriptorSetLayoutSupport, next_types...) pSupport = Ref(Base.unsafe_convert(VkDescriptorSetLayoutSupport, support)) GC.@preserve support begin @dispatch device vkGetDescriptorSetLayoutSupport(device, create_info, pSupport) _DescriptorSetLayoutSupport(pSupport[], Any[support]) end end """ Extension: VK\\_AMD\\_shader\\_info Return codes: - `SUCCESS` - `ERROR_FEATURE_NOT_PRESENT` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `pipeline::Pipeline` - `shader_stage::ShaderStageFlag` - `info_type::ShaderInfoTypeAMD` !!! warning The pointer returned by this function holds memory owned by Julia. It is therefore **your** responsibility to free it after use (e.g. with `Libc.free`). [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetShaderInfoAMD.html) """ function _get_shader_info_amd(device, pipeline, shader_stage::ShaderStageFlag, info_type::ShaderInfoTypeAMD)::ResultTypes.Result{Tuple{UInt, Ptr{Cvoid}}, VulkanError} pInfoSize = Ref{UInt}() @repeat_while_incomplete begin @check @dispatch(device, vkGetShaderInfoAMD(device, pipeline, VkShaderStageFlagBits(shader_stage.val), info_type, pInfoSize, C_NULL)) pInfo = Libc.malloc(pInfoSize[]) @check @dispatch(device, vkGetShaderInfoAMD(device, pipeline, VkShaderStageFlagBits(shader_stage.val), info_type, pInfoSize, pInfo)) if _return_code == VK_INCOMPLETE Libc.free(pInfo) end end (pInfoSize[], pInfo) end """ Extension: VK\\_AMD\\_display\\_native\\_hdr Arguments: - `device::Device` - `swap_chain::SwapchainKHR` - `local_dimming_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetLocalDimmingAMD.html) """ _set_local_dimming_amd(device, swap_chain, local_dimming_enable::Bool)::Cvoid = @dispatch(device, vkSetLocalDimmingAMD(device, swap_chain, local_dimming_enable)) """ Extension: VK\\_EXT\\_calibrated\\_timestamps Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceCalibrateableTimeDomainsEXT.html) """ function _get_physical_device_calibrateable_time_domains_ext(physical_device)::ResultTypes.Result{Vector{TimeDomainEXT}, VulkanError} pTimeDomainCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceCalibrateableTimeDomainsEXT(physical_device, pTimeDomainCount, C_NULL)) pTimeDomains = Vector{VkTimeDomainEXT}(undef, pTimeDomainCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceCalibrateableTimeDomainsEXT(physical_device, pTimeDomainCount, pTimeDomains)) end pTimeDomains end """ Extension: VK\\_EXT\\_calibrated\\_timestamps Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `timestamp_infos::Vector{_CalibratedTimestampInfoEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetCalibratedTimestampsEXT.html) """ function _get_calibrated_timestamps_ext(device, timestamp_infos::AbstractArray)::ResultTypes.Result{Tuple{Vector{UInt64}, UInt64}, VulkanError} pTimestamps = Vector{UInt64}(undef, pointer_length(timestamp_infos)) pMaxDeviation = Ref{UInt64}() @check @dispatch(device, vkGetCalibratedTimestampsEXT(device, pointer_length(timestamp_infos), timestamp_infos, pTimestamps, pMaxDeviation)) (pTimestamps, pMaxDeviation[]) end """ Extension: VK\\_EXT\\_debug\\_utils Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `name_info::_DebugUtilsObjectNameInfoEXT` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetDebugUtilsObjectNameEXT.html) """ _set_debug_utils_object_name_ext(device, name_info::_DebugUtilsObjectNameInfoEXT)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkSetDebugUtilsObjectNameEXT(device, name_info))) """ Extension: VK\\_EXT\\_debug\\_utils Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `tag_info::_DebugUtilsObjectTagInfoEXT` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetDebugUtilsObjectTagEXT.html) """ _set_debug_utils_object_tag_ext(device, tag_info::_DebugUtilsObjectTagInfoEXT)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkSetDebugUtilsObjectTagEXT(device, tag_info))) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `queue::Queue` - `label_info::_DebugUtilsLabelEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueBeginDebugUtilsLabelEXT.html) """ _queue_begin_debug_utils_label_ext(queue, label_info::_DebugUtilsLabelEXT)::Cvoid = @dispatch(device(queue), vkQueueBeginDebugUtilsLabelEXT(queue, label_info)) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `queue::Queue` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueEndDebugUtilsLabelEXT.html) """ _queue_end_debug_utils_label_ext(queue)::Cvoid = @dispatch(device(queue), vkQueueEndDebugUtilsLabelEXT(queue)) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `queue::Queue` - `label_info::_DebugUtilsLabelEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueInsertDebugUtilsLabelEXT.html) """ _queue_insert_debug_utils_label_ext(queue, label_info::_DebugUtilsLabelEXT)::Cvoid = @dispatch(device(queue), vkQueueInsertDebugUtilsLabelEXT(queue, label_info)) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `command_buffer::CommandBuffer` (externsync) - `label_info::_DebugUtilsLabelEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginDebugUtilsLabelEXT.html) """ _cmd_begin_debug_utils_label_ext(command_buffer, label_info::_DebugUtilsLabelEXT)::Cvoid = @dispatch(device(command_buffer), vkCmdBeginDebugUtilsLabelEXT(command_buffer, label_info)) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndDebugUtilsLabelEXT.html) """ _cmd_end_debug_utils_label_ext(command_buffer)::Cvoid = @dispatch(device(command_buffer), vkCmdEndDebugUtilsLabelEXT(command_buffer)) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `command_buffer::CommandBuffer` (externsync) - `label_info::_DebugUtilsLabelEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdInsertDebugUtilsLabelEXT.html) """ _cmd_insert_debug_utils_label_ext(command_buffer, label_info::_DebugUtilsLabelEXT)::Cvoid = @dispatch(device(command_buffer), vkCmdInsertDebugUtilsLabelEXT(command_buffer, label_info)) """ Extension: VK\\_EXT\\_debug\\_utils Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `instance::Instance` - `create_info::_DebugUtilsMessengerCreateInfoEXT` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDebugUtilsMessengerEXT.html) """ function _create_debug_utils_messenger_ext(instance, create_info::_DebugUtilsMessengerCreateInfoEXT; allocator = C_NULL)::ResultTypes.Result{DebugUtilsMessengerEXT, VulkanError} pMessenger = Ref{VkDebugUtilsMessengerEXT}() @check @dispatch(instance, vkCreateDebugUtilsMessengerEXT(instance, create_info, allocator, pMessenger)) DebugUtilsMessengerEXT(pMessenger[], begin parent = Vk.handle(instance) x->_destroy_debug_utils_messenger_ext(parent, x; allocator) end, instance) end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `instance::Instance` - `messenger::DebugUtilsMessengerEXT` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDebugUtilsMessengerEXT.html) """ _destroy_debug_utils_messenger_ext(instance, messenger; allocator = C_NULL)::Cvoid = @dispatch(instance, vkDestroyDebugUtilsMessengerEXT(instance, messenger, allocator)) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `instance::Instance` - `message_severity::DebugUtilsMessageSeverityFlagEXT` - `message_types::DebugUtilsMessageTypeFlagEXT` - `callback_data::_DebugUtilsMessengerCallbackDataEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSubmitDebugUtilsMessageEXT.html) """ _submit_debug_utils_message_ext(instance, message_severity::DebugUtilsMessageSeverityFlagEXT, message_types::DebugUtilsMessageTypeFlagEXT, callback_data::_DebugUtilsMessengerCallbackDataEXT)::Cvoid = @dispatch(instance, vkSubmitDebugUtilsMessageEXT(instance, VkDebugUtilsMessageSeverityFlagBitsEXT(message_severity.val), message_types, callback_data)) """ Extension: VK\\_EXT\\_external\\_memory\\_host Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` Arguments: - `device::Device` - `handle_type::ExternalMemoryHandleTypeFlag` - `host_pointer::Ptr{Cvoid}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetMemoryHostPointerPropertiesEXT.html) """ function _get_memory_host_pointer_properties_ext(device, handle_type::ExternalMemoryHandleTypeFlag, host_pointer::Ptr{Cvoid})::ResultTypes.Result{_MemoryHostPointerPropertiesEXT, VulkanError} pMemoryHostPointerProperties = Ref{VkMemoryHostPointerPropertiesEXT}() @check @dispatch(device, vkGetMemoryHostPointerPropertiesEXT(device, VkExternalMemoryHandleTypeFlagBits(handle_type.val), host_pointer, pMemoryHostPointerProperties)) from_vk(_MemoryHostPointerPropertiesEXT, pMemoryHostPointerProperties[]) end """ Extension: VK\\_AMD\\_buffer\\_marker Arguments: - `command_buffer::CommandBuffer` (externsync) - `dst_buffer::Buffer` - `dst_offset::UInt64` - `marker::UInt32` - `pipeline_stage::PipelineStageFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteBufferMarkerAMD.html) """ _cmd_write_buffer_marker_amd(command_buffer, dst_buffer, dst_offset::Integer, marker::Integer; pipeline_stage = 0)::Cvoid = @dispatch(device(command_buffer), vkCmdWriteBufferMarkerAMD(command_buffer, VkPipelineStageFlagBits(pipeline_stage.val), dst_buffer, dst_offset, marker)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_RenderPassCreateInfo2` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRenderPass2.html) """ function _create_render_pass_2(device, create_info::_RenderPassCreateInfo2; allocator = C_NULL)::ResultTypes.Result{RenderPass, VulkanError} pRenderPass = Ref{VkRenderPass}() @check @dispatch(device, vkCreateRenderPass2(device, create_info, allocator, pRenderPass)) RenderPass(pRenderPass[], begin parent = Vk.handle(device) x->_destroy_render_pass(parent, x; allocator) end, device) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `render_pass_begin::_RenderPassBeginInfo` - `subpass_begin_info::_SubpassBeginInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginRenderPass2.html) """ _cmd_begin_render_pass_2(command_buffer, render_pass_begin::_RenderPassBeginInfo, subpass_begin_info::_SubpassBeginInfo)::Cvoid = @dispatch(device(command_buffer), vkCmdBeginRenderPass2(command_buffer, render_pass_begin, subpass_begin_info)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `subpass_begin_info::_SubpassBeginInfo` - `subpass_end_info::_SubpassEndInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdNextSubpass2.html) """ _cmd_next_subpass_2(command_buffer, subpass_begin_info::_SubpassBeginInfo, subpass_end_info::_SubpassEndInfo)::Cvoid = @dispatch(device(command_buffer), vkCmdNextSubpass2(command_buffer, subpass_begin_info, subpass_end_info)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `subpass_end_info::_SubpassEndInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndRenderPass2.html) """ _cmd_end_render_pass_2(command_buffer, subpass_end_info::_SubpassEndInfo)::Cvoid = @dispatch(device(command_buffer), vkCmdEndRenderPass2(command_buffer, subpass_end_info)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` - `semaphore::Semaphore` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSemaphoreCounterValue.html) """ function _get_semaphore_counter_value(device, semaphore)::ResultTypes.Result{UInt64, VulkanError} pValue = Ref{UInt64}() @check @dispatch(device, vkGetSemaphoreCounterValue(device, semaphore, pValue)) pValue[] end """ Return codes: - `SUCCESS` - `TIMEOUT` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` - `wait_info::_SemaphoreWaitInfo` - `timeout::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkWaitSemaphores.html) """ _wait_semaphores(device, wait_info::_SemaphoreWaitInfo, timeout::Integer)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkWaitSemaphores(device, wait_info, timeout))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `signal_info::_SemaphoreSignalInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSignalSemaphore.html) """ _signal_semaphore(device, signal_info::_SemaphoreSignalInfo)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkSignalSemaphore(device, signal_info))) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `count_buffer::Buffer` - `count_buffer_offset::UInt64` - `max_draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawIndirectCount.html) """ _cmd_draw_indirect_count(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawIndirectCount(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `count_buffer::Buffer` - `count_buffer_offset::UInt64` - `max_draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawIndexedIndirectCount.html) """ _cmd_draw_indexed_indirect_count(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawIndexedIndirectCount(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride)) """ Extension: VK\\_NV\\_device\\_diagnostic\\_checkpoints Arguments: - `command_buffer::CommandBuffer` (externsync) - `checkpoint_marker::Ptr{Cvoid}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCheckpointNV.html) """ _cmd_set_checkpoint_nv(command_buffer, checkpoint_marker::Ptr{Cvoid})::Cvoid = @dispatch(device(command_buffer), vkCmdSetCheckpointNV(command_buffer, checkpoint_marker)) """ Extension: VK\\_NV\\_device\\_diagnostic\\_checkpoints Arguments: - `queue::Queue` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetQueueCheckpointDataNV.html) """ function _get_queue_checkpoint_data_nv(queue)::Vector{_CheckpointDataNV} pCheckpointDataCount = Ref{UInt32}() @dispatch device(queue) vkGetQueueCheckpointDataNV(queue, pCheckpointDataCount, C_NULL) pCheckpointData = Vector{VkCheckpointDataNV}(undef, pCheckpointDataCount[]) @dispatch device(queue) vkGetQueueCheckpointDataNV(queue, pCheckpointDataCount, pCheckpointData) from_vk.(_CheckpointDataNV, pCheckpointData) end """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffers::Vector{Buffer}` - `offsets::Vector{UInt64}` - `sizes::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindTransformFeedbackBuffersEXT.html) """ _cmd_bind_transform_feedback_buffers_ext(command_buffer, buffers::AbstractArray, offsets::AbstractArray; sizes = C_NULL)::Cvoid = @dispatch(device(command_buffer), vkCmdBindTransformFeedbackBuffersEXT(command_buffer, 0, pointer_length(buffers), buffers, offsets, sizes)) """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `command_buffer::CommandBuffer` (externsync) - `counter_buffers::Vector{Buffer}` - `counter_buffer_offsets::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginTransformFeedbackEXT.html) """ _cmd_begin_transform_feedback_ext(command_buffer, counter_buffers::AbstractArray; counter_buffer_offsets = C_NULL)::Cvoid = @dispatch(device(command_buffer), vkCmdBeginTransformFeedbackEXT(command_buffer, 0, pointer_length(counter_buffers), counter_buffers, counter_buffer_offsets)) """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `command_buffer::CommandBuffer` (externsync) - `counter_buffers::Vector{Buffer}` - `counter_buffer_offsets::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndTransformFeedbackEXT.html) """ _cmd_end_transform_feedback_ext(command_buffer, counter_buffers::AbstractArray; counter_buffer_offsets = C_NULL)::Cvoid = @dispatch(device(command_buffer), vkCmdEndTransformFeedbackEXT(command_buffer, 0, pointer_length(counter_buffers), counter_buffers, counter_buffer_offsets)) """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `query::UInt32` - `index::UInt32` - `flags::QueryControlFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginQueryIndexedEXT.html) """ _cmd_begin_query_indexed_ext(command_buffer, query_pool, query::Integer, index::Integer; flags = 0)::Cvoid = @dispatch(device(command_buffer), vkCmdBeginQueryIndexedEXT(command_buffer, query_pool, query, flags, index)) """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `query::UInt32` - `index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndQueryIndexedEXT.html) """ _cmd_end_query_indexed_ext(command_buffer, query_pool, query::Integer, index::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdEndQueryIndexedEXT(command_buffer, query_pool, query, index)) """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `command_buffer::CommandBuffer` (externsync) - `instance_count::UInt32` - `first_instance::UInt32` - `counter_buffer::Buffer` - `counter_buffer_offset::UInt64` - `counter_offset::UInt32` - `vertex_stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawIndirectByteCountEXT.html) """ _cmd_draw_indirect_byte_count_ext(command_buffer, instance_count::Integer, first_instance::Integer, counter_buffer, counter_buffer_offset::Integer, counter_offset::Integer, vertex_stride::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawIndirectByteCountEXT(command_buffer, instance_count, first_instance, counter_buffer, counter_buffer_offset, counter_offset, vertex_stride)) """ Extension: VK\\_NV\\_scissor\\_exclusive Arguments: - `command_buffer::CommandBuffer` (externsync) - `exclusive_scissors::Vector{_Rect2D}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetExclusiveScissorNV.html) """ _cmd_set_exclusive_scissor_nv(command_buffer, exclusive_scissors::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetExclusiveScissorNV(command_buffer, 0, pointer_length(exclusive_scissors), exclusive_scissors)) """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `command_buffer::CommandBuffer` (externsync) - `image_layout::ImageLayout` - `image_view::ImageView`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindShadingRateImageNV.html) """ _cmd_bind_shading_rate_image_nv(command_buffer, image_layout::ImageLayout; image_view = C_NULL)::Cvoid = @dispatch(device(command_buffer), vkCmdBindShadingRateImageNV(command_buffer, image_view, image_layout)) """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `command_buffer::CommandBuffer` (externsync) - `shading_rate_palettes::Vector{_ShadingRatePaletteNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetViewportShadingRatePaletteNV.html) """ _cmd_set_viewport_shading_rate_palette_nv(command_buffer, shading_rate_palettes::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetViewportShadingRatePaletteNV(command_buffer, 0, pointer_length(shading_rate_palettes), shading_rate_palettes)) """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `command_buffer::CommandBuffer` (externsync) - `sample_order_type::CoarseSampleOrderTypeNV` - `custom_sample_orders::Vector{_CoarseSampleOrderCustomNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoarseSampleOrderNV.html) """ _cmd_set_coarse_sample_order_nv(command_buffer, sample_order_type::CoarseSampleOrderTypeNV, custom_sample_orders::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetCoarseSampleOrderNV(command_buffer, sample_order_type, pointer_length(custom_sample_orders), custom_sample_orders)) """ Extension: VK\\_NV\\_mesh\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `task_count::UInt32` - `first_task::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMeshTasksNV.html) """ _cmd_draw_mesh_tasks_nv(command_buffer, task_count::Integer, first_task::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawMeshTasksNV(command_buffer, task_count, first_task)) """ Extension: VK\\_NV\\_mesh\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMeshTasksIndirectNV.html) """ _cmd_draw_mesh_tasks_indirect_nv(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawMeshTasksIndirectNV(command_buffer, buffer, offset, draw_count, stride)) """ Extension: VK\\_NV\\_mesh\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `count_buffer::Buffer` - `count_buffer_offset::UInt64` - `max_draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMeshTasksIndirectCountNV.html) """ _cmd_draw_mesh_tasks_indirect_count_nv(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawMeshTasksIndirectCountNV(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride)) """ Extension: VK\\_EXT\\_mesh\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `group_count_x::UInt32` - `group_count_y::UInt32` - `group_count_z::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMeshTasksEXT.html) """ _cmd_draw_mesh_tasks_ext(command_buffer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawMeshTasksEXT(command_buffer, group_count_x, group_count_y, group_count_z)) """ Extension: VK\\_EXT\\_mesh\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMeshTasksIndirectEXT.html) """ _cmd_draw_mesh_tasks_indirect_ext(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawMeshTasksIndirectEXT(command_buffer, buffer, offset, draw_count, stride)) """ Extension: VK\\_EXT\\_mesh\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `count_buffer::Buffer` - `count_buffer_offset::UInt64` - `max_draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMeshTasksIndirectCountEXT.html) """ _cmd_draw_mesh_tasks_indirect_count_ext(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawMeshTasksIndirectCountEXT(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride)) """ Extension: VK\\_NV\\_ray\\_tracing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `pipeline::Pipeline` - `shader::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCompileDeferredNV.html) """ _compile_deferred_nv(device, pipeline, shader::Integer)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkCompileDeferredNV(device, pipeline, shader))) """ Extension: VK\\_NV\\_ray\\_tracing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `create_info::_AccelerationStructureCreateInfoNV` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateAccelerationStructureNV.html) """ function _create_acceleration_structure_nv(device, create_info::_AccelerationStructureCreateInfoNV; allocator = C_NULL)::ResultTypes.Result{AccelerationStructureNV, VulkanError} pAccelerationStructure = Ref{VkAccelerationStructureNV}() @check @dispatch(device, vkCreateAccelerationStructureNV(device, create_info, allocator, pAccelerationStructure)) AccelerationStructureNV(pAccelerationStructure[], begin parent = Vk.handle(device) x->_destroy_acceleration_structure_nv(parent, x; allocator) end, device) end """ Extension: VK\\_HUAWEI\\_invocation\\_mask Arguments: - `command_buffer::CommandBuffer` (externsync) - `image_layout::ImageLayout` - `image_view::ImageView`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindInvocationMaskHUAWEI.html) """ _cmd_bind_invocation_mask_huawei(command_buffer, image_layout::ImageLayout; image_view = C_NULL)::Cvoid = @dispatch(device(command_buffer), vkCmdBindInvocationMaskHUAWEI(command_buffer, image_view, image_layout)) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `device::Device` - `acceleration_structure::AccelerationStructureKHR` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyAccelerationStructureKHR.html) """ _destroy_acceleration_structure_khr(device, acceleration_structure; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyAccelerationStructureKHR(device, acceleration_structure, allocator)) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `device::Device` - `acceleration_structure::AccelerationStructureNV` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyAccelerationStructureNV.html) """ _destroy_acceleration_structure_nv(device, acceleration_structure; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyAccelerationStructureNV(device, acceleration_structure, allocator)) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `device::Device` - `info::_AccelerationStructureMemoryRequirementsInfoNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetAccelerationStructureMemoryRequirementsNV.html) """ function _get_acceleration_structure_memory_requirements_nv(device, info::_AccelerationStructureMemoryRequirementsInfoNV)::VkMemoryRequirements2KHR pMemoryRequirements = Ref{VkMemoryRequirements2KHR}() @dispatch device vkGetAccelerationStructureMemoryRequirementsNV(device, info, pMemoryRequirements) from_vk(VkMemoryRequirements2KHR, pMemoryRequirements[]) end """ Extension: VK\\_NV\\_ray\\_tracing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `bind_infos::Vector{_BindAccelerationStructureMemoryInfoNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindAccelerationStructureMemoryNV.html) """ _bind_acceleration_structure_memory_nv(device, bind_infos::AbstractArray)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkBindAccelerationStructureMemoryNV(device, pointer_length(bind_infos), bind_infos))) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `command_buffer::CommandBuffer` (externsync) - `dst::AccelerationStructureNV` - `src::AccelerationStructureNV` - `mode::CopyAccelerationStructureModeKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyAccelerationStructureNV.html) """ _cmd_copy_acceleration_structure_nv(command_buffer, dst, src, mode::CopyAccelerationStructureModeKHR)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyAccelerationStructureNV(command_buffer, dst, src, mode)) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::_CopyAccelerationStructureInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyAccelerationStructureKHR.html) """ _cmd_copy_acceleration_structure_khr(command_buffer, info::_CopyAccelerationStructureInfoKHR)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyAccelerationStructureKHR(command_buffer, info)) """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::_CopyAccelerationStructureInfoKHR` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCopyAccelerationStructureKHR.html) """ _copy_acceleration_structure_khr(device, info::_CopyAccelerationStructureInfoKHR; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkCopyAccelerationStructureKHR(device, deferred_operation, info))) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::_CopyAccelerationStructureToMemoryInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyAccelerationStructureToMemoryKHR.html) """ _cmd_copy_acceleration_structure_to_memory_khr(command_buffer, info::_CopyAccelerationStructureToMemoryInfoKHR)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyAccelerationStructureToMemoryKHR(command_buffer, info)) """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::_CopyAccelerationStructureToMemoryInfoKHR` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCopyAccelerationStructureToMemoryKHR.html) """ _copy_acceleration_structure_to_memory_khr(device, info::_CopyAccelerationStructureToMemoryInfoKHR; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkCopyAccelerationStructureToMemoryKHR(device, deferred_operation, info))) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::_CopyMemoryToAccelerationStructureInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyMemoryToAccelerationStructureKHR.html) """ _cmd_copy_memory_to_acceleration_structure_khr(command_buffer, info::_CopyMemoryToAccelerationStructureInfoKHR)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyMemoryToAccelerationStructureKHR(command_buffer, info)) """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::_CopyMemoryToAccelerationStructureInfoKHR` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCopyMemoryToAccelerationStructureKHR.html) """ _copy_memory_to_acceleration_structure_khr(device, info::_CopyMemoryToAccelerationStructureInfoKHR; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkCopyMemoryToAccelerationStructureKHR(device, deferred_operation, info))) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `command_buffer::CommandBuffer` (externsync) - `acceleration_structures::Vector{AccelerationStructureKHR}` - `query_type::QueryType` - `query_pool::QueryPool` - `first_query::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteAccelerationStructuresPropertiesKHR.html) """ _cmd_write_acceleration_structures_properties_khr(command_buffer, acceleration_structures::AbstractArray, query_type::QueryType, query_pool, first_query::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdWriteAccelerationStructuresPropertiesKHR(command_buffer, pointer_length(acceleration_structures), acceleration_structures, query_type, query_pool, first_query)) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `command_buffer::CommandBuffer` (externsync) - `acceleration_structures::Vector{AccelerationStructureNV}` - `query_type::QueryType` - `query_pool::QueryPool` - `first_query::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteAccelerationStructuresPropertiesNV.html) """ _cmd_write_acceleration_structures_properties_nv(command_buffer, acceleration_structures::AbstractArray, query_type::QueryType, query_pool, first_query::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdWriteAccelerationStructuresPropertiesNV(command_buffer, pointer_length(acceleration_structures), acceleration_structures, query_type, query_pool, first_query)) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::_AccelerationStructureInfoNV` - `instance_offset::UInt64` - `update::Bool` - `dst::AccelerationStructureNV` - `scratch::Buffer` - `scratch_offset::UInt64` - `instance_data::Buffer`: defaults to `C_NULL` - `src::AccelerationStructureNV`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBuildAccelerationStructureNV.html) """ _cmd_build_acceleration_structure_nv(command_buffer, info::_AccelerationStructureInfoNV, instance_offset::Integer, update::Bool, dst, scratch, scratch_offset::Integer; instance_data = C_NULL, src = C_NULL)::Cvoid = @dispatch(device(command_buffer), vkCmdBuildAccelerationStructureNV(command_buffer, info, instance_data, instance_offset, update, dst, src, scratch, scratch_offset)) """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `acceleration_structures::Vector{AccelerationStructureKHR}` - `query_type::QueryType` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) - `stride::UInt` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkWriteAccelerationStructuresPropertiesKHR.html) """ _write_acceleration_structures_properties_khr(device, acceleration_structures::AbstractArray, query_type::QueryType, data_size::Integer, data::Ptr{Cvoid}, stride::Integer)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkWriteAccelerationStructuresPropertiesKHR(device, pointer_length(acceleration_structures), acceleration_structures, query_type, data_size, data, stride))) """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `command_buffer::CommandBuffer` (externsync) - `raygen_shader_binding_table::_StridedDeviceAddressRegionKHR` - `miss_shader_binding_table::_StridedDeviceAddressRegionKHR` - `hit_shader_binding_table::_StridedDeviceAddressRegionKHR` - `callable_shader_binding_table::_StridedDeviceAddressRegionKHR` - `width::UInt32` - `height::UInt32` - `depth::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdTraceRaysKHR.html) """ _cmd_trace_rays_khr(command_buffer, raygen_shader_binding_table::_StridedDeviceAddressRegionKHR, miss_shader_binding_table::_StridedDeviceAddressRegionKHR, hit_shader_binding_table::_StridedDeviceAddressRegionKHR, callable_shader_binding_table::_StridedDeviceAddressRegionKHR, width::Integer, height::Integer, depth::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdTraceRaysKHR(command_buffer, raygen_shader_binding_table, miss_shader_binding_table, hit_shader_binding_table, callable_shader_binding_table, width, height, depth)) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `command_buffer::CommandBuffer` (externsync) - `raygen_shader_binding_table_buffer::Buffer` - `raygen_shader_binding_offset::UInt64` - `miss_shader_binding_offset::UInt64` - `miss_shader_binding_stride::UInt64` - `hit_shader_binding_offset::UInt64` - `hit_shader_binding_stride::UInt64` - `callable_shader_binding_offset::UInt64` - `callable_shader_binding_stride::UInt64` - `width::UInt32` - `height::UInt32` - `depth::UInt32` - `miss_shader_binding_table_buffer::Buffer`: defaults to `C_NULL` - `hit_shader_binding_table_buffer::Buffer`: defaults to `C_NULL` - `callable_shader_binding_table_buffer::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdTraceRaysNV.html) """ _cmd_trace_rays_nv(command_buffer, raygen_shader_binding_table_buffer, raygen_shader_binding_offset::Integer, miss_shader_binding_offset::Integer, miss_shader_binding_stride::Integer, hit_shader_binding_offset::Integer, hit_shader_binding_stride::Integer, callable_shader_binding_offset::Integer, callable_shader_binding_stride::Integer, width::Integer, height::Integer, depth::Integer; miss_shader_binding_table_buffer = C_NULL, hit_shader_binding_table_buffer = C_NULL, callable_shader_binding_table_buffer = C_NULL)::Cvoid = @dispatch(device(command_buffer), vkCmdTraceRaysNV(command_buffer, raygen_shader_binding_table_buffer, raygen_shader_binding_offset, miss_shader_binding_table_buffer, miss_shader_binding_offset, miss_shader_binding_stride, hit_shader_binding_table_buffer, hit_shader_binding_offset, hit_shader_binding_stride, callable_shader_binding_table_buffer, callable_shader_binding_offset, callable_shader_binding_stride, width, height, depth)) """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `pipeline::Pipeline` - `first_group::UInt32` - `group_count::UInt32` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetRayTracingShaderGroupHandlesKHR.html) """ _get_ray_tracing_shader_group_handles_khr(device, pipeline, first_group::Integer, group_count::Integer, data_size::Integer, data::Ptr{Cvoid})::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkGetRayTracingShaderGroupHandlesKHR(device, pipeline, first_group, group_count, data_size, data))) """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `pipeline::Pipeline` - `first_group::UInt32` - `group_count::UInt32` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetRayTracingCaptureReplayShaderGroupHandlesKHR.html) """ _get_ray_tracing_capture_replay_shader_group_handles_khr(device, pipeline, first_group::Integer, group_count::Integer, data_size::Integer, data::Ptr{Cvoid})::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkGetRayTracingCaptureReplayShaderGroupHandlesKHR(device, pipeline, first_group, group_count, data_size, data))) """ Extension: VK\\_NV\\_ray\\_tracing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `acceleration_structure::AccelerationStructureNV` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetAccelerationStructureHandleNV.html) """ _get_acceleration_structure_handle_nv(device, acceleration_structure, data_size::Integer, data::Ptr{Cvoid})::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkGetAccelerationStructureHandleNV(device, acceleration_structure, data_size, data))) """ Extension: VK\\_NV\\_ray\\_tracing Return codes: - `SUCCESS` - `PIPELINE_COMPILE_REQUIRED_EXT` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_SHADER_NV` Arguments: - `device::Device` - `create_infos::Vector{_RayTracingPipelineCreateInfoNV}` - `pipeline_cache::PipelineCache`: defaults to `C_NULL` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRayTracingPipelinesNV.html) """ function _create_ray_tracing_pipelines_nv(device, create_infos::AbstractArray; pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} pPipelines = Vector{VkPipeline}(undef, pointer_length(create_infos)) @check @dispatch(device, vkCreateRayTracingPipelinesNV(device, pipeline_cache, pointer_length(create_infos), create_infos, allocator, pPipelines)) (Pipeline.(pPipelines, begin parent = Vk.handle(device) x->_destroy_pipeline(parent, x; allocator) end, device), _return_code) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `PIPELINE_COMPILE_REQUIRED_EXT` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS` Arguments: - `device::Device` - `create_infos::Vector{_RayTracingPipelineCreateInfoKHR}` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` - `pipeline_cache::PipelineCache`: defaults to `C_NULL` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRayTracingPipelinesKHR.html) """ function _create_ray_tracing_pipelines_khr(device, create_infos::AbstractArray; deferred_operation = C_NULL, pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} pPipelines = Vector{VkPipeline}(undef, pointer_length(create_infos)) @check @dispatch(device, vkCreateRayTracingPipelinesKHR(device, deferred_operation, pipeline_cache, pointer_length(create_infos), create_infos, allocator, pPipelines)) (Pipeline.(pPipelines, begin parent = Vk.handle(device) x->_destroy_pipeline(parent, x; allocator) end, device), _return_code) end """ Extension: VK\\_NV\\_cooperative\\_matrix Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceCooperativeMatrixPropertiesNV.html) """ function _get_physical_device_cooperative_matrix_properties_nv(physical_device)::ResultTypes.Result{Vector{_CooperativeMatrixPropertiesNV}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceCooperativeMatrixPropertiesNV(physical_device, pPropertyCount, C_NULL)) pProperties = Vector{VkCooperativeMatrixPropertiesNV}(undef, pPropertyCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceCooperativeMatrixPropertiesNV(physical_device, pPropertyCount, pProperties)) end from_vk.(_CooperativeMatrixPropertiesNV, pProperties) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `command_buffer::CommandBuffer` (externsync) - `raygen_shader_binding_table::_StridedDeviceAddressRegionKHR` - `miss_shader_binding_table::_StridedDeviceAddressRegionKHR` - `hit_shader_binding_table::_StridedDeviceAddressRegionKHR` - `callable_shader_binding_table::_StridedDeviceAddressRegionKHR` - `indirect_device_address::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdTraceRaysIndirectKHR.html) """ _cmd_trace_rays_indirect_khr(command_buffer, raygen_shader_binding_table::_StridedDeviceAddressRegionKHR, miss_shader_binding_table::_StridedDeviceAddressRegionKHR, hit_shader_binding_table::_StridedDeviceAddressRegionKHR, callable_shader_binding_table::_StridedDeviceAddressRegionKHR, indirect_device_address::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdTraceRaysIndirectKHR(command_buffer, raygen_shader_binding_table, miss_shader_binding_table, hit_shader_binding_table, callable_shader_binding_table, indirect_device_address)) """ Extension: VK\\_KHR\\_ray\\_tracing\\_maintenance1 Arguments: - `command_buffer::CommandBuffer` (externsync) - `indirect_device_address::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdTraceRaysIndirect2KHR.html) """ _cmd_trace_rays_indirect_2_khr(command_buffer, indirect_device_address::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdTraceRaysIndirect2KHR(command_buffer, indirect_device_address)) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `device::Device` - `version_info::_AccelerationStructureVersionInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceAccelerationStructureCompatibilityKHR.html) """ function _get_device_acceleration_structure_compatibility_khr(device, version_info::_AccelerationStructureVersionInfoKHR)::AccelerationStructureCompatibilityKHR pCompatibility = Ref{VkAccelerationStructureCompatibilityKHR}() @dispatch device vkGetDeviceAccelerationStructureCompatibilityKHR(device, version_info, pCompatibility) pCompatibility[] end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `device::Device` - `pipeline::Pipeline` - `group::UInt32` - `group_shader::ShaderGroupShaderKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetRayTracingShaderGroupStackSizeKHR.html) """ _get_ray_tracing_shader_group_stack_size_khr(device, pipeline, group::Integer, group_shader::ShaderGroupShaderKHR)::UInt64 = @dispatch(device, vkGetRayTracingShaderGroupStackSizeKHR(device, pipeline, group, group_shader)) """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_stack_size::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetRayTracingPipelineStackSizeKHR.html) """ _cmd_set_ray_tracing_pipeline_stack_size_khr(command_buffer, pipeline_stack_size::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdSetRayTracingPipelineStackSizeKHR(command_buffer, pipeline_stack_size)) """ Extension: VK\\_NVX\\_image\\_view\\_handle Arguments: - `device::Device` - `info::_ImageViewHandleInfoNVX` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageViewHandleNVX.html) """ _get_image_view_handle_nvx(device, info::_ImageViewHandleInfoNVX)::UInt32 = @dispatch(device, vkGetImageViewHandleNVX(device, info)) """ Extension: VK\\_NVX\\_image\\_view\\_handle Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_UNKNOWN` Arguments: - `device::Device` - `image_view::ImageView` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageViewAddressNVX.html) """ function _get_image_view_address_nvx(device, image_view)::ResultTypes.Result{_ImageViewAddressPropertiesNVX, VulkanError} pProperties = Ref{VkImageViewAddressPropertiesNVX}() @check @dispatch(device, vkGetImageViewAddressNVX(device, image_view, pProperties)) from_vk(_ImageViewAddressPropertiesNVX, pProperties[]) end """ Extension: VK\\_KHR\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `physical_device::PhysicalDevice` - `queue_family_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumeratePhysicalDeviceQueueFamilyPerformanceQueryCountersKHR.html) """ function _enumerate_physical_device_queue_family_performance_query_counters_khr(physical_device, queue_family_index::Integer)::ResultTypes.Result{Tuple{Vector{_PerformanceCounterKHR}, Vector{_PerformanceCounterDescriptionKHR}}, VulkanError} pCounterCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkEnumeratePhysicalDeviceQueueFamilyPerformanceQueryCountersKHR(physical_device, queue_family_index, pCounterCount, C_NULL, C_NULL)) pCounters = Vector{VkPerformanceCounterKHR}(undef, pCounterCount[]) pCounterDescriptions = Vector{VkPerformanceCounterDescriptionKHR}(undef, pCounterCount[]) @check @dispatch(instance(physical_device), vkEnumeratePhysicalDeviceQueueFamilyPerformanceQueryCountersKHR(physical_device, queue_family_index, pCounterCount, pCounters, pCounterDescriptions)) end (from_vk.(_PerformanceCounterKHR, pCounters), from_vk.(_PerformanceCounterDescriptionKHR, pCounterDescriptions)) end """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `physical_device::PhysicalDevice` - `performance_query_create_info::_QueryPoolPerformanceCreateInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceQueueFamilyPerformanceQueryPassesKHR.html) """ function _get_physical_device_queue_family_performance_query_passes_khr(physical_device, performance_query_create_info::_QueryPoolPerformanceCreateInfoKHR)::UInt32 pNumPasses = Ref{UInt32}() @dispatch instance(physical_device) vkGetPhysicalDeviceQueueFamilyPerformanceQueryPassesKHR(physical_device, performance_query_create_info, pNumPasses) pNumPasses[] end """ Extension: VK\\_KHR\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `TIMEOUT` Arguments: - `device::Device` - `info::_AcquireProfilingLockInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAcquireProfilingLockKHR.html) """ _acquire_profiling_lock_khr(device, info::_AcquireProfilingLockInfoKHR)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkAcquireProfilingLockKHR(device, info))) """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `device::Device` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkReleaseProfilingLockKHR.html) """ _release_profiling_lock_khr(device)::Cvoid = @dispatch(device, vkReleaseProfilingLockKHR(device)) """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `image::Image` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageDrmFormatModifierPropertiesEXT.html) """ function _get_image_drm_format_modifier_properties_ext(device, image)::ResultTypes.Result{_ImageDrmFormatModifierPropertiesEXT, VulkanError} pProperties = Ref{VkImageDrmFormatModifierPropertiesEXT}() @check @dispatch(device, vkGetImageDrmFormatModifierPropertiesEXT(device, image, pProperties)) from_vk(_ImageDrmFormatModifierPropertiesEXT, pProperties[]) end """ Arguments: - `device::Device` - `info::_BufferDeviceAddressInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetBufferOpaqueCaptureAddress.html) """ _get_buffer_opaque_capture_address(device, info::_BufferDeviceAddressInfo)::UInt64 = @dispatch(device, vkGetBufferOpaqueCaptureAddress(device, info)) """ Arguments: - `device::Device` - `info::_BufferDeviceAddressInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetBufferDeviceAddress.html) """ _get_buffer_device_address(device, info::_BufferDeviceAddressInfo)::UInt64 = @dispatch(device, vkGetBufferDeviceAddress(device, info)) """ Extension: VK\\_EXT\\_headless\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `create_info::_HeadlessSurfaceCreateInfoEXT` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateHeadlessSurfaceEXT.html) """ function _create_headless_surface_ext(instance, create_info::_HeadlessSurfaceCreateInfoEXT; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} pSurface = Ref{VkSurfaceKHR}() @check @dispatch(instance, vkCreateHeadlessSurfaceEXT(instance, create_info, allocator, pSurface)) SurfaceKHR(pSurface[], begin parent = Vk.handle(instance) x->_destroy_surface_khr(parent, x; allocator) end, instance) end """ Extension: VK\\_NV\\_coverage\\_reduction\\_mode Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSupportedFramebufferMixedSamplesCombinationsNV.html) """ function _get_physical_device_supported_framebuffer_mixed_samples_combinations_nv(physical_device)::ResultTypes.Result{Vector{_FramebufferMixedSamplesCombinationNV}, VulkanError} pCombinationCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSupportedFramebufferMixedSamplesCombinationsNV(physical_device, pCombinationCount, C_NULL)) pCombinations = Vector{VkFramebufferMixedSamplesCombinationNV}(undef, pCombinationCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSupportedFramebufferMixedSamplesCombinationsNV(physical_device, pCombinationCount, pCombinations)) end from_vk.(_FramebufferMixedSamplesCombinationNV, pCombinations) end """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `initialize_info::_InitializePerformanceApiInfoINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkInitializePerformanceApiINTEL.html) """ _initialize_performance_api_intel(device, initialize_info::_InitializePerformanceApiInfoINTEL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkInitializePerformanceApiINTEL(device, initialize_info))) """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `device::Device` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkUninitializePerformanceApiINTEL.html) """ _uninitialize_performance_api_intel(device)::Cvoid = @dispatch(device, vkUninitializePerformanceApiINTEL(device)) """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `command_buffer::CommandBuffer` (externsync) - `marker_info::_PerformanceMarkerInfoINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPerformanceMarkerINTEL.html) """ _cmd_set_performance_marker_intel(command_buffer, marker_info::_PerformanceMarkerInfoINTEL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device(command_buffer), vkCmdSetPerformanceMarkerINTEL(command_buffer, marker_info))) """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `command_buffer::CommandBuffer` (externsync) - `marker_info::_PerformanceStreamMarkerInfoINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPerformanceStreamMarkerINTEL.html) """ _cmd_set_performance_stream_marker_intel(command_buffer, marker_info::_PerformanceStreamMarkerInfoINTEL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device(command_buffer), vkCmdSetPerformanceStreamMarkerINTEL(command_buffer, marker_info))) """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `command_buffer::CommandBuffer` (externsync) - `override_info::_PerformanceOverrideInfoINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPerformanceOverrideINTEL.html) """ _cmd_set_performance_override_intel(command_buffer, override_info::_PerformanceOverrideInfoINTEL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device(command_buffer), vkCmdSetPerformanceOverrideINTEL(command_buffer, override_info))) """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `acquire_info::_PerformanceConfigurationAcquireInfoINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAcquirePerformanceConfigurationINTEL.html) """ function _acquire_performance_configuration_intel(device, acquire_info::_PerformanceConfigurationAcquireInfoINTEL)::ResultTypes.Result{PerformanceConfigurationINTEL, VulkanError} pConfiguration = Ref{VkPerformanceConfigurationINTEL}() @check @dispatch(device, vkAcquirePerformanceConfigurationINTEL(device, acquire_info, pConfiguration)) PerformanceConfigurationINTEL(pConfiguration[], identity, device) end """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `configuration::PerformanceConfigurationINTEL`: defaults to `C_NULL` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkReleasePerformanceConfigurationINTEL.html) """ _release_performance_configuration_intel(device; configuration = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkReleasePerformanceConfigurationINTEL(device, configuration))) """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `queue::Queue` - `configuration::PerformanceConfigurationINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueSetPerformanceConfigurationINTEL.html) """ _queue_set_performance_configuration_intel(queue, configuration)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device(queue), vkQueueSetPerformanceConfigurationINTEL(queue, configuration))) """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `parameter::PerformanceParameterTypeINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPerformanceParameterINTEL.html) """ function _get_performance_parameter_intel(device, parameter::PerformanceParameterTypeINTEL)::ResultTypes.Result{_PerformanceValueINTEL, VulkanError} pValue = Ref{VkPerformanceValueINTEL}() @check @dispatch(device, vkGetPerformanceParameterINTEL(device, parameter, pValue)) from_vk(_PerformanceValueINTEL, pValue[]) end """ Arguments: - `device::Device` - `info::_DeviceMemoryOpaqueCaptureAddressInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceMemoryOpaqueCaptureAddress.html) """ _get_device_memory_opaque_capture_address(device, info::_DeviceMemoryOpaqueCaptureAddressInfo)::UInt64 = @dispatch(device, vkGetDeviceMemoryOpaqueCaptureAddress(device, info)) """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `pipeline_info::_PipelineInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPipelineExecutablePropertiesKHR.html) """ function _get_pipeline_executable_properties_khr(device, pipeline_info::_PipelineInfoKHR)::ResultTypes.Result{Vector{_PipelineExecutablePropertiesKHR}, VulkanError} pExecutableCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(device, vkGetPipelineExecutablePropertiesKHR(device, pipeline_info, pExecutableCount, C_NULL)) pProperties = Vector{VkPipelineExecutablePropertiesKHR}(undef, pExecutableCount[]) @check @dispatch(device, vkGetPipelineExecutablePropertiesKHR(device, pipeline_info, pExecutableCount, pProperties)) end from_vk.(_PipelineExecutablePropertiesKHR, pProperties) end """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `executable_info::_PipelineExecutableInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPipelineExecutableStatisticsKHR.html) """ function _get_pipeline_executable_statistics_khr(device, executable_info::_PipelineExecutableInfoKHR)::ResultTypes.Result{Vector{_PipelineExecutableStatisticKHR}, VulkanError} pStatisticCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(device, vkGetPipelineExecutableStatisticsKHR(device, executable_info, pStatisticCount, C_NULL)) pStatistics = Vector{VkPipelineExecutableStatisticKHR}(undef, pStatisticCount[]) @check @dispatch(device, vkGetPipelineExecutableStatisticsKHR(device, executable_info, pStatisticCount, pStatistics)) end from_vk.(_PipelineExecutableStatisticKHR, pStatistics) end """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `executable_info::_PipelineExecutableInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPipelineExecutableInternalRepresentationsKHR.html) """ function _get_pipeline_executable_internal_representations_khr(device, executable_info::_PipelineExecutableInfoKHR)::ResultTypes.Result{Vector{_PipelineExecutableInternalRepresentationKHR}, VulkanError} pInternalRepresentationCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(device, vkGetPipelineExecutableInternalRepresentationsKHR(device, executable_info, pInternalRepresentationCount, C_NULL)) pInternalRepresentations = Vector{VkPipelineExecutableInternalRepresentationKHR}(undef, pInternalRepresentationCount[]) @check @dispatch(device, vkGetPipelineExecutableInternalRepresentationsKHR(device, executable_info, pInternalRepresentationCount, pInternalRepresentations)) end from_vk.(_PipelineExecutableInternalRepresentationKHR, pInternalRepresentations) end """ Extension: VK\\_EXT\\_line\\_rasterization Arguments: - `command_buffer::CommandBuffer` (externsync) - `line_stipple_factor::UInt32` - `line_stipple_pattern::UInt16` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetLineStippleEXT.html) """ _cmd_set_line_stipple_ext(command_buffer, line_stipple_factor::Integer, line_stipple_pattern::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdSetLineStippleEXT(command_buffer, line_stipple_factor, line_stipple_pattern)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceToolProperties.html) """ function _get_physical_device_tool_properties(physical_device)::ResultTypes.Result{Vector{_PhysicalDeviceToolProperties}, VulkanError} pToolCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceToolProperties(physical_device, pToolCount, C_NULL)) pToolProperties = Vector{VkPhysicalDeviceToolProperties}(undef, pToolCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceToolProperties(physical_device, pToolCount, pToolProperties)) end from_vk.(_PhysicalDeviceToolProperties, pToolProperties) end """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `create_info::_AccelerationStructureCreateInfoKHR` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateAccelerationStructureKHR.html) """ function _create_acceleration_structure_khr(device, create_info::_AccelerationStructureCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{AccelerationStructureKHR, VulkanError} pAccelerationStructure = Ref{VkAccelerationStructureKHR}() @check @dispatch(device, vkCreateAccelerationStructureKHR(device, create_info, allocator, pAccelerationStructure)) AccelerationStructureKHR(pAccelerationStructure[], begin parent = Vk.handle(device) x->_destroy_acceleration_structure_khr(parent, x; allocator) end, device) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `command_buffer::CommandBuffer` (externsync) - `infos::Vector{_AccelerationStructureBuildGeometryInfoKHR}` - `build_range_infos::Vector{_AccelerationStructureBuildRangeInfoKHR}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBuildAccelerationStructuresKHR.html) """ _cmd_build_acceleration_structures_khr(command_buffer, infos::AbstractArray, build_range_infos::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdBuildAccelerationStructuresKHR(command_buffer, pointer_length(infos), infos, build_range_infos)) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `command_buffer::CommandBuffer` (externsync) - `infos::Vector{_AccelerationStructureBuildGeometryInfoKHR}` - `indirect_device_addresses::Vector{UInt64}` - `indirect_strides::Vector{UInt32}` - `max_primitive_counts::Vector{UInt32}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBuildAccelerationStructuresIndirectKHR.html) """ _cmd_build_acceleration_structures_indirect_khr(command_buffer, infos::AbstractArray, indirect_device_addresses::AbstractArray, indirect_strides::AbstractArray, max_primitive_counts::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdBuildAccelerationStructuresIndirectKHR(command_buffer, pointer_length(infos), infos, indirect_device_addresses, indirect_strides, max_primitive_counts)) """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `infos::Vector{_AccelerationStructureBuildGeometryInfoKHR}` - `build_range_infos::Vector{_AccelerationStructureBuildRangeInfoKHR}` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBuildAccelerationStructuresKHR.html) """ _build_acceleration_structures_khr(device, infos::AbstractArray, build_range_infos::AbstractArray; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkBuildAccelerationStructuresKHR(device, deferred_operation, pointer_length(infos), infos, build_range_infos))) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `device::Device` - `info::_AccelerationStructureDeviceAddressInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetAccelerationStructureDeviceAddressKHR.html) """ _get_acceleration_structure_device_address_khr(device, info::_AccelerationStructureDeviceAddressInfoKHR)::UInt64 = @dispatch(device, vkGetAccelerationStructureDeviceAddressKHR(device, info)) """ Extension: VK\\_KHR\\_deferred\\_host\\_operations Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDeferredOperationKHR.html) """ function _create_deferred_operation_khr(device; allocator = C_NULL)::ResultTypes.Result{DeferredOperationKHR, VulkanError} pDeferredOperation = Ref{VkDeferredOperationKHR}() @check @dispatch(device, vkCreateDeferredOperationKHR(device, allocator, pDeferredOperation)) DeferredOperationKHR(pDeferredOperation[], begin parent = Vk.handle(device) x->_destroy_deferred_operation_khr(parent, x; allocator) end, device) end """ Extension: VK\\_KHR\\_deferred\\_host\\_operations Arguments: - `device::Device` - `operation::DeferredOperationKHR` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDeferredOperationKHR.html) """ _destroy_deferred_operation_khr(device, operation; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyDeferredOperationKHR(device, operation, allocator)) """ Extension: VK\\_KHR\\_deferred\\_host\\_operations Arguments: - `device::Device` - `operation::DeferredOperationKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeferredOperationMaxConcurrencyKHR.html) """ _get_deferred_operation_max_concurrency_khr(device, operation)::UInt32 = @dispatch(device, vkGetDeferredOperationMaxConcurrencyKHR(device, operation)) """ Extension: VK\\_KHR\\_deferred\\_host\\_operations Return codes: - `SUCCESS` - `NOT_READY` Arguments: - `device::Device` - `operation::DeferredOperationKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeferredOperationResultKHR.html) """ _get_deferred_operation_result_khr(device, operation)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkGetDeferredOperationResultKHR(device, operation))) """ Extension: VK\\_KHR\\_deferred\\_host\\_operations Return codes: - `SUCCESS` - `THREAD_DONE_KHR` - `THREAD_IDLE_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `operation::DeferredOperationKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDeferredOperationJoinKHR.html) """ _deferred_operation_join_khr(device, operation)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkDeferredOperationJoinKHR(device, operation))) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `cull_mode::CullModeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCullMode.html) """ _cmd_set_cull_mode(command_buffer; cull_mode = 0)::Cvoid = @dispatch(device(command_buffer), vkCmdSetCullMode(command_buffer, cull_mode)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `front_face::FrontFace` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetFrontFace.html) """ _cmd_set_front_face(command_buffer, front_face::FrontFace)::Cvoid = @dispatch(device(command_buffer), vkCmdSetFrontFace(command_buffer, front_face)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `primitive_topology::PrimitiveTopology` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPrimitiveTopology.html) """ _cmd_set_primitive_topology(command_buffer, primitive_topology::PrimitiveTopology)::Cvoid = @dispatch(device(command_buffer), vkCmdSetPrimitiveTopology(command_buffer, primitive_topology)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `viewports::Vector{_Viewport}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetViewportWithCount.html) """ _cmd_set_viewport_with_count(command_buffer, viewports::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetViewportWithCount(command_buffer, pointer_length(viewports), viewports)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `scissors::Vector{_Rect2D}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetScissorWithCount.html) """ _cmd_set_scissor_with_count(command_buffer, scissors::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetScissorWithCount(command_buffer, pointer_length(scissors), scissors)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffers::Vector{Buffer}` - `offsets::Vector{UInt64}` - `sizes::Vector{UInt64}`: defaults to `C_NULL` - `strides::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindVertexBuffers2.html) """ _cmd_bind_vertex_buffers_2(command_buffer, buffers::AbstractArray, offsets::AbstractArray; sizes = C_NULL, strides = C_NULL)::Cvoid = @dispatch(device(command_buffer), vkCmdBindVertexBuffers2(command_buffer, 0, pointer_length(buffers), buffers, offsets, sizes, strides)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_test_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthTestEnable.html) """ _cmd_set_depth_test_enable(command_buffer, depth_test_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDepthTestEnable(command_buffer, depth_test_enable)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_write_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthWriteEnable.html) """ _cmd_set_depth_write_enable(command_buffer, depth_write_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDepthWriteEnable(command_buffer, depth_write_enable)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_compare_op::CompareOp` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthCompareOp.html) """ _cmd_set_depth_compare_op(command_buffer, depth_compare_op::CompareOp)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDepthCompareOp(command_buffer, depth_compare_op)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_bounds_test_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthBoundsTestEnable.html) """ _cmd_set_depth_bounds_test_enable(command_buffer, depth_bounds_test_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDepthBoundsTestEnable(command_buffer, depth_bounds_test_enable)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `stencil_test_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetStencilTestEnable.html) """ _cmd_set_stencil_test_enable(command_buffer, stencil_test_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetStencilTestEnable(command_buffer, stencil_test_enable)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `face_mask::StencilFaceFlag` - `fail_op::StencilOp` - `pass_op::StencilOp` - `depth_fail_op::StencilOp` - `compare_op::CompareOp` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetStencilOp.html) """ _cmd_set_stencil_op(command_buffer, face_mask::StencilFaceFlag, fail_op::StencilOp, pass_op::StencilOp, depth_fail_op::StencilOp, compare_op::CompareOp)::Cvoid = @dispatch(device(command_buffer), vkCmdSetStencilOp(command_buffer, face_mask, fail_op, pass_op, depth_fail_op, compare_op)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state2 Arguments: - `command_buffer::CommandBuffer` (externsync) - `patch_control_points::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPatchControlPointsEXT.html) """ _cmd_set_patch_control_points_ext(command_buffer, patch_control_points::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdSetPatchControlPointsEXT(command_buffer, patch_control_points)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `rasterizer_discard_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetRasterizerDiscardEnable.html) """ _cmd_set_rasterizer_discard_enable(command_buffer, rasterizer_discard_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetRasterizerDiscardEnable(command_buffer, rasterizer_discard_enable)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_bias_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthBiasEnable.html) """ _cmd_set_depth_bias_enable(command_buffer, depth_bias_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDepthBiasEnable(command_buffer, depth_bias_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state2 Arguments: - `command_buffer::CommandBuffer` (externsync) - `logic_op::LogicOp` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetLogicOpEXT.html) """ _cmd_set_logic_op_ext(command_buffer, logic_op::LogicOp)::Cvoid = @dispatch(device(command_buffer), vkCmdSetLogicOpEXT(command_buffer, logic_op)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `primitive_restart_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPrimitiveRestartEnable.html) """ _cmd_set_primitive_restart_enable(command_buffer, primitive_restart_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetPrimitiveRestartEnable(command_buffer, primitive_restart_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `domain_origin::TessellationDomainOrigin` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetTessellationDomainOriginEXT.html) """ _cmd_set_tessellation_domain_origin_ext(command_buffer, domain_origin::TessellationDomainOrigin)::Cvoid = @dispatch(device(command_buffer), vkCmdSetTessellationDomainOriginEXT(command_buffer, domain_origin)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_clamp_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthClampEnableEXT.html) """ _cmd_set_depth_clamp_enable_ext(command_buffer, depth_clamp_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDepthClampEnableEXT(command_buffer, depth_clamp_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `polygon_mode::PolygonMode` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPolygonModeEXT.html) """ _cmd_set_polygon_mode_ext(command_buffer, polygon_mode::PolygonMode)::Cvoid = @dispatch(device(command_buffer), vkCmdSetPolygonModeEXT(command_buffer, polygon_mode)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `rasterization_samples::SampleCountFlag` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetRasterizationSamplesEXT.html) """ _cmd_set_rasterization_samples_ext(command_buffer, rasterization_samples::SampleCountFlag)::Cvoid = @dispatch(device(command_buffer), vkCmdSetRasterizationSamplesEXT(command_buffer, VkSampleCountFlagBits(rasterization_samples.val))) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `samples::SampleCountFlag` - `sample_mask::Vector{UInt32}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetSampleMaskEXT.html) """ _cmd_set_sample_mask_ext(command_buffer, samples::SampleCountFlag, sample_mask::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetSampleMaskEXT(command_buffer, VkSampleCountFlagBits(samples.val), sample_mask)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `alpha_to_coverage_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetAlphaToCoverageEnableEXT.html) """ _cmd_set_alpha_to_coverage_enable_ext(command_buffer, alpha_to_coverage_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetAlphaToCoverageEnableEXT(command_buffer, alpha_to_coverage_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `alpha_to_one_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetAlphaToOneEnableEXT.html) """ _cmd_set_alpha_to_one_enable_ext(command_buffer, alpha_to_one_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetAlphaToOneEnableEXT(command_buffer, alpha_to_one_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `logic_op_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetLogicOpEnableEXT.html) """ _cmd_set_logic_op_enable_ext(command_buffer, logic_op_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetLogicOpEnableEXT(command_buffer, logic_op_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `color_blend_enables::Vector{Bool}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetColorBlendEnableEXT.html) """ _cmd_set_color_blend_enable_ext(command_buffer, color_blend_enables::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetColorBlendEnableEXT(command_buffer, 0, pointer_length(color_blend_enables), color_blend_enables)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `color_blend_equations::Vector{_ColorBlendEquationEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetColorBlendEquationEXT.html) """ _cmd_set_color_blend_equation_ext(command_buffer, color_blend_equations::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetColorBlendEquationEXT(command_buffer, 0, pointer_length(color_blend_equations), color_blend_equations)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `color_write_masks::Vector{ColorComponentFlag}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetColorWriteMaskEXT.html) """ _cmd_set_color_write_mask_ext(command_buffer, color_write_masks::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetColorWriteMaskEXT(command_buffer, 0, pointer_length(color_write_masks), color_write_masks)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `rasterization_stream::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetRasterizationStreamEXT.html) """ _cmd_set_rasterization_stream_ext(command_buffer, rasterization_stream::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdSetRasterizationStreamEXT(command_buffer, rasterization_stream)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `conservative_rasterization_mode::ConservativeRasterizationModeEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetConservativeRasterizationModeEXT.html) """ _cmd_set_conservative_rasterization_mode_ext(command_buffer, conservative_rasterization_mode::ConservativeRasterizationModeEXT)::Cvoid = @dispatch(device(command_buffer), vkCmdSetConservativeRasterizationModeEXT(command_buffer, conservative_rasterization_mode)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `extra_primitive_overestimation_size::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetExtraPrimitiveOverestimationSizeEXT.html) """ _cmd_set_extra_primitive_overestimation_size_ext(command_buffer, extra_primitive_overestimation_size::Real)::Cvoid = @dispatch(device(command_buffer), vkCmdSetExtraPrimitiveOverestimationSizeEXT(command_buffer, extra_primitive_overestimation_size)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_clip_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthClipEnableEXT.html) """ _cmd_set_depth_clip_enable_ext(command_buffer, depth_clip_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDepthClipEnableEXT(command_buffer, depth_clip_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `sample_locations_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetSampleLocationsEnableEXT.html) """ _cmd_set_sample_locations_enable_ext(command_buffer, sample_locations_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetSampleLocationsEnableEXT(command_buffer, sample_locations_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `color_blend_advanced::Vector{_ColorBlendAdvancedEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetColorBlendAdvancedEXT.html) """ _cmd_set_color_blend_advanced_ext(command_buffer, color_blend_advanced::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetColorBlendAdvancedEXT(command_buffer, 0, pointer_length(color_blend_advanced), color_blend_advanced)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `provoking_vertex_mode::ProvokingVertexModeEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetProvokingVertexModeEXT.html) """ _cmd_set_provoking_vertex_mode_ext(command_buffer, provoking_vertex_mode::ProvokingVertexModeEXT)::Cvoid = @dispatch(device(command_buffer), vkCmdSetProvokingVertexModeEXT(command_buffer, provoking_vertex_mode)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `line_rasterization_mode::LineRasterizationModeEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetLineRasterizationModeEXT.html) """ _cmd_set_line_rasterization_mode_ext(command_buffer, line_rasterization_mode::LineRasterizationModeEXT)::Cvoid = @dispatch(device(command_buffer), vkCmdSetLineRasterizationModeEXT(command_buffer, line_rasterization_mode)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `stippled_line_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetLineStippleEnableEXT.html) """ _cmd_set_line_stipple_enable_ext(command_buffer, stippled_line_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetLineStippleEnableEXT(command_buffer, stippled_line_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `negative_one_to_one::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthClipNegativeOneToOneEXT.html) """ _cmd_set_depth_clip_negative_one_to_one_ext(command_buffer, negative_one_to_one::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDepthClipNegativeOneToOneEXT(command_buffer, negative_one_to_one)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `viewport_w_scaling_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetViewportWScalingEnableNV.html) """ _cmd_set_viewport_w_scaling_enable_nv(command_buffer, viewport_w_scaling_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetViewportWScalingEnableNV(command_buffer, viewport_w_scaling_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `viewport_swizzles::Vector{_ViewportSwizzleNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetViewportSwizzleNV.html) """ _cmd_set_viewport_swizzle_nv(command_buffer, viewport_swizzles::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetViewportSwizzleNV(command_buffer, 0, pointer_length(viewport_swizzles), viewport_swizzles)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `coverage_to_color_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoverageToColorEnableNV.html) """ _cmd_set_coverage_to_color_enable_nv(command_buffer, coverage_to_color_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetCoverageToColorEnableNV(command_buffer, coverage_to_color_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `coverage_to_color_location::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoverageToColorLocationNV.html) """ _cmd_set_coverage_to_color_location_nv(command_buffer, coverage_to_color_location::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdSetCoverageToColorLocationNV(command_buffer, coverage_to_color_location)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `coverage_modulation_mode::CoverageModulationModeNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoverageModulationModeNV.html) """ _cmd_set_coverage_modulation_mode_nv(command_buffer, coverage_modulation_mode::CoverageModulationModeNV)::Cvoid = @dispatch(device(command_buffer), vkCmdSetCoverageModulationModeNV(command_buffer, coverage_modulation_mode)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `coverage_modulation_table_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoverageModulationTableEnableNV.html) """ _cmd_set_coverage_modulation_table_enable_nv(command_buffer, coverage_modulation_table_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetCoverageModulationTableEnableNV(command_buffer, coverage_modulation_table_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `coverage_modulation_table::Vector{Float32}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoverageModulationTableNV.html) """ _cmd_set_coverage_modulation_table_nv(command_buffer, coverage_modulation_table::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetCoverageModulationTableNV(command_buffer, pointer_length(coverage_modulation_table), coverage_modulation_table)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `shading_rate_image_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetShadingRateImageEnableNV.html) """ _cmd_set_shading_rate_image_enable_nv(command_buffer, shading_rate_image_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetShadingRateImageEnableNV(command_buffer, shading_rate_image_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `coverage_reduction_mode::CoverageReductionModeNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoverageReductionModeNV.html) """ _cmd_set_coverage_reduction_mode_nv(command_buffer, coverage_reduction_mode::CoverageReductionModeNV)::Cvoid = @dispatch(device(command_buffer), vkCmdSetCoverageReductionModeNV(command_buffer, coverage_reduction_mode)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `representative_fragment_test_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetRepresentativeFragmentTestEnableNV.html) """ _cmd_set_representative_fragment_test_enable_nv(command_buffer, representative_fragment_test_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetRepresentativeFragmentTestEnableNV(command_buffer, representative_fragment_test_enable)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `create_info::_PrivateDataSlotCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePrivateDataSlot.html) """ function _create_private_data_slot(device, create_info::_PrivateDataSlotCreateInfo; allocator = C_NULL)::ResultTypes.Result{PrivateDataSlot, VulkanError} pPrivateDataSlot = Ref{VkPrivateDataSlot}() @check @dispatch(device, vkCreatePrivateDataSlot(device, create_info, allocator, pPrivateDataSlot)) PrivateDataSlot(pPrivateDataSlot[], begin parent = Vk.handle(device) x->_destroy_private_data_slot(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `private_data_slot::PrivateDataSlot` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyPrivateDataSlot.html) """ _destroy_private_data_slot(device, private_data_slot; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyPrivateDataSlot(device, private_data_slot, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `object_type::ObjectType` - `object_handle::UInt64` - `private_data_slot::PrivateDataSlot` - `data::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetPrivateData.html) """ _set_private_data(device, object_type::ObjectType, object_handle::Integer, private_data_slot, data::Integer)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkSetPrivateData(device, object_type, object_handle, private_data_slot, data))) """ Arguments: - `device::Device` - `object_type::ObjectType` - `object_handle::UInt64` - `private_data_slot::PrivateDataSlot` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPrivateData.html) """ function _get_private_data(device, object_type::ObjectType, object_handle::Integer, private_data_slot)::UInt64 pData = Ref{UInt64}() @dispatch device vkGetPrivateData(device, object_type, object_handle, private_data_slot, pData) pData[] end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `copy_buffer_info::_CopyBufferInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyBuffer2.html) """ _cmd_copy_buffer_2(command_buffer, copy_buffer_info::_CopyBufferInfo2)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyBuffer2(command_buffer, copy_buffer_info)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `copy_image_info::_CopyImageInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyImage2.html) """ _cmd_copy_image_2(command_buffer, copy_image_info::_CopyImageInfo2)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyImage2(command_buffer, copy_image_info)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `blit_image_info::_BlitImageInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBlitImage2.html) """ _cmd_blit_image_2(command_buffer, blit_image_info::_BlitImageInfo2)::Cvoid = @dispatch(device(command_buffer), vkCmdBlitImage2(command_buffer, blit_image_info)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `copy_buffer_to_image_info::_CopyBufferToImageInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyBufferToImage2.html) """ _cmd_copy_buffer_to_image_2(command_buffer, copy_buffer_to_image_info::_CopyBufferToImageInfo2)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyBufferToImage2(command_buffer, copy_buffer_to_image_info)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `copy_image_to_buffer_info::_CopyImageToBufferInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyImageToBuffer2.html) """ _cmd_copy_image_to_buffer_2(command_buffer, copy_image_to_buffer_info::_CopyImageToBufferInfo2)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyImageToBuffer2(command_buffer, copy_image_to_buffer_info)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `resolve_image_info::_ResolveImageInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdResolveImage2.html) """ _cmd_resolve_image_2(command_buffer, resolve_image_info::_ResolveImageInfo2)::Cvoid = @dispatch(device(command_buffer), vkCmdResolveImage2(command_buffer, resolve_image_info)) """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Arguments: - `command_buffer::CommandBuffer` (externsync) - `fragment_size::_Extent2D` - `combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetFragmentShadingRateKHR.html) """ _cmd_set_fragment_shading_rate_khr(command_buffer, fragment_size::_Extent2D, combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR})::Cvoid = @dispatch(device(command_buffer), vkCmdSetFragmentShadingRateKHR(command_buffer, fragment_size, to_vk(NTuple{2, VkFragmentShadingRateCombinerOpKHR}, combiner_ops))) """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceFragmentShadingRatesKHR.html) """ function _get_physical_device_fragment_shading_rates_khr(physical_device)::ResultTypes.Result{Vector{_PhysicalDeviceFragmentShadingRateKHR}, VulkanError} pFragmentShadingRateCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceFragmentShadingRatesKHR(physical_device, pFragmentShadingRateCount, C_NULL)) pFragmentShadingRates = Vector{VkPhysicalDeviceFragmentShadingRateKHR}(undef, pFragmentShadingRateCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceFragmentShadingRatesKHR(physical_device, pFragmentShadingRateCount, pFragmentShadingRates)) end from_vk.(_PhysicalDeviceFragmentShadingRateKHR, pFragmentShadingRates) end """ Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums Arguments: - `command_buffer::CommandBuffer` (externsync) - `shading_rate::FragmentShadingRateNV` - `combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetFragmentShadingRateEnumNV.html) """ _cmd_set_fragment_shading_rate_enum_nv(command_buffer, shading_rate::FragmentShadingRateNV, combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR})::Cvoid = @dispatch(device(command_buffer), vkCmdSetFragmentShadingRateEnumNV(command_buffer, shading_rate, to_vk(NTuple{2, VkFragmentShadingRateCombinerOpKHR}, combiner_ops))) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `device::Device` - `build_type::AccelerationStructureBuildTypeKHR` - `build_info::_AccelerationStructureBuildGeometryInfoKHR` - `max_primitive_counts::Vector{UInt32}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetAccelerationStructureBuildSizesKHR.html) """ function _get_acceleration_structure_build_sizes_khr(device, build_type::AccelerationStructureBuildTypeKHR, build_info::_AccelerationStructureBuildGeometryInfoKHR; max_primitive_counts = C_NULL)::_AccelerationStructureBuildSizesInfoKHR pSizeInfo = Ref{VkAccelerationStructureBuildSizesInfoKHR}() @dispatch device vkGetAccelerationStructureBuildSizesKHR(device, build_type, build_info, max_primitive_counts, pSizeInfo) from_vk(_AccelerationStructureBuildSizesInfoKHR, pSizeInfo[]) end """ Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state Arguments: - `command_buffer::CommandBuffer` (externsync) - `vertex_binding_descriptions::Vector{_VertexInputBindingDescription2EXT}` - `vertex_attribute_descriptions::Vector{_VertexInputAttributeDescription2EXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetVertexInputEXT.html) """ _cmd_set_vertex_input_ext(command_buffer, vertex_binding_descriptions::AbstractArray, vertex_attribute_descriptions::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetVertexInputEXT(command_buffer, pointer_length(vertex_binding_descriptions), vertex_binding_descriptions, pointer_length(vertex_attribute_descriptions), vertex_attribute_descriptions)) """ Extension: VK\\_EXT\\_color\\_write\\_enable Arguments: - `command_buffer::CommandBuffer` (externsync) - `color_write_enables::Vector{Bool}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetColorWriteEnableEXT.html) """ _cmd_set_color_write_enable_ext(command_buffer, color_write_enables::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetColorWriteEnableEXT(command_buffer, pointer_length(color_write_enables), color_write_enables)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `event::Event` - `dependency_info::_DependencyInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetEvent2.html) """ _cmd_set_event_2(command_buffer, event, dependency_info::_DependencyInfo)::Cvoid = @dispatch(device(command_buffer), vkCmdSetEvent2(command_buffer, event, dependency_info)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `event::Event` - `stage_mask::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdResetEvent2.html) """ _cmd_reset_event_2(command_buffer, event; stage_mask = 0)::Cvoid = @dispatch(device(command_buffer), vkCmdResetEvent2(command_buffer, event, stage_mask)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `events::Vector{Event}` - `dependency_infos::Vector{_DependencyInfo}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWaitEvents2.html) """ _cmd_wait_events_2(command_buffer, events::AbstractArray, dependency_infos::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdWaitEvents2(command_buffer, pointer_length(events), events, dependency_infos)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `dependency_info::_DependencyInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdPipelineBarrier2.html) """ _cmd_pipeline_barrier_2(command_buffer, dependency_info::_DependencyInfo)::Cvoid = @dispatch(device(command_buffer), vkCmdPipelineBarrier2(command_buffer, dependency_info)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `queue::Queue` (externsync) - `submits::Vector{_SubmitInfo2}` - `fence::Fence`: defaults to `C_NULL` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueSubmit2.html) """ _queue_submit_2(queue, submits::AbstractArray; fence = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device(queue), vkQueueSubmit2(queue, pointer_length(submits), submits, fence))) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `query::UInt32` - `stage::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteTimestamp2.html) """ _cmd_write_timestamp_2(command_buffer, query_pool, query::Integer; stage = 0)::Cvoid = @dispatch(device(command_buffer), vkCmdWriteTimestamp2(command_buffer, stage, query_pool, query)) """ Extension: VK\\_KHR\\_synchronization2 Arguments: - `command_buffer::CommandBuffer` (externsync) - `dst_buffer::Buffer` - `dst_offset::UInt64` - `marker::UInt32` - `stage::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteBufferMarker2AMD.html) """ _cmd_write_buffer_marker_2_amd(command_buffer, dst_buffer, dst_offset::Integer, marker::Integer; stage = 0)::Cvoid = @dispatch(device(command_buffer), vkCmdWriteBufferMarker2AMD(command_buffer, stage, dst_buffer, dst_offset, marker)) """ Extension: VK\\_KHR\\_synchronization2 Arguments: - `queue::Queue` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetQueueCheckpointData2NV.html) """ function _get_queue_checkpoint_data_2_nv(queue)::Vector{_CheckpointData2NV} pCheckpointDataCount = Ref{UInt32}() @dispatch device(queue) vkGetQueueCheckpointData2NV(queue, pCheckpointDataCount, C_NULL) pCheckpointData = Vector{VkCheckpointData2NV}(undef, pCheckpointDataCount[]) @dispatch device(queue) vkGetQueueCheckpointData2NV(queue, pCheckpointDataCount, pCheckpointData) from_vk.(_CheckpointData2NV, pCheckpointData) end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_VIDEO_PROFILE_OPERATION_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_FORMAT_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PICTURE_LAYOUT_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_CODEC_NOT_SUPPORTED_KHR` Arguments: - `physical_device::PhysicalDevice` - `video_profile::_VideoProfileInfoKHR` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceVideoCapabilitiesKHR.html) """ function _get_physical_device_video_capabilities_khr(physical_device, video_profile::_VideoProfileInfoKHR, next_types::Type...)::ResultTypes.Result{_VideoCapabilitiesKHR, VulkanError} capabilities = initialize(_VideoCapabilitiesKHR, next_types...) pCapabilities = Ref(Base.unsafe_convert(VkVideoCapabilitiesKHR, capabilities)) GC.@preserve capabilities begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceVideoCapabilitiesKHR(physical_device, video_profile, pCapabilities)) _VideoCapabilitiesKHR(pCapabilities[], Any[capabilities]) end end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_IMAGE_USAGE_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_OPERATION_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_FORMAT_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PICTURE_LAYOUT_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_CODEC_NOT_SUPPORTED_KHR` Arguments: - `physical_device::PhysicalDevice` - `video_format_info::_PhysicalDeviceVideoFormatInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceVideoFormatPropertiesKHR.html) """ function _get_physical_device_video_format_properties_khr(physical_device, video_format_info::_PhysicalDeviceVideoFormatInfoKHR)::ResultTypes.Result{Vector{_VideoFormatPropertiesKHR}, VulkanError} pVideoFormatPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceVideoFormatPropertiesKHR(physical_device, video_format_info, pVideoFormatPropertyCount, C_NULL)) pVideoFormatProperties = Vector{VkVideoFormatPropertiesKHR}(undef, pVideoFormatPropertyCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceVideoFormatPropertiesKHR(physical_device, video_format_info, pVideoFormatPropertyCount, pVideoFormatProperties)) end from_vk.(_VideoFormatPropertiesKHR, pVideoFormatProperties) end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_VIDEO_STD_VERSION_NOT_SUPPORTED_KHR` Arguments: - `device::Device` - `create_info::_VideoSessionCreateInfoKHR` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateVideoSessionKHR.html) """ function _create_video_session_khr(device, create_info::_VideoSessionCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{VideoSessionKHR, VulkanError} pVideoSession = Ref{VkVideoSessionKHR}() @check @dispatch(device, vkCreateVideoSessionKHR(device, create_info, allocator, pVideoSession)) VideoSessionKHR(pVideoSession[], begin parent = Vk.handle(device) x->_destroy_video_session_khr(parent, x; allocator) end, device) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `device::Device` - `video_session::VideoSessionKHR` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyVideoSessionKHR.html) """ _destroy_video_session_khr(device, video_session; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyVideoSessionKHR(device, video_session, allocator)) """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `create_info::_VideoSessionParametersCreateInfoKHR` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateVideoSessionParametersKHR.html) """ function _create_video_session_parameters_khr(device, create_info::_VideoSessionParametersCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{VideoSessionParametersKHR, VulkanError} pVideoSessionParameters = Ref{VkVideoSessionParametersKHR}() @check @dispatch(device, vkCreateVideoSessionParametersKHR(device, create_info, allocator, pVideoSessionParameters)) VideoSessionParametersKHR(pVideoSessionParameters[], (x->_destroy_video_session_parameters_khr(device, x; allocator)), getproperty(create_info, :video_session)) end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `video_session_parameters::VideoSessionParametersKHR` - `update_info::_VideoSessionParametersUpdateInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkUpdateVideoSessionParametersKHR.html) """ _update_video_session_parameters_khr(device, video_session_parameters, update_info::_VideoSessionParametersUpdateInfoKHR)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkUpdateVideoSessionParametersKHR(device, video_session_parameters, update_info))) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `device::Device` - `video_session_parameters::VideoSessionParametersKHR` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyVideoSessionParametersKHR.html) """ _destroy_video_session_parameters_khr(device, video_session_parameters; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyVideoSessionParametersKHR(device, video_session_parameters, allocator)) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `device::Device` - `video_session::VideoSessionKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetVideoSessionMemoryRequirementsKHR.html) """ function _get_video_session_memory_requirements_khr(device, video_session)::Vector{_VideoSessionMemoryRequirementsKHR} pMemoryRequirementsCount = Ref{UInt32}() @repeat_while_incomplete begin @dispatch device vkGetVideoSessionMemoryRequirementsKHR(device, video_session, pMemoryRequirementsCount, C_NULL) pMemoryRequirements = Vector{VkVideoSessionMemoryRequirementsKHR}(undef, pMemoryRequirementsCount[]) @dispatch device vkGetVideoSessionMemoryRequirementsKHR(device, video_session, pMemoryRequirementsCount, pMemoryRequirements) end from_vk.(_VideoSessionMemoryRequirementsKHR, pMemoryRequirements) end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `video_session::VideoSessionKHR` (externsync) - `bind_session_memory_infos::Vector{_BindVideoSessionMemoryInfoKHR}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindVideoSessionMemoryKHR.html) """ _bind_video_session_memory_khr(device, video_session, bind_session_memory_infos::AbstractArray)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkBindVideoSessionMemoryKHR(device, video_session, pointer_length(bind_session_memory_infos), bind_session_memory_infos))) """ Extension: VK\\_KHR\\_video\\_decode\\_queue Arguments: - `command_buffer::CommandBuffer` (externsync) - `decode_info::_VideoDecodeInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDecodeVideoKHR.html) """ _cmd_decode_video_khr(command_buffer, decode_info::_VideoDecodeInfoKHR)::Cvoid = @dispatch(device(command_buffer), vkCmdDecodeVideoKHR(command_buffer, decode_info)) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `command_buffer::CommandBuffer` (externsync) - `begin_info::_VideoBeginCodingInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginVideoCodingKHR.html) """ _cmd_begin_video_coding_khr(command_buffer, begin_info::_VideoBeginCodingInfoKHR)::Cvoid = @dispatch(device(command_buffer), vkCmdBeginVideoCodingKHR(command_buffer, begin_info)) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `command_buffer::CommandBuffer` (externsync) - `coding_control_info::_VideoCodingControlInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdControlVideoCodingKHR.html) """ _cmd_control_video_coding_khr(command_buffer, coding_control_info::_VideoCodingControlInfoKHR)::Cvoid = @dispatch(device(command_buffer), vkCmdControlVideoCodingKHR(command_buffer, coding_control_info)) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `command_buffer::CommandBuffer` (externsync) - `end_coding_info::_VideoEndCodingInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndVideoCodingKHR.html) """ _cmd_end_video_coding_khr(command_buffer, end_coding_info::_VideoEndCodingInfoKHR)::Cvoid = @dispatch(device(command_buffer), vkCmdEndVideoCodingKHR(command_buffer, end_coding_info)) """ Extension: VK\\_NV\\_memory\\_decompression Arguments: - `command_buffer::CommandBuffer` (externsync) - `decompress_memory_regions::Vector{_DecompressMemoryRegionNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDecompressMemoryNV.html) """ _cmd_decompress_memory_nv(command_buffer, decompress_memory_regions::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdDecompressMemoryNV(command_buffer, pointer_length(decompress_memory_regions), decompress_memory_regions)) """ Extension: VK\\_NV\\_memory\\_decompression Arguments: - `command_buffer::CommandBuffer` (externsync) - `indirect_commands_address::UInt64` - `indirect_commands_count_address::UInt64` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDecompressMemoryIndirectCountNV.html) """ _cmd_decompress_memory_indirect_count_nv(command_buffer, indirect_commands_address::Integer, indirect_commands_count_address::Integer, stride::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDecompressMemoryIndirectCountNV(command_buffer, indirect_commands_address, indirect_commands_count_address, stride)) """ Extension: VK\\_NVX\\_binary\\_import Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `create_info::_CuModuleCreateInfoNVX` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCuModuleNVX.html) """ function _create_cu_module_nvx(device, create_info::_CuModuleCreateInfoNVX; allocator = C_NULL)::ResultTypes.Result{CuModuleNVX, VulkanError} pModule = Ref{VkCuModuleNVX}() @check @dispatch(device, vkCreateCuModuleNVX(device, create_info, allocator, pModule)) CuModuleNVX(pModule[], begin parent = Vk.handle(device) x->_destroy_cu_module_nvx(parent, x; allocator) end, device) end """ Extension: VK\\_NVX\\_binary\\_import Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `create_info::_CuFunctionCreateInfoNVX` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCuFunctionNVX.html) """ function _create_cu_function_nvx(device, create_info::_CuFunctionCreateInfoNVX; allocator = C_NULL)::ResultTypes.Result{CuFunctionNVX, VulkanError} pFunction = Ref{VkCuFunctionNVX}() @check @dispatch(device, vkCreateCuFunctionNVX(device, create_info, allocator, pFunction)) CuFunctionNVX(pFunction[], begin parent = Vk.handle(device) x->_destroy_cu_function_nvx(parent, x; allocator) end, device) end """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `device::Device` - `_module::CuModuleNVX` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyCuModuleNVX.html) """ _destroy_cu_module_nvx(device, _module; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyCuModuleNVX(device, _module, allocator)) """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `device::Device` - `_function::CuFunctionNVX` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyCuFunctionNVX.html) """ _destroy_cu_function_nvx(device, _function; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyCuFunctionNVX(device, _function, allocator)) """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `command_buffer::CommandBuffer` - `launch_info::_CuLaunchInfoNVX` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCuLaunchKernelNVX.html) """ _cmd_cu_launch_kernel_nvx(command_buffer, launch_info::_CuLaunchInfoNVX)::Cvoid = @dispatch(device(command_buffer), vkCmdCuLaunchKernelNVX(command_buffer, launch_info)) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `device::Device` - `layout::DescriptorSetLayout` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDescriptorSetLayoutSizeEXT.html) """ function _get_descriptor_set_layout_size_ext(device, layout)::UInt64 pLayoutSizeInBytes = Ref{VkDeviceSize}() @dispatch device vkGetDescriptorSetLayoutSizeEXT(device, layout, pLayoutSizeInBytes) pLayoutSizeInBytes[] end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `device::Device` - `layout::DescriptorSetLayout` - `binding::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDescriptorSetLayoutBindingOffsetEXT.html) """ function _get_descriptor_set_layout_binding_offset_ext(device, layout, binding::Integer)::UInt64 pOffset = Ref{VkDeviceSize}() @dispatch device vkGetDescriptorSetLayoutBindingOffsetEXT(device, layout, binding, pOffset) pOffset[] end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `device::Device` - `descriptor_info::_DescriptorGetInfoEXT` - `data_size::UInt` - `descriptor::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDescriptorEXT.html) """ _get_descriptor_ext(device, descriptor_info::_DescriptorGetInfoEXT, data_size::Integer, descriptor::Ptr{Cvoid})::Cvoid = @dispatch(device, vkGetDescriptorEXT(device, descriptor_info, data_size, descriptor)) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `command_buffer::CommandBuffer` (externsync) - `binding_infos::Vector{_DescriptorBufferBindingInfoEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindDescriptorBuffersEXT.html) """ _cmd_bind_descriptor_buffers_ext(command_buffer, binding_infos::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdBindDescriptorBuffersEXT(command_buffer, pointer_length(binding_infos), binding_infos)) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_bind_point::PipelineBindPoint` - `layout::PipelineLayout` - `buffer_indices::Vector{UInt32}` - `offsets::Vector{UInt64}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDescriptorBufferOffsetsEXT.html) """ _cmd_set_descriptor_buffer_offsets_ext(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, buffer_indices::AbstractArray, offsets::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDescriptorBufferOffsetsEXT(command_buffer, pipeline_bind_point, layout, 0, pointer_length(buffer_indices), buffer_indices, offsets)) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_bind_point::PipelineBindPoint` - `layout::PipelineLayout` - `set::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindDescriptorBufferEmbeddedSamplersEXT.html) """ _cmd_bind_descriptor_buffer_embedded_samplers_ext(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, set::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdBindDescriptorBufferEmbeddedSamplersEXT(command_buffer, pipeline_bind_point, layout, set)) """ Extension: VK\\_EXT\\_descriptor\\_buffer Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::_BufferCaptureDescriptorDataInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetBufferOpaqueCaptureDescriptorDataEXT.html) """ function _get_buffer_opaque_capture_descriptor_data_ext(device, info::_BufferCaptureDescriptorDataInfoEXT)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} pData = Ref{Ptr{Cvoid}}() @check @dispatch(device, vkGetBufferOpaqueCaptureDescriptorDataEXT(device, info, pData)) pData[] end """ Extension: VK\\_EXT\\_descriptor\\_buffer Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::_ImageCaptureDescriptorDataInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageOpaqueCaptureDescriptorDataEXT.html) """ function _get_image_opaque_capture_descriptor_data_ext(device, info::_ImageCaptureDescriptorDataInfoEXT)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} pData = Ref{Ptr{Cvoid}}() @check @dispatch(device, vkGetImageOpaqueCaptureDescriptorDataEXT(device, info, pData)) pData[] end """ Extension: VK\\_EXT\\_descriptor\\_buffer Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::_ImageViewCaptureDescriptorDataInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageViewOpaqueCaptureDescriptorDataEXT.html) """ function _get_image_view_opaque_capture_descriptor_data_ext(device, info::_ImageViewCaptureDescriptorDataInfoEXT)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} pData = Ref{Ptr{Cvoid}}() @check @dispatch(device, vkGetImageViewOpaqueCaptureDescriptorDataEXT(device, info, pData)) pData[] end """ Extension: VK\\_EXT\\_descriptor\\_buffer Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::_SamplerCaptureDescriptorDataInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSamplerOpaqueCaptureDescriptorDataEXT.html) """ function _get_sampler_opaque_capture_descriptor_data_ext(device, info::_SamplerCaptureDescriptorDataInfoEXT)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} pData = Ref{Ptr{Cvoid}}() @check @dispatch(device, vkGetSamplerOpaqueCaptureDescriptorDataEXT(device, info, pData)) pData[] end """ Extension: VK\\_EXT\\_descriptor\\_buffer Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::_AccelerationStructureCaptureDescriptorDataInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetAccelerationStructureOpaqueCaptureDescriptorDataEXT.html) """ function _get_acceleration_structure_opaque_capture_descriptor_data_ext(device, info::_AccelerationStructureCaptureDescriptorDataInfoEXT)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} pData = Ref{Ptr{Cvoid}}() @check @dispatch(device, vkGetAccelerationStructureOpaqueCaptureDescriptorDataEXT(device, info, pData)) pData[] end """ Extension: VK\\_EXT\\_pageable\\_device\\_local\\_memory Arguments: - `device::Device` - `memory::DeviceMemory` - `priority::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetDeviceMemoryPriorityEXT.html) """ _set_device_memory_priority_ext(device, memory, priority::Real)::Cvoid = @dispatch(device, vkSetDeviceMemoryPriorityEXT(device, memory, priority)) """ Extension: VK\\_EXT\\_acquire\\_drm\\_display Return codes: - `SUCCESS` - `ERROR_INITIALIZATION_FAILED` Arguments: - `physical_device::PhysicalDevice` - `drm_fd::Int32` - `display::DisplayKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAcquireDrmDisplayEXT.html) """ _acquire_drm_display_ext(physical_device, drm_fd::Integer, display)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(instance(physical_device), vkAcquireDrmDisplayEXT(physical_device, drm_fd, display))) """ Extension: VK\\_EXT\\_acquire\\_drm\\_display Return codes: - `SUCCESS` - `ERROR_INITIALIZATION_FAILED` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `drm_fd::Int32` - `connector_id::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDrmDisplayEXT.html) """ function _get_drm_display_ext(physical_device, drm_fd::Integer, connector_id::Integer)::ResultTypes.Result{DisplayKHR, VulkanError} display = Ref{VkDisplayKHR}() @check @dispatch(instance(physical_device), vkGetDrmDisplayEXT(physical_device, drm_fd, connector_id, display)) DisplayKHR(display[], identity, physical_device) end """ Extension: VK\\_KHR\\_present\\_wait Return codes: - `SUCCESS` - `TIMEOUT` - `SUBOPTIMAL_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` - `ERROR_SURFACE_LOST_KHR` - `ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT` Arguments: - `device::Device` - `swapchain::SwapchainKHR` (externsync) - `present_id::UInt64` - `timeout::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkWaitForPresentKHR.html) """ _wait_for_present_khr(device, swapchain, present_id::Integer, timeout::Integer)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkWaitForPresentKHR(device, swapchain, present_id, timeout))) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `rendering_info::_RenderingInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginRendering.html) """ _cmd_begin_rendering(command_buffer, rendering_info::_RenderingInfo)::Cvoid = @dispatch(device(command_buffer), vkCmdBeginRendering(command_buffer, rendering_info)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndRendering.html) """ _cmd_end_rendering(command_buffer)::Cvoid = @dispatch(device(command_buffer), vkCmdEndRendering(command_buffer)) """ Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping Arguments: - `device::Device` - `binding_reference::_DescriptorSetBindingReferenceVALVE` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDescriptorSetLayoutHostMappingInfoVALVE.html) """ function _get_descriptor_set_layout_host_mapping_info_valve(device, binding_reference::_DescriptorSetBindingReferenceVALVE)::_DescriptorSetLayoutHostMappingInfoVALVE pHostMapping = Ref{VkDescriptorSetLayoutHostMappingInfoVALVE}() @dispatch device vkGetDescriptorSetLayoutHostMappingInfoVALVE(device, binding_reference, pHostMapping) from_vk(_DescriptorSetLayoutHostMappingInfoVALVE, pHostMapping[]) end """ Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping Arguments: - `device::Device` - `descriptor_set::DescriptorSet` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDescriptorSetHostMappingVALVE.html) """ function _get_descriptor_set_host_mapping_valve(device, descriptor_set)::Ptr{Cvoid} ppData = Ref{Ptr{Cvoid}}() @dispatch device vkGetDescriptorSetHostMappingVALVE(device, descriptor_set, ppData) ppData[] end """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `create_info::_MicromapCreateInfoEXT` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateMicromapEXT.html) """ function _create_micromap_ext(device, create_info::_MicromapCreateInfoEXT; allocator = C_NULL)::ResultTypes.Result{MicromapEXT, VulkanError} pMicromap = Ref{VkMicromapEXT}() @check @dispatch(device, vkCreateMicromapEXT(device, create_info, allocator, pMicromap)) MicromapEXT(pMicromap[], begin parent = Vk.handle(device) x->_destroy_micromap_ext(parent, x; allocator) end, device) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `command_buffer::CommandBuffer` (externsync) - `infos::Vector{_MicromapBuildInfoEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBuildMicromapsEXT.html) """ _cmd_build_micromaps_ext(command_buffer, infos::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdBuildMicromapsEXT(command_buffer, pointer_length(infos), infos)) """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `infos::Vector{_MicromapBuildInfoEXT}` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBuildMicromapsEXT.html) """ _build_micromaps_ext(device, infos::AbstractArray; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkBuildMicromapsEXT(device, deferred_operation, pointer_length(infos), infos))) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `device::Device` - `micromap::MicromapEXT` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyMicromapEXT.html) """ _destroy_micromap_ext(device, micromap; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyMicromapEXT(device, micromap, allocator)) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::_CopyMicromapInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyMicromapEXT.html) """ _cmd_copy_micromap_ext(command_buffer, info::_CopyMicromapInfoEXT)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyMicromapEXT(command_buffer, info)) """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::_CopyMicromapInfoEXT` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCopyMicromapEXT.html) """ _copy_micromap_ext(device, info::_CopyMicromapInfoEXT; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkCopyMicromapEXT(device, deferred_operation, info))) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::_CopyMicromapToMemoryInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyMicromapToMemoryEXT.html) """ _cmd_copy_micromap_to_memory_ext(command_buffer, info::_CopyMicromapToMemoryInfoEXT)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyMicromapToMemoryEXT(command_buffer, info)) """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::_CopyMicromapToMemoryInfoEXT` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCopyMicromapToMemoryEXT.html) """ _copy_micromap_to_memory_ext(device, info::_CopyMicromapToMemoryInfoEXT; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkCopyMicromapToMemoryEXT(device, deferred_operation, info))) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::_CopyMemoryToMicromapInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyMemoryToMicromapEXT.html) """ _cmd_copy_memory_to_micromap_ext(command_buffer, info::_CopyMemoryToMicromapInfoEXT)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyMemoryToMicromapEXT(command_buffer, info)) """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::_CopyMemoryToMicromapInfoEXT` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCopyMemoryToMicromapEXT.html) """ _copy_memory_to_micromap_ext(device, info::_CopyMemoryToMicromapInfoEXT; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkCopyMemoryToMicromapEXT(device, deferred_operation, info))) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `command_buffer::CommandBuffer` (externsync) - `micromaps::Vector{MicromapEXT}` - `query_type::QueryType` - `query_pool::QueryPool` - `first_query::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteMicromapsPropertiesEXT.html) """ _cmd_write_micromaps_properties_ext(command_buffer, micromaps::AbstractArray, query_type::QueryType, query_pool, first_query::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdWriteMicromapsPropertiesEXT(command_buffer, pointer_length(micromaps), micromaps, query_type, query_pool, first_query)) """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `micromaps::Vector{MicromapEXT}` - `query_type::QueryType` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) - `stride::UInt` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkWriteMicromapsPropertiesEXT.html) """ _write_micromaps_properties_ext(device, micromaps::AbstractArray, query_type::QueryType, data_size::Integer, data::Ptr{Cvoid}, stride::Integer)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkWriteMicromapsPropertiesEXT(device, pointer_length(micromaps), micromaps, query_type, data_size, data, stride))) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `device::Device` - `version_info::_MicromapVersionInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceMicromapCompatibilityEXT.html) """ function _get_device_micromap_compatibility_ext(device, version_info::_MicromapVersionInfoEXT)::AccelerationStructureCompatibilityKHR pCompatibility = Ref{VkAccelerationStructureCompatibilityKHR}() @dispatch device vkGetDeviceMicromapCompatibilityEXT(device, version_info, pCompatibility) pCompatibility[] end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `device::Device` - `build_type::AccelerationStructureBuildTypeKHR` - `build_info::_MicromapBuildInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetMicromapBuildSizesEXT.html) """ function _get_micromap_build_sizes_ext(device, build_type::AccelerationStructureBuildTypeKHR, build_info::_MicromapBuildInfoEXT)::_MicromapBuildSizesInfoEXT pSizeInfo = Ref{VkMicromapBuildSizesInfoEXT}() @dispatch device vkGetMicromapBuildSizesEXT(device, build_type, build_info, pSizeInfo) from_vk(_MicromapBuildSizesInfoEXT, pSizeInfo[]) end """ Extension: VK\\_EXT\\_shader\\_module\\_identifier Arguments: - `device::Device` - `shader_module::ShaderModule` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetShaderModuleIdentifierEXT.html) """ function _get_shader_module_identifier_ext(device, shader_module)::_ShaderModuleIdentifierEXT pIdentifier = Ref{VkShaderModuleIdentifierEXT}() @dispatch device vkGetShaderModuleIdentifierEXT(device, shader_module, pIdentifier) from_vk(_ShaderModuleIdentifierEXT, pIdentifier[]) end """ Extension: VK\\_EXT\\_shader\\_module\\_identifier Arguments: - `device::Device` - `create_info::_ShaderModuleCreateInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetShaderModuleCreateInfoIdentifierEXT.html) """ function _get_shader_module_create_info_identifier_ext(device, create_info::_ShaderModuleCreateInfo)::_ShaderModuleIdentifierEXT pIdentifier = Ref{VkShaderModuleIdentifierEXT}() @dispatch device vkGetShaderModuleCreateInfoIdentifierEXT(device, create_info, pIdentifier) from_vk(_ShaderModuleIdentifierEXT, pIdentifier[]) end """ Extension: VK\\_EXT\\_image\\_compression\\_control Arguments: - `device::Device` - `image::Image` - `subresource::_ImageSubresource2EXT` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageSubresourceLayout2EXT.html) """ function _get_image_subresource_layout_2_ext(device, image, subresource::_ImageSubresource2EXT, next_types::Type...)::_SubresourceLayout2EXT layout = initialize(_SubresourceLayout2EXT, next_types...) pLayout = Ref(Base.unsafe_convert(VkSubresourceLayout2EXT, layout)) GC.@preserve layout begin @dispatch device vkGetImageSubresourceLayout2EXT(device, image, subresource, pLayout) _SubresourceLayout2EXT(pLayout[], Any[layout]) end end """ Extension: VK\\_EXT\\_pipeline\\_properties Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `pipeline_info::VkPipelineInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPipelinePropertiesEXT.html) """ function _get_pipeline_properties_ext(device, pipeline_info::VkPipelineInfoEXT)::ResultTypes.Result{_BaseOutStructure, VulkanError} pPipelineProperties = Ref{VkBaseOutStructure}() @check @dispatch(device, vkGetPipelinePropertiesEXT(device, Ref(pipeline_info), pPipelineProperties)) from_vk(_BaseOutStructure, pPipelineProperties[]) end """ Extension: VK\\_QCOM\\_tile\\_properties Arguments: - `device::Device` - `framebuffer::Framebuffer` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetFramebufferTilePropertiesQCOM.html) """ function _get_framebuffer_tile_properties_qcom(device, framebuffer)::Vector{_TilePropertiesQCOM} pPropertiesCount = Ref{UInt32}() @repeat_while_incomplete begin @dispatch device vkGetFramebufferTilePropertiesQCOM(device, framebuffer, pPropertiesCount, C_NULL) pProperties = Vector{VkTilePropertiesQCOM}(undef, pPropertiesCount[]) @dispatch device vkGetFramebufferTilePropertiesQCOM(device, framebuffer, pPropertiesCount, pProperties) end from_vk.(_TilePropertiesQCOM, pProperties) end """ Extension: VK\\_QCOM\\_tile\\_properties Arguments: - `device::Device` - `rendering_info::_RenderingInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDynamicRenderingTilePropertiesQCOM.html) """ function _get_dynamic_rendering_tile_properties_qcom(device, rendering_info::_RenderingInfo)::_TilePropertiesQCOM pProperties = Ref{VkTilePropertiesQCOM}() @dispatch device vkGetDynamicRenderingTilePropertiesQCOM(device, rendering_info, pProperties) from_vk(_TilePropertiesQCOM, pProperties[]) end """ Extension: VK\\_NV\\_optical\\_flow Return codes: - `SUCCESS` - `ERROR_EXTENSION_NOT_PRESENT` - `ERROR_INITIALIZATION_FAILED` - `ERROR_FORMAT_NOT_SUPPORTED` Arguments: - `physical_device::PhysicalDevice` - `optical_flow_image_format_info::_OpticalFlowImageFormatInfoNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceOpticalFlowImageFormatsNV.html) """ function _get_physical_device_optical_flow_image_formats_nv(physical_device, optical_flow_image_format_info::_OpticalFlowImageFormatInfoNV)::ResultTypes.Result{Vector{_OpticalFlowImageFormatPropertiesNV}, VulkanError} pFormatCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceOpticalFlowImageFormatsNV(physical_device, optical_flow_image_format_info, pFormatCount, C_NULL)) pImageFormatProperties = Vector{VkOpticalFlowImageFormatPropertiesNV}(undef, pFormatCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceOpticalFlowImageFormatsNV(physical_device, optical_flow_image_format_info, pFormatCount, pImageFormatProperties)) end from_vk.(_OpticalFlowImageFormatPropertiesNV, pImageFormatProperties) end """ Extension: VK\\_NV\\_optical\\_flow Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `create_info::_OpticalFlowSessionCreateInfoNV` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateOpticalFlowSessionNV.html) """ function _create_optical_flow_session_nv(device, create_info::_OpticalFlowSessionCreateInfoNV; allocator = C_NULL)::ResultTypes.Result{OpticalFlowSessionNV, VulkanError} pSession = Ref{VkOpticalFlowSessionNV}() @check @dispatch(device, vkCreateOpticalFlowSessionNV(device, create_info, allocator, pSession)) OpticalFlowSessionNV(pSession[], begin parent = Vk.handle(device) x->_destroy_optical_flow_session_nv(parent, x; allocator) end, device) end """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `device::Device` - `session::OpticalFlowSessionNV` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyOpticalFlowSessionNV.html) """ _destroy_optical_flow_session_nv(device, session; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyOpticalFlowSessionNV(device, session, allocator)) """ Extension: VK\\_NV\\_optical\\_flow Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `session::OpticalFlowSessionNV` - `binding_point::OpticalFlowSessionBindingPointNV` - `layout::ImageLayout` - `view::ImageView`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindOpticalFlowSessionImageNV.html) """ _bind_optical_flow_session_image_nv(device, session, binding_point::OpticalFlowSessionBindingPointNV, layout::ImageLayout; view = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkBindOpticalFlowSessionImageNV(device, session, binding_point, view, layout))) """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `command_buffer::CommandBuffer` - `session::OpticalFlowSessionNV` - `execute_info::_OpticalFlowExecuteInfoNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdOpticalFlowExecuteNV.html) """ _cmd_optical_flow_execute_nv(command_buffer, session, execute_info::_OpticalFlowExecuteInfoNV)::Cvoid = @dispatch(device(command_buffer), vkCmdOpticalFlowExecuteNV(command_buffer, session, execute_info)) """ Extension: VK\\_EXT\\_device\\_fault Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceFaultInfoEXT.html) """ function _get_device_fault_info_ext(device)::ResultTypes.Result{Tuple{_DeviceFaultCountsEXT, _DeviceFaultInfoEXT}, VulkanError} pFaultCounts = Ref{VkDeviceFaultCountsEXT}() pFaultInfo = Ref{VkDeviceFaultInfoEXT}() @check @dispatch(device, vkGetDeviceFaultInfoEXT(device, pFaultCounts, pFaultInfo)) (from_vk(_DeviceFaultCountsEXT, pFaultCounts[]), from_vk(_DeviceFaultInfoEXT, pFaultInfo[])) end """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Return codes: - `SUCCESS` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `release_info::_ReleaseSwapchainImagesInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkReleaseSwapchainImagesEXT.html) """ _release_swapchain_images_ext(device, release_info::_ReleaseSwapchainImagesInfoEXT)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkReleaseSwapchainImagesEXT(device, release_info))) function _create_instance(create_info::_InstanceCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Instance, VulkanError} pInstance = Ref{VkInstance}() @check vkCreateInstance(create_info, allocator, pInstance, fptr_create) @fill_dispatch_table Instance(pInstance[], (x->_destroy_instance(x, fptr_destroy; allocator))) end _destroy_instance(instance, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyInstance(instance, allocator, fptr) function _enumerate_physical_devices(instance, fptr::FunctionPtr)::ResultTypes.Result{Vector{PhysicalDevice}, VulkanError} pPhysicalDeviceCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkEnumeratePhysicalDevices(instance, pPhysicalDeviceCount, C_NULL, fptr) pPhysicalDevices = Vector{VkPhysicalDevice}(undef, pPhysicalDeviceCount[]) @check vkEnumeratePhysicalDevices(instance, pPhysicalDeviceCount, pPhysicalDevices, fptr) end PhysicalDevice.(pPhysicalDevices, identity, instance) end _get_device_proc_addr(device, name::AbstractString, fptr::FunctionPtr)::FunctionPtr = vkGetDeviceProcAddr(device, name, fptr) _get_instance_proc_addr(name::AbstractString, fptr::FunctionPtr; instance = C_NULL)::FunctionPtr = vkGetInstanceProcAddr(instance, name, fptr) function _get_physical_device_properties(physical_device, fptr::FunctionPtr)::_PhysicalDeviceProperties pProperties = Ref{VkPhysicalDeviceProperties}() vkGetPhysicalDeviceProperties(physical_device, pProperties, fptr) from_vk(_PhysicalDeviceProperties, pProperties[]) end function _get_physical_device_queue_family_properties(physical_device, fptr::FunctionPtr)::Vector{_QueueFamilyProperties} pQueueFamilyPropertyCount = Ref{UInt32}() vkGetPhysicalDeviceQueueFamilyProperties(physical_device, pQueueFamilyPropertyCount, C_NULL, fptr) pQueueFamilyProperties = Vector{VkQueueFamilyProperties}(undef, pQueueFamilyPropertyCount[]) vkGetPhysicalDeviceQueueFamilyProperties(physical_device, pQueueFamilyPropertyCount, pQueueFamilyProperties, fptr) from_vk.(_QueueFamilyProperties, pQueueFamilyProperties) end function _get_physical_device_memory_properties(physical_device, fptr::FunctionPtr)::_PhysicalDeviceMemoryProperties pMemoryProperties = Ref{VkPhysicalDeviceMemoryProperties}() vkGetPhysicalDeviceMemoryProperties(physical_device, pMemoryProperties, fptr) from_vk(_PhysicalDeviceMemoryProperties, pMemoryProperties[]) end function _get_physical_device_features(physical_device, fptr::FunctionPtr)::_PhysicalDeviceFeatures pFeatures = Ref{VkPhysicalDeviceFeatures}() vkGetPhysicalDeviceFeatures(physical_device, pFeatures, fptr) from_vk(_PhysicalDeviceFeatures, pFeatures[]) end function _get_physical_device_format_properties(physical_device, format::Format, fptr::FunctionPtr)::_FormatProperties pFormatProperties = Ref{VkFormatProperties}() vkGetPhysicalDeviceFormatProperties(physical_device, format, pFormatProperties, fptr) from_vk(_FormatProperties, pFormatProperties[]) end function _get_physical_device_image_format_properties(physical_device, format::Format, type::ImageType, tiling::ImageTiling, usage::ImageUsageFlag, fptr::FunctionPtr; flags = 0)::ResultTypes.Result{_ImageFormatProperties, VulkanError} pImageFormatProperties = Ref{VkImageFormatProperties}() @check vkGetPhysicalDeviceImageFormatProperties(physical_device, format, type, tiling, usage, flags, pImageFormatProperties, fptr) from_vk(_ImageFormatProperties, pImageFormatProperties[]) end function _create_device(physical_device, create_info::_DeviceCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Device, VulkanError} pDevice = Ref{VkDevice}() @check vkCreateDevice(physical_device, create_info, allocator, pDevice, fptr_create) @fill_dispatch_table Device(pDevice[], (x->_destroy_device(x, fptr_destroy; allocator)), physical_device) end _destroy_device(device, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyDevice(device, allocator, fptr) function _enumerate_instance_version(fptr::FunctionPtr)::ResultTypes.Result{VersionNumber, VulkanError} pApiVersion = Ref{UInt32}() @check vkEnumerateInstanceVersion(pApiVersion, fptr) from_vk(VersionNumber, pApiVersion[]) end function _enumerate_instance_layer_properties(fptr::FunctionPtr)::ResultTypes.Result{Vector{_LayerProperties}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkEnumerateInstanceLayerProperties(pPropertyCount, C_NULL, fptr) pProperties = Vector{VkLayerProperties}(undef, pPropertyCount[]) @check vkEnumerateInstanceLayerProperties(pPropertyCount, pProperties, fptr) end from_vk.(_LayerProperties, pProperties) end function _enumerate_instance_extension_properties(fptr::FunctionPtr; layer_name = C_NULL)::ResultTypes.Result{Vector{_ExtensionProperties}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkEnumerateInstanceExtensionProperties(layer_name, pPropertyCount, C_NULL, fptr) pProperties = Vector{VkExtensionProperties}(undef, pPropertyCount[]) @check vkEnumerateInstanceExtensionProperties(layer_name, pPropertyCount, pProperties, fptr) end from_vk.(_ExtensionProperties, pProperties) end function _enumerate_device_layer_properties(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{_LayerProperties}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkEnumerateDeviceLayerProperties(physical_device, pPropertyCount, C_NULL, fptr) pProperties = Vector{VkLayerProperties}(undef, pPropertyCount[]) @check vkEnumerateDeviceLayerProperties(physical_device, pPropertyCount, pProperties, fptr) end from_vk.(_LayerProperties, pProperties) end function _enumerate_device_extension_properties(physical_device, fptr::FunctionPtr; layer_name = C_NULL)::ResultTypes.Result{Vector{_ExtensionProperties}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkEnumerateDeviceExtensionProperties(physical_device, layer_name, pPropertyCount, C_NULL, fptr) pProperties = Vector{VkExtensionProperties}(undef, pPropertyCount[]) @check vkEnumerateDeviceExtensionProperties(physical_device, layer_name, pPropertyCount, pProperties, fptr) end from_vk.(_ExtensionProperties, pProperties) end function _get_device_queue(device, queue_family_index::Integer, queue_index::Integer, fptr::FunctionPtr)::Queue pQueue = Ref{VkQueue}() vkGetDeviceQueue(device, queue_family_index, queue_index, pQueue, fptr) Queue(pQueue[], identity, device) end _queue_submit(queue, submits::AbstractArray, fptr::FunctionPtr; fence = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkQueueSubmit(queue, pointer_length(submits), submits, fence, fptr)) _queue_wait_idle(queue, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkQueueWaitIdle(queue, fptr)) _device_wait_idle(device, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkDeviceWaitIdle(device, fptr)) function _allocate_memory(device, allocate_info::_MemoryAllocateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DeviceMemory, VulkanError} pMemory = Ref{VkDeviceMemory}() @check vkAllocateMemory(device, allocate_info, allocator, pMemory, fptr_create) DeviceMemory(pMemory[], begin parent = Vk.handle(device) x->_free_memory(parent, x, fptr_destroy; allocator) end, device) end _free_memory(device, memory, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkFreeMemory(device, memory, allocator, fptr) function _map_memory(device, memory, offset::Integer, size::Integer, fptr::FunctionPtr; flags = 0)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} ppData = Ref{Ptr{Cvoid}}() @check vkMapMemory(device, memory, offset, size, flags, ppData, fptr) ppData[] end _unmap_memory(device, memory, fptr::FunctionPtr)::Cvoid = vkUnmapMemory(device, memory, fptr) _flush_mapped_memory_ranges(device, memory_ranges::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkFlushMappedMemoryRanges(device, pointer_length(memory_ranges), memory_ranges, fptr)) _invalidate_mapped_memory_ranges(device, memory_ranges::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkInvalidateMappedMemoryRanges(device, pointer_length(memory_ranges), memory_ranges, fptr)) function _get_device_memory_commitment(device, memory, fptr::FunctionPtr)::UInt64 pCommittedMemoryInBytes = Ref{VkDeviceSize}() vkGetDeviceMemoryCommitment(device, memory, pCommittedMemoryInBytes, fptr) pCommittedMemoryInBytes[] end function _get_buffer_memory_requirements(device, buffer, fptr::FunctionPtr)::_MemoryRequirements pMemoryRequirements = Ref{VkMemoryRequirements}() vkGetBufferMemoryRequirements(device, buffer, pMemoryRequirements, fptr) from_vk(_MemoryRequirements, pMemoryRequirements[]) end _bind_buffer_memory(device, buffer, memory, memory_offset::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkBindBufferMemory(device, buffer, memory, memory_offset, fptr)) function _get_image_memory_requirements(device, image, fptr::FunctionPtr)::_MemoryRequirements pMemoryRequirements = Ref{VkMemoryRequirements}() vkGetImageMemoryRequirements(device, image, pMemoryRequirements, fptr) from_vk(_MemoryRequirements, pMemoryRequirements[]) end _bind_image_memory(device, image, memory, memory_offset::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkBindImageMemory(device, image, memory, memory_offset, fptr)) function _get_image_sparse_memory_requirements(device, image, fptr::FunctionPtr)::Vector{_SparseImageMemoryRequirements} pSparseMemoryRequirementCount = Ref{UInt32}() vkGetImageSparseMemoryRequirements(device, image, pSparseMemoryRequirementCount, C_NULL, fptr) pSparseMemoryRequirements = Vector{VkSparseImageMemoryRequirements}(undef, pSparseMemoryRequirementCount[]) vkGetImageSparseMemoryRequirements(device, image, pSparseMemoryRequirementCount, pSparseMemoryRequirements, fptr) from_vk.(_SparseImageMemoryRequirements, pSparseMemoryRequirements) end function _get_physical_device_sparse_image_format_properties(physical_device, format::Format, type::ImageType, samples::SampleCountFlag, usage::ImageUsageFlag, tiling::ImageTiling, fptr::FunctionPtr)::Vector{_SparseImageFormatProperties} pPropertyCount = Ref{UInt32}() vkGetPhysicalDeviceSparseImageFormatProperties(physical_device, format, type, VkSampleCountFlagBits(samples.val), usage, tiling, pPropertyCount, C_NULL, fptr) pProperties = Vector{VkSparseImageFormatProperties}(undef, pPropertyCount[]) vkGetPhysicalDeviceSparseImageFormatProperties(physical_device, format, type, VkSampleCountFlagBits(samples.val), usage, tiling, pPropertyCount, pProperties, fptr) from_vk.(_SparseImageFormatProperties, pProperties) end _queue_bind_sparse(queue, bind_info::AbstractArray, fptr::FunctionPtr; fence = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkQueueBindSparse(queue, pointer_length(bind_info), bind_info, fence, fptr)) function _create_fence(device, create_info::_FenceCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Fence, VulkanError} pFence = Ref{VkFence}() @check vkCreateFence(device, create_info, allocator, pFence, fptr_create) Fence(pFence[], begin parent = Vk.handle(device) x->_destroy_fence(parent, x, fptr_destroy; allocator) end, device) end _destroy_fence(device, fence, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyFence(device, fence, allocator, fptr) _reset_fences(device, fences::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkResetFences(device, pointer_length(fences), fences, fptr)) _get_fence_status(device, fence, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkGetFenceStatus(device, fence, fptr)) _wait_for_fences(device, fences::AbstractArray, wait_all::Bool, timeout::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkWaitForFences(device, pointer_length(fences), fences, wait_all, timeout, fptr)) function _create_semaphore(device, create_info::_SemaphoreCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Semaphore, VulkanError} pSemaphore = Ref{VkSemaphore}() @check vkCreateSemaphore(device, create_info, allocator, pSemaphore, fptr_create) Semaphore(pSemaphore[], begin parent = Vk.handle(device) x->_destroy_semaphore(parent, x, fptr_destroy; allocator) end, device) end _destroy_semaphore(device, semaphore, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroySemaphore(device, semaphore, allocator, fptr) function _create_event(device, create_info::_EventCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Event, VulkanError} pEvent = Ref{VkEvent}() @check vkCreateEvent(device, create_info, allocator, pEvent, fptr_create) Event(pEvent[], begin parent = Vk.handle(device) x->_destroy_event(parent, x, fptr_destroy; allocator) end, device) end _destroy_event(device, event, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyEvent(device, event, allocator, fptr) _get_event_status(device, event, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkGetEventStatus(device, event, fptr)) _set_event(device, event, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkSetEvent(device, event, fptr)) _reset_event(device, event, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkResetEvent(device, event, fptr)) function _create_query_pool(device, create_info::_QueryPoolCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{QueryPool, VulkanError} pQueryPool = Ref{VkQueryPool}() @check vkCreateQueryPool(device, create_info, allocator, pQueryPool, fptr_create) QueryPool(pQueryPool[], begin parent = Vk.handle(device) x->_destroy_query_pool(parent, x, fptr_destroy; allocator) end, device) end _destroy_query_pool(device, query_pool, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyQueryPool(device, query_pool, allocator, fptr) _get_query_pool_results(device, query_pool, first_query::Integer, query_count::Integer, data_size::Integer, data::Ptr{Cvoid}, stride::Integer, fptr::FunctionPtr; flags = 0)::ResultTypes.Result{Result, VulkanError} = @check(vkGetQueryPoolResults(device, query_pool, first_query, query_count, data_size, data, stride, flags, fptr)) _reset_query_pool(device, query_pool, first_query::Integer, query_count::Integer, fptr::FunctionPtr)::Cvoid = vkResetQueryPool(device, query_pool, first_query, query_count, fptr) function _create_buffer(device, create_info::_BufferCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Buffer, VulkanError} pBuffer = Ref{VkBuffer}() @check vkCreateBuffer(device, create_info, allocator, pBuffer, fptr_create) Buffer(pBuffer[], begin parent = Vk.handle(device) x->_destroy_buffer(parent, x, fptr_destroy; allocator) end, device) end _destroy_buffer(device, buffer, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyBuffer(device, buffer, allocator, fptr) function _create_buffer_view(device, create_info::_BufferViewCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{BufferView, VulkanError} pView = Ref{VkBufferView}() @check vkCreateBufferView(device, create_info, allocator, pView, fptr_create) BufferView(pView[], begin parent = Vk.handle(device) x->_destroy_buffer_view(parent, x, fptr_destroy; allocator) end, device) end _destroy_buffer_view(device, buffer_view, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyBufferView(device, buffer_view, allocator, fptr) function _create_image(device, create_info::_ImageCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Image, VulkanError} pImage = Ref{VkImage}() @check vkCreateImage(device, create_info, allocator, pImage, fptr_create) Image(pImage[], begin parent = Vk.handle(device) x->_destroy_image(parent, x, fptr_destroy; allocator) end, device) end _destroy_image(device, image, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyImage(device, image, allocator, fptr) function _get_image_subresource_layout(device, image, subresource::_ImageSubresource, fptr::FunctionPtr)::_SubresourceLayout pLayout = Ref{VkSubresourceLayout}() vkGetImageSubresourceLayout(device, image, subresource, pLayout, fptr) from_vk(_SubresourceLayout, pLayout[]) end function _create_image_view(device, create_info::_ImageViewCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{ImageView, VulkanError} pView = Ref{VkImageView}() @check vkCreateImageView(device, create_info, allocator, pView, fptr_create) ImageView(pView[], begin parent = Vk.handle(device) x->_destroy_image_view(parent, x, fptr_destroy; allocator) end, device) end _destroy_image_view(device, image_view, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyImageView(device, image_view, allocator, fptr) function _create_shader_module(device, create_info::_ShaderModuleCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{ShaderModule, VulkanError} pShaderModule = Ref{VkShaderModule}() @check vkCreateShaderModule(device, create_info, allocator, pShaderModule, fptr_create) ShaderModule(pShaderModule[], begin parent = Vk.handle(device) x->_destroy_shader_module(parent, x, fptr_destroy; allocator) end, device) end _destroy_shader_module(device, shader_module, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyShaderModule(device, shader_module, allocator, fptr) function _create_pipeline_cache(device, create_info::_PipelineCacheCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{PipelineCache, VulkanError} pPipelineCache = Ref{VkPipelineCache}() @check vkCreatePipelineCache(device, create_info, allocator, pPipelineCache, fptr_create) PipelineCache(pPipelineCache[], begin parent = Vk.handle(device) x->_destroy_pipeline_cache(parent, x, fptr_destroy; allocator) end, device) end _destroy_pipeline_cache(device, pipeline_cache, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyPipelineCache(device, pipeline_cache, allocator, fptr) function _get_pipeline_cache_data(device, pipeline_cache, fptr::FunctionPtr)::ResultTypes.Result{Tuple{UInt, Ptr{Cvoid}}, VulkanError} pDataSize = Ref{UInt}() @repeat_while_incomplete begin @check vkGetPipelineCacheData(device, pipeline_cache, pDataSize, C_NULL, fptr) pData = Libc.malloc(pDataSize[]) @check vkGetPipelineCacheData(device, pipeline_cache, pDataSize, pData, fptr) if _return_code == VK_INCOMPLETE Libc.free(pData) end end (pDataSize[], pData) end _merge_pipeline_caches(device, dst_cache, src_caches::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkMergePipelineCaches(device, dst_cache, pointer_length(src_caches), src_caches, fptr)) function _create_graphics_pipelines(device, create_infos::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} pPipelines = Vector{VkPipeline}(undef, pointer_length(create_infos)) @check vkCreateGraphicsPipelines(device, pipeline_cache, pointer_length(create_infos), create_infos, allocator, pPipelines, fptr_create) (Pipeline.(pPipelines, begin parent = Vk.handle(device) x->_destroy_pipeline(parent, x, fptr_destroy; allocator) end, device), _return_code) end function _create_compute_pipelines(device, create_infos::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} pPipelines = Vector{VkPipeline}(undef, pointer_length(create_infos)) @check vkCreateComputePipelines(device, pipeline_cache, pointer_length(create_infos), create_infos, allocator, pPipelines, fptr_create) (Pipeline.(pPipelines, begin parent = Vk.handle(device) x->_destroy_pipeline(parent, x, fptr_destroy; allocator) end, device), _return_code) end function _get_device_subpass_shading_max_workgroup_size_huawei(device, renderpass, fptr::FunctionPtr)::ResultTypes.Result{_Extent2D, VulkanError} pMaxWorkgroupSize = Ref{VkExtent2D}() @check vkGetDeviceSubpassShadingMaxWorkgroupSizeHUAWEI(device, renderpass, pMaxWorkgroupSize, fptr) from_vk(_Extent2D, pMaxWorkgroupSize[]) end _destroy_pipeline(device, pipeline, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyPipeline(device, pipeline, allocator, fptr) function _create_pipeline_layout(device, create_info::_PipelineLayoutCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{PipelineLayout, VulkanError} pPipelineLayout = Ref{VkPipelineLayout}() @check vkCreatePipelineLayout(device, create_info, allocator, pPipelineLayout, fptr_create) PipelineLayout(pPipelineLayout[], begin parent = Vk.handle(device) x->_destroy_pipeline_layout(parent, x, fptr_destroy; allocator) end, device) end _destroy_pipeline_layout(device, pipeline_layout, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyPipelineLayout(device, pipeline_layout, allocator, fptr) function _create_sampler(device, create_info::_SamplerCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Sampler, VulkanError} pSampler = Ref{VkSampler}() @check vkCreateSampler(device, create_info, allocator, pSampler, fptr_create) Sampler(pSampler[], begin parent = Vk.handle(device) x->_destroy_sampler(parent, x, fptr_destroy; allocator) end, device) end _destroy_sampler(device, sampler, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroySampler(device, sampler, allocator, fptr) function _create_descriptor_set_layout(device, create_info::_DescriptorSetLayoutCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DescriptorSetLayout, VulkanError} pSetLayout = Ref{VkDescriptorSetLayout}() @check vkCreateDescriptorSetLayout(device, create_info, allocator, pSetLayout, fptr_create) DescriptorSetLayout(pSetLayout[], begin parent = Vk.handle(device) x->_destroy_descriptor_set_layout(parent, x, fptr_destroy; allocator) end, device) end _destroy_descriptor_set_layout(device, descriptor_set_layout, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyDescriptorSetLayout(device, descriptor_set_layout, allocator, fptr) function _create_descriptor_pool(device, create_info::_DescriptorPoolCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DescriptorPool, VulkanError} pDescriptorPool = Ref{VkDescriptorPool}() @check vkCreateDescriptorPool(device, create_info, allocator, pDescriptorPool, fptr_create) DescriptorPool(pDescriptorPool[], begin parent = Vk.handle(device) x->_destroy_descriptor_pool(parent, x, fptr_destroy; allocator) end, device) end _destroy_descriptor_pool(device, descriptor_pool, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyDescriptorPool(device, descriptor_pool, allocator, fptr) function _reset_descriptor_pool(device, descriptor_pool, fptr::FunctionPtr; flags = 0)::Nothing vkResetDescriptorPool(device, descriptor_pool, flags, fptr) nothing end function _allocate_descriptor_sets(device, allocate_info::_DescriptorSetAllocateInfo, fptr_create::FunctionPtr)::ResultTypes.Result{Vector{DescriptorSet}, VulkanError} pDescriptorSets = Vector{VkDescriptorSet}(undef, allocate_info.vks.descriptorSetCount) @check vkAllocateDescriptorSets(device, allocate_info, pDescriptorSets, fptr_create) DescriptorSet.(pDescriptorSets, identity, getproperty(allocate_info, :descriptor_pool)) end function _free_descriptor_sets(device, descriptor_pool, descriptor_sets::AbstractArray, fptr::FunctionPtr)::Nothing vkFreeDescriptorSets(device, descriptor_pool, pointer_length(descriptor_sets), descriptor_sets, fptr) nothing end _update_descriptor_sets(device, descriptor_writes::AbstractArray, descriptor_copies::AbstractArray, fptr::FunctionPtr)::Cvoid = vkUpdateDescriptorSets(device, pointer_length(descriptor_writes), descriptor_writes, pointer_length(descriptor_copies), descriptor_copies, fptr) function _create_framebuffer(device, create_info::_FramebufferCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Framebuffer, VulkanError} pFramebuffer = Ref{VkFramebuffer}() @check vkCreateFramebuffer(device, create_info, allocator, pFramebuffer, fptr_create) Framebuffer(pFramebuffer[], begin parent = Vk.handle(device) x->_destroy_framebuffer(parent, x, fptr_destroy; allocator) end, device) end _destroy_framebuffer(device, framebuffer, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyFramebuffer(device, framebuffer, allocator, fptr) function _create_render_pass(device, create_info::_RenderPassCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{RenderPass, VulkanError} pRenderPass = Ref{VkRenderPass}() @check vkCreateRenderPass(device, create_info, allocator, pRenderPass, fptr_create) RenderPass(pRenderPass[], begin parent = Vk.handle(device) x->_destroy_render_pass(parent, x, fptr_destroy; allocator) end, device) end _destroy_render_pass(device, render_pass, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyRenderPass(device, render_pass, allocator, fptr) function _get_render_area_granularity(device, render_pass, fptr::FunctionPtr)::_Extent2D pGranularity = Ref{VkExtent2D}() vkGetRenderAreaGranularity(device, render_pass, pGranularity, fptr) from_vk(_Extent2D, pGranularity[]) end function _create_command_pool(device, create_info::_CommandPoolCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{CommandPool, VulkanError} pCommandPool = Ref{VkCommandPool}() @check vkCreateCommandPool(device, create_info, allocator, pCommandPool, fptr_create) CommandPool(pCommandPool[], begin parent = Vk.handle(device) x->_destroy_command_pool(parent, x, fptr_destroy; allocator) end, device) end _destroy_command_pool(device, command_pool, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyCommandPool(device, command_pool, allocator, fptr) _reset_command_pool(device, command_pool, fptr::FunctionPtr; flags = 0)::ResultTypes.Result{Result, VulkanError} = @check(vkResetCommandPool(device, command_pool, flags, fptr)) function _allocate_command_buffers(device, allocate_info::_CommandBufferAllocateInfo, fptr_create::FunctionPtr)::ResultTypes.Result{Vector{CommandBuffer}, VulkanError} pCommandBuffers = Vector{VkCommandBuffer}(undef, allocate_info.vks.commandBufferCount) @check vkAllocateCommandBuffers(device, allocate_info, pCommandBuffers, fptr_create) CommandBuffer.(pCommandBuffers, identity, getproperty(allocate_info, :command_pool)) end _free_command_buffers(device, command_pool, command_buffers::AbstractArray, fptr::FunctionPtr)::Cvoid = vkFreeCommandBuffers(device, command_pool, pointer_length(command_buffers), command_buffers, fptr) _begin_command_buffer(command_buffer, begin_info::_CommandBufferBeginInfo, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkBeginCommandBuffer(command_buffer, begin_info, fptr)) _end_command_buffer(command_buffer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkEndCommandBuffer(command_buffer, fptr)) _reset_command_buffer(command_buffer, fptr::FunctionPtr; flags = 0)::ResultTypes.Result{Result, VulkanError} = @check(vkResetCommandBuffer(command_buffer, flags, fptr)) _cmd_bind_pipeline(command_buffer, pipeline_bind_point::PipelineBindPoint, pipeline, fptr::FunctionPtr)::Cvoid = vkCmdBindPipeline(command_buffer, pipeline_bind_point, pipeline, fptr) _cmd_set_viewport(command_buffer, viewports::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetViewport(command_buffer, 0, pointer_length(viewports), viewports, fptr) _cmd_set_scissor(command_buffer, scissors::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetScissor(command_buffer, 0, pointer_length(scissors), scissors, fptr) _cmd_set_line_width(command_buffer, line_width::Real, fptr::FunctionPtr)::Cvoid = vkCmdSetLineWidth(command_buffer, line_width, fptr) _cmd_set_depth_bias(command_buffer, depth_bias_constant_factor::Real, depth_bias_clamp::Real, depth_bias_slope_factor::Real, fptr::FunctionPtr)::Cvoid = vkCmdSetDepthBias(command_buffer, depth_bias_constant_factor, depth_bias_clamp, depth_bias_slope_factor, fptr) _cmd_set_blend_constants(command_buffer, blend_constants::NTuple{4, Float32}, fptr::FunctionPtr)::Cvoid = vkCmdSetBlendConstants(command_buffer, blend_constants, fptr) _cmd_set_depth_bounds(command_buffer, min_depth_bounds::Real, max_depth_bounds::Real, fptr::FunctionPtr)::Cvoid = vkCmdSetDepthBounds(command_buffer, min_depth_bounds, max_depth_bounds, fptr) _cmd_set_stencil_compare_mask(command_buffer, face_mask::StencilFaceFlag, compare_mask::Integer, fptr::FunctionPtr)::Cvoid = vkCmdSetStencilCompareMask(command_buffer, face_mask, compare_mask, fptr) _cmd_set_stencil_write_mask(command_buffer, face_mask::StencilFaceFlag, write_mask::Integer, fptr::FunctionPtr)::Cvoid = vkCmdSetStencilWriteMask(command_buffer, face_mask, write_mask, fptr) _cmd_set_stencil_reference(command_buffer, face_mask::StencilFaceFlag, reference::Integer, fptr::FunctionPtr)::Cvoid = vkCmdSetStencilReference(command_buffer, face_mask, reference, fptr) _cmd_bind_descriptor_sets(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, first_set::Integer, descriptor_sets::AbstractArray, dynamic_offsets::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdBindDescriptorSets(command_buffer, pipeline_bind_point, layout, first_set, pointer_length(descriptor_sets), descriptor_sets, pointer_length(dynamic_offsets), dynamic_offsets, fptr) _cmd_bind_index_buffer(command_buffer, buffer, offset::Integer, index_type::IndexType, fptr::FunctionPtr)::Cvoid = vkCmdBindIndexBuffer(command_buffer, buffer, offset, index_type, fptr) _cmd_bind_vertex_buffers(command_buffer, buffers::AbstractArray, offsets::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdBindVertexBuffers(command_buffer, 0, pointer_length(buffers), buffers, offsets, fptr) _cmd_draw(command_buffer, vertex_count::Integer, instance_count::Integer, first_vertex::Integer, first_instance::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDraw(command_buffer, vertex_count, instance_count, first_vertex, first_instance, fptr) _cmd_draw_indexed(command_buffer, index_count::Integer, instance_count::Integer, first_index::Integer, vertex_offset::Integer, first_instance::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawIndexed(command_buffer, index_count, instance_count, first_index, vertex_offset, first_instance, fptr) _cmd_draw_multi_ext(command_buffer, vertex_info::AbstractArray, instance_count::Integer, first_instance::Integer, stride::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawMultiEXT(command_buffer, pointer_length(vertex_info), vertex_info, instance_count, first_instance, stride, fptr) _cmd_draw_multi_indexed_ext(command_buffer, index_info::AbstractArray, instance_count::Integer, first_instance::Integer, stride::Integer, fptr::FunctionPtr; vertex_offset = C_NULL)::Cvoid = vkCmdDrawMultiIndexedEXT(command_buffer, pointer_length(index_info), index_info, instance_count, first_instance, stride, if vertex_offset == C_NULL C_NULL else Ref(vertex_offset) end, fptr) _cmd_draw_indirect(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawIndirect(command_buffer, buffer, offset, draw_count, stride, fptr) _cmd_draw_indexed_indirect(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawIndexedIndirect(command_buffer, buffer, offset, draw_count, stride, fptr) _cmd_dispatch(command_buffer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDispatch(command_buffer, group_count_x, group_count_y, group_count_z, fptr) _cmd_dispatch_indirect(command_buffer, buffer, offset::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDispatchIndirect(command_buffer, buffer, offset, fptr) _cmd_subpass_shading_huawei(command_buffer, fptr::FunctionPtr)::Cvoid = vkCmdSubpassShadingHUAWEI(command_buffer, fptr) _cmd_draw_cluster_huawei(command_buffer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawClusterHUAWEI(command_buffer, group_count_x, group_count_y, group_count_z, fptr) _cmd_draw_cluster_indirect_huawei(command_buffer, buffer, offset::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawClusterIndirectHUAWEI(command_buffer, buffer, offset, fptr) _cmd_copy_buffer(command_buffer, src_buffer, dst_buffer, regions::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdCopyBuffer(command_buffer, src_buffer, dst_buffer, pointer_length(regions), regions, fptr) _cmd_copy_image(command_buffer, src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdCopyImage(command_buffer, src_image, src_image_layout, dst_image, dst_image_layout, pointer_length(regions), regions, fptr) _cmd_blit_image(command_buffer, src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray, filter::Filter, fptr::FunctionPtr)::Cvoid = vkCmdBlitImage(command_buffer, src_image, src_image_layout, dst_image, dst_image_layout, pointer_length(regions), regions, filter, fptr) _cmd_copy_buffer_to_image(command_buffer, src_buffer, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdCopyBufferToImage(command_buffer, src_buffer, dst_image, dst_image_layout, pointer_length(regions), regions, fptr) _cmd_copy_image_to_buffer(command_buffer, src_image, src_image_layout::ImageLayout, dst_buffer, regions::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdCopyImageToBuffer(command_buffer, src_image, src_image_layout, dst_buffer, pointer_length(regions), regions, fptr) _cmd_copy_memory_indirect_nv(command_buffer, copy_buffer_address::Integer, copy_count::Integer, stride::Integer, fptr::FunctionPtr)::Cvoid = vkCmdCopyMemoryIndirectNV(command_buffer, copy_buffer_address, copy_count, stride, fptr) _cmd_copy_memory_to_image_indirect_nv(command_buffer, copy_buffer_address::Integer, stride::Integer, dst_image, dst_image_layout::ImageLayout, image_subresources::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdCopyMemoryToImageIndirectNV(command_buffer, copy_buffer_address, pointer_length(image_subresources), stride, dst_image, dst_image_layout, image_subresources, fptr) _cmd_update_buffer(command_buffer, dst_buffer, dst_offset::Integer, data_size::Integer, data::Ptr{Cvoid}, fptr::FunctionPtr)::Cvoid = vkCmdUpdateBuffer(command_buffer, dst_buffer, dst_offset, data_size, data, fptr) _cmd_fill_buffer(command_buffer, dst_buffer, dst_offset::Integer, size::Integer, data::Integer, fptr::FunctionPtr)::Cvoid = vkCmdFillBuffer(command_buffer, dst_buffer, dst_offset, size, data, fptr) _cmd_clear_color_image(command_buffer, image, image_layout::ImageLayout, color::_ClearColorValue, ranges::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdClearColorImage(command_buffer, image, image_layout, color, pointer_length(ranges), ranges, fptr) _cmd_clear_depth_stencil_image(command_buffer, image, image_layout::ImageLayout, depth_stencil::_ClearDepthStencilValue, ranges::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdClearDepthStencilImage(command_buffer, image, image_layout, depth_stencil, pointer_length(ranges), ranges, fptr) _cmd_clear_attachments(command_buffer, attachments::AbstractArray, rects::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdClearAttachments(command_buffer, pointer_length(attachments), attachments, pointer_length(rects), rects, fptr) _cmd_resolve_image(command_buffer, src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdResolveImage(command_buffer, src_image, src_image_layout, dst_image, dst_image_layout, pointer_length(regions), regions, fptr) _cmd_set_event(command_buffer, event, fptr::FunctionPtr; stage_mask = 0)::Cvoid = vkCmdSetEvent(command_buffer, event, stage_mask, fptr) _cmd_reset_event(command_buffer, event, fptr::FunctionPtr; stage_mask = 0)::Cvoid = vkCmdResetEvent(command_buffer, event, stage_mask, fptr) _cmd_wait_events(command_buffer, events::AbstractArray, memory_barriers::AbstractArray, buffer_memory_barriers::AbstractArray, image_memory_barriers::AbstractArray, fptr::FunctionPtr; src_stage_mask = 0, dst_stage_mask = 0)::Cvoid = vkCmdWaitEvents(command_buffer, pointer_length(events), events, src_stage_mask, dst_stage_mask, pointer_length(memory_barriers), memory_barriers, pointer_length(buffer_memory_barriers), buffer_memory_barriers, pointer_length(image_memory_barriers), image_memory_barriers, fptr) _cmd_pipeline_barrier(command_buffer, memory_barriers::AbstractArray, buffer_memory_barriers::AbstractArray, image_memory_barriers::AbstractArray, fptr::FunctionPtr; src_stage_mask = 0, dst_stage_mask = 0, dependency_flags = 0)::Cvoid = vkCmdPipelineBarrier(command_buffer, src_stage_mask, dst_stage_mask, dependency_flags, pointer_length(memory_barriers), memory_barriers, pointer_length(buffer_memory_barriers), buffer_memory_barriers, pointer_length(image_memory_barriers), image_memory_barriers, fptr) _cmd_begin_query(command_buffer, query_pool, query::Integer, fptr::FunctionPtr; flags = 0)::Cvoid = vkCmdBeginQuery(command_buffer, query_pool, query, flags, fptr) _cmd_end_query(command_buffer, query_pool, query::Integer, fptr::FunctionPtr)::Cvoid = vkCmdEndQuery(command_buffer, query_pool, query, fptr) _cmd_begin_conditional_rendering_ext(command_buffer, conditional_rendering_begin::_ConditionalRenderingBeginInfoEXT, fptr::FunctionPtr)::Cvoid = vkCmdBeginConditionalRenderingEXT(command_buffer, conditional_rendering_begin, fptr) _cmd_end_conditional_rendering_ext(command_buffer, fptr::FunctionPtr)::Cvoid = vkCmdEndConditionalRenderingEXT(command_buffer, fptr) _cmd_reset_query_pool(command_buffer, query_pool, first_query::Integer, query_count::Integer, fptr::FunctionPtr)::Cvoid = vkCmdResetQueryPool(command_buffer, query_pool, first_query, query_count, fptr) _cmd_write_timestamp(command_buffer, pipeline_stage::PipelineStageFlag, query_pool, query::Integer, fptr::FunctionPtr)::Cvoid = vkCmdWriteTimestamp(command_buffer, VkPipelineStageFlagBits(pipeline_stage.val), query_pool, query, fptr) _cmd_copy_query_pool_results(command_buffer, query_pool, first_query::Integer, query_count::Integer, dst_buffer, dst_offset::Integer, stride::Integer, fptr::FunctionPtr; flags = 0)::Cvoid = vkCmdCopyQueryPoolResults(command_buffer, query_pool, first_query, query_count, dst_buffer, dst_offset, stride, flags, fptr) _cmd_push_constants(command_buffer, layout, stage_flags::ShaderStageFlag, offset::Integer, size::Integer, values::Ptr{Cvoid}, fptr::FunctionPtr)::Cvoid = vkCmdPushConstants(command_buffer, layout, stage_flags, offset, size, values, fptr) _cmd_begin_render_pass(command_buffer, render_pass_begin::_RenderPassBeginInfo, contents::SubpassContents, fptr::FunctionPtr)::Cvoid = vkCmdBeginRenderPass(command_buffer, render_pass_begin, contents, fptr) _cmd_next_subpass(command_buffer, contents::SubpassContents, fptr::FunctionPtr)::Cvoid = vkCmdNextSubpass(command_buffer, contents, fptr) _cmd_end_render_pass(command_buffer, fptr::FunctionPtr)::Cvoid = vkCmdEndRenderPass(command_buffer, fptr) _cmd_execute_commands(command_buffer, command_buffers::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdExecuteCommands(command_buffer, pointer_length(command_buffers), command_buffers, fptr) function _get_physical_device_display_properties_khr(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{_DisplayPropertiesKHR}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceDisplayPropertiesKHR(physical_device, pPropertyCount, C_NULL, fptr) pProperties = Vector{VkDisplayPropertiesKHR}(undef, pPropertyCount[]) @check vkGetPhysicalDeviceDisplayPropertiesKHR(physical_device, pPropertyCount, pProperties, fptr) end from_vk.(_DisplayPropertiesKHR, pProperties) end function _get_physical_device_display_plane_properties_khr(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{_DisplayPlanePropertiesKHR}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceDisplayPlanePropertiesKHR(physical_device, pPropertyCount, C_NULL, fptr) pProperties = Vector{VkDisplayPlanePropertiesKHR}(undef, pPropertyCount[]) @check vkGetPhysicalDeviceDisplayPlanePropertiesKHR(physical_device, pPropertyCount, pProperties, fptr) end from_vk.(_DisplayPlanePropertiesKHR, pProperties) end function _get_display_plane_supported_displays_khr(physical_device, plane_index::Integer, fptr::FunctionPtr)::ResultTypes.Result{Vector{DisplayKHR}, VulkanError} pDisplayCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetDisplayPlaneSupportedDisplaysKHR(physical_device, plane_index, pDisplayCount, C_NULL, fptr) pDisplays = Vector{VkDisplayKHR}(undef, pDisplayCount[]) @check vkGetDisplayPlaneSupportedDisplaysKHR(physical_device, plane_index, pDisplayCount, pDisplays, fptr) end DisplayKHR.(pDisplays, identity, physical_device) end function _get_display_mode_properties_khr(physical_device, display, fptr::FunctionPtr)::ResultTypes.Result{Vector{_DisplayModePropertiesKHR}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetDisplayModePropertiesKHR(physical_device, display, pPropertyCount, C_NULL, fptr) pProperties = Vector{VkDisplayModePropertiesKHR}(undef, pPropertyCount[]) @check vkGetDisplayModePropertiesKHR(physical_device, display, pPropertyCount, pProperties, fptr) end from_vk.(_DisplayModePropertiesKHR, pProperties) end function _create_display_mode_khr(physical_device, display, create_info::_DisplayModeCreateInfoKHR, fptr_create::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DisplayModeKHR, VulkanError} pMode = Ref{VkDisplayModeKHR}() @check vkCreateDisplayModeKHR(physical_device, display, create_info, allocator, pMode, fptr_create) DisplayModeKHR(pMode[], identity, display) end function _get_display_plane_capabilities_khr(physical_device, mode, plane_index::Integer, fptr::FunctionPtr)::ResultTypes.Result{_DisplayPlaneCapabilitiesKHR, VulkanError} pCapabilities = Ref{VkDisplayPlaneCapabilitiesKHR}() @check vkGetDisplayPlaneCapabilitiesKHR(physical_device, mode, plane_index, pCapabilities, fptr) from_vk(_DisplayPlaneCapabilitiesKHR, pCapabilities[]) end function _create_display_plane_surface_khr(instance, create_info::_DisplaySurfaceCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} pSurface = Ref{VkSurfaceKHR}() @check vkCreateDisplayPlaneSurfaceKHR(instance, create_info, allocator, pSurface, fptr_create) SurfaceKHR(pSurface[], begin parent = Vk.handle(instance) x->_destroy_surface_khr(parent, x, fptr_destroy; allocator) end, instance) end function _create_shared_swapchains_khr(device, create_infos::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Vector{SwapchainKHR}, VulkanError} pSwapchains = Vector{VkSwapchainKHR}(undef, pointer_length(create_infos)) @check vkCreateSharedSwapchainsKHR(device, pointer_length(create_infos), create_infos, allocator, pSwapchains, fptr_create) SwapchainKHR.(pSwapchains, begin parent = Vk.handle(device) x->_destroy_swapchain_khr(parent, x, fptr_destroy; allocator) end, device) end _destroy_surface_khr(instance, surface, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroySurfaceKHR(instance, surface, allocator, fptr) function _get_physical_device_surface_support_khr(physical_device, queue_family_index::Integer, surface, fptr::FunctionPtr)::ResultTypes.Result{Bool, VulkanError} pSupported = Ref{VkBool32}() @check vkGetPhysicalDeviceSurfaceSupportKHR(physical_device, queue_family_index, surface, pSupported, fptr) from_vk(Bool, pSupported[]) end function _get_physical_device_surface_capabilities_khr(physical_device, surface, fptr::FunctionPtr)::ResultTypes.Result{_SurfaceCapabilitiesKHR, VulkanError} pSurfaceCapabilities = Ref{VkSurfaceCapabilitiesKHR}() @check vkGetPhysicalDeviceSurfaceCapabilitiesKHR(physical_device, surface, pSurfaceCapabilities, fptr) from_vk(_SurfaceCapabilitiesKHR, pSurfaceCapabilities[]) end function _get_physical_device_surface_formats_khr(physical_device, fptr::FunctionPtr; surface = C_NULL)::ResultTypes.Result{Vector{_SurfaceFormatKHR}, VulkanError} pSurfaceFormatCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceSurfaceFormatsKHR(physical_device, surface, pSurfaceFormatCount, C_NULL, fptr) pSurfaceFormats = Vector{VkSurfaceFormatKHR}(undef, pSurfaceFormatCount[]) @check vkGetPhysicalDeviceSurfaceFormatsKHR(physical_device, surface, pSurfaceFormatCount, pSurfaceFormats, fptr) end from_vk.(_SurfaceFormatKHR, pSurfaceFormats) end function _get_physical_device_surface_present_modes_khr(physical_device, fptr::FunctionPtr; surface = C_NULL)::ResultTypes.Result{Vector{PresentModeKHR}, VulkanError} pPresentModeCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceSurfacePresentModesKHR(physical_device, surface, pPresentModeCount, C_NULL, fptr) pPresentModes = Vector{VkPresentModeKHR}(undef, pPresentModeCount[]) @check vkGetPhysicalDeviceSurfacePresentModesKHR(physical_device, surface, pPresentModeCount, pPresentModes, fptr) end pPresentModes end function _create_swapchain_khr(device, create_info::_SwapchainCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SwapchainKHR, VulkanError} pSwapchain = Ref{VkSwapchainKHR}() @check vkCreateSwapchainKHR(device, create_info, allocator, pSwapchain, fptr_create) SwapchainKHR(pSwapchain[], begin parent = Vk.handle(device) x->_destroy_swapchain_khr(parent, x, fptr_destroy; allocator) end, device) end _destroy_swapchain_khr(device, swapchain, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroySwapchainKHR(device, swapchain, allocator, fptr) function _get_swapchain_images_khr(device, swapchain, fptr::FunctionPtr)::ResultTypes.Result{Vector{Image}, VulkanError} pSwapchainImageCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetSwapchainImagesKHR(device, swapchain, pSwapchainImageCount, C_NULL, fptr) pSwapchainImages = Vector{VkImage}(undef, pSwapchainImageCount[]) @check vkGetSwapchainImagesKHR(device, swapchain, pSwapchainImageCount, pSwapchainImages, fptr) end Image.(pSwapchainImages, identity, device) end function _acquire_next_image_khr(device, swapchain, timeout::Integer, fptr::FunctionPtr; semaphore = C_NULL, fence = C_NULL)::ResultTypes.Result{Tuple{UInt32, Result}, VulkanError} pImageIndex = Ref{UInt32}() @check vkAcquireNextImageKHR(device, swapchain, timeout, semaphore, fence, pImageIndex, fptr) (pImageIndex[], _return_code) end _queue_present_khr(queue, present_info::_PresentInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkQueuePresentKHR(queue, present_info, fptr)) function _create_wayland_surface_khr(instance, create_info::_WaylandSurfaceCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} pSurface = Ref{VkSurfaceKHR}() @check vkCreateWaylandSurfaceKHR(instance, create_info, allocator, pSurface, fptr_create) SurfaceKHR(pSurface[], begin parent = Vk.handle(instance) x->_destroy_surface_khr(parent, x, fptr_destroy; allocator) end, instance) end _get_physical_device_wayland_presentation_support_khr(physical_device, queue_family_index::Integer, display::Ptr{vk.wl_display}, fptr::FunctionPtr)::Bool = from_vk(Bool, vkGetPhysicalDeviceWaylandPresentationSupportKHR(physical_device, queue_family_index, display, fptr)) function _create_xlib_surface_khr(instance, create_info::_XlibSurfaceCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} pSurface = Ref{VkSurfaceKHR}() @check vkCreateXlibSurfaceKHR(instance, create_info, allocator, pSurface, fptr_create) SurfaceKHR(pSurface[], begin parent = Vk.handle(instance) x->_destroy_surface_khr(parent, x, fptr_destroy; allocator) end, instance) end _get_physical_device_xlib_presentation_support_khr(physical_device, queue_family_index::Integer, dpy::Ptr{vk.Display}, visual_id::vk.VisualID, fptr::FunctionPtr)::Bool = from_vk(Bool, vkGetPhysicalDeviceXlibPresentationSupportKHR(physical_device, queue_family_index, dpy, visual_id, fptr)) function _create_xcb_surface_khr(instance, create_info::_XcbSurfaceCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} pSurface = Ref{VkSurfaceKHR}() @check vkCreateXcbSurfaceKHR(instance, create_info, allocator, pSurface, fptr_create) SurfaceKHR(pSurface[], begin parent = Vk.handle(instance) x->_destroy_surface_khr(parent, x, fptr_destroy; allocator) end, instance) end _get_physical_device_xcb_presentation_support_khr(physical_device, queue_family_index::Integer, connection::Ptr{vk.xcb_connection_t}, visual_id::vk.xcb_visualid_t, fptr::FunctionPtr)::Bool = from_vk(Bool, vkGetPhysicalDeviceXcbPresentationSupportKHR(physical_device, queue_family_index, connection, visual_id, fptr)) function _create_debug_report_callback_ext(instance, create_info::_DebugReportCallbackCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DebugReportCallbackEXT, VulkanError} pCallback = Ref{VkDebugReportCallbackEXT}() @check vkCreateDebugReportCallbackEXT(instance, create_info, allocator, pCallback, fptr_create) DebugReportCallbackEXT(pCallback[], begin parent = Vk.handle(instance) x->_destroy_debug_report_callback_ext(parent, x, fptr_destroy; allocator) end, instance) end _destroy_debug_report_callback_ext(instance, callback, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyDebugReportCallbackEXT(instance, callback, allocator, fptr) _debug_report_message_ext(instance, flags::DebugReportFlagEXT, object_type::DebugReportObjectTypeEXT, object::Integer, location::Integer, message_code::Integer, layer_prefix::AbstractString, message::AbstractString, fptr::FunctionPtr)::Cvoid = vkDebugReportMessageEXT(instance, flags, object_type, object, location, message_code, layer_prefix, message, fptr) _debug_marker_set_object_name_ext(device, name_info::_DebugMarkerObjectNameInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkDebugMarkerSetObjectNameEXT(device, name_info, fptr)) _debug_marker_set_object_tag_ext(device, tag_info::_DebugMarkerObjectTagInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkDebugMarkerSetObjectTagEXT(device, tag_info, fptr)) _cmd_debug_marker_begin_ext(command_buffer, marker_info::_DebugMarkerMarkerInfoEXT, fptr::FunctionPtr)::Cvoid = vkCmdDebugMarkerBeginEXT(command_buffer, marker_info, fptr) _cmd_debug_marker_end_ext(command_buffer, fptr::FunctionPtr)::Cvoid = vkCmdDebugMarkerEndEXT(command_buffer, fptr) _cmd_debug_marker_insert_ext(command_buffer, marker_info::_DebugMarkerMarkerInfoEXT, fptr::FunctionPtr)::Cvoid = vkCmdDebugMarkerInsertEXT(command_buffer, marker_info, fptr) function _get_physical_device_external_image_format_properties_nv(physical_device, format::Format, type::ImageType, tiling::ImageTiling, usage::ImageUsageFlag, fptr::FunctionPtr; flags = 0, external_handle_type = 0)::ResultTypes.Result{_ExternalImageFormatPropertiesNV, VulkanError} pExternalImageFormatProperties = Ref{VkExternalImageFormatPropertiesNV}() @check vkGetPhysicalDeviceExternalImageFormatPropertiesNV(physical_device, format, type, tiling, usage, flags, external_handle_type, pExternalImageFormatProperties, fptr) from_vk(_ExternalImageFormatPropertiesNV, pExternalImageFormatProperties[]) end _cmd_execute_generated_commands_nv(command_buffer, is_preprocessed::Bool, generated_commands_info::_GeneratedCommandsInfoNV, fptr::FunctionPtr)::Cvoid = vkCmdExecuteGeneratedCommandsNV(command_buffer, is_preprocessed, generated_commands_info, fptr) _cmd_preprocess_generated_commands_nv(command_buffer, generated_commands_info::_GeneratedCommandsInfoNV, fptr::FunctionPtr)::Cvoid = vkCmdPreprocessGeneratedCommandsNV(command_buffer, generated_commands_info, fptr) _cmd_bind_pipeline_shader_group_nv(command_buffer, pipeline_bind_point::PipelineBindPoint, pipeline, group_index::Integer, fptr::FunctionPtr)::Cvoid = vkCmdBindPipelineShaderGroupNV(command_buffer, pipeline_bind_point, pipeline, group_index, fptr) function _get_generated_commands_memory_requirements_nv(device, info::_GeneratedCommandsMemoryRequirementsInfoNV, fptr::FunctionPtr, next_types::Type...)::_MemoryRequirements2 memory_requirements = initialize(_MemoryRequirements2, next_types...) pMemoryRequirements = Ref(Base.unsafe_convert(VkMemoryRequirements2, memory_requirements)) GC.@preserve memory_requirements begin vkGetGeneratedCommandsMemoryRequirementsNV(device, info, pMemoryRequirements, fptr) _MemoryRequirements2(pMemoryRequirements[], Any[memory_requirements]) end end function _create_indirect_commands_layout_nv(device, create_info::_IndirectCommandsLayoutCreateInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{IndirectCommandsLayoutNV, VulkanError} pIndirectCommandsLayout = Ref{VkIndirectCommandsLayoutNV}() @check vkCreateIndirectCommandsLayoutNV(device, create_info, allocator, pIndirectCommandsLayout, fptr_create) IndirectCommandsLayoutNV(pIndirectCommandsLayout[], begin parent = Vk.handle(device) x->_destroy_indirect_commands_layout_nv(parent, x, fptr_destroy; allocator) end, device) end _destroy_indirect_commands_layout_nv(device, indirect_commands_layout, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyIndirectCommandsLayoutNV(device, indirect_commands_layout, allocator, fptr) function _get_physical_device_features_2(physical_device, fptr::FunctionPtr, next_types::Type...)::_PhysicalDeviceFeatures2 features = initialize(_PhysicalDeviceFeatures2, next_types...) pFeatures = Ref(Base.unsafe_convert(VkPhysicalDeviceFeatures2, features)) GC.@preserve features begin vkGetPhysicalDeviceFeatures2(physical_device, pFeatures, fptr) _PhysicalDeviceFeatures2(pFeatures[], Any[features]) end end function _get_physical_device_properties_2(physical_device, fptr::FunctionPtr, next_types::Type...)::_PhysicalDeviceProperties2 properties = initialize(_PhysicalDeviceProperties2, next_types...) pProperties = Ref(Base.unsafe_convert(VkPhysicalDeviceProperties2, properties)) GC.@preserve properties begin vkGetPhysicalDeviceProperties2(physical_device, pProperties, fptr) _PhysicalDeviceProperties2(pProperties[], Any[properties]) end end function _get_physical_device_format_properties_2(physical_device, format::Format, fptr::FunctionPtr, next_types::Type...)::_FormatProperties2 format_properties = initialize(_FormatProperties2, next_types...) pFormatProperties = Ref(Base.unsafe_convert(VkFormatProperties2, format_properties)) GC.@preserve format_properties begin vkGetPhysicalDeviceFormatProperties2(physical_device, format, pFormatProperties, fptr) _FormatProperties2(pFormatProperties[], Any[format_properties]) end end function _get_physical_device_image_format_properties_2(physical_device, image_format_info::_PhysicalDeviceImageFormatInfo2, fptr::FunctionPtr, next_types::Type...)::ResultTypes.Result{_ImageFormatProperties2, VulkanError} image_format_properties = initialize(_ImageFormatProperties2, next_types...) pImageFormatProperties = Ref(Base.unsafe_convert(VkImageFormatProperties2, image_format_properties)) GC.@preserve image_format_properties begin @check vkGetPhysicalDeviceImageFormatProperties2(physical_device, image_format_info, pImageFormatProperties, fptr) _ImageFormatProperties2(pImageFormatProperties[], Any[image_format_properties]) end end function _get_physical_device_queue_family_properties_2(physical_device, fptr::FunctionPtr)::Vector{_QueueFamilyProperties2} pQueueFamilyPropertyCount = Ref{UInt32}() vkGetPhysicalDeviceQueueFamilyProperties2(physical_device, pQueueFamilyPropertyCount, C_NULL, fptr) pQueueFamilyProperties = Vector{VkQueueFamilyProperties2}(undef, pQueueFamilyPropertyCount[]) vkGetPhysicalDeviceQueueFamilyProperties2(physical_device, pQueueFamilyPropertyCount, pQueueFamilyProperties, fptr) from_vk.(_QueueFamilyProperties2, pQueueFamilyProperties) end function _get_physical_device_memory_properties_2(physical_device, fptr::FunctionPtr, next_types::Type...)::_PhysicalDeviceMemoryProperties2 memory_properties = initialize(_PhysicalDeviceMemoryProperties2, next_types...) pMemoryProperties = Ref(Base.unsafe_convert(VkPhysicalDeviceMemoryProperties2, memory_properties)) GC.@preserve memory_properties begin vkGetPhysicalDeviceMemoryProperties2(physical_device, pMemoryProperties, fptr) _PhysicalDeviceMemoryProperties2(pMemoryProperties[], Any[memory_properties]) end end function _get_physical_device_sparse_image_format_properties_2(physical_device, format_info::_PhysicalDeviceSparseImageFormatInfo2, fptr::FunctionPtr)::Vector{_SparseImageFormatProperties2} pPropertyCount = Ref{UInt32}() vkGetPhysicalDeviceSparseImageFormatProperties2(physical_device, format_info, pPropertyCount, C_NULL, fptr) pProperties = Vector{VkSparseImageFormatProperties2}(undef, pPropertyCount[]) vkGetPhysicalDeviceSparseImageFormatProperties2(physical_device, format_info, pPropertyCount, pProperties, fptr) from_vk.(_SparseImageFormatProperties2, pProperties) end _cmd_push_descriptor_set_khr(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, set::Integer, descriptor_writes::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdPushDescriptorSetKHR(command_buffer, pipeline_bind_point, layout, set, pointer_length(descriptor_writes), descriptor_writes, fptr) _trim_command_pool(device, command_pool, fptr::FunctionPtr; flags = 0)::Cvoid = vkTrimCommandPool(device, command_pool, flags, fptr) function _get_physical_device_external_buffer_properties(physical_device, external_buffer_info::_PhysicalDeviceExternalBufferInfo, fptr::FunctionPtr)::_ExternalBufferProperties pExternalBufferProperties = Ref{VkExternalBufferProperties}() vkGetPhysicalDeviceExternalBufferProperties(physical_device, external_buffer_info, pExternalBufferProperties, fptr) from_vk(_ExternalBufferProperties, pExternalBufferProperties[]) end function _get_memory_fd_khr(device, get_fd_info::_MemoryGetFdInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Int, VulkanError} pFd = Ref{Int}() @check vkGetMemoryFdKHR(device, get_fd_info, pFd, fptr) pFd[] end function _get_memory_fd_properties_khr(device, handle_type::ExternalMemoryHandleTypeFlag, fd::Integer, fptr::FunctionPtr)::ResultTypes.Result{_MemoryFdPropertiesKHR, VulkanError} pMemoryFdProperties = Ref{VkMemoryFdPropertiesKHR}() @check vkGetMemoryFdPropertiesKHR(device, VkExternalMemoryHandleTypeFlagBits(handle_type.val), fd, pMemoryFdProperties, fptr) from_vk(_MemoryFdPropertiesKHR, pMemoryFdProperties[]) end function _get_memory_remote_address_nv(device, memory_get_remote_address_info::_MemoryGetRemoteAddressInfoNV, fptr::FunctionPtr)::ResultTypes.Result{Cvoid, VulkanError} pAddress = Ref{VkRemoteAddressNV}() @check vkGetMemoryRemoteAddressNV(device, memory_get_remote_address_info, pAddress, fptr) pAddress[] end function _get_physical_device_external_semaphore_properties(physical_device, external_semaphore_info::_PhysicalDeviceExternalSemaphoreInfo, fptr::FunctionPtr)::_ExternalSemaphoreProperties pExternalSemaphoreProperties = Ref{VkExternalSemaphoreProperties}() vkGetPhysicalDeviceExternalSemaphoreProperties(physical_device, external_semaphore_info, pExternalSemaphoreProperties, fptr) from_vk(_ExternalSemaphoreProperties, pExternalSemaphoreProperties[]) end function _get_semaphore_fd_khr(device, get_fd_info::_SemaphoreGetFdInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Int, VulkanError} pFd = Ref{Int}() @check vkGetSemaphoreFdKHR(device, get_fd_info, pFd, fptr) pFd[] end _import_semaphore_fd_khr(device, import_semaphore_fd_info::_ImportSemaphoreFdInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkImportSemaphoreFdKHR(device, import_semaphore_fd_info, fptr)) function _get_physical_device_external_fence_properties(physical_device, external_fence_info::_PhysicalDeviceExternalFenceInfo, fptr::FunctionPtr)::_ExternalFenceProperties pExternalFenceProperties = Ref{VkExternalFenceProperties}() vkGetPhysicalDeviceExternalFenceProperties(physical_device, external_fence_info, pExternalFenceProperties, fptr) from_vk(_ExternalFenceProperties, pExternalFenceProperties[]) end function _get_fence_fd_khr(device, get_fd_info::_FenceGetFdInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Int, VulkanError} pFd = Ref{Int}() @check vkGetFenceFdKHR(device, get_fd_info, pFd, fptr) pFd[] end _import_fence_fd_khr(device, import_fence_fd_info::_ImportFenceFdInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkImportFenceFdKHR(device, import_fence_fd_info, fptr)) function _release_display_ext(physical_device, display, fptr::FunctionPtr)::Nothing vkReleaseDisplayEXT(physical_device, display, fptr) nothing end _acquire_xlib_display_ext(physical_device, dpy::Ptr{vk.Display}, display, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkAcquireXlibDisplayEXT(physical_device, dpy, display, fptr)) function _get_rand_r_output_display_ext(physical_device, dpy::Ptr{vk.Display}, rr_output::vk.RROutput, fptr::FunctionPtr)::ResultTypes.Result{DisplayKHR, VulkanError} pDisplay = Ref{VkDisplayKHR}() @check vkGetRandROutputDisplayEXT(physical_device, dpy, rr_output, pDisplay, fptr) DisplayKHR(pDisplay[], identity, physical_device) end _display_power_control_ext(device, display, display_power_info::_DisplayPowerInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkDisplayPowerControlEXT(device, display, display_power_info, fptr)) function _register_device_event_ext(device, device_event_info::_DeviceEventInfoEXT, fptr::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Fence, VulkanError} pFence = Ref{VkFence}() @check vkRegisterDeviceEventEXT(device, device_event_info, allocator, pFence, fptr) Fence(pFence[], begin parent = Vk.handle(device) x->_destroy_fence(parent, x, fptr_destroy; allocator) end, device) end function _register_display_event_ext(device, display, display_event_info::_DisplayEventInfoEXT, fptr::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Fence, VulkanError} pFence = Ref{VkFence}() @check vkRegisterDisplayEventEXT(device, display, display_event_info, allocator, pFence, fptr) Fence(pFence[], begin parent = Vk.handle(device) x->_destroy_fence(parent, x, fptr_destroy; allocator) end, device) end function _get_swapchain_counter_ext(device, swapchain, counter::SurfaceCounterFlagEXT, fptr::FunctionPtr)::ResultTypes.Result{UInt64, VulkanError} pCounterValue = Ref{UInt64}() @check vkGetSwapchainCounterEXT(device, swapchain, VkSurfaceCounterFlagBitsEXT(counter.val), pCounterValue, fptr) pCounterValue[] end function _get_physical_device_surface_capabilities_2_ext(physical_device, surface, fptr::FunctionPtr)::ResultTypes.Result{_SurfaceCapabilities2EXT, VulkanError} pSurfaceCapabilities = Ref{VkSurfaceCapabilities2EXT}() @check vkGetPhysicalDeviceSurfaceCapabilities2EXT(physical_device, surface, pSurfaceCapabilities, fptr) from_vk(_SurfaceCapabilities2EXT, pSurfaceCapabilities[]) end function _enumerate_physical_device_groups(instance, fptr::FunctionPtr)::ResultTypes.Result{Vector{_PhysicalDeviceGroupProperties}, VulkanError} pPhysicalDeviceGroupCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkEnumeratePhysicalDeviceGroups(instance, pPhysicalDeviceGroupCount, C_NULL, fptr) pPhysicalDeviceGroupProperties = Vector{VkPhysicalDeviceGroupProperties}(undef, pPhysicalDeviceGroupCount[]) @check vkEnumeratePhysicalDeviceGroups(instance, pPhysicalDeviceGroupCount, pPhysicalDeviceGroupProperties, fptr) end from_vk.(_PhysicalDeviceGroupProperties, pPhysicalDeviceGroupProperties) end function _get_device_group_peer_memory_features(device, heap_index::Integer, local_device_index::Integer, remote_device_index::Integer, fptr::FunctionPtr)::PeerMemoryFeatureFlag pPeerMemoryFeatures = Ref{VkPeerMemoryFeatureFlags}() vkGetDeviceGroupPeerMemoryFeatures(device, heap_index, local_device_index, remote_device_index, pPeerMemoryFeatures, fptr) pPeerMemoryFeatures[] end _bind_buffer_memory_2(device, bind_infos::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkBindBufferMemory2(device, pointer_length(bind_infos), bind_infos, fptr)) _bind_image_memory_2(device, bind_infos::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkBindImageMemory2(device, pointer_length(bind_infos), bind_infos, fptr)) _cmd_set_device_mask(command_buffer, device_mask::Integer, fptr::FunctionPtr)::Cvoid = vkCmdSetDeviceMask(command_buffer, device_mask, fptr) function _get_device_group_present_capabilities_khr(device, fptr::FunctionPtr)::ResultTypes.Result{_DeviceGroupPresentCapabilitiesKHR, VulkanError} pDeviceGroupPresentCapabilities = Ref{VkDeviceGroupPresentCapabilitiesKHR}() @check vkGetDeviceGroupPresentCapabilitiesKHR(device, pDeviceGroupPresentCapabilities, fptr) from_vk(_DeviceGroupPresentCapabilitiesKHR, pDeviceGroupPresentCapabilities[]) end function _get_device_group_surface_present_modes_khr(device, surface, modes::DeviceGroupPresentModeFlagKHR, fptr::FunctionPtr)::ResultTypes.Result{DeviceGroupPresentModeFlagKHR, VulkanError} pModes = Ref{VkDeviceGroupPresentModeFlagsKHR}() @check vkGetDeviceGroupSurfacePresentModesKHR(device, surface, pModes, fptr) pModes[] end function _acquire_next_image_2_khr(device, acquire_info::_AcquireNextImageInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Tuple{UInt32, Result}, VulkanError} pImageIndex = Ref{UInt32}() @check vkAcquireNextImage2KHR(device, acquire_info, pImageIndex, fptr) (pImageIndex[], _return_code) end _cmd_dispatch_base(command_buffer, base_group_x::Integer, base_group_y::Integer, base_group_z::Integer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDispatchBase(command_buffer, base_group_x, base_group_y, base_group_z, group_count_x, group_count_y, group_count_z, fptr) function _get_physical_device_present_rectangles_khr(physical_device, surface, fptr::FunctionPtr)::ResultTypes.Result{Vector{_Rect2D}, VulkanError} pRectCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDevicePresentRectanglesKHR(physical_device, surface, pRectCount, C_NULL, fptr) pRects = Vector{VkRect2D}(undef, pRectCount[]) @check vkGetPhysicalDevicePresentRectanglesKHR(physical_device, surface, pRectCount, pRects, fptr) end from_vk.(_Rect2D, pRects) end function _create_descriptor_update_template(device, create_info::_DescriptorUpdateTemplateCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DescriptorUpdateTemplate, VulkanError} pDescriptorUpdateTemplate = Ref{VkDescriptorUpdateTemplate}() @check vkCreateDescriptorUpdateTemplate(device, create_info, allocator, pDescriptorUpdateTemplate, fptr_create) DescriptorUpdateTemplate(pDescriptorUpdateTemplate[], begin parent = Vk.handle(device) x->_destroy_descriptor_update_template(parent, x, fptr_destroy; allocator) end, device) end _destroy_descriptor_update_template(device, descriptor_update_template, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyDescriptorUpdateTemplate(device, descriptor_update_template, allocator, fptr) _update_descriptor_set_with_template(device, descriptor_set, descriptor_update_template, data::Ptr{Cvoid}, fptr::FunctionPtr)::Cvoid = vkUpdateDescriptorSetWithTemplate(device, descriptor_set, descriptor_update_template, data, fptr) _cmd_push_descriptor_set_with_template_khr(command_buffer, descriptor_update_template, layout, set::Integer, data::Ptr{Cvoid}, fptr::FunctionPtr)::Cvoid = vkCmdPushDescriptorSetWithTemplateKHR(command_buffer, descriptor_update_template, layout, set, data, fptr) _set_hdr_metadata_ext(device, swapchains::AbstractArray, metadata::AbstractArray, fptr::FunctionPtr)::Cvoid = vkSetHdrMetadataEXT(device, pointer_length(swapchains), swapchains, metadata, fptr) _get_swapchain_status_khr(device, swapchain, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkGetSwapchainStatusKHR(device, swapchain, fptr)) function _get_refresh_cycle_duration_google(device, swapchain, fptr::FunctionPtr)::ResultTypes.Result{_RefreshCycleDurationGOOGLE, VulkanError} pDisplayTimingProperties = Ref{VkRefreshCycleDurationGOOGLE}() @check vkGetRefreshCycleDurationGOOGLE(device, swapchain, pDisplayTimingProperties, fptr) from_vk(_RefreshCycleDurationGOOGLE, pDisplayTimingProperties[]) end function _get_past_presentation_timing_google(device, swapchain, fptr::FunctionPtr)::ResultTypes.Result{Vector{_PastPresentationTimingGOOGLE}, VulkanError} pPresentationTimingCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPastPresentationTimingGOOGLE(device, swapchain, pPresentationTimingCount, C_NULL, fptr) pPresentationTimings = Vector{VkPastPresentationTimingGOOGLE}(undef, pPresentationTimingCount[]) @check vkGetPastPresentationTimingGOOGLE(device, swapchain, pPresentationTimingCount, pPresentationTimings, fptr) end from_vk.(_PastPresentationTimingGOOGLE, pPresentationTimings) end _cmd_set_viewport_w_scaling_nv(command_buffer, viewport_w_scalings::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetViewportWScalingNV(command_buffer, 0, pointer_length(viewport_w_scalings), viewport_w_scalings, fptr) _cmd_set_discard_rectangle_ext(command_buffer, discard_rectangles::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetDiscardRectangleEXT(command_buffer, 0, pointer_length(discard_rectangles), discard_rectangles, fptr) _cmd_set_sample_locations_ext(command_buffer, sample_locations_info::_SampleLocationsInfoEXT, fptr::FunctionPtr)::Cvoid = vkCmdSetSampleLocationsEXT(command_buffer, sample_locations_info, fptr) function _get_physical_device_multisample_properties_ext(physical_device, samples::SampleCountFlag, fptr::FunctionPtr)::_MultisamplePropertiesEXT pMultisampleProperties = Ref{VkMultisamplePropertiesEXT}() vkGetPhysicalDeviceMultisamplePropertiesEXT(physical_device, VkSampleCountFlagBits(samples.val), pMultisampleProperties, fptr) from_vk(_MultisamplePropertiesEXT, pMultisampleProperties[]) end function _get_physical_device_surface_capabilities_2_khr(physical_device, surface_info::_PhysicalDeviceSurfaceInfo2KHR, fptr::FunctionPtr, next_types::Type...)::ResultTypes.Result{_SurfaceCapabilities2KHR, VulkanError} surface_capabilities = initialize(_SurfaceCapabilities2KHR, next_types...) pSurfaceCapabilities = Ref(Base.unsafe_convert(VkSurfaceCapabilities2KHR, surface_capabilities)) GC.@preserve surface_capabilities begin @check vkGetPhysicalDeviceSurfaceCapabilities2KHR(physical_device, surface_info, pSurfaceCapabilities, fptr) _SurfaceCapabilities2KHR(pSurfaceCapabilities[], Any[surface_capabilities]) end end function _get_physical_device_surface_formats_2_khr(physical_device, surface_info::_PhysicalDeviceSurfaceInfo2KHR, fptr::FunctionPtr)::ResultTypes.Result{Vector{_SurfaceFormat2KHR}, VulkanError} pSurfaceFormatCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceSurfaceFormats2KHR(physical_device, surface_info, pSurfaceFormatCount, C_NULL, fptr) pSurfaceFormats = Vector{VkSurfaceFormat2KHR}(undef, pSurfaceFormatCount[]) @check vkGetPhysicalDeviceSurfaceFormats2KHR(physical_device, surface_info, pSurfaceFormatCount, pSurfaceFormats, fptr) end from_vk.(_SurfaceFormat2KHR, pSurfaceFormats) end function _get_physical_device_display_properties_2_khr(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{_DisplayProperties2KHR}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceDisplayProperties2KHR(physical_device, pPropertyCount, C_NULL, fptr) pProperties = Vector{VkDisplayProperties2KHR}(undef, pPropertyCount[]) @check vkGetPhysicalDeviceDisplayProperties2KHR(physical_device, pPropertyCount, pProperties, fptr) end from_vk.(_DisplayProperties2KHR, pProperties) end function _get_physical_device_display_plane_properties_2_khr(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{_DisplayPlaneProperties2KHR}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceDisplayPlaneProperties2KHR(physical_device, pPropertyCount, C_NULL, fptr) pProperties = Vector{VkDisplayPlaneProperties2KHR}(undef, pPropertyCount[]) @check vkGetPhysicalDeviceDisplayPlaneProperties2KHR(physical_device, pPropertyCount, pProperties, fptr) end from_vk.(_DisplayPlaneProperties2KHR, pProperties) end function _get_display_mode_properties_2_khr(physical_device, display, fptr::FunctionPtr)::ResultTypes.Result{Vector{_DisplayModeProperties2KHR}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetDisplayModeProperties2KHR(physical_device, display, pPropertyCount, C_NULL, fptr) pProperties = Vector{VkDisplayModeProperties2KHR}(undef, pPropertyCount[]) @check vkGetDisplayModeProperties2KHR(physical_device, display, pPropertyCount, pProperties, fptr) end from_vk.(_DisplayModeProperties2KHR, pProperties) end function _get_display_plane_capabilities_2_khr(physical_device, display_plane_info::_DisplayPlaneInfo2KHR, fptr::FunctionPtr)::ResultTypes.Result{_DisplayPlaneCapabilities2KHR, VulkanError} pCapabilities = Ref{VkDisplayPlaneCapabilities2KHR}() @check vkGetDisplayPlaneCapabilities2KHR(physical_device, display_plane_info, pCapabilities, fptr) from_vk(_DisplayPlaneCapabilities2KHR, pCapabilities[]) end function _get_buffer_memory_requirements_2(device, info::_BufferMemoryRequirementsInfo2, fptr::FunctionPtr, next_types::Type...)::_MemoryRequirements2 memory_requirements = initialize(_MemoryRequirements2, next_types...) pMemoryRequirements = Ref(Base.unsafe_convert(VkMemoryRequirements2, memory_requirements)) GC.@preserve memory_requirements begin vkGetBufferMemoryRequirements2(device, info, pMemoryRequirements, fptr) _MemoryRequirements2(pMemoryRequirements[], Any[memory_requirements]) end end function _get_image_memory_requirements_2(device, info::_ImageMemoryRequirementsInfo2, fptr::FunctionPtr, next_types::Type...)::_MemoryRequirements2 memory_requirements = initialize(_MemoryRequirements2, next_types...) pMemoryRequirements = Ref(Base.unsafe_convert(VkMemoryRequirements2, memory_requirements)) GC.@preserve memory_requirements begin vkGetImageMemoryRequirements2(device, info, pMemoryRequirements, fptr) _MemoryRequirements2(pMemoryRequirements[], Any[memory_requirements]) end end function _get_image_sparse_memory_requirements_2(device, info::_ImageSparseMemoryRequirementsInfo2, fptr::FunctionPtr)::Vector{_SparseImageMemoryRequirements2} pSparseMemoryRequirementCount = Ref{UInt32}() vkGetImageSparseMemoryRequirements2(device, info, pSparseMemoryRequirementCount, C_NULL, fptr) pSparseMemoryRequirements = Vector{VkSparseImageMemoryRequirements2}(undef, pSparseMemoryRequirementCount[]) vkGetImageSparseMemoryRequirements2(device, info, pSparseMemoryRequirementCount, pSparseMemoryRequirements, fptr) from_vk.(_SparseImageMemoryRequirements2, pSparseMemoryRequirements) end function _get_device_buffer_memory_requirements(device, info::_DeviceBufferMemoryRequirements, fptr::FunctionPtr, next_types::Type...)::_MemoryRequirements2 memory_requirements = initialize(_MemoryRequirements2, next_types...) pMemoryRequirements = Ref(Base.unsafe_convert(VkMemoryRequirements2, memory_requirements)) GC.@preserve memory_requirements begin vkGetDeviceBufferMemoryRequirements(device, info, pMemoryRequirements, fptr) _MemoryRequirements2(pMemoryRequirements[], Any[memory_requirements]) end end function _get_device_image_memory_requirements(device, info::_DeviceImageMemoryRequirements, fptr::FunctionPtr, next_types::Type...)::_MemoryRequirements2 memory_requirements = initialize(_MemoryRequirements2, next_types...) pMemoryRequirements = Ref(Base.unsafe_convert(VkMemoryRequirements2, memory_requirements)) GC.@preserve memory_requirements begin vkGetDeviceImageMemoryRequirements(device, info, pMemoryRequirements, fptr) _MemoryRequirements2(pMemoryRequirements[], Any[memory_requirements]) end end function _get_device_image_sparse_memory_requirements(device, info::_DeviceImageMemoryRequirements, fptr::FunctionPtr)::Vector{_SparseImageMemoryRequirements2} pSparseMemoryRequirementCount = Ref{UInt32}() vkGetDeviceImageSparseMemoryRequirements(device, info, pSparseMemoryRequirementCount, C_NULL, fptr) pSparseMemoryRequirements = Vector{VkSparseImageMemoryRequirements2}(undef, pSparseMemoryRequirementCount[]) vkGetDeviceImageSparseMemoryRequirements(device, info, pSparseMemoryRequirementCount, pSparseMemoryRequirements, fptr) from_vk.(_SparseImageMemoryRequirements2, pSparseMemoryRequirements) end function _create_sampler_ycbcr_conversion(device, create_info::_SamplerYcbcrConversionCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SamplerYcbcrConversion, VulkanError} pYcbcrConversion = Ref{VkSamplerYcbcrConversion}() @check vkCreateSamplerYcbcrConversion(device, create_info, allocator, pYcbcrConversion, fptr_create) SamplerYcbcrConversion(pYcbcrConversion[], begin parent = Vk.handle(device) x->_destroy_sampler_ycbcr_conversion(parent, x, fptr_destroy; allocator) end, device) end _destroy_sampler_ycbcr_conversion(device, ycbcr_conversion, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroySamplerYcbcrConversion(device, ycbcr_conversion, allocator, fptr) function _get_device_queue_2(device, queue_info::_DeviceQueueInfo2, fptr::FunctionPtr)::Queue pQueue = Ref{VkQueue}() vkGetDeviceQueue2(device, queue_info, pQueue, fptr) Queue(pQueue[], identity, device) end function _create_validation_cache_ext(device, create_info::_ValidationCacheCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{ValidationCacheEXT, VulkanError} pValidationCache = Ref{VkValidationCacheEXT}() @check vkCreateValidationCacheEXT(device, create_info, allocator, pValidationCache, fptr_create) ValidationCacheEXT(pValidationCache[], begin parent = Vk.handle(device) x->_destroy_validation_cache_ext(parent, x, fptr_destroy; allocator) end, device) end _destroy_validation_cache_ext(device, validation_cache, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyValidationCacheEXT(device, validation_cache, allocator, fptr) function _get_validation_cache_data_ext(device, validation_cache, fptr::FunctionPtr)::ResultTypes.Result{Tuple{UInt, Ptr{Cvoid}}, VulkanError} pDataSize = Ref{UInt}() @repeat_while_incomplete begin @check vkGetValidationCacheDataEXT(device, validation_cache, pDataSize, C_NULL, fptr) pData = Libc.malloc(pDataSize[]) @check vkGetValidationCacheDataEXT(device, validation_cache, pDataSize, pData, fptr) if _return_code == VK_INCOMPLETE Libc.free(pData) end end (pDataSize[], pData) end _merge_validation_caches_ext(device, dst_cache, src_caches::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkMergeValidationCachesEXT(device, dst_cache, pointer_length(src_caches), src_caches, fptr)) function _get_descriptor_set_layout_support(device, create_info::_DescriptorSetLayoutCreateInfo, fptr::FunctionPtr, next_types::Type...)::_DescriptorSetLayoutSupport support = initialize(_DescriptorSetLayoutSupport, next_types...) pSupport = Ref(Base.unsafe_convert(VkDescriptorSetLayoutSupport, support)) GC.@preserve support begin vkGetDescriptorSetLayoutSupport(device, create_info, pSupport, fptr) _DescriptorSetLayoutSupport(pSupport[], Any[support]) end end function _get_shader_info_amd(device, pipeline, shader_stage::ShaderStageFlag, info_type::ShaderInfoTypeAMD, fptr::FunctionPtr)::ResultTypes.Result{Tuple{UInt, Ptr{Cvoid}}, VulkanError} pInfoSize = Ref{UInt}() @repeat_while_incomplete begin @check vkGetShaderInfoAMD(device, pipeline, VkShaderStageFlagBits(shader_stage.val), info_type, pInfoSize, C_NULL, fptr) pInfo = Libc.malloc(pInfoSize[]) @check vkGetShaderInfoAMD(device, pipeline, VkShaderStageFlagBits(shader_stage.val), info_type, pInfoSize, pInfo, fptr) if _return_code == VK_INCOMPLETE Libc.free(pInfo) end end (pInfoSize[], pInfo) end _set_local_dimming_amd(device, swap_chain, local_dimming_enable::Bool, fptr::FunctionPtr)::Cvoid = vkSetLocalDimmingAMD(device, swap_chain, local_dimming_enable, fptr) function _get_physical_device_calibrateable_time_domains_ext(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{TimeDomainEXT}, VulkanError} pTimeDomainCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceCalibrateableTimeDomainsEXT(physical_device, pTimeDomainCount, C_NULL, fptr) pTimeDomains = Vector{VkTimeDomainEXT}(undef, pTimeDomainCount[]) @check vkGetPhysicalDeviceCalibrateableTimeDomainsEXT(physical_device, pTimeDomainCount, pTimeDomains, fptr) end pTimeDomains end function _get_calibrated_timestamps_ext(device, timestamp_infos::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Tuple{Vector{UInt64}, UInt64}, VulkanError} pTimestamps = Vector{UInt64}(undef, pointer_length(timestamp_infos)) pMaxDeviation = Ref{UInt64}() @check vkGetCalibratedTimestampsEXT(device, pointer_length(timestamp_infos), timestamp_infos, pTimestamps, pMaxDeviation, fptr) (pTimestamps, pMaxDeviation[]) end _set_debug_utils_object_name_ext(device, name_info::_DebugUtilsObjectNameInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkSetDebugUtilsObjectNameEXT(device, name_info, fptr)) _set_debug_utils_object_tag_ext(device, tag_info::_DebugUtilsObjectTagInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkSetDebugUtilsObjectTagEXT(device, tag_info, fptr)) _queue_begin_debug_utils_label_ext(queue, label_info::_DebugUtilsLabelEXT, fptr::FunctionPtr)::Cvoid = vkQueueBeginDebugUtilsLabelEXT(queue, label_info, fptr) _queue_end_debug_utils_label_ext(queue, fptr::FunctionPtr)::Cvoid = vkQueueEndDebugUtilsLabelEXT(queue, fptr) _queue_insert_debug_utils_label_ext(queue, label_info::_DebugUtilsLabelEXT, fptr::FunctionPtr)::Cvoid = vkQueueInsertDebugUtilsLabelEXT(queue, label_info, fptr) _cmd_begin_debug_utils_label_ext(command_buffer, label_info::_DebugUtilsLabelEXT, fptr::FunctionPtr)::Cvoid = vkCmdBeginDebugUtilsLabelEXT(command_buffer, label_info, fptr) _cmd_end_debug_utils_label_ext(command_buffer, fptr::FunctionPtr)::Cvoid = vkCmdEndDebugUtilsLabelEXT(command_buffer, fptr) _cmd_insert_debug_utils_label_ext(command_buffer, label_info::_DebugUtilsLabelEXT, fptr::FunctionPtr)::Cvoid = vkCmdInsertDebugUtilsLabelEXT(command_buffer, label_info, fptr) function _create_debug_utils_messenger_ext(instance, create_info::_DebugUtilsMessengerCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DebugUtilsMessengerEXT, VulkanError} pMessenger = Ref{VkDebugUtilsMessengerEXT}() @check vkCreateDebugUtilsMessengerEXT(instance, create_info, allocator, pMessenger, fptr_create) DebugUtilsMessengerEXT(pMessenger[], begin parent = Vk.handle(instance) x->_destroy_debug_utils_messenger_ext(parent, x, fptr_destroy; allocator) end, instance) end _destroy_debug_utils_messenger_ext(instance, messenger, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyDebugUtilsMessengerEXT(instance, messenger, allocator, fptr) _submit_debug_utils_message_ext(instance, message_severity::DebugUtilsMessageSeverityFlagEXT, message_types::DebugUtilsMessageTypeFlagEXT, callback_data::_DebugUtilsMessengerCallbackDataEXT, fptr::FunctionPtr)::Cvoid = vkSubmitDebugUtilsMessageEXT(instance, VkDebugUtilsMessageSeverityFlagBitsEXT(message_severity.val), message_types, callback_data, fptr) function _get_memory_host_pointer_properties_ext(device, handle_type::ExternalMemoryHandleTypeFlag, host_pointer::Ptr{Cvoid}, fptr::FunctionPtr)::ResultTypes.Result{_MemoryHostPointerPropertiesEXT, VulkanError} pMemoryHostPointerProperties = Ref{VkMemoryHostPointerPropertiesEXT}() @check vkGetMemoryHostPointerPropertiesEXT(device, VkExternalMemoryHandleTypeFlagBits(handle_type.val), host_pointer, pMemoryHostPointerProperties, fptr) from_vk(_MemoryHostPointerPropertiesEXT, pMemoryHostPointerProperties[]) end _cmd_write_buffer_marker_amd(command_buffer, dst_buffer, dst_offset::Integer, marker::Integer, fptr::FunctionPtr; pipeline_stage = 0)::Cvoid = vkCmdWriteBufferMarkerAMD(command_buffer, VkPipelineStageFlagBits(pipeline_stage.val), dst_buffer, dst_offset, marker, fptr) function _create_render_pass_2(device, create_info::_RenderPassCreateInfo2, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{RenderPass, VulkanError} pRenderPass = Ref{VkRenderPass}() @check vkCreateRenderPass2(device, create_info, allocator, pRenderPass, fptr_create) RenderPass(pRenderPass[], begin parent = Vk.handle(device) x->_destroy_render_pass(parent, x, fptr_destroy; allocator) end, device) end _cmd_begin_render_pass_2(command_buffer, render_pass_begin::_RenderPassBeginInfo, subpass_begin_info::_SubpassBeginInfo, fptr::FunctionPtr)::Cvoid = vkCmdBeginRenderPass2(command_buffer, render_pass_begin, subpass_begin_info, fptr) _cmd_next_subpass_2(command_buffer, subpass_begin_info::_SubpassBeginInfo, subpass_end_info::_SubpassEndInfo, fptr::FunctionPtr)::Cvoid = vkCmdNextSubpass2(command_buffer, subpass_begin_info, subpass_end_info, fptr) _cmd_end_render_pass_2(command_buffer, subpass_end_info::_SubpassEndInfo, fptr::FunctionPtr)::Cvoid = vkCmdEndRenderPass2(command_buffer, subpass_end_info, fptr) function _get_semaphore_counter_value(device, semaphore, fptr::FunctionPtr)::ResultTypes.Result{UInt64, VulkanError} pValue = Ref{UInt64}() @check vkGetSemaphoreCounterValue(device, semaphore, pValue, fptr) pValue[] end _wait_semaphores(device, wait_info::_SemaphoreWaitInfo, timeout::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkWaitSemaphores(device, wait_info, timeout, fptr)) _signal_semaphore(device, signal_info::_SemaphoreSignalInfo, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkSignalSemaphore(device, signal_info, fptr)) _cmd_draw_indirect_count(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawIndirectCount(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride, fptr) _cmd_draw_indexed_indirect_count(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawIndexedIndirectCount(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride, fptr) _cmd_set_checkpoint_nv(command_buffer, checkpoint_marker::Ptr{Cvoid}, fptr::FunctionPtr)::Cvoid = vkCmdSetCheckpointNV(command_buffer, checkpoint_marker, fptr) function _get_queue_checkpoint_data_nv(queue, fptr::FunctionPtr)::Vector{_CheckpointDataNV} pCheckpointDataCount = Ref{UInt32}() vkGetQueueCheckpointDataNV(queue, pCheckpointDataCount, C_NULL, fptr) pCheckpointData = Vector{VkCheckpointDataNV}(undef, pCheckpointDataCount[]) vkGetQueueCheckpointDataNV(queue, pCheckpointDataCount, pCheckpointData, fptr) from_vk.(_CheckpointDataNV, pCheckpointData) end _cmd_bind_transform_feedback_buffers_ext(command_buffer, buffers::AbstractArray, offsets::AbstractArray, fptr::FunctionPtr; sizes = C_NULL)::Cvoid = vkCmdBindTransformFeedbackBuffersEXT(command_buffer, 0, pointer_length(buffers), buffers, offsets, sizes, fptr) _cmd_begin_transform_feedback_ext(command_buffer, counter_buffers::AbstractArray, fptr::FunctionPtr; counter_buffer_offsets = C_NULL)::Cvoid = vkCmdBeginTransformFeedbackEXT(command_buffer, 0, pointer_length(counter_buffers), counter_buffers, counter_buffer_offsets, fptr) _cmd_end_transform_feedback_ext(command_buffer, counter_buffers::AbstractArray, fptr::FunctionPtr; counter_buffer_offsets = C_NULL)::Cvoid = vkCmdEndTransformFeedbackEXT(command_buffer, 0, pointer_length(counter_buffers), counter_buffers, counter_buffer_offsets, fptr) _cmd_begin_query_indexed_ext(command_buffer, query_pool, query::Integer, index::Integer, fptr::FunctionPtr; flags = 0)::Cvoid = vkCmdBeginQueryIndexedEXT(command_buffer, query_pool, query, flags, index, fptr) _cmd_end_query_indexed_ext(command_buffer, query_pool, query::Integer, index::Integer, fptr::FunctionPtr)::Cvoid = vkCmdEndQueryIndexedEXT(command_buffer, query_pool, query, index, fptr) _cmd_draw_indirect_byte_count_ext(command_buffer, instance_count::Integer, first_instance::Integer, counter_buffer, counter_buffer_offset::Integer, counter_offset::Integer, vertex_stride::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawIndirectByteCountEXT(command_buffer, instance_count, first_instance, counter_buffer, counter_buffer_offset, counter_offset, vertex_stride, fptr) _cmd_set_exclusive_scissor_nv(command_buffer, exclusive_scissors::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetExclusiveScissorNV(command_buffer, 0, pointer_length(exclusive_scissors), exclusive_scissors, fptr) _cmd_bind_shading_rate_image_nv(command_buffer, image_layout::ImageLayout, fptr::FunctionPtr; image_view = C_NULL)::Cvoid = vkCmdBindShadingRateImageNV(command_buffer, image_view, image_layout, fptr) _cmd_set_viewport_shading_rate_palette_nv(command_buffer, shading_rate_palettes::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetViewportShadingRatePaletteNV(command_buffer, 0, pointer_length(shading_rate_palettes), shading_rate_palettes, fptr) _cmd_set_coarse_sample_order_nv(command_buffer, sample_order_type::CoarseSampleOrderTypeNV, custom_sample_orders::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetCoarseSampleOrderNV(command_buffer, sample_order_type, pointer_length(custom_sample_orders), custom_sample_orders, fptr) _cmd_draw_mesh_tasks_nv(command_buffer, task_count::Integer, first_task::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawMeshTasksNV(command_buffer, task_count, first_task, fptr) _cmd_draw_mesh_tasks_indirect_nv(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawMeshTasksIndirectNV(command_buffer, buffer, offset, draw_count, stride, fptr) _cmd_draw_mesh_tasks_indirect_count_nv(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawMeshTasksIndirectCountNV(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride, fptr) _cmd_draw_mesh_tasks_ext(command_buffer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawMeshTasksEXT(command_buffer, group_count_x, group_count_y, group_count_z, fptr) _cmd_draw_mesh_tasks_indirect_ext(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawMeshTasksIndirectEXT(command_buffer, buffer, offset, draw_count, stride, fptr) _cmd_draw_mesh_tasks_indirect_count_ext(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawMeshTasksIndirectCountEXT(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride, fptr) _compile_deferred_nv(device, pipeline, shader::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkCompileDeferredNV(device, pipeline, shader, fptr)) function _create_acceleration_structure_nv(device, create_info::_AccelerationStructureCreateInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{AccelerationStructureNV, VulkanError} pAccelerationStructure = Ref{VkAccelerationStructureNV}() @check vkCreateAccelerationStructureNV(device, create_info, allocator, pAccelerationStructure, fptr_create) AccelerationStructureNV(pAccelerationStructure[], begin parent = Vk.handle(device) x->_destroy_acceleration_structure_nv(parent, x, fptr_destroy; allocator) end, device) end _cmd_bind_invocation_mask_huawei(command_buffer, image_layout::ImageLayout, fptr::FunctionPtr; image_view = C_NULL)::Cvoid = vkCmdBindInvocationMaskHUAWEI(command_buffer, image_view, image_layout, fptr) _destroy_acceleration_structure_khr(device, acceleration_structure, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyAccelerationStructureKHR(device, acceleration_structure, allocator, fptr) _destroy_acceleration_structure_nv(device, acceleration_structure, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyAccelerationStructureNV(device, acceleration_structure, allocator, fptr) function _get_acceleration_structure_memory_requirements_nv(device, info::_AccelerationStructureMemoryRequirementsInfoNV, fptr::FunctionPtr)::VkMemoryRequirements2KHR pMemoryRequirements = Ref{VkMemoryRequirements2KHR}() vkGetAccelerationStructureMemoryRequirementsNV(device, info, pMemoryRequirements, fptr) from_vk(VkMemoryRequirements2KHR, pMemoryRequirements[]) end _bind_acceleration_structure_memory_nv(device, bind_infos::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkBindAccelerationStructureMemoryNV(device, pointer_length(bind_infos), bind_infos, fptr)) _cmd_copy_acceleration_structure_nv(command_buffer, dst, src, mode::CopyAccelerationStructureModeKHR, fptr::FunctionPtr)::Cvoid = vkCmdCopyAccelerationStructureNV(command_buffer, dst, src, mode, fptr) _cmd_copy_acceleration_structure_khr(command_buffer, info::_CopyAccelerationStructureInfoKHR, fptr::FunctionPtr)::Cvoid = vkCmdCopyAccelerationStructureKHR(command_buffer, info, fptr) _copy_acceleration_structure_khr(device, info::_CopyAccelerationStructureInfoKHR, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkCopyAccelerationStructureKHR(device, deferred_operation, info, fptr)) _cmd_copy_acceleration_structure_to_memory_khr(command_buffer, info::_CopyAccelerationStructureToMemoryInfoKHR, fptr::FunctionPtr)::Cvoid = vkCmdCopyAccelerationStructureToMemoryKHR(command_buffer, info, fptr) _copy_acceleration_structure_to_memory_khr(device, info::_CopyAccelerationStructureToMemoryInfoKHR, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkCopyAccelerationStructureToMemoryKHR(device, deferred_operation, info, fptr)) _cmd_copy_memory_to_acceleration_structure_khr(command_buffer, info::_CopyMemoryToAccelerationStructureInfoKHR, fptr::FunctionPtr)::Cvoid = vkCmdCopyMemoryToAccelerationStructureKHR(command_buffer, info, fptr) _copy_memory_to_acceleration_structure_khr(device, info::_CopyMemoryToAccelerationStructureInfoKHR, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkCopyMemoryToAccelerationStructureKHR(device, deferred_operation, info, fptr)) _cmd_write_acceleration_structures_properties_khr(command_buffer, acceleration_structures::AbstractArray, query_type::QueryType, query_pool, first_query::Integer, fptr::FunctionPtr)::Cvoid = vkCmdWriteAccelerationStructuresPropertiesKHR(command_buffer, pointer_length(acceleration_structures), acceleration_structures, query_type, query_pool, first_query, fptr) _cmd_write_acceleration_structures_properties_nv(command_buffer, acceleration_structures::AbstractArray, query_type::QueryType, query_pool, first_query::Integer, fptr::FunctionPtr)::Cvoid = vkCmdWriteAccelerationStructuresPropertiesNV(command_buffer, pointer_length(acceleration_structures), acceleration_structures, query_type, query_pool, first_query, fptr) _cmd_build_acceleration_structure_nv(command_buffer, info::_AccelerationStructureInfoNV, instance_offset::Integer, update::Bool, dst, scratch, scratch_offset::Integer, fptr::FunctionPtr; instance_data = C_NULL, src = C_NULL)::Cvoid = vkCmdBuildAccelerationStructureNV(command_buffer, info, instance_data, instance_offset, update, dst, src, scratch, scratch_offset, fptr) _write_acceleration_structures_properties_khr(device, acceleration_structures::AbstractArray, query_type::QueryType, data_size::Integer, data::Ptr{Cvoid}, stride::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkWriteAccelerationStructuresPropertiesKHR(device, pointer_length(acceleration_structures), acceleration_structures, query_type, data_size, data, stride, fptr)) _cmd_trace_rays_khr(command_buffer, raygen_shader_binding_table::_StridedDeviceAddressRegionKHR, miss_shader_binding_table::_StridedDeviceAddressRegionKHR, hit_shader_binding_table::_StridedDeviceAddressRegionKHR, callable_shader_binding_table::_StridedDeviceAddressRegionKHR, width::Integer, height::Integer, depth::Integer, fptr::FunctionPtr)::Cvoid = vkCmdTraceRaysKHR(command_buffer, raygen_shader_binding_table, miss_shader_binding_table, hit_shader_binding_table, callable_shader_binding_table, width, height, depth, fptr) _cmd_trace_rays_nv(command_buffer, raygen_shader_binding_table_buffer, raygen_shader_binding_offset::Integer, miss_shader_binding_offset::Integer, miss_shader_binding_stride::Integer, hit_shader_binding_offset::Integer, hit_shader_binding_stride::Integer, callable_shader_binding_offset::Integer, callable_shader_binding_stride::Integer, width::Integer, height::Integer, depth::Integer, fptr::FunctionPtr; miss_shader_binding_table_buffer = C_NULL, hit_shader_binding_table_buffer = C_NULL, callable_shader_binding_table_buffer = C_NULL)::Cvoid = vkCmdTraceRaysNV(command_buffer, raygen_shader_binding_table_buffer, raygen_shader_binding_offset, miss_shader_binding_table_buffer, miss_shader_binding_offset, miss_shader_binding_stride, hit_shader_binding_table_buffer, hit_shader_binding_offset, hit_shader_binding_stride, callable_shader_binding_table_buffer, callable_shader_binding_offset, callable_shader_binding_stride, width, height, depth, fptr) _get_ray_tracing_shader_group_handles_khr(device, pipeline, first_group::Integer, group_count::Integer, data_size::Integer, data::Ptr{Cvoid}, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkGetRayTracingShaderGroupHandlesKHR(device, pipeline, first_group, group_count, data_size, data, fptr)) _get_ray_tracing_capture_replay_shader_group_handles_khr(device, pipeline, first_group::Integer, group_count::Integer, data_size::Integer, data::Ptr{Cvoid}, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkGetRayTracingCaptureReplayShaderGroupHandlesKHR(device, pipeline, first_group, group_count, data_size, data, fptr)) _get_acceleration_structure_handle_nv(device, acceleration_structure, data_size::Integer, data::Ptr{Cvoid}, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkGetAccelerationStructureHandleNV(device, acceleration_structure, data_size, data, fptr)) function _create_ray_tracing_pipelines_nv(device, create_infos::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} pPipelines = Vector{VkPipeline}(undef, pointer_length(create_infos)) @check vkCreateRayTracingPipelinesNV(device, pipeline_cache, pointer_length(create_infos), create_infos, allocator, pPipelines, fptr_create) (Pipeline.(pPipelines, begin parent = Vk.handle(device) x->_destroy_pipeline(parent, x, fptr_destroy; allocator) end, device), _return_code) end function _create_ray_tracing_pipelines_khr(device, create_infos::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; deferred_operation = C_NULL, pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} pPipelines = Vector{VkPipeline}(undef, pointer_length(create_infos)) @check vkCreateRayTracingPipelinesKHR(device, deferred_operation, pipeline_cache, pointer_length(create_infos), create_infos, allocator, pPipelines, fptr_create) (Pipeline.(pPipelines, begin parent = Vk.handle(device) x->_destroy_pipeline(parent, x, fptr_destroy; allocator) end, device), _return_code) end function _get_physical_device_cooperative_matrix_properties_nv(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{_CooperativeMatrixPropertiesNV}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceCooperativeMatrixPropertiesNV(physical_device, pPropertyCount, C_NULL, fptr) pProperties = Vector{VkCooperativeMatrixPropertiesNV}(undef, pPropertyCount[]) @check vkGetPhysicalDeviceCooperativeMatrixPropertiesNV(physical_device, pPropertyCount, pProperties, fptr) end from_vk.(_CooperativeMatrixPropertiesNV, pProperties) end _cmd_trace_rays_indirect_khr(command_buffer, raygen_shader_binding_table::_StridedDeviceAddressRegionKHR, miss_shader_binding_table::_StridedDeviceAddressRegionKHR, hit_shader_binding_table::_StridedDeviceAddressRegionKHR, callable_shader_binding_table::_StridedDeviceAddressRegionKHR, indirect_device_address::Integer, fptr::FunctionPtr)::Cvoid = vkCmdTraceRaysIndirectKHR(command_buffer, raygen_shader_binding_table, miss_shader_binding_table, hit_shader_binding_table, callable_shader_binding_table, indirect_device_address, fptr) _cmd_trace_rays_indirect_2_khr(command_buffer, indirect_device_address::Integer, fptr::FunctionPtr)::Cvoid = vkCmdTraceRaysIndirect2KHR(command_buffer, indirect_device_address, fptr) function _get_device_acceleration_structure_compatibility_khr(device, version_info::_AccelerationStructureVersionInfoKHR, fptr::FunctionPtr)::AccelerationStructureCompatibilityKHR pCompatibility = Ref{VkAccelerationStructureCompatibilityKHR}() vkGetDeviceAccelerationStructureCompatibilityKHR(device, version_info, pCompatibility, fptr) pCompatibility[] end _get_ray_tracing_shader_group_stack_size_khr(device, pipeline, group::Integer, group_shader::ShaderGroupShaderKHR, fptr::FunctionPtr)::UInt64 = vkGetRayTracingShaderGroupStackSizeKHR(device, pipeline, group, group_shader, fptr) _cmd_set_ray_tracing_pipeline_stack_size_khr(command_buffer, pipeline_stack_size::Integer, fptr::FunctionPtr)::Cvoid = vkCmdSetRayTracingPipelineStackSizeKHR(command_buffer, pipeline_stack_size, fptr) _get_image_view_handle_nvx(device, info::_ImageViewHandleInfoNVX, fptr::FunctionPtr)::UInt32 = vkGetImageViewHandleNVX(device, info, fptr) function _get_image_view_address_nvx(device, image_view, fptr::FunctionPtr)::ResultTypes.Result{_ImageViewAddressPropertiesNVX, VulkanError} pProperties = Ref{VkImageViewAddressPropertiesNVX}() @check vkGetImageViewAddressNVX(device, image_view, pProperties, fptr) from_vk(_ImageViewAddressPropertiesNVX, pProperties[]) end function _enumerate_physical_device_queue_family_performance_query_counters_khr(physical_device, queue_family_index::Integer, fptr::FunctionPtr)::ResultTypes.Result{Tuple{Vector{_PerformanceCounterKHR}, Vector{_PerformanceCounterDescriptionKHR}}, VulkanError} pCounterCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkEnumeratePhysicalDeviceQueueFamilyPerformanceQueryCountersKHR(physical_device, queue_family_index, pCounterCount, C_NULL, C_NULL, fptr) pCounters = Vector{VkPerformanceCounterKHR}(undef, pCounterCount[]) pCounterDescriptions = Vector{VkPerformanceCounterDescriptionKHR}(undef, pCounterCount[]) @check vkEnumeratePhysicalDeviceQueueFamilyPerformanceQueryCountersKHR(physical_device, queue_family_index, pCounterCount, pCounters, pCounterDescriptions, fptr) end (from_vk.(_PerformanceCounterKHR, pCounters), from_vk.(_PerformanceCounterDescriptionKHR, pCounterDescriptions)) end function _get_physical_device_queue_family_performance_query_passes_khr(physical_device, performance_query_create_info::_QueryPoolPerformanceCreateInfoKHR, fptr::FunctionPtr)::UInt32 pNumPasses = Ref{UInt32}() vkGetPhysicalDeviceQueueFamilyPerformanceQueryPassesKHR(physical_device, performance_query_create_info, pNumPasses, fptr) pNumPasses[] end _acquire_profiling_lock_khr(device, info::_AcquireProfilingLockInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkAcquireProfilingLockKHR(device, info, fptr)) _release_profiling_lock_khr(device, fptr::FunctionPtr)::Cvoid = vkReleaseProfilingLockKHR(device, fptr) function _get_image_drm_format_modifier_properties_ext(device, image, fptr::FunctionPtr)::ResultTypes.Result{_ImageDrmFormatModifierPropertiesEXT, VulkanError} pProperties = Ref{VkImageDrmFormatModifierPropertiesEXT}() @check vkGetImageDrmFormatModifierPropertiesEXT(device, image, pProperties, fptr) from_vk(_ImageDrmFormatModifierPropertiesEXT, pProperties[]) end _get_buffer_opaque_capture_address(device, info::_BufferDeviceAddressInfo, fptr::FunctionPtr)::UInt64 = vkGetBufferOpaqueCaptureAddress(device, info, fptr) _get_buffer_device_address(device, info::_BufferDeviceAddressInfo, fptr::FunctionPtr)::UInt64 = vkGetBufferDeviceAddress(device, info, fptr) function _create_headless_surface_ext(instance, create_info::_HeadlessSurfaceCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} pSurface = Ref{VkSurfaceKHR}() @check vkCreateHeadlessSurfaceEXT(instance, create_info, allocator, pSurface, fptr_create) SurfaceKHR(pSurface[], begin parent = Vk.handle(instance) x->_destroy_surface_khr(parent, x, fptr_destroy; allocator) end, instance) end function _get_physical_device_supported_framebuffer_mixed_samples_combinations_nv(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{_FramebufferMixedSamplesCombinationNV}, VulkanError} pCombinationCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceSupportedFramebufferMixedSamplesCombinationsNV(physical_device, pCombinationCount, C_NULL, fptr) pCombinations = Vector{VkFramebufferMixedSamplesCombinationNV}(undef, pCombinationCount[]) @check vkGetPhysicalDeviceSupportedFramebufferMixedSamplesCombinationsNV(physical_device, pCombinationCount, pCombinations, fptr) end from_vk.(_FramebufferMixedSamplesCombinationNV, pCombinations) end _initialize_performance_api_intel(device, initialize_info::_InitializePerformanceApiInfoINTEL, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkInitializePerformanceApiINTEL(device, initialize_info, fptr)) _uninitialize_performance_api_intel(device, fptr::FunctionPtr)::Cvoid = vkUninitializePerformanceApiINTEL(device, fptr) _cmd_set_performance_marker_intel(command_buffer, marker_info::_PerformanceMarkerInfoINTEL, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkCmdSetPerformanceMarkerINTEL(command_buffer, marker_info, fptr)) _cmd_set_performance_stream_marker_intel(command_buffer, marker_info::_PerformanceStreamMarkerInfoINTEL, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkCmdSetPerformanceStreamMarkerINTEL(command_buffer, marker_info, fptr)) _cmd_set_performance_override_intel(command_buffer, override_info::_PerformanceOverrideInfoINTEL, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkCmdSetPerformanceOverrideINTEL(command_buffer, override_info, fptr)) function _acquire_performance_configuration_intel(device, acquire_info::_PerformanceConfigurationAcquireInfoINTEL, fptr::FunctionPtr)::ResultTypes.Result{PerformanceConfigurationINTEL, VulkanError} pConfiguration = Ref{VkPerformanceConfigurationINTEL}() @check vkAcquirePerformanceConfigurationINTEL(device, acquire_info, pConfiguration, fptr) PerformanceConfigurationINTEL(pConfiguration[], identity, device) end _release_performance_configuration_intel(device, fptr::FunctionPtr; configuration = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkReleasePerformanceConfigurationINTEL(device, configuration, fptr)) _queue_set_performance_configuration_intel(queue, configuration, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkQueueSetPerformanceConfigurationINTEL(queue, configuration, fptr)) function _get_performance_parameter_intel(device, parameter::PerformanceParameterTypeINTEL, fptr::FunctionPtr)::ResultTypes.Result{_PerformanceValueINTEL, VulkanError} pValue = Ref{VkPerformanceValueINTEL}() @check vkGetPerformanceParameterINTEL(device, parameter, pValue, fptr) from_vk(_PerformanceValueINTEL, pValue[]) end _get_device_memory_opaque_capture_address(device, info::_DeviceMemoryOpaqueCaptureAddressInfo, fptr::FunctionPtr)::UInt64 = vkGetDeviceMemoryOpaqueCaptureAddress(device, info, fptr) function _get_pipeline_executable_properties_khr(device, pipeline_info::_PipelineInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Vector{_PipelineExecutablePropertiesKHR}, VulkanError} pExecutableCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPipelineExecutablePropertiesKHR(device, pipeline_info, pExecutableCount, C_NULL, fptr) pProperties = Vector{VkPipelineExecutablePropertiesKHR}(undef, pExecutableCount[]) @check vkGetPipelineExecutablePropertiesKHR(device, pipeline_info, pExecutableCount, pProperties, fptr) end from_vk.(_PipelineExecutablePropertiesKHR, pProperties) end function _get_pipeline_executable_statistics_khr(device, executable_info::_PipelineExecutableInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Vector{_PipelineExecutableStatisticKHR}, VulkanError} pStatisticCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPipelineExecutableStatisticsKHR(device, executable_info, pStatisticCount, C_NULL, fptr) pStatistics = Vector{VkPipelineExecutableStatisticKHR}(undef, pStatisticCount[]) @check vkGetPipelineExecutableStatisticsKHR(device, executable_info, pStatisticCount, pStatistics, fptr) end from_vk.(_PipelineExecutableStatisticKHR, pStatistics) end function _get_pipeline_executable_internal_representations_khr(device, executable_info::_PipelineExecutableInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Vector{_PipelineExecutableInternalRepresentationKHR}, VulkanError} pInternalRepresentationCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPipelineExecutableInternalRepresentationsKHR(device, executable_info, pInternalRepresentationCount, C_NULL, fptr) pInternalRepresentations = Vector{VkPipelineExecutableInternalRepresentationKHR}(undef, pInternalRepresentationCount[]) @check vkGetPipelineExecutableInternalRepresentationsKHR(device, executable_info, pInternalRepresentationCount, pInternalRepresentations, fptr) end from_vk.(_PipelineExecutableInternalRepresentationKHR, pInternalRepresentations) end _cmd_set_line_stipple_ext(command_buffer, line_stipple_factor::Integer, line_stipple_pattern::Integer, fptr::FunctionPtr)::Cvoid = vkCmdSetLineStippleEXT(command_buffer, line_stipple_factor, line_stipple_pattern, fptr) function _get_physical_device_tool_properties(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{_PhysicalDeviceToolProperties}, VulkanError} pToolCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceToolProperties(physical_device, pToolCount, C_NULL, fptr) pToolProperties = Vector{VkPhysicalDeviceToolProperties}(undef, pToolCount[]) @check vkGetPhysicalDeviceToolProperties(physical_device, pToolCount, pToolProperties, fptr) end from_vk.(_PhysicalDeviceToolProperties, pToolProperties) end function _create_acceleration_structure_khr(device, create_info::_AccelerationStructureCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{AccelerationStructureKHR, VulkanError} pAccelerationStructure = Ref{VkAccelerationStructureKHR}() @check vkCreateAccelerationStructureKHR(device, create_info, allocator, pAccelerationStructure, fptr_create) AccelerationStructureKHR(pAccelerationStructure[], begin parent = Vk.handle(device) x->_destroy_acceleration_structure_khr(parent, x, fptr_destroy; allocator) end, device) end _cmd_build_acceleration_structures_khr(command_buffer, infos::AbstractArray, build_range_infos::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdBuildAccelerationStructuresKHR(command_buffer, pointer_length(infos), infos, build_range_infos, fptr) _cmd_build_acceleration_structures_indirect_khr(command_buffer, infos::AbstractArray, indirect_device_addresses::AbstractArray, indirect_strides::AbstractArray, max_primitive_counts::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdBuildAccelerationStructuresIndirectKHR(command_buffer, pointer_length(infos), infos, indirect_device_addresses, indirect_strides, max_primitive_counts, fptr) _build_acceleration_structures_khr(device, infos::AbstractArray, build_range_infos::AbstractArray, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkBuildAccelerationStructuresKHR(device, deferred_operation, pointer_length(infos), infos, build_range_infos, fptr)) _get_acceleration_structure_device_address_khr(device, info::_AccelerationStructureDeviceAddressInfoKHR, fptr::FunctionPtr)::UInt64 = vkGetAccelerationStructureDeviceAddressKHR(device, info, fptr) function _create_deferred_operation_khr(device, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DeferredOperationKHR, VulkanError} pDeferredOperation = Ref{VkDeferredOperationKHR}() @check vkCreateDeferredOperationKHR(device, allocator, pDeferredOperation, fptr_create) DeferredOperationKHR(pDeferredOperation[], begin parent = Vk.handle(device) x->_destroy_deferred_operation_khr(parent, x, fptr_destroy; allocator) end, device) end _destroy_deferred_operation_khr(device, operation, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyDeferredOperationKHR(device, operation, allocator, fptr) _get_deferred_operation_max_concurrency_khr(device, operation, fptr::FunctionPtr)::UInt32 = vkGetDeferredOperationMaxConcurrencyKHR(device, operation, fptr) _get_deferred_operation_result_khr(device, operation, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkGetDeferredOperationResultKHR(device, operation, fptr)) _deferred_operation_join_khr(device, operation, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkDeferredOperationJoinKHR(device, operation, fptr)) _cmd_set_cull_mode(command_buffer, fptr::FunctionPtr; cull_mode = 0)::Cvoid = vkCmdSetCullMode(command_buffer, cull_mode, fptr) _cmd_set_front_face(command_buffer, front_face::FrontFace, fptr::FunctionPtr)::Cvoid = vkCmdSetFrontFace(command_buffer, front_face, fptr) _cmd_set_primitive_topology(command_buffer, primitive_topology::PrimitiveTopology, fptr::FunctionPtr)::Cvoid = vkCmdSetPrimitiveTopology(command_buffer, primitive_topology, fptr) _cmd_set_viewport_with_count(command_buffer, viewports::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetViewportWithCount(command_buffer, pointer_length(viewports), viewports, fptr) _cmd_set_scissor_with_count(command_buffer, scissors::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetScissorWithCount(command_buffer, pointer_length(scissors), scissors, fptr) _cmd_bind_vertex_buffers_2(command_buffer, buffers::AbstractArray, offsets::AbstractArray, fptr::FunctionPtr; sizes = C_NULL, strides = C_NULL)::Cvoid = vkCmdBindVertexBuffers2(command_buffer, 0, pointer_length(buffers), buffers, offsets, sizes, strides, fptr) _cmd_set_depth_test_enable(command_buffer, depth_test_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetDepthTestEnable(command_buffer, depth_test_enable, fptr) _cmd_set_depth_write_enable(command_buffer, depth_write_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetDepthWriteEnable(command_buffer, depth_write_enable, fptr) _cmd_set_depth_compare_op(command_buffer, depth_compare_op::CompareOp, fptr::FunctionPtr)::Cvoid = vkCmdSetDepthCompareOp(command_buffer, depth_compare_op, fptr) _cmd_set_depth_bounds_test_enable(command_buffer, depth_bounds_test_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetDepthBoundsTestEnable(command_buffer, depth_bounds_test_enable, fptr) _cmd_set_stencil_test_enable(command_buffer, stencil_test_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetStencilTestEnable(command_buffer, stencil_test_enable, fptr) _cmd_set_stencil_op(command_buffer, face_mask::StencilFaceFlag, fail_op::StencilOp, pass_op::StencilOp, depth_fail_op::StencilOp, compare_op::CompareOp, fptr::FunctionPtr)::Cvoid = vkCmdSetStencilOp(command_buffer, face_mask, fail_op, pass_op, depth_fail_op, compare_op, fptr) _cmd_set_patch_control_points_ext(command_buffer, patch_control_points::Integer, fptr::FunctionPtr)::Cvoid = vkCmdSetPatchControlPointsEXT(command_buffer, patch_control_points, fptr) _cmd_set_rasterizer_discard_enable(command_buffer, rasterizer_discard_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetRasterizerDiscardEnable(command_buffer, rasterizer_discard_enable, fptr) _cmd_set_depth_bias_enable(command_buffer, depth_bias_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetDepthBiasEnable(command_buffer, depth_bias_enable, fptr) _cmd_set_logic_op_ext(command_buffer, logic_op::LogicOp, fptr::FunctionPtr)::Cvoid = vkCmdSetLogicOpEXT(command_buffer, logic_op, fptr) _cmd_set_primitive_restart_enable(command_buffer, primitive_restart_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetPrimitiveRestartEnable(command_buffer, primitive_restart_enable, fptr) _cmd_set_tessellation_domain_origin_ext(command_buffer, domain_origin::TessellationDomainOrigin, fptr::FunctionPtr)::Cvoid = vkCmdSetTessellationDomainOriginEXT(command_buffer, domain_origin, fptr) _cmd_set_depth_clamp_enable_ext(command_buffer, depth_clamp_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetDepthClampEnableEXT(command_buffer, depth_clamp_enable, fptr) _cmd_set_polygon_mode_ext(command_buffer, polygon_mode::PolygonMode, fptr::FunctionPtr)::Cvoid = vkCmdSetPolygonModeEXT(command_buffer, polygon_mode, fptr) _cmd_set_rasterization_samples_ext(command_buffer, rasterization_samples::SampleCountFlag, fptr::FunctionPtr)::Cvoid = vkCmdSetRasterizationSamplesEXT(command_buffer, VkSampleCountFlagBits(rasterization_samples.val), fptr) _cmd_set_sample_mask_ext(command_buffer, samples::SampleCountFlag, sample_mask::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetSampleMaskEXT(command_buffer, VkSampleCountFlagBits(samples.val), sample_mask, fptr) _cmd_set_alpha_to_coverage_enable_ext(command_buffer, alpha_to_coverage_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetAlphaToCoverageEnableEXT(command_buffer, alpha_to_coverage_enable, fptr) _cmd_set_alpha_to_one_enable_ext(command_buffer, alpha_to_one_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetAlphaToOneEnableEXT(command_buffer, alpha_to_one_enable, fptr) _cmd_set_logic_op_enable_ext(command_buffer, logic_op_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetLogicOpEnableEXT(command_buffer, logic_op_enable, fptr) _cmd_set_color_blend_enable_ext(command_buffer, color_blend_enables::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetColorBlendEnableEXT(command_buffer, 0, pointer_length(color_blend_enables), color_blend_enables, fptr) _cmd_set_color_blend_equation_ext(command_buffer, color_blend_equations::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetColorBlendEquationEXT(command_buffer, 0, pointer_length(color_blend_equations), color_blend_equations, fptr) _cmd_set_color_write_mask_ext(command_buffer, color_write_masks::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetColorWriteMaskEXT(command_buffer, 0, pointer_length(color_write_masks), color_write_masks, fptr) _cmd_set_rasterization_stream_ext(command_buffer, rasterization_stream::Integer, fptr::FunctionPtr)::Cvoid = vkCmdSetRasterizationStreamEXT(command_buffer, rasterization_stream, fptr) _cmd_set_conservative_rasterization_mode_ext(command_buffer, conservative_rasterization_mode::ConservativeRasterizationModeEXT, fptr::FunctionPtr)::Cvoid = vkCmdSetConservativeRasterizationModeEXT(command_buffer, conservative_rasterization_mode, fptr) _cmd_set_extra_primitive_overestimation_size_ext(command_buffer, extra_primitive_overestimation_size::Real, fptr::FunctionPtr)::Cvoid = vkCmdSetExtraPrimitiveOverestimationSizeEXT(command_buffer, extra_primitive_overestimation_size, fptr) _cmd_set_depth_clip_enable_ext(command_buffer, depth_clip_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetDepthClipEnableEXT(command_buffer, depth_clip_enable, fptr) _cmd_set_sample_locations_enable_ext(command_buffer, sample_locations_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetSampleLocationsEnableEXT(command_buffer, sample_locations_enable, fptr) _cmd_set_color_blend_advanced_ext(command_buffer, color_blend_advanced::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetColorBlendAdvancedEXT(command_buffer, 0, pointer_length(color_blend_advanced), color_blend_advanced, fptr) _cmd_set_provoking_vertex_mode_ext(command_buffer, provoking_vertex_mode::ProvokingVertexModeEXT, fptr::FunctionPtr)::Cvoid = vkCmdSetProvokingVertexModeEXT(command_buffer, provoking_vertex_mode, fptr) _cmd_set_line_rasterization_mode_ext(command_buffer, line_rasterization_mode::LineRasterizationModeEXT, fptr::FunctionPtr)::Cvoid = vkCmdSetLineRasterizationModeEXT(command_buffer, line_rasterization_mode, fptr) _cmd_set_line_stipple_enable_ext(command_buffer, stippled_line_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetLineStippleEnableEXT(command_buffer, stippled_line_enable, fptr) _cmd_set_depth_clip_negative_one_to_one_ext(command_buffer, negative_one_to_one::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetDepthClipNegativeOneToOneEXT(command_buffer, negative_one_to_one, fptr) _cmd_set_viewport_w_scaling_enable_nv(command_buffer, viewport_w_scaling_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetViewportWScalingEnableNV(command_buffer, viewport_w_scaling_enable, fptr) _cmd_set_viewport_swizzle_nv(command_buffer, viewport_swizzles::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetViewportSwizzleNV(command_buffer, 0, pointer_length(viewport_swizzles), viewport_swizzles, fptr) _cmd_set_coverage_to_color_enable_nv(command_buffer, coverage_to_color_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetCoverageToColorEnableNV(command_buffer, coverage_to_color_enable, fptr) _cmd_set_coverage_to_color_location_nv(command_buffer, coverage_to_color_location::Integer, fptr::FunctionPtr)::Cvoid = vkCmdSetCoverageToColorLocationNV(command_buffer, coverage_to_color_location, fptr) _cmd_set_coverage_modulation_mode_nv(command_buffer, coverage_modulation_mode::CoverageModulationModeNV, fptr::FunctionPtr)::Cvoid = vkCmdSetCoverageModulationModeNV(command_buffer, coverage_modulation_mode, fptr) _cmd_set_coverage_modulation_table_enable_nv(command_buffer, coverage_modulation_table_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetCoverageModulationTableEnableNV(command_buffer, coverage_modulation_table_enable, fptr) _cmd_set_coverage_modulation_table_nv(command_buffer, coverage_modulation_table::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetCoverageModulationTableNV(command_buffer, pointer_length(coverage_modulation_table), coverage_modulation_table, fptr) _cmd_set_shading_rate_image_enable_nv(command_buffer, shading_rate_image_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetShadingRateImageEnableNV(command_buffer, shading_rate_image_enable, fptr) _cmd_set_coverage_reduction_mode_nv(command_buffer, coverage_reduction_mode::CoverageReductionModeNV, fptr::FunctionPtr)::Cvoid = vkCmdSetCoverageReductionModeNV(command_buffer, coverage_reduction_mode, fptr) _cmd_set_representative_fragment_test_enable_nv(command_buffer, representative_fragment_test_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetRepresentativeFragmentTestEnableNV(command_buffer, representative_fragment_test_enable, fptr) function _create_private_data_slot(device, create_info::_PrivateDataSlotCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{PrivateDataSlot, VulkanError} pPrivateDataSlot = Ref{VkPrivateDataSlot}() @check vkCreatePrivateDataSlot(device, create_info, allocator, pPrivateDataSlot, fptr_create) PrivateDataSlot(pPrivateDataSlot[], begin parent = Vk.handle(device) x->_destroy_private_data_slot(parent, x, fptr_destroy; allocator) end, device) end _destroy_private_data_slot(device, private_data_slot, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyPrivateDataSlot(device, private_data_slot, allocator, fptr) _set_private_data(device, object_type::ObjectType, object_handle::Integer, private_data_slot, data::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkSetPrivateData(device, object_type, object_handle, private_data_slot, data, fptr)) function _get_private_data(device, object_type::ObjectType, object_handle::Integer, private_data_slot, fptr::FunctionPtr)::UInt64 pData = Ref{UInt64}() vkGetPrivateData(device, object_type, object_handle, private_data_slot, pData, fptr) pData[] end _cmd_copy_buffer_2(command_buffer, copy_buffer_info::_CopyBufferInfo2, fptr::FunctionPtr)::Cvoid = vkCmdCopyBuffer2(command_buffer, copy_buffer_info, fptr) _cmd_copy_image_2(command_buffer, copy_image_info::_CopyImageInfo2, fptr::FunctionPtr)::Cvoid = vkCmdCopyImage2(command_buffer, copy_image_info, fptr) _cmd_blit_image_2(command_buffer, blit_image_info::_BlitImageInfo2, fptr::FunctionPtr)::Cvoid = vkCmdBlitImage2(command_buffer, blit_image_info, fptr) _cmd_copy_buffer_to_image_2(command_buffer, copy_buffer_to_image_info::_CopyBufferToImageInfo2, fptr::FunctionPtr)::Cvoid = vkCmdCopyBufferToImage2(command_buffer, copy_buffer_to_image_info, fptr) _cmd_copy_image_to_buffer_2(command_buffer, copy_image_to_buffer_info::_CopyImageToBufferInfo2, fptr::FunctionPtr)::Cvoid = vkCmdCopyImageToBuffer2(command_buffer, copy_image_to_buffer_info, fptr) _cmd_resolve_image_2(command_buffer, resolve_image_info::_ResolveImageInfo2, fptr::FunctionPtr)::Cvoid = vkCmdResolveImage2(command_buffer, resolve_image_info, fptr) _cmd_set_fragment_shading_rate_khr(command_buffer, fragment_size::_Extent2D, combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}, fptr::FunctionPtr)::Cvoid = vkCmdSetFragmentShadingRateKHR(command_buffer, fragment_size, to_vk(NTuple{2, VkFragmentShadingRateCombinerOpKHR}, combiner_ops), fptr) function _get_physical_device_fragment_shading_rates_khr(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{_PhysicalDeviceFragmentShadingRateKHR}, VulkanError} pFragmentShadingRateCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceFragmentShadingRatesKHR(physical_device, pFragmentShadingRateCount, C_NULL, fptr) pFragmentShadingRates = Vector{VkPhysicalDeviceFragmentShadingRateKHR}(undef, pFragmentShadingRateCount[]) @check vkGetPhysicalDeviceFragmentShadingRatesKHR(physical_device, pFragmentShadingRateCount, pFragmentShadingRates, fptr) end from_vk.(_PhysicalDeviceFragmentShadingRateKHR, pFragmentShadingRates) end _cmd_set_fragment_shading_rate_enum_nv(command_buffer, shading_rate::FragmentShadingRateNV, combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}, fptr::FunctionPtr)::Cvoid = vkCmdSetFragmentShadingRateEnumNV(command_buffer, shading_rate, to_vk(NTuple{2, VkFragmentShadingRateCombinerOpKHR}, combiner_ops), fptr) function _get_acceleration_structure_build_sizes_khr(device, build_type::AccelerationStructureBuildTypeKHR, build_info::_AccelerationStructureBuildGeometryInfoKHR, fptr::FunctionPtr; max_primitive_counts = C_NULL)::_AccelerationStructureBuildSizesInfoKHR pSizeInfo = Ref{VkAccelerationStructureBuildSizesInfoKHR}() vkGetAccelerationStructureBuildSizesKHR(device, build_type, build_info, max_primitive_counts, pSizeInfo, fptr) from_vk(_AccelerationStructureBuildSizesInfoKHR, pSizeInfo[]) end _cmd_set_vertex_input_ext(command_buffer, vertex_binding_descriptions::AbstractArray, vertex_attribute_descriptions::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetVertexInputEXT(command_buffer, pointer_length(vertex_binding_descriptions), vertex_binding_descriptions, pointer_length(vertex_attribute_descriptions), vertex_attribute_descriptions, fptr) _cmd_set_color_write_enable_ext(command_buffer, color_write_enables::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetColorWriteEnableEXT(command_buffer, pointer_length(color_write_enables), color_write_enables, fptr) _cmd_set_event_2(command_buffer, event, dependency_info::_DependencyInfo, fptr::FunctionPtr)::Cvoid = vkCmdSetEvent2(command_buffer, event, dependency_info, fptr) _cmd_reset_event_2(command_buffer, event, fptr::FunctionPtr; stage_mask = 0)::Cvoid = vkCmdResetEvent2(command_buffer, event, stage_mask, fptr) _cmd_wait_events_2(command_buffer, events::AbstractArray, dependency_infos::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdWaitEvents2(command_buffer, pointer_length(events), events, dependency_infos, fptr) _cmd_pipeline_barrier_2(command_buffer, dependency_info::_DependencyInfo, fptr::FunctionPtr)::Cvoid = vkCmdPipelineBarrier2(command_buffer, dependency_info, fptr) _queue_submit_2(queue, submits::AbstractArray, fptr::FunctionPtr; fence = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkQueueSubmit2(queue, pointer_length(submits), submits, fence, fptr)) _cmd_write_timestamp_2(command_buffer, query_pool, query::Integer, fptr::FunctionPtr; stage = 0)::Cvoid = vkCmdWriteTimestamp2(command_buffer, stage, query_pool, query, fptr) _cmd_write_buffer_marker_2_amd(command_buffer, dst_buffer, dst_offset::Integer, marker::Integer, fptr::FunctionPtr; stage = 0)::Cvoid = vkCmdWriteBufferMarker2AMD(command_buffer, stage, dst_buffer, dst_offset, marker, fptr) function _get_queue_checkpoint_data_2_nv(queue, fptr::FunctionPtr)::Vector{_CheckpointData2NV} pCheckpointDataCount = Ref{UInt32}() vkGetQueueCheckpointData2NV(queue, pCheckpointDataCount, C_NULL, fptr) pCheckpointData = Vector{VkCheckpointData2NV}(undef, pCheckpointDataCount[]) vkGetQueueCheckpointData2NV(queue, pCheckpointDataCount, pCheckpointData, fptr) from_vk.(_CheckpointData2NV, pCheckpointData) end function _get_physical_device_video_capabilities_khr(physical_device, video_profile::_VideoProfileInfoKHR, fptr::FunctionPtr, next_types::Type...)::ResultTypes.Result{_VideoCapabilitiesKHR, VulkanError} capabilities = initialize(_VideoCapabilitiesKHR, next_types...) pCapabilities = Ref(Base.unsafe_convert(VkVideoCapabilitiesKHR, capabilities)) GC.@preserve capabilities begin @check vkGetPhysicalDeviceVideoCapabilitiesKHR(physical_device, video_profile, pCapabilities, fptr) _VideoCapabilitiesKHR(pCapabilities[], Any[capabilities]) end end function _get_physical_device_video_format_properties_khr(physical_device, video_format_info::_PhysicalDeviceVideoFormatInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Vector{_VideoFormatPropertiesKHR}, VulkanError} pVideoFormatPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceVideoFormatPropertiesKHR(physical_device, video_format_info, pVideoFormatPropertyCount, C_NULL, fptr) pVideoFormatProperties = Vector{VkVideoFormatPropertiesKHR}(undef, pVideoFormatPropertyCount[]) @check vkGetPhysicalDeviceVideoFormatPropertiesKHR(physical_device, video_format_info, pVideoFormatPropertyCount, pVideoFormatProperties, fptr) end from_vk.(_VideoFormatPropertiesKHR, pVideoFormatProperties) end function _create_video_session_khr(device, create_info::_VideoSessionCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{VideoSessionKHR, VulkanError} pVideoSession = Ref{VkVideoSessionKHR}() @check vkCreateVideoSessionKHR(device, create_info, allocator, pVideoSession, fptr_create) VideoSessionKHR(pVideoSession[], begin parent = Vk.handle(device) x->_destroy_video_session_khr(parent, x, fptr_destroy; allocator) end, device) end _destroy_video_session_khr(device, video_session, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyVideoSessionKHR(device, video_session, allocator, fptr) function _create_video_session_parameters_khr(device, create_info::_VideoSessionParametersCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{VideoSessionParametersKHR, VulkanError} pVideoSessionParameters = Ref{VkVideoSessionParametersKHR}() @check vkCreateVideoSessionParametersKHR(device, create_info, allocator, pVideoSessionParameters, fptr_create) VideoSessionParametersKHR(pVideoSessionParameters[], (x->_destroy_video_session_parameters_khr(device, x, fptr_destroy; allocator)), getproperty(create_info, :video_session)) end _update_video_session_parameters_khr(device, video_session_parameters, update_info::_VideoSessionParametersUpdateInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkUpdateVideoSessionParametersKHR(device, video_session_parameters, update_info, fptr)) _destroy_video_session_parameters_khr(device, video_session_parameters, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyVideoSessionParametersKHR(device, video_session_parameters, allocator, fptr) function _get_video_session_memory_requirements_khr(device, video_session, fptr::FunctionPtr)::Vector{_VideoSessionMemoryRequirementsKHR} pMemoryRequirementsCount = Ref{UInt32}() @repeat_while_incomplete begin vkGetVideoSessionMemoryRequirementsKHR(device, video_session, pMemoryRequirementsCount, C_NULL, fptr) pMemoryRequirements = Vector{VkVideoSessionMemoryRequirementsKHR}(undef, pMemoryRequirementsCount[]) vkGetVideoSessionMemoryRequirementsKHR(device, video_session, pMemoryRequirementsCount, pMemoryRequirements, fptr) end from_vk.(_VideoSessionMemoryRequirementsKHR, pMemoryRequirements) end _bind_video_session_memory_khr(device, video_session, bind_session_memory_infos::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkBindVideoSessionMemoryKHR(device, video_session, pointer_length(bind_session_memory_infos), bind_session_memory_infos, fptr)) _cmd_decode_video_khr(command_buffer, decode_info::_VideoDecodeInfoKHR, fptr::FunctionPtr)::Cvoid = vkCmdDecodeVideoKHR(command_buffer, decode_info, fptr) _cmd_begin_video_coding_khr(command_buffer, begin_info::_VideoBeginCodingInfoKHR, fptr::FunctionPtr)::Cvoid = vkCmdBeginVideoCodingKHR(command_buffer, begin_info, fptr) _cmd_control_video_coding_khr(command_buffer, coding_control_info::_VideoCodingControlInfoKHR, fptr::FunctionPtr)::Cvoid = vkCmdControlVideoCodingKHR(command_buffer, coding_control_info, fptr) _cmd_end_video_coding_khr(command_buffer, end_coding_info::_VideoEndCodingInfoKHR, fptr::FunctionPtr)::Cvoid = vkCmdEndVideoCodingKHR(command_buffer, end_coding_info, fptr) _cmd_decompress_memory_nv(command_buffer, decompress_memory_regions::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdDecompressMemoryNV(command_buffer, pointer_length(decompress_memory_regions), decompress_memory_regions, fptr) _cmd_decompress_memory_indirect_count_nv(command_buffer, indirect_commands_address::Integer, indirect_commands_count_address::Integer, stride::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDecompressMemoryIndirectCountNV(command_buffer, indirect_commands_address, indirect_commands_count_address, stride, fptr) function _create_cu_module_nvx(device, create_info::_CuModuleCreateInfoNVX, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{CuModuleNVX, VulkanError} pModule = Ref{VkCuModuleNVX}() @check vkCreateCuModuleNVX(device, create_info, allocator, pModule, fptr_create) CuModuleNVX(pModule[], begin parent = Vk.handle(device) x->_destroy_cu_module_nvx(parent, x, fptr_destroy; allocator) end, device) end function _create_cu_function_nvx(device, create_info::_CuFunctionCreateInfoNVX, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{CuFunctionNVX, VulkanError} pFunction = Ref{VkCuFunctionNVX}() @check vkCreateCuFunctionNVX(device, create_info, allocator, pFunction, fptr_create) CuFunctionNVX(pFunction[], begin parent = Vk.handle(device) x->_destroy_cu_function_nvx(parent, x, fptr_destroy; allocator) end, device) end _destroy_cu_module_nvx(device, _module, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyCuModuleNVX(device, _module, allocator, fptr) _destroy_cu_function_nvx(device, _function, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyCuFunctionNVX(device, _function, allocator, fptr) _cmd_cu_launch_kernel_nvx(command_buffer, launch_info::_CuLaunchInfoNVX, fptr::FunctionPtr)::Cvoid = vkCmdCuLaunchKernelNVX(command_buffer, launch_info, fptr) function _get_descriptor_set_layout_size_ext(device, layout, fptr::FunctionPtr)::UInt64 pLayoutSizeInBytes = Ref{VkDeviceSize}() vkGetDescriptorSetLayoutSizeEXT(device, layout, pLayoutSizeInBytes, fptr) pLayoutSizeInBytes[] end function _get_descriptor_set_layout_binding_offset_ext(device, layout, binding::Integer, fptr::FunctionPtr)::UInt64 pOffset = Ref{VkDeviceSize}() vkGetDescriptorSetLayoutBindingOffsetEXT(device, layout, binding, pOffset, fptr) pOffset[] end _get_descriptor_ext(device, descriptor_info::_DescriptorGetInfoEXT, data_size::Integer, descriptor::Ptr{Cvoid}, fptr::FunctionPtr)::Cvoid = vkGetDescriptorEXT(device, descriptor_info, data_size, descriptor, fptr) _cmd_bind_descriptor_buffers_ext(command_buffer, binding_infos::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdBindDescriptorBuffersEXT(command_buffer, pointer_length(binding_infos), binding_infos, fptr) _cmd_set_descriptor_buffer_offsets_ext(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, buffer_indices::AbstractArray, offsets::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetDescriptorBufferOffsetsEXT(command_buffer, pipeline_bind_point, layout, 0, pointer_length(buffer_indices), buffer_indices, offsets, fptr) _cmd_bind_descriptor_buffer_embedded_samplers_ext(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, set::Integer, fptr::FunctionPtr)::Cvoid = vkCmdBindDescriptorBufferEmbeddedSamplersEXT(command_buffer, pipeline_bind_point, layout, set, fptr) function _get_buffer_opaque_capture_descriptor_data_ext(device, info::_BufferCaptureDescriptorDataInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} pData = Ref{Ptr{Cvoid}}() @check vkGetBufferOpaqueCaptureDescriptorDataEXT(device, info, pData, fptr) pData[] end function _get_image_opaque_capture_descriptor_data_ext(device, info::_ImageCaptureDescriptorDataInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} pData = Ref{Ptr{Cvoid}}() @check vkGetImageOpaqueCaptureDescriptorDataEXT(device, info, pData, fptr) pData[] end function _get_image_view_opaque_capture_descriptor_data_ext(device, info::_ImageViewCaptureDescriptorDataInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} pData = Ref{Ptr{Cvoid}}() @check vkGetImageViewOpaqueCaptureDescriptorDataEXT(device, info, pData, fptr) pData[] end function _get_sampler_opaque_capture_descriptor_data_ext(device, info::_SamplerCaptureDescriptorDataInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} pData = Ref{Ptr{Cvoid}}() @check vkGetSamplerOpaqueCaptureDescriptorDataEXT(device, info, pData, fptr) pData[] end function _get_acceleration_structure_opaque_capture_descriptor_data_ext(device, info::_AccelerationStructureCaptureDescriptorDataInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} pData = Ref{Ptr{Cvoid}}() @check vkGetAccelerationStructureOpaqueCaptureDescriptorDataEXT(device, info, pData, fptr) pData[] end _set_device_memory_priority_ext(device, memory, priority::Real, fptr::FunctionPtr)::Cvoid = vkSetDeviceMemoryPriorityEXT(device, memory, priority, fptr) _acquire_drm_display_ext(physical_device, drm_fd::Integer, display, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkAcquireDrmDisplayEXT(physical_device, drm_fd, display, fptr)) function _get_drm_display_ext(physical_device, drm_fd::Integer, connector_id::Integer, fptr::FunctionPtr)::ResultTypes.Result{DisplayKHR, VulkanError} display = Ref{VkDisplayKHR}() @check vkGetDrmDisplayEXT(physical_device, drm_fd, connector_id, display, fptr) DisplayKHR(display[], identity, physical_device) end _wait_for_present_khr(device, swapchain, present_id::Integer, timeout::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkWaitForPresentKHR(device, swapchain, present_id, timeout, fptr)) _cmd_begin_rendering(command_buffer, rendering_info::_RenderingInfo, fptr::FunctionPtr)::Cvoid = vkCmdBeginRendering(command_buffer, rendering_info, fptr) _cmd_end_rendering(command_buffer, fptr::FunctionPtr)::Cvoid = vkCmdEndRendering(command_buffer, fptr) function _get_descriptor_set_layout_host_mapping_info_valve(device, binding_reference::_DescriptorSetBindingReferenceVALVE, fptr::FunctionPtr)::_DescriptorSetLayoutHostMappingInfoVALVE pHostMapping = Ref{VkDescriptorSetLayoutHostMappingInfoVALVE}() vkGetDescriptorSetLayoutHostMappingInfoVALVE(device, binding_reference, pHostMapping, fptr) from_vk(_DescriptorSetLayoutHostMappingInfoVALVE, pHostMapping[]) end function _get_descriptor_set_host_mapping_valve(device, descriptor_set, fptr::FunctionPtr)::Ptr{Cvoid} ppData = Ref{Ptr{Cvoid}}() vkGetDescriptorSetHostMappingVALVE(device, descriptor_set, ppData, fptr) ppData[] end function _create_micromap_ext(device, create_info::_MicromapCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{MicromapEXT, VulkanError} pMicromap = Ref{VkMicromapEXT}() @check vkCreateMicromapEXT(device, create_info, allocator, pMicromap, fptr_create) MicromapEXT(pMicromap[], begin parent = Vk.handle(device) x->_destroy_micromap_ext(parent, x, fptr_destroy; allocator) end, device) end _cmd_build_micromaps_ext(command_buffer, infos::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdBuildMicromapsEXT(command_buffer, pointer_length(infos), infos, fptr) _build_micromaps_ext(device, infos::AbstractArray, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkBuildMicromapsEXT(device, deferred_operation, pointer_length(infos), infos, fptr)) _destroy_micromap_ext(device, micromap, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyMicromapEXT(device, micromap, allocator, fptr) _cmd_copy_micromap_ext(command_buffer, info::_CopyMicromapInfoEXT, fptr::FunctionPtr)::Cvoid = vkCmdCopyMicromapEXT(command_buffer, info, fptr) _copy_micromap_ext(device, info::_CopyMicromapInfoEXT, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkCopyMicromapEXT(device, deferred_operation, info, fptr)) _cmd_copy_micromap_to_memory_ext(command_buffer, info::_CopyMicromapToMemoryInfoEXT, fptr::FunctionPtr)::Cvoid = vkCmdCopyMicromapToMemoryEXT(command_buffer, info, fptr) _copy_micromap_to_memory_ext(device, info::_CopyMicromapToMemoryInfoEXT, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkCopyMicromapToMemoryEXT(device, deferred_operation, info, fptr)) _cmd_copy_memory_to_micromap_ext(command_buffer, info::_CopyMemoryToMicromapInfoEXT, fptr::FunctionPtr)::Cvoid = vkCmdCopyMemoryToMicromapEXT(command_buffer, info, fptr) _copy_memory_to_micromap_ext(device, info::_CopyMemoryToMicromapInfoEXT, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkCopyMemoryToMicromapEXT(device, deferred_operation, info, fptr)) _cmd_write_micromaps_properties_ext(command_buffer, micromaps::AbstractArray, query_type::QueryType, query_pool, first_query::Integer, fptr::FunctionPtr)::Cvoid = vkCmdWriteMicromapsPropertiesEXT(command_buffer, pointer_length(micromaps), micromaps, query_type, query_pool, first_query, fptr) _write_micromaps_properties_ext(device, micromaps::AbstractArray, query_type::QueryType, data_size::Integer, data::Ptr{Cvoid}, stride::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkWriteMicromapsPropertiesEXT(device, pointer_length(micromaps), micromaps, query_type, data_size, data, stride, fptr)) function _get_device_micromap_compatibility_ext(device, version_info::_MicromapVersionInfoEXT, fptr::FunctionPtr)::AccelerationStructureCompatibilityKHR pCompatibility = Ref{VkAccelerationStructureCompatibilityKHR}() vkGetDeviceMicromapCompatibilityEXT(device, version_info, pCompatibility, fptr) pCompatibility[] end function _get_micromap_build_sizes_ext(device, build_type::AccelerationStructureBuildTypeKHR, build_info::_MicromapBuildInfoEXT, fptr::FunctionPtr)::_MicromapBuildSizesInfoEXT pSizeInfo = Ref{VkMicromapBuildSizesInfoEXT}() vkGetMicromapBuildSizesEXT(device, build_type, build_info, pSizeInfo, fptr) from_vk(_MicromapBuildSizesInfoEXT, pSizeInfo[]) end function _get_shader_module_identifier_ext(device, shader_module, fptr::FunctionPtr)::_ShaderModuleIdentifierEXT pIdentifier = Ref{VkShaderModuleIdentifierEXT}() vkGetShaderModuleIdentifierEXT(device, shader_module, pIdentifier, fptr) from_vk(_ShaderModuleIdentifierEXT, pIdentifier[]) end function _get_shader_module_create_info_identifier_ext(device, create_info::_ShaderModuleCreateInfo, fptr::FunctionPtr)::_ShaderModuleIdentifierEXT pIdentifier = Ref{VkShaderModuleIdentifierEXT}() vkGetShaderModuleCreateInfoIdentifierEXT(device, create_info, pIdentifier, fptr) from_vk(_ShaderModuleIdentifierEXT, pIdentifier[]) end function _get_image_subresource_layout_2_ext(device, image, subresource::_ImageSubresource2EXT, fptr::FunctionPtr, next_types::Type...)::_SubresourceLayout2EXT layout = initialize(_SubresourceLayout2EXT, next_types...) pLayout = Ref(Base.unsafe_convert(VkSubresourceLayout2EXT, layout)) GC.@preserve layout begin vkGetImageSubresourceLayout2EXT(device, image, subresource, pLayout, fptr) _SubresourceLayout2EXT(pLayout[], Any[layout]) end end function _get_pipeline_properties_ext(device, pipeline_info::VkPipelineInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{_BaseOutStructure, VulkanError} pPipelineProperties = Ref{VkBaseOutStructure}() @check vkGetPipelinePropertiesEXT(device, Ref(pipeline_info), pPipelineProperties, fptr) from_vk(_BaseOutStructure, pPipelineProperties[]) end function _get_framebuffer_tile_properties_qcom(device, framebuffer, fptr::FunctionPtr)::Vector{_TilePropertiesQCOM} pPropertiesCount = Ref{UInt32}() @repeat_while_incomplete begin vkGetFramebufferTilePropertiesQCOM(device, framebuffer, pPropertiesCount, C_NULL, fptr) pProperties = Vector{VkTilePropertiesQCOM}(undef, pPropertiesCount[]) vkGetFramebufferTilePropertiesQCOM(device, framebuffer, pPropertiesCount, pProperties, fptr) end from_vk.(_TilePropertiesQCOM, pProperties) end function _get_dynamic_rendering_tile_properties_qcom(device, rendering_info::_RenderingInfo, fptr::FunctionPtr)::_TilePropertiesQCOM pProperties = Ref{VkTilePropertiesQCOM}() vkGetDynamicRenderingTilePropertiesQCOM(device, rendering_info, pProperties, fptr) from_vk(_TilePropertiesQCOM, pProperties[]) end function _get_physical_device_optical_flow_image_formats_nv(physical_device, optical_flow_image_format_info::_OpticalFlowImageFormatInfoNV, fptr::FunctionPtr)::ResultTypes.Result{Vector{_OpticalFlowImageFormatPropertiesNV}, VulkanError} pFormatCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceOpticalFlowImageFormatsNV(physical_device, optical_flow_image_format_info, pFormatCount, C_NULL, fptr) pImageFormatProperties = Vector{VkOpticalFlowImageFormatPropertiesNV}(undef, pFormatCount[]) @check vkGetPhysicalDeviceOpticalFlowImageFormatsNV(physical_device, optical_flow_image_format_info, pFormatCount, pImageFormatProperties, fptr) end from_vk.(_OpticalFlowImageFormatPropertiesNV, pImageFormatProperties) end function _create_optical_flow_session_nv(device, create_info::_OpticalFlowSessionCreateInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{OpticalFlowSessionNV, VulkanError} pSession = Ref{VkOpticalFlowSessionNV}() @check vkCreateOpticalFlowSessionNV(device, create_info, allocator, pSession, fptr_create) OpticalFlowSessionNV(pSession[], begin parent = Vk.handle(device) x->_destroy_optical_flow_session_nv(parent, x, fptr_destroy; allocator) end, device) end _destroy_optical_flow_session_nv(device, session, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyOpticalFlowSessionNV(device, session, allocator, fptr) _bind_optical_flow_session_image_nv(device, session, binding_point::OpticalFlowSessionBindingPointNV, layout::ImageLayout, fptr::FunctionPtr; view = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkBindOpticalFlowSessionImageNV(device, session, binding_point, view, layout, fptr)) _cmd_optical_flow_execute_nv(command_buffer, session, execute_info::_OpticalFlowExecuteInfoNV, fptr::FunctionPtr)::Cvoid = vkCmdOpticalFlowExecuteNV(command_buffer, session, execute_info, fptr) function _get_device_fault_info_ext(device, fptr::FunctionPtr)::ResultTypes.Result{Tuple{_DeviceFaultCountsEXT, _DeviceFaultInfoEXT}, VulkanError} pFaultCounts = Ref{VkDeviceFaultCountsEXT}() pFaultInfo = Ref{VkDeviceFaultInfoEXT}() @check vkGetDeviceFaultInfoEXT(device, pFaultCounts, pFaultInfo, fptr) (from_vk(_DeviceFaultCountsEXT, pFaultCounts[]), from_vk(_DeviceFaultInfoEXT, pFaultInfo[])) end _release_swapchain_images_ext(device, release_info::_ReleaseSwapchainImagesInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkReleaseSwapchainImagesEXT(device, release_info, fptr)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_LAYER_NOT_PRESENT` - `ERROR_EXTENSION_NOT_PRESENT` - `ERROR_INCOMPATIBLE_DRIVER` Arguments: - `create_info::InstanceCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateInstance.html) """ function create_instance(create_info::InstanceCreateInfo; allocator = C_NULL)::ResultTypes.Result{Instance, VulkanError} val = @propagate_errors(_create_instance(convert(_InstanceCreateInfo, create_info); allocator)) val end """ Arguments: - `instance::Instance` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyInstance.html) """ function destroy_instance(instance; allocator = C_NULL) _destroy_instance(instance; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `instance::Instance` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumeratePhysicalDevices.html) """ function enumerate_physical_devices(instance)::ResultTypes.Result{Vector{PhysicalDevice}, VulkanError} val = @propagate_errors(_enumerate_physical_devices(instance)) val end """ Arguments: - `device::Device` - `name::String` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceProcAddr.html) """ function get_device_proc_addr(device, name::AbstractString) _get_device_proc_addr(device, name) end """ Arguments: - `name::String` - `instance::Instance`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetInstanceProcAddr.html) """ function get_instance_proc_addr(name::AbstractString; instance = C_NULL) _get_instance_proc_addr(name; instance) end """ Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceProperties.html) """ function get_physical_device_properties(physical_device) PhysicalDeviceProperties(_get_physical_device_properties(physical_device)) end """ Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceQueueFamilyProperties.html) """ function get_physical_device_queue_family_properties(physical_device) QueueFamilyProperties.(_get_physical_device_queue_family_properties(physical_device)) end """ Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceMemoryProperties.html) """ function get_physical_device_memory_properties(physical_device) PhysicalDeviceMemoryProperties(_get_physical_device_memory_properties(physical_device)) end """ Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceFeatures.html) """ function get_physical_device_features(physical_device) PhysicalDeviceFeatures(_get_physical_device_features(physical_device)) end """ Arguments: - `physical_device::PhysicalDevice` - `format::Format` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceFormatProperties.html) """ function get_physical_device_format_properties(physical_device, format::Format) FormatProperties(_get_physical_device_format_properties(physical_device, format)) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_FORMAT_NOT_SUPPORTED` Arguments: - `physical_device::PhysicalDevice` - `format::Format` - `type::ImageType` - `tiling::ImageTiling` - `usage::ImageUsageFlag` - `flags::ImageCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceImageFormatProperties.html) """ function get_physical_device_image_format_properties(physical_device, format::Format, type::ImageType, tiling::ImageTiling, usage::ImageUsageFlag; flags = 0)::ResultTypes.Result{ImageFormatProperties, VulkanError} val = @propagate_errors(_get_physical_device_image_format_properties(physical_device, format, type, tiling, usage; flags)) ImageFormatProperties(val) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_EXTENSION_NOT_PRESENT` - `ERROR_FEATURE_NOT_PRESENT` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_DEVICE_LOST` Arguments: - `physical_device::PhysicalDevice` - `create_info::DeviceCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDevice.html) """ function create_device(physical_device, create_info::DeviceCreateInfo; allocator = C_NULL)::ResultTypes.Result{Device, VulkanError} val = @propagate_errors(_create_device(physical_device, convert(_DeviceCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDevice.html) """ function destroy_device(device; allocator = C_NULL) _destroy_device(device; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumerateInstanceVersion.html) """ function enumerate_instance_version()::ResultTypes.Result{VersionNumber, VulkanError} val = @propagate_errors(_enumerate_instance_version()) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumerateInstanceLayerProperties.html) """ function enumerate_instance_layer_properties()::ResultTypes.Result{Vector{LayerProperties}, VulkanError} val = @propagate_errors(_enumerate_instance_layer_properties()) LayerProperties.(val) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_LAYER_NOT_PRESENT` Arguments: - `layer_name::String`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumerateInstanceExtensionProperties.html) """ function enumerate_instance_extension_properties(; layer_name = C_NULL)::ResultTypes.Result{Vector{ExtensionProperties}, VulkanError} val = @propagate_errors(_enumerate_instance_extension_properties(; layer_name)) ExtensionProperties.(val) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumerateDeviceLayerProperties.html) """ function enumerate_device_layer_properties(physical_device)::ResultTypes.Result{Vector{LayerProperties}, VulkanError} val = @propagate_errors(_enumerate_device_layer_properties(physical_device)) LayerProperties.(val) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_LAYER_NOT_PRESENT` Arguments: - `physical_device::PhysicalDevice` - `layer_name::String`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumerateDeviceExtensionProperties.html) """ function enumerate_device_extension_properties(physical_device; layer_name = C_NULL)::ResultTypes.Result{Vector{ExtensionProperties}, VulkanError} val = @propagate_errors(_enumerate_device_extension_properties(physical_device; layer_name)) ExtensionProperties.(val) end """ Arguments: - `device::Device` - `queue_family_index::UInt32` - `queue_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceQueue.html) """ function get_device_queue(device, queue_family_index::Integer, queue_index::Integer) _get_device_queue(device, queue_family_index, queue_index) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `queue::Queue` (externsync) - `submits::Vector{SubmitInfo}` - `fence::Fence`: defaults to `C_NULL` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueSubmit.html) """ function queue_submit(queue, submits::AbstractArray; fence = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_queue_submit(queue, convert(AbstractArray{_SubmitInfo}, submits); fence)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `queue::Queue` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueWaitIdle.html) """ function queue_wait_idle(queue)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_queue_wait_idle(queue)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDeviceWaitIdle.html) """ function device_wait_idle(device)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_device_wait_idle(device)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `allocate_info::MemoryAllocateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAllocateMemory.html) """ function allocate_memory(device, allocate_info::MemoryAllocateInfo; allocator = C_NULL)::ResultTypes.Result{DeviceMemory, VulkanError} val = @propagate_errors(_allocate_memory(device, convert(_MemoryAllocateInfo, allocate_info); allocator)) val end """ Arguments: - `device::Device` - `memory::DeviceMemory` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkFreeMemory.html) """ function free_memory(device, memory; allocator = C_NULL) _free_memory(device, memory; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_MEMORY_MAP_FAILED` Arguments: - `device::Device` - `memory::DeviceMemory` (externsync) - `offset::UInt64` - `size::UInt64` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkMapMemory.html) """ function map_memory(device, memory, offset::Integer, size::Integer; flags = 0)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} val = @propagate_errors(_map_memory(device, memory, offset, size; flags)) val end """ Arguments: - `device::Device` - `memory::DeviceMemory` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkUnmapMemory.html) """ function unmap_memory(device, memory) _unmap_memory(device, memory) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `memory_ranges::Vector{MappedMemoryRange}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkFlushMappedMemoryRanges.html) """ function flush_mapped_memory_ranges(device, memory_ranges::AbstractArray)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_flush_mapped_memory_ranges(device, convert(AbstractArray{_MappedMemoryRange}, memory_ranges))) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `memory_ranges::Vector{MappedMemoryRange}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkInvalidateMappedMemoryRanges.html) """ function invalidate_mapped_memory_ranges(device, memory_ranges::AbstractArray)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_invalidate_mapped_memory_ranges(device, convert(AbstractArray{_MappedMemoryRange}, memory_ranges))) val end """ Arguments: - `device::Device` - `memory::DeviceMemory` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceMemoryCommitment.html) """ function get_device_memory_commitment(device, memory) _get_device_memory_commitment(device, memory) end """ Arguments: - `device::Device` - `buffer::Buffer` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetBufferMemoryRequirements.html) """ function get_buffer_memory_requirements(device, buffer) MemoryRequirements(_get_buffer_memory_requirements(device, buffer)) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `buffer::Buffer` (externsync) - `memory::DeviceMemory` - `memory_offset::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindBufferMemory.html) """ function bind_buffer_memory(device, buffer, memory, memory_offset::Integer)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_buffer_memory(device, buffer, memory, memory_offset)) val end """ Arguments: - `device::Device` - `image::Image` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageMemoryRequirements.html) """ function get_image_memory_requirements(device, image) MemoryRequirements(_get_image_memory_requirements(device, image)) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `image::Image` (externsync) - `memory::DeviceMemory` - `memory_offset::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindImageMemory.html) """ function bind_image_memory(device, image, memory, memory_offset::Integer)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_image_memory(device, image, memory, memory_offset)) val end """ Arguments: - `device::Device` - `image::Image` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageSparseMemoryRequirements.html) """ function get_image_sparse_memory_requirements(device, image) SparseImageMemoryRequirements.(_get_image_sparse_memory_requirements(device, image)) end """ Arguments: - `physical_device::PhysicalDevice` - `format::Format` - `type::ImageType` - `samples::SampleCountFlag` - `usage::ImageUsageFlag` - `tiling::ImageTiling` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSparseImageFormatProperties.html) """ function get_physical_device_sparse_image_format_properties(physical_device, format::Format, type::ImageType, samples::SampleCountFlag, usage::ImageUsageFlag, tiling::ImageTiling) SparseImageFormatProperties.(_get_physical_device_sparse_image_format_properties(physical_device, format, type, samples, usage, tiling)) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `queue::Queue` (externsync) - `bind_info::Vector{BindSparseInfo}` - `fence::Fence`: defaults to `C_NULL` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueBindSparse.html) """ function queue_bind_sparse(queue, bind_info::AbstractArray; fence = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_queue_bind_sparse(queue, convert(AbstractArray{_BindSparseInfo}, bind_info); fence)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::FenceCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateFence.html) """ function create_fence(device, create_info::FenceCreateInfo; allocator = C_NULL)::ResultTypes.Result{Fence, VulkanError} val = @propagate_errors(_create_fence(device, convert(_FenceCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `fence::Fence` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyFence.html) """ function destroy_fence(device, fence; allocator = C_NULL) _destroy_fence(device, fence; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `fences::Vector{Fence}` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkResetFences.html) """ function reset_fences(device, fences::AbstractArray)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_reset_fences(device, fences)) val end """ Return codes: - `SUCCESS` - `NOT_READY` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` - `fence::Fence` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetFenceStatus.html) """ function get_fence_status(device, fence)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_fence_status(device, fence)) val end """ Return codes: - `SUCCESS` - `TIMEOUT` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` - `fences::Vector{Fence}` - `wait_all::Bool` - `timeout::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkWaitForFences.html) """ function wait_for_fences(device, fences::AbstractArray, wait_all::Bool, timeout::Integer)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_wait_for_fences(device, fences, wait_all, timeout)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::SemaphoreCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSemaphore.html) """ function create_semaphore(device, create_info::SemaphoreCreateInfo; allocator = C_NULL)::ResultTypes.Result{Semaphore, VulkanError} val = @propagate_errors(_create_semaphore(device, convert(_SemaphoreCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `semaphore::Semaphore` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroySemaphore.html) """ function destroy_semaphore(device, semaphore; allocator = C_NULL) _destroy_semaphore(device, semaphore; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::EventCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateEvent.html) """ function create_event(device, create_info::EventCreateInfo; allocator = C_NULL)::ResultTypes.Result{Event, VulkanError} val = @propagate_errors(_create_event(device, convert(_EventCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `event::Event` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyEvent.html) """ function destroy_event(device, event; allocator = C_NULL) _destroy_event(device, event; allocator) end """ Return codes: - `EVENT_SET` - `EVENT_RESET` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` - `event::Event` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetEventStatus.html) """ function get_event_status(device, event)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_event_status(device, event)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `event::Event` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetEvent.html) """ function set_event(device, event)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_set_event(device, event)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `event::Event` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkResetEvent.html) """ function reset_event(device, event)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_reset_event(device, event)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::QueryPoolCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateQueryPool.html) """ function create_query_pool(device, create_info::QueryPoolCreateInfo; allocator = C_NULL)::ResultTypes.Result{QueryPool, VulkanError} val = @propagate_errors(_create_query_pool(device, convert(_QueryPoolCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `query_pool::QueryPool` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyQueryPool.html) """ function destroy_query_pool(device, query_pool; allocator = C_NULL) _destroy_query_pool(device, query_pool; allocator) end """ Return codes: - `SUCCESS` - `NOT_READY` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` - `query_pool::QueryPool` - `first_query::UInt32` - `query_count::UInt32` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) - `stride::UInt64` - `flags::QueryResultFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetQueryPoolResults.html) """ function get_query_pool_results(device, query_pool, first_query::Integer, query_count::Integer, data_size::Integer, data::Ptr{Cvoid}, stride::Integer; flags = 0)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_query_pool_results(device, query_pool, first_query, query_count, data_size, data, stride; flags)) val end """ Arguments: - `device::Device` - `query_pool::QueryPool` - `first_query::UInt32` - `query_count::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkResetQueryPool.html) """ function reset_query_pool(device, query_pool, first_query::Integer, query_count::Integer) _reset_query_pool(device, query_pool, first_query, query_count) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `create_info::BufferCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateBuffer.html) """ function create_buffer(device, create_info::BufferCreateInfo; allocator = C_NULL)::ResultTypes.Result{Buffer, VulkanError} val = @propagate_errors(_create_buffer(device, convert(_BufferCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `buffer::Buffer` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyBuffer.html) """ function destroy_buffer(device, buffer; allocator = C_NULL) _destroy_buffer(device, buffer; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::BufferViewCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateBufferView.html) """ function create_buffer_view(device, create_info::BufferViewCreateInfo; allocator = C_NULL)::ResultTypes.Result{BufferView, VulkanError} val = @propagate_errors(_create_buffer_view(device, convert(_BufferViewCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `buffer_view::BufferView` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyBufferView.html) """ function destroy_buffer_view(device, buffer_view; allocator = C_NULL) _destroy_buffer_view(device, buffer_view; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_COMPRESSION_EXHAUSTED_EXT` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `create_info::ImageCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateImage.html) """ function create_image(device, create_info::ImageCreateInfo; allocator = C_NULL)::ResultTypes.Result{Image, VulkanError} val = @propagate_errors(_create_image(device, convert(_ImageCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `image::Image` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyImage.html) """ function destroy_image(device, image; allocator = C_NULL) _destroy_image(device, image; allocator) end """ Arguments: - `device::Device` - `image::Image` - `subresource::ImageSubresource` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageSubresourceLayout.html) """ function get_image_subresource_layout(device, image, subresource::ImageSubresource) SubresourceLayout(_get_image_subresource_layout(device, image, convert(_ImageSubresource, subresource))) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `create_info::ImageViewCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateImageView.html) """ function create_image_view(device, create_info::ImageViewCreateInfo; allocator = C_NULL)::ResultTypes.Result{ImageView, VulkanError} val = @propagate_errors(_create_image_view(device, convert(_ImageViewCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `image_view::ImageView` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyImageView.html) """ function destroy_image_view(device, image_view; allocator = C_NULL) _destroy_image_view(device, image_view; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_SHADER_NV` Arguments: - `device::Device` - `create_info::ShaderModuleCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateShaderModule.html) """ function create_shader_module(device, create_info::ShaderModuleCreateInfo; allocator = C_NULL)::ResultTypes.Result{ShaderModule, VulkanError} val = @propagate_errors(_create_shader_module(device, convert(_ShaderModuleCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `shader_module::ShaderModule` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyShaderModule.html) """ function destroy_shader_module(device, shader_module; allocator = C_NULL) _destroy_shader_module(device, shader_module; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::PipelineCacheCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePipelineCache.html) """ function create_pipeline_cache(device, create_info::PipelineCacheCreateInfo; allocator = C_NULL)::ResultTypes.Result{PipelineCache, VulkanError} val = @propagate_errors(_create_pipeline_cache(device, convert(_PipelineCacheCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `pipeline_cache::PipelineCache` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyPipelineCache.html) """ function destroy_pipeline_cache(device, pipeline_cache; allocator = C_NULL) _destroy_pipeline_cache(device, pipeline_cache; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `pipeline_cache::PipelineCache` !!! warning The pointer returned by this function holds memory owned by Julia. It is therefore **your** responsibility to free it after use (e.g. with `Libc.free`). [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPipelineCacheData.html) """ function get_pipeline_cache_data(device, pipeline_cache)::ResultTypes.Result{Tuple{UInt, Ptr{Cvoid}}, VulkanError} val = @propagate_errors(_get_pipeline_cache_data(device, pipeline_cache)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `dst_cache::PipelineCache` (externsync) - `src_caches::Vector{PipelineCache}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkMergePipelineCaches.html) """ function merge_pipeline_caches(device, dst_cache, src_caches::AbstractArray)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_merge_pipeline_caches(device, dst_cache, src_caches)) val end """ Return codes: - `SUCCESS` - `PIPELINE_COMPILE_REQUIRED_EXT` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_SHADER_NV` Arguments: - `device::Device` - `create_infos::Vector{GraphicsPipelineCreateInfo}` - `pipeline_cache::PipelineCache`: defaults to `C_NULL` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateGraphicsPipelines.html) """ function create_graphics_pipelines(device, create_infos::AbstractArray; pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} val = @propagate_errors(_create_graphics_pipelines(device, convert(AbstractArray{_GraphicsPipelineCreateInfo}, create_infos); pipeline_cache, allocator)) val end """ Return codes: - `SUCCESS` - `PIPELINE_COMPILE_REQUIRED_EXT` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_SHADER_NV` Arguments: - `device::Device` - `create_infos::Vector{ComputePipelineCreateInfo}` - `pipeline_cache::PipelineCache`: defaults to `C_NULL` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateComputePipelines.html) """ function create_compute_pipelines(device, create_infos::AbstractArray; pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} val = @propagate_errors(_create_compute_pipelines(device, convert(AbstractArray{_ComputePipelineCreateInfo}, create_infos); pipeline_cache, allocator)) val end """ Extension: VK\\_HUAWEI\\_subpass\\_shading Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `renderpass::RenderPass` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceSubpassShadingMaxWorkgroupSizeHUAWEI.html) """ function get_device_subpass_shading_max_workgroup_size_huawei(device, renderpass)::ResultTypes.Result{Extent2D, VulkanError} val = @propagate_errors(_get_device_subpass_shading_max_workgroup_size_huawei(device, renderpass)) Extent2D(val) end """ Arguments: - `device::Device` - `pipeline::Pipeline` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyPipeline.html) """ function destroy_pipeline(device, pipeline; allocator = C_NULL) _destroy_pipeline(device, pipeline; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::PipelineLayoutCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePipelineLayout.html) """ function create_pipeline_layout(device, create_info::PipelineLayoutCreateInfo; allocator = C_NULL)::ResultTypes.Result{PipelineLayout, VulkanError} val = @propagate_errors(_create_pipeline_layout(device, convert(_PipelineLayoutCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `pipeline_layout::PipelineLayout` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyPipelineLayout.html) """ function destroy_pipeline_layout(device, pipeline_layout; allocator = C_NULL) _destroy_pipeline_layout(device, pipeline_layout; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `create_info::SamplerCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSampler.html) """ function create_sampler(device, create_info::SamplerCreateInfo; allocator = C_NULL)::ResultTypes.Result{Sampler, VulkanError} val = @propagate_errors(_create_sampler(device, convert(_SamplerCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `sampler::Sampler` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroySampler.html) """ function destroy_sampler(device, sampler; allocator = C_NULL) _destroy_sampler(device, sampler; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::DescriptorSetLayoutCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorSetLayout.html) """ function create_descriptor_set_layout(device, create_info::DescriptorSetLayoutCreateInfo; allocator = C_NULL)::ResultTypes.Result{DescriptorSetLayout, VulkanError} val = @propagate_errors(_create_descriptor_set_layout(device, convert(_DescriptorSetLayoutCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `descriptor_set_layout::DescriptorSetLayout` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDescriptorSetLayout.html) """ function destroy_descriptor_set_layout(device, descriptor_set_layout; allocator = C_NULL) _destroy_descriptor_set_layout(device, descriptor_set_layout; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_FRAGMENTATION_EXT` Arguments: - `device::Device` - `create_info::DescriptorPoolCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorPool.html) """ function create_descriptor_pool(device, create_info::DescriptorPoolCreateInfo; allocator = C_NULL)::ResultTypes.Result{DescriptorPool, VulkanError} val = @propagate_errors(_create_descriptor_pool(device, convert(_DescriptorPoolCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `descriptor_pool::DescriptorPool` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDescriptorPool.html) """ function destroy_descriptor_pool(device, descriptor_pool; allocator = C_NULL) _destroy_descriptor_pool(device, descriptor_pool; allocator) end """ Arguments: - `device::Device` - `descriptor_pool::DescriptorPool` (externsync) - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkResetDescriptorPool.html) """ function reset_descriptor_pool(device, descriptor_pool; flags = 0) _reset_descriptor_pool(device, descriptor_pool; flags) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_FRAGMENTED_POOL` - `ERROR_OUT_OF_POOL_MEMORY` Arguments: - `device::Device` - `allocate_info::DescriptorSetAllocateInfo` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAllocateDescriptorSets.html) """ function allocate_descriptor_sets(device, allocate_info::DescriptorSetAllocateInfo)::ResultTypes.Result{Vector{DescriptorSet}, VulkanError} val = @propagate_errors(_allocate_descriptor_sets(device, convert(_DescriptorSetAllocateInfo, allocate_info))) val end """ Arguments: - `device::Device` - `descriptor_pool::DescriptorPool` (externsync) - `descriptor_sets::Vector{DescriptorSet}` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkFreeDescriptorSets.html) """ function free_descriptor_sets(device, descriptor_pool, descriptor_sets::AbstractArray) _free_descriptor_sets(device, descriptor_pool, descriptor_sets) end """ Arguments: - `device::Device` - `descriptor_writes::Vector{WriteDescriptorSet}` - `descriptor_copies::Vector{CopyDescriptorSet}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkUpdateDescriptorSets.html) """ function update_descriptor_sets(device, descriptor_writes::AbstractArray, descriptor_copies::AbstractArray) _update_descriptor_sets(device, convert(AbstractArray{_WriteDescriptorSet}, descriptor_writes), convert(AbstractArray{_CopyDescriptorSet}, descriptor_copies)) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::FramebufferCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateFramebuffer.html) """ function create_framebuffer(device, create_info::FramebufferCreateInfo; allocator = C_NULL)::ResultTypes.Result{Framebuffer, VulkanError} val = @propagate_errors(_create_framebuffer(device, convert(_FramebufferCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `framebuffer::Framebuffer` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyFramebuffer.html) """ function destroy_framebuffer(device, framebuffer; allocator = C_NULL) _destroy_framebuffer(device, framebuffer; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::RenderPassCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRenderPass.html) """ function create_render_pass(device, create_info::RenderPassCreateInfo; allocator = C_NULL)::ResultTypes.Result{RenderPass, VulkanError} val = @propagate_errors(_create_render_pass(device, convert(_RenderPassCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `render_pass::RenderPass` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyRenderPass.html) """ function destroy_render_pass(device, render_pass; allocator = C_NULL) _destroy_render_pass(device, render_pass; allocator) end """ Arguments: - `device::Device` - `render_pass::RenderPass` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetRenderAreaGranularity.html) """ function get_render_area_granularity(device, render_pass) Extent2D(_get_render_area_granularity(device, render_pass)) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::CommandPoolCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCommandPool.html) """ function create_command_pool(device, create_info::CommandPoolCreateInfo; allocator = C_NULL)::ResultTypes.Result{CommandPool, VulkanError} val = @propagate_errors(_create_command_pool(device, convert(_CommandPoolCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `command_pool::CommandPool` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyCommandPool.html) """ function destroy_command_pool(device, command_pool; allocator = C_NULL) _destroy_command_pool(device, command_pool; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `command_pool::CommandPool` (externsync) - `flags::CommandPoolResetFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkResetCommandPool.html) """ function reset_command_pool(device, command_pool; flags = 0)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_reset_command_pool(device, command_pool; flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `allocate_info::CommandBufferAllocateInfo` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAllocateCommandBuffers.html) """ function allocate_command_buffers(device, allocate_info::CommandBufferAllocateInfo)::ResultTypes.Result{Vector{CommandBuffer}, VulkanError} val = @propagate_errors(_allocate_command_buffers(device, convert(_CommandBufferAllocateInfo, allocate_info))) val end """ Arguments: - `device::Device` - `command_pool::CommandPool` (externsync) - `command_buffers::Vector{CommandBuffer}` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkFreeCommandBuffers.html) """ function free_command_buffers(device, command_pool, command_buffers::AbstractArray) _free_command_buffers(device, command_pool, command_buffers) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `command_buffer::CommandBuffer` (externsync) - `begin_info::CommandBufferBeginInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBeginCommandBuffer.html) """ function begin_command_buffer(command_buffer, begin_info::CommandBufferBeginInfo)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_begin_command_buffer(command_buffer, convert(_CommandBufferBeginInfo, begin_info))) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEndCommandBuffer.html) """ function end_command_buffer(command_buffer)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_end_command_buffer(command_buffer)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `command_buffer::CommandBuffer` (externsync) - `flags::CommandBufferResetFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkResetCommandBuffer.html) """ function reset_command_buffer(command_buffer; flags = 0)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_reset_command_buffer(command_buffer; flags)) val end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_bind_point::PipelineBindPoint` - `pipeline::Pipeline` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindPipeline.html) """ function cmd_bind_pipeline(command_buffer, pipeline_bind_point::PipelineBindPoint, pipeline) _cmd_bind_pipeline(command_buffer, pipeline_bind_point, pipeline) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `viewports::Vector{Viewport}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetViewport.html) """ function cmd_set_viewport(command_buffer, viewports::AbstractArray) _cmd_set_viewport(command_buffer, convert(AbstractArray{_Viewport}, viewports)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `scissors::Vector{Rect2D}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetScissor.html) """ function cmd_set_scissor(command_buffer, scissors::AbstractArray) _cmd_set_scissor(command_buffer, convert(AbstractArray{_Rect2D}, scissors)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `line_width::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetLineWidth.html) """ function cmd_set_line_width(command_buffer, line_width::Real) _cmd_set_line_width(command_buffer, line_width) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_bias_constant_factor::Float32` - `depth_bias_clamp::Float32` - `depth_bias_slope_factor::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthBias.html) """ function cmd_set_depth_bias(command_buffer, depth_bias_constant_factor::Real, depth_bias_clamp::Real, depth_bias_slope_factor::Real) _cmd_set_depth_bias(command_buffer, depth_bias_constant_factor, depth_bias_clamp, depth_bias_slope_factor) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `blend_constants::NTuple{4, Float32}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetBlendConstants.html) """ function cmd_set_blend_constants(command_buffer, blend_constants::NTuple{4, Float32}) _cmd_set_blend_constants(command_buffer, blend_constants) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `min_depth_bounds::Float32` - `max_depth_bounds::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthBounds.html) """ function cmd_set_depth_bounds(command_buffer, min_depth_bounds::Real, max_depth_bounds::Real) _cmd_set_depth_bounds(command_buffer, min_depth_bounds, max_depth_bounds) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `face_mask::StencilFaceFlag` - `compare_mask::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetStencilCompareMask.html) """ function cmd_set_stencil_compare_mask(command_buffer, face_mask::StencilFaceFlag, compare_mask::Integer) _cmd_set_stencil_compare_mask(command_buffer, face_mask, compare_mask) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `face_mask::StencilFaceFlag` - `write_mask::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetStencilWriteMask.html) """ function cmd_set_stencil_write_mask(command_buffer, face_mask::StencilFaceFlag, write_mask::Integer) _cmd_set_stencil_write_mask(command_buffer, face_mask, write_mask) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `face_mask::StencilFaceFlag` - `reference::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetStencilReference.html) """ function cmd_set_stencil_reference(command_buffer, face_mask::StencilFaceFlag, reference::Integer) _cmd_set_stencil_reference(command_buffer, face_mask, reference) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_bind_point::PipelineBindPoint` - `layout::PipelineLayout` - `first_set::UInt32` - `descriptor_sets::Vector{DescriptorSet}` - `dynamic_offsets::Vector{UInt32}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindDescriptorSets.html) """ function cmd_bind_descriptor_sets(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, first_set::Integer, descriptor_sets::AbstractArray, dynamic_offsets::AbstractArray) _cmd_bind_descriptor_sets(command_buffer, pipeline_bind_point, layout, first_set, descriptor_sets, dynamic_offsets) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `index_type::IndexType` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindIndexBuffer.html) """ function cmd_bind_index_buffer(command_buffer, buffer, offset::Integer, index_type::IndexType) _cmd_bind_index_buffer(command_buffer, buffer, offset, index_type) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffers::Vector{Buffer}` - `offsets::Vector{UInt64}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindVertexBuffers.html) """ function cmd_bind_vertex_buffers(command_buffer, buffers::AbstractArray, offsets::AbstractArray) _cmd_bind_vertex_buffers(command_buffer, buffers, offsets) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `vertex_count::UInt32` - `instance_count::UInt32` - `first_vertex::UInt32` - `first_instance::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDraw.html) """ function cmd_draw(command_buffer, vertex_count::Integer, instance_count::Integer, first_vertex::Integer, first_instance::Integer) _cmd_draw(command_buffer, vertex_count, instance_count, first_vertex, first_instance) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `index_count::UInt32` - `instance_count::UInt32` - `first_index::UInt32` - `vertex_offset::Int32` - `first_instance::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawIndexed.html) """ function cmd_draw_indexed(command_buffer, index_count::Integer, instance_count::Integer, first_index::Integer, vertex_offset::Integer, first_instance::Integer) _cmd_draw_indexed(command_buffer, index_count, instance_count, first_index, vertex_offset, first_instance) end """ Extension: VK\\_EXT\\_multi\\_draw Arguments: - `command_buffer::CommandBuffer` (externsync) - `vertex_info::Vector{MultiDrawInfoEXT}` - `instance_count::UInt32` - `first_instance::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMultiEXT.html) """ function cmd_draw_multi_ext(command_buffer, vertex_info::AbstractArray, instance_count::Integer, first_instance::Integer, stride::Integer) _cmd_draw_multi_ext(command_buffer, convert(AbstractArray{_MultiDrawInfoEXT}, vertex_info), instance_count, first_instance, stride) end """ Extension: VK\\_EXT\\_multi\\_draw Arguments: - `command_buffer::CommandBuffer` (externsync) - `index_info::Vector{MultiDrawIndexedInfoEXT}` - `instance_count::UInt32` - `first_instance::UInt32` - `stride::UInt32` - `vertex_offset::Int32`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMultiIndexedEXT.html) """ function cmd_draw_multi_indexed_ext(command_buffer, index_info::AbstractArray, instance_count::Integer, first_instance::Integer, stride::Integer; vertex_offset = C_NULL) _cmd_draw_multi_indexed_ext(command_buffer, convert(AbstractArray{_MultiDrawIndexedInfoEXT}, index_info), instance_count, first_instance, stride; vertex_offset) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawIndirect.html) """ function cmd_draw_indirect(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer) _cmd_draw_indirect(command_buffer, buffer, offset, draw_count, stride) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawIndexedIndirect.html) """ function cmd_draw_indexed_indirect(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer) _cmd_draw_indexed_indirect(command_buffer, buffer, offset, draw_count, stride) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `group_count_x::UInt32` - `group_count_y::UInt32` - `group_count_z::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDispatch.html) """ function cmd_dispatch(command_buffer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer) _cmd_dispatch(command_buffer, group_count_x, group_count_y, group_count_z) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDispatchIndirect.html) """ function cmd_dispatch_indirect(command_buffer, buffer, offset::Integer) _cmd_dispatch_indirect(command_buffer, buffer, offset) end """ Extension: VK\\_HUAWEI\\_subpass\\_shading Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSubpassShadingHUAWEI.html) """ function cmd_subpass_shading_huawei(command_buffer) _cmd_subpass_shading_huawei(command_buffer) end """ Extension: VK\\_HUAWEI\\_cluster\\_culling\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `group_count_x::UInt32` - `group_count_y::UInt32` - `group_count_z::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawClusterHUAWEI.html) """ function cmd_draw_cluster_huawei(command_buffer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer) _cmd_draw_cluster_huawei(command_buffer, group_count_x, group_count_y, group_count_z) end """ Extension: VK\\_HUAWEI\\_cluster\\_culling\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawClusterIndirectHUAWEI.html) """ function cmd_draw_cluster_indirect_huawei(command_buffer, buffer, offset::Integer) _cmd_draw_cluster_indirect_huawei(command_buffer, buffer, offset) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `src_buffer::Buffer` - `dst_buffer::Buffer` - `regions::Vector{BufferCopy}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyBuffer.html) """ function cmd_copy_buffer(command_buffer, src_buffer, dst_buffer, regions::AbstractArray) _cmd_copy_buffer(command_buffer, src_buffer, dst_buffer, convert(AbstractArray{_BufferCopy}, regions)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{ImageCopy}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyImage.html) """ function cmd_copy_image(command_buffer, src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray) _cmd_copy_image(command_buffer, src_image, src_image_layout, dst_image, dst_image_layout, convert(AbstractArray{_ImageCopy}, regions)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{ImageBlit}` - `filter::Filter` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBlitImage.html) """ function cmd_blit_image(command_buffer, src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray, filter::Filter) _cmd_blit_image(command_buffer, src_image, src_image_layout, dst_image, dst_image_layout, convert(AbstractArray{_ImageBlit}, regions), filter) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `src_buffer::Buffer` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{BufferImageCopy}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyBufferToImage.html) """ function cmd_copy_buffer_to_image(command_buffer, src_buffer, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray) _cmd_copy_buffer_to_image(command_buffer, src_buffer, dst_image, dst_image_layout, convert(AbstractArray{_BufferImageCopy}, regions)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_buffer::Buffer` - `regions::Vector{BufferImageCopy}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyImageToBuffer.html) """ function cmd_copy_image_to_buffer(command_buffer, src_image, src_image_layout::ImageLayout, dst_buffer, regions::AbstractArray) _cmd_copy_image_to_buffer(command_buffer, src_image, src_image_layout, dst_buffer, convert(AbstractArray{_BufferImageCopy}, regions)) end """ Extension: VK\\_NV\\_copy\\_memory\\_indirect Arguments: - `command_buffer::CommandBuffer` (externsync) - `copy_buffer_address::UInt64` - `copy_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyMemoryIndirectNV.html) """ function cmd_copy_memory_indirect_nv(command_buffer, copy_buffer_address::Integer, copy_count::Integer, stride::Integer) _cmd_copy_memory_indirect_nv(command_buffer, copy_buffer_address, copy_count, stride) end """ Extension: VK\\_NV\\_copy\\_memory\\_indirect Arguments: - `command_buffer::CommandBuffer` (externsync) - `copy_buffer_address::UInt64` - `stride::UInt32` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `image_subresources::Vector{ImageSubresourceLayers}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyMemoryToImageIndirectNV.html) """ function cmd_copy_memory_to_image_indirect_nv(command_buffer, copy_buffer_address::Integer, stride::Integer, dst_image, dst_image_layout::ImageLayout, image_subresources::AbstractArray) _cmd_copy_memory_to_image_indirect_nv(command_buffer, copy_buffer_address, stride, dst_image, dst_image_layout, convert(AbstractArray{_ImageSubresourceLayers}, image_subresources)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `dst_buffer::Buffer` - `dst_offset::UInt64` - `data_size::UInt64` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdUpdateBuffer.html) """ function cmd_update_buffer(command_buffer, dst_buffer, dst_offset::Integer, data_size::Integer, data::Ptr{Cvoid}) _cmd_update_buffer(command_buffer, dst_buffer, dst_offset, data_size, data) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `dst_buffer::Buffer` - `dst_offset::UInt64` - `size::UInt64` - `data::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdFillBuffer.html) """ function cmd_fill_buffer(command_buffer, dst_buffer, dst_offset::Integer, size::Integer, data::Integer) _cmd_fill_buffer(command_buffer, dst_buffer, dst_offset, size, data) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `image::Image` - `image_layout::ImageLayout` - `color::ClearColorValue` - `ranges::Vector{ImageSubresourceRange}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdClearColorImage.html) """ function cmd_clear_color_image(command_buffer, image, image_layout::ImageLayout, color::ClearColorValue, ranges::AbstractArray) _cmd_clear_color_image(command_buffer, image, image_layout, convert(_ClearColorValue, color), convert(AbstractArray{_ImageSubresourceRange}, ranges)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `image::Image` - `image_layout::ImageLayout` - `depth_stencil::ClearDepthStencilValue` - `ranges::Vector{ImageSubresourceRange}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdClearDepthStencilImage.html) """ function cmd_clear_depth_stencil_image(command_buffer, image, image_layout::ImageLayout, depth_stencil::ClearDepthStencilValue, ranges::AbstractArray) _cmd_clear_depth_stencil_image(command_buffer, image, image_layout, convert(_ClearDepthStencilValue, depth_stencil), convert(AbstractArray{_ImageSubresourceRange}, ranges)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `attachments::Vector{ClearAttachment}` - `rects::Vector{ClearRect}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdClearAttachments.html) """ function cmd_clear_attachments(command_buffer, attachments::AbstractArray, rects::AbstractArray) _cmd_clear_attachments(command_buffer, convert(AbstractArray{_ClearAttachment}, attachments), convert(AbstractArray{_ClearRect}, rects)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{ImageResolve}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdResolveImage.html) """ function cmd_resolve_image(command_buffer, src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray) _cmd_resolve_image(command_buffer, src_image, src_image_layout, dst_image, dst_image_layout, convert(AbstractArray{_ImageResolve}, regions)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `event::Event` - `stage_mask::PipelineStageFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetEvent.html) """ function cmd_set_event(command_buffer, event; stage_mask = 0) _cmd_set_event(command_buffer, event; stage_mask) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `event::Event` - `stage_mask::PipelineStageFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdResetEvent.html) """ function cmd_reset_event(command_buffer, event; stage_mask = 0) _cmd_reset_event(command_buffer, event; stage_mask) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `events::Vector{Event}` - `memory_barriers::Vector{MemoryBarrier}` - `buffer_memory_barriers::Vector{BufferMemoryBarrier}` - `image_memory_barriers::Vector{ImageMemoryBarrier}` - `src_stage_mask::PipelineStageFlag`: defaults to `0` - `dst_stage_mask::PipelineStageFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWaitEvents.html) """ function cmd_wait_events(command_buffer, events::AbstractArray, memory_barriers::AbstractArray, buffer_memory_barriers::AbstractArray, image_memory_barriers::AbstractArray; src_stage_mask = 0, dst_stage_mask = 0) _cmd_wait_events(command_buffer, events, convert(AbstractArray{_MemoryBarrier}, memory_barriers), convert(AbstractArray{_BufferMemoryBarrier}, buffer_memory_barriers), convert(AbstractArray{_ImageMemoryBarrier}, image_memory_barriers); src_stage_mask, dst_stage_mask) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `memory_barriers::Vector{MemoryBarrier}` - `buffer_memory_barriers::Vector{BufferMemoryBarrier}` - `image_memory_barriers::Vector{ImageMemoryBarrier}` - `src_stage_mask::PipelineStageFlag`: defaults to `0` - `dst_stage_mask::PipelineStageFlag`: defaults to `0` - `dependency_flags::DependencyFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdPipelineBarrier.html) """ function cmd_pipeline_barrier(command_buffer, memory_barriers::AbstractArray, buffer_memory_barriers::AbstractArray, image_memory_barriers::AbstractArray; src_stage_mask = 0, dst_stage_mask = 0, dependency_flags = 0) _cmd_pipeline_barrier(command_buffer, convert(AbstractArray{_MemoryBarrier}, memory_barriers), convert(AbstractArray{_BufferMemoryBarrier}, buffer_memory_barriers), convert(AbstractArray{_ImageMemoryBarrier}, image_memory_barriers); src_stage_mask, dst_stage_mask, dependency_flags) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `query::UInt32` - `flags::QueryControlFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginQuery.html) """ function cmd_begin_query(command_buffer, query_pool, query::Integer; flags = 0) _cmd_begin_query(command_buffer, query_pool, query; flags) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `query::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndQuery.html) """ function cmd_end_query(command_buffer, query_pool, query::Integer) _cmd_end_query(command_buffer, query_pool, query) end """ Extension: VK\\_EXT\\_conditional\\_rendering Arguments: - `command_buffer::CommandBuffer` (externsync) - `conditional_rendering_begin::ConditionalRenderingBeginInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginConditionalRenderingEXT.html) """ function cmd_begin_conditional_rendering_ext(command_buffer, conditional_rendering_begin::ConditionalRenderingBeginInfoEXT) _cmd_begin_conditional_rendering_ext(command_buffer, convert(_ConditionalRenderingBeginInfoEXT, conditional_rendering_begin)) end """ Extension: VK\\_EXT\\_conditional\\_rendering Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndConditionalRenderingEXT.html) """ function cmd_end_conditional_rendering_ext(command_buffer) _cmd_end_conditional_rendering_ext(command_buffer) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `first_query::UInt32` - `query_count::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdResetQueryPool.html) """ function cmd_reset_query_pool(command_buffer, query_pool, first_query::Integer, query_count::Integer) _cmd_reset_query_pool(command_buffer, query_pool, first_query, query_count) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_stage::PipelineStageFlag` - `query_pool::QueryPool` - `query::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteTimestamp.html) """ function cmd_write_timestamp(command_buffer, pipeline_stage::PipelineStageFlag, query_pool, query::Integer) _cmd_write_timestamp(command_buffer, pipeline_stage, query_pool, query) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `first_query::UInt32` - `query_count::UInt32` - `dst_buffer::Buffer` - `dst_offset::UInt64` - `stride::UInt64` - `flags::QueryResultFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyQueryPoolResults.html) """ function cmd_copy_query_pool_results(command_buffer, query_pool, first_query::Integer, query_count::Integer, dst_buffer, dst_offset::Integer, stride::Integer; flags = 0) _cmd_copy_query_pool_results(command_buffer, query_pool, first_query, query_count, dst_buffer, dst_offset, stride; flags) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `layout::PipelineLayout` - `stage_flags::ShaderStageFlag` - `offset::UInt32` - `size::UInt32` - `values::Ptr{Cvoid}` (must be a valid pointer with `size` bytes) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdPushConstants.html) """ function cmd_push_constants(command_buffer, layout, stage_flags::ShaderStageFlag, offset::Integer, size::Integer, values::Ptr{Cvoid}) _cmd_push_constants(command_buffer, layout, stage_flags, offset, size, values) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `render_pass_begin::RenderPassBeginInfo` - `contents::SubpassContents` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginRenderPass.html) """ function cmd_begin_render_pass(command_buffer, render_pass_begin::RenderPassBeginInfo, contents::SubpassContents) _cmd_begin_render_pass(command_buffer, convert(_RenderPassBeginInfo, render_pass_begin), contents) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `contents::SubpassContents` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdNextSubpass.html) """ function cmd_next_subpass(command_buffer, contents::SubpassContents) _cmd_next_subpass(command_buffer, contents) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndRenderPass.html) """ function cmd_end_render_pass(command_buffer) _cmd_end_render_pass(command_buffer) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `command_buffers::Vector{CommandBuffer}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdExecuteCommands.html) """ function cmd_execute_commands(command_buffer, command_buffers::AbstractArray) _cmd_execute_commands(command_buffer, command_buffers) end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceDisplayPropertiesKHR.html) """ function get_physical_device_display_properties_khr(physical_device)::ResultTypes.Result{Vector{DisplayPropertiesKHR}, VulkanError} val = @propagate_errors(_get_physical_device_display_properties_khr(physical_device)) DisplayPropertiesKHR.(val) end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceDisplayPlanePropertiesKHR.html) """ function get_physical_device_display_plane_properties_khr(physical_device)::ResultTypes.Result{Vector{DisplayPlanePropertiesKHR}, VulkanError} val = @propagate_errors(_get_physical_device_display_plane_properties_khr(physical_device)) DisplayPlanePropertiesKHR.(val) end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `plane_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDisplayPlaneSupportedDisplaysKHR.html) """ function get_display_plane_supported_displays_khr(physical_device, plane_index::Integer)::ResultTypes.Result{Vector{DisplayKHR}, VulkanError} val = @propagate_errors(_get_display_plane_supported_displays_khr(physical_device, plane_index)) val end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDisplayModePropertiesKHR.html) """ function get_display_mode_properties_khr(physical_device, display)::ResultTypes.Result{Vector{DisplayModePropertiesKHR}, VulkanError} val = @propagate_errors(_get_display_mode_properties_khr(physical_device, display)) DisplayModePropertiesKHR.(val) end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` (externsync) - `create_info::DisplayModeCreateInfoKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDisplayModeKHR.html) """ function create_display_mode_khr(physical_device, display, create_info::DisplayModeCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{DisplayModeKHR, VulkanError} val = @propagate_errors(_create_display_mode_khr(physical_device, display, convert(_DisplayModeCreateInfoKHR, create_info); allocator)) val end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `mode::DisplayModeKHR` (externsync) - `plane_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDisplayPlaneCapabilitiesKHR.html) """ function get_display_plane_capabilities_khr(physical_device, mode, plane_index::Integer)::ResultTypes.Result{DisplayPlaneCapabilitiesKHR, VulkanError} val = @propagate_errors(_get_display_plane_capabilities_khr(physical_device, mode, plane_index)) DisplayPlaneCapabilitiesKHR(val) end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `create_info::DisplaySurfaceCreateInfoKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDisplayPlaneSurfaceKHR.html) """ function create_display_plane_surface_khr(instance, create_info::DisplaySurfaceCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_display_plane_surface_khr(instance, convert(_DisplaySurfaceCreateInfoKHR, create_info); allocator)) val end """ Extension: VK\\_KHR\\_display\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INCOMPATIBLE_DISPLAY_KHR` - `ERROR_DEVICE_LOST` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `create_infos::Vector{SwapchainCreateInfoKHR}` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSharedSwapchainsKHR.html) """ function create_shared_swapchains_khr(device, create_infos::AbstractArray; allocator = C_NULL)::ResultTypes.Result{Vector{SwapchainKHR}, VulkanError} val = @propagate_errors(_create_shared_swapchains_khr(device, convert(AbstractArray{_SwapchainCreateInfoKHR}, create_infos); allocator)) val end """ Extension: VK\\_KHR\\_surface Arguments: - `instance::Instance` - `surface::SurfaceKHR` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroySurfaceKHR.html) """ function destroy_surface_khr(instance, surface; allocator = C_NULL) _destroy_surface_khr(instance, surface; allocator) end """ Extension: VK\\_KHR\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `queue_family_index::UInt32` - `surface::SurfaceKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfaceSupportKHR.html) """ function get_physical_device_surface_support_khr(physical_device, queue_family_index::Integer, surface)::ResultTypes.Result{Bool, VulkanError} val = @propagate_errors(_get_physical_device_surface_support_khr(physical_device, queue_family_index, surface)) val end """ Extension: VK\\_KHR\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface::SurfaceKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfaceCapabilitiesKHR.html) """ function get_physical_device_surface_capabilities_khr(physical_device, surface)::ResultTypes.Result{SurfaceCapabilitiesKHR, VulkanError} val = @propagate_errors(_get_physical_device_surface_capabilities_khr(physical_device, surface)) SurfaceCapabilitiesKHR(val) end """ Extension: VK\\_KHR\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface::SurfaceKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfaceFormatsKHR.html) """ function get_physical_device_surface_formats_khr(physical_device; surface = C_NULL)::ResultTypes.Result{Vector{SurfaceFormatKHR}, VulkanError} val = @propagate_errors(_get_physical_device_surface_formats_khr(physical_device; surface)) SurfaceFormatKHR.(val) end """ Extension: VK\\_KHR\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface::SurfaceKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfacePresentModesKHR.html) """ function get_physical_device_surface_present_modes_khr(physical_device; surface = C_NULL)::ResultTypes.Result{Vector{PresentModeKHR}, VulkanError} val = @propagate_errors(_get_physical_device_surface_present_modes_khr(physical_device; surface)) val end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_SURFACE_LOST_KHR` - `ERROR_NATIVE_WINDOW_IN_USE_KHR` - `ERROR_INITIALIZATION_FAILED` - `ERROR_COMPRESSION_EXHAUSTED_EXT` Arguments: - `device::Device` - `create_info::SwapchainCreateInfoKHR` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSwapchainKHR.html) """ function create_swapchain_khr(device, create_info::SwapchainCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{SwapchainKHR, VulkanError} val = @propagate_errors(_create_swapchain_khr(device, convert(_SwapchainCreateInfoKHR, create_info); allocator)) val end """ Extension: VK\\_KHR\\_swapchain Arguments: - `device::Device` - `swapchain::SwapchainKHR` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroySwapchainKHR.html) """ function destroy_swapchain_khr(device, swapchain; allocator = C_NULL) _destroy_swapchain_khr(device, swapchain; allocator) end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `swapchain::SwapchainKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSwapchainImagesKHR.html) """ function get_swapchain_images_khr(device, swapchain)::ResultTypes.Result{Vector{Image}, VulkanError} val = @propagate_errors(_get_swapchain_images_khr(device, swapchain)) val end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `TIMEOUT` - `NOT_READY` - `SUBOPTIMAL_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` - `ERROR_SURFACE_LOST_KHR` - `ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT` Arguments: - `device::Device` - `swapchain::SwapchainKHR` (externsync) - `timeout::UInt64` - `semaphore::Semaphore`: defaults to `C_NULL` (externsync) - `fence::Fence`: defaults to `C_NULL` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAcquireNextImageKHR.html) """ function acquire_next_image_khr(device, swapchain, timeout::Integer; semaphore = C_NULL, fence = C_NULL)::ResultTypes.Result{Tuple{UInt32, Result}, VulkanError} val = @propagate_errors(_acquire_next_image_khr(device, swapchain, timeout; semaphore, fence)) val end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `SUBOPTIMAL_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` - `ERROR_SURFACE_LOST_KHR` - `ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT` Arguments: - `queue::Queue` (externsync) - `present_info::PresentInfoKHR` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueuePresentKHR.html) """ function queue_present_khr(queue, present_info::PresentInfoKHR)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_queue_present_khr(queue, convert(_PresentInfoKHR, present_info))) val end """ Extension: VK\\_KHR\\_wayland\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `create_info::WaylandSurfaceCreateInfoKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateWaylandSurfaceKHR.html) """ function create_wayland_surface_khr(instance, create_info::WaylandSurfaceCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_wayland_surface_khr(instance, convert(_WaylandSurfaceCreateInfoKHR, create_info); allocator)) val end """ Extension: VK\\_KHR\\_wayland\\_surface Arguments: - `physical_device::PhysicalDevice` - `queue_family_index::UInt32` - `display::Ptr{wl_display}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceWaylandPresentationSupportKHR.html) """ function get_physical_device_wayland_presentation_support_khr(physical_device, queue_family_index::Integer, display::Ptr{vk.wl_display}) _get_physical_device_wayland_presentation_support_khr(physical_device, queue_family_index, display) end """ Extension: VK\\_KHR\\_xlib\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `create_info::XlibSurfaceCreateInfoKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateXlibSurfaceKHR.html) """ function create_xlib_surface_khr(instance, create_info::XlibSurfaceCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_xlib_surface_khr(instance, convert(_XlibSurfaceCreateInfoKHR, create_info); allocator)) val end """ Extension: VK\\_KHR\\_xlib\\_surface Arguments: - `physical_device::PhysicalDevice` - `queue_family_index::UInt32` - `dpy::Ptr{Display}` - `visual_id::VisualID` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceXlibPresentationSupportKHR.html) """ function get_physical_device_xlib_presentation_support_khr(physical_device, queue_family_index::Integer, dpy::Ptr{vk.Display}, visual_id::vk.VisualID) _get_physical_device_xlib_presentation_support_khr(physical_device, queue_family_index, dpy, visual_id) end """ Extension: VK\\_KHR\\_xcb\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `create_info::XcbSurfaceCreateInfoKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateXcbSurfaceKHR.html) """ function create_xcb_surface_khr(instance, create_info::XcbSurfaceCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_xcb_surface_khr(instance, convert(_XcbSurfaceCreateInfoKHR, create_info); allocator)) val end """ Extension: VK\\_KHR\\_xcb\\_surface Arguments: - `physical_device::PhysicalDevice` - `queue_family_index::UInt32` - `connection::Ptr{xcb_connection_t}` - `visual_id::xcb_visualid_t` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceXcbPresentationSupportKHR.html) """ function get_physical_device_xcb_presentation_support_khr(physical_device, queue_family_index::Integer, connection::Ptr{vk.xcb_connection_t}, visual_id::vk.xcb_visualid_t) _get_physical_device_xcb_presentation_support_khr(physical_device, queue_family_index, connection, visual_id) end """ Extension: VK\\_EXT\\_debug\\_report Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `instance::Instance` - `create_info::DebugReportCallbackCreateInfoEXT` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDebugReportCallbackEXT.html) """ function create_debug_report_callback_ext(instance, create_info::DebugReportCallbackCreateInfoEXT; allocator = C_NULL)::ResultTypes.Result{DebugReportCallbackEXT, VulkanError} val = @propagate_errors(_create_debug_report_callback_ext(instance, convert(_DebugReportCallbackCreateInfoEXT, create_info); allocator)) val end """ Extension: VK\\_EXT\\_debug\\_report Arguments: - `instance::Instance` - `callback::DebugReportCallbackEXT` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDebugReportCallbackEXT.html) """ function destroy_debug_report_callback_ext(instance, callback; allocator = C_NULL) _destroy_debug_report_callback_ext(instance, callback; allocator) end """ Extension: VK\\_EXT\\_debug\\_report Arguments: - `instance::Instance` - `flags::DebugReportFlagEXT` - `object_type::DebugReportObjectTypeEXT` - `object::UInt64` - `location::UInt` - `message_code::Int32` - `layer_prefix::String` - `message::String` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDebugReportMessageEXT.html) """ function debug_report_message_ext(instance, flags::DebugReportFlagEXT, object_type::DebugReportObjectTypeEXT, object::Integer, location::Integer, message_code::Integer, layer_prefix::AbstractString, message::AbstractString) _debug_report_message_ext(instance, flags, object_type, object, location, message_code, layer_prefix, message) end """ Extension: VK\\_EXT\\_debug\\_marker Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `name_info::DebugMarkerObjectNameInfoEXT` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDebugMarkerSetObjectNameEXT.html) """ function debug_marker_set_object_name_ext(device, name_info::DebugMarkerObjectNameInfoEXT)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_debug_marker_set_object_name_ext(device, convert(_DebugMarkerObjectNameInfoEXT, name_info))) val end """ Extension: VK\\_EXT\\_debug\\_marker Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `tag_info::DebugMarkerObjectTagInfoEXT` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDebugMarkerSetObjectTagEXT.html) """ function debug_marker_set_object_tag_ext(device, tag_info::DebugMarkerObjectTagInfoEXT)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_debug_marker_set_object_tag_ext(device, convert(_DebugMarkerObjectTagInfoEXT, tag_info))) val end """ Extension: VK\\_EXT\\_debug\\_marker Arguments: - `command_buffer::CommandBuffer` (externsync) - `marker_info::DebugMarkerMarkerInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDebugMarkerBeginEXT.html) """ function cmd_debug_marker_begin_ext(command_buffer, marker_info::DebugMarkerMarkerInfoEXT) _cmd_debug_marker_begin_ext(command_buffer, convert(_DebugMarkerMarkerInfoEXT, marker_info)) end """ Extension: VK\\_EXT\\_debug\\_marker Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDebugMarkerEndEXT.html) """ function cmd_debug_marker_end_ext(command_buffer) _cmd_debug_marker_end_ext(command_buffer) end """ Extension: VK\\_EXT\\_debug\\_marker Arguments: - `command_buffer::CommandBuffer` (externsync) - `marker_info::DebugMarkerMarkerInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDebugMarkerInsertEXT.html) """ function cmd_debug_marker_insert_ext(command_buffer, marker_info::DebugMarkerMarkerInfoEXT) _cmd_debug_marker_insert_ext(command_buffer, convert(_DebugMarkerMarkerInfoEXT, marker_info)) end """ Extension: VK\\_NV\\_external\\_memory\\_capabilities Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_FORMAT_NOT_SUPPORTED` Arguments: - `physical_device::PhysicalDevice` - `format::Format` - `type::ImageType` - `tiling::ImageTiling` - `usage::ImageUsageFlag` - `flags::ImageCreateFlag`: defaults to `0` - `external_handle_type::ExternalMemoryHandleTypeFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceExternalImageFormatPropertiesNV.html) """ function get_physical_device_external_image_format_properties_nv(physical_device, format::Format, type::ImageType, tiling::ImageTiling, usage::ImageUsageFlag; flags = 0, external_handle_type = 0)::ResultTypes.Result{ExternalImageFormatPropertiesNV, VulkanError} val = @propagate_errors(_get_physical_device_external_image_format_properties_nv(physical_device, format, type, tiling, usage; flags, external_handle_type)) ExternalImageFormatPropertiesNV(val) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `command_buffer::CommandBuffer` (externsync) - `is_preprocessed::Bool` - `generated_commands_info::GeneratedCommandsInfoNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdExecuteGeneratedCommandsNV.html) """ function cmd_execute_generated_commands_nv(command_buffer, is_preprocessed::Bool, generated_commands_info::GeneratedCommandsInfoNV) _cmd_execute_generated_commands_nv(command_buffer, is_preprocessed, convert(_GeneratedCommandsInfoNV, generated_commands_info)) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `command_buffer::CommandBuffer` (externsync) - `generated_commands_info::GeneratedCommandsInfoNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdPreprocessGeneratedCommandsNV.html) """ function cmd_preprocess_generated_commands_nv(command_buffer, generated_commands_info::GeneratedCommandsInfoNV) _cmd_preprocess_generated_commands_nv(command_buffer, convert(_GeneratedCommandsInfoNV, generated_commands_info)) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_bind_point::PipelineBindPoint` - `pipeline::Pipeline` - `group_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindPipelineShaderGroupNV.html) """ function cmd_bind_pipeline_shader_group_nv(command_buffer, pipeline_bind_point::PipelineBindPoint, pipeline, group_index::Integer) _cmd_bind_pipeline_shader_group_nv(command_buffer, pipeline_bind_point, pipeline, group_index) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `device::Device` - `info::GeneratedCommandsMemoryRequirementsInfoNV` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetGeneratedCommandsMemoryRequirementsNV.html) """ function get_generated_commands_memory_requirements_nv(device, info::GeneratedCommandsMemoryRequirementsInfoNV, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) MemoryRequirements2(_get_generated_commands_memory_requirements_nv(device, convert(_GeneratedCommandsMemoryRequirementsInfoNV, info), next_types...), next_types_hl...) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::IndirectCommandsLayoutCreateInfoNV` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateIndirectCommandsLayoutNV.html) """ function create_indirect_commands_layout_nv(device, create_info::IndirectCommandsLayoutCreateInfoNV; allocator = C_NULL)::ResultTypes.Result{IndirectCommandsLayoutNV, VulkanError} val = @propagate_errors(_create_indirect_commands_layout_nv(device, convert(_IndirectCommandsLayoutCreateInfoNV, create_info); allocator)) val end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `device::Device` - `indirect_commands_layout::IndirectCommandsLayoutNV` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyIndirectCommandsLayoutNV.html) """ function destroy_indirect_commands_layout_nv(device, indirect_commands_layout; allocator = C_NULL) _destroy_indirect_commands_layout_nv(device, indirect_commands_layout; allocator) end """ Arguments: - `physical_device::PhysicalDevice` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceFeatures2.html) """ function get_physical_device_features_2(physical_device, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) PhysicalDeviceFeatures2(_get_physical_device_features_2(physical_device, next_types...), next_types_hl...) end """ Arguments: - `physical_device::PhysicalDevice` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceProperties2.html) """ function get_physical_device_properties_2(physical_device, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) PhysicalDeviceProperties2(_get_physical_device_properties_2(physical_device, next_types...), next_types_hl...) end """ Arguments: - `physical_device::PhysicalDevice` - `format::Format` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceFormatProperties2.html) """ function get_physical_device_format_properties_2(physical_device, format::Format, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) FormatProperties2(_get_physical_device_format_properties_2(physical_device, format, next_types...), next_types_hl...) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_FORMAT_NOT_SUPPORTED` - `ERROR_IMAGE_USAGE_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_OPERATION_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_FORMAT_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PICTURE_LAYOUT_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_CODEC_NOT_SUPPORTED_KHR` Arguments: - `physical_device::PhysicalDevice` - `image_format_info::PhysicalDeviceImageFormatInfo2` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceImageFormatProperties2.html) """ function get_physical_device_image_format_properties_2(physical_device, image_format_info::PhysicalDeviceImageFormatInfo2, next_types::Type...)::ResultTypes.Result{ImageFormatProperties2, VulkanError} next_types_hl = next_types next_types = intermediate_type.(next_types) val = @propagate_errors(_get_physical_device_image_format_properties_2(physical_device, convert(_PhysicalDeviceImageFormatInfo2, image_format_info), next_types...)) ImageFormatProperties2(val, next_types_hl...) end """ Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceQueueFamilyProperties2.html) """ function get_physical_device_queue_family_properties_2(physical_device) QueueFamilyProperties2.(_get_physical_device_queue_family_properties_2(physical_device)) end """ Arguments: - `physical_device::PhysicalDevice` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceMemoryProperties2.html) """ function get_physical_device_memory_properties_2(physical_device, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) PhysicalDeviceMemoryProperties2(_get_physical_device_memory_properties_2(physical_device, next_types...), next_types_hl...) end """ Arguments: - `physical_device::PhysicalDevice` - `format_info::PhysicalDeviceSparseImageFormatInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSparseImageFormatProperties2.html) """ function get_physical_device_sparse_image_format_properties_2(physical_device, format_info::PhysicalDeviceSparseImageFormatInfo2) SparseImageFormatProperties2.(_get_physical_device_sparse_image_format_properties_2(physical_device, convert(_PhysicalDeviceSparseImageFormatInfo2, format_info))) end """ Extension: VK\\_KHR\\_push\\_descriptor Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_bind_point::PipelineBindPoint` - `layout::PipelineLayout` - `set::UInt32` - `descriptor_writes::Vector{WriteDescriptorSet}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdPushDescriptorSetKHR.html) """ function cmd_push_descriptor_set_khr(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, set::Integer, descriptor_writes::AbstractArray) _cmd_push_descriptor_set_khr(command_buffer, pipeline_bind_point, layout, set, convert(AbstractArray{_WriteDescriptorSet}, descriptor_writes)) end """ Arguments: - `device::Device` - `command_pool::CommandPool` (externsync) - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkTrimCommandPool.html) """ function trim_command_pool(device, command_pool; flags = 0) _trim_command_pool(device, command_pool; flags) end """ Arguments: - `physical_device::PhysicalDevice` - `external_buffer_info::PhysicalDeviceExternalBufferInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceExternalBufferProperties.html) """ function get_physical_device_external_buffer_properties(physical_device, external_buffer_info::PhysicalDeviceExternalBufferInfo) ExternalBufferProperties(_get_physical_device_external_buffer_properties(physical_device, convert(_PhysicalDeviceExternalBufferInfo, external_buffer_info))) end """ Extension: VK\\_KHR\\_external\\_memory\\_fd Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `get_fd_info::MemoryGetFdInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetMemoryFdKHR.html) """ function get_memory_fd_khr(device, get_fd_info::MemoryGetFdInfoKHR)::ResultTypes.Result{Int, VulkanError} val = @propagate_errors(_get_memory_fd_khr(device, convert(_MemoryGetFdInfoKHR, get_fd_info))) val end """ Extension: VK\\_KHR\\_external\\_memory\\_fd Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` Arguments: - `device::Device` - `handle_type::ExternalMemoryHandleTypeFlag` - `fd::Int` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetMemoryFdPropertiesKHR.html) """ function get_memory_fd_properties_khr(device, handle_type::ExternalMemoryHandleTypeFlag, fd::Integer)::ResultTypes.Result{MemoryFdPropertiesKHR, VulkanError} val = @propagate_errors(_get_memory_fd_properties_khr(device, handle_type, fd)) MemoryFdPropertiesKHR(val) end """ Extension: VK\\_NV\\_external\\_memory\\_rdma Return codes: - `SUCCESS` - `ERROR_INVALID_EXTERNAL_HANDLE` Arguments: - `device::Device` - `memory_get_remote_address_info::MemoryGetRemoteAddressInfoNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetMemoryRemoteAddressNV.html) """ function get_memory_remote_address_nv(device, memory_get_remote_address_info::MemoryGetRemoteAddressInfoNV)::ResultTypes.Result{Cvoid, VulkanError} val = @propagate_errors(_get_memory_remote_address_nv(device, convert(_MemoryGetRemoteAddressInfoNV, memory_get_remote_address_info))) val end """ Arguments: - `physical_device::PhysicalDevice` - `external_semaphore_info::PhysicalDeviceExternalSemaphoreInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceExternalSemaphoreProperties.html) """ function get_physical_device_external_semaphore_properties(physical_device, external_semaphore_info::PhysicalDeviceExternalSemaphoreInfo) ExternalSemaphoreProperties(_get_physical_device_external_semaphore_properties(physical_device, convert(_PhysicalDeviceExternalSemaphoreInfo, external_semaphore_info))) end """ Extension: VK\\_KHR\\_external\\_semaphore\\_fd Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `get_fd_info::SemaphoreGetFdInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSemaphoreFdKHR.html) """ function get_semaphore_fd_khr(device, get_fd_info::SemaphoreGetFdInfoKHR)::ResultTypes.Result{Int, VulkanError} val = @propagate_errors(_get_semaphore_fd_khr(device, convert(_SemaphoreGetFdInfoKHR, get_fd_info))) val end """ Extension: VK\\_KHR\\_external\\_semaphore\\_fd Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` Arguments: - `device::Device` - `import_semaphore_fd_info::ImportSemaphoreFdInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkImportSemaphoreFdKHR.html) """ function import_semaphore_fd_khr(device, import_semaphore_fd_info::ImportSemaphoreFdInfoKHR)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_import_semaphore_fd_khr(device, convert(_ImportSemaphoreFdInfoKHR, import_semaphore_fd_info))) val end """ Arguments: - `physical_device::PhysicalDevice` - `external_fence_info::PhysicalDeviceExternalFenceInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceExternalFenceProperties.html) """ function get_physical_device_external_fence_properties(physical_device, external_fence_info::PhysicalDeviceExternalFenceInfo) ExternalFenceProperties(_get_physical_device_external_fence_properties(physical_device, convert(_PhysicalDeviceExternalFenceInfo, external_fence_info))) end """ Extension: VK\\_KHR\\_external\\_fence\\_fd Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `get_fd_info::FenceGetFdInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetFenceFdKHR.html) """ function get_fence_fd_khr(device, get_fd_info::FenceGetFdInfoKHR)::ResultTypes.Result{Int, VulkanError} val = @propagate_errors(_get_fence_fd_khr(device, convert(_FenceGetFdInfoKHR, get_fd_info))) val end """ Extension: VK\\_KHR\\_external\\_fence\\_fd Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` Arguments: - `device::Device` - `import_fence_fd_info::ImportFenceFdInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkImportFenceFdKHR.html) """ function import_fence_fd_khr(device, import_fence_fd_info::ImportFenceFdInfoKHR)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_import_fence_fd_khr(device, convert(_ImportFenceFdInfoKHR, import_fence_fd_info))) val end """ Extension: VK\\_EXT\\_direct\\_mode\\_display Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkReleaseDisplayEXT.html) """ function release_display_ext(physical_device, display) _release_display_ext(physical_device, display) end """ Extension: VK\\_EXT\\_acquire\\_xlib\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `physical_device::PhysicalDevice` - `dpy::Ptr{Display}` - `display::DisplayKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAcquireXlibDisplayEXT.html) """ function acquire_xlib_display_ext(physical_device, dpy::Ptr{vk.Display}, display)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_acquire_xlib_display_ext(physical_device, dpy, display)) val end """ Extension: VK\\_EXT\\_acquire\\_xlib\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `dpy::Ptr{Display}` - `rr_output::RROutput` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetRandROutputDisplayEXT.html) """ function get_rand_r_output_display_ext(physical_device, dpy::Ptr{vk.Display}, rr_output::vk.RROutput)::ResultTypes.Result{DisplayKHR, VulkanError} val = @propagate_errors(_get_rand_r_output_display_ext(physical_device, dpy, rr_output)) val end """ Extension: VK\\_EXT\\_display\\_control Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `display::DisplayKHR` - `display_power_info::DisplayPowerInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDisplayPowerControlEXT.html) """ function display_power_control_ext(device, display, display_power_info::DisplayPowerInfoEXT)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_display_power_control_ext(device, display, convert(_DisplayPowerInfoEXT, display_power_info))) val end """ Extension: VK\\_EXT\\_display\\_control Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `device_event_info::DeviceEventInfoEXT` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkRegisterDeviceEventEXT.html) """ function register_device_event_ext(device, device_event_info::DeviceEventInfoEXT; allocator = C_NULL)::ResultTypes.Result{Fence, VulkanError} val = @propagate_errors(_register_device_event_ext(device, convert(_DeviceEventInfoEXT, device_event_info); allocator)) val end """ Extension: VK\\_EXT\\_display\\_control Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `display::DisplayKHR` - `display_event_info::DisplayEventInfoEXT` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkRegisterDisplayEventEXT.html) """ function register_display_event_ext(device, display, display_event_info::DisplayEventInfoEXT; allocator = C_NULL)::ResultTypes.Result{Fence, VulkanError} val = @propagate_errors(_register_display_event_ext(device, display, convert(_DisplayEventInfoEXT, display_event_info); allocator)) val end """ Extension: VK\\_EXT\\_display\\_control Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` Arguments: - `device::Device` - `swapchain::SwapchainKHR` - `counter::SurfaceCounterFlagEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSwapchainCounterEXT.html) """ function get_swapchain_counter_ext(device, swapchain, counter::SurfaceCounterFlagEXT)::ResultTypes.Result{UInt64, VulkanError} val = @propagate_errors(_get_swapchain_counter_ext(device, swapchain, counter)) val end """ Extension: VK\\_EXT\\_display\\_surface\\_counter Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface::SurfaceKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfaceCapabilities2EXT.html) """ function get_physical_device_surface_capabilities_2_ext(physical_device, surface)::ResultTypes.Result{SurfaceCapabilities2EXT, VulkanError} val = @propagate_errors(_get_physical_device_surface_capabilities_2_ext(physical_device, surface)) SurfaceCapabilities2EXT(val) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `instance::Instance` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumeratePhysicalDeviceGroups.html) """ function enumerate_physical_device_groups(instance)::ResultTypes.Result{Vector{PhysicalDeviceGroupProperties}, VulkanError} val = @propagate_errors(_enumerate_physical_device_groups(instance)) PhysicalDeviceGroupProperties.(val) end """ Arguments: - `device::Device` - `heap_index::UInt32` - `local_device_index::UInt32` - `remote_device_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceGroupPeerMemoryFeatures.html) """ function get_device_group_peer_memory_features(device, heap_index::Integer, local_device_index::Integer, remote_device_index::Integer) _get_device_group_peer_memory_features(device, heap_index, local_device_index, remote_device_index) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `bind_infos::Vector{BindBufferMemoryInfo}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindBufferMemory2.html) """ function bind_buffer_memory_2(device, bind_infos::AbstractArray)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_buffer_memory_2(device, convert(AbstractArray{_BindBufferMemoryInfo}, bind_infos))) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `bind_infos::Vector{BindImageMemoryInfo}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindImageMemory2.html) """ function bind_image_memory_2(device, bind_infos::AbstractArray)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_image_memory_2(device, convert(AbstractArray{_BindImageMemoryInfo}, bind_infos))) val end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `device_mask::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDeviceMask.html) """ function cmd_set_device_mask(command_buffer, device_mask::Integer) _cmd_set_device_mask(command_buffer, device_mask) end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceGroupPresentCapabilitiesKHR.html) """ function get_device_group_present_capabilities_khr(device)::ResultTypes.Result{DeviceGroupPresentCapabilitiesKHR, VulkanError} val = @propagate_errors(_get_device_group_present_capabilities_khr(device)) DeviceGroupPresentCapabilitiesKHR(val) end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `surface::SurfaceKHR` (externsync) - `modes::DeviceGroupPresentModeFlagKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceGroupSurfacePresentModesKHR.html) """ function get_device_group_surface_present_modes_khr(device, surface, modes::DeviceGroupPresentModeFlagKHR)::ResultTypes.Result{DeviceGroupPresentModeFlagKHR, VulkanError} val = @propagate_errors(_get_device_group_surface_present_modes_khr(device, surface, modes)) val end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `TIMEOUT` - `NOT_READY` - `SUBOPTIMAL_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` - `ERROR_SURFACE_LOST_KHR` - `ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT` Arguments: - `device::Device` - `acquire_info::AcquireNextImageInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAcquireNextImage2KHR.html) """ function acquire_next_image_2_khr(device, acquire_info::AcquireNextImageInfoKHR)::ResultTypes.Result{Tuple{UInt32, Result}, VulkanError} val = @propagate_errors(_acquire_next_image_2_khr(device, convert(_AcquireNextImageInfoKHR, acquire_info))) val end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `base_group_x::UInt32` - `base_group_y::UInt32` - `base_group_z::UInt32` - `group_count_x::UInt32` - `group_count_y::UInt32` - `group_count_z::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDispatchBase.html) """ function cmd_dispatch_base(command_buffer, base_group_x::Integer, base_group_y::Integer, base_group_z::Integer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer) _cmd_dispatch_base(command_buffer, base_group_x, base_group_y, base_group_z, group_count_x, group_count_y, group_count_z) end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `surface::SurfaceKHR` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDevicePresentRectanglesKHR.html) """ function get_physical_device_present_rectangles_khr(physical_device, surface)::ResultTypes.Result{Vector{Rect2D}, VulkanError} val = @propagate_errors(_get_physical_device_present_rectangles_khr(physical_device, surface)) Rect2D.(val) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::DescriptorUpdateTemplateCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorUpdateTemplate.html) """ function create_descriptor_update_template(device, create_info::DescriptorUpdateTemplateCreateInfo; allocator = C_NULL)::ResultTypes.Result{DescriptorUpdateTemplate, VulkanError} val = @propagate_errors(_create_descriptor_update_template(device, convert(_DescriptorUpdateTemplateCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `descriptor_update_template::DescriptorUpdateTemplate` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDescriptorUpdateTemplate.html) """ function destroy_descriptor_update_template(device, descriptor_update_template; allocator = C_NULL) _destroy_descriptor_update_template(device, descriptor_update_template; allocator) end """ Arguments: - `device::Device` - `descriptor_set::DescriptorSet` - `descriptor_update_template::DescriptorUpdateTemplate` - `data::Ptr{Cvoid}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkUpdateDescriptorSetWithTemplate.html) """ function update_descriptor_set_with_template(device, descriptor_set, descriptor_update_template, data::Ptr{Cvoid}) _update_descriptor_set_with_template(device, descriptor_set, descriptor_update_template, data) end """ Extension: VK\\_KHR\\_push\\_descriptor Arguments: - `command_buffer::CommandBuffer` (externsync) - `descriptor_update_template::DescriptorUpdateTemplate` - `layout::PipelineLayout` - `set::UInt32` - `data::Ptr{Cvoid}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdPushDescriptorSetWithTemplateKHR.html) """ function cmd_push_descriptor_set_with_template_khr(command_buffer, descriptor_update_template, layout, set::Integer, data::Ptr{Cvoid}) _cmd_push_descriptor_set_with_template_khr(command_buffer, descriptor_update_template, layout, set, data) end """ Extension: VK\\_EXT\\_hdr\\_metadata Arguments: - `device::Device` - `swapchains::Vector{SwapchainKHR}` - `metadata::Vector{HdrMetadataEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetHdrMetadataEXT.html) """ function set_hdr_metadata_ext(device, swapchains::AbstractArray, metadata::AbstractArray) _set_hdr_metadata_ext(device, swapchains, convert(AbstractArray{_HdrMetadataEXT}, metadata)) end """ Extension: VK\\_KHR\\_shared\\_presentable\\_image Return codes: - `SUCCESS` - `SUBOPTIMAL_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` - `ERROR_SURFACE_LOST_KHR` - `ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT` Arguments: - `device::Device` - `swapchain::SwapchainKHR` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSwapchainStatusKHR.html) """ function get_swapchain_status_khr(device, swapchain)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_swapchain_status_khr(device, swapchain)) val end """ Extension: VK\\_GOOGLE\\_display\\_timing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `swapchain::SwapchainKHR` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetRefreshCycleDurationGOOGLE.html) """ function get_refresh_cycle_duration_google(device, swapchain)::ResultTypes.Result{RefreshCycleDurationGOOGLE, VulkanError} val = @propagate_errors(_get_refresh_cycle_duration_google(device, swapchain)) RefreshCycleDurationGOOGLE(val) end """ Extension: VK\\_GOOGLE\\_display\\_timing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `swapchain::SwapchainKHR` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPastPresentationTimingGOOGLE.html) """ function get_past_presentation_timing_google(device, swapchain)::ResultTypes.Result{Vector{PastPresentationTimingGOOGLE}, VulkanError} val = @propagate_errors(_get_past_presentation_timing_google(device, swapchain)) PastPresentationTimingGOOGLE.(val) end """ Extension: VK\\_NV\\_clip\\_space\\_w\\_scaling Arguments: - `command_buffer::CommandBuffer` (externsync) - `viewport_w_scalings::Vector{ViewportWScalingNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetViewportWScalingNV.html) """ function cmd_set_viewport_w_scaling_nv(command_buffer, viewport_w_scalings::AbstractArray) _cmd_set_viewport_w_scaling_nv(command_buffer, convert(AbstractArray{_ViewportWScalingNV}, viewport_w_scalings)) end """ Extension: VK\\_EXT\\_discard\\_rectangles Arguments: - `command_buffer::CommandBuffer` (externsync) - `discard_rectangles::Vector{Rect2D}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDiscardRectangleEXT.html) """ function cmd_set_discard_rectangle_ext(command_buffer, discard_rectangles::AbstractArray) _cmd_set_discard_rectangle_ext(command_buffer, convert(AbstractArray{_Rect2D}, discard_rectangles)) end """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `command_buffer::CommandBuffer` (externsync) - `sample_locations_info::SampleLocationsInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetSampleLocationsEXT.html) """ function cmd_set_sample_locations_ext(command_buffer, sample_locations_info::SampleLocationsInfoEXT) _cmd_set_sample_locations_ext(command_buffer, convert(_SampleLocationsInfoEXT, sample_locations_info)) end """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `physical_device::PhysicalDevice` - `samples::SampleCountFlag` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceMultisamplePropertiesEXT.html) """ function get_physical_device_multisample_properties_ext(physical_device, samples::SampleCountFlag) MultisamplePropertiesEXT(_get_physical_device_multisample_properties_ext(physical_device, samples)) end """ Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface_info::PhysicalDeviceSurfaceInfo2KHR` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfaceCapabilities2KHR.html) """ function get_physical_device_surface_capabilities_2_khr(physical_device, surface_info::PhysicalDeviceSurfaceInfo2KHR, next_types::Type...)::ResultTypes.Result{SurfaceCapabilities2KHR, VulkanError} next_types_hl = next_types next_types = intermediate_type.(next_types) val = @propagate_errors(_get_physical_device_surface_capabilities_2_khr(physical_device, convert(_PhysicalDeviceSurfaceInfo2KHR, surface_info), next_types...)) SurfaceCapabilities2KHR(val, next_types_hl...) end """ Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface_info::PhysicalDeviceSurfaceInfo2KHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfaceFormats2KHR.html) """ function get_physical_device_surface_formats_2_khr(physical_device, surface_info::PhysicalDeviceSurfaceInfo2KHR)::ResultTypes.Result{Vector{SurfaceFormat2KHR}, VulkanError} val = @propagate_errors(_get_physical_device_surface_formats_2_khr(physical_device, convert(_PhysicalDeviceSurfaceInfo2KHR, surface_info))) SurfaceFormat2KHR.(val) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceDisplayProperties2KHR.html) """ function get_physical_device_display_properties_2_khr(physical_device)::ResultTypes.Result{Vector{DisplayProperties2KHR}, VulkanError} val = @propagate_errors(_get_physical_device_display_properties_2_khr(physical_device)) DisplayProperties2KHR.(val) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceDisplayPlaneProperties2KHR.html) """ function get_physical_device_display_plane_properties_2_khr(physical_device)::ResultTypes.Result{Vector{DisplayPlaneProperties2KHR}, VulkanError} val = @propagate_errors(_get_physical_device_display_plane_properties_2_khr(physical_device)) DisplayPlaneProperties2KHR.(val) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDisplayModeProperties2KHR.html) """ function get_display_mode_properties_2_khr(physical_device, display)::ResultTypes.Result{Vector{DisplayModeProperties2KHR}, VulkanError} val = @propagate_errors(_get_display_mode_properties_2_khr(physical_device, display)) DisplayModeProperties2KHR.(val) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `display_plane_info::DisplayPlaneInfo2KHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDisplayPlaneCapabilities2KHR.html) """ function get_display_plane_capabilities_2_khr(physical_device, display_plane_info::DisplayPlaneInfo2KHR)::ResultTypes.Result{DisplayPlaneCapabilities2KHR, VulkanError} val = @propagate_errors(_get_display_plane_capabilities_2_khr(physical_device, convert(_DisplayPlaneInfo2KHR, display_plane_info))) DisplayPlaneCapabilities2KHR(val) end """ Arguments: - `device::Device` - `info::BufferMemoryRequirementsInfo2` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetBufferMemoryRequirements2.html) """ function get_buffer_memory_requirements_2(device, info::BufferMemoryRequirementsInfo2, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) MemoryRequirements2(_get_buffer_memory_requirements_2(device, convert(_BufferMemoryRequirementsInfo2, info), next_types...), next_types_hl...) end """ Arguments: - `device::Device` - `info::ImageMemoryRequirementsInfo2` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageMemoryRequirements2.html) """ function get_image_memory_requirements_2(device, info::ImageMemoryRequirementsInfo2, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) MemoryRequirements2(_get_image_memory_requirements_2(device, convert(_ImageMemoryRequirementsInfo2, info), next_types...), next_types_hl...) end """ Arguments: - `device::Device` - `info::ImageSparseMemoryRequirementsInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageSparseMemoryRequirements2.html) """ function get_image_sparse_memory_requirements_2(device, info::ImageSparseMemoryRequirementsInfo2) SparseImageMemoryRequirements2.(_get_image_sparse_memory_requirements_2(device, convert(_ImageSparseMemoryRequirementsInfo2, info))) end """ Arguments: - `device::Device` - `info::DeviceBufferMemoryRequirements` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceBufferMemoryRequirements.html) """ function get_device_buffer_memory_requirements(device, info::DeviceBufferMemoryRequirements, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) MemoryRequirements2(_get_device_buffer_memory_requirements(device, convert(_DeviceBufferMemoryRequirements, info), next_types...), next_types_hl...) end """ Arguments: - `device::Device` - `info::DeviceImageMemoryRequirements` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceImageMemoryRequirements.html) """ function get_device_image_memory_requirements(device, info::DeviceImageMemoryRequirements, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) MemoryRequirements2(_get_device_image_memory_requirements(device, convert(_DeviceImageMemoryRequirements, info), next_types...), next_types_hl...) end """ Arguments: - `device::Device` - `info::DeviceImageMemoryRequirements` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceImageSparseMemoryRequirements.html) """ function get_device_image_sparse_memory_requirements(device, info::DeviceImageMemoryRequirements) SparseImageMemoryRequirements2.(_get_device_image_sparse_memory_requirements(device, convert(_DeviceImageMemoryRequirements, info))) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::SamplerYcbcrConversionCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSamplerYcbcrConversion.html) """ function create_sampler_ycbcr_conversion(device, create_info::SamplerYcbcrConversionCreateInfo; allocator = C_NULL)::ResultTypes.Result{SamplerYcbcrConversion, VulkanError} val = @propagate_errors(_create_sampler_ycbcr_conversion(device, convert(_SamplerYcbcrConversionCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `ycbcr_conversion::SamplerYcbcrConversion` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroySamplerYcbcrConversion.html) """ function destroy_sampler_ycbcr_conversion(device, ycbcr_conversion; allocator = C_NULL) _destroy_sampler_ycbcr_conversion(device, ycbcr_conversion; allocator) end """ Arguments: - `device::Device` - `queue_info::DeviceQueueInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceQueue2.html) """ function get_device_queue_2(device, queue_info::DeviceQueueInfo2) _get_device_queue_2(device, convert(_DeviceQueueInfo2, queue_info)) end """ Extension: VK\\_EXT\\_validation\\_cache Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `create_info::ValidationCacheCreateInfoEXT` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateValidationCacheEXT.html) """ function create_validation_cache_ext(device, create_info::ValidationCacheCreateInfoEXT; allocator = C_NULL)::ResultTypes.Result{ValidationCacheEXT, VulkanError} val = @propagate_errors(_create_validation_cache_ext(device, convert(_ValidationCacheCreateInfoEXT, create_info); allocator)) val end """ Extension: VK\\_EXT\\_validation\\_cache Arguments: - `device::Device` - `validation_cache::ValidationCacheEXT` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyValidationCacheEXT.html) """ function destroy_validation_cache_ext(device, validation_cache; allocator = C_NULL) _destroy_validation_cache_ext(device, validation_cache; allocator) end """ Extension: VK\\_EXT\\_validation\\_cache Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `validation_cache::ValidationCacheEXT` !!! warning The pointer returned by this function holds memory owned by Julia. It is therefore **your** responsibility to free it after use (e.g. with `Libc.free`). [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetValidationCacheDataEXT.html) """ function get_validation_cache_data_ext(device, validation_cache)::ResultTypes.Result{Tuple{UInt, Ptr{Cvoid}}, VulkanError} val = @propagate_errors(_get_validation_cache_data_ext(device, validation_cache)) val end """ Extension: VK\\_EXT\\_validation\\_cache Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `dst_cache::ValidationCacheEXT` (externsync) - `src_caches::Vector{ValidationCacheEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkMergeValidationCachesEXT.html) """ function merge_validation_caches_ext(device, dst_cache, src_caches::AbstractArray)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_merge_validation_caches_ext(device, dst_cache, src_caches)) val end """ Arguments: - `device::Device` - `create_info::DescriptorSetLayoutCreateInfo` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDescriptorSetLayoutSupport.html) """ function get_descriptor_set_layout_support(device, create_info::DescriptorSetLayoutCreateInfo, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) DescriptorSetLayoutSupport(_get_descriptor_set_layout_support(device, convert(_DescriptorSetLayoutCreateInfo, create_info), next_types...), next_types_hl...) end """ Extension: VK\\_AMD\\_shader\\_info Return codes: - `SUCCESS` - `ERROR_FEATURE_NOT_PRESENT` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `pipeline::Pipeline` - `shader_stage::ShaderStageFlag` - `info_type::ShaderInfoTypeAMD` !!! warning The pointer returned by this function holds memory owned by Julia. It is therefore **your** responsibility to free it after use (e.g. with `Libc.free`). [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetShaderInfoAMD.html) """ function get_shader_info_amd(device, pipeline, shader_stage::ShaderStageFlag, info_type::ShaderInfoTypeAMD)::ResultTypes.Result{Tuple{UInt, Ptr{Cvoid}}, VulkanError} val = @propagate_errors(_get_shader_info_amd(device, pipeline, shader_stage, info_type)) val end """ Extension: VK\\_AMD\\_display\\_native\\_hdr Arguments: - `device::Device` - `swap_chain::SwapchainKHR` - `local_dimming_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetLocalDimmingAMD.html) """ function set_local_dimming_amd(device, swap_chain, local_dimming_enable::Bool) _set_local_dimming_amd(device, swap_chain, local_dimming_enable) end """ Extension: VK\\_EXT\\_calibrated\\_timestamps Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceCalibrateableTimeDomainsEXT.html) """ function get_physical_device_calibrateable_time_domains_ext(physical_device)::ResultTypes.Result{Vector{TimeDomainEXT}, VulkanError} val = @propagate_errors(_get_physical_device_calibrateable_time_domains_ext(physical_device)) val end """ Extension: VK\\_EXT\\_calibrated\\_timestamps Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `timestamp_infos::Vector{CalibratedTimestampInfoEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetCalibratedTimestampsEXT.html) """ function get_calibrated_timestamps_ext(device, timestamp_infos::AbstractArray)::ResultTypes.Result{Tuple{Vector{UInt64}, UInt64}, VulkanError} val = @propagate_errors(_get_calibrated_timestamps_ext(device, convert(AbstractArray{_CalibratedTimestampInfoEXT}, timestamp_infos))) val end """ Extension: VK\\_EXT\\_debug\\_utils Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `name_info::DebugUtilsObjectNameInfoEXT` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetDebugUtilsObjectNameEXT.html) """ function set_debug_utils_object_name_ext(device, name_info::DebugUtilsObjectNameInfoEXT)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_set_debug_utils_object_name_ext(device, convert(_DebugUtilsObjectNameInfoEXT, name_info))) val end """ Extension: VK\\_EXT\\_debug\\_utils Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `tag_info::DebugUtilsObjectTagInfoEXT` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetDebugUtilsObjectTagEXT.html) """ function set_debug_utils_object_tag_ext(device, tag_info::DebugUtilsObjectTagInfoEXT)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_set_debug_utils_object_tag_ext(device, convert(_DebugUtilsObjectTagInfoEXT, tag_info))) val end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `queue::Queue` - `label_info::DebugUtilsLabelEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueBeginDebugUtilsLabelEXT.html) """ function queue_begin_debug_utils_label_ext(queue, label_info::DebugUtilsLabelEXT) _queue_begin_debug_utils_label_ext(queue, convert(_DebugUtilsLabelEXT, label_info)) end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `queue::Queue` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueEndDebugUtilsLabelEXT.html) """ function queue_end_debug_utils_label_ext(queue) _queue_end_debug_utils_label_ext(queue) end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `queue::Queue` - `label_info::DebugUtilsLabelEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueInsertDebugUtilsLabelEXT.html) """ function queue_insert_debug_utils_label_ext(queue, label_info::DebugUtilsLabelEXT) _queue_insert_debug_utils_label_ext(queue, convert(_DebugUtilsLabelEXT, label_info)) end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `command_buffer::CommandBuffer` (externsync) - `label_info::DebugUtilsLabelEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginDebugUtilsLabelEXT.html) """ function cmd_begin_debug_utils_label_ext(command_buffer, label_info::DebugUtilsLabelEXT) _cmd_begin_debug_utils_label_ext(command_buffer, convert(_DebugUtilsLabelEXT, label_info)) end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndDebugUtilsLabelEXT.html) """ function cmd_end_debug_utils_label_ext(command_buffer) _cmd_end_debug_utils_label_ext(command_buffer) end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `command_buffer::CommandBuffer` (externsync) - `label_info::DebugUtilsLabelEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdInsertDebugUtilsLabelEXT.html) """ function cmd_insert_debug_utils_label_ext(command_buffer, label_info::DebugUtilsLabelEXT) _cmd_insert_debug_utils_label_ext(command_buffer, convert(_DebugUtilsLabelEXT, label_info)) end """ Extension: VK\\_EXT\\_debug\\_utils Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `instance::Instance` - `create_info::DebugUtilsMessengerCreateInfoEXT` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDebugUtilsMessengerEXT.html) """ function create_debug_utils_messenger_ext(instance, create_info::DebugUtilsMessengerCreateInfoEXT; allocator = C_NULL)::ResultTypes.Result{DebugUtilsMessengerEXT, VulkanError} val = @propagate_errors(_create_debug_utils_messenger_ext(instance, convert(_DebugUtilsMessengerCreateInfoEXT, create_info); allocator)) val end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `instance::Instance` - `messenger::DebugUtilsMessengerEXT` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDebugUtilsMessengerEXT.html) """ function destroy_debug_utils_messenger_ext(instance, messenger; allocator = C_NULL) _destroy_debug_utils_messenger_ext(instance, messenger; allocator) end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `instance::Instance` - `message_severity::DebugUtilsMessageSeverityFlagEXT` - `message_types::DebugUtilsMessageTypeFlagEXT` - `callback_data::DebugUtilsMessengerCallbackDataEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSubmitDebugUtilsMessageEXT.html) """ function submit_debug_utils_message_ext(instance, message_severity::DebugUtilsMessageSeverityFlagEXT, message_types::DebugUtilsMessageTypeFlagEXT, callback_data::DebugUtilsMessengerCallbackDataEXT) _submit_debug_utils_message_ext(instance, message_severity, message_types, convert(_DebugUtilsMessengerCallbackDataEXT, callback_data)) end """ Extension: VK\\_EXT\\_external\\_memory\\_host Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` Arguments: - `device::Device` - `handle_type::ExternalMemoryHandleTypeFlag` - `host_pointer::Ptr{Cvoid}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetMemoryHostPointerPropertiesEXT.html) """ function get_memory_host_pointer_properties_ext(device, handle_type::ExternalMemoryHandleTypeFlag, host_pointer::Ptr{Cvoid})::ResultTypes.Result{MemoryHostPointerPropertiesEXT, VulkanError} val = @propagate_errors(_get_memory_host_pointer_properties_ext(device, handle_type, host_pointer)) MemoryHostPointerPropertiesEXT(val) end """ Extension: VK\\_AMD\\_buffer\\_marker Arguments: - `command_buffer::CommandBuffer` (externsync) - `dst_buffer::Buffer` - `dst_offset::UInt64` - `marker::UInt32` - `pipeline_stage::PipelineStageFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteBufferMarkerAMD.html) """ function cmd_write_buffer_marker_amd(command_buffer, dst_buffer, dst_offset::Integer, marker::Integer; pipeline_stage = 0) _cmd_write_buffer_marker_amd(command_buffer, dst_buffer, dst_offset, marker; pipeline_stage) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::RenderPassCreateInfo2` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRenderPass2.html) """ function create_render_pass_2(device, create_info::RenderPassCreateInfo2; allocator = C_NULL)::ResultTypes.Result{RenderPass, VulkanError} val = @propagate_errors(_create_render_pass_2(device, convert(_RenderPassCreateInfo2, create_info); allocator)) val end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `render_pass_begin::RenderPassBeginInfo` - `subpass_begin_info::SubpassBeginInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginRenderPass2.html) """ function cmd_begin_render_pass_2(command_buffer, render_pass_begin::RenderPassBeginInfo, subpass_begin_info::SubpassBeginInfo) _cmd_begin_render_pass_2(command_buffer, convert(_RenderPassBeginInfo, render_pass_begin), convert(_SubpassBeginInfo, subpass_begin_info)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `subpass_begin_info::SubpassBeginInfo` - `subpass_end_info::SubpassEndInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdNextSubpass2.html) """ function cmd_next_subpass_2(command_buffer, subpass_begin_info::SubpassBeginInfo, subpass_end_info::SubpassEndInfo) _cmd_next_subpass_2(command_buffer, convert(_SubpassBeginInfo, subpass_begin_info), convert(_SubpassEndInfo, subpass_end_info)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `subpass_end_info::SubpassEndInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndRenderPass2.html) """ function cmd_end_render_pass_2(command_buffer, subpass_end_info::SubpassEndInfo) _cmd_end_render_pass_2(command_buffer, convert(_SubpassEndInfo, subpass_end_info)) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` - `semaphore::Semaphore` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSemaphoreCounterValue.html) """ function get_semaphore_counter_value(device, semaphore)::ResultTypes.Result{UInt64, VulkanError} val = @propagate_errors(_get_semaphore_counter_value(device, semaphore)) val end """ Return codes: - `SUCCESS` - `TIMEOUT` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` - `wait_info::SemaphoreWaitInfo` - `timeout::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkWaitSemaphores.html) """ function wait_semaphores(device, wait_info::SemaphoreWaitInfo, timeout::Integer)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_wait_semaphores(device, convert(_SemaphoreWaitInfo, wait_info), timeout)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `signal_info::SemaphoreSignalInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSignalSemaphore.html) """ function signal_semaphore(device, signal_info::SemaphoreSignalInfo)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_signal_semaphore(device, convert(_SemaphoreSignalInfo, signal_info))) val end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `count_buffer::Buffer` - `count_buffer_offset::UInt64` - `max_draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawIndirectCount.html) """ function cmd_draw_indirect_count(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer) _cmd_draw_indirect_count(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `count_buffer::Buffer` - `count_buffer_offset::UInt64` - `max_draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawIndexedIndirectCount.html) """ function cmd_draw_indexed_indirect_count(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer) _cmd_draw_indexed_indirect_count(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride) end """ Extension: VK\\_NV\\_device\\_diagnostic\\_checkpoints Arguments: - `command_buffer::CommandBuffer` (externsync) - `checkpoint_marker::Ptr{Cvoid}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCheckpointNV.html) """ function cmd_set_checkpoint_nv(command_buffer, checkpoint_marker::Ptr{Cvoid}) _cmd_set_checkpoint_nv(command_buffer, checkpoint_marker) end """ Extension: VK\\_NV\\_device\\_diagnostic\\_checkpoints Arguments: - `queue::Queue` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetQueueCheckpointDataNV.html) """ function get_queue_checkpoint_data_nv(queue) CheckpointDataNV.(_get_queue_checkpoint_data_nv(queue)) end """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffers::Vector{Buffer}` - `offsets::Vector{UInt64}` - `sizes::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindTransformFeedbackBuffersEXT.html) """ function cmd_bind_transform_feedback_buffers_ext(command_buffer, buffers::AbstractArray, offsets::AbstractArray; sizes = C_NULL) _cmd_bind_transform_feedback_buffers_ext(command_buffer, buffers, offsets; sizes) end """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `command_buffer::CommandBuffer` (externsync) - `counter_buffers::Vector{Buffer}` - `counter_buffer_offsets::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginTransformFeedbackEXT.html) """ function cmd_begin_transform_feedback_ext(command_buffer, counter_buffers::AbstractArray; counter_buffer_offsets = C_NULL) _cmd_begin_transform_feedback_ext(command_buffer, counter_buffers; counter_buffer_offsets) end """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `command_buffer::CommandBuffer` (externsync) - `counter_buffers::Vector{Buffer}` - `counter_buffer_offsets::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndTransformFeedbackEXT.html) """ function cmd_end_transform_feedback_ext(command_buffer, counter_buffers::AbstractArray; counter_buffer_offsets = C_NULL) _cmd_end_transform_feedback_ext(command_buffer, counter_buffers; counter_buffer_offsets) end """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `query::UInt32` - `index::UInt32` - `flags::QueryControlFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginQueryIndexedEXT.html) """ function cmd_begin_query_indexed_ext(command_buffer, query_pool, query::Integer, index::Integer; flags = 0) _cmd_begin_query_indexed_ext(command_buffer, query_pool, query, index; flags) end """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `query::UInt32` - `index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndQueryIndexedEXT.html) """ function cmd_end_query_indexed_ext(command_buffer, query_pool, query::Integer, index::Integer) _cmd_end_query_indexed_ext(command_buffer, query_pool, query, index) end """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `command_buffer::CommandBuffer` (externsync) - `instance_count::UInt32` - `first_instance::UInt32` - `counter_buffer::Buffer` - `counter_buffer_offset::UInt64` - `counter_offset::UInt32` - `vertex_stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawIndirectByteCountEXT.html) """ function cmd_draw_indirect_byte_count_ext(command_buffer, instance_count::Integer, first_instance::Integer, counter_buffer, counter_buffer_offset::Integer, counter_offset::Integer, vertex_stride::Integer) _cmd_draw_indirect_byte_count_ext(command_buffer, instance_count, first_instance, counter_buffer, counter_buffer_offset, counter_offset, vertex_stride) end """ Extension: VK\\_NV\\_scissor\\_exclusive Arguments: - `command_buffer::CommandBuffer` (externsync) - `exclusive_scissors::Vector{Rect2D}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetExclusiveScissorNV.html) """ function cmd_set_exclusive_scissor_nv(command_buffer, exclusive_scissors::AbstractArray) _cmd_set_exclusive_scissor_nv(command_buffer, convert(AbstractArray{_Rect2D}, exclusive_scissors)) end """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `command_buffer::CommandBuffer` (externsync) - `image_layout::ImageLayout` - `image_view::ImageView`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindShadingRateImageNV.html) """ function cmd_bind_shading_rate_image_nv(command_buffer, image_layout::ImageLayout; image_view = C_NULL) _cmd_bind_shading_rate_image_nv(command_buffer, image_layout; image_view) end """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `command_buffer::CommandBuffer` (externsync) - `shading_rate_palettes::Vector{ShadingRatePaletteNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetViewportShadingRatePaletteNV.html) """ function cmd_set_viewport_shading_rate_palette_nv(command_buffer, shading_rate_palettes::AbstractArray) _cmd_set_viewport_shading_rate_palette_nv(command_buffer, convert(AbstractArray{_ShadingRatePaletteNV}, shading_rate_palettes)) end """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `command_buffer::CommandBuffer` (externsync) - `sample_order_type::CoarseSampleOrderTypeNV` - `custom_sample_orders::Vector{CoarseSampleOrderCustomNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoarseSampleOrderNV.html) """ function cmd_set_coarse_sample_order_nv(command_buffer, sample_order_type::CoarseSampleOrderTypeNV, custom_sample_orders::AbstractArray) _cmd_set_coarse_sample_order_nv(command_buffer, sample_order_type, convert(AbstractArray{_CoarseSampleOrderCustomNV}, custom_sample_orders)) end """ Extension: VK\\_NV\\_mesh\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `task_count::UInt32` - `first_task::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMeshTasksNV.html) """ function cmd_draw_mesh_tasks_nv(command_buffer, task_count::Integer, first_task::Integer) _cmd_draw_mesh_tasks_nv(command_buffer, task_count, first_task) end """ Extension: VK\\_NV\\_mesh\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMeshTasksIndirectNV.html) """ function cmd_draw_mesh_tasks_indirect_nv(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer) _cmd_draw_mesh_tasks_indirect_nv(command_buffer, buffer, offset, draw_count, stride) end """ Extension: VK\\_NV\\_mesh\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `count_buffer::Buffer` - `count_buffer_offset::UInt64` - `max_draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMeshTasksIndirectCountNV.html) """ function cmd_draw_mesh_tasks_indirect_count_nv(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer) _cmd_draw_mesh_tasks_indirect_count_nv(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride) end """ Extension: VK\\_EXT\\_mesh\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `group_count_x::UInt32` - `group_count_y::UInt32` - `group_count_z::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMeshTasksEXT.html) """ function cmd_draw_mesh_tasks_ext(command_buffer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer) _cmd_draw_mesh_tasks_ext(command_buffer, group_count_x, group_count_y, group_count_z) end """ Extension: VK\\_EXT\\_mesh\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMeshTasksIndirectEXT.html) """ function cmd_draw_mesh_tasks_indirect_ext(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer) _cmd_draw_mesh_tasks_indirect_ext(command_buffer, buffer, offset, draw_count, stride) end """ Extension: VK\\_EXT\\_mesh\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `count_buffer::Buffer` - `count_buffer_offset::UInt64` - `max_draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMeshTasksIndirectCountEXT.html) """ function cmd_draw_mesh_tasks_indirect_count_ext(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer) _cmd_draw_mesh_tasks_indirect_count_ext(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride) end """ Extension: VK\\_NV\\_ray\\_tracing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `pipeline::Pipeline` - `shader::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCompileDeferredNV.html) """ function compile_deferred_nv(device, pipeline, shader::Integer)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_compile_deferred_nv(device, pipeline, shader)) val end """ Extension: VK\\_NV\\_ray\\_tracing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `create_info::AccelerationStructureCreateInfoNV` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateAccelerationStructureNV.html) """ function create_acceleration_structure_nv(device, create_info::AccelerationStructureCreateInfoNV; allocator = C_NULL)::ResultTypes.Result{AccelerationStructureNV, VulkanError} val = @propagate_errors(_create_acceleration_structure_nv(device, convert(_AccelerationStructureCreateInfoNV, create_info); allocator)) val end """ Extension: VK\\_HUAWEI\\_invocation\\_mask Arguments: - `command_buffer::CommandBuffer` (externsync) - `image_layout::ImageLayout` - `image_view::ImageView`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindInvocationMaskHUAWEI.html) """ function cmd_bind_invocation_mask_huawei(command_buffer, image_layout::ImageLayout; image_view = C_NULL) _cmd_bind_invocation_mask_huawei(command_buffer, image_layout; image_view) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `device::Device` - `acceleration_structure::AccelerationStructureKHR` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyAccelerationStructureKHR.html) """ function destroy_acceleration_structure_khr(device, acceleration_structure; allocator = C_NULL) _destroy_acceleration_structure_khr(device, acceleration_structure; allocator) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `device::Device` - `acceleration_structure::AccelerationStructureNV` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyAccelerationStructureNV.html) """ function destroy_acceleration_structure_nv(device, acceleration_structure; allocator = C_NULL) _destroy_acceleration_structure_nv(device, acceleration_structure; allocator) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `device::Device` - `info::AccelerationStructureMemoryRequirementsInfoNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetAccelerationStructureMemoryRequirementsNV.html) """ function get_acceleration_structure_memory_requirements_nv(device, info::AccelerationStructureMemoryRequirementsInfoNV) _get_acceleration_structure_memory_requirements_nv(device, convert(_AccelerationStructureMemoryRequirementsInfoNV, info)) end """ Extension: VK\\_NV\\_ray\\_tracing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `bind_infos::Vector{BindAccelerationStructureMemoryInfoNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindAccelerationStructureMemoryNV.html) """ function bind_acceleration_structure_memory_nv(device, bind_infos::AbstractArray)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_acceleration_structure_memory_nv(device, convert(AbstractArray{_BindAccelerationStructureMemoryInfoNV}, bind_infos))) val end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `command_buffer::CommandBuffer` (externsync) - `dst::AccelerationStructureNV` - `src::AccelerationStructureNV` - `mode::CopyAccelerationStructureModeKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyAccelerationStructureNV.html) """ function cmd_copy_acceleration_structure_nv(command_buffer, dst, src, mode::CopyAccelerationStructureModeKHR) _cmd_copy_acceleration_structure_nv(command_buffer, dst, src, mode) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::CopyAccelerationStructureInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyAccelerationStructureKHR.html) """ function cmd_copy_acceleration_structure_khr(command_buffer, info::CopyAccelerationStructureInfoKHR) _cmd_copy_acceleration_structure_khr(command_buffer, convert(_CopyAccelerationStructureInfoKHR, info)) end """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::CopyAccelerationStructureInfoKHR` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCopyAccelerationStructureKHR.html) """ function copy_acceleration_structure_khr(device, info::CopyAccelerationStructureInfoKHR; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_copy_acceleration_structure_khr(device, convert(_CopyAccelerationStructureInfoKHR, info); deferred_operation)) val end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::CopyAccelerationStructureToMemoryInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyAccelerationStructureToMemoryKHR.html) """ function cmd_copy_acceleration_structure_to_memory_khr(command_buffer, info::CopyAccelerationStructureToMemoryInfoKHR) _cmd_copy_acceleration_structure_to_memory_khr(command_buffer, convert(_CopyAccelerationStructureToMemoryInfoKHR, info)) end """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::CopyAccelerationStructureToMemoryInfoKHR` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCopyAccelerationStructureToMemoryKHR.html) """ function copy_acceleration_structure_to_memory_khr(device, info::CopyAccelerationStructureToMemoryInfoKHR; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_copy_acceleration_structure_to_memory_khr(device, convert(_CopyAccelerationStructureToMemoryInfoKHR, info); deferred_operation)) val end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::CopyMemoryToAccelerationStructureInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyMemoryToAccelerationStructureKHR.html) """ function cmd_copy_memory_to_acceleration_structure_khr(command_buffer, info::CopyMemoryToAccelerationStructureInfoKHR) _cmd_copy_memory_to_acceleration_structure_khr(command_buffer, convert(_CopyMemoryToAccelerationStructureInfoKHR, info)) end """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::CopyMemoryToAccelerationStructureInfoKHR` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCopyMemoryToAccelerationStructureKHR.html) """ function copy_memory_to_acceleration_structure_khr(device, info::CopyMemoryToAccelerationStructureInfoKHR; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_copy_memory_to_acceleration_structure_khr(device, convert(_CopyMemoryToAccelerationStructureInfoKHR, info); deferred_operation)) val end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `command_buffer::CommandBuffer` (externsync) - `acceleration_structures::Vector{AccelerationStructureKHR}` - `query_type::QueryType` - `query_pool::QueryPool` - `first_query::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteAccelerationStructuresPropertiesKHR.html) """ function cmd_write_acceleration_structures_properties_khr(command_buffer, acceleration_structures::AbstractArray, query_type::QueryType, query_pool, first_query::Integer) _cmd_write_acceleration_structures_properties_khr(command_buffer, acceleration_structures, query_type, query_pool, first_query) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `command_buffer::CommandBuffer` (externsync) - `acceleration_structures::Vector{AccelerationStructureNV}` - `query_type::QueryType` - `query_pool::QueryPool` - `first_query::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteAccelerationStructuresPropertiesNV.html) """ function cmd_write_acceleration_structures_properties_nv(command_buffer, acceleration_structures::AbstractArray, query_type::QueryType, query_pool, first_query::Integer) _cmd_write_acceleration_structures_properties_nv(command_buffer, acceleration_structures, query_type, query_pool, first_query) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::AccelerationStructureInfoNV` - `instance_offset::UInt64` - `update::Bool` - `dst::AccelerationStructureNV` - `scratch::Buffer` - `scratch_offset::UInt64` - `instance_data::Buffer`: defaults to `C_NULL` - `src::AccelerationStructureNV`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBuildAccelerationStructureNV.html) """ function cmd_build_acceleration_structure_nv(command_buffer, info::AccelerationStructureInfoNV, instance_offset::Integer, update::Bool, dst, scratch, scratch_offset::Integer; instance_data = C_NULL, src = C_NULL) _cmd_build_acceleration_structure_nv(command_buffer, convert(_AccelerationStructureInfoNV, info), instance_offset, update, dst, scratch, scratch_offset; instance_data, src) end """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `acceleration_structures::Vector{AccelerationStructureKHR}` - `query_type::QueryType` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) - `stride::UInt` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkWriteAccelerationStructuresPropertiesKHR.html) """ function write_acceleration_structures_properties_khr(device, acceleration_structures::AbstractArray, query_type::QueryType, data_size::Integer, data::Ptr{Cvoid}, stride::Integer)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_write_acceleration_structures_properties_khr(device, acceleration_structures, query_type, data_size, data, stride)) val end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `command_buffer::CommandBuffer` (externsync) - `raygen_shader_binding_table::StridedDeviceAddressRegionKHR` - `miss_shader_binding_table::StridedDeviceAddressRegionKHR` - `hit_shader_binding_table::StridedDeviceAddressRegionKHR` - `callable_shader_binding_table::StridedDeviceAddressRegionKHR` - `width::UInt32` - `height::UInt32` - `depth::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdTraceRaysKHR.html) """ function cmd_trace_rays_khr(command_buffer, raygen_shader_binding_table::StridedDeviceAddressRegionKHR, miss_shader_binding_table::StridedDeviceAddressRegionKHR, hit_shader_binding_table::StridedDeviceAddressRegionKHR, callable_shader_binding_table::StridedDeviceAddressRegionKHR, width::Integer, height::Integer, depth::Integer) _cmd_trace_rays_khr(command_buffer, convert(_StridedDeviceAddressRegionKHR, raygen_shader_binding_table), convert(_StridedDeviceAddressRegionKHR, miss_shader_binding_table), convert(_StridedDeviceAddressRegionKHR, hit_shader_binding_table), convert(_StridedDeviceAddressRegionKHR, callable_shader_binding_table), width, height, depth) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `command_buffer::CommandBuffer` (externsync) - `raygen_shader_binding_table_buffer::Buffer` - `raygen_shader_binding_offset::UInt64` - `miss_shader_binding_offset::UInt64` - `miss_shader_binding_stride::UInt64` - `hit_shader_binding_offset::UInt64` - `hit_shader_binding_stride::UInt64` - `callable_shader_binding_offset::UInt64` - `callable_shader_binding_stride::UInt64` - `width::UInt32` - `height::UInt32` - `depth::UInt32` - `miss_shader_binding_table_buffer::Buffer`: defaults to `C_NULL` - `hit_shader_binding_table_buffer::Buffer`: defaults to `C_NULL` - `callable_shader_binding_table_buffer::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdTraceRaysNV.html) """ function cmd_trace_rays_nv(command_buffer, raygen_shader_binding_table_buffer, raygen_shader_binding_offset::Integer, miss_shader_binding_offset::Integer, miss_shader_binding_stride::Integer, hit_shader_binding_offset::Integer, hit_shader_binding_stride::Integer, callable_shader_binding_offset::Integer, callable_shader_binding_stride::Integer, width::Integer, height::Integer, depth::Integer; miss_shader_binding_table_buffer = C_NULL, hit_shader_binding_table_buffer = C_NULL, callable_shader_binding_table_buffer = C_NULL) _cmd_trace_rays_nv(command_buffer, raygen_shader_binding_table_buffer, raygen_shader_binding_offset, miss_shader_binding_offset, miss_shader_binding_stride, hit_shader_binding_offset, hit_shader_binding_stride, callable_shader_binding_offset, callable_shader_binding_stride, width, height, depth; miss_shader_binding_table_buffer, hit_shader_binding_table_buffer, callable_shader_binding_table_buffer) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `pipeline::Pipeline` - `first_group::UInt32` - `group_count::UInt32` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetRayTracingShaderGroupHandlesKHR.html) """ function get_ray_tracing_shader_group_handles_khr(device, pipeline, first_group::Integer, group_count::Integer, data_size::Integer, data::Ptr{Cvoid})::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_ray_tracing_shader_group_handles_khr(device, pipeline, first_group, group_count, data_size, data)) val end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `pipeline::Pipeline` - `first_group::UInt32` - `group_count::UInt32` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetRayTracingCaptureReplayShaderGroupHandlesKHR.html) """ function get_ray_tracing_capture_replay_shader_group_handles_khr(device, pipeline, first_group::Integer, group_count::Integer, data_size::Integer, data::Ptr{Cvoid})::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_ray_tracing_capture_replay_shader_group_handles_khr(device, pipeline, first_group, group_count, data_size, data)) val end """ Extension: VK\\_NV\\_ray\\_tracing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `acceleration_structure::AccelerationStructureNV` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetAccelerationStructureHandleNV.html) """ function get_acceleration_structure_handle_nv(device, acceleration_structure, data_size::Integer, data::Ptr{Cvoid})::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_acceleration_structure_handle_nv(device, acceleration_structure, data_size, data)) val end """ Extension: VK\\_NV\\_ray\\_tracing Return codes: - `SUCCESS` - `PIPELINE_COMPILE_REQUIRED_EXT` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_SHADER_NV` Arguments: - `device::Device` - `create_infos::Vector{RayTracingPipelineCreateInfoNV}` - `pipeline_cache::PipelineCache`: defaults to `C_NULL` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRayTracingPipelinesNV.html) """ function create_ray_tracing_pipelines_nv(device, create_infos::AbstractArray; pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} val = @propagate_errors(_create_ray_tracing_pipelines_nv(device, convert(AbstractArray{_RayTracingPipelineCreateInfoNV}, create_infos); pipeline_cache, allocator)) val end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `PIPELINE_COMPILE_REQUIRED_EXT` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS` Arguments: - `device::Device` - `create_infos::Vector{RayTracingPipelineCreateInfoKHR}` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` - `pipeline_cache::PipelineCache`: defaults to `C_NULL` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRayTracingPipelinesKHR.html) """ function create_ray_tracing_pipelines_khr(device, create_infos::AbstractArray; deferred_operation = C_NULL, pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} val = @propagate_errors(_create_ray_tracing_pipelines_khr(device, convert(AbstractArray{_RayTracingPipelineCreateInfoKHR}, create_infos); deferred_operation, pipeline_cache, allocator)) val end """ Extension: VK\\_NV\\_cooperative\\_matrix Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceCooperativeMatrixPropertiesNV.html) """ function get_physical_device_cooperative_matrix_properties_nv(physical_device)::ResultTypes.Result{Vector{CooperativeMatrixPropertiesNV}, VulkanError} val = @propagate_errors(_get_physical_device_cooperative_matrix_properties_nv(physical_device)) CooperativeMatrixPropertiesNV.(val) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `command_buffer::CommandBuffer` (externsync) - `raygen_shader_binding_table::StridedDeviceAddressRegionKHR` - `miss_shader_binding_table::StridedDeviceAddressRegionKHR` - `hit_shader_binding_table::StridedDeviceAddressRegionKHR` - `callable_shader_binding_table::StridedDeviceAddressRegionKHR` - `indirect_device_address::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdTraceRaysIndirectKHR.html) """ function cmd_trace_rays_indirect_khr(command_buffer, raygen_shader_binding_table::StridedDeviceAddressRegionKHR, miss_shader_binding_table::StridedDeviceAddressRegionKHR, hit_shader_binding_table::StridedDeviceAddressRegionKHR, callable_shader_binding_table::StridedDeviceAddressRegionKHR, indirect_device_address::Integer) _cmd_trace_rays_indirect_khr(command_buffer, convert(_StridedDeviceAddressRegionKHR, raygen_shader_binding_table), convert(_StridedDeviceAddressRegionKHR, miss_shader_binding_table), convert(_StridedDeviceAddressRegionKHR, hit_shader_binding_table), convert(_StridedDeviceAddressRegionKHR, callable_shader_binding_table), indirect_device_address) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_maintenance1 Arguments: - `command_buffer::CommandBuffer` (externsync) - `indirect_device_address::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdTraceRaysIndirect2KHR.html) """ function cmd_trace_rays_indirect_2_khr(command_buffer, indirect_device_address::Integer) _cmd_trace_rays_indirect_2_khr(command_buffer, indirect_device_address) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `device::Device` - `version_info::AccelerationStructureVersionInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceAccelerationStructureCompatibilityKHR.html) """ function get_device_acceleration_structure_compatibility_khr(device, version_info::AccelerationStructureVersionInfoKHR) _get_device_acceleration_structure_compatibility_khr(device, convert(_AccelerationStructureVersionInfoKHR, version_info)) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `device::Device` - `pipeline::Pipeline` - `group::UInt32` - `group_shader::ShaderGroupShaderKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetRayTracingShaderGroupStackSizeKHR.html) """ function get_ray_tracing_shader_group_stack_size_khr(device, pipeline, group::Integer, group_shader::ShaderGroupShaderKHR) _get_ray_tracing_shader_group_stack_size_khr(device, pipeline, group, group_shader) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_stack_size::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetRayTracingPipelineStackSizeKHR.html) """ function cmd_set_ray_tracing_pipeline_stack_size_khr(command_buffer, pipeline_stack_size::Integer) _cmd_set_ray_tracing_pipeline_stack_size_khr(command_buffer, pipeline_stack_size) end """ Extension: VK\\_NVX\\_image\\_view\\_handle Arguments: - `device::Device` - `info::ImageViewHandleInfoNVX` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageViewHandleNVX.html) """ function get_image_view_handle_nvx(device, info::ImageViewHandleInfoNVX) _get_image_view_handle_nvx(device, convert(_ImageViewHandleInfoNVX, info)) end """ Extension: VK\\_NVX\\_image\\_view\\_handle Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_UNKNOWN` Arguments: - `device::Device` - `image_view::ImageView` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageViewAddressNVX.html) """ function get_image_view_address_nvx(device, image_view)::ResultTypes.Result{ImageViewAddressPropertiesNVX, VulkanError} val = @propagate_errors(_get_image_view_address_nvx(device, image_view)) ImageViewAddressPropertiesNVX(val) end """ Extension: VK\\_KHR\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `physical_device::PhysicalDevice` - `queue_family_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumeratePhysicalDeviceQueueFamilyPerformanceQueryCountersKHR.html) """ function enumerate_physical_device_queue_family_performance_query_counters_khr(physical_device, queue_family_index::Integer)::ResultTypes.Result{Tuple{Vector{_PerformanceCounterKHR}, Vector{_PerformanceCounterDescriptionKHR}}, VulkanError} val = @propagate_errors(_enumerate_physical_device_queue_family_performance_query_counters_khr(physical_device, queue_family_index)) val end """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `physical_device::PhysicalDevice` - `performance_query_create_info::QueryPoolPerformanceCreateInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceQueueFamilyPerformanceQueryPassesKHR.html) """ function get_physical_device_queue_family_performance_query_passes_khr(physical_device, performance_query_create_info::QueryPoolPerformanceCreateInfoKHR) _get_physical_device_queue_family_performance_query_passes_khr(physical_device, convert(_QueryPoolPerformanceCreateInfoKHR, performance_query_create_info)) end """ Extension: VK\\_KHR\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `TIMEOUT` Arguments: - `device::Device` - `info::AcquireProfilingLockInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAcquireProfilingLockKHR.html) """ function acquire_profiling_lock_khr(device, info::AcquireProfilingLockInfoKHR)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_acquire_profiling_lock_khr(device, convert(_AcquireProfilingLockInfoKHR, info))) val end """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `device::Device` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkReleaseProfilingLockKHR.html) """ function release_profiling_lock_khr(device) _release_profiling_lock_khr(device) end """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `image::Image` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageDrmFormatModifierPropertiesEXT.html) """ function get_image_drm_format_modifier_properties_ext(device, image)::ResultTypes.Result{ImageDrmFormatModifierPropertiesEXT, VulkanError} val = @propagate_errors(_get_image_drm_format_modifier_properties_ext(device, image)) ImageDrmFormatModifierPropertiesEXT(val) end """ Arguments: - `device::Device` - `info::BufferDeviceAddressInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetBufferOpaqueCaptureAddress.html) """ function get_buffer_opaque_capture_address(device, info::BufferDeviceAddressInfo) _get_buffer_opaque_capture_address(device, convert(_BufferDeviceAddressInfo, info)) end """ Arguments: - `device::Device` - `info::BufferDeviceAddressInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetBufferDeviceAddress.html) """ function get_buffer_device_address(device, info::BufferDeviceAddressInfo) _get_buffer_device_address(device, convert(_BufferDeviceAddressInfo, info)) end """ Extension: VK\\_EXT\\_headless\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `create_info::HeadlessSurfaceCreateInfoEXT` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateHeadlessSurfaceEXT.html) """ function create_headless_surface_ext(instance, create_info::HeadlessSurfaceCreateInfoEXT; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_headless_surface_ext(instance, convert(_HeadlessSurfaceCreateInfoEXT, create_info); allocator)) val end """ Extension: VK\\_NV\\_coverage\\_reduction\\_mode Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSupportedFramebufferMixedSamplesCombinationsNV.html) """ function get_physical_device_supported_framebuffer_mixed_samples_combinations_nv(physical_device)::ResultTypes.Result{Vector{FramebufferMixedSamplesCombinationNV}, VulkanError} val = @propagate_errors(_get_physical_device_supported_framebuffer_mixed_samples_combinations_nv(physical_device)) FramebufferMixedSamplesCombinationNV.(val) end """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `initialize_info::InitializePerformanceApiInfoINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkInitializePerformanceApiINTEL.html) """ function initialize_performance_api_intel(device, initialize_info::InitializePerformanceApiInfoINTEL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_initialize_performance_api_intel(device, convert(_InitializePerformanceApiInfoINTEL, initialize_info))) val end """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `device::Device` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkUninitializePerformanceApiINTEL.html) """ function uninitialize_performance_api_intel(device) _uninitialize_performance_api_intel(device) end """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `command_buffer::CommandBuffer` (externsync) - `marker_info::PerformanceMarkerInfoINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPerformanceMarkerINTEL.html) """ function cmd_set_performance_marker_intel(command_buffer, marker_info::PerformanceMarkerInfoINTEL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_cmd_set_performance_marker_intel(command_buffer, convert(_PerformanceMarkerInfoINTEL, marker_info))) val end """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `command_buffer::CommandBuffer` (externsync) - `marker_info::PerformanceStreamMarkerInfoINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPerformanceStreamMarkerINTEL.html) """ function cmd_set_performance_stream_marker_intel(command_buffer, marker_info::PerformanceStreamMarkerInfoINTEL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_cmd_set_performance_stream_marker_intel(command_buffer, convert(_PerformanceStreamMarkerInfoINTEL, marker_info))) val end """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `command_buffer::CommandBuffer` (externsync) - `override_info::PerformanceOverrideInfoINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPerformanceOverrideINTEL.html) """ function cmd_set_performance_override_intel(command_buffer, override_info::PerformanceOverrideInfoINTEL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_cmd_set_performance_override_intel(command_buffer, convert(_PerformanceOverrideInfoINTEL, override_info))) val end """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `acquire_info::PerformanceConfigurationAcquireInfoINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAcquirePerformanceConfigurationINTEL.html) """ function acquire_performance_configuration_intel(device, acquire_info::PerformanceConfigurationAcquireInfoINTEL)::ResultTypes.Result{PerformanceConfigurationINTEL, VulkanError} val = @propagate_errors(_acquire_performance_configuration_intel(device, convert(_PerformanceConfigurationAcquireInfoINTEL, acquire_info))) val end """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `configuration::PerformanceConfigurationINTEL`: defaults to `C_NULL` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkReleasePerformanceConfigurationINTEL.html) """ function release_performance_configuration_intel(device; configuration = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_release_performance_configuration_intel(device; configuration)) val end """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `queue::Queue` - `configuration::PerformanceConfigurationINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueSetPerformanceConfigurationINTEL.html) """ function queue_set_performance_configuration_intel(queue, configuration)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_queue_set_performance_configuration_intel(queue, configuration)) val end """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `parameter::PerformanceParameterTypeINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPerformanceParameterINTEL.html) """ function get_performance_parameter_intel(device, parameter::PerformanceParameterTypeINTEL)::ResultTypes.Result{PerformanceValueINTEL, VulkanError} val = @propagate_errors(_get_performance_parameter_intel(device, parameter)) PerformanceValueINTEL(val) end """ Arguments: - `device::Device` - `info::DeviceMemoryOpaqueCaptureAddressInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceMemoryOpaqueCaptureAddress.html) """ function get_device_memory_opaque_capture_address(device, info::DeviceMemoryOpaqueCaptureAddressInfo) _get_device_memory_opaque_capture_address(device, convert(_DeviceMemoryOpaqueCaptureAddressInfo, info)) end """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `pipeline_info::PipelineInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPipelineExecutablePropertiesKHR.html) """ function get_pipeline_executable_properties_khr(device, pipeline_info::PipelineInfoKHR)::ResultTypes.Result{Vector{PipelineExecutablePropertiesKHR}, VulkanError} val = @propagate_errors(_get_pipeline_executable_properties_khr(device, convert(_PipelineInfoKHR, pipeline_info))) PipelineExecutablePropertiesKHR.(val) end """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `executable_info::PipelineExecutableInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPipelineExecutableStatisticsKHR.html) """ function get_pipeline_executable_statistics_khr(device, executable_info::PipelineExecutableInfoKHR)::ResultTypes.Result{Vector{PipelineExecutableStatisticKHR}, VulkanError} val = @propagate_errors(_get_pipeline_executable_statistics_khr(device, convert(_PipelineExecutableInfoKHR, executable_info))) PipelineExecutableStatisticKHR.(val) end """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `executable_info::PipelineExecutableInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPipelineExecutableInternalRepresentationsKHR.html) """ function get_pipeline_executable_internal_representations_khr(device, executable_info::PipelineExecutableInfoKHR)::ResultTypes.Result{Vector{PipelineExecutableInternalRepresentationKHR}, VulkanError} val = @propagate_errors(_get_pipeline_executable_internal_representations_khr(device, convert(_PipelineExecutableInfoKHR, executable_info))) PipelineExecutableInternalRepresentationKHR.(val) end """ Extension: VK\\_EXT\\_line\\_rasterization Arguments: - `command_buffer::CommandBuffer` (externsync) - `line_stipple_factor::UInt32` - `line_stipple_pattern::UInt16` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetLineStippleEXT.html) """ function cmd_set_line_stipple_ext(command_buffer, line_stipple_factor::Integer, line_stipple_pattern::Integer) _cmd_set_line_stipple_ext(command_buffer, line_stipple_factor, line_stipple_pattern) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceToolProperties.html) """ function get_physical_device_tool_properties(physical_device)::ResultTypes.Result{Vector{PhysicalDeviceToolProperties}, VulkanError} val = @propagate_errors(_get_physical_device_tool_properties(physical_device)) PhysicalDeviceToolProperties.(val) end """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `create_info::AccelerationStructureCreateInfoKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateAccelerationStructureKHR.html) """ function create_acceleration_structure_khr(device, create_info::AccelerationStructureCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{AccelerationStructureKHR, VulkanError} val = @propagate_errors(_create_acceleration_structure_khr(device, convert(_AccelerationStructureCreateInfoKHR, create_info); allocator)) val end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `command_buffer::CommandBuffer` (externsync) - `infos::Vector{AccelerationStructureBuildGeometryInfoKHR}` - `build_range_infos::Vector{AccelerationStructureBuildRangeInfoKHR}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBuildAccelerationStructuresKHR.html) """ function cmd_build_acceleration_structures_khr(command_buffer, infos::AbstractArray, build_range_infos::AbstractArray) _cmd_build_acceleration_structures_khr(command_buffer, convert(AbstractArray{_AccelerationStructureBuildGeometryInfoKHR}, infos), convert(AbstractArray{_AccelerationStructureBuildRangeInfoKHR}, build_range_infos)) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `command_buffer::CommandBuffer` (externsync) - `infos::Vector{AccelerationStructureBuildGeometryInfoKHR}` - `indirect_device_addresses::Vector{UInt64}` - `indirect_strides::Vector{UInt32}` - `max_primitive_counts::Vector{UInt32}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBuildAccelerationStructuresIndirectKHR.html) """ function cmd_build_acceleration_structures_indirect_khr(command_buffer, infos::AbstractArray, indirect_device_addresses::AbstractArray, indirect_strides::AbstractArray, max_primitive_counts::AbstractArray) _cmd_build_acceleration_structures_indirect_khr(command_buffer, convert(AbstractArray{_AccelerationStructureBuildGeometryInfoKHR}, infos), indirect_device_addresses, indirect_strides, max_primitive_counts) end """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `infos::Vector{AccelerationStructureBuildGeometryInfoKHR}` - `build_range_infos::Vector{AccelerationStructureBuildRangeInfoKHR}` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBuildAccelerationStructuresKHR.html) """ function build_acceleration_structures_khr(device, infos::AbstractArray, build_range_infos::AbstractArray; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_build_acceleration_structures_khr(device, convert(AbstractArray{_AccelerationStructureBuildGeometryInfoKHR}, infos), convert(AbstractArray{_AccelerationStructureBuildRangeInfoKHR}, build_range_infos); deferred_operation)) val end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `device::Device` - `info::AccelerationStructureDeviceAddressInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetAccelerationStructureDeviceAddressKHR.html) """ function get_acceleration_structure_device_address_khr(device, info::AccelerationStructureDeviceAddressInfoKHR) _get_acceleration_structure_device_address_khr(device, convert(_AccelerationStructureDeviceAddressInfoKHR, info)) end """ Extension: VK\\_KHR\\_deferred\\_host\\_operations Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDeferredOperationKHR.html) """ function create_deferred_operation_khr(device; allocator = C_NULL)::ResultTypes.Result{DeferredOperationKHR, VulkanError} val = @propagate_errors(_create_deferred_operation_khr(device; allocator)) val end """ Extension: VK\\_KHR\\_deferred\\_host\\_operations Arguments: - `device::Device` - `operation::DeferredOperationKHR` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDeferredOperationKHR.html) """ function destroy_deferred_operation_khr(device, operation; allocator = C_NULL) _destroy_deferred_operation_khr(device, operation; allocator) end """ Extension: VK\\_KHR\\_deferred\\_host\\_operations Arguments: - `device::Device` - `operation::DeferredOperationKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeferredOperationMaxConcurrencyKHR.html) """ function get_deferred_operation_max_concurrency_khr(device, operation) _get_deferred_operation_max_concurrency_khr(device, operation) end """ Extension: VK\\_KHR\\_deferred\\_host\\_operations Return codes: - `SUCCESS` - `NOT_READY` Arguments: - `device::Device` - `operation::DeferredOperationKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeferredOperationResultKHR.html) """ function get_deferred_operation_result_khr(device, operation)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_deferred_operation_result_khr(device, operation)) val end """ Extension: VK\\_KHR\\_deferred\\_host\\_operations Return codes: - `SUCCESS` - `THREAD_DONE_KHR` - `THREAD_IDLE_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `operation::DeferredOperationKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDeferredOperationJoinKHR.html) """ function deferred_operation_join_khr(device, operation)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_deferred_operation_join_khr(device, operation)) val end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `cull_mode::CullModeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCullMode.html) """ function cmd_set_cull_mode(command_buffer; cull_mode = 0) _cmd_set_cull_mode(command_buffer; cull_mode) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `front_face::FrontFace` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetFrontFace.html) """ function cmd_set_front_face(command_buffer, front_face::FrontFace) _cmd_set_front_face(command_buffer, front_face) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `primitive_topology::PrimitiveTopology` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPrimitiveTopology.html) """ function cmd_set_primitive_topology(command_buffer, primitive_topology::PrimitiveTopology) _cmd_set_primitive_topology(command_buffer, primitive_topology) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `viewports::Vector{Viewport}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetViewportWithCount.html) """ function cmd_set_viewport_with_count(command_buffer, viewports::AbstractArray) _cmd_set_viewport_with_count(command_buffer, convert(AbstractArray{_Viewport}, viewports)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `scissors::Vector{Rect2D}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetScissorWithCount.html) """ function cmd_set_scissor_with_count(command_buffer, scissors::AbstractArray) _cmd_set_scissor_with_count(command_buffer, convert(AbstractArray{_Rect2D}, scissors)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffers::Vector{Buffer}` - `offsets::Vector{UInt64}` - `sizes::Vector{UInt64}`: defaults to `C_NULL` - `strides::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindVertexBuffers2.html) """ function cmd_bind_vertex_buffers_2(command_buffer, buffers::AbstractArray, offsets::AbstractArray; sizes = C_NULL, strides = C_NULL) _cmd_bind_vertex_buffers_2(command_buffer, buffers, offsets; sizes, strides) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_test_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthTestEnable.html) """ function cmd_set_depth_test_enable(command_buffer, depth_test_enable::Bool) _cmd_set_depth_test_enable(command_buffer, depth_test_enable) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_write_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthWriteEnable.html) """ function cmd_set_depth_write_enable(command_buffer, depth_write_enable::Bool) _cmd_set_depth_write_enable(command_buffer, depth_write_enable) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_compare_op::CompareOp` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthCompareOp.html) """ function cmd_set_depth_compare_op(command_buffer, depth_compare_op::CompareOp) _cmd_set_depth_compare_op(command_buffer, depth_compare_op) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_bounds_test_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthBoundsTestEnable.html) """ function cmd_set_depth_bounds_test_enable(command_buffer, depth_bounds_test_enable::Bool) _cmd_set_depth_bounds_test_enable(command_buffer, depth_bounds_test_enable) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `stencil_test_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetStencilTestEnable.html) """ function cmd_set_stencil_test_enable(command_buffer, stencil_test_enable::Bool) _cmd_set_stencil_test_enable(command_buffer, stencil_test_enable) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `face_mask::StencilFaceFlag` - `fail_op::StencilOp` - `pass_op::StencilOp` - `depth_fail_op::StencilOp` - `compare_op::CompareOp` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetStencilOp.html) """ function cmd_set_stencil_op(command_buffer, face_mask::StencilFaceFlag, fail_op::StencilOp, pass_op::StencilOp, depth_fail_op::StencilOp, compare_op::CompareOp) _cmd_set_stencil_op(command_buffer, face_mask, fail_op, pass_op, depth_fail_op, compare_op) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state2 Arguments: - `command_buffer::CommandBuffer` (externsync) - `patch_control_points::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPatchControlPointsEXT.html) """ function cmd_set_patch_control_points_ext(command_buffer, patch_control_points::Integer) _cmd_set_patch_control_points_ext(command_buffer, patch_control_points) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `rasterizer_discard_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetRasterizerDiscardEnable.html) """ function cmd_set_rasterizer_discard_enable(command_buffer, rasterizer_discard_enable::Bool) _cmd_set_rasterizer_discard_enable(command_buffer, rasterizer_discard_enable) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_bias_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthBiasEnable.html) """ function cmd_set_depth_bias_enable(command_buffer, depth_bias_enable::Bool) _cmd_set_depth_bias_enable(command_buffer, depth_bias_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state2 Arguments: - `command_buffer::CommandBuffer` (externsync) - `logic_op::LogicOp` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetLogicOpEXT.html) """ function cmd_set_logic_op_ext(command_buffer, logic_op::LogicOp) _cmd_set_logic_op_ext(command_buffer, logic_op) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `primitive_restart_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPrimitiveRestartEnable.html) """ function cmd_set_primitive_restart_enable(command_buffer, primitive_restart_enable::Bool) _cmd_set_primitive_restart_enable(command_buffer, primitive_restart_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `domain_origin::TessellationDomainOrigin` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetTessellationDomainOriginEXT.html) """ function cmd_set_tessellation_domain_origin_ext(command_buffer, domain_origin::TessellationDomainOrigin) _cmd_set_tessellation_domain_origin_ext(command_buffer, domain_origin) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_clamp_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthClampEnableEXT.html) """ function cmd_set_depth_clamp_enable_ext(command_buffer, depth_clamp_enable::Bool) _cmd_set_depth_clamp_enable_ext(command_buffer, depth_clamp_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `polygon_mode::PolygonMode` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPolygonModeEXT.html) """ function cmd_set_polygon_mode_ext(command_buffer, polygon_mode::PolygonMode) _cmd_set_polygon_mode_ext(command_buffer, polygon_mode) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `rasterization_samples::SampleCountFlag` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetRasterizationSamplesEXT.html) """ function cmd_set_rasterization_samples_ext(command_buffer, rasterization_samples::SampleCountFlag) _cmd_set_rasterization_samples_ext(command_buffer, rasterization_samples) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `samples::SampleCountFlag` - `sample_mask::Vector{UInt32}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetSampleMaskEXT.html) """ function cmd_set_sample_mask_ext(command_buffer, samples::SampleCountFlag, sample_mask::AbstractArray) _cmd_set_sample_mask_ext(command_buffer, samples, sample_mask) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `alpha_to_coverage_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetAlphaToCoverageEnableEXT.html) """ function cmd_set_alpha_to_coverage_enable_ext(command_buffer, alpha_to_coverage_enable::Bool) _cmd_set_alpha_to_coverage_enable_ext(command_buffer, alpha_to_coverage_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `alpha_to_one_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetAlphaToOneEnableEXT.html) """ function cmd_set_alpha_to_one_enable_ext(command_buffer, alpha_to_one_enable::Bool) _cmd_set_alpha_to_one_enable_ext(command_buffer, alpha_to_one_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `logic_op_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetLogicOpEnableEXT.html) """ function cmd_set_logic_op_enable_ext(command_buffer, logic_op_enable::Bool) _cmd_set_logic_op_enable_ext(command_buffer, logic_op_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `color_blend_enables::Vector{Bool}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetColorBlendEnableEXT.html) """ function cmd_set_color_blend_enable_ext(command_buffer, color_blend_enables::AbstractArray) _cmd_set_color_blend_enable_ext(command_buffer, color_blend_enables) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `color_blend_equations::Vector{ColorBlendEquationEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetColorBlendEquationEXT.html) """ function cmd_set_color_blend_equation_ext(command_buffer, color_blend_equations::AbstractArray) _cmd_set_color_blend_equation_ext(command_buffer, convert(AbstractArray{_ColorBlendEquationEXT}, color_blend_equations)) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `color_write_masks::Vector{ColorComponentFlag}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetColorWriteMaskEXT.html) """ function cmd_set_color_write_mask_ext(command_buffer, color_write_masks::AbstractArray) _cmd_set_color_write_mask_ext(command_buffer, color_write_masks) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `rasterization_stream::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetRasterizationStreamEXT.html) """ function cmd_set_rasterization_stream_ext(command_buffer, rasterization_stream::Integer) _cmd_set_rasterization_stream_ext(command_buffer, rasterization_stream) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `conservative_rasterization_mode::ConservativeRasterizationModeEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetConservativeRasterizationModeEXT.html) """ function cmd_set_conservative_rasterization_mode_ext(command_buffer, conservative_rasterization_mode::ConservativeRasterizationModeEXT) _cmd_set_conservative_rasterization_mode_ext(command_buffer, conservative_rasterization_mode) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `extra_primitive_overestimation_size::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetExtraPrimitiveOverestimationSizeEXT.html) """ function cmd_set_extra_primitive_overestimation_size_ext(command_buffer, extra_primitive_overestimation_size::Real) _cmd_set_extra_primitive_overestimation_size_ext(command_buffer, extra_primitive_overestimation_size) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_clip_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthClipEnableEXT.html) """ function cmd_set_depth_clip_enable_ext(command_buffer, depth_clip_enable::Bool) _cmd_set_depth_clip_enable_ext(command_buffer, depth_clip_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `sample_locations_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetSampleLocationsEnableEXT.html) """ function cmd_set_sample_locations_enable_ext(command_buffer, sample_locations_enable::Bool) _cmd_set_sample_locations_enable_ext(command_buffer, sample_locations_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `color_blend_advanced::Vector{ColorBlendAdvancedEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetColorBlendAdvancedEXT.html) """ function cmd_set_color_blend_advanced_ext(command_buffer, color_blend_advanced::AbstractArray) _cmd_set_color_blend_advanced_ext(command_buffer, convert(AbstractArray{_ColorBlendAdvancedEXT}, color_blend_advanced)) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `provoking_vertex_mode::ProvokingVertexModeEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetProvokingVertexModeEXT.html) """ function cmd_set_provoking_vertex_mode_ext(command_buffer, provoking_vertex_mode::ProvokingVertexModeEXT) _cmd_set_provoking_vertex_mode_ext(command_buffer, provoking_vertex_mode) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `line_rasterization_mode::LineRasterizationModeEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetLineRasterizationModeEXT.html) """ function cmd_set_line_rasterization_mode_ext(command_buffer, line_rasterization_mode::LineRasterizationModeEXT) _cmd_set_line_rasterization_mode_ext(command_buffer, line_rasterization_mode) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `stippled_line_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetLineStippleEnableEXT.html) """ function cmd_set_line_stipple_enable_ext(command_buffer, stippled_line_enable::Bool) _cmd_set_line_stipple_enable_ext(command_buffer, stippled_line_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `negative_one_to_one::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthClipNegativeOneToOneEXT.html) """ function cmd_set_depth_clip_negative_one_to_one_ext(command_buffer, negative_one_to_one::Bool) _cmd_set_depth_clip_negative_one_to_one_ext(command_buffer, negative_one_to_one) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `viewport_w_scaling_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetViewportWScalingEnableNV.html) """ function cmd_set_viewport_w_scaling_enable_nv(command_buffer, viewport_w_scaling_enable::Bool) _cmd_set_viewport_w_scaling_enable_nv(command_buffer, viewport_w_scaling_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `viewport_swizzles::Vector{ViewportSwizzleNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetViewportSwizzleNV.html) """ function cmd_set_viewport_swizzle_nv(command_buffer, viewport_swizzles::AbstractArray) _cmd_set_viewport_swizzle_nv(command_buffer, convert(AbstractArray{_ViewportSwizzleNV}, viewport_swizzles)) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `coverage_to_color_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoverageToColorEnableNV.html) """ function cmd_set_coverage_to_color_enable_nv(command_buffer, coverage_to_color_enable::Bool) _cmd_set_coverage_to_color_enable_nv(command_buffer, coverage_to_color_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `coverage_to_color_location::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoverageToColorLocationNV.html) """ function cmd_set_coverage_to_color_location_nv(command_buffer, coverage_to_color_location::Integer) _cmd_set_coverage_to_color_location_nv(command_buffer, coverage_to_color_location) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `coverage_modulation_mode::CoverageModulationModeNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoverageModulationModeNV.html) """ function cmd_set_coverage_modulation_mode_nv(command_buffer, coverage_modulation_mode::CoverageModulationModeNV) _cmd_set_coverage_modulation_mode_nv(command_buffer, coverage_modulation_mode) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `coverage_modulation_table_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoverageModulationTableEnableNV.html) """ function cmd_set_coverage_modulation_table_enable_nv(command_buffer, coverage_modulation_table_enable::Bool) _cmd_set_coverage_modulation_table_enable_nv(command_buffer, coverage_modulation_table_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `coverage_modulation_table::Vector{Float32}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoverageModulationTableNV.html) """ function cmd_set_coverage_modulation_table_nv(command_buffer, coverage_modulation_table::AbstractArray) _cmd_set_coverage_modulation_table_nv(command_buffer, coverage_modulation_table) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `shading_rate_image_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetShadingRateImageEnableNV.html) """ function cmd_set_shading_rate_image_enable_nv(command_buffer, shading_rate_image_enable::Bool) _cmd_set_shading_rate_image_enable_nv(command_buffer, shading_rate_image_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `coverage_reduction_mode::CoverageReductionModeNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoverageReductionModeNV.html) """ function cmd_set_coverage_reduction_mode_nv(command_buffer, coverage_reduction_mode::CoverageReductionModeNV) _cmd_set_coverage_reduction_mode_nv(command_buffer, coverage_reduction_mode) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `representative_fragment_test_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetRepresentativeFragmentTestEnableNV.html) """ function cmd_set_representative_fragment_test_enable_nv(command_buffer, representative_fragment_test_enable::Bool) _cmd_set_representative_fragment_test_enable_nv(command_buffer, representative_fragment_test_enable) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `create_info::PrivateDataSlotCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePrivateDataSlot.html) """ function create_private_data_slot(device, create_info::PrivateDataSlotCreateInfo; allocator = C_NULL)::ResultTypes.Result{PrivateDataSlot, VulkanError} val = @propagate_errors(_create_private_data_slot(device, convert(_PrivateDataSlotCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `private_data_slot::PrivateDataSlot` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyPrivateDataSlot.html) """ function destroy_private_data_slot(device, private_data_slot; allocator = C_NULL) _destroy_private_data_slot(device, private_data_slot; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `object_type::ObjectType` - `object_handle::UInt64` - `private_data_slot::PrivateDataSlot` - `data::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetPrivateData.html) """ function set_private_data(device, object_type::ObjectType, object_handle::Integer, private_data_slot, data::Integer)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_set_private_data(device, object_type, object_handle, private_data_slot, data)) val end """ Arguments: - `device::Device` - `object_type::ObjectType` - `object_handle::UInt64` - `private_data_slot::PrivateDataSlot` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPrivateData.html) """ function get_private_data(device, object_type::ObjectType, object_handle::Integer, private_data_slot) _get_private_data(device, object_type, object_handle, private_data_slot) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `copy_buffer_info::CopyBufferInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyBuffer2.html) """ function cmd_copy_buffer_2(command_buffer, copy_buffer_info::CopyBufferInfo2) _cmd_copy_buffer_2(command_buffer, convert(_CopyBufferInfo2, copy_buffer_info)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `copy_image_info::CopyImageInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyImage2.html) """ function cmd_copy_image_2(command_buffer, copy_image_info::CopyImageInfo2) _cmd_copy_image_2(command_buffer, convert(_CopyImageInfo2, copy_image_info)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `blit_image_info::BlitImageInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBlitImage2.html) """ function cmd_blit_image_2(command_buffer, blit_image_info::BlitImageInfo2) _cmd_blit_image_2(command_buffer, convert(_BlitImageInfo2, blit_image_info)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `copy_buffer_to_image_info::CopyBufferToImageInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyBufferToImage2.html) """ function cmd_copy_buffer_to_image_2(command_buffer, copy_buffer_to_image_info::CopyBufferToImageInfo2) _cmd_copy_buffer_to_image_2(command_buffer, convert(_CopyBufferToImageInfo2, copy_buffer_to_image_info)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `copy_image_to_buffer_info::CopyImageToBufferInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyImageToBuffer2.html) """ function cmd_copy_image_to_buffer_2(command_buffer, copy_image_to_buffer_info::CopyImageToBufferInfo2) _cmd_copy_image_to_buffer_2(command_buffer, convert(_CopyImageToBufferInfo2, copy_image_to_buffer_info)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `resolve_image_info::ResolveImageInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdResolveImage2.html) """ function cmd_resolve_image_2(command_buffer, resolve_image_info::ResolveImageInfo2) _cmd_resolve_image_2(command_buffer, convert(_ResolveImageInfo2, resolve_image_info)) end """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Arguments: - `command_buffer::CommandBuffer` (externsync) - `fragment_size::Extent2D` - `combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetFragmentShadingRateKHR.html) """ function cmd_set_fragment_shading_rate_khr(command_buffer, fragment_size::Extent2D, combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}) _cmd_set_fragment_shading_rate_khr(command_buffer, convert(_Extent2D, fragment_size), combiner_ops) end """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceFragmentShadingRatesKHR.html) """ function get_physical_device_fragment_shading_rates_khr(physical_device)::ResultTypes.Result{Vector{PhysicalDeviceFragmentShadingRateKHR}, VulkanError} val = @propagate_errors(_get_physical_device_fragment_shading_rates_khr(physical_device)) PhysicalDeviceFragmentShadingRateKHR.(val) end """ Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums Arguments: - `command_buffer::CommandBuffer` (externsync) - `shading_rate::FragmentShadingRateNV` - `combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetFragmentShadingRateEnumNV.html) """ function cmd_set_fragment_shading_rate_enum_nv(command_buffer, shading_rate::FragmentShadingRateNV, combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}) _cmd_set_fragment_shading_rate_enum_nv(command_buffer, shading_rate, combiner_ops) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `device::Device` - `build_type::AccelerationStructureBuildTypeKHR` - `build_info::AccelerationStructureBuildGeometryInfoKHR` - `max_primitive_counts::Vector{UInt32}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetAccelerationStructureBuildSizesKHR.html) """ function get_acceleration_structure_build_sizes_khr(device, build_type::AccelerationStructureBuildTypeKHR, build_info::AccelerationStructureBuildGeometryInfoKHR; max_primitive_counts = C_NULL) AccelerationStructureBuildSizesInfoKHR(_get_acceleration_structure_build_sizes_khr(device, build_type, convert(_AccelerationStructureBuildGeometryInfoKHR, build_info); max_primitive_counts)) end """ Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state Arguments: - `command_buffer::CommandBuffer` (externsync) - `vertex_binding_descriptions::Vector{VertexInputBindingDescription2EXT}` - `vertex_attribute_descriptions::Vector{VertexInputAttributeDescription2EXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetVertexInputEXT.html) """ function cmd_set_vertex_input_ext(command_buffer, vertex_binding_descriptions::AbstractArray, vertex_attribute_descriptions::AbstractArray) _cmd_set_vertex_input_ext(command_buffer, convert(AbstractArray{_VertexInputBindingDescription2EXT}, vertex_binding_descriptions), convert(AbstractArray{_VertexInputAttributeDescription2EXT}, vertex_attribute_descriptions)) end """ Extension: VK\\_EXT\\_color\\_write\\_enable Arguments: - `command_buffer::CommandBuffer` (externsync) - `color_write_enables::Vector{Bool}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetColorWriteEnableEXT.html) """ function cmd_set_color_write_enable_ext(command_buffer, color_write_enables::AbstractArray) _cmd_set_color_write_enable_ext(command_buffer, color_write_enables) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `event::Event` - `dependency_info::DependencyInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetEvent2.html) """ function cmd_set_event_2(command_buffer, event, dependency_info::DependencyInfo) _cmd_set_event_2(command_buffer, event, convert(_DependencyInfo, dependency_info)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `event::Event` - `stage_mask::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdResetEvent2.html) """ function cmd_reset_event_2(command_buffer, event; stage_mask = 0) _cmd_reset_event_2(command_buffer, event; stage_mask) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `events::Vector{Event}` - `dependency_infos::Vector{DependencyInfo}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWaitEvents2.html) """ function cmd_wait_events_2(command_buffer, events::AbstractArray, dependency_infos::AbstractArray) _cmd_wait_events_2(command_buffer, events, convert(AbstractArray{_DependencyInfo}, dependency_infos)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `dependency_info::DependencyInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdPipelineBarrier2.html) """ function cmd_pipeline_barrier_2(command_buffer, dependency_info::DependencyInfo) _cmd_pipeline_barrier_2(command_buffer, convert(_DependencyInfo, dependency_info)) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `queue::Queue` (externsync) - `submits::Vector{SubmitInfo2}` - `fence::Fence`: defaults to `C_NULL` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueSubmit2.html) """ function queue_submit_2(queue, submits::AbstractArray; fence = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_queue_submit_2(queue, convert(AbstractArray{_SubmitInfo2}, submits); fence)) val end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `query::UInt32` - `stage::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteTimestamp2.html) """ function cmd_write_timestamp_2(command_buffer, query_pool, query::Integer; stage = 0) _cmd_write_timestamp_2(command_buffer, query_pool, query; stage) end """ Extension: VK\\_KHR\\_synchronization2 Arguments: - `command_buffer::CommandBuffer` (externsync) - `dst_buffer::Buffer` - `dst_offset::UInt64` - `marker::UInt32` - `stage::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteBufferMarker2AMD.html) """ function cmd_write_buffer_marker_2_amd(command_buffer, dst_buffer, dst_offset::Integer, marker::Integer; stage = 0) _cmd_write_buffer_marker_2_amd(command_buffer, dst_buffer, dst_offset, marker; stage) end """ Extension: VK\\_KHR\\_synchronization2 Arguments: - `queue::Queue` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetQueueCheckpointData2NV.html) """ function get_queue_checkpoint_data_2_nv(queue) CheckpointData2NV.(_get_queue_checkpoint_data_2_nv(queue)) end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_VIDEO_PROFILE_OPERATION_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_FORMAT_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PICTURE_LAYOUT_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_CODEC_NOT_SUPPORTED_KHR` Arguments: - `physical_device::PhysicalDevice` - `video_profile::VideoProfileInfoKHR` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceVideoCapabilitiesKHR.html) """ function get_physical_device_video_capabilities_khr(physical_device, video_profile::VideoProfileInfoKHR, next_types::Type...)::ResultTypes.Result{VideoCapabilitiesKHR, VulkanError} next_types_hl = next_types next_types = intermediate_type.(next_types) val = @propagate_errors(_get_physical_device_video_capabilities_khr(physical_device, convert(_VideoProfileInfoKHR, video_profile), next_types...)) VideoCapabilitiesKHR(val, next_types_hl...) end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_IMAGE_USAGE_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_OPERATION_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_FORMAT_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PICTURE_LAYOUT_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_CODEC_NOT_SUPPORTED_KHR` Arguments: - `physical_device::PhysicalDevice` - `video_format_info::PhysicalDeviceVideoFormatInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceVideoFormatPropertiesKHR.html) """ function get_physical_device_video_format_properties_khr(physical_device, video_format_info::PhysicalDeviceVideoFormatInfoKHR)::ResultTypes.Result{Vector{VideoFormatPropertiesKHR}, VulkanError} val = @propagate_errors(_get_physical_device_video_format_properties_khr(physical_device, convert(_PhysicalDeviceVideoFormatInfoKHR, video_format_info))) VideoFormatPropertiesKHR.(val) end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_VIDEO_STD_VERSION_NOT_SUPPORTED_KHR` Arguments: - `device::Device` - `create_info::VideoSessionCreateInfoKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateVideoSessionKHR.html) """ function create_video_session_khr(device, create_info::VideoSessionCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{VideoSessionKHR, VulkanError} val = @propagate_errors(_create_video_session_khr(device, convert(_VideoSessionCreateInfoKHR, create_info); allocator)) val end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `device::Device` - `video_session::VideoSessionKHR` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyVideoSessionKHR.html) """ function destroy_video_session_khr(device, video_session; allocator = C_NULL) _destroy_video_session_khr(device, video_session; allocator) end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `create_info::VideoSessionParametersCreateInfoKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateVideoSessionParametersKHR.html) """ function create_video_session_parameters_khr(device, create_info::VideoSessionParametersCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{VideoSessionParametersKHR, VulkanError} val = @propagate_errors(_create_video_session_parameters_khr(device, convert(_VideoSessionParametersCreateInfoKHR, create_info); allocator)) val end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `video_session_parameters::VideoSessionParametersKHR` - `update_info::VideoSessionParametersUpdateInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkUpdateVideoSessionParametersKHR.html) """ function update_video_session_parameters_khr(device, video_session_parameters, update_info::VideoSessionParametersUpdateInfoKHR)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_update_video_session_parameters_khr(device, video_session_parameters, convert(_VideoSessionParametersUpdateInfoKHR, update_info))) val end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `device::Device` - `video_session_parameters::VideoSessionParametersKHR` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyVideoSessionParametersKHR.html) """ function destroy_video_session_parameters_khr(device, video_session_parameters; allocator = C_NULL) _destroy_video_session_parameters_khr(device, video_session_parameters; allocator) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `device::Device` - `video_session::VideoSessionKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetVideoSessionMemoryRequirementsKHR.html) """ function get_video_session_memory_requirements_khr(device, video_session) VideoSessionMemoryRequirementsKHR.(_get_video_session_memory_requirements_khr(device, video_session)) end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `video_session::VideoSessionKHR` (externsync) - `bind_session_memory_infos::Vector{BindVideoSessionMemoryInfoKHR}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindVideoSessionMemoryKHR.html) """ function bind_video_session_memory_khr(device, video_session, bind_session_memory_infos::AbstractArray)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_video_session_memory_khr(device, video_session, convert(AbstractArray{_BindVideoSessionMemoryInfoKHR}, bind_session_memory_infos))) val end """ Extension: VK\\_KHR\\_video\\_decode\\_queue Arguments: - `command_buffer::CommandBuffer` (externsync) - `decode_info::VideoDecodeInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDecodeVideoKHR.html) """ function cmd_decode_video_khr(command_buffer, decode_info::VideoDecodeInfoKHR) _cmd_decode_video_khr(command_buffer, convert(_VideoDecodeInfoKHR, decode_info)) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `command_buffer::CommandBuffer` (externsync) - `begin_info::VideoBeginCodingInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginVideoCodingKHR.html) """ function cmd_begin_video_coding_khr(command_buffer, begin_info::VideoBeginCodingInfoKHR) _cmd_begin_video_coding_khr(command_buffer, convert(_VideoBeginCodingInfoKHR, begin_info)) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `command_buffer::CommandBuffer` (externsync) - `coding_control_info::VideoCodingControlInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdControlVideoCodingKHR.html) """ function cmd_control_video_coding_khr(command_buffer, coding_control_info::VideoCodingControlInfoKHR) _cmd_control_video_coding_khr(command_buffer, convert(_VideoCodingControlInfoKHR, coding_control_info)) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `command_buffer::CommandBuffer` (externsync) - `end_coding_info::VideoEndCodingInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndVideoCodingKHR.html) """ function cmd_end_video_coding_khr(command_buffer, end_coding_info::VideoEndCodingInfoKHR) _cmd_end_video_coding_khr(command_buffer, convert(_VideoEndCodingInfoKHR, end_coding_info)) end """ Extension: VK\\_NV\\_memory\\_decompression Arguments: - `command_buffer::CommandBuffer` (externsync) - `decompress_memory_regions::Vector{DecompressMemoryRegionNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDecompressMemoryNV.html) """ function cmd_decompress_memory_nv(command_buffer, decompress_memory_regions::AbstractArray) _cmd_decompress_memory_nv(command_buffer, convert(AbstractArray{_DecompressMemoryRegionNV}, decompress_memory_regions)) end """ Extension: VK\\_NV\\_memory\\_decompression Arguments: - `command_buffer::CommandBuffer` (externsync) - `indirect_commands_address::UInt64` - `indirect_commands_count_address::UInt64` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDecompressMemoryIndirectCountNV.html) """ function cmd_decompress_memory_indirect_count_nv(command_buffer, indirect_commands_address::Integer, indirect_commands_count_address::Integer, stride::Integer) _cmd_decompress_memory_indirect_count_nv(command_buffer, indirect_commands_address, indirect_commands_count_address, stride) end """ Extension: VK\\_NVX\\_binary\\_import Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `create_info::CuModuleCreateInfoNVX` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCuModuleNVX.html) """ function create_cu_module_nvx(device, create_info::CuModuleCreateInfoNVX; allocator = C_NULL)::ResultTypes.Result{CuModuleNVX, VulkanError} val = @propagate_errors(_create_cu_module_nvx(device, convert(_CuModuleCreateInfoNVX, create_info); allocator)) val end """ Extension: VK\\_NVX\\_binary\\_import Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `create_info::CuFunctionCreateInfoNVX` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCuFunctionNVX.html) """ function create_cu_function_nvx(device, create_info::CuFunctionCreateInfoNVX; allocator = C_NULL)::ResultTypes.Result{CuFunctionNVX, VulkanError} val = @propagate_errors(_create_cu_function_nvx(device, convert(_CuFunctionCreateInfoNVX, create_info); allocator)) val end """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `device::Device` - `_module::CuModuleNVX` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyCuModuleNVX.html) """ function destroy_cu_module_nvx(device, _module; allocator = C_NULL) _destroy_cu_module_nvx(device, _module; allocator) end """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `device::Device` - `_function::CuFunctionNVX` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyCuFunctionNVX.html) """ function destroy_cu_function_nvx(device, _function; allocator = C_NULL) _destroy_cu_function_nvx(device, _function; allocator) end """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `command_buffer::CommandBuffer` - `launch_info::CuLaunchInfoNVX` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCuLaunchKernelNVX.html) """ function cmd_cu_launch_kernel_nvx(command_buffer, launch_info::CuLaunchInfoNVX) _cmd_cu_launch_kernel_nvx(command_buffer, convert(_CuLaunchInfoNVX, launch_info)) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `device::Device` - `layout::DescriptorSetLayout` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDescriptorSetLayoutSizeEXT.html) """ function get_descriptor_set_layout_size_ext(device, layout) _get_descriptor_set_layout_size_ext(device, layout) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `device::Device` - `layout::DescriptorSetLayout` - `binding::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDescriptorSetLayoutBindingOffsetEXT.html) """ function get_descriptor_set_layout_binding_offset_ext(device, layout, binding::Integer) _get_descriptor_set_layout_binding_offset_ext(device, layout, binding) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `device::Device` - `descriptor_info::DescriptorGetInfoEXT` - `data_size::UInt` - `descriptor::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDescriptorEXT.html) """ function get_descriptor_ext(device, descriptor_info::DescriptorGetInfoEXT, data_size::Integer, descriptor::Ptr{Cvoid}) _get_descriptor_ext(device, convert(_DescriptorGetInfoEXT, descriptor_info), data_size, descriptor) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `command_buffer::CommandBuffer` (externsync) - `binding_infos::Vector{DescriptorBufferBindingInfoEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindDescriptorBuffersEXT.html) """ function cmd_bind_descriptor_buffers_ext(command_buffer, binding_infos::AbstractArray) _cmd_bind_descriptor_buffers_ext(command_buffer, convert(AbstractArray{_DescriptorBufferBindingInfoEXT}, binding_infos)) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_bind_point::PipelineBindPoint` - `layout::PipelineLayout` - `buffer_indices::Vector{UInt32}` - `offsets::Vector{UInt64}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDescriptorBufferOffsetsEXT.html) """ function cmd_set_descriptor_buffer_offsets_ext(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, buffer_indices::AbstractArray, offsets::AbstractArray) _cmd_set_descriptor_buffer_offsets_ext(command_buffer, pipeline_bind_point, layout, buffer_indices, offsets) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_bind_point::PipelineBindPoint` - `layout::PipelineLayout` - `set::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindDescriptorBufferEmbeddedSamplersEXT.html) """ function cmd_bind_descriptor_buffer_embedded_samplers_ext(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, set::Integer) _cmd_bind_descriptor_buffer_embedded_samplers_ext(command_buffer, pipeline_bind_point, layout, set) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::BufferCaptureDescriptorDataInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetBufferOpaqueCaptureDescriptorDataEXT.html) """ function get_buffer_opaque_capture_descriptor_data_ext(device, info::BufferCaptureDescriptorDataInfoEXT)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} val = @propagate_errors(_get_buffer_opaque_capture_descriptor_data_ext(device, convert(_BufferCaptureDescriptorDataInfoEXT, info))) val end """ Extension: VK\\_EXT\\_descriptor\\_buffer Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::ImageCaptureDescriptorDataInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageOpaqueCaptureDescriptorDataEXT.html) """ function get_image_opaque_capture_descriptor_data_ext(device, info::ImageCaptureDescriptorDataInfoEXT)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} val = @propagate_errors(_get_image_opaque_capture_descriptor_data_ext(device, convert(_ImageCaptureDescriptorDataInfoEXT, info))) val end """ Extension: VK\\_EXT\\_descriptor\\_buffer Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::ImageViewCaptureDescriptorDataInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageViewOpaqueCaptureDescriptorDataEXT.html) """ function get_image_view_opaque_capture_descriptor_data_ext(device, info::ImageViewCaptureDescriptorDataInfoEXT)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} val = @propagate_errors(_get_image_view_opaque_capture_descriptor_data_ext(device, convert(_ImageViewCaptureDescriptorDataInfoEXT, info))) val end """ Extension: VK\\_EXT\\_descriptor\\_buffer Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::SamplerCaptureDescriptorDataInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSamplerOpaqueCaptureDescriptorDataEXT.html) """ function get_sampler_opaque_capture_descriptor_data_ext(device, info::SamplerCaptureDescriptorDataInfoEXT)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} val = @propagate_errors(_get_sampler_opaque_capture_descriptor_data_ext(device, convert(_SamplerCaptureDescriptorDataInfoEXT, info))) val end """ Extension: VK\\_EXT\\_descriptor\\_buffer Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::AccelerationStructureCaptureDescriptorDataInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetAccelerationStructureOpaqueCaptureDescriptorDataEXT.html) """ function get_acceleration_structure_opaque_capture_descriptor_data_ext(device, info::AccelerationStructureCaptureDescriptorDataInfoEXT)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} val = @propagate_errors(_get_acceleration_structure_opaque_capture_descriptor_data_ext(device, convert(_AccelerationStructureCaptureDescriptorDataInfoEXT, info))) val end """ Extension: VK\\_EXT\\_pageable\\_device\\_local\\_memory Arguments: - `device::Device` - `memory::DeviceMemory` - `priority::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetDeviceMemoryPriorityEXT.html) """ function set_device_memory_priority_ext(device, memory, priority::Real) _set_device_memory_priority_ext(device, memory, priority) end """ Extension: VK\\_EXT\\_acquire\\_drm\\_display Return codes: - `SUCCESS` - `ERROR_INITIALIZATION_FAILED` Arguments: - `physical_device::PhysicalDevice` - `drm_fd::Int32` - `display::DisplayKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAcquireDrmDisplayEXT.html) """ function acquire_drm_display_ext(physical_device, drm_fd::Integer, display)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_acquire_drm_display_ext(physical_device, drm_fd, display)) val end """ Extension: VK\\_EXT\\_acquire\\_drm\\_display Return codes: - `SUCCESS` - `ERROR_INITIALIZATION_FAILED` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `drm_fd::Int32` - `connector_id::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDrmDisplayEXT.html) """ function get_drm_display_ext(physical_device, drm_fd::Integer, connector_id::Integer)::ResultTypes.Result{DisplayKHR, VulkanError} val = @propagate_errors(_get_drm_display_ext(physical_device, drm_fd, connector_id)) val end """ Extension: VK\\_KHR\\_present\\_wait Return codes: - `SUCCESS` - `TIMEOUT` - `SUBOPTIMAL_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` - `ERROR_SURFACE_LOST_KHR` - `ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT` Arguments: - `device::Device` - `swapchain::SwapchainKHR` (externsync) - `present_id::UInt64` - `timeout::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkWaitForPresentKHR.html) """ function wait_for_present_khr(device, swapchain, present_id::Integer, timeout::Integer)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_wait_for_present_khr(device, swapchain, present_id, timeout)) val end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `rendering_info::RenderingInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginRendering.html) """ function cmd_begin_rendering(command_buffer, rendering_info::RenderingInfo) _cmd_begin_rendering(command_buffer, convert(_RenderingInfo, rendering_info)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndRendering.html) """ function cmd_end_rendering(command_buffer) _cmd_end_rendering(command_buffer) end """ Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping Arguments: - `device::Device` - `binding_reference::DescriptorSetBindingReferenceVALVE` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDescriptorSetLayoutHostMappingInfoVALVE.html) """ function get_descriptor_set_layout_host_mapping_info_valve(device, binding_reference::DescriptorSetBindingReferenceVALVE) DescriptorSetLayoutHostMappingInfoVALVE(_get_descriptor_set_layout_host_mapping_info_valve(device, convert(_DescriptorSetBindingReferenceVALVE, binding_reference))) end """ Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping Arguments: - `device::Device` - `descriptor_set::DescriptorSet` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDescriptorSetHostMappingVALVE.html) """ function get_descriptor_set_host_mapping_valve(device, descriptor_set) _get_descriptor_set_host_mapping_valve(device, descriptor_set) end """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `create_info::MicromapCreateInfoEXT` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateMicromapEXT.html) """ function create_micromap_ext(device, create_info::MicromapCreateInfoEXT; allocator = C_NULL)::ResultTypes.Result{MicromapEXT, VulkanError} val = @propagate_errors(_create_micromap_ext(device, convert(_MicromapCreateInfoEXT, create_info); allocator)) val end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `command_buffer::CommandBuffer` (externsync) - `infos::Vector{MicromapBuildInfoEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBuildMicromapsEXT.html) """ function cmd_build_micromaps_ext(command_buffer, infos::AbstractArray) _cmd_build_micromaps_ext(command_buffer, convert(AbstractArray{_MicromapBuildInfoEXT}, infos)) end """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `infos::Vector{MicromapBuildInfoEXT}` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBuildMicromapsEXT.html) """ function build_micromaps_ext(device, infos::AbstractArray; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_build_micromaps_ext(device, convert(AbstractArray{_MicromapBuildInfoEXT}, infos); deferred_operation)) val end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `device::Device` - `micromap::MicromapEXT` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyMicromapEXT.html) """ function destroy_micromap_ext(device, micromap; allocator = C_NULL) _destroy_micromap_ext(device, micromap; allocator) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::CopyMicromapInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyMicromapEXT.html) """ function cmd_copy_micromap_ext(command_buffer, info::CopyMicromapInfoEXT) _cmd_copy_micromap_ext(command_buffer, convert(_CopyMicromapInfoEXT, info)) end """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::CopyMicromapInfoEXT` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCopyMicromapEXT.html) """ function copy_micromap_ext(device, info::CopyMicromapInfoEXT; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_copy_micromap_ext(device, convert(_CopyMicromapInfoEXT, info); deferred_operation)) val end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::CopyMicromapToMemoryInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyMicromapToMemoryEXT.html) """ function cmd_copy_micromap_to_memory_ext(command_buffer, info::CopyMicromapToMemoryInfoEXT) _cmd_copy_micromap_to_memory_ext(command_buffer, convert(_CopyMicromapToMemoryInfoEXT, info)) end """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::CopyMicromapToMemoryInfoEXT` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCopyMicromapToMemoryEXT.html) """ function copy_micromap_to_memory_ext(device, info::CopyMicromapToMemoryInfoEXT; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_copy_micromap_to_memory_ext(device, convert(_CopyMicromapToMemoryInfoEXT, info); deferred_operation)) val end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::CopyMemoryToMicromapInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyMemoryToMicromapEXT.html) """ function cmd_copy_memory_to_micromap_ext(command_buffer, info::CopyMemoryToMicromapInfoEXT) _cmd_copy_memory_to_micromap_ext(command_buffer, convert(_CopyMemoryToMicromapInfoEXT, info)) end """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::CopyMemoryToMicromapInfoEXT` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCopyMemoryToMicromapEXT.html) """ function copy_memory_to_micromap_ext(device, info::CopyMemoryToMicromapInfoEXT; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_copy_memory_to_micromap_ext(device, convert(_CopyMemoryToMicromapInfoEXT, info); deferred_operation)) val end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `command_buffer::CommandBuffer` (externsync) - `micromaps::Vector{MicromapEXT}` - `query_type::QueryType` - `query_pool::QueryPool` - `first_query::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteMicromapsPropertiesEXT.html) """ function cmd_write_micromaps_properties_ext(command_buffer, micromaps::AbstractArray, query_type::QueryType, query_pool, first_query::Integer) _cmd_write_micromaps_properties_ext(command_buffer, micromaps, query_type, query_pool, first_query) end """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `micromaps::Vector{MicromapEXT}` - `query_type::QueryType` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) - `stride::UInt` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkWriteMicromapsPropertiesEXT.html) """ function write_micromaps_properties_ext(device, micromaps::AbstractArray, query_type::QueryType, data_size::Integer, data::Ptr{Cvoid}, stride::Integer)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_write_micromaps_properties_ext(device, micromaps, query_type, data_size, data, stride)) val end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `device::Device` - `version_info::MicromapVersionInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceMicromapCompatibilityEXT.html) """ function get_device_micromap_compatibility_ext(device, version_info::MicromapVersionInfoEXT) _get_device_micromap_compatibility_ext(device, convert(_MicromapVersionInfoEXT, version_info)) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `device::Device` - `build_type::AccelerationStructureBuildTypeKHR` - `build_info::MicromapBuildInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetMicromapBuildSizesEXT.html) """ function get_micromap_build_sizes_ext(device, build_type::AccelerationStructureBuildTypeKHR, build_info::MicromapBuildInfoEXT) MicromapBuildSizesInfoEXT(_get_micromap_build_sizes_ext(device, build_type, convert(_MicromapBuildInfoEXT, build_info))) end """ Extension: VK\\_EXT\\_shader\\_module\\_identifier Arguments: - `device::Device` - `shader_module::ShaderModule` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetShaderModuleIdentifierEXT.html) """ function get_shader_module_identifier_ext(device, shader_module) ShaderModuleIdentifierEXT(_get_shader_module_identifier_ext(device, shader_module)) end """ Extension: VK\\_EXT\\_shader\\_module\\_identifier Arguments: - `device::Device` - `create_info::ShaderModuleCreateInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetShaderModuleCreateInfoIdentifierEXT.html) """ function get_shader_module_create_info_identifier_ext(device, create_info::ShaderModuleCreateInfo) ShaderModuleIdentifierEXT(_get_shader_module_create_info_identifier_ext(device, convert(_ShaderModuleCreateInfo, create_info))) end """ Extension: VK\\_EXT\\_image\\_compression\\_control Arguments: - `device::Device` - `image::Image` - `subresource::ImageSubresource2EXT` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageSubresourceLayout2EXT.html) """ function get_image_subresource_layout_2_ext(device, image, subresource::ImageSubresource2EXT, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) SubresourceLayout2EXT(_get_image_subresource_layout_2_ext(device, image, convert(_ImageSubresource2EXT, subresource), next_types...), next_types_hl...) end """ Extension: VK\\_EXT\\_pipeline\\_properties Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `pipeline_info::VkPipelineInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPipelinePropertiesEXT.html) """ function get_pipeline_properties_ext(device, pipeline_info::VkPipelineInfoEXT)::ResultTypes.Result{BaseOutStructure, VulkanError} val = @propagate_errors(_get_pipeline_properties_ext(device, pipeline_info)) BaseOutStructure(val) end """ Extension: VK\\_QCOM\\_tile\\_properties Arguments: - `device::Device` - `framebuffer::Framebuffer` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetFramebufferTilePropertiesQCOM.html) """ function get_framebuffer_tile_properties_qcom(device, framebuffer) TilePropertiesQCOM.(_get_framebuffer_tile_properties_qcom(device, framebuffer)) end """ Extension: VK\\_QCOM\\_tile\\_properties Arguments: - `device::Device` - `rendering_info::RenderingInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDynamicRenderingTilePropertiesQCOM.html) """ function get_dynamic_rendering_tile_properties_qcom(device, rendering_info::RenderingInfo) TilePropertiesQCOM(_get_dynamic_rendering_tile_properties_qcom(device, convert(_RenderingInfo, rendering_info))) end """ Extension: VK\\_NV\\_optical\\_flow Return codes: - `SUCCESS` - `ERROR_EXTENSION_NOT_PRESENT` - `ERROR_INITIALIZATION_FAILED` - `ERROR_FORMAT_NOT_SUPPORTED` Arguments: - `physical_device::PhysicalDevice` - `optical_flow_image_format_info::OpticalFlowImageFormatInfoNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceOpticalFlowImageFormatsNV.html) """ function get_physical_device_optical_flow_image_formats_nv(physical_device, optical_flow_image_format_info::OpticalFlowImageFormatInfoNV)::ResultTypes.Result{Vector{OpticalFlowImageFormatPropertiesNV}, VulkanError} val = @propagate_errors(_get_physical_device_optical_flow_image_formats_nv(physical_device, convert(_OpticalFlowImageFormatInfoNV, optical_flow_image_format_info))) OpticalFlowImageFormatPropertiesNV.(val) end """ Extension: VK\\_NV\\_optical\\_flow Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `create_info::OpticalFlowSessionCreateInfoNV` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateOpticalFlowSessionNV.html) """ function create_optical_flow_session_nv(device, create_info::OpticalFlowSessionCreateInfoNV; allocator = C_NULL)::ResultTypes.Result{OpticalFlowSessionNV, VulkanError} val = @propagate_errors(_create_optical_flow_session_nv(device, convert(_OpticalFlowSessionCreateInfoNV, create_info); allocator)) val end """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `device::Device` - `session::OpticalFlowSessionNV` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyOpticalFlowSessionNV.html) """ function destroy_optical_flow_session_nv(device, session; allocator = C_NULL) _destroy_optical_flow_session_nv(device, session; allocator) end """ Extension: VK\\_NV\\_optical\\_flow Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `session::OpticalFlowSessionNV` - `binding_point::OpticalFlowSessionBindingPointNV` - `layout::ImageLayout` - `view::ImageView`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindOpticalFlowSessionImageNV.html) """ function bind_optical_flow_session_image_nv(device, session, binding_point::OpticalFlowSessionBindingPointNV, layout::ImageLayout; view = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_optical_flow_session_image_nv(device, session, binding_point, layout; view)) val end """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `command_buffer::CommandBuffer` - `session::OpticalFlowSessionNV` - `execute_info::OpticalFlowExecuteInfoNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdOpticalFlowExecuteNV.html) """ function cmd_optical_flow_execute_nv(command_buffer, session, execute_info::OpticalFlowExecuteInfoNV) _cmd_optical_flow_execute_nv(command_buffer, session, convert(_OpticalFlowExecuteInfoNV, execute_info)) end """ Extension: VK\\_EXT\\_device\\_fault Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceFaultInfoEXT.html) """ function get_device_fault_info_ext(device)::ResultTypes.Result{Tuple{_DeviceFaultCountsEXT, _DeviceFaultInfoEXT}, VulkanError} val = @propagate_errors(_get_device_fault_info_ext(device)) val end """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Return codes: - `SUCCESS` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `release_info::ReleaseSwapchainImagesInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkReleaseSwapchainImagesEXT.html) """ function release_swapchain_images_ext(device, release_info::ReleaseSwapchainImagesInfoEXT)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_release_swapchain_images_ext(device, convert(_ReleaseSwapchainImagesInfoEXT, release_info))) val end function create_instance(create_info::InstanceCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Instance, VulkanError} val = @propagate_errors(_create_instance(convert(_InstanceCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_instance(instance, fptr::FunctionPtr; allocator = C_NULL) _destroy_instance(instance, fptr; allocator) end function enumerate_physical_devices(instance, fptr::FunctionPtr)::ResultTypes.Result{Vector{PhysicalDevice}, VulkanError} val = @propagate_errors(_enumerate_physical_devices(instance, fptr)) val end function get_device_proc_addr(device, name::AbstractString, fptr::FunctionPtr) _get_device_proc_addr(device, name, fptr) end function get_instance_proc_addr(name::AbstractString, fptr::FunctionPtr; instance = C_NULL) _get_instance_proc_addr(name, fptr; instance) end function get_physical_device_properties(physical_device, fptr::FunctionPtr) PhysicalDeviceProperties(_get_physical_device_properties(physical_device, fptr)) end function get_physical_device_queue_family_properties(physical_device, fptr::FunctionPtr) QueueFamilyProperties.(_get_physical_device_queue_family_properties(physical_device, fptr)) end function get_physical_device_memory_properties(physical_device, fptr::FunctionPtr) PhysicalDeviceMemoryProperties(_get_physical_device_memory_properties(physical_device, fptr)) end function get_physical_device_features(physical_device, fptr::FunctionPtr) PhysicalDeviceFeatures(_get_physical_device_features(physical_device, fptr)) end function get_physical_device_format_properties(physical_device, format::Format, fptr::FunctionPtr) FormatProperties(_get_physical_device_format_properties(physical_device, format, fptr)) end function get_physical_device_image_format_properties(physical_device, format::Format, type::ImageType, tiling::ImageTiling, usage::ImageUsageFlag, fptr::FunctionPtr; flags = 0)::ResultTypes.Result{ImageFormatProperties, VulkanError} val = @propagate_errors(_get_physical_device_image_format_properties(physical_device, format, type, tiling, usage, fptr; flags)) ImageFormatProperties(val) end function create_device(physical_device, create_info::DeviceCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Device, VulkanError} val = @propagate_errors(_create_device(physical_device, convert(_DeviceCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_device(device, fptr::FunctionPtr; allocator = C_NULL) _destroy_device(device, fptr; allocator) end function enumerate_instance_version(fptr::FunctionPtr)::ResultTypes.Result{VersionNumber, VulkanError} val = @propagate_errors(_enumerate_instance_version(fptr)) val end function enumerate_instance_layer_properties(fptr::FunctionPtr)::ResultTypes.Result{Vector{LayerProperties}, VulkanError} val = @propagate_errors(_enumerate_instance_layer_properties(fptr)) LayerProperties.(val) end function enumerate_instance_extension_properties(fptr::FunctionPtr; layer_name = C_NULL)::ResultTypes.Result{Vector{ExtensionProperties}, VulkanError} val = @propagate_errors(_enumerate_instance_extension_properties(fptr; layer_name)) ExtensionProperties.(val) end function enumerate_device_layer_properties(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{LayerProperties}, VulkanError} val = @propagate_errors(_enumerate_device_layer_properties(physical_device, fptr)) LayerProperties.(val) end function enumerate_device_extension_properties(physical_device, fptr::FunctionPtr; layer_name = C_NULL)::ResultTypes.Result{Vector{ExtensionProperties}, VulkanError} val = @propagate_errors(_enumerate_device_extension_properties(physical_device, fptr; layer_name)) ExtensionProperties.(val) end function get_device_queue(device, queue_family_index::Integer, queue_index::Integer, fptr::FunctionPtr) _get_device_queue(device, queue_family_index, queue_index, fptr) end function queue_submit(queue, submits::AbstractArray, fptr::FunctionPtr; fence = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_queue_submit(queue, convert(AbstractArray{_SubmitInfo}, submits), fptr; fence)) val end function queue_wait_idle(queue, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_queue_wait_idle(queue, fptr)) val end function device_wait_idle(device, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_device_wait_idle(device, fptr)) val end function allocate_memory(device, allocate_info::MemoryAllocateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DeviceMemory, VulkanError} val = @propagate_errors(_allocate_memory(device, convert(_MemoryAllocateInfo, allocate_info), fptr_create, fptr_destroy; allocator)) val end function free_memory(device, memory, fptr::FunctionPtr; allocator = C_NULL) _free_memory(device, memory, fptr; allocator) end function map_memory(device, memory, offset::Integer, size::Integer, fptr::FunctionPtr; flags = 0)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} val = @propagate_errors(_map_memory(device, memory, offset, size, fptr; flags)) val end function unmap_memory(device, memory, fptr::FunctionPtr) _unmap_memory(device, memory, fptr) end function flush_mapped_memory_ranges(device, memory_ranges::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_flush_mapped_memory_ranges(device, convert(AbstractArray{_MappedMemoryRange}, memory_ranges), fptr)) val end function invalidate_mapped_memory_ranges(device, memory_ranges::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_invalidate_mapped_memory_ranges(device, convert(AbstractArray{_MappedMemoryRange}, memory_ranges), fptr)) val end function get_device_memory_commitment(device, memory, fptr::FunctionPtr) _get_device_memory_commitment(device, memory, fptr) end function get_buffer_memory_requirements(device, buffer, fptr::FunctionPtr) MemoryRequirements(_get_buffer_memory_requirements(device, buffer, fptr)) end function bind_buffer_memory(device, buffer, memory, memory_offset::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_buffer_memory(device, buffer, memory, memory_offset, fptr)) val end function get_image_memory_requirements(device, image, fptr::FunctionPtr) MemoryRequirements(_get_image_memory_requirements(device, image, fptr)) end function bind_image_memory(device, image, memory, memory_offset::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_image_memory(device, image, memory, memory_offset, fptr)) val end function get_image_sparse_memory_requirements(device, image, fptr::FunctionPtr) SparseImageMemoryRequirements.(_get_image_sparse_memory_requirements(device, image, fptr)) end function get_physical_device_sparse_image_format_properties(physical_device, format::Format, type::ImageType, samples::SampleCountFlag, usage::ImageUsageFlag, tiling::ImageTiling, fptr::FunctionPtr) SparseImageFormatProperties.(_get_physical_device_sparse_image_format_properties(physical_device, format, type, samples, usage, tiling, fptr)) end function queue_bind_sparse(queue, bind_info::AbstractArray, fptr::FunctionPtr; fence = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_queue_bind_sparse(queue, convert(AbstractArray{_BindSparseInfo}, bind_info), fptr; fence)) val end function create_fence(device, create_info::FenceCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Fence, VulkanError} val = @propagate_errors(_create_fence(device, convert(_FenceCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_fence(device, fence, fptr::FunctionPtr; allocator = C_NULL) _destroy_fence(device, fence, fptr; allocator) end function reset_fences(device, fences::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_reset_fences(device, fences, fptr)) val end function get_fence_status(device, fence, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_fence_status(device, fence, fptr)) val end function wait_for_fences(device, fences::AbstractArray, wait_all::Bool, timeout::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_wait_for_fences(device, fences, wait_all, timeout, fptr)) val end function create_semaphore(device, create_info::SemaphoreCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Semaphore, VulkanError} val = @propagate_errors(_create_semaphore(device, convert(_SemaphoreCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_semaphore(device, semaphore, fptr::FunctionPtr; allocator = C_NULL) _destroy_semaphore(device, semaphore, fptr; allocator) end function create_event(device, create_info::EventCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Event, VulkanError} val = @propagate_errors(_create_event(device, convert(_EventCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_event(device, event, fptr::FunctionPtr; allocator = C_NULL) _destroy_event(device, event, fptr; allocator) end function get_event_status(device, event, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_event_status(device, event, fptr)) val end function set_event(device, event, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_set_event(device, event, fptr)) val end function reset_event(device, event, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_reset_event(device, event, fptr)) val end function create_query_pool(device, create_info::QueryPoolCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{QueryPool, VulkanError} val = @propagate_errors(_create_query_pool(device, convert(_QueryPoolCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_query_pool(device, query_pool, fptr::FunctionPtr; allocator = C_NULL) _destroy_query_pool(device, query_pool, fptr; allocator) end function get_query_pool_results(device, query_pool, first_query::Integer, query_count::Integer, data_size::Integer, data::Ptr{Cvoid}, stride::Integer, fptr::FunctionPtr; flags = 0)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_query_pool_results(device, query_pool, first_query, query_count, data_size, data, stride, fptr; flags)) val end function reset_query_pool(device, query_pool, first_query::Integer, query_count::Integer, fptr::FunctionPtr) _reset_query_pool(device, query_pool, first_query, query_count, fptr) end function create_buffer(device, create_info::BufferCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Buffer, VulkanError} val = @propagate_errors(_create_buffer(device, convert(_BufferCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_buffer(device, buffer, fptr::FunctionPtr; allocator = C_NULL) _destroy_buffer(device, buffer, fptr; allocator) end function create_buffer_view(device, create_info::BufferViewCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{BufferView, VulkanError} val = @propagate_errors(_create_buffer_view(device, convert(_BufferViewCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_buffer_view(device, buffer_view, fptr::FunctionPtr; allocator = C_NULL) _destroy_buffer_view(device, buffer_view, fptr; allocator) end function create_image(device, create_info::ImageCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Image, VulkanError} val = @propagate_errors(_create_image(device, convert(_ImageCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_image(device, image, fptr::FunctionPtr; allocator = C_NULL) _destroy_image(device, image, fptr; allocator) end function get_image_subresource_layout(device, image, subresource::ImageSubresource, fptr::FunctionPtr) SubresourceLayout(_get_image_subresource_layout(device, image, convert(_ImageSubresource, subresource), fptr)) end function create_image_view(device, create_info::ImageViewCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{ImageView, VulkanError} val = @propagate_errors(_create_image_view(device, convert(_ImageViewCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_image_view(device, image_view, fptr::FunctionPtr; allocator = C_NULL) _destroy_image_view(device, image_view, fptr; allocator) end function create_shader_module(device, create_info::ShaderModuleCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{ShaderModule, VulkanError} val = @propagate_errors(_create_shader_module(device, convert(_ShaderModuleCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_shader_module(device, shader_module, fptr::FunctionPtr; allocator = C_NULL) _destroy_shader_module(device, shader_module, fptr; allocator) end function create_pipeline_cache(device, create_info::PipelineCacheCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{PipelineCache, VulkanError} val = @propagate_errors(_create_pipeline_cache(device, convert(_PipelineCacheCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_pipeline_cache(device, pipeline_cache, fptr::FunctionPtr; allocator = C_NULL) _destroy_pipeline_cache(device, pipeline_cache, fptr; allocator) end function get_pipeline_cache_data(device, pipeline_cache, fptr::FunctionPtr)::ResultTypes.Result{Tuple{UInt, Ptr{Cvoid}}, VulkanError} val = @propagate_errors(_get_pipeline_cache_data(device, pipeline_cache, fptr)) val end function merge_pipeline_caches(device, dst_cache, src_caches::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_merge_pipeline_caches(device, dst_cache, src_caches, fptr)) val end function create_graphics_pipelines(device, create_infos::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} val = @propagate_errors(_create_graphics_pipelines(device, convert(AbstractArray{_GraphicsPipelineCreateInfo}, create_infos), fptr_create, fptr_destroy; pipeline_cache, allocator)) val end function create_compute_pipelines(device, create_infos::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} val = @propagate_errors(_create_compute_pipelines(device, convert(AbstractArray{_ComputePipelineCreateInfo}, create_infos), fptr_create, fptr_destroy; pipeline_cache, allocator)) val end function get_device_subpass_shading_max_workgroup_size_huawei(device, renderpass, fptr::FunctionPtr)::ResultTypes.Result{Extent2D, VulkanError} val = @propagate_errors(_get_device_subpass_shading_max_workgroup_size_huawei(device, renderpass, fptr)) Extent2D(val) end function destroy_pipeline(device, pipeline, fptr::FunctionPtr; allocator = C_NULL) _destroy_pipeline(device, pipeline, fptr; allocator) end function create_pipeline_layout(device, create_info::PipelineLayoutCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{PipelineLayout, VulkanError} val = @propagate_errors(_create_pipeline_layout(device, convert(_PipelineLayoutCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_pipeline_layout(device, pipeline_layout, fptr::FunctionPtr; allocator = C_NULL) _destroy_pipeline_layout(device, pipeline_layout, fptr; allocator) end function create_sampler(device, create_info::SamplerCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Sampler, VulkanError} val = @propagate_errors(_create_sampler(device, convert(_SamplerCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_sampler(device, sampler, fptr::FunctionPtr; allocator = C_NULL) _destroy_sampler(device, sampler, fptr; allocator) end function create_descriptor_set_layout(device, create_info::DescriptorSetLayoutCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DescriptorSetLayout, VulkanError} val = @propagate_errors(_create_descriptor_set_layout(device, convert(_DescriptorSetLayoutCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_descriptor_set_layout(device, descriptor_set_layout, fptr::FunctionPtr; allocator = C_NULL) _destroy_descriptor_set_layout(device, descriptor_set_layout, fptr; allocator) end function create_descriptor_pool(device, create_info::DescriptorPoolCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DescriptorPool, VulkanError} val = @propagate_errors(_create_descriptor_pool(device, convert(_DescriptorPoolCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_descriptor_pool(device, descriptor_pool, fptr::FunctionPtr; allocator = C_NULL) _destroy_descriptor_pool(device, descriptor_pool, fptr; allocator) end function reset_descriptor_pool(device, descriptor_pool, fptr::FunctionPtr; flags = 0) _reset_descriptor_pool(device, descriptor_pool, fptr; flags) end function allocate_descriptor_sets(device, allocate_info::DescriptorSetAllocateInfo, fptr_create::FunctionPtr)::ResultTypes.Result{Vector{DescriptorSet}, VulkanError} val = @propagate_errors(_allocate_descriptor_sets(device, convert(_DescriptorSetAllocateInfo, allocate_info), fptr_create)) val end function free_descriptor_sets(device, descriptor_pool, descriptor_sets::AbstractArray, fptr::FunctionPtr) _free_descriptor_sets(device, descriptor_pool, descriptor_sets, fptr) end function update_descriptor_sets(device, descriptor_writes::AbstractArray, descriptor_copies::AbstractArray, fptr::FunctionPtr) _update_descriptor_sets(device, convert(AbstractArray{_WriteDescriptorSet}, descriptor_writes), convert(AbstractArray{_CopyDescriptorSet}, descriptor_copies), fptr) end function create_framebuffer(device, create_info::FramebufferCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Framebuffer, VulkanError} val = @propagate_errors(_create_framebuffer(device, convert(_FramebufferCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_framebuffer(device, framebuffer, fptr::FunctionPtr; allocator = C_NULL) _destroy_framebuffer(device, framebuffer, fptr; allocator) end function create_render_pass(device, create_info::RenderPassCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{RenderPass, VulkanError} val = @propagate_errors(_create_render_pass(device, convert(_RenderPassCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_render_pass(device, render_pass, fptr::FunctionPtr; allocator = C_NULL) _destroy_render_pass(device, render_pass, fptr; allocator) end function get_render_area_granularity(device, render_pass, fptr::FunctionPtr) Extent2D(_get_render_area_granularity(device, render_pass, fptr)) end function create_command_pool(device, create_info::CommandPoolCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{CommandPool, VulkanError} val = @propagate_errors(_create_command_pool(device, convert(_CommandPoolCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_command_pool(device, command_pool, fptr::FunctionPtr; allocator = C_NULL) _destroy_command_pool(device, command_pool, fptr; allocator) end function reset_command_pool(device, command_pool, fptr::FunctionPtr; flags = 0)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_reset_command_pool(device, command_pool, fptr; flags)) val end function allocate_command_buffers(device, allocate_info::CommandBufferAllocateInfo, fptr_create::FunctionPtr)::ResultTypes.Result{Vector{CommandBuffer}, VulkanError} val = @propagate_errors(_allocate_command_buffers(device, convert(_CommandBufferAllocateInfo, allocate_info), fptr_create)) val end function free_command_buffers(device, command_pool, command_buffers::AbstractArray, fptr::FunctionPtr) _free_command_buffers(device, command_pool, command_buffers, fptr) end function begin_command_buffer(command_buffer, begin_info::CommandBufferBeginInfo, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_begin_command_buffer(command_buffer, convert(_CommandBufferBeginInfo, begin_info), fptr)) val end function end_command_buffer(command_buffer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_end_command_buffer(command_buffer, fptr)) val end function reset_command_buffer(command_buffer, fptr::FunctionPtr; flags = 0)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_reset_command_buffer(command_buffer, fptr; flags)) val end function cmd_bind_pipeline(command_buffer, pipeline_bind_point::PipelineBindPoint, pipeline, fptr::FunctionPtr) _cmd_bind_pipeline(command_buffer, pipeline_bind_point, pipeline, fptr) end function cmd_set_viewport(command_buffer, viewports::AbstractArray, fptr::FunctionPtr) _cmd_set_viewport(command_buffer, convert(AbstractArray{_Viewport}, viewports), fptr) end function cmd_set_scissor(command_buffer, scissors::AbstractArray, fptr::FunctionPtr) _cmd_set_scissor(command_buffer, convert(AbstractArray{_Rect2D}, scissors), fptr) end function cmd_set_line_width(command_buffer, line_width::Real, fptr::FunctionPtr) _cmd_set_line_width(command_buffer, line_width, fptr) end function cmd_set_depth_bias(command_buffer, depth_bias_constant_factor::Real, depth_bias_clamp::Real, depth_bias_slope_factor::Real, fptr::FunctionPtr) _cmd_set_depth_bias(command_buffer, depth_bias_constant_factor, depth_bias_clamp, depth_bias_slope_factor, fptr) end function cmd_set_blend_constants(command_buffer, blend_constants::NTuple{4, Float32}, fptr::FunctionPtr) _cmd_set_blend_constants(command_buffer, blend_constants, fptr) end function cmd_set_depth_bounds(command_buffer, min_depth_bounds::Real, max_depth_bounds::Real, fptr::FunctionPtr) _cmd_set_depth_bounds(command_buffer, min_depth_bounds, max_depth_bounds, fptr) end function cmd_set_stencil_compare_mask(command_buffer, face_mask::StencilFaceFlag, compare_mask::Integer, fptr::FunctionPtr) _cmd_set_stencil_compare_mask(command_buffer, face_mask, compare_mask, fptr) end function cmd_set_stencil_write_mask(command_buffer, face_mask::StencilFaceFlag, write_mask::Integer, fptr::FunctionPtr) _cmd_set_stencil_write_mask(command_buffer, face_mask, write_mask, fptr) end function cmd_set_stencil_reference(command_buffer, face_mask::StencilFaceFlag, reference::Integer, fptr::FunctionPtr) _cmd_set_stencil_reference(command_buffer, face_mask, reference, fptr) end function cmd_bind_descriptor_sets(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, first_set::Integer, descriptor_sets::AbstractArray, dynamic_offsets::AbstractArray, fptr::FunctionPtr) _cmd_bind_descriptor_sets(command_buffer, pipeline_bind_point, layout, first_set, descriptor_sets, dynamic_offsets, fptr) end function cmd_bind_index_buffer(command_buffer, buffer, offset::Integer, index_type::IndexType, fptr::FunctionPtr) _cmd_bind_index_buffer(command_buffer, buffer, offset, index_type, fptr) end function cmd_bind_vertex_buffers(command_buffer, buffers::AbstractArray, offsets::AbstractArray, fptr::FunctionPtr) _cmd_bind_vertex_buffers(command_buffer, buffers, offsets, fptr) end function cmd_draw(command_buffer, vertex_count::Integer, instance_count::Integer, first_vertex::Integer, first_instance::Integer, fptr::FunctionPtr) _cmd_draw(command_buffer, vertex_count, instance_count, first_vertex, first_instance, fptr) end function cmd_draw_indexed(command_buffer, index_count::Integer, instance_count::Integer, first_index::Integer, vertex_offset::Integer, first_instance::Integer, fptr::FunctionPtr) _cmd_draw_indexed(command_buffer, index_count, instance_count, first_index, vertex_offset, first_instance, fptr) end function cmd_draw_multi_ext(command_buffer, vertex_info::AbstractArray, instance_count::Integer, first_instance::Integer, stride::Integer, fptr::FunctionPtr) _cmd_draw_multi_ext(command_buffer, convert(AbstractArray{_MultiDrawInfoEXT}, vertex_info), instance_count, first_instance, stride, fptr) end function cmd_draw_multi_indexed_ext(command_buffer, index_info::AbstractArray, instance_count::Integer, first_instance::Integer, stride::Integer, fptr::FunctionPtr; vertex_offset = C_NULL) _cmd_draw_multi_indexed_ext(command_buffer, convert(AbstractArray{_MultiDrawIndexedInfoEXT}, index_info), instance_count, first_instance, stride, fptr; vertex_offset) end function cmd_draw_indirect(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer, fptr::FunctionPtr) _cmd_draw_indirect(command_buffer, buffer, offset, draw_count, stride, fptr) end function cmd_draw_indexed_indirect(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer, fptr::FunctionPtr) _cmd_draw_indexed_indirect(command_buffer, buffer, offset, draw_count, stride, fptr) end function cmd_dispatch(command_buffer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer, fptr::FunctionPtr) _cmd_dispatch(command_buffer, group_count_x, group_count_y, group_count_z, fptr) end function cmd_dispatch_indirect(command_buffer, buffer, offset::Integer, fptr::FunctionPtr) _cmd_dispatch_indirect(command_buffer, buffer, offset, fptr) end function cmd_subpass_shading_huawei(command_buffer, fptr::FunctionPtr) _cmd_subpass_shading_huawei(command_buffer, fptr) end function cmd_draw_cluster_huawei(command_buffer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer, fptr::FunctionPtr) _cmd_draw_cluster_huawei(command_buffer, group_count_x, group_count_y, group_count_z, fptr) end function cmd_draw_cluster_indirect_huawei(command_buffer, buffer, offset::Integer, fptr::FunctionPtr) _cmd_draw_cluster_indirect_huawei(command_buffer, buffer, offset, fptr) end function cmd_copy_buffer(command_buffer, src_buffer, dst_buffer, regions::AbstractArray, fptr::FunctionPtr) _cmd_copy_buffer(command_buffer, src_buffer, dst_buffer, convert(AbstractArray{_BufferCopy}, regions), fptr) end function cmd_copy_image(command_buffer, src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray, fptr::FunctionPtr) _cmd_copy_image(command_buffer, src_image, src_image_layout, dst_image, dst_image_layout, convert(AbstractArray{_ImageCopy}, regions), fptr) end function cmd_blit_image(command_buffer, src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray, filter::Filter, fptr::FunctionPtr) _cmd_blit_image(command_buffer, src_image, src_image_layout, dst_image, dst_image_layout, convert(AbstractArray{_ImageBlit}, regions), filter, fptr) end function cmd_copy_buffer_to_image(command_buffer, src_buffer, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray, fptr::FunctionPtr) _cmd_copy_buffer_to_image(command_buffer, src_buffer, dst_image, dst_image_layout, convert(AbstractArray{_BufferImageCopy}, regions), fptr) end function cmd_copy_image_to_buffer(command_buffer, src_image, src_image_layout::ImageLayout, dst_buffer, regions::AbstractArray, fptr::FunctionPtr) _cmd_copy_image_to_buffer(command_buffer, src_image, src_image_layout, dst_buffer, convert(AbstractArray{_BufferImageCopy}, regions), fptr) end function cmd_copy_memory_indirect_nv(command_buffer, copy_buffer_address::Integer, copy_count::Integer, stride::Integer, fptr::FunctionPtr) _cmd_copy_memory_indirect_nv(command_buffer, copy_buffer_address, copy_count, stride, fptr) end function cmd_copy_memory_to_image_indirect_nv(command_buffer, copy_buffer_address::Integer, stride::Integer, dst_image, dst_image_layout::ImageLayout, image_subresources::AbstractArray, fptr::FunctionPtr) _cmd_copy_memory_to_image_indirect_nv(command_buffer, copy_buffer_address, stride, dst_image, dst_image_layout, convert(AbstractArray{_ImageSubresourceLayers}, image_subresources), fptr) end function cmd_update_buffer(command_buffer, dst_buffer, dst_offset::Integer, data_size::Integer, data::Ptr{Cvoid}, fptr::FunctionPtr) _cmd_update_buffer(command_buffer, dst_buffer, dst_offset, data_size, data, fptr) end function cmd_fill_buffer(command_buffer, dst_buffer, dst_offset::Integer, size::Integer, data::Integer, fptr::FunctionPtr) _cmd_fill_buffer(command_buffer, dst_buffer, dst_offset, size, data, fptr) end function cmd_clear_color_image(command_buffer, image, image_layout::ImageLayout, color::ClearColorValue, ranges::AbstractArray, fptr::FunctionPtr) _cmd_clear_color_image(command_buffer, image, image_layout, convert(_ClearColorValue, color), convert(AbstractArray{_ImageSubresourceRange}, ranges), fptr) end function cmd_clear_depth_stencil_image(command_buffer, image, image_layout::ImageLayout, depth_stencil::ClearDepthStencilValue, ranges::AbstractArray, fptr::FunctionPtr) _cmd_clear_depth_stencil_image(command_buffer, image, image_layout, convert(_ClearDepthStencilValue, depth_stencil), convert(AbstractArray{_ImageSubresourceRange}, ranges), fptr) end function cmd_clear_attachments(command_buffer, attachments::AbstractArray, rects::AbstractArray, fptr::FunctionPtr) _cmd_clear_attachments(command_buffer, convert(AbstractArray{_ClearAttachment}, attachments), convert(AbstractArray{_ClearRect}, rects), fptr) end function cmd_resolve_image(command_buffer, src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray, fptr::FunctionPtr) _cmd_resolve_image(command_buffer, src_image, src_image_layout, dst_image, dst_image_layout, convert(AbstractArray{_ImageResolve}, regions), fptr) end function cmd_set_event(command_buffer, event, fptr::FunctionPtr; stage_mask = 0) _cmd_set_event(command_buffer, event, fptr; stage_mask) end function cmd_reset_event(command_buffer, event, fptr::FunctionPtr; stage_mask = 0) _cmd_reset_event(command_buffer, event, fptr; stage_mask) end function cmd_wait_events(command_buffer, events::AbstractArray, memory_barriers::AbstractArray, buffer_memory_barriers::AbstractArray, image_memory_barriers::AbstractArray, fptr::FunctionPtr; src_stage_mask = 0, dst_stage_mask = 0) _cmd_wait_events(command_buffer, events, convert(AbstractArray{_MemoryBarrier}, memory_barriers), convert(AbstractArray{_BufferMemoryBarrier}, buffer_memory_barriers), convert(AbstractArray{_ImageMemoryBarrier}, image_memory_barriers), fptr; src_stage_mask, dst_stage_mask) end function cmd_pipeline_barrier(command_buffer, memory_barriers::AbstractArray, buffer_memory_barriers::AbstractArray, image_memory_barriers::AbstractArray, fptr::FunctionPtr; src_stage_mask = 0, dst_stage_mask = 0, dependency_flags = 0) _cmd_pipeline_barrier(command_buffer, convert(AbstractArray{_MemoryBarrier}, memory_barriers), convert(AbstractArray{_BufferMemoryBarrier}, buffer_memory_barriers), convert(AbstractArray{_ImageMemoryBarrier}, image_memory_barriers), fptr; src_stage_mask, dst_stage_mask, dependency_flags) end function cmd_begin_query(command_buffer, query_pool, query::Integer, fptr::FunctionPtr; flags = 0) _cmd_begin_query(command_buffer, query_pool, query, fptr; flags) end function cmd_end_query(command_buffer, query_pool, query::Integer, fptr::FunctionPtr) _cmd_end_query(command_buffer, query_pool, query, fptr) end function cmd_begin_conditional_rendering_ext(command_buffer, conditional_rendering_begin::ConditionalRenderingBeginInfoEXT, fptr::FunctionPtr) _cmd_begin_conditional_rendering_ext(command_buffer, convert(_ConditionalRenderingBeginInfoEXT, conditional_rendering_begin), fptr) end function cmd_end_conditional_rendering_ext(command_buffer, fptr::FunctionPtr) _cmd_end_conditional_rendering_ext(command_buffer, fptr) end function cmd_reset_query_pool(command_buffer, query_pool, first_query::Integer, query_count::Integer, fptr::FunctionPtr) _cmd_reset_query_pool(command_buffer, query_pool, first_query, query_count, fptr) end function cmd_write_timestamp(command_buffer, pipeline_stage::PipelineStageFlag, query_pool, query::Integer, fptr::FunctionPtr) _cmd_write_timestamp(command_buffer, pipeline_stage, query_pool, query, fptr) end function cmd_copy_query_pool_results(command_buffer, query_pool, first_query::Integer, query_count::Integer, dst_buffer, dst_offset::Integer, stride::Integer, fptr::FunctionPtr; flags = 0) _cmd_copy_query_pool_results(command_buffer, query_pool, first_query, query_count, dst_buffer, dst_offset, stride, fptr; flags) end function cmd_push_constants(command_buffer, layout, stage_flags::ShaderStageFlag, offset::Integer, size::Integer, values::Ptr{Cvoid}, fptr::FunctionPtr) _cmd_push_constants(command_buffer, layout, stage_flags, offset, size, values, fptr) end function cmd_begin_render_pass(command_buffer, render_pass_begin::RenderPassBeginInfo, contents::SubpassContents, fptr::FunctionPtr) _cmd_begin_render_pass(command_buffer, convert(_RenderPassBeginInfo, render_pass_begin), contents, fptr) end function cmd_next_subpass(command_buffer, contents::SubpassContents, fptr::FunctionPtr) _cmd_next_subpass(command_buffer, contents, fptr) end function cmd_end_render_pass(command_buffer, fptr::FunctionPtr) _cmd_end_render_pass(command_buffer, fptr) end function cmd_execute_commands(command_buffer, command_buffers::AbstractArray, fptr::FunctionPtr) _cmd_execute_commands(command_buffer, command_buffers, fptr) end function get_physical_device_display_properties_khr(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{DisplayPropertiesKHR}, VulkanError} val = @propagate_errors(_get_physical_device_display_properties_khr(physical_device, fptr)) DisplayPropertiesKHR.(val) end function get_physical_device_display_plane_properties_khr(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{DisplayPlanePropertiesKHR}, VulkanError} val = @propagate_errors(_get_physical_device_display_plane_properties_khr(physical_device, fptr)) DisplayPlanePropertiesKHR.(val) end function get_display_plane_supported_displays_khr(physical_device, plane_index::Integer, fptr::FunctionPtr)::ResultTypes.Result{Vector{DisplayKHR}, VulkanError} val = @propagate_errors(_get_display_plane_supported_displays_khr(physical_device, plane_index, fptr)) val end function get_display_mode_properties_khr(physical_device, display, fptr::FunctionPtr)::ResultTypes.Result{Vector{DisplayModePropertiesKHR}, VulkanError} val = @propagate_errors(_get_display_mode_properties_khr(physical_device, display, fptr)) DisplayModePropertiesKHR.(val) end function create_display_mode_khr(physical_device, display, create_info::DisplayModeCreateInfoKHR, fptr_create::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DisplayModeKHR, VulkanError} val = @propagate_errors(_create_display_mode_khr(physical_device, display, convert(_DisplayModeCreateInfoKHR, create_info), fptr_create; allocator)) val end function get_display_plane_capabilities_khr(physical_device, mode, plane_index::Integer, fptr::FunctionPtr)::ResultTypes.Result{DisplayPlaneCapabilitiesKHR, VulkanError} val = @propagate_errors(_get_display_plane_capabilities_khr(physical_device, mode, plane_index, fptr)) DisplayPlaneCapabilitiesKHR(val) end function create_display_plane_surface_khr(instance, create_info::DisplaySurfaceCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_display_plane_surface_khr(instance, convert(_DisplaySurfaceCreateInfoKHR, create_info), fptr_create, fptr_destroy; allocator)) val end function create_shared_swapchains_khr(device, create_infos::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Vector{SwapchainKHR}, VulkanError} val = @propagate_errors(_create_shared_swapchains_khr(device, convert(AbstractArray{_SwapchainCreateInfoKHR}, create_infos), fptr_create, fptr_destroy; allocator)) val end function destroy_surface_khr(instance, surface, fptr::FunctionPtr; allocator = C_NULL) _destroy_surface_khr(instance, surface, fptr; allocator) end function get_physical_device_surface_support_khr(physical_device, queue_family_index::Integer, surface, fptr::FunctionPtr)::ResultTypes.Result{Bool, VulkanError} val = @propagate_errors(_get_physical_device_surface_support_khr(physical_device, queue_family_index, surface, fptr)) val end function get_physical_device_surface_capabilities_khr(physical_device, surface, fptr::FunctionPtr)::ResultTypes.Result{SurfaceCapabilitiesKHR, VulkanError} val = @propagate_errors(_get_physical_device_surface_capabilities_khr(physical_device, surface, fptr)) SurfaceCapabilitiesKHR(val) end function get_physical_device_surface_formats_khr(physical_device, fptr::FunctionPtr; surface = C_NULL)::ResultTypes.Result{Vector{SurfaceFormatKHR}, VulkanError} val = @propagate_errors(_get_physical_device_surface_formats_khr(physical_device, fptr; surface)) SurfaceFormatKHR.(val) end function get_physical_device_surface_present_modes_khr(physical_device, fptr::FunctionPtr; surface = C_NULL)::ResultTypes.Result{Vector{PresentModeKHR}, VulkanError} val = @propagate_errors(_get_physical_device_surface_present_modes_khr(physical_device, fptr; surface)) val end function create_swapchain_khr(device, create_info::SwapchainCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SwapchainKHR, VulkanError} val = @propagate_errors(_create_swapchain_khr(device, convert(_SwapchainCreateInfoKHR, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_swapchain_khr(device, swapchain, fptr::FunctionPtr; allocator = C_NULL) _destroy_swapchain_khr(device, swapchain, fptr; allocator) end function get_swapchain_images_khr(device, swapchain, fptr::FunctionPtr)::ResultTypes.Result{Vector{Image}, VulkanError} val = @propagate_errors(_get_swapchain_images_khr(device, swapchain, fptr)) val end function acquire_next_image_khr(device, swapchain, timeout::Integer, fptr::FunctionPtr; semaphore = C_NULL, fence = C_NULL)::ResultTypes.Result{Tuple{UInt32, Result}, VulkanError} val = @propagate_errors(_acquire_next_image_khr(device, swapchain, timeout, fptr; semaphore, fence)) val end function queue_present_khr(queue, present_info::PresentInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_queue_present_khr(queue, convert(_PresentInfoKHR, present_info), fptr)) val end function create_wayland_surface_khr(instance, create_info::WaylandSurfaceCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_wayland_surface_khr(instance, convert(_WaylandSurfaceCreateInfoKHR, create_info), fptr_create, fptr_destroy; allocator)) val end function get_physical_device_wayland_presentation_support_khr(physical_device, queue_family_index::Integer, display::Ptr{vk.wl_display}, fptr::FunctionPtr) _get_physical_device_wayland_presentation_support_khr(physical_device, queue_family_index, display, fptr) end function create_xlib_surface_khr(instance, create_info::XlibSurfaceCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_xlib_surface_khr(instance, convert(_XlibSurfaceCreateInfoKHR, create_info), fptr_create, fptr_destroy; allocator)) val end function get_physical_device_xlib_presentation_support_khr(physical_device, queue_family_index::Integer, dpy::Ptr{vk.Display}, visual_id::vk.VisualID, fptr::FunctionPtr) _get_physical_device_xlib_presentation_support_khr(physical_device, queue_family_index, dpy, visual_id, fptr) end function create_xcb_surface_khr(instance, create_info::XcbSurfaceCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_xcb_surface_khr(instance, convert(_XcbSurfaceCreateInfoKHR, create_info), fptr_create, fptr_destroy; allocator)) val end function get_physical_device_xcb_presentation_support_khr(physical_device, queue_family_index::Integer, connection::Ptr{vk.xcb_connection_t}, visual_id::vk.xcb_visualid_t, fptr::FunctionPtr) _get_physical_device_xcb_presentation_support_khr(physical_device, queue_family_index, connection, visual_id, fptr) end function create_debug_report_callback_ext(instance, create_info::DebugReportCallbackCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DebugReportCallbackEXT, VulkanError} val = @propagate_errors(_create_debug_report_callback_ext(instance, convert(_DebugReportCallbackCreateInfoEXT, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_debug_report_callback_ext(instance, callback, fptr::FunctionPtr; allocator = C_NULL) _destroy_debug_report_callback_ext(instance, callback, fptr; allocator) end function debug_report_message_ext(instance, flags::DebugReportFlagEXT, object_type::DebugReportObjectTypeEXT, object::Integer, location::Integer, message_code::Integer, layer_prefix::AbstractString, message::AbstractString, fptr::FunctionPtr) _debug_report_message_ext(instance, flags, object_type, object, location, message_code, layer_prefix, message, fptr) end function debug_marker_set_object_name_ext(device, name_info::DebugMarkerObjectNameInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_debug_marker_set_object_name_ext(device, convert(_DebugMarkerObjectNameInfoEXT, name_info), fptr)) val end function debug_marker_set_object_tag_ext(device, tag_info::DebugMarkerObjectTagInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_debug_marker_set_object_tag_ext(device, convert(_DebugMarkerObjectTagInfoEXT, tag_info), fptr)) val end function cmd_debug_marker_begin_ext(command_buffer, marker_info::DebugMarkerMarkerInfoEXT, fptr::FunctionPtr) _cmd_debug_marker_begin_ext(command_buffer, convert(_DebugMarkerMarkerInfoEXT, marker_info), fptr) end function cmd_debug_marker_end_ext(command_buffer, fptr::FunctionPtr) _cmd_debug_marker_end_ext(command_buffer, fptr) end function cmd_debug_marker_insert_ext(command_buffer, marker_info::DebugMarkerMarkerInfoEXT, fptr::FunctionPtr) _cmd_debug_marker_insert_ext(command_buffer, convert(_DebugMarkerMarkerInfoEXT, marker_info), fptr) end function get_physical_device_external_image_format_properties_nv(physical_device, format::Format, type::ImageType, tiling::ImageTiling, usage::ImageUsageFlag, fptr::FunctionPtr; flags = 0, external_handle_type = 0)::ResultTypes.Result{ExternalImageFormatPropertiesNV, VulkanError} val = @propagate_errors(_get_physical_device_external_image_format_properties_nv(physical_device, format, type, tiling, usage, fptr; flags, external_handle_type)) ExternalImageFormatPropertiesNV(val) end function cmd_execute_generated_commands_nv(command_buffer, is_preprocessed::Bool, generated_commands_info::GeneratedCommandsInfoNV, fptr::FunctionPtr) _cmd_execute_generated_commands_nv(command_buffer, is_preprocessed, convert(_GeneratedCommandsInfoNV, generated_commands_info), fptr) end function cmd_preprocess_generated_commands_nv(command_buffer, generated_commands_info::GeneratedCommandsInfoNV, fptr::FunctionPtr) _cmd_preprocess_generated_commands_nv(command_buffer, convert(_GeneratedCommandsInfoNV, generated_commands_info), fptr) end function cmd_bind_pipeline_shader_group_nv(command_buffer, pipeline_bind_point::PipelineBindPoint, pipeline, group_index::Integer, fptr::FunctionPtr) _cmd_bind_pipeline_shader_group_nv(command_buffer, pipeline_bind_point, pipeline, group_index, fptr) end function get_generated_commands_memory_requirements_nv(device, info::GeneratedCommandsMemoryRequirementsInfoNV, fptr::FunctionPtr, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) MemoryRequirements2(_get_generated_commands_memory_requirements_nv(device, convert(_GeneratedCommandsMemoryRequirementsInfoNV, info), fptr, next_types...), next_types_hl...) end function create_indirect_commands_layout_nv(device, create_info::IndirectCommandsLayoutCreateInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{IndirectCommandsLayoutNV, VulkanError} val = @propagate_errors(_create_indirect_commands_layout_nv(device, convert(_IndirectCommandsLayoutCreateInfoNV, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_indirect_commands_layout_nv(device, indirect_commands_layout, fptr::FunctionPtr; allocator = C_NULL) _destroy_indirect_commands_layout_nv(device, indirect_commands_layout, fptr; allocator) end function get_physical_device_features_2(physical_device, fptr::FunctionPtr, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) PhysicalDeviceFeatures2(_get_physical_device_features_2(physical_device, fptr, next_types...), next_types_hl...) end function get_physical_device_properties_2(physical_device, fptr::FunctionPtr, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) PhysicalDeviceProperties2(_get_physical_device_properties_2(physical_device, fptr, next_types...), next_types_hl...) end function get_physical_device_format_properties_2(physical_device, format::Format, fptr::FunctionPtr, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) FormatProperties2(_get_physical_device_format_properties_2(physical_device, format, fptr, next_types...), next_types_hl...) end function get_physical_device_image_format_properties_2(physical_device, image_format_info::PhysicalDeviceImageFormatInfo2, fptr::FunctionPtr, next_types::Type...)::ResultTypes.Result{ImageFormatProperties2, VulkanError} next_types_hl = next_types next_types = intermediate_type.(next_types) val = @propagate_errors(_get_physical_device_image_format_properties_2(physical_device, convert(_PhysicalDeviceImageFormatInfo2, image_format_info), fptr, next_types...)) ImageFormatProperties2(val, next_types_hl...) end function get_physical_device_queue_family_properties_2(physical_device, fptr::FunctionPtr) QueueFamilyProperties2.(_get_physical_device_queue_family_properties_2(physical_device, fptr)) end function get_physical_device_memory_properties_2(physical_device, fptr::FunctionPtr, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) PhysicalDeviceMemoryProperties2(_get_physical_device_memory_properties_2(physical_device, fptr, next_types...), next_types_hl...) end function get_physical_device_sparse_image_format_properties_2(physical_device, format_info::PhysicalDeviceSparseImageFormatInfo2, fptr::FunctionPtr) SparseImageFormatProperties2.(_get_physical_device_sparse_image_format_properties_2(physical_device, convert(_PhysicalDeviceSparseImageFormatInfo2, format_info), fptr)) end function cmd_push_descriptor_set_khr(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, set::Integer, descriptor_writes::AbstractArray, fptr::FunctionPtr) _cmd_push_descriptor_set_khr(command_buffer, pipeline_bind_point, layout, set, convert(AbstractArray{_WriteDescriptorSet}, descriptor_writes), fptr) end function trim_command_pool(device, command_pool, fptr::FunctionPtr; flags = 0) _trim_command_pool(device, command_pool, fptr; flags) end function get_physical_device_external_buffer_properties(physical_device, external_buffer_info::PhysicalDeviceExternalBufferInfo, fptr::FunctionPtr) ExternalBufferProperties(_get_physical_device_external_buffer_properties(physical_device, convert(_PhysicalDeviceExternalBufferInfo, external_buffer_info), fptr)) end function get_memory_fd_khr(device, get_fd_info::MemoryGetFdInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Int, VulkanError} val = @propagate_errors(_get_memory_fd_khr(device, convert(_MemoryGetFdInfoKHR, get_fd_info), fptr)) val end function get_memory_fd_properties_khr(device, handle_type::ExternalMemoryHandleTypeFlag, fd::Integer, fptr::FunctionPtr)::ResultTypes.Result{MemoryFdPropertiesKHR, VulkanError} val = @propagate_errors(_get_memory_fd_properties_khr(device, handle_type, fd, fptr)) MemoryFdPropertiesKHR(val) end function get_memory_remote_address_nv(device, memory_get_remote_address_info::MemoryGetRemoteAddressInfoNV, fptr::FunctionPtr)::ResultTypes.Result{Cvoid, VulkanError} val = @propagate_errors(_get_memory_remote_address_nv(device, convert(_MemoryGetRemoteAddressInfoNV, memory_get_remote_address_info), fptr)) val end function get_physical_device_external_semaphore_properties(physical_device, external_semaphore_info::PhysicalDeviceExternalSemaphoreInfo, fptr::FunctionPtr) ExternalSemaphoreProperties(_get_physical_device_external_semaphore_properties(physical_device, convert(_PhysicalDeviceExternalSemaphoreInfo, external_semaphore_info), fptr)) end function get_semaphore_fd_khr(device, get_fd_info::SemaphoreGetFdInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Int, VulkanError} val = @propagate_errors(_get_semaphore_fd_khr(device, convert(_SemaphoreGetFdInfoKHR, get_fd_info), fptr)) val end function import_semaphore_fd_khr(device, import_semaphore_fd_info::ImportSemaphoreFdInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_import_semaphore_fd_khr(device, convert(_ImportSemaphoreFdInfoKHR, import_semaphore_fd_info), fptr)) val end function get_physical_device_external_fence_properties(physical_device, external_fence_info::PhysicalDeviceExternalFenceInfo, fptr::FunctionPtr) ExternalFenceProperties(_get_physical_device_external_fence_properties(physical_device, convert(_PhysicalDeviceExternalFenceInfo, external_fence_info), fptr)) end function get_fence_fd_khr(device, get_fd_info::FenceGetFdInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Int, VulkanError} val = @propagate_errors(_get_fence_fd_khr(device, convert(_FenceGetFdInfoKHR, get_fd_info), fptr)) val end function import_fence_fd_khr(device, import_fence_fd_info::ImportFenceFdInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_import_fence_fd_khr(device, convert(_ImportFenceFdInfoKHR, import_fence_fd_info), fptr)) val end function release_display_ext(physical_device, display, fptr::FunctionPtr) _release_display_ext(physical_device, display, fptr) end function acquire_xlib_display_ext(physical_device, dpy::Ptr{vk.Display}, display, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_acquire_xlib_display_ext(physical_device, dpy, display, fptr)) val end function get_rand_r_output_display_ext(physical_device, dpy::Ptr{vk.Display}, rr_output::vk.RROutput, fptr::FunctionPtr)::ResultTypes.Result{DisplayKHR, VulkanError} val = @propagate_errors(_get_rand_r_output_display_ext(physical_device, dpy, rr_output, fptr)) val end function display_power_control_ext(device, display, display_power_info::DisplayPowerInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_display_power_control_ext(device, display, convert(_DisplayPowerInfoEXT, display_power_info), fptr)) val end function register_device_event_ext(device, device_event_info::DeviceEventInfoEXT, fptr::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Fence, VulkanError} val = @propagate_errors(_register_device_event_ext(device, convert(_DeviceEventInfoEXT, device_event_info), fptr; allocator)) val end function register_display_event_ext(device, display, display_event_info::DisplayEventInfoEXT, fptr::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Fence, VulkanError} val = @propagate_errors(_register_display_event_ext(device, display, convert(_DisplayEventInfoEXT, display_event_info), fptr; allocator)) val end function get_swapchain_counter_ext(device, swapchain, counter::SurfaceCounterFlagEXT, fptr::FunctionPtr)::ResultTypes.Result{UInt64, VulkanError} val = @propagate_errors(_get_swapchain_counter_ext(device, swapchain, counter, fptr)) val end function get_physical_device_surface_capabilities_2_ext(physical_device, surface, fptr::FunctionPtr)::ResultTypes.Result{SurfaceCapabilities2EXT, VulkanError} val = @propagate_errors(_get_physical_device_surface_capabilities_2_ext(physical_device, surface, fptr)) SurfaceCapabilities2EXT(val) end function enumerate_physical_device_groups(instance, fptr::FunctionPtr)::ResultTypes.Result{Vector{PhysicalDeviceGroupProperties}, VulkanError} val = @propagate_errors(_enumerate_physical_device_groups(instance, fptr)) PhysicalDeviceGroupProperties.(val) end function get_device_group_peer_memory_features(device, heap_index::Integer, local_device_index::Integer, remote_device_index::Integer, fptr::FunctionPtr) _get_device_group_peer_memory_features(device, heap_index, local_device_index, remote_device_index, fptr) end function bind_buffer_memory_2(device, bind_infos::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_buffer_memory_2(device, convert(AbstractArray{_BindBufferMemoryInfo}, bind_infos), fptr)) val end function bind_image_memory_2(device, bind_infos::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_image_memory_2(device, convert(AbstractArray{_BindImageMemoryInfo}, bind_infos), fptr)) val end function cmd_set_device_mask(command_buffer, device_mask::Integer, fptr::FunctionPtr) _cmd_set_device_mask(command_buffer, device_mask, fptr) end function get_device_group_present_capabilities_khr(device, fptr::FunctionPtr)::ResultTypes.Result{DeviceGroupPresentCapabilitiesKHR, VulkanError} val = @propagate_errors(_get_device_group_present_capabilities_khr(device, fptr)) DeviceGroupPresentCapabilitiesKHR(val) end function get_device_group_surface_present_modes_khr(device, surface, modes::DeviceGroupPresentModeFlagKHR, fptr::FunctionPtr)::ResultTypes.Result{DeviceGroupPresentModeFlagKHR, VulkanError} val = @propagate_errors(_get_device_group_surface_present_modes_khr(device, surface, modes, fptr)) val end function acquire_next_image_2_khr(device, acquire_info::AcquireNextImageInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Tuple{UInt32, Result}, VulkanError} val = @propagate_errors(_acquire_next_image_2_khr(device, convert(_AcquireNextImageInfoKHR, acquire_info), fptr)) val end function cmd_dispatch_base(command_buffer, base_group_x::Integer, base_group_y::Integer, base_group_z::Integer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer, fptr::FunctionPtr) _cmd_dispatch_base(command_buffer, base_group_x, base_group_y, base_group_z, group_count_x, group_count_y, group_count_z, fptr) end function get_physical_device_present_rectangles_khr(physical_device, surface, fptr::FunctionPtr)::ResultTypes.Result{Vector{Rect2D}, VulkanError} val = @propagate_errors(_get_physical_device_present_rectangles_khr(physical_device, surface, fptr)) Rect2D.(val) end function create_descriptor_update_template(device, create_info::DescriptorUpdateTemplateCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DescriptorUpdateTemplate, VulkanError} val = @propagate_errors(_create_descriptor_update_template(device, convert(_DescriptorUpdateTemplateCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_descriptor_update_template(device, descriptor_update_template, fptr::FunctionPtr; allocator = C_NULL) _destroy_descriptor_update_template(device, descriptor_update_template, fptr; allocator) end function update_descriptor_set_with_template(device, descriptor_set, descriptor_update_template, data::Ptr{Cvoid}, fptr::FunctionPtr) _update_descriptor_set_with_template(device, descriptor_set, descriptor_update_template, data, fptr) end function cmd_push_descriptor_set_with_template_khr(command_buffer, descriptor_update_template, layout, set::Integer, data::Ptr{Cvoid}, fptr::FunctionPtr) _cmd_push_descriptor_set_with_template_khr(command_buffer, descriptor_update_template, layout, set, data, fptr) end function set_hdr_metadata_ext(device, swapchains::AbstractArray, metadata::AbstractArray, fptr::FunctionPtr) _set_hdr_metadata_ext(device, swapchains, convert(AbstractArray{_HdrMetadataEXT}, metadata), fptr) end function get_swapchain_status_khr(device, swapchain, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_swapchain_status_khr(device, swapchain, fptr)) val end function get_refresh_cycle_duration_google(device, swapchain, fptr::FunctionPtr)::ResultTypes.Result{RefreshCycleDurationGOOGLE, VulkanError} val = @propagate_errors(_get_refresh_cycle_duration_google(device, swapchain, fptr)) RefreshCycleDurationGOOGLE(val) end function get_past_presentation_timing_google(device, swapchain, fptr::FunctionPtr)::ResultTypes.Result{Vector{PastPresentationTimingGOOGLE}, VulkanError} val = @propagate_errors(_get_past_presentation_timing_google(device, swapchain, fptr)) PastPresentationTimingGOOGLE.(val) end function cmd_set_viewport_w_scaling_nv(command_buffer, viewport_w_scalings::AbstractArray, fptr::FunctionPtr) _cmd_set_viewport_w_scaling_nv(command_buffer, convert(AbstractArray{_ViewportWScalingNV}, viewport_w_scalings), fptr) end function cmd_set_discard_rectangle_ext(command_buffer, discard_rectangles::AbstractArray, fptr::FunctionPtr) _cmd_set_discard_rectangle_ext(command_buffer, convert(AbstractArray{_Rect2D}, discard_rectangles), fptr) end function cmd_set_sample_locations_ext(command_buffer, sample_locations_info::SampleLocationsInfoEXT, fptr::FunctionPtr) _cmd_set_sample_locations_ext(command_buffer, convert(_SampleLocationsInfoEXT, sample_locations_info), fptr) end function get_physical_device_multisample_properties_ext(physical_device, samples::SampleCountFlag, fptr::FunctionPtr) MultisamplePropertiesEXT(_get_physical_device_multisample_properties_ext(physical_device, samples, fptr)) end function get_physical_device_surface_capabilities_2_khr(physical_device, surface_info::PhysicalDeviceSurfaceInfo2KHR, fptr::FunctionPtr, next_types::Type...)::ResultTypes.Result{SurfaceCapabilities2KHR, VulkanError} next_types_hl = next_types next_types = intermediate_type.(next_types) val = @propagate_errors(_get_physical_device_surface_capabilities_2_khr(physical_device, convert(_PhysicalDeviceSurfaceInfo2KHR, surface_info), fptr, next_types...)) SurfaceCapabilities2KHR(val, next_types_hl...) end function get_physical_device_surface_formats_2_khr(physical_device, surface_info::PhysicalDeviceSurfaceInfo2KHR, fptr::FunctionPtr)::ResultTypes.Result{Vector{SurfaceFormat2KHR}, VulkanError} val = @propagate_errors(_get_physical_device_surface_formats_2_khr(physical_device, convert(_PhysicalDeviceSurfaceInfo2KHR, surface_info), fptr)) SurfaceFormat2KHR.(val) end function get_physical_device_display_properties_2_khr(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{DisplayProperties2KHR}, VulkanError} val = @propagate_errors(_get_physical_device_display_properties_2_khr(physical_device, fptr)) DisplayProperties2KHR.(val) end function get_physical_device_display_plane_properties_2_khr(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{DisplayPlaneProperties2KHR}, VulkanError} val = @propagate_errors(_get_physical_device_display_plane_properties_2_khr(physical_device, fptr)) DisplayPlaneProperties2KHR.(val) end function get_display_mode_properties_2_khr(physical_device, display, fptr::FunctionPtr)::ResultTypes.Result{Vector{DisplayModeProperties2KHR}, VulkanError} val = @propagate_errors(_get_display_mode_properties_2_khr(physical_device, display, fptr)) DisplayModeProperties2KHR.(val) end function get_display_plane_capabilities_2_khr(physical_device, display_plane_info::DisplayPlaneInfo2KHR, fptr::FunctionPtr)::ResultTypes.Result{DisplayPlaneCapabilities2KHR, VulkanError} val = @propagate_errors(_get_display_plane_capabilities_2_khr(physical_device, convert(_DisplayPlaneInfo2KHR, display_plane_info), fptr)) DisplayPlaneCapabilities2KHR(val) end function get_buffer_memory_requirements_2(device, info::BufferMemoryRequirementsInfo2, fptr::FunctionPtr, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) MemoryRequirements2(_get_buffer_memory_requirements_2(device, convert(_BufferMemoryRequirementsInfo2, info), fptr, next_types...), next_types_hl...) end function get_image_memory_requirements_2(device, info::ImageMemoryRequirementsInfo2, fptr::FunctionPtr, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) MemoryRequirements2(_get_image_memory_requirements_2(device, convert(_ImageMemoryRequirementsInfo2, info), fptr, next_types...), next_types_hl...) end function get_image_sparse_memory_requirements_2(device, info::ImageSparseMemoryRequirementsInfo2, fptr::FunctionPtr) SparseImageMemoryRequirements2.(_get_image_sparse_memory_requirements_2(device, convert(_ImageSparseMemoryRequirementsInfo2, info), fptr)) end function get_device_buffer_memory_requirements(device, info::DeviceBufferMemoryRequirements, fptr::FunctionPtr, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) MemoryRequirements2(_get_device_buffer_memory_requirements(device, convert(_DeviceBufferMemoryRequirements, info), fptr, next_types...), next_types_hl...) end function get_device_image_memory_requirements(device, info::DeviceImageMemoryRequirements, fptr::FunctionPtr, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) MemoryRequirements2(_get_device_image_memory_requirements(device, convert(_DeviceImageMemoryRequirements, info), fptr, next_types...), next_types_hl...) end function get_device_image_sparse_memory_requirements(device, info::DeviceImageMemoryRequirements, fptr::FunctionPtr) SparseImageMemoryRequirements2.(_get_device_image_sparse_memory_requirements(device, convert(_DeviceImageMemoryRequirements, info), fptr)) end function create_sampler_ycbcr_conversion(device, create_info::SamplerYcbcrConversionCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SamplerYcbcrConversion, VulkanError} val = @propagate_errors(_create_sampler_ycbcr_conversion(device, convert(_SamplerYcbcrConversionCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_sampler_ycbcr_conversion(device, ycbcr_conversion, fptr::FunctionPtr; allocator = C_NULL) _destroy_sampler_ycbcr_conversion(device, ycbcr_conversion, fptr; allocator) end function get_device_queue_2(device, queue_info::DeviceQueueInfo2, fptr::FunctionPtr) _get_device_queue_2(device, convert(_DeviceQueueInfo2, queue_info), fptr) end function create_validation_cache_ext(device, create_info::ValidationCacheCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{ValidationCacheEXT, VulkanError} val = @propagate_errors(_create_validation_cache_ext(device, convert(_ValidationCacheCreateInfoEXT, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_validation_cache_ext(device, validation_cache, fptr::FunctionPtr; allocator = C_NULL) _destroy_validation_cache_ext(device, validation_cache, fptr; allocator) end function get_validation_cache_data_ext(device, validation_cache, fptr::FunctionPtr)::ResultTypes.Result{Tuple{UInt, Ptr{Cvoid}}, VulkanError} val = @propagate_errors(_get_validation_cache_data_ext(device, validation_cache, fptr)) val end function merge_validation_caches_ext(device, dst_cache, src_caches::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_merge_validation_caches_ext(device, dst_cache, src_caches, fptr)) val end function get_descriptor_set_layout_support(device, create_info::DescriptorSetLayoutCreateInfo, fptr::FunctionPtr, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) DescriptorSetLayoutSupport(_get_descriptor_set_layout_support(device, convert(_DescriptorSetLayoutCreateInfo, create_info), fptr, next_types...), next_types_hl...) end function get_shader_info_amd(device, pipeline, shader_stage::ShaderStageFlag, info_type::ShaderInfoTypeAMD, fptr::FunctionPtr)::ResultTypes.Result{Tuple{UInt, Ptr{Cvoid}}, VulkanError} val = @propagate_errors(_get_shader_info_amd(device, pipeline, shader_stage, info_type, fptr)) val end function set_local_dimming_amd(device, swap_chain, local_dimming_enable::Bool, fptr::FunctionPtr) _set_local_dimming_amd(device, swap_chain, local_dimming_enable, fptr) end function get_physical_device_calibrateable_time_domains_ext(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{TimeDomainEXT}, VulkanError} val = @propagate_errors(_get_physical_device_calibrateable_time_domains_ext(physical_device, fptr)) val end function get_calibrated_timestamps_ext(device, timestamp_infos::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Tuple{Vector{UInt64}, UInt64}, VulkanError} val = @propagate_errors(_get_calibrated_timestamps_ext(device, convert(AbstractArray{_CalibratedTimestampInfoEXT}, timestamp_infos), fptr)) val end function set_debug_utils_object_name_ext(device, name_info::DebugUtilsObjectNameInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_set_debug_utils_object_name_ext(device, convert(_DebugUtilsObjectNameInfoEXT, name_info), fptr)) val end function set_debug_utils_object_tag_ext(device, tag_info::DebugUtilsObjectTagInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_set_debug_utils_object_tag_ext(device, convert(_DebugUtilsObjectTagInfoEXT, tag_info), fptr)) val end function queue_begin_debug_utils_label_ext(queue, label_info::DebugUtilsLabelEXT, fptr::FunctionPtr) _queue_begin_debug_utils_label_ext(queue, convert(_DebugUtilsLabelEXT, label_info), fptr) end function queue_end_debug_utils_label_ext(queue, fptr::FunctionPtr) _queue_end_debug_utils_label_ext(queue, fptr) end function queue_insert_debug_utils_label_ext(queue, label_info::DebugUtilsLabelEXT, fptr::FunctionPtr) _queue_insert_debug_utils_label_ext(queue, convert(_DebugUtilsLabelEXT, label_info), fptr) end function cmd_begin_debug_utils_label_ext(command_buffer, label_info::DebugUtilsLabelEXT, fptr::FunctionPtr) _cmd_begin_debug_utils_label_ext(command_buffer, convert(_DebugUtilsLabelEXT, label_info), fptr) end function cmd_end_debug_utils_label_ext(command_buffer, fptr::FunctionPtr) _cmd_end_debug_utils_label_ext(command_buffer, fptr) end function cmd_insert_debug_utils_label_ext(command_buffer, label_info::DebugUtilsLabelEXT, fptr::FunctionPtr) _cmd_insert_debug_utils_label_ext(command_buffer, convert(_DebugUtilsLabelEXT, label_info), fptr) end function create_debug_utils_messenger_ext(instance, create_info::DebugUtilsMessengerCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DebugUtilsMessengerEXT, VulkanError} val = @propagate_errors(_create_debug_utils_messenger_ext(instance, convert(_DebugUtilsMessengerCreateInfoEXT, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_debug_utils_messenger_ext(instance, messenger, fptr::FunctionPtr; allocator = C_NULL) _destroy_debug_utils_messenger_ext(instance, messenger, fptr; allocator) end function submit_debug_utils_message_ext(instance, message_severity::DebugUtilsMessageSeverityFlagEXT, message_types::DebugUtilsMessageTypeFlagEXT, callback_data::DebugUtilsMessengerCallbackDataEXT, fptr::FunctionPtr) _submit_debug_utils_message_ext(instance, message_severity, message_types, convert(_DebugUtilsMessengerCallbackDataEXT, callback_data), fptr) end function get_memory_host_pointer_properties_ext(device, handle_type::ExternalMemoryHandleTypeFlag, host_pointer::Ptr{Cvoid}, fptr::FunctionPtr)::ResultTypes.Result{MemoryHostPointerPropertiesEXT, VulkanError} val = @propagate_errors(_get_memory_host_pointer_properties_ext(device, handle_type, host_pointer, fptr)) MemoryHostPointerPropertiesEXT(val) end function cmd_write_buffer_marker_amd(command_buffer, dst_buffer, dst_offset::Integer, marker::Integer, fptr::FunctionPtr; pipeline_stage = 0) _cmd_write_buffer_marker_amd(command_buffer, dst_buffer, dst_offset, marker, fptr; pipeline_stage) end function create_render_pass_2(device, create_info::RenderPassCreateInfo2, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{RenderPass, VulkanError} val = @propagate_errors(_create_render_pass_2(device, convert(_RenderPassCreateInfo2, create_info), fptr_create, fptr_destroy; allocator)) val end function cmd_begin_render_pass_2(command_buffer, render_pass_begin::RenderPassBeginInfo, subpass_begin_info::SubpassBeginInfo, fptr::FunctionPtr) _cmd_begin_render_pass_2(command_buffer, convert(_RenderPassBeginInfo, render_pass_begin), convert(_SubpassBeginInfo, subpass_begin_info), fptr) end function cmd_next_subpass_2(command_buffer, subpass_begin_info::SubpassBeginInfo, subpass_end_info::SubpassEndInfo, fptr::FunctionPtr) _cmd_next_subpass_2(command_buffer, convert(_SubpassBeginInfo, subpass_begin_info), convert(_SubpassEndInfo, subpass_end_info), fptr) end function cmd_end_render_pass_2(command_buffer, subpass_end_info::SubpassEndInfo, fptr::FunctionPtr) _cmd_end_render_pass_2(command_buffer, convert(_SubpassEndInfo, subpass_end_info), fptr) end function get_semaphore_counter_value(device, semaphore, fptr::FunctionPtr)::ResultTypes.Result{UInt64, VulkanError} val = @propagate_errors(_get_semaphore_counter_value(device, semaphore, fptr)) val end function wait_semaphores(device, wait_info::SemaphoreWaitInfo, timeout::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_wait_semaphores(device, convert(_SemaphoreWaitInfo, wait_info), timeout, fptr)) val end function signal_semaphore(device, signal_info::SemaphoreSignalInfo, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_signal_semaphore(device, convert(_SemaphoreSignalInfo, signal_info), fptr)) val end function cmd_draw_indirect_count(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer, fptr::FunctionPtr) _cmd_draw_indirect_count(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride, fptr) end function cmd_draw_indexed_indirect_count(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer, fptr::FunctionPtr) _cmd_draw_indexed_indirect_count(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride, fptr) end function cmd_set_checkpoint_nv(command_buffer, checkpoint_marker::Ptr{Cvoid}, fptr::FunctionPtr) _cmd_set_checkpoint_nv(command_buffer, checkpoint_marker, fptr) end function get_queue_checkpoint_data_nv(queue, fptr::FunctionPtr) CheckpointDataNV.(_get_queue_checkpoint_data_nv(queue, fptr)) end function cmd_bind_transform_feedback_buffers_ext(command_buffer, buffers::AbstractArray, offsets::AbstractArray, fptr::FunctionPtr; sizes = C_NULL) _cmd_bind_transform_feedback_buffers_ext(command_buffer, buffers, offsets, fptr; sizes) end function cmd_begin_transform_feedback_ext(command_buffer, counter_buffers::AbstractArray, fptr::FunctionPtr; counter_buffer_offsets = C_NULL) _cmd_begin_transform_feedback_ext(command_buffer, counter_buffers, fptr; counter_buffer_offsets) end function cmd_end_transform_feedback_ext(command_buffer, counter_buffers::AbstractArray, fptr::FunctionPtr; counter_buffer_offsets = C_NULL) _cmd_end_transform_feedback_ext(command_buffer, counter_buffers, fptr; counter_buffer_offsets) end function cmd_begin_query_indexed_ext(command_buffer, query_pool, query::Integer, index::Integer, fptr::FunctionPtr; flags = 0) _cmd_begin_query_indexed_ext(command_buffer, query_pool, query, index, fptr; flags) end function cmd_end_query_indexed_ext(command_buffer, query_pool, query::Integer, index::Integer, fptr::FunctionPtr) _cmd_end_query_indexed_ext(command_buffer, query_pool, query, index, fptr) end function cmd_draw_indirect_byte_count_ext(command_buffer, instance_count::Integer, first_instance::Integer, counter_buffer, counter_buffer_offset::Integer, counter_offset::Integer, vertex_stride::Integer, fptr::FunctionPtr) _cmd_draw_indirect_byte_count_ext(command_buffer, instance_count, first_instance, counter_buffer, counter_buffer_offset, counter_offset, vertex_stride, fptr) end function cmd_set_exclusive_scissor_nv(command_buffer, exclusive_scissors::AbstractArray, fptr::FunctionPtr) _cmd_set_exclusive_scissor_nv(command_buffer, convert(AbstractArray{_Rect2D}, exclusive_scissors), fptr) end function cmd_bind_shading_rate_image_nv(command_buffer, image_layout::ImageLayout, fptr::FunctionPtr; image_view = C_NULL) _cmd_bind_shading_rate_image_nv(command_buffer, image_layout, fptr; image_view) end function cmd_set_viewport_shading_rate_palette_nv(command_buffer, shading_rate_palettes::AbstractArray, fptr::FunctionPtr) _cmd_set_viewport_shading_rate_palette_nv(command_buffer, convert(AbstractArray{_ShadingRatePaletteNV}, shading_rate_palettes), fptr) end function cmd_set_coarse_sample_order_nv(command_buffer, sample_order_type::CoarseSampleOrderTypeNV, custom_sample_orders::AbstractArray, fptr::FunctionPtr) _cmd_set_coarse_sample_order_nv(command_buffer, sample_order_type, convert(AbstractArray{_CoarseSampleOrderCustomNV}, custom_sample_orders), fptr) end function cmd_draw_mesh_tasks_nv(command_buffer, task_count::Integer, first_task::Integer, fptr::FunctionPtr) _cmd_draw_mesh_tasks_nv(command_buffer, task_count, first_task, fptr) end function cmd_draw_mesh_tasks_indirect_nv(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer, fptr::FunctionPtr) _cmd_draw_mesh_tasks_indirect_nv(command_buffer, buffer, offset, draw_count, stride, fptr) end function cmd_draw_mesh_tasks_indirect_count_nv(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer, fptr::FunctionPtr) _cmd_draw_mesh_tasks_indirect_count_nv(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride, fptr) end function cmd_draw_mesh_tasks_ext(command_buffer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer, fptr::FunctionPtr) _cmd_draw_mesh_tasks_ext(command_buffer, group_count_x, group_count_y, group_count_z, fptr) end function cmd_draw_mesh_tasks_indirect_ext(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer, fptr::FunctionPtr) _cmd_draw_mesh_tasks_indirect_ext(command_buffer, buffer, offset, draw_count, stride, fptr) end function cmd_draw_mesh_tasks_indirect_count_ext(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer, fptr::FunctionPtr) _cmd_draw_mesh_tasks_indirect_count_ext(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride, fptr) end function compile_deferred_nv(device, pipeline, shader::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_compile_deferred_nv(device, pipeline, shader, fptr)) val end function create_acceleration_structure_nv(device, create_info::AccelerationStructureCreateInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{AccelerationStructureNV, VulkanError} val = @propagate_errors(_create_acceleration_structure_nv(device, convert(_AccelerationStructureCreateInfoNV, create_info), fptr_create, fptr_destroy; allocator)) val end function cmd_bind_invocation_mask_huawei(command_buffer, image_layout::ImageLayout, fptr::FunctionPtr; image_view = C_NULL) _cmd_bind_invocation_mask_huawei(command_buffer, image_layout, fptr; image_view) end function destroy_acceleration_structure_khr(device, acceleration_structure, fptr::FunctionPtr; allocator = C_NULL) _destroy_acceleration_structure_khr(device, acceleration_structure, fptr; allocator) end function destroy_acceleration_structure_nv(device, acceleration_structure, fptr::FunctionPtr; allocator = C_NULL) _destroy_acceleration_structure_nv(device, acceleration_structure, fptr; allocator) end function get_acceleration_structure_memory_requirements_nv(device, info::AccelerationStructureMemoryRequirementsInfoNV, fptr::FunctionPtr) _get_acceleration_structure_memory_requirements_nv(device, convert(_AccelerationStructureMemoryRequirementsInfoNV, info), fptr) end function bind_acceleration_structure_memory_nv(device, bind_infos::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_acceleration_structure_memory_nv(device, convert(AbstractArray{_BindAccelerationStructureMemoryInfoNV}, bind_infos), fptr)) val end function cmd_copy_acceleration_structure_nv(command_buffer, dst, src, mode::CopyAccelerationStructureModeKHR, fptr::FunctionPtr) _cmd_copy_acceleration_structure_nv(command_buffer, dst, src, mode, fptr) end function cmd_copy_acceleration_structure_khr(command_buffer, info::CopyAccelerationStructureInfoKHR, fptr::FunctionPtr) _cmd_copy_acceleration_structure_khr(command_buffer, convert(_CopyAccelerationStructureInfoKHR, info), fptr) end function copy_acceleration_structure_khr(device, info::CopyAccelerationStructureInfoKHR, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_copy_acceleration_structure_khr(device, convert(_CopyAccelerationStructureInfoKHR, info), fptr; deferred_operation)) val end function cmd_copy_acceleration_structure_to_memory_khr(command_buffer, info::CopyAccelerationStructureToMemoryInfoKHR, fptr::FunctionPtr) _cmd_copy_acceleration_structure_to_memory_khr(command_buffer, convert(_CopyAccelerationStructureToMemoryInfoKHR, info), fptr) end function copy_acceleration_structure_to_memory_khr(device, info::CopyAccelerationStructureToMemoryInfoKHR, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_copy_acceleration_structure_to_memory_khr(device, convert(_CopyAccelerationStructureToMemoryInfoKHR, info), fptr; deferred_operation)) val end function cmd_copy_memory_to_acceleration_structure_khr(command_buffer, info::CopyMemoryToAccelerationStructureInfoKHR, fptr::FunctionPtr) _cmd_copy_memory_to_acceleration_structure_khr(command_buffer, convert(_CopyMemoryToAccelerationStructureInfoKHR, info), fptr) end function copy_memory_to_acceleration_structure_khr(device, info::CopyMemoryToAccelerationStructureInfoKHR, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_copy_memory_to_acceleration_structure_khr(device, convert(_CopyMemoryToAccelerationStructureInfoKHR, info), fptr; deferred_operation)) val end function cmd_write_acceleration_structures_properties_khr(command_buffer, acceleration_structures::AbstractArray, query_type::QueryType, query_pool, first_query::Integer, fptr::FunctionPtr) _cmd_write_acceleration_structures_properties_khr(command_buffer, acceleration_structures, query_type, query_pool, first_query, fptr) end function cmd_write_acceleration_structures_properties_nv(command_buffer, acceleration_structures::AbstractArray, query_type::QueryType, query_pool, first_query::Integer, fptr::FunctionPtr) _cmd_write_acceleration_structures_properties_nv(command_buffer, acceleration_structures, query_type, query_pool, first_query, fptr) end function cmd_build_acceleration_structure_nv(command_buffer, info::AccelerationStructureInfoNV, instance_offset::Integer, update::Bool, dst, scratch, scratch_offset::Integer, fptr::FunctionPtr; instance_data = C_NULL, src = C_NULL) _cmd_build_acceleration_structure_nv(command_buffer, convert(_AccelerationStructureInfoNV, info), instance_offset, update, dst, scratch, scratch_offset, fptr; instance_data, src) end function write_acceleration_structures_properties_khr(device, acceleration_structures::AbstractArray, query_type::QueryType, data_size::Integer, data::Ptr{Cvoid}, stride::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_write_acceleration_structures_properties_khr(device, acceleration_structures, query_type, data_size, data, stride, fptr)) val end function cmd_trace_rays_khr(command_buffer, raygen_shader_binding_table::StridedDeviceAddressRegionKHR, miss_shader_binding_table::StridedDeviceAddressRegionKHR, hit_shader_binding_table::StridedDeviceAddressRegionKHR, callable_shader_binding_table::StridedDeviceAddressRegionKHR, width::Integer, height::Integer, depth::Integer, fptr::FunctionPtr) _cmd_trace_rays_khr(command_buffer, convert(_StridedDeviceAddressRegionKHR, raygen_shader_binding_table), convert(_StridedDeviceAddressRegionKHR, miss_shader_binding_table), convert(_StridedDeviceAddressRegionKHR, hit_shader_binding_table), convert(_StridedDeviceAddressRegionKHR, callable_shader_binding_table), width, height, depth, fptr) end function cmd_trace_rays_nv(command_buffer, raygen_shader_binding_table_buffer, raygen_shader_binding_offset::Integer, miss_shader_binding_offset::Integer, miss_shader_binding_stride::Integer, hit_shader_binding_offset::Integer, hit_shader_binding_stride::Integer, callable_shader_binding_offset::Integer, callable_shader_binding_stride::Integer, width::Integer, height::Integer, depth::Integer, fptr::FunctionPtr; miss_shader_binding_table_buffer = C_NULL, hit_shader_binding_table_buffer = C_NULL, callable_shader_binding_table_buffer = C_NULL) _cmd_trace_rays_nv(command_buffer, raygen_shader_binding_table_buffer, raygen_shader_binding_offset, miss_shader_binding_offset, miss_shader_binding_stride, hit_shader_binding_offset, hit_shader_binding_stride, callable_shader_binding_offset, callable_shader_binding_stride, width, height, depth, fptr; miss_shader_binding_table_buffer, hit_shader_binding_table_buffer, callable_shader_binding_table_buffer) end function get_ray_tracing_shader_group_handles_khr(device, pipeline, first_group::Integer, group_count::Integer, data_size::Integer, data::Ptr{Cvoid}, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_ray_tracing_shader_group_handles_khr(device, pipeline, first_group, group_count, data_size, data, fptr)) val end function get_ray_tracing_capture_replay_shader_group_handles_khr(device, pipeline, first_group::Integer, group_count::Integer, data_size::Integer, data::Ptr{Cvoid}, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_ray_tracing_capture_replay_shader_group_handles_khr(device, pipeline, first_group, group_count, data_size, data, fptr)) val end function get_acceleration_structure_handle_nv(device, acceleration_structure, data_size::Integer, data::Ptr{Cvoid}, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_acceleration_structure_handle_nv(device, acceleration_structure, data_size, data, fptr)) val end function create_ray_tracing_pipelines_nv(device, create_infos::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} val = @propagate_errors(_create_ray_tracing_pipelines_nv(device, convert(AbstractArray{_RayTracingPipelineCreateInfoNV}, create_infos), fptr_create, fptr_destroy; pipeline_cache, allocator)) val end function create_ray_tracing_pipelines_khr(device, create_infos::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; deferred_operation = C_NULL, pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} val = @propagate_errors(_create_ray_tracing_pipelines_khr(device, convert(AbstractArray{_RayTracingPipelineCreateInfoKHR}, create_infos), fptr_create, fptr_destroy; deferred_operation, pipeline_cache, allocator)) val end function get_physical_device_cooperative_matrix_properties_nv(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{CooperativeMatrixPropertiesNV}, VulkanError} val = @propagate_errors(_get_physical_device_cooperative_matrix_properties_nv(physical_device, fptr)) CooperativeMatrixPropertiesNV.(val) end function cmd_trace_rays_indirect_khr(command_buffer, raygen_shader_binding_table::StridedDeviceAddressRegionKHR, miss_shader_binding_table::StridedDeviceAddressRegionKHR, hit_shader_binding_table::StridedDeviceAddressRegionKHR, callable_shader_binding_table::StridedDeviceAddressRegionKHR, indirect_device_address::Integer, fptr::FunctionPtr) _cmd_trace_rays_indirect_khr(command_buffer, convert(_StridedDeviceAddressRegionKHR, raygen_shader_binding_table), convert(_StridedDeviceAddressRegionKHR, miss_shader_binding_table), convert(_StridedDeviceAddressRegionKHR, hit_shader_binding_table), convert(_StridedDeviceAddressRegionKHR, callable_shader_binding_table), indirect_device_address, fptr) end function cmd_trace_rays_indirect_2_khr(command_buffer, indirect_device_address::Integer, fptr::FunctionPtr) _cmd_trace_rays_indirect_2_khr(command_buffer, indirect_device_address, fptr) end function get_device_acceleration_structure_compatibility_khr(device, version_info::AccelerationStructureVersionInfoKHR, fptr::FunctionPtr) _get_device_acceleration_structure_compatibility_khr(device, convert(_AccelerationStructureVersionInfoKHR, version_info), fptr) end function get_ray_tracing_shader_group_stack_size_khr(device, pipeline, group::Integer, group_shader::ShaderGroupShaderKHR, fptr::FunctionPtr) _get_ray_tracing_shader_group_stack_size_khr(device, pipeline, group, group_shader, fptr) end function cmd_set_ray_tracing_pipeline_stack_size_khr(command_buffer, pipeline_stack_size::Integer, fptr::FunctionPtr) _cmd_set_ray_tracing_pipeline_stack_size_khr(command_buffer, pipeline_stack_size, fptr) end function get_image_view_handle_nvx(device, info::ImageViewHandleInfoNVX, fptr::FunctionPtr) _get_image_view_handle_nvx(device, convert(_ImageViewHandleInfoNVX, info), fptr) end function get_image_view_address_nvx(device, image_view, fptr::FunctionPtr)::ResultTypes.Result{ImageViewAddressPropertiesNVX, VulkanError} val = @propagate_errors(_get_image_view_address_nvx(device, image_view, fptr)) ImageViewAddressPropertiesNVX(val) end function enumerate_physical_device_queue_family_performance_query_counters_khr(physical_device, queue_family_index::Integer, fptr::FunctionPtr)::ResultTypes.Result{Tuple{Vector{_PerformanceCounterKHR}, Vector{_PerformanceCounterDescriptionKHR}}, VulkanError} val = @propagate_errors(_enumerate_physical_device_queue_family_performance_query_counters_khr(physical_device, queue_family_index, fptr)) val end function get_physical_device_queue_family_performance_query_passes_khr(physical_device, performance_query_create_info::QueryPoolPerformanceCreateInfoKHR, fptr::FunctionPtr) _get_physical_device_queue_family_performance_query_passes_khr(physical_device, convert(_QueryPoolPerformanceCreateInfoKHR, performance_query_create_info), fptr) end function acquire_profiling_lock_khr(device, info::AcquireProfilingLockInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_acquire_profiling_lock_khr(device, convert(_AcquireProfilingLockInfoKHR, info), fptr)) val end function release_profiling_lock_khr(device, fptr::FunctionPtr) _release_profiling_lock_khr(device, fptr) end function get_image_drm_format_modifier_properties_ext(device, image, fptr::FunctionPtr)::ResultTypes.Result{ImageDrmFormatModifierPropertiesEXT, VulkanError} val = @propagate_errors(_get_image_drm_format_modifier_properties_ext(device, image, fptr)) ImageDrmFormatModifierPropertiesEXT(val) end function get_buffer_opaque_capture_address(device, info::BufferDeviceAddressInfo, fptr::FunctionPtr) _get_buffer_opaque_capture_address(device, convert(_BufferDeviceAddressInfo, info), fptr) end function get_buffer_device_address(device, info::BufferDeviceAddressInfo, fptr::FunctionPtr) _get_buffer_device_address(device, convert(_BufferDeviceAddressInfo, info), fptr) end function create_headless_surface_ext(instance, create_info::HeadlessSurfaceCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_headless_surface_ext(instance, convert(_HeadlessSurfaceCreateInfoEXT, create_info), fptr_create, fptr_destroy; allocator)) val end function get_physical_device_supported_framebuffer_mixed_samples_combinations_nv(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{FramebufferMixedSamplesCombinationNV}, VulkanError} val = @propagate_errors(_get_physical_device_supported_framebuffer_mixed_samples_combinations_nv(physical_device, fptr)) FramebufferMixedSamplesCombinationNV.(val) end function initialize_performance_api_intel(device, initialize_info::InitializePerformanceApiInfoINTEL, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_initialize_performance_api_intel(device, convert(_InitializePerformanceApiInfoINTEL, initialize_info), fptr)) val end function uninitialize_performance_api_intel(device, fptr::FunctionPtr) _uninitialize_performance_api_intel(device, fptr) end function cmd_set_performance_marker_intel(command_buffer, marker_info::PerformanceMarkerInfoINTEL, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_cmd_set_performance_marker_intel(command_buffer, convert(_PerformanceMarkerInfoINTEL, marker_info), fptr)) val end function cmd_set_performance_stream_marker_intel(command_buffer, marker_info::PerformanceStreamMarkerInfoINTEL, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_cmd_set_performance_stream_marker_intel(command_buffer, convert(_PerformanceStreamMarkerInfoINTEL, marker_info), fptr)) val end function cmd_set_performance_override_intel(command_buffer, override_info::PerformanceOverrideInfoINTEL, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_cmd_set_performance_override_intel(command_buffer, convert(_PerformanceOverrideInfoINTEL, override_info), fptr)) val end function acquire_performance_configuration_intel(device, acquire_info::PerformanceConfigurationAcquireInfoINTEL, fptr::FunctionPtr)::ResultTypes.Result{PerformanceConfigurationINTEL, VulkanError} val = @propagate_errors(_acquire_performance_configuration_intel(device, convert(_PerformanceConfigurationAcquireInfoINTEL, acquire_info), fptr)) val end function release_performance_configuration_intel(device, fptr::FunctionPtr; configuration = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_release_performance_configuration_intel(device, fptr; configuration)) val end function queue_set_performance_configuration_intel(queue, configuration, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_queue_set_performance_configuration_intel(queue, configuration, fptr)) val end function get_performance_parameter_intel(device, parameter::PerformanceParameterTypeINTEL, fptr::FunctionPtr)::ResultTypes.Result{PerformanceValueINTEL, VulkanError} val = @propagate_errors(_get_performance_parameter_intel(device, parameter, fptr)) PerformanceValueINTEL(val) end function get_device_memory_opaque_capture_address(device, info::DeviceMemoryOpaqueCaptureAddressInfo, fptr::FunctionPtr) _get_device_memory_opaque_capture_address(device, convert(_DeviceMemoryOpaqueCaptureAddressInfo, info), fptr) end function get_pipeline_executable_properties_khr(device, pipeline_info::PipelineInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Vector{PipelineExecutablePropertiesKHR}, VulkanError} val = @propagate_errors(_get_pipeline_executable_properties_khr(device, convert(_PipelineInfoKHR, pipeline_info), fptr)) PipelineExecutablePropertiesKHR.(val) end function get_pipeline_executable_statistics_khr(device, executable_info::PipelineExecutableInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Vector{PipelineExecutableStatisticKHR}, VulkanError} val = @propagate_errors(_get_pipeline_executable_statistics_khr(device, convert(_PipelineExecutableInfoKHR, executable_info), fptr)) PipelineExecutableStatisticKHR.(val) end function get_pipeline_executable_internal_representations_khr(device, executable_info::PipelineExecutableInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Vector{PipelineExecutableInternalRepresentationKHR}, VulkanError} val = @propagate_errors(_get_pipeline_executable_internal_representations_khr(device, convert(_PipelineExecutableInfoKHR, executable_info), fptr)) PipelineExecutableInternalRepresentationKHR.(val) end function cmd_set_line_stipple_ext(command_buffer, line_stipple_factor::Integer, line_stipple_pattern::Integer, fptr::FunctionPtr) _cmd_set_line_stipple_ext(command_buffer, line_stipple_factor, line_stipple_pattern, fptr) end function get_physical_device_tool_properties(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{PhysicalDeviceToolProperties}, VulkanError} val = @propagate_errors(_get_physical_device_tool_properties(physical_device, fptr)) PhysicalDeviceToolProperties.(val) end function create_acceleration_structure_khr(device, create_info::AccelerationStructureCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{AccelerationStructureKHR, VulkanError} val = @propagate_errors(_create_acceleration_structure_khr(device, convert(_AccelerationStructureCreateInfoKHR, create_info), fptr_create, fptr_destroy; allocator)) val end function cmd_build_acceleration_structures_khr(command_buffer, infos::AbstractArray, build_range_infos::AbstractArray, fptr::FunctionPtr) _cmd_build_acceleration_structures_khr(command_buffer, convert(AbstractArray{_AccelerationStructureBuildGeometryInfoKHR}, infos), convert(AbstractArray{_AccelerationStructureBuildRangeInfoKHR}, build_range_infos), fptr) end function cmd_build_acceleration_structures_indirect_khr(command_buffer, infos::AbstractArray, indirect_device_addresses::AbstractArray, indirect_strides::AbstractArray, max_primitive_counts::AbstractArray, fptr::FunctionPtr) _cmd_build_acceleration_structures_indirect_khr(command_buffer, convert(AbstractArray{_AccelerationStructureBuildGeometryInfoKHR}, infos), indirect_device_addresses, indirect_strides, max_primitive_counts, fptr) end function build_acceleration_structures_khr(device, infos::AbstractArray, build_range_infos::AbstractArray, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_build_acceleration_structures_khr(device, convert(AbstractArray{_AccelerationStructureBuildGeometryInfoKHR}, infos), convert(AbstractArray{_AccelerationStructureBuildRangeInfoKHR}, build_range_infos), fptr; deferred_operation)) val end function get_acceleration_structure_device_address_khr(device, info::AccelerationStructureDeviceAddressInfoKHR, fptr::FunctionPtr) _get_acceleration_structure_device_address_khr(device, convert(_AccelerationStructureDeviceAddressInfoKHR, info), fptr) end function create_deferred_operation_khr(device, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DeferredOperationKHR, VulkanError} val = @propagate_errors(_create_deferred_operation_khr(device, fptr_create, fptr_destroy; allocator)) val end function destroy_deferred_operation_khr(device, operation, fptr::FunctionPtr; allocator = C_NULL) _destroy_deferred_operation_khr(device, operation, fptr; allocator) end function get_deferred_operation_max_concurrency_khr(device, operation, fptr::FunctionPtr) _get_deferred_operation_max_concurrency_khr(device, operation, fptr) end function get_deferred_operation_result_khr(device, operation, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_deferred_operation_result_khr(device, operation, fptr)) val end function deferred_operation_join_khr(device, operation, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_deferred_operation_join_khr(device, operation, fptr)) val end function cmd_set_cull_mode(command_buffer, fptr::FunctionPtr; cull_mode = 0) _cmd_set_cull_mode(command_buffer, fptr; cull_mode) end function cmd_set_front_face(command_buffer, front_face::FrontFace, fptr::FunctionPtr) _cmd_set_front_face(command_buffer, front_face, fptr) end function cmd_set_primitive_topology(command_buffer, primitive_topology::PrimitiveTopology, fptr::FunctionPtr) _cmd_set_primitive_topology(command_buffer, primitive_topology, fptr) end function cmd_set_viewport_with_count(command_buffer, viewports::AbstractArray, fptr::FunctionPtr) _cmd_set_viewport_with_count(command_buffer, convert(AbstractArray{_Viewport}, viewports), fptr) end function cmd_set_scissor_with_count(command_buffer, scissors::AbstractArray, fptr::FunctionPtr) _cmd_set_scissor_with_count(command_buffer, convert(AbstractArray{_Rect2D}, scissors), fptr) end function cmd_bind_vertex_buffers_2(command_buffer, buffers::AbstractArray, offsets::AbstractArray, fptr::FunctionPtr; sizes = C_NULL, strides = C_NULL) _cmd_bind_vertex_buffers_2(command_buffer, buffers, offsets, fptr; sizes, strides) end function cmd_set_depth_test_enable(command_buffer, depth_test_enable::Bool, fptr::FunctionPtr) _cmd_set_depth_test_enable(command_buffer, depth_test_enable, fptr) end function cmd_set_depth_write_enable(command_buffer, depth_write_enable::Bool, fptr::FunctionPtr) _cmd_set_depth_write_enable(command_buffer, depth_write_enable, fptr) end function cmd_set_depth_compare_op(command_buffer, depth_compare_op::CompareOp, fptr::FunctionPtr) _cmd_set_depth_compare_op(command_buffer, depth_compare_op, fptr) end function cmd_set_depth_bounds_test_enable(command_buffer, depth_bounds_test_enable::Bool, fptr::FunctionPtr) _cmd_set_depth_bounds_test_enable(command_buffer, depth_bounds_test_enable, fptr) end function cmd_set_stencil_test_enable(command_buffer, stencil_test_enable::Bool, fptr::FunctionPtr) _cmd_set_stencil_test_enable(command_buffer, stencil_test_enable, fptr) end function cmd_set_stencil_op(command_buffer, face_mask::StencilFaceFlag, fail_op::StencilOp, pass_op::StencilOp, depth_fail_op::StencilOp, compare_op::CompareOp, fptr::FunctionPtr) _cmd_set_stencil_op(command_buffer, face_mask, fail_op, pass_op, depth_fail_op, compare_op, fptr) end function cmd_set_patch_control_points_ext(command_buffer, patch_control_points::Integer, fptr::FunctionPtr) _cmd_set_patch_control_points_ext(command_buffer, patch_control_points, fptr) end function cmd_set_rasterizer_discard_enable(command_buffer, rasterizer_discard_enable::Bool, fptr::FunctionPtr) _cmd_set_rasterizer_discard_enable(command_buffer, rasterizer_discard_enable, fptr) end function cmd_set_depth_bias_enable(command_buffer, depth_bias_enable::Bool, fptr::FunctionPtr) _cmd_set_depth_bias_enable(command_buffer, depth_bias_enable, fptr) end function cmd_set_logic_op_ext(command_buffer, logic_op::LogicOp, fptr::FunctionPtr) _cmd_set_logic_op_ext(command_buffer, logic_op, fptr) end function cmd_set_primitive_restart_enable(command_buffer, primitive_restart_enable::Bool, fptr::FunctionPtr) _cmd_set_primitive_restart_enable(command_buffer, primitive_restart_enable, fptr) end function cmd_set_tessellation_domain_origin_ext(command_buffer, domain_origin::TessellationDomainOrigin, fptr::FunctionPtr) _cmd_set_tessellation_domain_origin_ext(command_buffer, domain_origin, fptr) end function cmd_set_depth_clamp_enable_ext(command_buffer, depth_clamp_enable::Bool, fptr::FunctionPtr) _cmd_set_depth_clamp_enable_ext(command_buffer, depth_clamp_enable, fptr) end function cmd_set_polygon_mode_ext(command_buffer, polygon_mode::PolygonMode, fptr::FunctionPtr) _cmd_set_polygon_mode_ext(command_buffer, polygon_mode, fptr) end function cmd_set_rasterization_samples_ext(command_buffer, rasterization_samples::SampleCountFlag, fptr::FunctionPtr) _cmd_set_rasterization_samples_ext(command_buffer, rasterization_samples, fptr) end function cmd_set_sample_mask_ext(command_buffer, samples::SampleCountFlag, sample_mask::AbstractArray, fptr::FunctionPtr) _cmd_set_sample_mask_ext(command_buffer, samples, sample_mask, fptr) end function cmd_set_alpha_to_coverage_enable_ext(command_buffer, alpha_to_coverage_enable::Bool, fptr::FunctionPtr) _cmd_set_alpha_to_coverage_enable_ext(command_buffer, alpha_to_coverage_enable, fptr) end function cmd_set_alpha_to_one_enable_ext(command_buffer, alpha_to_one_enable::Bool, fptr::FunctionPtr) _cmd_set_alpha_to_one_enable_ext(command_buffer, alpha_to_one_enable, fptr) end function cmd_set_logic_op_enable_ext(command_buffer, logic_op_enable::Bool, fptr::FunctionPtr) _cmd_set_logic_op_enable_ext(command_buffer, logic_op_enable, fptr) end function cmd_set_color_blend_enable_ext(command_buffer, color_blend_enables::AbstractArray, fptr::FunctionPtr) _cmd_set_color_blend_enable_ext(command_buffer, color_blend_enables, fptr) end function cmd_set_color_blend_equation_ext(command_buffer, color_blend_equations::AbstractArray, fptr::FunctionPtr) _cmd_set_color_blend_equation_ext(command_buffer, convert(AbstractArray{_ColorBlendEquationEXT}, color_blend_equations), fptr) end function cmd_set_color_write_mask_ext(command_buffer, color_write_masks::AbstractArray, fptr::FunctionPtr) _cmd_set_color_write_mask_ext(command_buffer, color_write_masks, fptr) end function cmd_set_rasterization_stream_ext(command_buffer, rasterization_stream::Integer, fptr::FunctionPtr) _cmd_set_rasterization_stream_ext(command_buffer, rasterization_stream, fptr) end function cmd_set_conservative_rasterization_mode_ext(command_buffer, conservative_rasterization_mode::ConservativeRasterizationModeEXT, fptr::FunctionPtr) _cmd_set_conservative_rasterization_mode_ext(command_buffer, conservative_rasterization_mode, fptr) end function cmd_set_extra_primitive_overestimation_size_ext(command_buffer, extra_primitive_overestimation_size::Real, fptr::FunctionPtr) _cmd_set_extra_primitive_overestimation_size_ext(command_buffer, extra_primitive_overestimation_size, fptr) end function cmd_set_depth_clip_enable_ext(command_buffer, depth_clip_enable::Bool, fptr::FunctionPtr) _cmd_set_depth_clip_enable_ext(command_buffer, depth_clip_enable, fptr) end function cmd_set_sample_locations_enable_ext(command_buffer, sample_locations_enable::Bool, fptr::FunctionPtr) _cmd_set_sample_locations_enable_ext(command_buffer, sample_locations_enable, fptr) end function cmd_set_color_blend_advanced_ext(command_buffer, color_blend_advanced::AbstractArray, fptr::FunctionPtr) _cmd_set_color_blend_advanced_ext(command_buffer, convert(AbstractArray{_ColorBlendAdvancedEXT}, color_blend_advanced), fptr) end function cmd_set_provoking_vertex_mode_ext(command_buffer, provoking_vertex_mode::ProvokingVertexModeEXT, fptr::FunctionPtr) _cmd_set_provoking_vertex_mode_ext(command_buffer, provoking_vertex_mode, fptr) end function cmd_set_line_rasterization_mode_ext(command_buffer, line_rasterization_mode::LineRasterizationModeEXT, fptr::FunctionPtr) _cmd_set_line_rasterization_mode_ext(command_buffer, line_rasterization_mode, fptr) end function cmd_set_line_stipple_enable_ext(command_buffer, stippled_line_enable::Bool, fptr::FunctionPtr) _cmd_set_line_stipple_enable_ext(command_buffer, stippled_line_enable, fptr) end function cmd_set_depth_clip_negative_one_to_one_ext(command_buffer, negative_one_to_one::Bool, fptr::FunctionPtr) _cmd_set_depth_clip_negative_one_to_one_ext(command_buffer, negative_one_to_one, fptr) end function cmd_set_viewport_w_scaling_enable_nv(command_buffer, viewport_w_scaling_enable::Bool, fptr::FunctionPtr) _cmd_set_viewport_w_scaling_enable_nv(command_buffer, viewport_w_scaling_enable, fptr) end function cmd_set_viewport_swizzle_nv(command_buffer, viewport_swizzles::AbstractArray, fptr::FunctionPtr) _cmd_set_viewport_swizzle_nv(command_buffer, convert(AbstractArray{_ViewportSwizzleNV}, viewport_swizzles), fptr) end function cmd_set_coverage_to_color_enable_nv(command_buffer, coverage_to_color_enable::Bool, fptr::FunctionPtr) _cmd_set_coverage_to_color_enable_nv(command_buffer, coverage_to_color_enable, fptr) end function cmd_set_coverage_to_color_location_nv(command_buffer, coverage_to_color_location::Integer, fptr::FunctionPtr) _cmd_set_coverage_to_color_location_nv(command_buffer, coverage_to_color_location, fptr) end function cmd_set_coverage_modulation_mode_nv(command_buffer, coverage_modulation_mode::CoverageModulationModeNV, fptr::FunctionPtr) _cmd_set_coverage_modulation_mode_nv(command_buffer, coverage_modulation_mode, fptr) end function cmd_set_coverage_modulation_table_enable_nv(command_buffer, coverage_modulation_table_enable::Bool, fptr::FunctionPtr) _cmd_set_coverage_modulation_table_enable_nv(command_buffer, coverage_modulation_table_enable, fptr) end function cmd_set_coverage_modulation_table_nv(command_buffer, coverage_modulation_table::AbstractArray, fptr::FunctionPtr) _cmd_set_coverage_modulation_table_nv(command_buffer, coverage_modulation_table, fptr) end function cmd_set_shading_rate_image_enable_nv(command_buffer, shading_rate_image_enable::Bool, fptr::FunctionPtr) _cmd_set_shading_rate_image_enable_nv(command_buffer, shading_rate_image_enable, fptr) end function cmd_set_coverage_reduction_mode_nv(command_buffer, coverage_reduction_mode::CoverageReductionModeNV, fptr::FunctionPtr) _cmd_set_coverage_reduction_mode_nv(command_buffer, coverage_reduction_mode, fptr) end function cmd_set_representative_fragment_test_enable_nv(command_buffer, representative_fragment_test_enable::Bool, fptr::FunctionPtr) _cmd_set_representative_fragment_test_enable_nv(command_buffer, representative_fragment_test_enable, fptr) end function create_private_data_slot(device, create_info::PrivateDataSlotCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{PrivateDataSlot, VulkanError} val = @propagate_errors(_create_private_data_slot(device, convert(_PrivateDataSlotCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_private_data_slot(device, private_data_slot, fptr::FunctionPtr; allocator = C_NULL) _destroy_private_data_slot(device, private_data_slot, fptr; allocator) end function set_private_data(device, object_type::ObjectType, object_handle::Integer, private_data_slot, data::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_set_private_data(device, object_type, object_handle, private_data_slot, data, fptr)) val end function get_private_data(device, object_type::ObjectType, object_handle::Integer, private_data_slot, fptr::FunctionPtr) _get_private_data(device, object_type, object_handle, private_data_slot, fptr) end function cmd_copy_buffer_2(command_buffer, copy_buffer_info::CopyBufferInfo2, fptr::FunctionPtr) _cmd_copy_buffer_2(command_buffer, convert(_CopyBufferInfo2, copy_buffer_info), fptr) end function cmd_copy_image_2(command_buffer, copy_image_info::CopyImageInfo2, fptr::FunctionPtr) _cmd_copy_image_2(command_buffer, convert(_CopyImageInfo2, copy_image_info), fptr) end function cmd_blit_image_2(command_buffer, blit_image_info::BlitImageInfo2, fptr::FunctionPtr) _cmd_blit_image_2(command_buffer, convert(_BlitImageInfo2, blit_image_info), fptr) end function cmd_copy_buffer_to_image_2(command_buffer, copy_buffer_to_image_info::CopyBufferToImageInfo2, fptr::FunctionPtr) _cmd_copy_buffer_to_image_2(command_buffer, convert(_CopyBufferToImageInfo2, copy_buffer_to_image_info), fptr) end function cmd_copy_image_to_buffer_2(command_buffer, copy_image_to_buffer_info::CopyImageToBufferInfo2, fptr::FunctionPtr) _cmd_copy_image_to_buffer_2(command_buffer, convert(_CopyImageToBufferInfo2, copy_image_to_buffer_info), fptr) end function cmd_resolve_image_2(command_buffer, resolve_image_info::ResolveImageInfo2, fptr::FunctionPtr) _cmd_resolve_image_2(command_buffer, convert(_ResolveImageInfo2, resolve_image_info), fptr) end function cmd_set_fragment_shading_rate_khr(command_buffer, fragment_size::Extent2D, combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}, fptr::FunctionPtr) _cmd_set_fragment_shading_rate_khr(command_buffer, convert(_Extent2D, fragment_size), combiner_ops, fptr) end function get_physical_device_fragment_shading_rates_khr(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{PhysicalDeviceFragmentShadingRateKHR}, VulkanError} val = @propagate_errors(_get_physical_device_fragment_shading_rates_khr(physical_device, fptr)) PhysicalDeviceFragmentShadingRateKHR.(val) end function cmd_set_fragment_shading_rate_enum_nv(command_buffer, shading_rate::FragmentShadingRateNV, combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}, fptr::FunctionPtr) _cmd_set_fragment_shading_rate_enum_nv(command_buffer, shading_rate, combiner_ops, fptr) end function get_acceleration_structure_build_sizes_khr(device, build_type::AccelerationStructureBuildTypeKHR, build_info::AccelerationStructureBuildGeometryInfoKHR, fptr::FunctionPtr; max_primitive_counts = C_NULL) AccelerationStructureBuildSizesInfoKHR(_get_acceleration_structure_build_sizes_khr(device, build_type, convert(_AccelerationStructureBuildGeometryInfoKHR, build_info), fptr; max_primitive_counts)) end function cmd_set_vertex_input_ext(command_buffer, vertex_binding_descriptions::AbstractArray, vertex_attribute_descriptions::AbstractArray, fptr::FunctionPtr) _cmd_set_vertex_input_ext(command_buffer, convert(AbstractArray{_VertexInputBindingDescription2EXT}, vertex_binding_descriptions), convert(AbstractArray{_VertexInputAttributeDescription2EXT}, vertex_attribute_descriptions), fptr) end function cmd_set_color_write_enable_ext(command_buffer, color_write_enables::AbstractArray, fptr::FunctionPtr) _cmd_set_color_write_enable_ext(command_buffer, color_write_enables, fptr) end function cmd_set_event_2(command_buffer, event, dependency_info::DependencyInfo, fptr::FunctionPtr) _cmd_set_event_2(command_buffer, event, convert(_DependencyInfo, dependency_info), fptr) end function cmd_reset_event_2(command_buffer, event, fptr::FunctionPtr; stage_mask = 0) _cmd_reset_event_2(command_buffer, event, fptr; stage_mask) end function cmd_wait_events_2(command_buffer, events::AbstractArray, dependency_infos::AbstractArray, fptr::FunctionPtr) _cmd_wait_events_2(command_buffer, events, convert(AbstractArray{_DependencyInfo}, dependency_infos), fptr) end function cmd_pipeline_barrier_2(command_buffer, dependency_info::DependencyInfo, fptr::FunctionPtr) _cmd_pipeline_barrier_2(command_buffer, convert(_DependencyInfo, dependency_info), fptr) end function queue_submit_2(queue, submits::AbstractArray, fptr::FunctionPtr; fence = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_queue_submit_2(queue, convert(AbstractArray{_SubmitInfo2}, submits), fptr; fence)) val end function cmd_write_timestamp_2(command_buffer, query_pool, query::Integer, fptr::FunctionPtr; stage = 0) _cmd_write_timestamp_2(command_buffer, query_pool, query, fptr; stage) end function cmd_write_buffer_marker_2_amd(command_buffer, dst_buffer, dst_offset::Integer, marker::Integer, fptr::FunctionPtr; stage = 0) _cmd_write_buffer_marker_2_amd(command_buffer, dst_buffer, dst_offset, marker, fptr; stage) end function get_queue_checkpoint_data_2_nv(queue, fptr::FunctionPtr) CheckpointData2NV.(_get_queue_checkpoint_data_2_nv(queue, fptr)) end function get_physical_device_video_capabilities_khr(physical_device, video_profile::VideoProfileInfoKHR, fptr::FunctionPtr, next_types::Type...)::ResultTypes.Result{VideoCapabilitiesKHR, VulkanError} next_types_hl = next_types next_types = intermediate_type.(next_types) val = @propagate_errors(_get_physical_device_video_capabilities_khr(physical_device, convert(_VideoProfileInfoKHR, video_profile), fptr, next_types...)) VideoCapabilitiesKHR(val, next_types_hl...) end function get_physical_device_video_format_properties_khr(physical_device, video_format_info::PhysicalDeviceVideoFormatInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Vector{VideoFormatPropertiesKHR}, VulkanError} val = @propagate_errors(_get_physical_device_video_format_properties_khr(physical_device, convert(_PhysicalDeviceVideoFormatInfoKHR, video_format_info), fptr)) VideoFormatPropertiesKHR.(val) end function create_video_session_khr(device, create_info::VideoSessionCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{VideoSessionKHR, VulkanError} val = @propagate_errors(_create_video_session_khr(device, convert(_VideoSessionCreateInfoKHR, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_video_session_khr(device, video_session, fptr::FunctionPtr; allocator = C_NULL) _destroy_video_session_khr(device, video_session, fptr; allocator) end function create_video_session_parameters_khr(device, create_info::VideoSessionParametersCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{VideoSessionParametersKHR, VulkanError} val = @propagate_errors(_create_video_session_parameters_khr(device, convert(_VideoSessionParametersCreateInfoKHR, create_info), fptr_create, fptr_destroy; allocator)) val end function update_video_session_parameters_khr(device, video_session_parameters, update_info::VideoSessionParametersUpdateInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_update_video_session_parameters_khr(device, video_session_parameters, convert(_VideoSessionParametersUpdateInfoKHR, update_info), fptr)) val end function destroy_video_session_parameters_khr(device, video_session_parameters, fptr::FunctionPtr; allocator = C_NULL) _destroy_video_session_parameters_khr(device, video_session_parameters, fptr; allocator) end function get_video_session_memory_requirements_khr(device, video_session, fptr::FunctionPtr) VideoSessionMemoryRequirementsKHR.(_get_video_session_memory_requirements_khr(device, video_session, fptr)) end function bind_video_session_memory_khr(device, video_session, bind_session_memory_infos::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_video_session_memory_khr(device, video_session, convert(AbstractArray{_BindVideoSessionMemoryInfoKHR}, bind_session_memory_infos), fptr)) val end function cmd_decode_video_khr(command_buffer, decode_info::VideoDecodeInfoKHR, fptr::FunctionPtr) _cmd_decode_video_khr(command_buffer, convert(_VideoDecodeInfoKHR, decode_info), fptr) end function cmd_begin_video_coding_khr(command_buffer, begin_info::VideoBeginCodingInfoKHR, fptr::FunctionPtr) _cmd_begin_video_coding_khr(command_buffer, convert(_VideoBeginCodingInfoKHR, begin_info), fptr) end function cmd_control_video_coding_khr(command_buffer, coding_control_info::VideoCodingControlInfoKHR, fptr::FunctionPtr) _cmd_control_video_coding_khr(command_buffer, convert(_VideoCodingControlInfoKHR, coding_control_info), fptr) end function cmd_end_video_coding_khr(command_buffer, end_coding_info::VideoEndCodingInfoKHR, fptr::FunctionPtr) _cmd_end_video_coding_khr(command_buffer, convert(_VideoEndCodingInfoKHR, end_coding_info), fptr) end function cmd_decompress_memory_nv(command_buffer, decompress_memory_regions::AbstractArray, fptr::FunctionPtr) _cmd_decompress_memory_nv(command_buffer, convert(AbstractArray{_DecompressMemoryRegionNV}, decompress_memory_regions), fptr) end function cmd_decompress_memory_indirect_count_nv(command_buffer, indirect_commands_address::Integer, indirect_commands_count_address::Integer, stride::Integer, fptr::FunctionPtr) _cmd_decompress_memory_indirect_count_nv(command_buffer, indirect_commands_address, indirect_commands_count_address, stride, fptr) end function create_cu_module_nvx(device, create_info::CuModuleCreateInfoNVX, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{CuModuleNVX, VulkanError} val = @propagate_errors(_create_cu_module_nvx(device, convert(_CuModuleCreateInfoNVX, create_info), fptr_create, fptr_destroy; allocator)) val end function create_cu_function_nvx(device, create_info::CuFunctionCreateInfoNVX, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{CuFunctionNVX, VulkanError} val = @propagate_errors(_create_cu_function_nvx(device, convert(_CuFunctionCreateInfoNVX, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_cu_module_nvx(device, _module, fptr::FunctionPtr; allocator = C_NULL) _destroy_cu_module_nvx(device, _module, fptr; allocator) end function destroy_cu_function_nvx(device, _function, fptr::FunctionPtr; allocator = C_NULL) _destroy_cu_function_nvx(device, _function, fptr; allocator) end function cmd_cu_launch_kernel_nvx(command_buffer, launch_info::CuLaunchInfoNVX, fptr::FunctionPtr) _cmd_cu_launch_kernel_nvx(command_buffer, convert(_CuLaunchInfoNVX, launch_info), fptr) end function get_descriptor_set_layout_size_ext(device, layout, fptr::FunctionPtr) _get_descriptor_set_layout_size_ext(device, layout, fptr) end function get_descriptor_set_layout_binding_offset_ext(device, layout, binding::Integer, fptr::FunctionPtr) _get_descriptor_set_layout_binding_offset_ext(device, layout, binding, fptr) end function get_descriptor_ext(device, descriptor_info::DescriptorGetInfoEXT, data_size::Integer, descriptor::Ptr{Cvoid}, fptr::FunctionPtr) _get_descriptor_ext(device, convert(_DescriptorGetInfoEXT, descriptor_info), data_size, descriptor, fptr) end function cmd_bind_descriptor_buffers_ext(command_buffer, binding_infos::AbstractArray, fptr::FunctionPtr) _cmd_bind_descriptor_buffers_ext(command_buffer, convert(AbstractArray{_DescriptorBufferBindingInfoEXT}, binding_infos), fptr) end function cmd_set_descriptor_buffer_offsets_ext(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, buffer_indices::AbstractArray, offsets::AbstractArray, fptr::FunctionPtr) _cmd_set_descriptor_buffer_offsets_ext(command_buffer, pipeline_bind_point, layout, buffer_indices, offsets, fptr) end function cmd_bind_descriptor_buffer_embedded_samplers_ext(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, set::Integer, fptr::FunctionPtr) _cmd_bind_descriptor_buffer_embedded_samplers_ext(command_buffer, pipeline_bind_point, layout, set, fptr) end function get_buffer_opaque_capture_descriptor_data_ext(device, info::BufferCaptureDescriptorDataInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} val = @propagate_errors(_get_buffer_opaque_capture_descriptor_data_ext(device, convert(_BufferCaptureDescriptorDataInfoEXT, info), fptr)) val end function get_image_opaque_capture_descriptor_data_ext(device, info::ImageCaptureDescriptorDataInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} val = @propagate_errors(_get_image_opaque_capture_descriptor_data_ext(device, convert(_ImageCaptureDescriptorDataInfoEXT, info), fptr)) val end function get_image_view_opaque_capture_descriptor_data_ext(device, info::ImageViewCaptureDescriptorDataInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} val = @propagate_errors(_get_image_view_opaque_capture_descriptor_data_ext(device, convert(_ImageViewCaptureDescriptorDataInfoEXT, info), fptr)) val end function get_sampler_opaque_capture_descriptor_data_ext(device, info::SamplerCaptureDescriptorDataInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} val = @propagate_errors(_get_sampler_opaque_capture_descriptor_data_ext(device, convert(_SamplerCaptureDescriptorDataInfoEXT, info), fptr)) val end function get_acceleration_structure_opaque_capture_descriptor_data_ext(device, info::AccelerationStructureCaptureDescriptorDataInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} val = @propagate_errors(_get_acceleration_structure_opaque_capture_descriptor_data_ext(device, convert(_AccelerationStructureCaptureDescriptorDataInfoEXT, info), fptr)) val end function set_device_memory_priority_ext(device, memory, priority::Real, fptr::FunctionPtr) _set_device_memory_priority_ext(device, memory, priority, fptr) end function acquire_drm_display_ext(physical_device, drm_fd::Integer, display, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_acquire_drm_display_ext(physical_device, drm_fd, display, fptr)) val end function get_drm_display_ext(physical_device, drm_fd::Integer, connector_id::Integer, fptr::FunctionPtr)::ResultTypes.Result{DisplayKHR, VulkanError} val = @propagate_errors(_get_drm_display_ext(physical_device, drm_fd, connector_id, fptr)) val end function wait_for_present_khr(device, swapchain, present_id::Integer, timeout::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_wait_for_present_khr(device, swapchain, present_id, timeout, fptr)) val end function cmd_begin_rendering(command_buffer, rendering_info::RenderingInfo, fptr::FunctionPtr) _cmd_begin_rendering(command_buffer, convert(_RenderingInfo, rendering_info), fptr) end function cmd_end_rendering(command_buffer, fptr::FunctionPtr) _cmd_end_rendering(command_buffer, fptr) end function get_descriptor_set_layout_host_mapping_info_valve(device, binding_reference::DescriptorSetBindingReferenceVALVE, fptr::FunctionPtr) DescriptorSetLayoutHostMappingInfoVALVE(_get_descriptor_set_layout_host_mapping_info_valve(device, convert(_DescriptorSetBindingReferenceVALVE, binding_reference), fptr)) end function get_descriptor_set_host_mapping_valve(device, descriptor_set, fptr::FunctionPtr) _get_descriptor_set_host_mapping_valve(device, descriptor_set, fptr) end function create_micromap_ext(device, create_info::MicromapCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{MicromapEXT, VulkanError} val = @propagate_errors(_create_micromap_ext(device, convert(_MicromapCreateInfoEXT, create_info), fptr_create, fptr_destroy; allocator)) val end function cmd_build_micromaps_ext(command_buffer, infos::AbstractArray, fptr::FunctionPtr) _cmd_build_micromaps_ext(command_buffer, convert(AbstractArray{_MicromapBuildInfoEXT}, infos), fptr) end function build_micromaps_ext(device, infos::AbstractArray, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_build_micromaps_ext(device, convert(AbstractArray{_MicromapBuildInfoEXT}, infos), fptr; deferred_operation)) val end function destroy_micromap_ext(device, micromap, fptr::FunctionPtr; allocator = C_NULL) _destroy_micromap_ext(device, micromap, fptr; allocator) end function cmd_copy_micromap_ext(command_buffer, info::CopyMicromapInfoEXT, fptr::FunctionPtr) _cmd_copy_micromap_ext(command_buffer, convert(_CopyMicromapInfoEXT, info), fptr) end function copy_micromap_ext(device, info::CopyMicromapInfoEXT, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_copy_micromap_ext(device, convert(_CopyMicromapInfoEXT, info), fptr; deferred_operation)) val end function cmd_copy_micromap_to_memory_ext(command_buffer, info::CopyMicromapToMemoryInfoEXT, fptr::FunctionPtr) _cmd_copy_micromap_to_memory_ext(command_buffer, convert(_CopyMicromapToMemoryInfoEXT, info), fptr) end function copy_micromap_to_memory_ext(device, info::CopyMicromapToMemoryInfoEXT, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_copy_micromap_to_memory_ext(device, convert(_CopyMicromapToMemoryInfoEXT, info), fptr; deferred_operation)) val end function cmd_copy_memory_to_micromap_ext(command_buffer, info::CopyMemoryToMicromapInfoEXT, fptr::FunctionPtr) _cmd_copy_memory_to_micromap_ext(command_buffer, convert(_CopyMemoryToMicromapInfoEXT, info), fptr) end function copy_memory_to_micromap_ext(device, info::CopyMemoryToMicromapInfoEXT, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_copy_memory_to_micromap_ext(device, convert(_CopyMemoryToMicromapInfoEXT, info), fptr; deferred_operation)) val end function cmd_write_micromaps_properties_ext(command_buffer, micromaps::AbstractArray, query_type::QueryType, query_pool, first_query::Integer, fptr::FunctionPtr) _cmd_write_micromaps_properties_ext(command_buffer, micromaps, query_type, query_pool, first_query, fptr) end function write_micromaps_properties_ext(device, micromaps::AbstractArray, query_type::QueryType, data_size::Integer, data::Ptr{Cvoid}, stride::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_write_micromaps_properties_ext(device, micromaps, query_type, data_size, data, stride, fptr)) val end function get_device_micromap_compatibility_ext(device, version_info::MicromapVersionInfoEXT, fptr::FunctionPtr) _get_device_micromap_compatibility_ext(device, convert(_MicromapVersionInfoEXT, version_info), fptr) end function get_micromap_build_sizes_ext(device, build_type::AccelerationStructureBuildTypeKHR, build_info::MicromapBuildInfoEXT, fptr::FunctionPtr) MicromapBuildSizesInfoEXT(_get_micromap_build_sizes_ext(device, build_type, convert(_MicromapBuildInfoEXT, build_info), fptr)) end function get_shader_module_identifier_ext(device, shader_module, fptr::FunctionPtr) ShaderModuleIdentifierEXT(_get_shader_module_identifier_ext(device, shader_module, fptr)) end function get_shader_module_create_info_identifier_ext(device, create_info::ShaderModuleCreateInfo, fptr::FunctionPtr) ShaderModuleIdentifierEXT(_get_shader_module_create_info_identifier_ext(device, convert(_ShaderModuleCreateInfo, create_info), fptr)) end function get_image_subresource_layout_2_ext(device, image, subresource::ImageSubresource2EXT, fptr::FunctionPtr, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) SubresourceLayout2EXT(_get_image_subresource_layout_2_ext(device, image, convert(_ImageSubresource2EXT, subresource), fptr, next_types...), next_types_hl...) end function get_pipeline_properties_ext(device, pipeline_info::VkPipelineInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{BaseOutStructure, VulkanError} val = @propagate_errors(_get_pipeline_properties_ext(device, pipeline_info, fptr)) BaseOutStructure(val) end function get_framebuffer_tile_properties_qcom(device, framebuffer, fptr::FunctionPtr) TilePropertiesQCOM.(_get_framebuffer_tile_properties_qcom(device, framebuffer, fptr)) end function get_dynamic_rendering_tile_properties_qcom(device, rendering_info::RenderingInfo, fptr::FunctionPtr) TilePropertiesQCOM(_get_dynamic_rendering_tile_properties_qcom(device, convert(_RenderingInfo, rendering_info), fptr)) end function get_physical_device_optical_flow_image_formats_nv(physical_device, optical_flow_image_format_info::OpticalFlowImageFormatInfoNV, fptr::FunctionPtr)::ResultTypes.Result{Vector{OpticalFlowImageFormatPropertiesNV}, VulkanError} val = @propagate_errors(_get_physical_device_optical_flow_image_formats_nv(physical_device, convert(_OpticalFlowImageFormatInfoNV, optical_flow_image_format_info), fptr)) OpticalFlowImageFormatPropertiesNV.(val) end function create_optical_flow_session_nv(device, create_info::OpticalFlowSessionCreateInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{OpticalFlowSessionNV, VulkanError} val = @propagate_errors(_create_optical_flow_session_nv(device, convert(_OpticalFlowSessionCreateInfoNV, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_optical_flow_session_nv(device, session, fptr::FunctionPtr; allocator = C_NULL) _destroy_optical_flow_session_nv(device, session, fptr; allocator) end function bind_optical_flow_session_image_nv(device, session, binding_point::OpticalFlowSessionBindingPointNV, layout::ImageLayout, fptr::FunctionPtr; view = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_optical_flow_session_image_nv(device, session, binding_point, layout, fptr; view)) val end function cmd_optical_flow_execute_nv(command_buffer, session, execute_info::OpticalFlowExecuteInfoNV, fptr::FunctionPtr) _cmd_optical_flow_execute_nv(command_buffer, session, convert(_OpticalFlowExecuteInfoNV, execute_info), fptr) end function get_device_fault_info_ext(device, fptr::FunctionPtr)::ResultTypes.Result{Tuple{_DeviceFaultCountsEXT, _DeviceFaultInfoEXT}, VulkanError} val = @propagate_errors(_get_device_fault_info_ext(device, fptr)) val end function release_swapchain_images_ext(device, release_info::ReleaseSwapchainImagesInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_release_swapchain_images_ext(device, convert(_ReleaseSwapchainImagesInfoEXT, release_info), fptr)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_LAYER_NOT_PRESENT` - `ERROR_EXTENSION_NOT_PRESENT` - `ERROR_INCOMPATIBLE_DRIVER` Arguments: - `enabled_layer_names::Vector{String}` - `enabled_extension_names::Vector{String}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::InstanceCreateFlag`: defaults to `0` - `application_info::_ApplicationInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateInstance.html) """ _create_instance(enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0, application_info = C_NULL) = _create_instance(_InstanceCreateInfo(enabled_layer_names, enabled_extension_names; next, flags, application_info); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_EXTENSION_NOT_PRESENT` - `ERROR_FEATURE_NOT_PRESENT` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_DEVICE_LOST` Arguments: - `physical_device::PhysicalDevice` - `queue_create_infos::Vector{_DeviceQueueCreateInfo}` - `enabled_layer_names::Vector{String}` - `enabled_extension_names::Vector{String}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `enabled_features::_PhysicalDeviceFeatures`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDevice.html) """ _create_device(physical_device, queue_create_infos::AbstractArray, enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0, enabled_features = C_NULL) = _create_device(physical_device, _DeviceCreateInfo(queue_create_infos, enabled_layer_names, enabled_extension_names; next, flags, enabled_features); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `allocation_size::UInt64` - `memory_type_index::UInt32` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAllocateMemory.html) """ _allocate_memory(device, allocation_size::Integer, memory_type_index::Integer; allocator = C_NULL, next = C_NULL) = _allocate_memory(device, _MemoryAllocateInfo(allocation_size, memory_type_index; next); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `queue_family_index::UInt32` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::CommandPoolCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCommandPool.html) """ _create_command_pool(device, queue_family_index::Integer; allocator = C_NULL, next = C_NULL, flags = 0) = _create_command_pool(device, _CommandPoolCreateInfo(queue_family_index; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `size::UInt64` - `usage::BufferUsageFlag` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::BufferCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateBuffer.html) """ _create_buffer(device, size::Integer, usage::BufferUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = _create_buffer(device, _BufferCreateInfo(size, usage, sharing_mode, queue_family_indices; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `buffer::Buffer` - `format::Format` - `offset::UInt64` - `range::UInt64` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateBufferView.html) """ _create_buffer_view(device, buffer, format::Format, offset::Integer, range::Integer; allocator = C_NULL, next = C_NULL, flags = 0) = _create_buffer_view(device, _BufferViewCreateInfo(buffer, format, offset, range; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_COMPRESSION_EXHAUSTED_EXT` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `image_type::ImageType` - `format::Format` - `extent::_Extent3D` - `mip_levels::UInt32` - `array_layers::UInt32` - `samples::SampleCountFlag` - `tiling::ImageTiling` - `usage::ImageUsageFlag` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `initial_layout::ImageLayout` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::ImageCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateImage.html) """ _create_image(device, image_type::ImageType, format::Format, extent::_Extent3D, mip_levels::Integer, array_layers::Integer, samples::SampleCountFlag, tiling::ImageTiling, usage::ImageUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, initial_layout::ImageLayout; allocator = C_NULL, next = C_NULL, flags = 0) = _create_image(device, _ImageCreateInfo(image_type, format, extent, mip_levels, array_layers, samples, tiling, usage, sharing_mode, queue_family_indices, initial_layout; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `image::Image` - `view_type::ImageViewType` - `format::Format` - `components::_ComponentMapping` - `subresource_range::_ImageSubresourceRange` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::ImageViewCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateImageView.html) """ _create_image_view(device, image, view_type::ImageViewType, format::Format, components::_ComponentMapping, subresource_range::_ImageSubresourceRange; allocator = C_NULL, next = C_NULL, flags = 0) = _create_image_view(device, _ImageViewCreateInfo(image, view_type, format, components, subresource_range; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_SHADER_NV` Arguments: - `device::Device` - `code_size::UInt` - `code::Vector{UInt32}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateShaderModule.html) """ _create_shader_module(device, code_size::Integer, code::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = _create_shader_module(device, _ShaderModuleCreateInfo(code_size, code; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `set_layouts::Vector{DescriptorSetLayout}` - `push_constant_ranges::Vector{_PushConstantRange}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PipelineLayoutCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePipelineLayout.html) """ _create_pipeline_layout(device, set_layouts::AbstractArray, push_constant_ranges::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = _create_pipeline_layout(device, _PipelineLayoutCreateInfo(set_layouts, push_constant_ranges; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `mag_filter::Filter` - `min_filter::Filter` - `mipmap_mode::SamplerMipmapMode` - `address_mode_u::SamplerAddressMode` - `address_mode_v::SamplerAddressMode` - `address_mode_w::SamplerAddressMode` - `mip_lod_bias::Float32` - `anisotropy_enable::Bool` - `max_anisotropy::Float32` - `compare_enable::Bool` - `compare_op::CompareOp` - `min_lod::Float32` - `max_lod::Float32` - `border_color::BorderColor` - `unnormalized_coordinates::Bool` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::SamplerCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSampler.html) """ _create_sampler(device, mag_filter::Filter, min_filter::Filter, mipmap_mode::SamplerMipmapMode, address_mode_u::SamplerAddressMode, address_mode_v::SamplerAddressMode, address_mode_w::SamplerAddressMode, mip_lod_bias::Real, anisotropy_enable::Bool, max_anisotropy::Real, compare_enable::Bool, compare_op::CompareOp, min_lod::Real, max_lod::Real, border_color::BorderColor, unnormalized_coordinates::Bool; allocator = C_NULL, next = C_NULL, flags = 0) = _create_sampler(device, _SamplerCreateInfo(mag_filter, min_filter, mipmap_mode, address_mode_u, address_mode_v, address_mode_w, mip_lod_bias, anisotropy_enable, max_anisotropy, compare_enable, compare_op, min_lod, max_lod, border_color, unnormalized_coordinates; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `bindings::Vector{_DescriptorSetLayoutBinding}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::DescriptorSetLayoutCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorSetLayout.html) """ _create_descriptor_set_layout(device, bindings::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = _create_descriptor_set_layout(device, _DescriptorSetLayoutCreateInfo(bindings; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_FRAGMENTATION_EXT` Arguments: - `device::Device` - `max_sets::UInt32` - `pool_sizes::Vector{_DescriptorPoolSize}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::DescriptorPoolCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorPool.html) """ _create_descriptor_pool(device, max_sets::Integer, pool_sizes::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = _create_descriptor_pool(device, _DescriptorPoolCreateInfo(max_sets, pool_sizes; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::FenceCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateFence.html) """ _create_fence(device; allocator = C_NULL, next = C_NULL, flags = 0) = _create_fence(device, _FenceCreateInfo(; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSemaphore.html) """ _create_semaphore(device; allocator = C_NULL, next = C_NULL, flags = 0) = _create_semaphore(device, _SemaphoreCreateInfo(; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::EventCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateEvent.html) """ _create_event(device; allocator = C_NULL, next = C_NULL, flags = 0) = _create_event(device, _EventCreateInfo(; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `query_type::QueryType` - `query_count::UInt32` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `pipeline_statistics::QueryPipelineStatisticFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateQueryPool.html) """ _create_query_pool(device, query_type::QueryType, query_count::Integer; allocator = C_NULL, next = C_NULL, flags = 0, pipeline_statistics = 0) = _create_query_pool(device, _QueryPoolCreateInfo(query_type, query_count; next, flags, pipeline_statistics); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `render_pass::RenderPass` - `attachments::Vector{ImageView}` - `width::UInt32` - `height::UInt32` - `layers::UInt32` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::FramebufferCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateFramebuffer.html) """ _create_framebuffer(device, render_pass, attachments::AbstractArray, width::Integer, height::Integer, layers::Integer; allocator = C_NULL, next = C_NULL, flags = 0) = _create_framebuffer(device, _FramebufferCreateInfo(render_pass, attachments, width, height, layers; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `attachments::Vector{_AttachmentDescription}` - `subpasses::Vector{_SubpassDescription}` - `dependencies::Vector{_SubpassDependency}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::RenderPassCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRenderPass.html) """ _create_render_pass(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = _create_render_pass(device, _RenderPassCreateInfo(attachments, subpasses, dependencies; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `attachments::Vector{_AttachmentDescription2}` - `subpasses::Vector{_SubpassDescription2}` - `dependencies::Vector{_SubpassDependency2}` - `correlated_view_masks::Vector{UInt32}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::RenderPassCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRenderPass2.html) """ _create_render_pass_2(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray, correlated_view_masks::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = _create_render_pass_2(device, _RenderPassCreateInfo2(attachments, subpasses, dependencies, correlated_view_masks; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `initial_data::Ptr{Cvoid}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PipelineCacheCreateFlag`: defaults to `0` - `initial_data_size::UInt`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePipelineCache.html) """ _create_pipeline_cache(device, initial_data::Ptr{Cvoid}; allocator = C_NULL, next = C_NULL, flags = 0, initial_data_size = 0) = _create_pipeline_cache(device, _PipelineCacheCreateInfo(initial_data; next, flags, initial_data_size); allocator) """ Extension: VK\\_NV\\_device\\_generated\\_commands Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `pipeline_bind_point::PipelineBindPoint` - `tokens::Vector{_IndirectCommandsLayoutTokenNV}` - `stream_strides::Vector{UInt32}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::IndirectCommandsLayoutUsageFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateIndirectCommandsLayoutNV.html) """ _create_indirect_commands_layout_nv(device, pipeline_bind_point::PipelineBindPoint, tokens::AbstractArray, stream_strides::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = _create_indirect_commands_layout_nv(device, _IndirectCommandsLayoutCreateInfoNV(pipeline_bind_point, tokens, stream_strides; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `descriptor_update_entries::Vector{_DescriptorUpdateTemplateEntry}` - `template_type::DescriptorUpdateTemplateType` - `descriptor_set_layout::DescriptorSetLayout` - `pipeline_bind_point::PipelineBindPoint` - `pipeline_layout::PipelineLayout` - `set::UInt32` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorUpdateTemplate.html) """ _create_descriptor_update_template(device, descriptor_update_entries::AbstractArray, template_type::DescriptorUpdateTemplateType, descriptor_set_layout, pipeline_bind_point::PipelineBindPoint, pipeline_layout, set::Integer; allocator = C_NULL, next = C_NULL, flags = 0) = _create_descriptor_update_template(device, _DescriptorUpdateTemplateCreateInfo(descriptor_update_entries, template_type, descriptor_set_layout, pipeline_bind_point, pipeline_layout, set; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `format::Format` - `ycbcr_model::SamplerYcbcrModelConversion` - `ycbcr_range::SamplerYcbcrRange` - `components::_ComponentMapping` - `x_chroma_offset::ChromaLocation` - `y_chroma_offset::ChromaLocation` - `chroma_filter::Filter` - `force_explicit_reconstruction::Bool` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSamplerYcbcrConversion.html) """ _create_sampler_ycbcr_conversion(device, format::Format, ycbcr_model::SamplerYcbcrModelConversion, ycbcr_range::SamplerYcbcrRange, components::_ComponentMapping, x_chroma_offset::ChromaLocation, y_chroma_offset::ChromaLocation, chroma_filter::Filter, force_explicit_reconstruction::Bool; allocator = C_NULL, next = C_NULL) = _create_sampler_ycbcr_conversion(device, _SamplerYcbcrConversionCreateInfo(format, ycbcr_model, ycbcr_range, components, x_chroma_offset, y_chroma_offset, chroma_filter, force_explicit_reconstruction; next); allocator) """ Extension: VK\\_EXT\\_validation\\_cache Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `initial_data::Ptr{Cvoid}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `initial_data_size::UInt`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateValidationCacheEXT.html) """ _create_validation_cache_ext(device, initial_data::Ptr{Cvoid}; allocator = C_NULL, next = C_NULL, flags = 0, initial_data_size = 0) = _create_validation_cache_ext(device, _ValidationCacheCreateInfoEXT(initial_data; next, flags, initial_data_size); allocator) """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `type::AccelerationStructureTypeKHR` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `create_flags::AccelerationStructureCreateFlagKHR`: defaults to `0` - `device_address::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateAccelerationStructureKHR.html) """ _create_acceleration_structure_khr(device, buffer, offset::Integer, size::Integer, type::AccelerationStructureTypeKHR; allocator = C_NULL, next = C_NULL, create_flags = 0, device_address = 0) = _create_acceleration_structure_khr(device, _AccelerationStructureCreateInfoKHR(buffer, offset, size, type; next, create_flags, device_address); allocator) """ Extension: VK\\_NV\\_ray\\_tracing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `compacted_size::UInt64` - `info::_AccelerationStructureInfoNV` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateAccelerationStructureNV.html) """ _create_acceleration_structure_nv(device, compacted_size::Integer, info::_AccelerationStructureInfoNV; allocator = C_NULL, next = C_NULL) = _create_acceleration_structure_nv(device, _AccelerationStructureCreateInfoNV(compacted_size, info; next); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `flags::UInt32` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePrivateDataSlot.html) """ _create_private_data_slot(device, flags::Integer; allocator = C_NULL, next = C_NULL) = _create_private_data_slot(device, _PrivateDataSlotCreateInfo(flags; next); allocator) """ Extension: VK\\_NVX\\_binary\\_import Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `data_size::UInt` - `data::Ptr{Cvoid}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCuModuleNVX.html) """ _create_cu_module_nvx(device, data_size::Integer, data::Ptr{Cvoid}; allocator = C_NULL, next = C_NULL) = _create_cu_module_nvx(device, _CuModuleCreateInfoNVX(data_size, data; next); allocator) """ Extension: VK\\_NVX\\_binary\\_import Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `_module::CuModuleNVX` - `name::String` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCuFunctionNVX.html) """ _create_cu_function_nvx(device, _module, name::AbstractString; allocator = C_NULL, next = C_NULL) = _create_cu_function_nvx(device, _CuFunctionCreateInfoNVX(_module, name; next); allocator) """ Extension: VK\\_NV\\_optical\\_flow Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `width::UInt32` - `height::UInt32` - `image_format::Format` - `flow_vector_format::Format` - `output_grid_size::OpticalFlowGridSizeFlagNV` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `cost_format::Format`: defaults to `0` - `hint_grid_size::OpticalFlowGridSizeFlagNV`: defaults to `0` - `performance_level::OpticalFlowPerformanceLevelNV`: defaults to `0` - `flags::OpticalFlowSessionCreateFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateOpticalFlowSessionNV.html) """ _create_optical_flow_session_nv(device, width::Integer, height::Integer, image_format::Format, flow_vector_format::Format, output_grid_size::OpticalFlowGridSizeFlagNV; allocator = C_NULL, next = C_NULL, cost_format = 0, hint_grid_size = 0, performance_level = 0, flags = 0) = _create_optical_flow_session_nv(device, _OpticalFlowSessionCreateInfoNV(width, height, image_format, flow_vector_format, output_grid_size; next, cost_format, hint_grid_size, performance_level, flags); allocator) """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `type::MicromapTypeEXT` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `create_flags::MicromapCreateFlagEXT`: defaults to `0` - `device_address::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateMicromapEXT.html) """ _create_micromap_ext(device, buffer, offset::Integer, size::Integer, type::MicromapTypeEXT; allocator = C_NULL, next = C_NULL, create_flags = 0, device_address = 0) = _create_micromap_ext(device, _MicromapCreateInfoEXT(buffer, offset, size, type; next, create_flags, device_address); allocator) """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` (externsync) - `parameters::_DisplayModeParametersKHR` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDisplayModeKHR.html) """ _create_display_mode_khr(physical_device, display, parameters::_DisplayModeParametersKHR; allocator = C_NULL, next = C_NULL, flags = 0) = _create_display_mode_khr(physical_device, display, _DisplayModeCreateInfoKHR(parameters; next, flags); allocator) """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `display_mode::DisplayModeKHR` - `plane_index::UInt32` - `plane_stack_index::UInt32` - `transform::SurfaceTransformFlagKHR` - `global_alpha::Float32` - `alpha_mode::DisplayPlaneAlphaFlagKHR` - `image_extent::_Extent2D` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDisplayPlaneSurfaceKHR.html) """ _create_display_plane_surface_khr(instance, display_mode, plane_index::Integer, plane_stack_index::Integer, transform::SurfaceTransformFlagKHR, global_alpha::Real, alpha_mode::DisplayPlaneAlphaFlagKHR, image_extent::_Extent2D; allocator = C_NULL, next = C_NULL, flags = 0) = _create_display_plane_surface_khr(instance, _DisplaySurfaceCreateInfoKHR(display_mode, plane_index, plane_stack_index, transform, global_alpha, alpha_mode, image_extent; next, flags); allocator) """ Extension: VK\\_KHR\\_wayland\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `display::Ptr{wl_display}` - `surface::SurfaceKHR` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateWaylandSurfaceKHR.html) """ _create_wayland_surface_khr(instance, display::Ptr{vk.wl_display}, surface::Ptr{vk.wl_surface}; allocator = C_NULL, next = C_NULL, flags = 0) = _create_wayland_surface_khr(instance, _WaylandSurfaceCreateInfoKHR(display, surface; next, flags); allocator) """ Extension: VK\\_KHR\\_xlib\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `dpy::Ptr{Display}` - `window::Window` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateXlibSurfaceKHR.html) """ _create_xlib_surface_khr(instance, dpy::Ptr{vk.Display}, window::vk.Window; allocator = C_NULL, next = C_NULL, flags = 0) = _create_xlib_surface_khr(instance, _XlibSurfaceCreateInfoKHR(dpy, window; next, flags); allocator) """ Extension: VK\\_KHR\\_xcb\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `connection::Ptr{xcb_connection_t}` - `window::xcb_window_t` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateXcbSurfaceKHR.html) """ _create_xcb_surface_khr(instance, connection::Ptr{vk.xcb_connection_t}, window::vk.xcb_window_t; allocator = C_NULL, next = C_NULL, flags = 0) = _create_xcb_surface_khr(instance, _XcbSurfaceCreateInfoKHR(connection, window; next, flags); allocator) """ Extension: VK\\_EXT\\_headless\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateHeadlessSurfaceEXT.html) """ _create_headless_surface_ext(instance; allocator = C_NULL, next = C_NULL, flags = 0) = _create_headless_surface_ext(instance, _HeadlessSurfaceCreateInfoEXT(; next, flags); allocator) """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_SURFACE_LOST_KHR` - `ERROR_NATIVE_WINDOW_IN_USE_KHR` - `ERROR_INITIALIZATION_FAILED` - `ERROR_COMPRESSION_EXHAUSTED_EXT` Arguments: - `device::Device` - `surface::SurfaceKHR` - `min_image_count::UInt32` - `image_format::Format` - `image_color_space::ColorSpaceKHR` - `image_extent::_Extent2D` - `image_array_layers::UInt32` - `image_usage::ImageUsageFlag` - `image_sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `pre_transform::SurfaceTransformFlagKHR` - `composite_alpha::CompositeAlphaFlagKHR` - `present_mode::PresentModeKHR` - `clipped::Bool` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::SwapchainCreateFlagKHR`: defaults to `0` - `old_swapchain::SwapchainKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSwapchainKHR.html) """ _create_swapchain_khr(device, surface, min_image_count::Integer, image_format::Format, image_color_space::ColorSpaceKHR, image_extent::_Extent2D, image_array_layers::Integer, image_usage::ImageUsageFlag, image_sharing_mode::SharingMode, queue_family_indices::AbstractArray, pre_transform::SurfaceTransformFlagKHR, composite_alpha::CompositeAlphaFlagKHR, present_mode::PresentModeKHR, clipped::Bool; allocator = C_NULL, next = C_NULL, flags = 0, old_swapchain = C_NULL) = _create_swapchain_khr(device, _SwapchainCreateInfoKHR(surface, min_image_count, image_format, image_color_space, image_extent, image_array_layers, image_usage, image_sharing_mode, queue_family_indices, pre_transform, composite_alpha, present_mode, clipped; next, flags, old_swapchain); allocator) """ Extension: VK\\_EXT\\_debug\\_report Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `instance::Instance` - `pfn_callback::FunctionPtr` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::DebugReportFlagEXT`: defaults to `0` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDebugReportCallbackEXT.html) """ _create_debug_report_callback_ext(instance, pfn_callback::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL) = _create_debug_report_callback_ext(instance, _DebugReportCallbackCreateInfoEXT(pfn_callback; next, flags, user_data); allocator) """ Extension: VK\\_EXT\\_debug\\_utils Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `instance::Instance` - `message_severity::DebugUtilsMessageSeverityFlagEXT` - `message_type::DebugUtilsMessageTypeFlagEXT` - `pfn_user_callback::FunctionPtr` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDebugUtilsMessengerEXT.html) """ _create_debug_utils_messenger_ext(instance, message_severity::DebugUtilsMessageSeverityFlagEXT, message_type::DebugUtilsMessageTypeFlagEXT, pfn_user_callback::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL) = _create_debug_utils_messenger_ext(instance, _DebugUtilsMessengerCreateInfoEXT(message_severity, message_type, pfn_user_callback; next, flags, user_data); allocator) """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_VIDEO_STD_VERSION_NOT_SUPPORTED_KHR` Arguments: - `device::Device` - `queue_family_index::UInt32` - `video_profile::_VideoProfileInfoKHR` - `picture_format::Format` - `max_coded_extent::_Extent2D` - `reference_picture_format::Format` - `max_dpb_slots::UInt32` - `max_active_reference_pictures::UInt32` - `std_header_version::_ExtensionProperties` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::VideoSessionCreateFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateVideoSessionKHR.html) """ _create_video_session_khr(device, queue_family_index::Integer, video_profile::_VideoProfileInfoKHR, picture_format::Format, max_coded_extent::_Extent2D, reference_picture_format::Format, max_dpb_slots::Integer, max_active_reference_pictures::Integer, std_header_version::_ExtensionProperties; allocator = C_NULL, next = C_NULL, flags = 0) = _create_video_session_khr(device, _VideoSessionCreateInfoKHR(queue_family_index, video_profile, picture_format, max_coded_extent, reference_picture_format, max_dpb_slots, max_active_reference_pictures, std_header_version; next, flags); allocator) """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `video_session::VideoSessionKHR` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `video_session_parameters_template::VideoSessionParametersKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateVideoSessionParametersKHR.html) """ _create_video_session_parameters_khr(device, video_session; allocator = C_NULL, next = C_NULL, flags = 0, video_session_parameters_template = C_NULL) = _create_video_session_parameters_khr(device, _VideoSessionParametersCreateInfoKHR(video_session; next, flags, video_session_parameters_template); allocator) _create_instance(enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, application_info = C_NULL) = _create_instance(_InstanceCreateInfo(enabled_layer_names, enabled_extension_names; next, flags, application_info), fptr_create, fptr_destroy; allocator) _create_device(physical_device, queue_create_infos::AbstractArray, enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, enabled_features = C_NULL) = _create_device(physical_device, _DeviceCreateInfo(queue_create_infos, enabled_layer_names, enabled_extension_names; next, flags, enabled_features), fptr_create, fptr_destroy; allocator) _allocate_memory(device, allocation_size::Integer, memory_type_index::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = _allocate_memory(device, _MemoryAllocateInfo(allocation_size, memory_type_index; next), fptr_create, fptr_destroy; allocator) _create_command_pool(device, queue_family_index::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_command_pool(device, _CommandPoolCreateInfo(queue_family_index; next, flags), fptr_create, fptr_destroy; allocator) _create_buffer(device, size::Integer, usage::BufferUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_buffer(device, _BufferCreateInfo(size, usage, sharing_mode, queue_family_indices; next, flags), fptr_create, fptr_destroy; allocator) _create_buffer_view(device, buffer, format::Format, offset::Integer, range::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_buffer_view(device, _BufferViewCreateInfo(buffer, format, offset, range; next, flags), fptr_create, fptr_destroy; allocator) _create_image(device, image_type::ImageType, format::Format, extent::_Extent3D, mip_levels::Integer, array_layers::Integer, samples::SampleCountFlag, tiling::ImageTiling, usage::ImageUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, initial_layout::ImageLayout, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_image(device, _ImageCreateInfo(image_type, format, extent, mip_levels, array_layers, samples, tiling, usage, sharing_mode, queue_family_indices, initial_layout; next, flags), fptr_create, fptr_destroy; allocator) _create_image_view(device, image, view_type::ImageViewType, format::Format, components::_ComponentMapping, subresource_range::_ImageSubresourceRange, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_image_view(device, _ImageViewCreateInfo(image, view_type, format, components, subresource_range; next, flags), fptr_create, fptr_destroy; allocator) _create_shader_module(device, code_size::Integer, code::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_shader_module(device, _ShaderModuleCreateInfo(code_size, code; next, flags), fptr_create, fptr_destroy; allocator) _create_pipeline_layout(device, set_layouts::AbstractArray, push_constant_ranges::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_pipeline_layout(device, _PipelineLayoutCreateInfo(set_layouts, push_constant_ranges; next, flags), fptr_create, fptr_destroy; allocator) _create_sampler(device, mag_filter::Filter, min_filter::Filter, mipmap_mode::SamplerMipmapMode, address_mode_u::SamplerAddressMode, address_mode_v::SamplerAddressMode, address_mode_w::SamplerAddressMode, mip_lod_bias::Real, anisotropy_enable::Bool, max_anisotropy::Real, compare_enable::Bool, compare_op::CompareOp, min_lod::Real, max_lod::Real, border_color::BorderColor, unnormalized_coordinates::Bool, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_sampler(device, _SamplerCreateInfo(mag_filter, min_filter, mipmap_mode, address_mode_u, address_mode_v, address_mode_w, mip_lod_bias, anisotropy_enable, max_anisotropy, compare_enable, compare_op, min_lod, max_lod, border_color, unnormalized_coordinates; next, flags), fptr_create, fptr_destroy; allocator) _create_descriptor_set_layout(device, bindings::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_descriptor_set_layout(device, _DescriptorSetLayoutCreateInfo(bindings; next, flags), fptr_create, fptr_destroy; allocator) _create_descriptor_pool(device, max_sets::Integer, pool_sizes::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_descriptor_pool(device, _DescriptorPoolCreateInfo(max_sets, pool_sizes; next, flags), fptr_create, fptr_destroy; allocator) _create_fence(device, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_fence(device, _FenceCreateInfo(; next, flags), fptr_create, fptr_destroy; allocator) _create_semaphore(device, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_semaphore(device, _SemaphoreCreateInfo(; next, flags), fptr_create, fptr_destroy; allocator) _create_event(device, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_event(device, _EventCreateInfo(; next, flags), fptr_create, fptr_destroy; allocator) _create_query_pool(device, query_type::QueryType, query_count::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, pipeline_statistics = 0) = _create_query_pool(device, _QueryPoolCreateInfo(query_type, query_count; next, flags, pipeline_statistics), fptr_create, fptr_destroy; allocator) _create_framebuffer(device, render_pass, attachments::AbstractArray, width::Integer, height::Integer, layers::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_framebuffer(device, _FramebufferCreateInfo(render_pass, attachments, width, height, layers; next, flags), fptr_create, fptr_destroy; allocator) _create_render_pass(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_render_pass(device, _RenderPassCreateInfo(attachments, subpasses, dependencies; next, flags), fptr_create, fptr_destroy; allocator) _create_render_pass_2(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray, correlated_view_masks::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_render_pass_2(device, _RenderPassCreateInfo2(attachments, subpasses, dependencies, correlated_view_masks; next, flags), fptr_create, fptr_destroy; allocator) _create_pipeline_cache(device, initial_data::Ptr{Cvoid}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, initial_data_size = 0) = _create_pipeline_cache(device, _PipelineCacheCreateInfo(initial_data; next, flags, initial_data_size), fptr_create, fptr_destroy; allocator) _create_indirect_commands_layout_nv(device, pipeline_bind_point::PipelineBindPoint, tokens::AbstractArray, stream_strides::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_indirect_commands_layout_nv(device, _IndirectCommandsLayoutCreateInfoNV(pipeline_bind_point, tokens, stream_strides; next, flags), fptr_create, fptr_destroy; allocator) _create_descriptor_update_template(device, descriptor_update_entries::AbstractArray, template_type::DescriptorUpdateTemplateType, descriptor_set_layout, pipeline_bind_point::PipelineBindPoint, pipeline_layout, set::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_descriptor_update_template(device, _DescriptorUpdateTemplateCreateInfo(descriptor_update_entries, template_type, descriptor_set_layout, pipeline_bind_point, pipeline_layout, set; next, flags), fptr_create, fptr_destroy; allocator) _create_sampler_ycbcr_conversion(device, format::Format, ycbcr_model::SamplerYcbcrModelConversion, ycbcr_range::SamplerYcbcrRange, components::_ComponentMapping, x_chroma_offset::ChromaLocation, y_chroma_offset::ChromaLocation, chroma_filter::Filter, force_explicit_reconstruction::Bool, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = _create_sampler_ycbcr_conversion(device, _SamplerYcbcrConversionCreateInfo(format, ycbcr_model, ycbcr_range, components, x_chroma_offset, y_chroma_offset, chroma_filter, force_explicit_reconstruction; next), fptr_create, fptr_destroy; allocator) _create_validation_cache_ext(device, initial_data::Ptr{Cvoid}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, initial_data_size = 0) = _create_validation_cache_ext(device, _ValidationCacheCreateInfoEXT(initial_data; next, flags, initial_data_size), fptr_create, fptr_destroy; allocator) _create_acceleration_structure_khr(device, buffer, offset::Integer, size::Integer, type::AccelerationStructureTypeKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, create_flags = 0, device_address = 0) = _create_acceleration_structure_khr(device, _AccelerationStructureCreateInfoKHR(buffer, offset, size, type; next, create_flags, device_address), fptr_create, fptr_destroy; allocator) _create_acceleration_structure_nv(device, compacted_size::Integer, info::_AccelerationStructureInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = _create_acceleration_structure_nv(device, _AccelerationStructureCreateInfoNV(compacted_size, info; next), fptr_create, fptr_destroy; allocator) _create_private_data_slot(device, flags::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = _create_private_data_slot(device, _PrivateDataSlotCreateInfo(flags; next), fptr_create, fptr_destroy; allocator) _create_cu_module_nvx(device, data_size::Integer, data::Ptr{Cvoid}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = _create_cu_module_nvx(device, _CuModuleCreateInfoNVX(data_size, data; next), fptr_create, fptr_destroy; allocator) _create_cu_function_nvx(device, _module, name::AbstractString, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = _create_cu_function_nvx(device, _CuFunctionCreateInfoNVX(_module, name; next), fptr_create, fptr_destroy; allocator) _create_optical_flow_session_nv(device, width::Integer, height::Integer, image_format::Format, flow_vector_format::Format, output_grid_size::OpticalFlowGridSizeFlagNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, cost_format = 0, hint_grid_size = 0, performance_level = 0, flags = 0) = _create_optical_flow_session_nv(device, _OpticalFlowSessionCreateInfoNV(width, height, image_format, flow_vector_format, output_grid_size; next, cost_format, hint_grid_size, performance_level, flags), fptr_create, fptr_destroy; allocator) _create_micromap_ext(device, buffer, offset::Integer, size::Integer, type::MicromapTypeEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, create_flags = 0, device_address = 0) = _create_micromap_ext(device, _MicromapCreateInfoEXT(buffer, offset, size, type; next, create_flags, device_address), fptr_create, fptr_destroy; allocator) _create_display_mode_khr(physical_device, display, parameters::_DisplayModeParametersKHR, fptr_create::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_display_mode_khr(physical_device, display, _DisplayModeCreateInfoKHR(parameters; next, flags), fptr_create; allocator) _create_display_plane_surface_khr(instance, display_mode, plane_index::Integer, plane_stack_index::Integer, transform::SurfaceTransformFlagKHR, global_alpha::Real, alpha_mode::DisplayPlaneAlphaFlagKHR, image_extent::_Extent2D, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_display_plane_surface_khr(instance, _DisplaySurfaceCreateInfoKHR(display_mode, plane_index, plane_stack_index, transform, global_alpha, alpha_mode, image_extent; next, flags), fptr_create, fptr_destroy; allocator) _create_wayland_surface_khr(instance, display::Ptr{vk.wl_display}, surface::Ptr{vk.wl_surface}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_wayland_surface_khr(instance, _WaylandSurfaceCreateInfoKHR(display, surface; next, flags), fptr_create, fptr_destroy; allocator) _create_xlib_surface_khr(instance, dpy::Ptr{vk.Display}, window::vk.Window, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_xlib_surface_khr(instance, _XlibSurfaceCreateInfoKHR(dpy, window; next, flags), fptr_create, fptr_destroy; allocator) _create_xcb_surface_khr(instance, connection::Ptr{vk.xcb_connection_t}, window::vk.xcb_window_t, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_xcb_surface_khr(instance, _XcbSurfaceCreateInfoKHR(connection, window; next, flags), fptr_create, fptr_destroy; allocator) _create_headless_surface_ext(instance, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_headless_surface_ext(instance, _HeadlessSurfaceCreateInfoEXT(; next, flags), fptr_create, fptr_destroy; allocator) _create_swapchain_khr(device, surface, min_image_count::Integer, image_format::Format, image_color_space::ColorSpaceKHR, image_extent::_Extent2D, image_array_layers::Integer, image_usage::ImageUsageFlag, image_sharing_mode::SharingMode, queue_family_indices::AbstractArray, pre_transform::SurfaceTransformFlagKHR, composite_alpha::CompositeAlphaFlagKHR, present_mode::PresentModeKHR, clipped::Bool, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, old_swapchain = C_NULL) = _create_swapchain_khr(device, _SwapchainCreateInfoKHR(surface, min_image_count, image_format, image_color_space, image_extent, image_array_layers, image_usage, image_sharing_mode, queue_family_indices, pre_transform, composite_alpha, present_mode, clipped; next, flags, old_swapchain), fptr_create, fptr_destroy; allocator) _create_debug_report_callback_ext(instance, pfn_callback::FunctionPtr, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL) = _create_debug_report_callback_ext(instance, _DebugReportCallbackCreateInfoEXT(pfn_callback; next, flags, user_data), fptr_create, fptr_destroy; allocator) _create_debug_utils_messenger_ext(instance, message_severity::DebugUtilsMessageSeverityFlagEXT, message_type::DebugUtilsMessageTypeFlagEXT, pfn_user_callback::FunctionPtr, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL) = _create_debug_utils_messenger_ext(instance, _DebugUtilsMessengerCreateInfoEXT(message_severity, message_type, pfn_user_callback; next, flags, user_data), fptr_create, fptr_destroy; allocator) _create_video_session_khr(device, queue_family_index::Integer, video_profile::_VideoProfileInfoKHR, picture_format::Format, max_coded_extent::_Extent2D, reference_picture_format::Format, max_dpb_slots::Integer, max_active_reference_pictures::Integer, std_header_version::_ExtensionProperties, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_video_session_khr(device, _VideoSessionCreateInfoKHR(queue_family_index, video_profile, picture_format, max_coded_extent, reference_picture_format, max_dpb_slots, max_active_reference_pictures, std_header_version; next, flags), fptr_create, fptr_destroy; allocator) _create_video_session_parameters_khr(device, video_session, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, video_session_parameters_template = C_NULL) = _create_video_session_parameters_khr(device, _VideoSessionParametersCreateInfoKHR(video_session; next, flags, video_session_parameters_template), fptr_create, fptr_destroy; allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_LAYER_NOT_PRESENT` - `ERROR_EXTENSION_NOT_PRESENT` - `ERROR_INCOMPATIBLE_DRIVER` Arguments: - `enabled_layer_names::Vector{String}` - `enabled_extension_names::Vector{String}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::InstanceCreateFlag`: defaults to `0` - `application_info::ApplicationInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateInstance.html) """ function create_instance(enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0, application_info = C_NULL)::ResultTypes.Result{Instance, VulkanError} val = @propagate_errors(_create_instance(enabled_layer_names, enabled_extension_names; allocator, next, flags, application_info)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_EXTENSION_NOT_PRESENT` - `ERROR_FEATURE_NOT_PRESENT` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_DEVICE_LOST` Arguments: - `physical_device::PhysicalDevice` - `queue_create_infos::Vector{DeviceQueueCreateInfo}` - `enabled_layer_names::Vector{String}` - `enabled_extension_names::Vector{String}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `enabled_features::PhysicalDeviceFeatures`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDevice.html) """ function create_device(physical_device, queue_create_infos::AbstractArray, enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0, enabled_features = C_NULL)::ResultTypes.Result{Device, VulkanError} val = @propagate_errors(_create_device(physical_device, convert(AbstractArray{_DeviceQueueCreateInfo}, queue_create_infos), enabled_layer_names, enabled_extension_names; allocator, next, flags, enabled_features)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `allocation_size::UInt64` - `memory_type_index::UInt32` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAllocateMemory.html) """ function allocate_memory(device, allocation_size::Integer, memory_type_index::Integer; allocator = C_NULL, next = C_NULL)::ResultTypes.Result{DeviceMemory, VulkanError} val = @propagate_errors(_allocate_memory(device, allocation_size, memory_type_index; allocator, next)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `queue_family_index::UInt32` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::CommandPoolCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCommandPool.html) """ function create_command_pool(device, queue_family_index::Integer; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{CommandPool, VulkanError} val = @propagate_errors(_create_command_pool(device, queue_family_index; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `size::UInt64` - `usage::BufferUsageFlag` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::BufferCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateBuffer.html) """ function create_buffer(device, size::Integer, usage::BufferUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Buffer, VulkanError} val = @propagate_errors(_create_buffer(device, size, usage, sharing_mode, queue_family_indices; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `buffer::Buffer` - `format::Format` - `offset::UInt64` - `range::UInt64` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateBufferView.html) """ function create_buffer_view(device, buffer, format::Format, offset::Integer, range::Integer; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{BufferView, VulkanError} val = @propagate_errors(_create_buffer_view(device, buffer, format, offset, range; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_COMPRESSION_EXHAUSTED_EXT` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `image_type::ImageType` - `format::Format` - `extent::Extent3D` - `mip_levels::UInt32` - `array_layers::UInt32` - `samples::SampleCountFlag` - `tiling::ImageTiling` - `usage::ImageUsageFlag` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `initial_layout::ImageLayout` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::ImageCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateImage.html) """ function create_image(device, image_type::ImageType, format::Format, extent::Extent3D, mip_levels::Integer, array_layers::Integer, samples::SampleCountFlag, tiling::ImageTiling, usage::ImageUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, initial_layout::ImageLayout; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Image, VulkanError} val = @propagate_errors(_create_image(device, image_type, format, convert(_Extent3D, extent), mip_levels, array_layers, samples, tiling, usage, sharing_mode, queue_family_indices, initial_layout; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `image::Image` - `view_type::ImageViewType` - `format::Format` - `components::ComponentMapping` - `subresource_range::ImageSubresourceRange` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::ImageViewCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateImageView.html) """ function create_image_view(device, image, view_type::ImageViewType, format::Format, components::ComponentMapping, subresource_range::ImageSubresourceRange; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{ImageView, VulkanError} val = @propagate_errors(_create_image_view(device, image, view_type, format, convert(_ComponentMapping, components), convert(_ImageSubresourceRange, subresource_range); allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_SHADER_NV` Arguments: - `device::Device` - `code_size::UInt` - `code::Vector{UInt32}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateShaderModule.html) """ function create_shader_module(device, code_size::Integer, code::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{ShaderModule, VulkanError} val = @propagate_errors(_create_shader_module(device, code_size, code; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `set_layouts::Vector{DescriptorSetLayout}` - `push_constant_ranges::Vector{PushConstantRange}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::PipelineLayoutCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePipelineLayout.html) """ function create_pipeline_layout(device, set_layouts::AbstractArray, push_constant_ranges::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{PipelineLayout, VulkanError} val = @propagate_errors(_create_pipeline_layout(device, set_layouts, convert(AbstractArray{_PushConstantRange}, push_constant_ranges); allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `mag_filter::Filter` - `min_filter::Filter` - `mipmap_mode::SamplerMipmapMode` - `address_mode_u::SamplerAddressMode` - `address_mode_v::SamplerAddressMode` - `address_mode_w::SamplerAddressMode` - `mip_lod_bias::Float32` - `anisotropy_enable::Bool` - `max_anisotropy::Float32` - `compare_enable::Bool` - `compare_op::CompareOp` - `min_lod::Float32` - `max_lod::Float32` - `border_color::BorderColor` - `unnormalized_coordinates::Bool` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::SamplerCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSampler.html) """ function create_sampler(device, mag_filter::Filter, min_filter::Filter, mipmap_mode::SamplerMipmapMode, address_mode_u::SamplerAddressMode, address_mode_v::SamplerAddressMode, address_mode_w::SamplerAddressMode, mip_lod_bias::Real, anisotropy_enable::Bool, max_anisotropy::Real, compare_enable::Bool, compare_op::CompareOp, min_lod::Real, max_lod::Real, border_color::BorderColor, unnormalized_coordinates::Bool; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Sampler, VulkanError} val = @propagate_errors(_create_sampler(device, mag_filter, min_filter, mipmap_mode, address_mode_u, address_mode_v, address_mode_w, mip_lod_bias, anisotropy_enable, max_anisotropy, compare_enable, compare_op, min_lod, max_lod, border_color, unnormalized_coordinates; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `bindings::Vector{DescriptorSetLayoutBinding}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::DescriptorSetLayoutCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorSetLayout.html) """ function create_descriptor_set_layout(device, bindings::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{DescriptorSetLayout, VulkanError} val = @propagate_errors(_create_descriptor_set_layout(device, convert(AbstractArray{_DescriptorSetLayoutBinding}, bindings); allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_FRAGMENTATION_EXT` Arguments: - `device::Device` - `max_sets::UInt32` - `pool_sizes::Vector{DescriptorPoolSize}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::DescriptorPoolCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorPool.html) """ function create_descriptor_pool(device, max_sets::Integer, pool_sizes::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{DescriptorPool, VulkanError} val = @propagate_errors(_create_descriptor_pool(device, max_sets, convert(AbstractArray{_DescriptorPoolSize}, pool_sizes); allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::FenceCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateFence.html) """ function create_fence(device; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Fence, VulkanError} val = @propagate_errors(_create_fence(device; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSemaphore.html) """ function create_semaphore(device; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Semaphore, VulkanError} val = @propagate_errors(_create_semaphore(device; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::EventCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateEvent.html) """ function create_event(device; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Event, VulkanError} val = @propagate_errors(_create_event(device; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `query_type::QueryType` - `query_count::UInt32` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `pipeline_statistics::QueryPipelineStatisticFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateQueryPool.html) """ function create_query_pool(device, query_type::QueryType, query_count::Integer; allocator = C_NULL, next = C_NULL, flags = 0, pipeline_statistics = 0)::ResultTypes.Result{QueryPool, VulkanError} val = @propagate_errors(_create_query_pool(device, query_type, query_count; allocator, next, flags, pipeline_statistics)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `render_pass::RenderPass` - `attachments::Vector{ImageView}` - `width::UInt32` - `height::UInt32` - `layers::UInt32` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::FramebufferCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateFramebuffer.html) """ function create_framebuffer(device, render_pass, attachments::AbstractArray, width::Integer, height::Integer, layers::Integer; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Framebuffer, VulkanError} val = @propagate_errors(_create_framebuffer(device, render_pass, attachments, width, height, layers; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `attachments::Vector{AttachmentDescription}` - `subpasses::Vector{SubpassDescription}` - `dependencies::Vector{SubpassDependency}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::RenderPassCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRenderPass.html) """ function create_render_pass(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{RenderPass, VulkanError} val = @propagate_errors(_create_render_pass(device, convert(AbstractArray{_AttachmentDescription}, attachments), convert(AbstractArray{_SubpassDescription}, subpasses), convert(AbstractArray{_SubpassDependency}, dependencies); allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `attachments::Vector{AttachmentDescription2}` - `subpasses::Vector{SubpassDescription2}` - `dependencies::Vector{SubpassDependency2}` - `correlated_view_masks::Vector{UInt32}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::RenderPassCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRenderPass2.html) """ function create_render_pass_2(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray, correlated_view_masks::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{RenderPass, VulkanError} val = @propagate_errors(_create_render_pass_2(device, convert(AbstractArray{_AttachmentDescription2}, attachments), convert(AbstractArray{_SubpassDescription2}, subpasses), convert(AbstractArray{_SubpassDependency2}, dependencies), correlated_view_masks; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `initial_data::Ptr{Cvoid}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::PipelineCacheCreateFlag`: defaults to `0` - `initial_data_size::UInt`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePipelineCache.html) """ function create_pipeline_cache(device, initial_data::Ptr{Cvoid}; allocator = C_NULL, next = C_NULL, flags = 0, initial_data_size = 0)::ResultTypes.Result{PipelineCache, VulkanError} val = @propagate_errors(_create_pipeline_cache(device, initial_data; allocator, next, flags, initial_data_size)) val end """ Extension: VK\\_NV\\_device\\_generated\\_commands Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `pipeline_bind_point::PipelineBindPoint` - `tokens::Vector{IndirectCommandsLayoutTokenNV}` - `stream_strides::Vector{UInt32}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::IndirectCommandsLayoutUsageFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateIndirectCommandsLayoutNV.html) """ function create_indirect_commands_layout_nv(device, pipeline_bind_point::PipelineBindPoint, tokens::AbstractArray, stream_strides::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{IndirectCommandsLayoutNV, VulkanError} val = @propagate_errors(_create_indirect_commands_layout_nv(device, pipeline_bind_point, convert(AbstractArray{_IndirectCommandsLayoutTokenNV}, tokens), stream_strides; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `descriptor_update_entries::Vector{DescriptorUpdateTemplateEntry}` - `template_type::DescriptorUpdateTemplateType` - `descriptor_set_layout::DescriptorSetLayout` - `pipeline_bind_point::PipelineBindPoint` - `pipeline_layout::PipelineLayout` - `set::UInt32` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorUpdateTemplate.html) """ function create_descriptor_update_template(device, descriptor_update_entries::AbstractArray, template_type::DescriptorUpdateTemplateType, descriptor_set_layout, pipeline_bind_point::PipelineBindPoint, pipeline_layout, set::Integer; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{DescriptorUpdateTemplate, VulkanError} val = @propagate_errors(_create_descriptor_update_template(device, convert(AbstractArray{_DescriptorUpdateTemplateEntry}, descriptor_update_entries), template_type, descriptor_set_layout, pipeline_bind_point, pipeline_layout, set; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `format::Format` - `ycbcr_model::SamplerYcbcrModelConversion` - `ycbcr_range::SamplerYcbcrRange` - `components::ComponentMapping` - `x_chroma_offset::ChromaLocation` - `y_chroma_offset::ChromaLocation` - `chroma_filter::Filter` - `force_explicit_reconstruction::Bool` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSamplerYcbcrConversion.html) """ function create_sampler_ycbcr_conversion(device, format::Format, ycbcr_model::SamplerYcbcrModelConversion, ycbcr_range::SamplerYcbcrRange, components::ComponentMapping, x_chroma_offset::ChromaLocation, y_chroma_offset::ChromaLocation, chroma_filter::Filter, force_explicit_reconstruction::Bool; allocator = C_NULL, next = C_NULL)::ResultTypes.Result{SamplerYcbcrConversion, VulkanError} val = @propagate_errors(_create_sampler_ycbcr_conversion(device, format, ycbcr_model, ycbcr_range, convert(_ComponentMapping, components), x_chroma_offset, y_chroma_offset, chroma_filter, force_explicit_reconstruction; allocator, next)) val end """ Extension: VK\\_EXT\\_validation\\_cache Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `initial_data::Ptr{Cvoid}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `initial_data_size::UInt`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateValidationCacheEXT.html) """ function create_validation_cache_ext(device, initial_data::Ptr{Cvoid}; allocator = C_NULL, next = C_NULL, flags = 0, initial_data_size = 0)::ResultTypes.Result{ValidationCacheEXT, VulkanError} val = @propagate_errors(_create_validation_cache_ext(device, initial_data; allocator, next, flags, initial_data_size)) val end """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `type::AccelerationStructureTypeKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `create_flags::AccelerationStructureCreateFlagKHR`: defaults to `0` - `device_address::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateAccelerationStructureKHR.html) """ function create_acceleration_structure_khr(device, buffer, offset::Integer, size::Integer, type::AccelerationStructureTypeKHR; allocator = C_NULL, next = C_NULL, create_flags = 0, device_address = 0)::ResultTypes.Result{AccelerationStructureKHR, VulkanError} val = @propagate_errors(_create_acceleration_structure_khr(device, buffer, offset, size, type; allocator, next, create_flags, device_address)) val end """ Extension: VK\\_NV\\_ray\\_tracing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `compacted_size::UInt64` - `info::AccelerationStructureInfoNV` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateAccelerationStructureNV.html) """ function create_acceleration_structure_nv(device, compacted_size::Integer, info::AccelerationStructureInfoNV; allocator = C_NULL, next = C_NULL)::ResultTypes.Result{AccelerationStructureNV, VulkanError} val = @propagate_errors(_create_acceleration_structure_nv(device, compacted_size, convert(_AccelerationStructureInfoNV, info); allocator, next)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `flags::UInt32` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePrivateDataSlot.html) """ function create_private_data_slot(device, flags::Integer; allocator = C_NULL, next = C_NULL)::ResultTypes.Result{PrivateDataSlot, VulkanError} val = @propagate_errors(_create_private_data_slot(device, flags; allocator, next)) val end """ Extension: VK\\_NVX\\_binary\\_import Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `data_size::UInt` - `data::Ptr{Cvoid}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCuModuleNVX.html) """ function create_cu_module_nvx(device, data_size::Integer, data::Ptr{Cvoid}; allocator = C_NULL, next = C_NULL)::ResultTypes.Result{CuModuleNVX, VulkanError} val = @propagate_errors(_create_cu_module_nvx(device, data_size, data; allocator, next)) val end """ Extension: VK\\_NVX\\_binary\\_import Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `_module::CuModuleNVX` - `name::String` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCuFunctionNVX.html) """ function create_cu_function_nvx(device, _module, name::AbstractString; allocator = C_NULL, next = C_NULL)::ResultTypes.Result{CuFunctionNVX, VulkanError} val = @propagate_errors(_create_cu_function_nvx(device, _module, name; allocator, next)) val end """ Extension: VK\\_NV\\_optical\\_flow Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `width::UInt32` - `height::UInt32` - `image_format::Format` - `flow_vector_format::Format` - `output_grid_size::OpticalFlowGridSizeFlagNV` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `cost_format::Format`: defaults to `0` - `hint_grid_size::OpticalFlowGridSizeFlagNV`: defaults to `0` - `performance_level::OpticalFlowPerformanceLevelNV`: defaults to `0` - `flags::OpticalFlowSessionCreateFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateOpticalFlowSessionNV.html) """ function create_optical_flow_session_nv(device, width::Integer, height::Integer, image_format::Format, flow_vector_format::Format, output_grid_size::OpticalFlowGridSizeFlagNV; allocator = C_NULL, next = C_NULL, cost_format = 0, hint_grid_size = 0, performance_level = 0, flags = 0)::ResultTypes.Result{OpticalFlowSessionNV, VulkanError} val = @propagate_errors(_create_optical_flow_session_nv(device, width, height, image_format, flow_vector_format, output_grid_size; allocator, next, cost_format, hint_grid_size, performance_level, flags)) val end """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `type::MicromapTypeEXT` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `create_flags::MicromapCreateFlagEXT`: defaults to `0` - `device_address::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateMicromapEXT.html) """ function create_micromap_ext(device, buffer, offset::Integer, size::Integer, type::MicromapTypeEXT; allocator = C_NULL, next = C_NULL, create_flags = 0, device_address = 0)::ResultTypes.Result{MicromapEXT, VulkanError} val = @propagate_errors(_create_micromap_ext(device, buffer, offset, size, type; allocator, next, create_flags, device_address)) val end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` (externsync) - `parameters::DisplayModeParametersKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDisplayModeKHR.html) """ function create_display_mode_khr(physical_device, display, parameters::DisplayModeParametersKHR; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{DisplayModeKHR, VulkanError} val = @propagate_errors(_create_display_mode_khr(physical_device, display, convert(_DisplayModeParametersKHR, parameters); allocator, next, flags)) val end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `display_mode::DisplayModeKHR` - `plane_index::UInt32` - `plane_stack_index::UInt32` - `transform::SurfaceTransformFlagKHR` - `global_alpha::Float32` - `alpha_mode::DisplayPlaneAlphaFlagKHR` - `image_extent::Extent2D` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDisplayPlaneSurfaceKHR.html) """ function create_display_plane_surface_khr(instance, display_mode, plane_index::Integer, plane_stack_index::Integer, transform::SurfaceTransformFlagKHR, global_alpha::Real, alpha_mode::DisplayPlaneAlphaFlagKHR, image_extent::Extent2D; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_display_plane_surface_khr(instance, display_mode, plane_index, plane_stack_index, transform, global_alpha, alpha_mode, convert(_Extent2D, image_extent); allocator, next, flags)) val end """ Extension: VK\\_KHR\\_wayland\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `display::Ptr{wl_display}` - `surface::SurfaceKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateWaylandSurfaceKHR.html) """ function create_wayland_surface_khr(instance, display::Ptr{vk.wl_display}, surface::Ptr{vk.wl_surface}; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_wayland_surface_khr(instance, display, surface; allocator, next, flags)) val end """ Extension: VK\\_KHR\\_xlib\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `dpy::Ptr{Display}` - `window::Window` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateXlibSurfaceKHR.html) """ function create_xlib_surface_khr(instance, dpy::Ptr{vk.Display}, window::vk.Window; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_xlib_surface_khr(instance, dpy, window; allocator, next, flags)) val end """ Extension: VK\\_KHR\\_xcb\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `connection::Ptr{xcb_connection_t}` - `window::xcb_window_t` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateXcbSurfaceKHR.html) """ function create_xcb_surface_khr(instance, connection::Ptr{vk.xcb_connection_t}, window::vk.xcb_window_t; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_xcb_surface_khr(instance, connection, window; allocator, next, flags)) val end """ Extension: VK\\_EXT\\_headless\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateHeadlessSurfaceEXT.html) """ function create_headless_surface_ext(instance; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_headless_surface_ext(instance; allocator, next, flags)) val end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_SURFACE_LOST_KHR` - `ERROR_NATIVE_WINDOW_IN_USE_KHR` - `ERROR_INITIALIZATION_FAILED` - `ERROR_COMPRESSION_EXHAUSTED_EXT` Arguments: - `device::Device` - `surface::SurfaceKHR` - `min_image_count::UInt32` - `image_format::Format` - `image_color_space::ColorSpaceKHR` - `image_extent::Extent2D` - `image_array_layers::UInt32` - `image_usage::ImageUsageFlag` - `image_sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `pre_transform::SurfaceTransformFlagKHR` - `composite_alpha::CompositeAlphaFlagKHR` - `present_mode::PresentModeKHR` - `clipped::Bool` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::SwapchainCreateFlagKHR`: defaults to `0` - `old_swapchain::SwapchainKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSwapchainKHR.html) """ function create_swapchain_khr(device, surface, min_image_count::Integer, image_format::Format, image_color_space::ColorSpaceKHR, image_extent::Extent2D, image_array_layers::Integer, image_usage::ImageUsageFlag, image_sharing_mode::SharingMode, queue_family_indices::AbstractArray, pre_transform::SurfaceTransformFlagKHR, composite_alpha::CompositeAlphaFlagKHR, present_mode::PresentModeKHR, clipped::Bool; allocator = C_NULL, next = C_NULL, flags = 0, old_swapchain = C_NULL)::ResultTypes.Result{SwapchainKHR, VulkanError} val = @propagate_errors(_create_swapchain_khr(device, surface, min_image_count, image_format, image_color_space, convert(_Extent2D, image_extent), image_array_layers, image_usage, image_sharing_mode, queue_family_indices, pre_transform, composite_alpha, present_mode, clipped; allocator, next, flags, old_swapchain)) val end """ Extension: VK\\_EXT\\_debug\\_report Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `instance::Instance` - `pfn_callback::FunctionPtr` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::DebugReportFlagEXT`: defaults to `0` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDebugReportCallbackEXT.html) """ function create_debug_report_callback_ext(instance, pfn_callback::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL)::ResultTypes.Result{DebugReportCallbackEXT, VulkanError} val = @propagate_errors(_create_debug_report_callback_ext(instance, pfn_callback; allocator, next, flags, user_data)) val end """ Extension: VK\\_EXT\\_debug\\_utils Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `instance::Instance` - `message_severity::DebugUtilsMessageSeverityFlagEXT` - `message_type::DebugUtilsMessageTypeFlagEXT` - `pfn_user_callback::FunctionPtr` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDebugUtilsMessengerEXT.html) """ function create_debug_utils_messenger_ext(instance, message_severity::DebugUtilsMessageSeverityFlagEXT, message_type::DebugUtilsMessageTypeFlagEXT, pfn_user_callback::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL)::ResultTypes.Result{DebugUtilsMessengerEXT, VulkanError} val = @propagate_errors(_create_debug_utils_messenger_ext(instance, message_severity, message_type, pfn_user_callback; allocator, next, flags, user_data)) val end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_VIDEO_STD_VERSION_NOT_SUPPORTED_KHR` Arguments: - `device::Device` - `queue_family_index::UInt32` - `video_profile::VideoProfileInfoKHR` - `picture_format::Format` - `max_coded_extent::Extent2D` - `reference_picture_format::Format` - `max_dpb_slots::UInt32` - `max_active_reference_pictures::UInt32` - `std_header_version::ExtensionProperties` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::VideoSessionCreateFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateVideoSessionKHR.html) """ function create_video_session_khr(device, queue_family_index::Integer, video_profile::VideoProfileInfoKHR, picture_format::Format, max_coded_extent::Extent2D, reference_picture_format::Format, max_dpb_slots::Integer, max_active_reference_pictures::Integer, std_header_version::ExtensionProperties; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{VideoSessionKHR, VulkanError} val = @propagate_errors(_create_video_session_khr(device, queue_family_index, convert(_VideoProfileInfoKHR, video_profile), picture_format, convert(_Extent2D, max_coded_extent), reference_picture_format, max_dpb_slots, max_active_reference_pictures, convert(_ExtensionProperties, std_header_version); allocator, next, flags)) val end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `video_session::VideoSessionKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `video_session_parameters_template::VideoSessionParametersKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateVideoSessionParametersKHR.html) """ function create_video_session_parameters_khr(device, video_session; allocator = C_NULL, next = C_NULL, flags = 0, video_session_parameters_template = C_NULL)::ResultTypes.Result{VideoSessionParametersKHR, VulkanError} val = @propagate_errors(_create_video_session_parameters_khr(device, video_session; allocator, next, flags, video_session_parameters_template)) val end function create_instance(enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, application_info = C_NULL)::ResultTypes.Result{Instance, VulkanError} val = @propagate_errors(_create_instance(enabled_layer_names, enabled_extension_names, fptr_create, fptr_destroy; allocator, next, flags, application_info)) val end function create_device(physical_device, queue_create_infos::AbstractArray, enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, enabled_features = C_NULL)::ResultTypes.Result{Device, VulkanError} val = @propagate_errors(_create_device(physical_device, convert(AbstractArray{_DeviceQueueCreateInfo}, queue_create_infos), enabled_layer_names, enabled_extension_names, fptr_create, fptr_destroy; allocator, next, flags, enabled_features)) val end function allocate_memory(device, allocation_size::Integer, memory_type_index::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL)::ResultTypes.Result{DeviceMemory, VulkanError} val = @propagate_errors(_allocate_memory(device, allocation_size, memory_type_index, fptr_create, fptr_destroy; allocator, next)) val end function create_command_pool(device, queue_family_index::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{CommandPool, VulkanError} val = @propagate_errors(_create_command_pool(device, queue_family_index, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_buffer(device, size::Integer, usage::BufferUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Buffer, VulkanError} val = @propagate_errors(_create_buffer(device, size, usage, sharing_mode, queue_family_indices, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_buffer_view(device, buffer, format::Format, offset::Integer, range::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{BufferView, VulkanError} val = @propagate_errors(_create_buffer_view(device, buffer, format, offset, range, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_image(device, image_type::ImageType, format::Format, extent::Extent3D, mip_levels::Integer, array_layers::Integer, samples::SampleCountFlag, tiling::ImageTiling, usage::ImageUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, initial_layout::ImageLayout, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Image, VulkanError} val = @propagate_errors(_create_image(device, image_type, format, convert(_Extent3D, extent), mip_levels, array_layers, samples, tiling, usage, sharing_mode, queue_family_indices, initial_layout, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_image_view(device, image, view_type::ImageViewType, format::Format, components::ComponentMapping, subresource_range::ImageSubresourceRange, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{ImageView, VulkanError} val = @propagate_errors(_create_image_view(device, image, view_type, format, convert(_ComponentMapping, components), convert(_ImageSubresourceRange, subresource_range), fptr_create, fptr_destroy; allocator, next, flags)) val end function create_shader_module(device, code_size::Integer, code::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{ShaderModule, VulkanError} val = @propagate_errors(_create_shader_module(device, code_size, code, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_pipeline_layout(device, set_layouts::AbstractArray, push_constant_ranges::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{PipelineLayout, VulkanError} val = @propagate_errors(_create_pipeline_layout(device, set_layouts, convert(AbstractArray{_PushConstantRange}, push_constant_ranges), fptr_create, fptr_destroy; allocator, next, flags)) val end function create_sampler(device, mag_filter::Filter, min_filter::Filter, mipmap_mode::SamplerMipmapMode, address_mode_u::SamplerAddressMode, address_mode_v::SamplerAddressMode, address_mode_w::SamplerAddressMode, mip_lod_bias::Real, anisotropy_enable::Bool, max_anisotropy::Real, compare_enable::Bool, compare_op::CompareOp, min_lod::Real, max_lod::Real, border_color::BorderColor, unnormalized_coordinates::Bool, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Sampler, VulkanError} val = @propagate_errors(_create_sampler(device, mag_filter, min_filter, mipmap_mode, address_mode_u, address_mode_v, address_mode_w, mip_lod_bias, anisotropy_enable, max_anisotropy, compare_enable, compare_op, min_lod, max_lod, border_color, unnormalized_coordinates, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_descriptor_set_layout(device, bindings::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{DescriptorSetLayout, VulkanError} val = @propagate_errors(_create_descriptor_set_layout(device, convert(AbstractArray{_DescriptorSetLayoutBinding}, bindings), fptr_create, fptr_destroy; allocator, next, flags)) val end function create_descriptor_pool(device, max_sets::Integer, pool_sizes::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{DescriptorPool, VulkanError} val = @propagate_errors(_create_descriptor_pool(device, max_sets, convert(AbstractArray{_DescriptorPoolSize}, pool_sizes), fptr_create, fptr_destroy; allocator, next, flags)) val end function create_fence(device, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Fence, VulkanError} val = @propagate_errors(_create_fence(device, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_semaphore(device, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Semaphore, VulkanError} val = @propagate_errors(_create_semaphore(device, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_event(device, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Event, VulkanError} val = @propagate_errors(_create_event(device, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_query_pool(device, query_type::QueryType, query_count::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, pipeline_statistics = 0)::ResultTypes.Result{QueryPool, VulkanError} val = @propagate_errors(_create_query_pool(device, query_type, query_count, fptr_create, fptr_destroy; allocator, next, flags, pipeline_statistics)) val end function create_framebuffer(device, render_pass, attachments::AbstractArray, width::Integer, height::Integer, layers::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Framebuffer, VulkanError} val = @propagate_errors(_create_framebuffer(device, render_pass, attachments, width, height, layers, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_render_pass(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{RenderPass, VulkanError} val = @propagate_errors(_create_render_pass(device, convert(AbstractArray{_AttachmentDescription}, attachments), convert(AbstractArray{_SubpassDescription}, subpasses), convert(AbstractArray{_SubpassDependency}, dependencies), fptr_create, fptr_destroy; allocator, next, flags)) val end function create_render_pass_2(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray, correlated_view_masks::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{RenderPass, VulkanError} val = @propagate_errors(_create_render_pass_2(device, convert(AbstractArray{_AttachmentDescription2}, attachments), convert(AbstractArray{_SubpassDescription2}, subpasses), convert(AbstractArray{_SubpassDependency2}, dependencies), correlated_view_masks, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_pipeline_cache(device, initial_data::Ptr{Cvoid}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, initial_data_size = 0)::ResultTypes.Result{PipelineCache, VulkanError} val = @propagate_errors(_create_pipeline_cache(device, initial_data, fptr_create, fptr_destroy; allocator, next, flags, initial_data_size)) val end function create_indirect_commands_layout_nv(device, pipeline_bind_point::PipelineBindPoint, tokens::AbstractArray, stream_strides::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{IndirectCommandsLayoutNV, VulkanError} val = @propagate_errors(_create_indirect_commands_layout_nv(device, pipeline_bind_point, convert(AbstractArray{_IndirectCommandsLayoutTokenNV}, tokens), stream_strides, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_descriptor_update_template(device, descriptor_update_entries::AbstractArray, template_type::DescriptorUpdateTemplateType, descriptor_set_layout, pipeline_bind_point::PipelineBindPoint, pipeline_layout, set::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{DescriptorUpdateTemplate, VulkanError} val = @propagate_errors(_create_descriptor_update_template(device, convert(AbstractArray{_DescriptorUpdateTemplateEntry}, descriptor_update_entries), template_type, descriptor_set_layout, pipeline_bind_point, pipeline_layout, set, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_sampler_ycbcr_conversion(device, format::Format, ycbcr_model::SamplerYcbcrModelConversion, ycbcr_range::SamplerYcbcrRange, components::ComponentMapping, x_chroma_offset::ChromaLocation, y_chroma_offset::ChromaLocation, chroma_filter::Filter, force_explicit_reconstruction::Bool, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL)::ResultTypes.Result{SamplerYcbcrConversion, VulkanError} val = @propagate_errors(_create_sampler_ycbcr_conversion(device, format, ycbcr_model, ycbcr_range, convert(_ComponentMapping, components), x_chroma_offset, y_chroma_offset, chroma_filter, force_explicit_reconstruction, fptr_create, fptr_destroy; allocator, next)) val end function create_validation_cache_ext(device, initial_data::Ptr{Cvoid}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, initial_data_size = 0)::ResultTypes.Result{ValidationCacheEXT, VulkanError} val = @propagate_errors(_create_validation_cache_ext(device, initial_data, fptr_create, fptr_destroy; allocator, next, flags, initial_data_size)) val end function create_acceleration_structure_khr(device, buffer, offset::Integer, size::Integer, type::AccelerationStructureTypeKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, create_flags = 0, device_address = 0)::ResultTypes.Result{AccelerationStructureKHR, VulkanError} val = @propagate_errors(_create_acceleration_structure_khr(device, buffer, offset, size, type, fptr_create, fptr_destroy; allocator, next, create_flags, device_address)) val end function create_acceleration_structure_nv(device, compacted_size::Integer, info::AccelerationStructureInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL)::ResultTypes.Result{AccelerationStructureNV, VulkanError} val = @propagate_errors(_create_acceleration_structure_nv(device, compacted_size, convert(_AccelerationStructureInfoNV, info), fptr_create, fptr_destroy; allocator, next)) val end function create_private_data_slot(device, flags::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL)::ResultTypes.Result{PrivateDataSlot, VulkanError} val = @propagate_errors(_create_private_data_slot(device, flags, fptr_create, fptr_destroy; allocator, next)) val end function create_cu_module_nvx(device, data_size::Integer, data::Ptr{Cvoid}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL)::ResultTypes.Result{CuModuleNVX, VulkanError} val = @propagate_errors(_create_cu_module_nvx(device, data_size, data, fptr_create, fptr_destroy; allocator, next)) val end function create_cu_function_nvx(device, _module, name::AbstractString, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL)::ResultTypes.Result{CuFunctionNVX, VulkanError} val = @propagate_errors(_create_cu_function_nvx(device, _module, name, fptr_create, fptr_destroy; allocator, next)) val end function create_optical_flow_session_nv(device, width::Integer, height::Integer, image_format::Format, flow_vector_format::Format, output_grid_size::OpticalFlowGridSizeFlagNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, cost_format = 0, hint_grid_size = 0, performance_level = 0, flags = 0)::ResultTypes.Result{OpticalFlowSessionNV, VulkanError} val = @propagate_errors(_create_optical_flow_session_nv(device, width, height, image_format, flow_vector_format, output_grid_size, fptr_create, fptr_destroy; allocator, next, cost_format, hint_grid_size, performance_level, flags)) val end function create_micromap_ext(device, buffer, offset::Integer, size::Integer, type::MicromapTypeEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, create_flags = 0, device_address = 0)::ResultTypes.Result{MicromapEXT, VulkanError} val = @propagate_errors(_create_micromap_ext(device, buffer, offset, size, type, fptr_create, fptr_destroy; allocator, next, create_flags, device_address)) val end function create_display_mode_khr(physical_device, display, parameters::DisplayModeParametersKHR, fptr_create::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{DisplayModeKHR, VulkanError} val = @propagate_errors(_create_display_mode_khr(physical_device, display, convert(_DisplayModeParametersKHR, parameters), fptr_create; allocator, next, flags)) val end function create_display_plane_surface_khr(instance, display_mode, plane_index::Integer, plane_stack_index::Integer, transform::SurfaceTransformFlagKHR, global_alpha::Real, alpha_mode::DisplayPlaneAlphaFlagKHR, image_extent::Extent2D, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_display_plane_surface_khr(instance, display_mode, plane_index, plane_stack_index, transform, global_alpha, alpha_mode, convert(_Extent2D, image_extent), fptr_create, fptr_destroy; allocator, next, flags)) val end function create_wayland_surface_khr(instance, display::Ptr{vk.wl_display}, surface::Ptr{vk.wl_surface}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_wayland_surface_khr(instance, display, surface, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_xlib_surface_khr(instance, dpy::Ptr{vk.Display}, window::vk.Window, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_xlib_surface_khr(instance, dpy, window, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_xcb_surface_khr(instance, connection::Ptr{vk.xcb_connection_t}, window::vk.xcb_window_t, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_xcb_surface_khr(instance, connection, window, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_headless_surface_ext(instance, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_headless_surface_ext(instance, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_swapchain_khr(device, surface, min_image_count::Integer, image_format::Format, image_color_space::ColorSpaceKHR, image_extent::Extent2D, image_array_layers::Integer, image_usage::ImageUsageFlag, image_sharing_mode::SharingMode, queue_family_indices::AbstractArray, pre_transform::SurfaceTransformFlagKHR, composite_alpha::CompositeAlphaFlagKHR, present_mode::PresentModeKHR, clipped::Bool, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, old_swapchain = C_NULL)::ResultTypes.Result{SwapchainKHR, VulkanError} val = @propagate_errors(_create_swapchain_khr(device, surface, min_image_count, image_format, image_color_space, convert(_Extent2D, image_extent), image_array_layers, image_usage, image_sharing_mode, queue_family_indices, pre_transform, composite_alpha, present_mode, clipped, fptr_create, fptr_destroy; allocator, next, flags, old_swapchain)) val end function create_debug_report_callback_ext(instance, pfn_callback::FunctionPtr, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL)::ResultTypes.Result{DebugReportCallbackEXT, VulkanError} val = @propagate_errors(_create_debug_report_callback_ext(instance, pfn_callback, fptr_create, fptr_destroy; allocator, next, flags, user_data)) val end function create_debug_utils_messenger_ext(instance, message_severity::DebugUtilsMessageSeverityFlagEXT, message_type::DebugUtilsMessageTypeFlagEXT, pfn_user_callback::FunctionPtr, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL)::ResultTypes.Result{DebugUtilsMessengerEXT, VulkanError} val = @propagate_errors(_create_debug_utils_messenger_ext(instance, message_severity, message_type, pfn_user_callback, fptr_create, fptr_destroy; allocator, next, flags, user_data)) val end function create_video_session_khr(device, queue_family_index::Integer, video_profile::VideoProfileInfoKHR, picture_format::Format, max_coded_extent::Extent2D, reference_picture_format::Format, max_dpb_slots::Integer, max_active_reference_pictures::Integer, std_header_version::ExtensionProperties, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{VideoSessionKHR, VulkanError} val = @propagate_errors(_create_video_session_khr(device, queue_family_index, convert(_VideoProfileInfoKHR, video_profile), picture_format, convert(_Extent2D, max_coded_extent), reference_picture_format, max_dpb_slots, max_active_reference_pictures, convert(_ExtensionProperties, std_header_version), fptr_create, fptr_destroy; allocator, next, flags)) val end function create_video_session_parameters_khr(device, video_session, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, video_session_parameters_template = C_NULL)::ResultTypes.Result{VideoSessionParametersKHR, VulkanError} val = @propagate_errors(_create_video_session_parameters_khr(device, video_session, fptr_create, fptr_destroy; allocator, next, flags, video_session_parameters_template)) val end """ Arguments: - `physical_device::PhysicalDevice` - `queue_create_infos::Vector{_DeviceQueueCreateInfo}` - `enabled_layer_names::Vector{String}` - `enabled_extension_names::Vector{String}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `enabled_features::_PhysicalDeviceFeatures`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDevice.html) """ Device(physical_device, queue_create_infos::AbstractArray{_DeviceQueueCreateInfo}, enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0, enabled_features = C_NULL) = unwrap(_create_device(physical_device, queue_create_infos, enabled_layer_names, enabled_extension_names; allocator, next, flags, enabled_features)) """ Arguments: - `device::Device` - `image_type::ImageType` - `format::Format` - `extent::_Extent3D` - `mip_levels::UInt32` - `array_layers::UInt32` - `samples::SampleCountFlag` - `tiling::ImageTiling` - `usage::ImageUsageFlag` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `initial_layout::ImageLayout` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::ImageCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateImage.html) """ Image(device, image_type::ImageType, format::Format, extent::_Extent3D, mip_levels::Integer, array_layers::Integer, samples::SampleCountFlag, tiling::ImageTiling, usage::ImageUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, initial_layout::ImageLayout; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_image(device, image_type, format, extent, mip_levels, array_layers, samples, tiling, usage, sharing_mode, queue_family_indices, initial_layout; allocator, next, flags)) """ Arguments: - `device::Device` - `image::Image` - `view_type::ImageViewType` - `format::Format` - `components::_ComponentMapping` - `subresource_range::_ImageSubresourceRange` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::ImageViewCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateImageView.html) """ ImageView(device, image, view_type::ImageViewType, format::Format, components::_ComponentMapping, subresource_range::_ImageSubresourceRange; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_image_view(device, image, view_type, format, components, subresource_range; allocator, next, flags)) """ Arguments: - `device::Device` - `set_layouts::Vector{DescriptorSetLayout}` - `push_constant_ranges::Vector{_PushConstantRange}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PipelineLayoutCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePipelineLayout.html) """ PipelineLayout(device, set_layouts::AbstractArray, push_constant_ranges::AbstractArray{_PushConstantRange}; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_pipeline_layout(device, set_layouts, push_constant_ranges; allocator, next, flags)) """ Arguments: - `device::Device` - `bindings::Vector{_DescriptorSetLayoutBinding}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::DescriptorSetLayoutCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorSetLayout.html) """ DescriptorSetLayout(device, bindings::AbstractArray{_DescriptorSetLayoutBinding}; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_descriptor_set_layout(device, bindings; allocator, next, flags)) """ Arguments: - `device::Device` - `max_sets::UInt32` - `pool_sizes::Vector{_DescriptorPoolSize}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::DescriptorPoolCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorPool.html) """ DescriptorPool(device, max_sets::Integer, pool_sizes::AbstractArray{_DescriptorPoolSize}; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_descriptor_pool(device, max_sets, pool_sizes; allocator, next, flags)) """ Arguments: - `device::Device` - `attachments::Vector{_AttachmentDescription}` - `subpasses::Vector{_SubpassDescription}` - `dependencies::Vector{_SubpassDependency}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::RenderPassCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRenderPass.html) """ RenderPass(device, attachments::AbstractArray{_AttachmentDescription}, subpasses::AbstractArray{_SubpassDescription}, dependencies::AbstractArray{_SubpassDependency}; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_render_pass(device, attachments, subpasses, dependencies; allocator, next, flags)) """ Arguments: - `device::Device` - `attachments::Vector{_AttachmentDescription2}` - `subpasses::Vector{_SubpassDescription2}` - `dependencies::Vector{_SubpassDependency2}` - `correlated_view_masks::Vector{UInt32}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::RenderPassCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRenderPass2.html) """ RenderPass(device, attachments::AbstractArray{_AttachmentDescription2}, subpasses::AbstractArray{_SubpassDescription2}, dependencies::AbstractArray{_SubpassDependency2}, correlated_view_masks::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_render_pass_2(device, attachments, subpasses, dependencies, correlated_view_masks; allocator, next, flags)) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `device::Device` - `pipeline_bind_point::PipelineBindPoint` - `tokens::Vector{_IndirectCommandsLayoutTokenNV}` - `stream_strides::Vector{UInt32}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::IndirectCommandsLayoutUsageFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateIndirectCommandsLayoutNV.html) """ IndirectCommandsLayoutNV(device, pipeline_bind_point::PipelineBindPoint, tokens::AbstractArray{_IndirectCommandsLayoutTokenNV}, stream_strides::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_indirect_commands_layout_nv(device, pipeline_bind_point, tokens, stream_strides; allocator, next, flags)) """ Arguments: - `device::Device` - `descriptor_update_entries::Vector{_DescriptorUpdateTemplateEntry}` - `template_type::DescriptorUpdateTemplateType` - `descriptor_set_layout::DescriptorSetLayout` - `pipeline_bind_point::PipelineBindPoint` - `pipeline_layout::PipelineLayout` - `set::UInt32` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorUpdateTemplate.html) """ DescriptorUpdateTemplate(device, descriptor_update_entries::AbstractArray{_DescriptorUpdateTemplateEntry}, template_type::DescriptorUpdateTemplateType, descriptor_set_layout, pipeline_bind_point::PipelineBindPoint, pipeline_layout, set::Integer; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_descriptor_update_template(device, descriptor_update_entries, template_type, descriptor_set_layout, pipeline_bind_point, pipeline_layout, set; allocator, next, flags)) """ Arguments: - `device::Device` - `format::Format` - `ycbcr_model::SamplerYcbcrModelConversion` - `ycbcr_range::SamplerYcbcrRange` - `components::_ComponentMapping` - `x_chroma_offset::ChromaLocation` - `y_chroma_offset::ChromaLocation` - `chroma_filter::Filter` - `force_explicit_reconstruction::Bool` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSamplerYcbcrConversion.html) """ SamplerYcbcrConversion(device, format::Format, ycbcr_model::SamplerYcbcrModelConversion, ycbcr_range::SamplerYcbcrRange, components::_ComponentMapping, x_chroma_offset::ChromaLocation, y_chroma_offset::ChromaLocation, chroma_filter::Filter, force_explicit_reconstruction::Bool; allocator = C_NULL, next = C_NULL) = unwrap(_create_sampler_ycbcr_conversion(device, format, ycbcr_model, ycbcr_range, components, x_chroma_offset, y_chroma_offset, chroma_filter, force_explicit_reconstruction; allocator, next)) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `device::Device` - `compacted_size::UInt64` - `info::_AccelerationStructureInfoNV` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateAccelerationStructureNV.html) """ AccelerationStructureNV(device, compacted_size::Integer, info::_AccelerationStructureInfoNV; allocator = C_NULL, next = C_NULL) = unwrap(_create_acceleration_structure_nv(device, compacted_size, info; allocator, next)) """ Extension: VK\\_KHR\\_display Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` (externsync) - `parameters::_DisplayModeParametersKHR` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDisplayModeKHR.html) """ DisplayModeKHR(physical_device, display, parameters::_DisplayModeParametersKHR; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_display_mode_khr(physical_device, display, parameters; allocator, next, flags)) """ Extension: VK\\_KHR\\_swapchain Arguments: - `device::Device` - `surface::SurfaceKHR` - `min_image_count::UInt32` - `image_format::Format` - `image_color_space::ColorSpaceKHR` - `image_extent::_Extent2D` - `image_array_layers::UInt32` - `image_usage::ImageUsageFlag` - `image_sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `pre_transform::SurfaceTransformFlagKHR` - `composite_alpha::CompositeAlphaFlagKHR` - `present_mode::PresentModeKHR` - `clipped::Bool` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::SwapchainCreateFlagKHR`: defaults to `0` - `old_swapchain::SwapchainKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSwapchainKHR.html) """ SwapchainKHR(device, surface, min_image_count::Integer, image_format::Format, image_color_space::ColorSpaceKHR, image_extent::_Extent2D, image_array_layers::Integer, image_usage::ImageUsageFlag, image_sharing_mode::SharingMode, queue_family_indices::AbstractArray, pre_transform::SurfaceTransformFlagKHR, composite_alpha::CompositeAlphaFlagKHR, present_mode::PresentModeKHR, clipped::Bool; allocator = C_NULL, next = C_NULL, flags = 0, old_swapchain = C_NULL) = unwrap(_create_swapchain_khr(device, surface, min_image_count, image_format, image_color_space, image_extent, image_array_layers, image_usage, image_sharing_mode, queue_family_indices, pre_transform, composite_alpha, present_mode, clipped; allocator, next, flags, old_swapchain)) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `device::Device` - `queue_family_index::UInt32` - `video_profile::_VideoProfileInfoKHR` - `picture_format::Format` - `max_coded_extent::_Extent2D` - `reference_picture_format::Format` - `max_dpb_slots::UInt32` - `max_active_reference_pictures::UInt32` - `std_header_version::_ExtensionProperties` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::VideoSessionCreateFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateVideoSessionKHR.html) """ VideoSessionKHR(device, queue_family_index::Integer, video_profile::_VideoProfileInfoKHR, picture_format::Format, max_coded_extent::_Extent2D, reference_picture_format::Format, max_dpb_slots::Integer, max_active_reference_pictures::Integer, std_header_version::_ExtensionProperties; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_video_session_khr(device, queue_family_index, video_profile, picture_format, max_coded_extent, reference_picture_format, max_dpb_slots, max_active_reference_pictures, std_header_version; allocator, next, flags)) Device(physical_device, queue_create_infos::AbstractArray{_DeviceQueueCreateInfo}, enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, enabled_features = C_NULL) = unwrap(_create_device(physical_device, queue_create_infos, enabled_layer_names, enabled_extension_names, fptr_create, fptr_destroy; allocator, next, flags, enabled_features)) Image(device, image_type::ImageType, format::Format, extent::_Extent3D, mip_levels::Integer, array_layers::Integer, samples::SampleCountFlag, tiling::ImageTiling, usage::ImageUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, initial_layout::ImageLayout, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_image(device, image_type, format, extent, mip_levels, array_layers, samples, tiling, usage, sharing_mode, queue_family_indices, initial_layout, fptr_create, fptr_destroy; allocator, next, flags)) ImageView(device, image, view_type::ImageViewType, format::Format, components::_ComponentMapping, subresource_range::_ImageSubresourceRange, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_image_view(device, image, view_type, format, components, subresource_range, fptr_create, fptr_destroy; allocator, next, flags)) PipelineLayout(device, set_layouts::AbstractArray, push_constant_ranges::AbstractArray{_PushConstantRange}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_pipeline_layout(device, set_layouts, push_constant_ranges, fptr_create, fptr_destroy; allocator, next, flags)) DescriptorSetLayout(device, bindings::AbstractArray{_DescriptorSetLayoutBinding}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_descriptor_set_layout(device, bindings, fptr_create, fptr_destroy; allocator, next, flags)) DescriptorPool(device, max_sets::Integer, pool_sizes::AbstractArray{_DescriptorPoolSize}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_descriptor_pool(device, max_sets, pool_sizes, fptr_create, fptr_destroy; allocator, next, flags)) RenderPass(device, attachments::AbstractArray{_AttachmentDescription}, subpasses::AbstractArray{_SubpassDescription}, dependencies::AbstractArray{_SubpassDependency}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_render_pass(device, attachments, subpasses, dependencies, fptr_create, fptr_destroy; allocator, next, flags)) RenderPass(device, attachments::AbstractArray{_AttachmentDescription2}, subpasses::AbstractArray{_SubpassDescription2}, dependencies::AbstractArray{_SubpassDependency2}, correlated_view_masks::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_render_pass_2(device, attachments, subpasses, dependencies, correlated_view_masks, fptr_create, fptr_destroy; allocator, next, flags)) IndirectCommandsLayoutNV(device, pipeline_bind_point::PipelineBindPoint, tokens::AbstractArray{_IndirectCommandsLayoutTokenNV}, stream_strides::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_indirect_commands_layout_nv(device, pipeline_bind_point, tokens, stream_strides, fptr_create, fptr_destroy; allocator, next, flags)) DescriptorUpdateTemplate(device, descriptor_update_entries::AbstractArray{_DescriptorUpdateTemplateEntry}, template_type::DescriptorUpdateTemplateType, descriptor_set_layout, pipeline_bind_point::PipelineBindPoint, pipeline_layout, set::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_descriptor_update_template(device, descriptor_update_entries, template_type, descriptor_set_layout, pipeline_bind_point, pipeline_layout, set, fptr_create, fptr_destroy; allocator, next, flags)) SamplerYcbcrConversion(device, format::Format, ycbcr_model::SamplerYcbcrModelConversion, ycbcr_range::SamplerYcbcrRange, components::_ComponentMapping, x_chroma_offset::ChromaLocation, y_chroma_offset::ChromaLocation, chroma_filter::Filter, force_explicit_reconstruction::Bool, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = unwrap(_create_sampler_ycbcr_conversion(device, format, ycbcr_model, ycbcr_range, components, x_chroma_offset, y_chroma_offset, chroma_filter, force_explicit_reconstruction, fptr_create, fptr_destroy; allocator, next)) AccelerationStructureNV(device, compacted_size::Integer, info::_AccelerationStructureInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = unwrap(_create_acceleration_structure_nv(device, compacted_size, info, fptr_create, fptr_destroy; allocator, next)) DisplayModeKHR(physical_device, display, parameters::_DisplayModeParametersKHR, fptr_create::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_display_mode_khr(physical_device, display, parameters, fptr_create; allocator, next, flags)) SwapchainKHR(device, surface, min_image_count::Integer, image_format::Format, image_color_space::ColorSpaceKHR, image_extent::_Extent2D, image_array_layers::Integer, image_usage::ImageUsageFlag, image_sharing_mode::SharingMode, queue_family_indices::AbstractArray, pre_transform::SurfaceTransformFlagKHR, composite_alpha::CompositeAlphaFlagKHR, present_mode::PresentModeKHR, clipped::Bool, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, old_swapchain = C_NULL) = unwrap(_create_swapchain_khr(device, surface, min_image_count, image_format, image_color_space, image_extent, image_array_layers, image_usage, image_sharing_mode, queue_family_indices, pre_transform, composite_alpha, present_mode, clipped, fptr_create, fptr_destroy; allocator, next, flags, old_swapchain)) VideoSessionKHR(device, queue_family_index::Integer, video_profile::_VideoProfileInfoKHR, picture_format::Format, max_coded_extent::_Extent2D, reference_picture_format::Format, max_dpb_slots::Integer, max_active_reference_pictures::Integer, std_header_version::_ExtensionProperties, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_video_session_khr(device, queue_family_index, video_profile, picture_format, max_coded_extent, reference_picture_format, max_dpb_slots, max_active_reference_pictures, std_header_version, fptr_create, fptr_destroy; allocator, next, flags)) """ Arguments: - `enabled_layer_names::Vector{String}` - `enabled_extension_names::Vector{String}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::InstanceCreateFlag`: defaults to `0` - `application_info::ApplicationInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateInstance.html) """ Instance(enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0, application_info = C_NULL) = unwrap(create_instance(enabled_layer_names, enabled_extension_names; allocator, next, flags, application_info)) """ Arguments: - `physical_device::PhysicalDevice` - `queue_create_infos::Vector{DeviceQueueCreateInfo}` - `enabled_layer_names::Vector{String}` - `enabled_extension_names::Vector{String}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `enabled_features::PhysicalDeviceFeatures`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDevice.html) """ Device(physical_device, queue_create_infos::AbstractArray, enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0, enabled_features = C_NULL) = unwrap(create_device(physical_device, queue_create_infos, enabled_layer_names, enabled_extension_names; allocator, next, flags, enabled_features)) """ Arguments: - `device::Device` - `allocation_size::UInt64` - `memory_type_index::UInt32` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAllocateMemory.html) """ DeviceMemory(device, allocation_size::Integer, memory_type_index::Integer; allocator = C_NULL, next = C_NULL) = unwrap(allocate_memory(device, allocation_size, memory_type_index; allocator, next)) """ Arguments: - `device::Device` - `queue_family_index::UInt32` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::CommandPoolCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCommandPool.html) """ CommandPool(device, queue_family_index::Integer; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_command_pool(device, queue_family_index; allocator, next, flags)) """ Arguments: - `device::Device` - `size::UInt64` - `usage::BufferUsageFlag` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::BufferCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateBuffer.html) """ Buffer(device, size::Integer, usage::BufferUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_buffer(device, size, usage, sharing_mode, queue_family_indices; allocator, next, flags)) """ Arguments: - `device::Device` - `buffer::Buffer` - `format::Format` - `offset::UInt64` - `range::UInt64` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateBufferView.html) """ BufferView(device, buffer, format::Format, offset::Integer, range::Integer; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_buffer_view(device, buffer, format, offset, range; allocator, next, flags)) """ Arguments: - `device::Device` - `image_type::ImageType` - `format::Format` - `extent::Extent3D` - `mip_levels::UInt32` - `array_layers::UInt32` - `samples::SampleCountFlag` - `tiling::ImageTiling` - `usage::ImageUsageFlag` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `initial_layout::ImageLayout` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::ImageCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateImage.html) """ Image(device, image_type::ImageType, format::Format, extent::Extent3D, mip_levels::Integer, array_layers::Integer, samples::SampleCountFlag, tiling::ImageTiling, usage::ImageUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, initial_layout::ImageLayout; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_image(device, image_type, format, extent, mip_levels, array_layers, samples, tiling, usage, sharing_mode, queue_family_indices, initial_layout; allocator, next, flags)) """ Arguments: - `device::Device` - `image::Image` - `view_type::ImageViewType` - `format::Format` - `components::ComponentMapping` - `subresource_range::ImageSubresourceRange` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::ImageViewCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateImageView.html) """ ImageView(device, image, view_type::ImageViewType, format::Format, components::ComponentMapping, subresource_range::ImageSubresourceRange; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_image_view(device, image, view_type, format, components, subresource_range; allocator, next, flags)) """ Arguments: - `device::Device` - `code_size::UInt` - `code::Vector{UInt32}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateShaderModule.html) """ ShaderModule(device, code_size::Integer, code::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_shader_module(device, code_size, code; allocator, next, flags)) """ Arguments: - `device::Device` - `set_layouts::Vector{DescriptorSetLayout}` - `push_constant_ranges::Vector{PushConstantRange}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::PipelineLayoutCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePipelineLayout.html) """ PipelineLayout(device, set_layouts::AbstractArray, push_constant_ranges::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_pipeline_layout(device, set_layouts, push_constant_ranges; allocator, next, flags)) """ Arguments: - `device::Device` - `mag_filter::Filter` - `min_filter::Filter` - `mipmap_mode::SamplerMipmapMode` - `address_mode_u::SamplerAddressMode` - `address_mode_v::SamplerAddressMode` - `address_mode_w::SamplerAddressMode` - `mip_lod_bias::Float32` - `anisotropy_enable::Bool` - `max_anisotropy::Float32` - `compare_enable::Bool` - `compare_op::CompareOp` - `min_lod::Float32` - `max_lod::Float32` - `border_color::BorderColor` - `unnormalized_coordinates::Bool` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::SamplerCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSampler.html) """ Sampler(device, mag_filter::Filter, min_filter::Filter, mipmap_mode::SamplerMipmapMode, address_mode_u::SamplerAddressMode, address_mode_v::SamplerAddressMode, address_mode_w::SamplerAddressMode, mip_lod_bias::Real, anisotropy_enable::Bool, max_anisotropy::Real, compare_enable::Bool, compare_op::CompareOp, min_lod::Real, max_lod::Real, border_color::BorderColor, unnormalized_coordinates::Bool; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_sampler(device, mag_filter, min_filter, mipmap_mode, address_mode_u, address_mode_v, address_mode_w, mip_lod_bias, anisotropy_enable, max_anisotropy, compare_enable, compare_op, min_lod, max_lod, border_color, unnormalized_coordinates; allocator, next, flags)) """ Arguments: - `device::Device` - `bindings::Vector{DescriptorSetLayoutBinding}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::DescriptorSetLayoutCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorSetLayout.html) """ DescriptorSetLayout(device, bindings::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_descriptor_set_layout(device, bindings; allocator, next, flags)) """ Arguments: - `device::Device` - `max_sets::UInt32` - `pool_sizes::Vector{DescriptorPoolSize}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::DescriptorPoolCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorPool.html) """ DescriptorPool(device, max_sets::Integer, pool_sizes::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_descriptor_pool(device, max_sets, pool_sizes; allocator, next, flags)) """ Arguments: - `device::Device` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::FenceCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateFence.html) """ Fence(device; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_fence(device; allocator, next, flags)) """ Arguments: - `device::Device` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSemaphore.html) """ Semaphore(device; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_semaphore(device; allocator, next, flags)) """ Arguments: - `device::Device` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::EventCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateEvent.html) """ Event(device; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_event(device; allocator, next, flags)) """ Arguments: - `device::Device` - `query_type::QueryType` - `query_count::UInt32` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `pipeline_statistics::QueryPipelineStatisticFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateQueryPool.html) """ QueryPool(device, query_type::QueryType, query_count::Integer; allocator = C_NULL, next = C_NULL, flags = 0, pipeline_statistics = 0) = unwrap(create_query_pool(device, query_type, query_count; allocator, next, flags, pipeline_statistics)) """ Arguments: - `device::Device` - `render_pass::RenderPass` - `attachments::Vector{ImageView}` - `width::UInt32` - `height::UInt32` - `layers::UInt32` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::FramebufferCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateFramebuffer.html) """ Framebuffer(device, render_pass, attachments::AbstractArray, width::Integer, height::Integer, layers::Integer; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_framebuffer(device, render_pass, attachments, width, height, layers; allocator, next, flags)) """ Arguments: - `device::Device` - `attachments::Vector{AttachmentDescription}` - `subpasses::Vector{SubpassDescription}` - `dependencies::Vector{SubpassDependency}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::RenderPassCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRenderPass.html) """ RenderPass(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_render_pass(device, attachments, subpasses, dependencies; allocator, next, flags)) """ Arguments: - `device::Device` - `attachments::Vector{AttachmentDescription2}` - `subpasses::Vector{SubpassDescription2}` - `dependencies::Vector{SubpassDependency2}` - `correlated_view_masks::Vector{UInt32}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::RenderPassCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRenderPass2.html) """ RenderPass(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray, correlated_view_masks::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_render_pass_2(device, attachments, subpasses, dependencies, correlated_view_masks; allocator, next, flags)) """ Arguments: - `device::Device` - `initial_data::Ptr{Cvoid}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::PipelineCacheCreateFlag`: defaults to `0` - `initial_data_size::UInt`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePipelineCache.html) """ PipelineCache(device, initial_data::Ptr{Cvoid}; allocator = C_NULL, next = C_NULL, flags = 0, initial_data_size = 0) = unwrap(create_pipeline_cache(device, initial_data; allocator, next, flags, initial_data_size)) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `device::Device` - `pipeline_bind_point::PipelineBindPoint` - `tokens::Vector{IndirectCommandsLayoutTokenNV}` - `stream_strides::Vector{UInt32}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::IndirectCommandsLayoutUsageFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateIndirectCommandsLayoutNV.html) """ IndirectCommandsLayoutNV(device, pipeline_bind_point::PipelineBindPoint, tokens::AbstractArray, stream_strides::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_indirect_commands_layout_nv(device, pipeline_bind_point, tokens, stream_strides; allocator, next, flags)) """ Arguments: - `device::Device` - `descriptor_update_entries::Vector{DescriptorUpdateTemplateEntry}` - `template_type::DescriptorUpdateTemplateType` - `descriptor_set_layout::DescriptorSetLayout` - `pipeline_bind_point::PipelineBindPoint` - `pipeline_layout::PipelineLayout` - `set::UInt32` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorUpdateTemplate.html) """ DescriptorUpdateTemplate(device, descriptor_update_entries::AbstractArray, template_type::DescriptorUpdateTemplateType, descriptor_set_layout, pipeline_bind_point::PipelineBindPoint, pipeline_layout, set::Integer; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_descriptor_update_template(device, descriptor_update_entries, template_type, descriptor_set_layout, pipeline_bind_point, pipeline_layout, set; allocator, next, flags)) """ Arguments: - `device::Device` - `format::Format` - `ycbcr_model::SamplerYcbcrModelConversion` - `ycbcr_range::SamplerYcbcrRange` - `components::ComponentMapping` - `x_chroma_offset::ChromaLocation` - `y_chroma_offset::ChromaLocation` - `chroma_filter::Filter` - `force_explicit_reconstruction::Bool` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSamplerYcbcrConversion.html) """ SamplerYcbcrConversion(device, format::Format, ycbcr_model::SamplerYcbcrModelConversion, ycbcr_range::SamplerYcbcrRange, components::ComponentMapping, x_chroma_offset::ChromaLocation, y_chroma_offset::ChromaLocation, chroma_filter::Filter, force_explicit_reconstruction::Bool; allocator = C_NULL, next = C_NULL) = unwrap(create_sampler_ycbcr_conversion(device, format, ycbcr_model, ycbcr_range, components, x_chroma_offset, y_chroma_offset, chroma_filter, force_explicit_reconstruction; allocator, next)) """ Extension: VK\\_EXT\\_validation\\_cache Arguments: - `device::Device` - `initial_data::Ptr{Cvoid}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `initial_data_size::UInt`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateValidationCacheEXT.html) """ ValidationCacheEXT(device, initial_data::Ptr{Cvoid}; allocator = C_NULL, next = C_NULL, flags = 0, initial_data_size = 0) = unwrap(create_validation_cache_ext(device, initial_data; allocator, next, flags, initial_data_size)) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `device::Device` - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `type::AccelerationStructureTypeKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `create_flags::AccelerationStructureCreateFlagKHR`: defaults to `0` - `device_address::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateAccelerationStructureKHR.html) """ AccelerationStructureKHR(device, buffer, offset::Integer, size::Integer, type::AccelerationStructureTypeKHR; allocator = C_NULL, next = C_NULL, create_flags = 0, device_address = 0) = unwrap(create_acceleration_structure_khr(device, buffer, offset, size, type; allocator, next, create_flags, device_address)) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `device::Device` - `compacted_size::UInt64` - `info::AccelerationStructureInfoNV` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateAccelerationStructureNV.html) """ AccelerationStructureNV(device, compacted_size::Integer, info::AccelerationStructureInfoNV; allocator = C_NULL, next = C_NULL) = unwrap(create_acceleration_structure_nv(device, compacted_size, info; allocator, next)) """ Arguments: - `device::Device` - `flags::UInt32` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePrivateDataSlot.html) """ PrivateDataSlot(device, flags::Integer; allocator = C_NULL, next = C_NULL) = unwrap(create_private_data_slot(device, flags; allocator, next)) """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `device::Device` - `data_size::UInt` - `data::Ptr{Cvoid}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCuModuleNVX.html) """ CuModuleNVX(device, data_size::Integer, data::Ptr{Cvoid}; allocator = C_NULL, next = C_NULL) = unwrap(create_cu_module_nvx(device, data_size, data; allocator, next)) """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `device::Device` - `_module::CuModuleNVX` - `name::String` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCuFunctionNVX.html) """ CuFunctionNVX(device, _module, name::AbstractString; allocator = C_NULL, next = C_NULL) = unwrap(create_cu_function_nvx(device, _module, name; allocator, next)) """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `device::Device` - `width::UInt32` - `height::UInt32` - `image_format::Format` - `flow_vector_format::Format` - `output_grid_size::OpticalFlowGridSizeFlagNV` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `cost_format::Format`: defaults to `0` - `hint_grid_size::OpticalFlowGridSizeFlagNV`: defaults to `0` - `performance_level::OpticalFlowPerformanceLevelNV`: defaults to `0` - `flags::OpticalFlowSessionCreateFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateOpticalFlowSessionNV.html) """ OpticalFlowSessionNV(device, width::Integer, height::Integer, image_format::Format, flow_vector_format::Format, output_grid_size::OpticalFlowGridSizeFlagNV; allocator = C_NULL, next = C_NULL, cost_format = 0, hint_grid_size = 0, performance_level = 0, flags = 0) = unwrap(create_optical_flow_session_nv(device, width, height, image_format, flow_vector_format, output_grid_size; allocator, next, cost_format, hint_grid_size, performance_level, flags)) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `device::Device` - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `type::MicromapTypeEXT` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `create_flags::MicromapCreateFlagEXT`: defaults to `0` - `device_address::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateMicromapEXT.html) """ MicromapEXT(device, buffer, offset::Integer, size::Integer, type::MicromapTypeEXT; allocator = C_NULL, next = C_NULL, create_flags = 0, device_address = 0) = unwrap(create_micromap_ext(device, buffer, offset, size, type; allocator, next, create_flags, device_address)) """ Extension: VK\\_KHR\\_display Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` (externsync) - `parameters::DisplayModeParametersKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDisplayModeKHR.html) """ DisplayModeKHR(physical_device, display, parameters::DisplayModeParametersKHR; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_display_mode_khr(physical_device, display, parameters; allocator, next, flags)) """ Extension: VK\\_KHR\\_swapchain Arguments: - `device::Device` - `surface::SurfaceKHR` - `min_image_count::UInt32` - `image_format::Format` - `image_color_space::ColorSpaceKHR` - `image_extent::Extent2D` - `image_array_layers::UInt32` - `image_usage::ImageUsageFlag` - `image_sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `pre_transform::SurfaceTransformFlagKHR` - `composite_alpha::CompositeAlphaFlagKHR` - `present_mode::PresentModeKHR` - `clipped::Bool` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::SwapchainCreateFlagKHR`: defaults to `0` - `old_swapchain::SwapchainKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSwapchainKHR.html) """ SwapchainKHR(device, surface, min_image_count::Integer, image_format::Format, image_color_space::ColorSpaceKHR, image_extent::Extent2D, image_array_layers::Integer, image_usage::ImageUsageFlag, image_sharing_mode::SharingMode, queue_family_indices::AbstractArray, pre_transform::SurfaceTransformFlagKHR, composite_alpha::CompositeAlphaFlagKHR, present_mode::PresentModeKHR, clipped::Bool; allocator = C_NULL, next = C_NULL, flags = 0, old_swapchain = C_NULL) = unwrap(create_swapchain_khr(device, surface, min_image_count, image_format, image_color_space, image_extent, image_array_layers, image_usage, image_sharing_mode, queue_family_indices, pre_transform, composite_alpha, present_mode, clipped; allocator, next, flags, old_swapchain)) """ Extension: VK\\_EXT\\_debug\\_report Arguments: - `instance::Instance` - `pfn_callback::FunctionPtr` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::DebugReportFlagEXT`: defaults to `0` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDebugReportCallbackEXT.html) """ DebugReportCallbackEXT(instance, pfn_callback::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL) = unwrap(create_debug_report_callback_ext(instance, pfn_callback; allocator, next, flags, user_data)) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `instance::Instance` - `message_severity::DebugUtilsMessageSeverityFlagEXT` - `message_type::DebugUtilsMessageTypeFlagEXT` - `pfn_user_callback::FunctionPtr` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDebugUtilsMessengerEXT.html) """ DebugUtilsMessengerEXT(instance, message_severity::DebugUtilsMessageSeverityFlagEXT, message_type::DebugUtilsMessageTypeFlagEXT, pfn_user_callback::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL) = unwrap(create_debug_utils_messenger_ext(instance, message_severity, message_type, pfn_user_callback; allocator, next, flags, user_data)) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `device::Device` - `queue_family_index::UInt32` - `video_profile::VideoProfileInfoKHR` - `picture_format::Format` - `max_coded_extent::Extent2D` - `reference_picture_format::Format` - `max_dpb_slots::UInt32` - `max_active_reference_pictures::UInt32` - `std_header_version::ExtensionProperties` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::VideoSessionCreateFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateVideoSessionKHR.html) """ VideoSessionKHR(device, queue_family_index::Integer, video_profile::VideoProfileInfoKHR, picture_format::Format, max_coded_extent::Extent2D, reference_picture_format::Format, max_dpb_slots::Integer, max_active_reference_pictures::Integer, std_header_version::ExtensionProperties; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_video_session_khr(device, queue_family_index, video_profile, picture_format, max_coded_extent, reference_picture_format, max_dpb_slots, max_active_reference_pictures, std_header_version; allocator, next, flags)) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `device::Device` - `video_session::VideoSessionKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `video_session_parameters_template::VideoSessionParametersKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateVideoSessionParametersKHR.html) """ VideoSessionParametersKHR(device, video_session; allocator = C_NULL, next = C_NULL, flags = 0, video_session_parameters_template = C_NULL) = unwrap(create_video_session_parameters_khr(device, video_session; allocator, next, flags, video_session_parameters_template)) Instance(enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, application_info = C_NULL) = unwrap(create_instance(enabled_layer_names, enabled_extension_names, fptr_create, fptr_destroy; allocator, next, flags, application_info)) Device(physical_device, queue_create_infos::AbstractArray, enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, enabled_features = C_NULL) = unwrap(create_device(physical_device, queue_create_infos, enabled_layer_names, enabled_extension_names, fptr_create, fptr_destroy; allocator, next, flags, enabled_features)) DeviceMemory(device, allocation_size::Integer, memory_type_index::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = unwrap(allocate_memory(device, allocation_size, memory_type_index, fptr_create, fptr_destroy; allocator, next)) CommandPool(device, queue_family_index::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_command_pool(device, queue_family_index, fptr_create, fptr_destroy; allocator, next, flags)) Buffer(device, size::Integer, usage::BufferUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_buffer(device, size, usage, sharing_mode, queue_family_indices, fptr_create, fptr_destroy; allocator, next, flags)) BufferView(device, buffer, format::Format, offset::Integer, range::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_buffer_view(device, buffer, format, offset, range, fptr_create, fptr_destroy; allocator, next, flags)) Image(device, image_type::ImageType, format::Format, extent::Extent3D, mip_levels::Integer, array_layers::Integer, samples::SampleCountFlag, tiling::ImageTiling, usage::ImageUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, initial_layout::ImageLayout, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_image(device, image_type, format, extent, mip_levels, array_layers, samples, tiling, usage, sharing_mode, queue_family_indices, initial_layout, fptr_create, fptr_destroy; allocator, next, flags)) ImageView(device, image, view_type::ImageViewType, format::Format, components::ComponentMapping, subresource_range::ImageSubresourceRange, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_image_view(device, image, view_type, format, components, subresource_range, fptr_create, fptr_destroy; allocator, next, flags)) ShaderModule(device, code_size::Integer, code::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_shader_module(device, code_size, code, fptr_create, fptr_destroy; allocator, next, flags)) PipelineLayout(device, set_layouts::AbstractArray, push_constant_ranges::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_pipeline_layout(device, set_layouts, push_constant_ranges, fptr_create, fptr_destroy; allocator, next, flags)) Sampler(device, mag_filter::Filter, min_filter::Filter, mipmap_mode::SamplerMipmapMode, address_mode_u::SamplerAddressMode, address_mode_v::SamplerAddressMode, address_mode_w::SamplerAddressMode, mip_lod_bias::Real, anisotropy_enable::Bool, max_anisotropy::Real, compare_enable::Bool, compare_op::CompareOp, min_lod::Real, max_lod::Real, border_color::BorderColor, unnormalized_coordinates::Bool, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_sampler(device, mag_filter, min_filter, mipmap_mode, address_mode_u, address_mode_v, address_mode_w, mip_lod_bias, anisotropy_enable, max_anisotropy, compare_enable, compare_op, min_lod, max_lod, border_color, unnormalized_coordinates, fptr_create, fptr_destroy; allocator, next, flags)) DescriptorSetLayout(device, bindings::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_descriptor_set_layout(device, bindings, fptr_create, fptr_destroy; allocator, next, flags)) DescriptorPool(device, max_sets::Integer, pool_sizes::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_descriptor_pool(device, max_sets, pool_sizes, fptr_create, fptr_destroy; allocator, next, flags)) Fence(device, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_fence(device, fptr_create, fptr_destroy; allocator, next, flags)) Semaphore(device, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_semaphore(device, fptr_create, fptr_destroy; allocator, next, flags)) Event(device, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_event(device, fptr_create, fptr_destroy; allocator, next, flags)) QueryPool(device, query_type::QueryType, query_count::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, pipeline_statistics = 0) = unwrap(create_query_pool(device, query_type, query_count, fptr_create, fptr_destroy; allocator, next, flags, pipeline_statistics)) Framebuffer(device, render_pass, attachments::AbstractArray, width::Integer, height::Integer, layers::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_framebuffer(device, render_pass, attachments, width, height, layers, fptr_create, fptr_destroy; allocator, next, flags)) RenderPass(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_render_pass(device, attachments, subpasses, dependencies, fptr_create, fptr_destroy; allocator, next, flags)) RenderPass(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray, correlated_view_masks::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_render_pass_2(device, attachments, subpasses, dependencies, correlated_view_masks, fptr_create, fptr_destroy; allocator, next, flags)) PipelineCache(device, initial_data::Ptr{Cvoid}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, initial_data_size = 0) = unwrap(create_pipeline_cache(device, initial_data, fptr_create, fptr_destroy; allocator, next, flags, initial_data_size)) IndirectCommandsLayoutNV(device, pipeline_bind_point::PipelineBindPoint, tokens::AbstractArray, stream_strides::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_indirect_commands_layout_nv(device, pipeline_bind_point, tokens, stream_strides, fptr_create, fptr_destroy; allocator, next, flags)) DescriptorUpdateTemplate(device, descriptor_update_entries::AbstractArray, template_type::DescriptorUpdateTemplateType, descriptor_set_layout, pipeline_bind_point::PipelineBindPoint, pipeline_layout, set::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_descriptor_update_template(device, descriptor_update_entries, template_type, descriptor_set_layout, pipeline_bind_point, pipeline_layout, set, fptr_create, fptr_destroy; allocator, next, flags)) SamplerYcbcrConversion(device, format::Format, ycbcr_model::SamplerYcbcrModelConversion, ycbcr_range::SamplerYcbcrRange, components::ComponentMapping, x_chroma_offset::ChromaLocation, y_chroma_offset::ChromaLocation, chroma_filter::Filter, force_explicit_reconstruction::Bool, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = unwrap(create_sampler_ycbcr_conversion(device, format, ycbcr_model, ycbcr_range, components, x_chroma_offset, y_chroma_offset, chroma_filter, force_explicit_reconstruction, fptr_create, fptr_destroy; allocator, next)) ValidationCacheEXT(device, initial_data::Ptr{Cvoid}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, initial_data_size = 0) = unwrap(create_validation_cache_ext(device, initial_data, fptr_create, fptr_destroy; allocator, next, flags, initial_data_size)) AccelerationStructureKHR(device, buffer, offset::Integer, size::Integer, type::AccelerationStructureTypeKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, create_flags = 0, device_address = 0) = unwrap(create_acceleration_structure_khr(device, buffer, offset, size, type, fptr_create, fptr_destroy; allocator, next, create_flags, device_address)) AccelerationStructureNV(device, compacted_size::Integer, info::AccelerationStructureInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = unwrap(create_acceleration_structure_nv(device, compacted_size, info, fptr_create, fptr_destroy; allocator, next)) PrivateDataSlot(device, flags::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = unwrap(create_private_data_slot(device, flags, fptr_create, fptr_destroy; allocator, next)) CuModuleNVX(device, data_size::Integer, data::Ptr{Cvoid}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = unwrap(create_cu_module_nvx(device, data_size, data, fptr_create, fptr_destroy; allocator, next)) CuFunctionNVX(device, _module, name::AbstractString, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = unwrap(create_cu_function_nvx(device, _module, name, fptr_create, fptr_destroy; allocator, next)) OpticalFlowSessionNV(device, width::Integer, height::Integer, image_format::Format, flow_vector_format::Format, output_grid_size::OpticalFlowGridSizeFlagNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, cost_format = 0, hint_grid_size = 0, performance_level = 0, flags = 0) = unwrap(create_optical_flow_session_nv(device, width, height, image_format, flow_vector_format, output_grid_size, fptr_create, fptr_destroy; allocator, next, cost_format, hint_grid_size, performance_level, flags)) MicromapEXT(device, buffer, offset::Integer, size::Integer, type::MicromapTypeEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, create_flags = 0, device_address = 0) = unwrap(create_micromap_ext(device, buffer, offset, size, type, fptr_create, fptr_destroy; allocator, next, create_flags, device_address)) DisplayModeKHR(physical_device, display, parameters::DisplayModeParametersKHR, fptr_create::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_display_mode_khr(physical_device, display, parameters, fptr_create; allocator, next, flags)) SwapchainKHR(device, surface, min_image_count::Integer, image_format::Format, image_color_space::ColorSpaceKHR, image_extent::Extent2D, image_array_layers::Integer, image_usage::ImageUsageFlag, image_sharing_mode::SharingMode, queue_family_indices::AbstractArray, pre_transform::SurfaceTransformFlagKHR, composite_alpha::CompositeAlphaFlagKHR, present_mode::PresentModeKHR, clipped::Bool, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, old_swapchain = C_NULL) = unwrap(create_swapchain_khr(device, surface, min_image_count, image_format, image_color_space, image_extent, image_array_layers, image_usage, image_sharing_mode, queue_family_indices, pre_transform, composite_alpha, present_mode, clipped, fptr_create, fptr_destroy; allocator, next, flags, old_swapchain)) DebugReportCallbackEXT(instance, pfn_callback::FunctionPtr, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL) = unwrap(create_debug_report_callback_ext(instance, pfn_callback, fptr_create, fptr_destroy; allocator, next, flags, user_data)) DebugUtilsMessengerEXT(instance, message_severity::DebugUtilsMessageSeverityFlagEXT, message_type::DebugUtilsMessageTypeFlagEXT, pfn_user_callback::FunctionPtr, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL) = unwrap(create_debug_utils_messenger_ext(instance, message_severity, message_type, pfn_user_callback, fptr_create, fptr_destroy; allocator, next, flags, user_data)) VideoSessionKHR(device, queue_family_index::Integer, video_profile::VideoProfileInfoKHR, picture_format::Format, max_coded_extent::Extent2D, reference_picture_format::Format, max_dpb_slots::Integer, max_active_reference_pictures::Integer, std_header_version::ExtensionProperties, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_video_session_khr(device, queue_family_index, video_profile, picture_format, max_coded_extent, reference_picture_format, max_dpb_slots, max_active_reference_pictures, std_header_version, fptr_create, fptr_destroy; allocator, next, flags)) VideoSessionParametersKHR(device, video_session, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, video_session_parameters_template = C_NULL) = unwrap(create_video_session_parameters_khr(device, video_session, fptr_create, fptr_destroy; allocator, next, flags, video_session_parameters_template)) Instance(create_info::_InstanceCreateInfo; allocator = C_NULL) = unwrap(_create_instance(create_info; allocator)) Device(physical_device, create_info::_DeviceCreateInfo; allocator = C_NULL) = unwrap(_create_device(physical_device, create_info; allocator)) DeviceMemory(device, allocate_info::_MemoryAllocateInfo; allocator = C_NULL) = unwrap(_allocate_memory(device, allocate_info; allocator)) CommandPool(device, create_info::_CommandPoolCreateInfo; allocator = C_NULL) = unwrap(_create_command_pool(device, create_info; allocator)) Buffer(device, create_info::_BufferCreateInfo; allocator = C_NULL) = unwrap(_create_buffer(device, create_info; allocator)) BufferView(device, create_info::_BufferViewCreateInfo; allocator = C_NULL) = unwrap(_create_buffer_view(device, create_info; allocator)) Image(device, create_info::_ImageCreateInfo; allocator = C_NULL) = unwrap(_create_image(device, create_info; allocator)) ImageView(device, create_info::_ImageViewCreateInfo; allocator = C_NULL) = unwrap(_create_image_view(device, create_info; allocator)) ShaderModule(device, create_info::_ShaderModuleCreateInfo; allocator = C_NULL) = unwrap(_create_shader_module(device, create_info; allocator)) PipelineLayout(device, create_info::_PipelineLayoutCreateInfo; allocator = C_NULL) = unwrap(_create_pipeline_layout(device, create_info; allocator)) Sampler(device, create_info::_SamplerCreateInfo; allocator = C_NULL) = unwrap(_create_sampler(device, create_info; allocator)) DescriptorSetLayout(device, create_info::_DescriptorSetLayoutCreateInfo; allocator = C_NULL) = unwrap(_create_descriptor_set_layout(device, create_info; allocator)) DescriptorPool(device, create_info::_DescriptorPoolCreateInfo; allocator = C_NULL) = unwrap(_create_descriptor_pool(device, create_info; allocator)) Fence(device, create_info::_FenceCreateInfo; allocator = C_NULL) = unwrap(_create_fence(device, create_info; allocator)) Semaphore(device, create_info::_SemaphoreCreateInfo; allocator = C_NULL) = unwrap(_create_semaphore(device, create_info; allocator)) Event(device, create_info::_EventCreateInfo; allocator = C_NULL) = unwrap(_create_event(device, create_info; allocator)) QueryPool(device, create_info::_QueryPoolCreateInfo; allocator = C_NULL) = unwrap(_create_query_pool(device, create_info; allocator)) Framebuffer(device, create_info::_FramebufferCreateInfo; allocator = C_NULL) = unwrap(_create_framebuffer(device, create_info; allocator)) RenderPass(device, create_info::_RenderPassCreateInfo; allocator = C_NULL) = unwrap(_create_render_pass(device, create_info; allocator)) RenderPass(device, create_info::_RenderPassCreateInfo2; allocator = C_NULL) = unwrap(_create_render_pass_2(device, create_info; allocator)) PipelineCache(device, create_info::_PipelineCacheCreateInfo; allocator = C_NULL) = unwrap(_create_pipeline_cache(device, create_info; allocator)) IndirectCommandsLayoutNV(device, create_info::_IndirectCommandsLayoutCreateInfoNV; allocator = C_NULL) = unwrap(_create_indirect_commands_layout_nv(device, create_info; allocator)) DescriptorUpdateTemplate(device, create_info::_DescriptorUpdateTemplateCreateInfo; allocator = C_NULL) = unwrap(_create_descriptor_update_template(device, create_info; allocator)) SamplerYcbcrConversion(device, create_info::_SamplerYcbcrConversionCreateInfo; allocator = C_NULL) = unwrap(_create_sampler_ycbcr_conversion(device, create_info; allocator)) ValidationCacheEXT(device, create_info::_ValidationCacheCreateInfoEXT; allocator = C_NULL) = unwrap(_create_validation_cache_ext(device, create_info; allocator)) AccelerationStructureKHR(device, create_info::_AccelerationStructureCreateInfoKHR; allocator = C_NULL) = unwrap(_create_acceleration_structure_khr(device, create_info; allocator)) AccelerationStructureNV(device, create_info::_AccelerationStructureCreateInfoNV; allocator = C_NULL) = unwrap(_create_acceleration_structure_nv(device, create_info; allocator)) PrivateDataSlot(device, create_info::_PrivateDataSlotCreateInfo; allocator = C_NULL) = unwrap(_create_private_data_slot(device, create_info; allocator)) CuModuleNVX(device, create_info::_CuModuleCreateInfoNVX; allocator = C_NULL) = unwrap(_create_cu_module_nvx(device, create_info; allocator)) CuFunctionNVX(device, create_info::_CuFunctionCreateInfoNVX; allocator = C_NULL) = unwrap(_create_cu_function_nvx(device, create_info; allocator)) OpticalFlowSessionNV(device, create_info::_OpticalFlowSessionCreateInfoNV; allocator = C_NULL) = unwrap(_create_optical_flow_session_nv(device, create_info; allocator)) MicromapEXT(device, create_info::_MicromapCreateInfoEXT; allocator = C_NULL) = unwrap(_create_micromap_ext(device, create_info; allocator)) DisplayModeKHR(physical_device, display, create_info::_DisplayModeCreateInfoKHR; allocator = C_NULL) = unwrap(_create_display_mode_khr(physical_device, display, create_info; allocator)) SwapchainKHR(device, create_info::_SwapchainCreateInfoKHR; allocator = C_NULL) = unwrap(_create_swapchain_khr(device, create_info; allocator)) DebugReportCallbackEXT(instance, create_info::_DebugReportCallbackCreateInfoEXT; allocator = C_NULL) = unwrap(_create_debug_report_callback_ext(instance, create_info; allocator)) DebugUtilsMessengerEXT(instance, create_info::_DebugUtilsMessengerCreateInfoEXT; allocator = C_NULL) = unwrap(_create_debug_utils_messenger_ext(instance, create_info; allocator)) VideoSessionKHR(device, create_info::_VideoSessionCreateInfoKHR; allocator = C_NULL) = unwrap(_create_video_session_khr(device, create_info; allocator)) VideoSessionParametersKHR(device, create_info::_VideoSessionParametersCreateInfoKHR; allocator = C_NULL) = unwrap(_create_video_session_parameters_khr(device, create_info; allocator)) Instance(create_info::_InstanceCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_instance(create_info, fptr_create, fptr_destroy; allocator)) Device(physical_device, create_info::_DeviceCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_device(physical_device, create_info, fptr_create, fptr_destroy; allocator)) DeviceMemory(device, allocate_info::_MemoryAllocateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_allocate_memory(device, allocate_info, fptr_create, fptr_destroy; allocator)) CommandPool(device, create_info::_CommandPoolCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_command_pool(device, create_info, fptr_create, fptr_destroy; allocator)) Buffer(device, create_info::_BufferCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_buffer(device, create_info, fptr_create, fptr_destroy; allocator)) BufferView(device, create_info::_BufferViewCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_buffer_view(device, create_info, fptr_create, fptr_destroy; allocator)) Image(device, create_info::_ImageCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_image(device, create_info, fptr_create, fptr_destroy; allocator)) ImageView(device, create_info::_ImageViewCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_image_view(device, create_info, fptr_create, fptr_destroy; allocator)) ShaderModule(device, create_info::_ShaderModuleCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_shader_module(device, create_info, fptr_create, fptr_destroy; allocator)) PipelineLayout(device, create_info::_PipelineLayoutCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_pipeline_layout(device, create_info, fptr_create, fptr_destroy; allocator)) Sampler(device, create_info::_SamplerCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_sampler(device, create_info, fptr_create, fptr_destroy; allocator)) DescriptorSetLayout(device, create_info::_DescriptorSetLayoutCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_descriptor_set_layout(device, create_info, fptr_create, fptr_destroy; allocator)) DescriptorPool(device, create_info::_DescriptorPoolCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_descriptor_pool(device, create_info, fptr_create, fptr_destroy; allocator)) Fence(device, create_info::_FenceCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_fence(device, create_info, fptr_create, fptr_destroy; allocator)) Semaphore(device, create_info::_SemaphoreCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_semaphore(device, create_info, fptr_create, fptr_destroy; allocator)) Event(device, create_info::_EventCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_event(device, create_info, fptr_create, fptr_destroy; allocator)) QueryPool(device, create_info::_QueryPoolCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_query_pool(device, create_info, fptr_create, fptr_destroy; allocator)) Framebuffer(device, create_info::_FramebufferCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_framebuffer(device, create_info, fptr_create, fptr_destroy; allocator)) RenderPass(device, create_info::_RenderPassCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_render_pass(device, create_info, fptr_create, fptr_destroy; allocator)) RenderPass(device, create_info::_RenderPassCreateInfo2, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_render_pass_2(device, create_info, fptr_create, fptr_destroy; allocator)) PipelineCache(device, create_info::_PipelineCacheCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_pipeline_cache(device, create_info, fptr_create, fptr_destroy; allocator)) IndirectCommandsLayoutNV(device, create_info::_IndirectCommandsLayoutCreateInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_indirect_commands_layout_nv(device, create_info, fptr_create, fptr_destroy; allocator)) DescriptorUpdateTemplate(device, create_info::_DescriptorUpdateTemplateCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_descriptor_update_template(device, create_info, fptr_create, fptr_destroy; allocator)) SamplerYcbcrConversion(device, create_info::_SamplerYcbcrConversionCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_sampler_ycbcr_conversion(device, create_info, fptr_create, fptr_destroy; allocator)) ValidationCacheEXT(device, create_info::_ValidationCacheCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_validation_cache_ext(device, create_info, fptr_create, fptr_destroy; allocator)) AccelerationStructureKHR(device, create_info::_AccelerationStructureCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_acceleration_structure_khr(device, create_info, fptr_create, fptr_destroy; allocator)) AccelerationStructureNV(device, create_info::_AccelerationStructureCreateInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_acceleration_structure_nv(device, create_info, fptr_create, fptr_destroy; allocator)) PrivateDataSlot(device, create_info::_PrivateDataSlotCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_private_data_slot(device, create_info, fptr_create, fptr_destroy; allocator)) CuModuleNVX(device, create_info::_CuModuleCreateInfoNVX, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_cu_module_nvx(device, create_info, fptr_create, fptr_destroy; allocator)) CuFunctionNVX(device, create_info::_CuFunctionCreateInfoNVX, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_cu_function_nvx(device, create_info, fptr_create, fptr_destroy; allocator)) OpticalFlowSessionNV(device, create_info::_OpticalFlowSessionCreateInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_optical_flow_session_nv(device, create_info, fptr_create, fptr_destroy; allocator)) MicromapEXT(device, create_info::_MicromapCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_micromap_ext(device, create_info, fptr_create, fptr_destroy; allocator)) DisplayModeKHR(physical_device, display, create_info::_DisplayModeCreateInfoKHR, fptr_create::FunctionPtr; allocator = C_NULL) = unwrap(_create_display_mode_khr(physical_device, display, create_info, fptr_create; allocator)) SwapchainKHR(device, create_info::_SwapchainCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_swapchain_khr(device, create_info, fptr_create, fptr_destroy; allocator)) DebugReportCallbackEXT(instance, create_info::_DebugReportCallbackCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_debug_report_callback_ext(instance, create_info, fptr_create, fptr_destroy; allocator)) DebugUtilsMessengerEXT(instance, create_info::_DebugUtilsMessengerCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_debug_utils_messenger_ext(instance, create_info, fptr_create, fptr_destroy; allocator)) VideoSessionKHR(device, create_info::_VideoSessionCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_video_session_khr(device, create_info, fptr_create, fptr_destroy; allocator)) VideoSessionParametersKHR(device, create_info::_VideoSessionParametersCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_video_session_parameters_khr(device, create_info, fptr_create, fptr_destroy; allocator)) Instance(create_info::InstanceCreateInfo; allocator = C_NULL) = unwrap(create_instance(create_info; allocator)) Device(physical_device, create_info::DeviceCreateInfo; allocator = C_NULL) = unwrap(create_device(physical_device, create_info; allocator)) DeviceMemory(device, allocate_info::MemoryAllocateInfo; allocator = C_NULL) = unwrap(allocate_memory(device, allocate_info; allocator)) CommandPool(device, create_info::CommandPoolCreateInfo; allocator = C_NULL) = unwrap(create_command_pool(device, create_info; allocator)) Buffer(device, create_info::BufferCreateInfo; allocator = C_NULL) = unwrap(create_buffer(device, create_info; allocator)) BufferView(device, create_info::BufferViewCreateInfo; allocator = C_NULL) = unwrap(create_buffer_view(device, create_info; allocator)) Image(device, create_info::ImageCreateInfo; allocator = C_NULL) = unwrap(create_image(device, create_info; allocator)) ImageView(device, create_info::ImageViewCreateInfo; allocator = C_NULL) = unwrap(create_image_view(device, create_info; allocator)) ShaderModule(device, create_info::ShaderModuleCreateInfo; allocator = C_NULL) = unwrap(create_shader_module(device, create_info; allocator)) PipelineLayout(device, create_info::PipelineLayoutCreateInfo; allocator = C_NULL) = unwrap(create_pipeline_layout(device, create_info; allocator)) Sampler(device, create_info::SamplerCreateInfo; allocator = C_NULL) = unwrap(create_sampler(device, create_info; allocator)) DescriptorSetLayout(device, create_info::DescriptorSetLayoutCreateInfo; allocator = C_NULL) = unwrap(create_descriptor_set_layout(device, create_info; allocator)) DescriptorPool(device, create_info::DescriptorPoolCreateInfo; allocator = C_NULL) = unwrap(create_descriptor_pool(device, create_info; allocator)) Fence(device, create_info::FenceCreateInfo; allocator = C_NULL) = unwrap(create_fence(device, create_info; allocator)) Semaphore(device, create_info::SemaphoreCreateInfo; allocator = C_NULL) = unwrap(create_semaphore(device, create_info; allocator)) Event(device, create_info::EventCreateInfo; allocator = C_NULL) = unwrap(create_event(device, create_info; allocator)) QueryPool(device, create_info::QueryPoolCreateInfo; allocator = C_NULL) = unwrap(create_query_pool(device, create_info; allocator)) Framebuffer(device, create_info::FramebufferCreateInfo; allocator = C_NULL) = unwrap(create_framebuffer(device, create_info; allocator)) RenderPass(device, create_info::RenderPassCreateInfo; allocator = C_NULL) = unwrap(create_render_pass(device, create_info; allocator)) RenderPass(device, create_info::RenderPassCreateInfo2; allocator = C_NULL) = unwrap(create_render_pass_2(device, create_info; allocator)) PipelineCache(device, create_info::PipelineCacheCreateInfo; allocator = C_NULL) = unwrap(create_pipeline_cache(device, create_info; allocator)) IndirectCommandsLayoutNV(device, create_info::IndirectCommandsLayoutCreateInfoNV; allocator = C_NULL) = unwrap(create_indirect_commands_layout_nv(device, create_info; allocator)) DescriptorUpdateTemplate(device, create_info::DescriptorUpdateTemplateCreateInfo; allocator = C_NULL) = unwrap(create_descriptor_update_template(device, create_info; allocator)) SamplerYcbcrConversion(device, create_info::SamplerYcbcrConversionCreateInfo; allocator = C_NULL) = unwrap(create_sampler_ycbcr_conversion(device, create_info; allocator)) ValidationCacheEXT(device, create_info::ValidationCacheCreateInfoEXT; allocator = C_NULL) = unwrap(create_validation_cache_ext(device, create_info; allocator)) AccelerationStructureKHR(device, create_info::AccelerationStructureCreateInfoKHR; allocator = C_NULL) = unwrap(create_acceleration_structure_khr(device, create_info; allocator)) AccelerationStructureNV(device, create_info::AccelerationStructureCreateInfoNV; allocator = C_NULL) = unwrap(create_acceleration_structure_nv(device, create_info; allocator)) DeferredOperationKHR(device; allocator = C_NULL) = unwrap(create_deferred_operation_khr(device; allocator)) PrivateDataSlot(device, create_info::PrivateDataSlotCreateInfo; allocator = C_NULL) = unwrap(create_private_data_slot(device, create_info; allocator)) CuModuleNVX(device, create_info::CuModuleCreateInfoNVX; allocator = C_NULL) = unwrap(create_cu_module_nvx(device, create_info; allocator)) CuFunctionNVX(device, create_info::CuFunctionCreateInfoNVX; allocator = C_NULL) = unwrap(create_cu_function_nvx(device, create_info; allocator)) OpticalFlowSessionNV(device, create_info::OpticalFlowSessionCreateInfoNV; allocator = C_NULL) = unwrap(create_optical_flow_session_nv(device, create_info; allocator)) MicromapEXT(device, create_info::MicromapCreateInfoEXT; allocator = C_NULL) = unwrap(create_micromap_ext(device, create_info; allocator)) DisplayModeKHR(physical_device, display, create_info::DisplayModeCreateInfoKHR; allocator = C_NULL) = unwrap(create_display_mode_khr(physical_device, display, create_info; allocator)) SwapchainKHR(device, create_info::SwapchainCreateInfoKHR; allocator = C_NULL) = unwrap(create_swapchain_khr(device, create_info; allocator)) DebugReportCallbackEXT(instance, create_info::DebugReportCallbackCreateInfoEXT; allocator = C_NULL) = unwrap(create_debug_report_callback_ext(instance, create_info; allocator)) DebugUtilsMessengerEXT(instance, create_info::DebugUtilsMessengerCreateInfoEXT; allocator = C_NULL) = unwrap(create_debug_utils_messenger_ext(instance, create_info; allocator)) VideoSessionKHR(device, create_info::VideoSessionCreateInfoKHR; allocator = C_NULL) = unwrap(create_video_session_khr(device, create_info; allocator)) VideoSessionParametersKHR(device, create_info::VideoSessionParametersCreateInfoKHR; allocator = C_NULL) = unwrap(create_video_session_parameters_khr(device, create_info; allocator)) Instance(create_info::InstanceCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_instance(create_info, fptr_create, fptr_destroy; allocator)) Device(physical_device, create_info::DeviceCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_device(physical_device, create_info, fptr_create, fptr_destroy; allocator)) DeviceMemory(device, allocate_info::MemoryAllocateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(allocate_memory(device, allocate_info, fptr_create, fptr_destroy; allocator)) CommandPool(device, create_info::CommandPoolCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_command_pool(device, create_info, fptr_create, fptr_destroy; allocator)) Buffer(device, create_info::BufferCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_buffer(device, create_info, fptr_create, fptr_destroy; allocator)) BufferView(device, create_info::BufferViewCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_buffer_view(device, create_info, fptr_create, fptr_destroy; allocator)) Image(device, create_info::ImageCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_image(device, create_info, fptr_create, fptr_destroy; allocator)) ImageView(device, create_info::ImageViewCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_image_view(device, create_info, fptr_create, fptr_destroy; allocator)) ShaderModule(device, create_info::ShaderModuleCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_shader_module(device, create_info, fptr_create, fptr_destroy; allocator)) PipelineLayout(device, create_info::PipelineLayoutCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_pipeline_layout(device, create_info, fptr_create, fptr_destroy; allocator)) Sampler(device, create_info::SamplerCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_sampler(device, create_info, fptr_create, fptr_destroy; allocator)) DescriptorSetLayout(device, create_info::DescriptorSetLayoutCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_descriptor_set_layout(device, create_info, fptr_create, fptr_destroy; allocator)) DescriptorPool(device, create_info::DescriptorPoolCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_descriptor_pool(device, create_info, fptr_create, fptr_destroy; allocator)) Fence(device, create_info::FenceCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_fence(device, create_info, fptr_create, fptr_destroy; allocator)) Semaphore(device, create_info::SemaphoreCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_semaphore(device, create_info, fptr_create, fptr_destroy; allocator)) Event(device, create_info::EventCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_event(device, create_info, fptr_create, fptr_destroy; allocator)) QueryPool(device, create_info::QueryPoolCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_query_pool(device, create_info, fptr_create, fptr_destroy; allocator)) Framebuffer(device, create_info::FramebufferCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_framebuffer(device, create_info, fptr_create, fptr_destroy; allocator)) RenderPass(device, create_info::RenderPassCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_render_pass(device, create_info, fptr_create, fptr_destroy; allocator)) RenderPass(device, create_info::RenderPassCreateInfo2, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_render_pass_2(device, create_info, fptr_create, fptr_destroy; allocator)) PipelineCache(device, create_info::PipelineCacheCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_pipeline_cache(device, create_info, fptr_create, fptr_destroy; allocator)) IndirectCommandsLayoutNV(device, create_info::IndirectCommandsLayoutCreateInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_indirect_commands_layout_nv(device, create_info, fptr_create, fptr_destroy; allocator)) DescriptorUpdateTemplate(device, create_info::DescriptorUpdateTemplateCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_descriptor_update_template(device, create_info, fptr_create, fptr_destroy; allocator)) SamplerYcbcrConversion(device, create_info::SamplerYcbcrConversionCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_sampler_ycbcr_conversion(device, create_info, fptr_create, fptr_destroy; allocator)) ValidationCacheEXT(device, create_info::ValidationCacheCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_validation_cache_ext(device, create_info, fptr_create, fptr_destroy; allocator)) AccelerationStructureKHR(device, create_info::AccelerationStructureCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_acceleration_structure_khr(device, create_info, fptr_create, fptr_destroy; allocator)) AccelerationStructureNV(device, create_info::AccelerationStructureCreateInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_acceleration_structure_nv(device, create_info, fptr_create, fptr_destroy; allocator)) DeferredOperationKHR(device, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_deferred_operation_khr(device, fptr_create, fptr_destroy; allocator)) PrivateDataSlot(device, create_info::PrivateDataSlotCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_private_data_slot(device, create_info, fptr_create, fptr_destroy; allocator)) CuModuleNVX(device, create_info::CuModuleCreateInfoNVX, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_cu_module_nvx(device, create_info, fptr_create, fptr_destroy; allocator)) CuFunctionNVX(device, create_info::CuFunctionCreateInfoNVX, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_cu_function_nvx(device, create_info, fptr_create, fptr_destroy; allocator)) OpticalFlowSessionNV(device, create_info::OpticalFlowSessionCreateInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_optical_flow_session_nv(device, create_info, fptr_create, fptr_destroy; allocator)) MicromapEXT(device, create_info::MicromapCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_micromap_ext(device, create_info, fptr_create, fptr_destroy; allocator)) DisplayModeKHR(physical_device, display, create_info::DisplayModeCreateInfoKHR, fptr_create::FunctionPtr; allocator = C_NULL) = unwrap(create_display_mode_khr(physical_device, display, create_info, fptr_create; allocator)) SwapchainKHR(device, create_info::SwapchainCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_swapchain_khr(device, create_info, fptr_create, fptr_destroy; allocator)) DebugReportCallbackEXT(instance, create_info::DebugReportCallbackCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_debug_report_callback_ext(instance, create_info, fptr_create, fptr_destroy; allocator)) DebugUtilsMessengerEXT(instance, create_info::DebugUtilsMessengerCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_debug_utils_messenger_ext(instance, create_info, fptr_create, fptr_destroy; allocator)) VideoSessionKHR(device, create_info::VideoSessionCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_video_session_khr(device, create_info, fptr_create, fptr_destroy; allocator)) VideoSessionParametersKHR(device, create_info::VideoSessionParametersCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_video_session_parameters_khr(device, create_info, fptr_create, fptr_destroy; allocator)) structure_type(@nospecialize(_::Union{Type{VkApplicationInfo}, Type{_ApplicationInfo}, Type{ApplicationInfo}})) = VK_STRUCTURE_TYPE_APPLICATION_INFO structure_type(@nospecialize(_::Union{Type{VkDeviceQueueCreateInfo}, Type{_DeviceQueueCreateInfo}, Type{DeviceQueueCreateInfo}})) = VK_STRUCTURE_TYPE_DEVICE_QUEUE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkDeviceCreateInfo}, Type{_DeviceCreateInfo}, Type{DeviceCreateInfo}})) = VK_STRUCTURE_TYPE_DEVICE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkInstanceCreateInfo}, Type{_InstanceCreateInfo}, Type{InstanceCreateInfo}})) = VK_STRUCTURE_TYPE_INSTANCE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkMemoryAllocateInfo}, Type{_MemoryAllocateInfo}, Type{MemoryAllocateInfo}})) = VK_STRUCTURE_TYPE_MEMORY_ALLOCATE_INFO structure_type(@nospecialize(_::Union{Type{VkMappedMemoryRange}, Type{_MappedMemoryRange}, Type{MappedMemoryRange}})) = VK_STRUCTURE_TYPE_MAPPED_MEMORY_RANGE structure_type(@nospecialize(_::Union{Type{VkWriteDescriptorSet}, Type{_WriteDescriptorSet}, Type{WriteDescriptorSet}})) = VK_STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET structure_type(@nospecialize(_::Union{Type{VkCopyDescriptorSet}, Type{_CopyDescriptorSet}, Type{CopyDescriptorSet}})) = VK_STRUCTURE_TYPE_COPY_DESCRIPTOR_SET structure_type(@nospecialize(_::Union{Type{VkBufferCreateInfo}, Type{_BufferCreateInfo}, Type{BufferCreateInfo}})) = VK_STRUCTURE_TYPE_BUFFER_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkBufferViewCreateInfo}, Type{_BufferViewCreateInfo}, Type{BufferViewCreateInfo}})) = VK_STRUCTURE_TYPE_BUFFER_VIEW_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkMemoryBarrier}, Type{_MemoryBarrier}, Type{MemoryBarrier}})) = VK_STRUCTURE_TYPE_MEMORY_BARRIER structure_type(@nospecialize(_::Union{Type{VkBufferMemoryBarrier}, Type{_BufferMemoryBarrier}, Type{BufferMemoryBarrier}})) = VK_STRUCTURE_TYPE_BUFFER_MEMORY_BARRIER structure_type(@nospecialize(_::Union{Type{VkImageMemoryBarrier}, Type{_ImageMemoryBarrier}, Type{ImageMemoryBarrier}})) = VK_STRUCTURE_TYPE_IMAGE_MEMORY_BARRIER structure_type(@nospecialize(_::Union{Type{VkImageCreateInfo}, Type{_ImageCreateInfo}, Type{ImageCreateInfo}})) = VK_STRUCTURE_TYPE_IMAGE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkImageViewCreateInfo}, Type{_ImageViewCreateInfo}, Type{ImageViewCreateInfo}})) = VK_STRUCTURE_TYPE_IMAGE_VIEW_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkBindSparseInfo}, Type{_BindSparseInfo}, Type{BindSparseInfo}})) = VK_STRUCTURE_TYPE_BIND_SPARSE_INFO structure_type(@nospecialize(_::Union{Type{VkShaderModuleCreateInfo}, Type{_ShaderModuleCreateInfo}, Type{ShaderModuleCreateInfo}})) = VK_STRUCTURE_TYPE_SHADER_MODULE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutCreateInfo}, Type{_DescriptorSetLayoutCreateInfo}, Type{DescriptorSetLayoutCreateInfo}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkDescriptorPoolCreateInfo}, Type{_DescriptorPoolCreateInfo}, Type{DescriptorPoolCreateInfo}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_POOL_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkDescriptorSetAllocateInfo}, Type{_DescriptorSetAllocateInfo}, Type{DescriptorSetAllocateInfo}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_SET_ALLOCATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineShaderStageCreateInfo}, Type{_PipelineShaderStageCreateInfo}, Type{PipelineShaderStageCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_SHADER_STAGE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkComputePipelineCreateInfo}, Type{_ComputePipelineCreateInfo}, Type{ComputePipelineCreateInfo}})) = VK_STRUCTURE_TYPE_COMPUTE_PIPELINE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineVertexInputStateCreateInfo}, Type{_PipelineVertexInputStateCreateInfo}, Type{PipelineVertexInputStateCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_VERTEX_INPUT_STATE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineInputAssemblyStateCreateInfo}, Type{_PipelineInputAssemblyStateCreateInfo}, Type{PipelineInputAssemblyStateCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_INPUT_ASSEMBLY_STATE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineTessellationStateCreateInfo}, Type{_PipelineTessellationStateCreateInfo}, Type{PipelineTessellationStateCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_TESSELLATION_STATE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineViewportStateCreateInfo}, Type{_PipelineViewportStateCreateInfo}, Type{PipelineViewportStateCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_VIEWPORT_STATE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineRasterizationStateCreateInfo}, Type{_PipelineRasterizationStateCreateInfo}, Type{PipelineRasterizationStateCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_RASTERIZATION_STATE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineMultisampleStateCreateInfo}, Type{_PipelineMultisampleStateCreateInfo}, Type{PipelineMultisampleStateCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_MULTISAMPLE_STATE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineColorBlendStateCreateInfo}, Type{_PipelineColorBlendStateCreateInfo}, Type{PipelineColorBlendStateCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_COLOR_BLEND_STATE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineDynamicStateCreateInfo}, Type{_PipelineDynamicStateCreateInfo}, Type{PipelineDynamicStateCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_DYNAMIC_STATE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineDepthStencilStateCreateInfo}, Type{_PipelineDepthStencilStateCreateInfo}, Type{PipelineDepthStencilStateCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_DEPTH_STENCIL_STATE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkGraphicsPipelineCreateInfo}, Type{_GraphicsPipelineCreateInfo}, Type{GraphicsPipelineCreateInfo}})) = VK_STRUCTURE_TYPE_GRAPHICS_PIPELINE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineCacheCreateInfo}, Type{_PipelineCacheCreateInfo}, Type{PipelineCacheCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_CACHE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineLayoutCreateInfo}, Type{_PipelineLayoutCreateInfo}, Type{PipelineLayoutCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_LAYOUT_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkSamplerCreateInfo}, Type{_SamplerCreateInfo}, Type{SamplerCreateInfo}})) = VK_STRUCTURE_TYPE_SAMPLER_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkCommandPoolCreateInfo}, Type{_CommandPoolCreateInfo}, Type{CommandPoolCreateInfo}})) = VK_STRUCTURE_TYPE_COMMAND_POOL_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkCommandBufferAllocateInfo}, Type{_CommandBufferAllocateInfo}, Type{CommandBufferAllocateInfo}})) = VK_STRUCTURE_TYPE_COMMAND_BUFFER_ALLOCATE_INFO structure_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceInfo}, Type{_CommandBufferInheritanceInfo}, Type{CommandBufferInheritanceInfo}})) = VK_STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_INFO structure_type(@nospecialize(_::Union{Type{VkCommandBufferBeginInfo}, Type{_CommandBufferBeginInfo}, Type{CommandBufferBeginInfo}})) = VK_STRUCTURE_TYPE_COMMAND_BUFFER_BEGIN_INFO structure_type(@nospecialize(_::Union{Type{VkRenderPassBeginInfo}, Type{_RenderPassBeginInfo}, Type{RenderPassBeginInfo}})) = VK_STRUCTURE_TYPE_RENDER_PASS_BEGIN_INFO structure_type(@nospecialize(_::Union{Type{VkRenderPassCreateInfo}, Type{_RenderPassCreateInfo}, Type{RenderPassCreateInfo}})) = VK_STRUCTURE_TYPE_RENDER_PASS_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkEventCreateInfo}, Type{_EventCreateInfo}, Type{EventCreateInfo}})) = VK_STRUCTURE_TYPE_EVENT_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkFenceCreateInfo}, Type{_FenceCreateInfo}, Type{FenceCreateInfo}})) = VK_STRUCTURE_TYPE_FENCE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkSemaphoreCreateInfo}, Type{_SemaphoreCreateInfo}, Type{SemaphoreCreateInfo}})) = VK_STRUCTURE_TYPE_SEMAPHORE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkQueryPoolCreateInfo}, Type{_QueryPoolCreateInfo}, Type{QueryPoolCreateInfo}})) = VK_STRUCTURE_TYPE_QUERY_POOL_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkFramebufferCreateInfo}, Type{_FramebufferCreateInfo}, Type{FramebufferCreateInfo}})) = VK_STRUCTURE_TYPE_FRAMEBUFFER_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkSubmitInfo}, Type{_SubmitInfo}, Type{SubmitInfo}})) = VK_STRUCTURE_TYPE_SUBMIT_INFO structure_type(@nospecialize(_::Union{Type{VkDisplayModeCreateInfoKHR}, Type{_DisplayModeCreateInfoKHR}, Type{DisplayModeCreateInfoKHR}})) = VK_STRUCTURE_TYPE_DISPLAY_MODE_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkDisplaySurfaceCreateInfoKHR}, Type{_DisplaySurfaceCreateInfoKHR}, Type{DisplaySurfaceCreateInfoKHR}})) = VK_STRUCTURE_TYPE_DISPLAY_SURFACE_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkDisplayPresentInfoKHR}, Type{_DisplayPresentInfoKHR}, Type{DisplayPresentInfoKHR}})) = VK_STRUCTURE_TYPE_DISPLAY_PRESENT_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkWaylandSurfaceCreateInfoKHR}, Type{_WaylandSurfaceCreateInfoKHR}, Type{WaylandSurfaceCreateInfoKHR}})) = VK_STRUCTURE_TYPE_WAYLAND_SURFACE_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkXlibSurfaceCreateInfoKHR}, Type{_XlibSurfaceCreateInfoKHR}, Type{XlibSurfaceCreateInfoKHR}})) = VK_STRUCTURE_TYPE_XLIB_SURFACE_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkXcbSurfaceCreateInfoKHR}, Type{_XcbSurfaceCreateInfoKHR}, Type{XcbSurfaceCreateInfoKHR}})) = VK_STRUCTURE_TYPE_XCB_SURFACE_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkSwapchainCreateInfoKHR}, Type{_SwapchainCreateInfoKHR}, Type{SwapchainCreateInfoKHR}})) = VK_STRUCTURE_TYPE_SWAPCHAIN_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPresentInfoKHR}, Type{_PresentInfoKHR}, Type{PresentInfoKHR}})) = VK_STRUCTURE_TYPE_PRESENT_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkDebugReportCallbackCreateInfoEXT}, Type{_DebugReportCallbackCreateInfoEXT}, Type{DebugReportCallbackCreateInfoEXT}})) = VK_STRUCTURE_TYPE_DEBUG_REPORT_CALLBACK_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkValidationFlagsEXT}, Type{_ValidationFlagsEXT}, Type{ValidationFlagsEXT}})) = VK_STRUCTURE_TYPE_VALIDATION_FLAGS_EXT structure_type(@nospecialize(_::Union{Type{VkValidationFeaturesEXT}, Type{_ValidationFeaturesEXT}, Type{ValidationFeaturesEXT}})) = VK_STRUCTURE_TYPE_VALIDATION_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineRasterizationStateRasterizationOrderAMD}, Type{_PipelineRasterizationStateRasterizationOrderAMD}, Type{PipelineRasterizationStateRasterizationOrderAMD}})) = VK_STRUCTURE_TYPE_PIPELINE_RASTERIZATION_STATE_RASTERIZATION_ORDER_AMD structure_type(@nospecialize(_::Union{Type{VkDebugMarkerObjectNameInfoEXT}, Type{_DebugMarkerObjectNameInfoEXT}, Type{DebugMarkerObjectNameInfoEXT}})) = VK_STRUCTURE_TYPE_DEBUG_MARKER_OBJECT_NAME_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkDebugMarkerObjectTagInfoEXT}, Type{_DebugMarkerObjectTagInfoEXT}, Type{DebugMarkerObjectTagInfoEXT}})) = VK_STRUCTURE_TYPE_DEBUG_MARKER_OBJECT_TAG_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkDebugMarkerMarkerInfoEXT}, Type{_DebugMarkerMarkerInfoEXT}, Type{DebugMarkerMarkerInfoEXT}})) = VK_STRUCTURE_TYPE_DEBUG_MARKER_MARKER_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkDedicatedAllocationImageCreateInfoNV}, Type{_DedicatedAllocationImageCreateInfoNV}, Type{DedicatedAllocationImageCreateInfoNV}})) = VK_STRUCTURE_TYPE_DEDICATED_ALLOCATION_IMAGE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkDedicatedAllocationBufferCreateInfoNV}, Type{_DedicatedAllocationBufferCreateInfoNV}, Type{DedicatedAllocationBufferCreateInfoNV}})) = VK_STRUCTURE_TYPE_DEDICATED_ALLOCATION_BUFFER_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkDedicatedAllocationMemoryAllocateInfoNV}, Type{_DedicatedAllocationMemoryAllocateInfoNV}, Type{DedicatedAllocationMemoryAllocateInfoNV}})) = VK_STRUCTURE_TYPE_DEDICATED_ALLOCATION_MEMORY_ALLOCATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkExternalMemoryImageCreateInfoNV}, Type{_ExternalMemoryImageCreateInfoNV}, Type{ExternalMemoryImageCreateInfoNV}})) = VK_STRUCTURE_TYPE_EXTERNAL_MEMORY_IMAGE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkExportMemoryAllocateInfoNV}, Type{_ExportMemoryAllocateInfoNV}, Type{ExportMemoryAllocateInfoNV}})) = VK_STRUCTURE_TYPE_EXPORT_MEMORY_ALLOCATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV}, Type{_PhysicalDeviceDeviceGeneratedCommandsFeaturesNV}, Type{PhysicalDeviceDeviceGeneratedCommandsFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DEVICE_GENERATED_COMMANDS_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkDevicePrivateDataCreateInfo}, Type{_DevicePrivateDataCreateInfo}, Type{DevicePrivateDataCreateInfo}})) = VK_STRUCTURE_TYPE_DEVICE_PRIVATE_DATA_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPrivateDataSlotCreateInfo}, Type{_PrivateDataSlotCreateInfo}, Type{PrivateDataSlotCreateInfo}})) = VK_STRUCTURE_TYPE_PRIVATE_DATA_SLOT_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePrivateDataFeatures}, Type{_PhysicalDevicePrivateDataFeatures}, Type{PhysicalDevicePrivateDataFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PRIVATE_DATA_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV}, Type{_PhysicalDeviceDeviceGeneratedCommandsPropertiesNV}, Type{PhysicalDeviceDeviceGeneratedCommandsPropertiesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DEVICE_GENERATED_COMMANDS_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiDrawPropertiesEXT}, Type{_PhysicalDeviceMultiDrawPropertiesEXT}, Type{PhysicalDeviceMultiDrawPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTI_DRAW_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkGraphicsShaderGroupCreateInfoNV}, Type{_GraphicsShaderGroupCreateInfoNV}, Type{GraphicsShaderGroupCreateInfoNV}})) = VK_STRUCTURE_TYPE_GRAPHICS_SHADER_GROUP_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkGraphicsPipelineShaderGroupsCreateInfoNV}, Type{_GraphicsPipelineShaderGroupsCreateInfoNV}, Type{GraphicsPipelineShaderGroupsCreateInfoNV}})) = VK_STRUCTURE_TYPE_GRAPHICS_PIPELINE_SHADER_GROUPS_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkIndirectCommandsLayoutTokenNV}, Type{_IndirectCommandsLayoutTokenNV}, Type{IndirectCommandsLayoutTokenNV}})) = VK_STRUCTURE_TYPE_INDIRECT_COMMANDS_LAYOUT_TOKEN_NV structure_type(@nospecialize(_::Union{Type{VkIndirectCommandsLayoutCreateInfoNV}, Type{_IndirectCommandsLayoutCreateInfoNV}, Type{IndirectCommandsLayoutCreateInfoNV}})) = VK_STRUCTURE_TYPE_INDIRECT_COMMANDS_LAYOUT_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkGeneratedCommandsInfoNV}, Type{_GeneratedCommandsInfoNV}, Type{GeneratedCommandsInfoNV}})) = VK_STRUCTURE_TYPE_GENERATED_COMMANDS_INFO_NV structure_type(@nospecialize(_::Union{Type{VkGeneratedCommandsMemoryRequirementsInfoNV}, Type{_GeneratedCommandsMemoryRequirementsInfoNV}, Type{GeneratedCommandsMemoryRequirementsInfoNV}})) = VK_STRUCTURE_TYPE_GENERATED_COMMANDS_MEMORY_REQUIREMENTS_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFeatures2}, Type{_PhysicalDeviceFeatures2}, Type{PhysicalDeviceFeatures2}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FEATURES_2 structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProperties2}, Type{_PhysicalDeviceProperties2}, Type{PhysicalDeviceProperties2}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PROPERTIES_2 structure_type(@nospecialize(_::Union{Type{VkFormatProperties2}, Type{_FormatProperties2}, Type{FormatProperties2}})) = VK_STRUCTURE_TYPE_FORMAT_PROPERTIES_2 structure_type(@nospecialize(_::Union{Type{VkImageFormatProperties2}, Type{_ImageFormatProperties2}, Type{ImageFormatProperties2}})) = VK_STRUCTURE_TYPE_IMAGE_FORMAT_PROPERTIES_2 structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageFormatInfo2}, Type{_PhysicalDeviceImageFormatInfo2}, Type{PhysicalDeviceImageFormatInfo2}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_FORMAT_INFO_2 structure_type(@nospecialize(_::Union{Type{VkQueueFamilyProperties2}, Type{_QueueFamilyProperties2}, Type{QueueFamilyProperties2}})) = VK_STRUCTURE_TYPE_QUEUE_FAMILY_PROPERTIES_2 structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryProperties2}, Type{_PhysicalDeviceMemoryProperties2}, Type{PhysicalDeviceMemoryProperties2}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_PROPERTIES_2 structure_type(@nospecialize(_::Union{Type{VkSparseImageFormatProperties2}, Type{_SparseImageFormatProperties2}, Type{SparseImageFormatProperties2}})) = VK_STRUCTURE_TYPE_SPARSE_IMAGE_FORMAT_PROPERTIES_2 structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSparseImageFormatInfo2}, Type{_PhysicalDeviceSparseImageFormatInfo2}, Type{PhysicalDeviceSparseImageFormatInfo2}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SPARSE_IMAGE_FORMAT_INFO_2 structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePushDescriptorPropertiesKHR}, Type{_PhysicalDevicePushDescriptorPropertiesKHR}, Type{PhysicalDevicePushDescriptorPropertiesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PUSH_DESCRIPTOR_PROPERTIES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDriverProperties}, Type{_PhysicalDeviceDriverProperties}, Type{PhysicalDeviceDriverProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DRIVER_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkPresentRegionsKHR}, Type{_PresentRegionsKHR}, Type{PresentRegionsKHR}})) = VK_STRUCTURE_TYPE_PRESENT_REGIONS_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVariablePointersFeatures}, Type{_PhysicalDeviceVariablePointersFeatures}, Type{PhysicalDeviceVariablePointersFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_VARIABLE_POINTERS_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalImageFormatInfo}, Type{_PhysicalDeviceExternalImageFormatInfo}, Type{PhysicalDeviceExternalImageFormatInfo}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_IMAGE_FORMAT_INFO structure_type(@nospecialize(_::Union{Type{VkExternalImageFormatProperties}, Type{_ExternalImageFormatProperties}, Type{ExternalImageFormatProperties}})) = VK_STRUCTURE_TYPE_EXTERNAL_IMAGE_FORMAT_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalBufferInfo}, Type{_PhysicalDeviceExternalBufferInfo}, Type{PhysicalDeviceExternalBufferInfo}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_BUFFER_INFO structure_type(@nospecialize(_::Union{Type{VkExternalBufferProperties}, Type{_ExternalBufferProperties}, Type{ExternalBufferProperties}})) = VK_STRUCTURE_TYPE_EXTERNAL_BUFFER_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceIDProperties}, Type{_PhysicalDeviceIDProperties}, Type{PhysicalDeviceIDProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_ID_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkExternalMemoryImageCreateInfo}, Type{_ExternalMemoryImageCreateInfo}, Type{ExternalMemoryImageCreateInfo}})) = VK_STRUCTURE_TYPE_EXTERNAL_MEMORY_IMAGE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkExternalMemoryBufferCreateInfo}, Type{_ExternalMemoryBufferCreateInfo}, Type{ExternalMemoryBufferCreateInfo}})) = VK_STRUCTURE_TYPE_EXTERNAL_MEMORY_BUFFER_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkExportMemoryAllocateInfo}, Type{_ExportMemoryAllocateInfo}, Type{ExportMemoryAllocateInfo}})) = VK_STRUCTURE_TYPE_EXPORT_MEMORY_ALLOCATE_INFO structure_type(@nospecialize(_::Union{Type{VkImportMemoryFdInfoKHR}, Type{_ImportMemoryFdInfoKHR}, Type{ImportMemoryFdInfoKHR}})) = VK_STRUCTURE_TYPE_IMPORT_MEMORY_FD_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkMemoryFdPropertiesKHR}, Type{_MemoryFdPropertiesKHR}, Type{MemoryFdPropertiesKHR}})) = VK_STRUCTURE_TYPE_MEMORY_FD_PROPERTIES_KHR structure_type(@nospecialize(_::Union{Type{VkMemoryGetFdInfoKHR}, Type{_MemoryGetFdInfoKHR}, Type{MemoryGetFdInfoKHR}})) = VK_STRUCTURE_TYPE_MEMORY_GET_FD_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalSemaphoreInfo}, Type{_PhysicalDeviceExternalSemaphoreInfo}, Type{PhysicalDeviceExternalSemaphoreInfo}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_SEMAPHORE_INFO structure_type(@nospecialize(_::Union{Type{VkExternalSemaphoreProperties}, Type{_ExternalSemaphoreProperties}, Type{ExternalSemaphoreProperties}})) = VK_STRUCTURE_TYPE_EXTERNAL_SEMAPHORE_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkExportSemaphoreCreateInfo}, Type{_ExportSemaphoreCreateInfo}, Type{ExportSemaphoreCreateInfo}})) = VK_STRUCTURE_TYPE_EXPORT_SEMAPHORE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkImportSemaphoreFdInfoKHR}, Type{_ImportSemaphoreFdInfoKHR}, Type{ImportSemaphoreFdInfoKHR}})) = VK_STRUCTURE_TYPE_IMPORT_SEMAPHORE_FD_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkSemaphoreGetFdInfoKHR}, Type{_SemaphoreGetFdInfoKHR}, Type{SemaphoreGetFdInfoKHR}})) = VK_STRUCTURE_TYPE_SEMAPHORE_GET_FD_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalFenceInfo}, Type{_PhysicalDeviceExternalFenceInfo}, Type{PhysicalDeviceExternalFenceInfo}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_FENCE_INFO structure_type(@nospecialize(_::Union{Type{VkExternalFenceProperties}, Type{_ExternalFenceProperties}, Type{ExternalFenceProperties}})) = VK_STRUCTURE_TYPE_EXTERNAL_FENCE_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkExportFenceCreateInfo}, Type{_ExportFenceCreateInfo}, Type{ExportFenceCreateInfo}})) = VK_STRUCTURE_TYPE_EXPORT_FENCE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkImportFenceFdInfoKHR}, Type{_ImportFenceFdInfoKHR}, Type{ImportFenceFdInfoKHR}})) = VK_STRUCTURE_TYPE_IMPORT_FENCE_FD_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkFenceGetFdInfoKHR}, Type{_FenceGetFdInfoKHR}, Type{FenceGetFdInfoKHR}})) = VK_STRUCTURE_TYPE_FENCE_GET_FD_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiviewFeatures}, Type{_PhysicalDeviceMultiviewFeatures}, Type{PhysicalDeviceMultiviewFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiviewProperties}, Type{_PhysicalDeviceMultiviewProperties}, Type{PhysicalDeviceMultiviewProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkRenderPassMultiviewCreateInfo}, Type{_RenderPassMultiviewCreateInfo}, Type{RenderPassMultiviewCreateInfo}})) = VK_STRUCTURE_TYPE_RENDER_PASS_MULTIVIEW_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkSurfaceCapabilities2EXT}, Type{_SurfaceCapabilities2EXT}, Type{SurfaceCapabilities2EXT}})) = VK_STRUCTURE_TYPE_SURFACE_CAPABILITIES_2_EXT structure_type(@nospecialize(_::Union{Type{VkDisplayPowerInfoEXT}, Type{_DisplayPowerInfoEXT}, Type{DisplayPowerInfoEXT}})) = VK_STRUCTURE_TYPE_DISPLAY_POWER_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkDeviceEventInfoEXT}, Type{_DeviceEventInfoEXT}, Type{DeviceEventInfoEXT}})) = VK_STRUCTURE_TYPE_DEVICE_EVENT_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkDisplayEventInfoEXT}, Type{_DisplayEventInfoEXT}, Type{DisplayEventInfoEXT}})) = VK_STRUCTURE_TYPE_DISPLAY_EVENT_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkSwapchainCounterCreateInfoEXT}, Type{_SwapchainCounterCreateInfoEXT}, Type{SwapchainCounterCreateInfoEXT}})) = VK_STRUCTURE_TYPE_SWAPCHAIN_COUNTER_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceGroupProperties}, Type{_PhysicalDeviceGroupProperties}, Type{PhysicalDeviceGroupProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_GROUP_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkMemoryAllocateFlagsInfo}, Type{_MemoryAllocateFlagsInfo}, Type{MemoryAllocateFlagsInfo}})) = VK_STRUCTURE_TYPE_MEMORY_ALLOCATE_FLAGS_INFO structure_type(@nospecialize(_::Union{Type{VkBindBufferMemoryInfo}, Type{_BindBufferMemoryInfo}, Type{BindBufferMemoryInfo}})) = VK_STRUCTURE_TYPE_BIND_BUFFER_MEMORY_INFO structure_type(@nospecialize(_::Union{Type{VkBindBufferMemoryDeviceGroupInfo}, Type{_BindBufferMemoryDeviceGroupInfo}, Type{BindBufferMemoryDeviceGroupInfo}})) = VK_STRUCTURE_TYPE_BIND_BUFFER_MEMORY_DEVICE_GROUP_INFO structure_type(@nospecialize(_::Union{Type{VkBindImageMemoryInfo}, Type{_BindImageMemoryInfo}, Type{BindImageMemoryInfo}})) = VK_STRUCTURE_TYPE_BIND_IMAGE_MEMORY_INFO structure_type(@nospecialize(_::Union{Type{VkBindImageMemoryDeviceGroupInfo}, Type{_BindImageMemoryDeviceGroupInfo}, Type{BindImageMemoryDeviceGroupInfo}})) = VK_STRUCTURE_TYPE_BIND_IMAGE_MEMORY_DEVICE_GROUP_INFO structure_type(@nospecialize(_::Union{Type{VkDeviceGroupRenderPassBeginInfo}, Type{_DeviceGroupRenderPassBeginInfo}, Type{DeviceGroupRenderPassBeginInfo}})) = VK_STRUCTURE_TYPE_DEVICE_GROUP_RENDER_PASS_BEGIN_INFO structure_type(@nospecialize(_::Union{Type{VkDeviceGroupCommandBufferBeginInfo}, Type{_DeviceGroupCommandBufferBeginInfo}, Type{DeviceGroupCommandBufferBeginInfo}})) = VK_STRUCTURE_TYPE_DEVICE_GROUP_COMMAND_BUFFER_BEGIN_INFO structure_type(@nospecialize(_::Union{Type{VkDeviceGroupSubmitInfo}, Type{_DeviceGroupSubmitInfo}, Type{DeviceGroupSubmitInfo}})) = VK_STRUCTURE_TYPE_DEVICE_GROUP_SUBMIT_INFO structure_type(@nospecialize(_::Union{Type{VkDeviceGroupBindSparseInfo}, Type{_DeviceGroupBindSparseInfo}, Type{DeviceGroupBindSparseInfo}})) = VK_STRUCTURE_TYPE_DEVICE_GROUP_BIND_SPARSE_INFO structure_type(@nospecialize(_::Union{Type{VkDeviceGroupPresentCapabilitiesKHR}, Type{_DeviceGroupPresentCapabilitiesKHR}, Type{DeviceGroupPresentCapabilitiesKHR}})) = VK_STRUCTURE_TYPE_DEVICE_GROUP_PRESENT_CAPABILITIES_KHR structure_type(@nospecialize(_::Union{Type{VkImageSwapchainCreateInfoKHR}, Type{_ImageSwapchainCreateInfoKHR}, Type{ImageSwapchainCreateInfoKHR}})) = VK_STRUCTURE_TYPE_IMAGE_SWAPCHAIN_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkBindImageMemorySwapchainInfoKHR}, Type{_BindImageMemorySwapchainInfoKHR}, Type{BindImageMemorySwapchainInfoKHR}})) = VK_STRUCTURE_TYPE_BIND_IMAGE_MEMORY_SWAPCHAIN_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkAcquireNextImageInfoKHR}, Type{_AcquireNextImageInfoKHR}, Type{AcquireNextImageInfoKHR}})) = VK_STRUCTURE_TYPE_ACQUIRE_NEXT_IMAGE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkDeviceGroupPresentInfoKHR}, Type{_DeviceGroupPresentInfoKHR}, Type{DeviceGroupPresentInfoKHR}})) = VK_STRUCTURE_TYPE_DEVICE_GROUP_PRESENT_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkDeviceGroupDeviceCreateInfo}, Type{_DeviceGroupDeviceCreateInfo}, Type{DeviceGroupDeviceCreateInfo}})) = VK_STRUCTURE_TYPE_DEVICE_GROUP_DEVICE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkDeviceGroupSwapchainCreateInfoKHR}, Type{_DeviceGroupSwapchainCreateInfoKHR}, Type{DeviceGroupSwapchainCreateInfoKHR}})) = VK_STRUCTURE_TYPE_DEVICE_GROUP_SWAPCHAIN_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkDescriptorUpdateTemplateCreateInfo}, Type{_DescriptorUpdateTemplateCreateInfo}, Type{DescriptorUpdateTemplateCreateInfo}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePresentIdFeaturesKHR}, Type{_PhysicalDevicePresentIdFeaturesKHR}, Type{PhysicalDevicePresentIdFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PRESENT_ID_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkPresentIdKHR}, Type{_PresentIdKHR}, Type{PresentIdKHR}})) = VK_STRUCTURE_TYPE_PRESENT_ID_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePresentWaitFeaturesKHR}, Type{_PhysicalDevicePresentWaitFeaturesKHR}, Type{PhysicalDevicePresentWaitFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PRESENT_WAIT_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkHdrMetadataEXT}, Type{_HdrMetadataEXT}, Type{HdrMetadataEXT}})) = VK_STRUCTURE_TYPE_HDR_METADATA_EXT structure_type(@nospecialize(_::Union{Type{VkDisplayNativeHdrSurfaceCapabilitiesAMD}, Type{_DisplayNativeHdrSurfaceCapabilitiesAMD}, Type{DisplayNativeHdrSurfaceCapabilitiesAMD}})) = VK_STRUCTURE_TYPE_DISPLAY_NATIVE_HDR_SURFACE_CAPABILITIES_AMD structure_type(@nospecialize(_::Union{Type{VkSwapchainDisplayNativeHdrCreateInfoAMD}, Type{_SwapchainDisplayNativeHdrCreateInfoAMD}, Type{SwapchainDisplayNativeHdrCreateInfoAMD}})) = VK_STRUCTURE_TYPE_SWAPCHAIN_DISPLAY_NATIVE_HDR_CREATE_INFO_AMD structure_type(@nospecialize(_::Union{Type{VkPresentTimesInfoGOOGLE}, Type{_PresentTimesInfoGOOGLE}, Type{PresentTimesInfoGOOGLE}})) = VK_STRUCTURE_TYPE_PRESENT_TIMES_INFO_GOOGLE structure_type(@nospecialize(_::Union{Type{VkPipelineViewportWScalingStateCreateInfoNV}, Type{_PipelineViewportWScalingStateCreateInfoNV}, Type{PipelineViewportWScalingStateCreateInfoNV}})) = VK_STRUCTURE_TYPE_PIPELINE_VIEWPORT_W_SCALING_STATE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPipelineViewportSwizzleStateCreateInfoNV}, Type{_PipelineViewportSwizzleStateCreateInfoNV}, Type{PipelineViewportSwizzleStateCreateInfoNV}})) = VK_STRUCTURE_TYPE_PIPELINE_VIEWPORT_SWIZZLE_STATE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDiscardRectanglePropertiesEXT}, Type{_PhysicalDeviceDiscardRectanglePropertiesEXT}, Type{PhysicalDeviceDiscardRectanglePropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DISCARD_RECTANGLE_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineDiscardRectangleStateCreateInfoEXT}, Type{_PipelineDiscardRectangleStateCreateInfoEXT}, Type{PipelineDiscardRectangleStateCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_DISCARD_RECTANGLE_STATE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX}, Type{_PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX}, Type{PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_PER_VIEW_ATTRIBUTES_PROPERTIES_NVX structure_type(@nospecialize(_::Union{Type{VkRenderPassInputAttachmentAspectCreateInfo}, Type{_RenderPassInputAttachmentAspectCreateInfo}, Type{RenderPassInputAttachmentAspectCreateInfo}})) = VK_STRUCTURE_TYPE_RENDER_PASS_INPUT_ATTACHMENT_ASPECT_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSurfaceInfo2KHR}, Type{_PhysicalDeviceSurfaceInfo2KHR}, Type{PhysicalDeviceSurfaceInfo2KHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SURFACE_INFO_2_KHR structure_type(@nospecialize(_::Union{Type{VkSurfaceCapabilities2KHR}, Type{_SurfaceCapabilities2KHR}, Type{SurfaceCapabilities2KHR}})) = VK_STRUCTURE_TYPE_SURFACE_CAPABILITIES_2_KHR structure_type(@nospecialize(_::Union{Type{VkSurfaceFormat2KHR}, Type{_SurfaceFormat2KHR}, Type{SurfaceFormat2KHR}})) = VK_STRUCTURE_TYPE_SURFACE_FORMAT_2_KHR structure_type(@nospecialize(_::Union{Type{VkDisplayProperties2KHR}, Type{_DisplayProperties2KHR}, Type{DisplayProperties2KHR}})) = VK_STRUCTURE_TYPE_DISPLAY_PROPERTIES_2_KHR structure_type(@nospecialize(_::Union{Type{VkDisplayPlaneProperties2KHR}, Type{_DisplayPlaneProperties2KHR}, Type{DisplayPlaneProperties2KHR}})) = VK_STRUCTURE_TYPE_DISPLAY_PLANE_PROPERTIES_2_KHR structure_type(@nospecialize(_::Union{Type{VkDisplayModeProperties2KHR}, Type{_DisplayModeProperties2KHR}, Type{DisplayModeProperties2KHR}})) = VK_STRUCTURE_TYPE_DISPLAY_MODE_PROPERTIES_2_KHR structure_type(@nospecialize(_::Union{Type{VkDisplayPlaneInfo2KHR}, Type{_DisplayPlaneInfo2KHR}, Type{DisplayPlaneInfo2KHR}})) = VK_STRUCTURE_TYPE_DISPLAY_PLANE_INFO_2_KHR structure_type(@nospecialize(_::Union{Type{VkDisplayPlaneCapabilities2KHR}, Type{_DisplayPlaneCapabilities2KHR}, Type{DisplayPlaneCapabilities2KHR}})) = VK_STRUCTURE_TYPE_DISPLAY_PLANE_CAPABILITIES_2_KHR structure_type(@nospecialize(_::Union{Type{VkSharedPresentSurfaceCapabilitiesKHR}, Type{_SharedPresentSurfaceCapabilitiesKHR}, Type{SharedPresentSurfaceCapabilitiesKHR}})) = VK_STRUCTURE_TYPE_SHARED_PRESENT_SURFACE_CAPABILITIES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDevice16BitStorageFeatures}, Type{_PhysicalDevice16BitStorageFeatures}, Type{PhysicalDevice16BitStorageFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_16BIT_STORAGE_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubgroupProperties}, Type{_PhysicalDeviceSubgroupProperties}, Type{PhysicalDeviceSubgroupProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures}, Type{_PhysicalDeviceShaderSubgroupExtendedTypesFeatures}, Type{PhysicalDeviceShaderSubgroupExtendedTypesFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SUBGROUP_EXTENDED_TYPES_FEATURES structure_type(@nospecialize(_::Union{Type{VkBufferMemoryRequirementsInfo2}, Type{_BufferMemoryRequirementsInfo2}, Type{BufferMemoryRequirementsInfo2}})) = VK_STRUCTURE_TYPE_BUFFER_MEMORY_REQUIREMENTS_INFO_2 structure_type(@nospecialize(_::Union{Type{VkDeviceBufferMemoryRequirements}, Type{_DeviceBufferMemoryRequirements}, Type{DeviceBufferMemoryRequirements}})) = VK_STRUCTURE_TYPE_DEVICE_BUFFER_MEMORY_REQUIREMENTS structure_type(@nospecialize(_::Union{Type{VkImageMemoryRequirementsInfo2}, Type{_ImageMemoryRequirementsInfo2}, Type{ImageMemoryRequirementsInfo2}})) = VK_STRUCTURE_TYPE_IMAGE_MEMORY_REQUIREMENTS_INFO_2 structure_type(@nospecialize(_::Union{Type{VkImageSparseMemoryRequirementsInfo2}, Type{_ImageSparseMemoryRequirementsInfo2}, Type{ImageSparseMemoryRequirementsInfo2}})) = VK_STRUCTURE_TYPE_IMAGE_SPARSE_MEMORY_REQUIREMENTS_INFO_2 structure_type(@nospecialize(_::Union{Type{VkDeviceImageMemoryRequirements}, Type{_DeviceImageMemoryRequirements}, Type{DeviceImageMemoryRequirements}})) = VK_STRUCTURE_TYPE_DEVICE_IMAGE_MEMORY_REQUIREMENTS structure_type(@nospecialize(_::Union{Type{VkMemoryRequirements2}, Type{_MemoryRequirements2}, Type{MemoryRequirements2}})) = VK_STRUCTURE_TYPE_MEMORY_REQUIREMENTS_2 structure_type(@nospecialize(_::Union{Type{VkSparseImageMemoryRequirements2}, Type{_SparseImageMemoryRequirements2}, Type{SparseImageMemoryRequirements2}})) = VK_STRUCTURE_TYPE_SPARSE_IMAGE_MEMORY_REQUIREMENTS_2 structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePointClippingProperties}, Type{_PhysicalDevicePointClippingProperties}, Type{PhysicalDevicePointClippingProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_POINT_CLIPPING_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkMemoryDedicatedRequirements}, Type{_MemoryDedicatedRequirements}, Type{MemoryDedicatedRequirements}})) = VK_STRUCTURE_TYPE_MEMORY_DEDICATED_REQUIREMENTS structure_type(@nospecialize(_::Union{Type{VkMemoryDedicatedAllocateInfo}, Type{_MemoryDedicatedAllocateInfo}, Type{MemoryDedicatedAllocateInfo}})) = VK_STRUCTURE_TYPE_MEMORY_DEDICATED_ALLOCATE_INFO structure_type(@nospecialize(_::Union{Type{VkImageViewUsageCreateInfo}, Type{_ImageViewUsageCreateInfo}, Type{ImageViewUsageCreateInfo}})) = VK_STRUCTURE_TYPE_IMAGE_VIEW_USAGE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineTessellationDomainOriginStateCreateInfo}, Type{_PipelineTessellationDomainOriginStateCreateInfo}, Type{PipelineTessellationDomainOriginStateCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_TESSELLATION_DOMAIN_ORIGIN_STATE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkSamplerYcbcrConversionInfo}, Type{_SamplerYcbcrConversionInfo}, Type{SamplerYcbcrConversionInfo}})) = VK_STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_INFO structure_type(@nospecialize(_::Union{Type{VkSamplerYcbcrConversionCreateInfo}, Type{_SamplerYcbcrConversionCreateInfo}, Type{SamplerYcbcrConversionCreateInfo}})) = VK_STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkBindImagePlaneMemoryInfo}, Type{_BindImagePlaneMemoryInfo}, Type{BindImagePlaneMemoryInfo}})) = VK_STRUCTURE_TYPE_BIND_IMAGE_PLANE_MEMORY_INFO structure_type(@nospecialize(_::Union{Type{VkImagePlaneMemoryRequirementsInfo}, Type{_ImagePlaneMemoryRequirementsInfo}, Type{ImagePlaneMemoryRequirementsInfo}})) = VK_STRUCTURE_TYPE_IMAGE_PLANE_MEMORY_REQUIREMENTS_INFO structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSamplerYcbcrConversionFeatures}, Type{_PhysicalDeviceSamplerYcbcrConversionFeatures}, Type{PhysicalDeviceSamplerYcbcrConversionFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLER_YCBCR_CONVERSION_FEATURES structure_type(@nospecialize(_::Union{Type{VkSamplerYcbcrConversionImageFormatProperties}, Type{_SamplerYcbcrConversionImageFormatProperties}, Type{SamplerYcbcrConversionImageFormatProperties}})) = VK_STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_IMAGE_FORMAT_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkTextureLODGatherFormatPropertiesAMD}, Type{_TextureLODGatherFormatPropertiesAMD}, Type{TextureLODGatherFormatPropertiesAMD}})) = VK_STRUCTURE_TYPE_TEXTURE_LOD_GATHER_FORMAT_PROPERTIES_AMD structure_type(@nospecialize(_::Union{Type{VkConditionalRenderingBeginInfoEXT}, Type{_ConditionalRenderingBeginInfoEXT}, Type{ConditionalRenderingBeginInfoEXT}})) = VK_STRUCTURE_TYPE_CONDITIONAL_RENDERING_BEGIN_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkProtectedSubmitInfo}, Type{_ProtectedSubmitInfo}, Type{ProtectedSubmitInfo}})) = VK_STRUCTURE_TYPE_PROTECTED_SUBMIT_INFO structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProtectedMemoryFeatures}, Type{_PhysicalDeviceProtectedMemoryFeatures}, Type{PhysicalDeviceProtectedMemoryFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PROTECTED_MEMORY_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProtectedMemoryProperties}, Type{_PhysicalDeviceProtectedMemoryProperties}, Type{PhysicalDeviceProtectedMemoryProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PROTECTED_MEMORY_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkDeviceQueueInfo2}, Type{_DeviceQueueInfo2}, Type{DeviceQueueInfo2}})) = VK_STRUCTURE_TYPE_DEVICE_QUEUE_INFO_2 structure_type(@nospecialize(_::Union{Type{VkPipelineCoverageToColorStateCreateInfoNV}, Type{_PipelineCoverageToColorStateCreateInfoNV}, Type{PipelineCoverageToColorStateCreateInfoNV}})) = VK_STRUCTURE_TYPE_PIPELINE_COVERAGE_TO_COLOR_STATE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSamplerFilterMinmaxProperties}, Type{_PhysicalDeviceSamplerFilterMinmaxProperties}, Type{PhysicalDeviceSamplerFilterMinmaxProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLER_FILTER_MINMAX_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkSampleLocationsInfoEXT}, Type{_SampleLocationsInfoEXT}, Type{SampleLocationsInfoEXT}})) = VK_STRUCTURE_TYPE_SAMPLE_LOCATIONS_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkRenderPassSampleLocationsBeginInfoEXT}, Type{_RenderPassSampleLocationsBeginInfoEXT}, Type{RenderPassSampleLocationsBeginInfoEXT}})) = VK_STRUCTURE_TYPE_RENDER_PASS_SAMPLE_LOCATIONS_BEGIN_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineSampleLocationsStateCreateInfoEXT}, Type{_PipelineSampleLocationsStateCreateInfoEXT}, Type{PipelineSampleLocationsStateCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_SAMPLE_LOCATIONS_STATE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSampleLocationsPropertiesEXT}, Type{_PhysicalDeviceSampleLocationsPropertiesEXT}, Type{PhysicalDeviceSampleLocationsPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLE_LOCATIONS_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkMultisamplePropertiesEXT}, Type{_MultisamplePropertiesEXT}, Type{MultisamplePropertiesEXT}})) = VK_STRUCTURE_TYPE_MULTISAMPLE_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkSamplerReductionModeCreateInfo}, Type{_SamplerReductionModeCreateInfo}, Type{SamplerReductionModeCreateInfo}})) = VK_STRUCTURE_TYPE_SAMPLER_REDUCTION_MODE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT}, Type{_PhysicalDeviceBlendOperationAdvancedFeaturesEXT}, Type{PhysicalDeviceBlendOperationAdvancedFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_BLEND_OPERATION_ADVANCED_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiDrawFeaturesEXT}, Type{_PhysicalDeviceMultiDrawFeaturesEXT}, Type{PhysicalDeviceMultiDrawFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTI_DRAW_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT}, Type{_PhysicalDeviceBlendOperationAdvancedPropertiesEXT}, Type{PhysicalDeviceBlendOperationAdvancedPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_BLEND_OPERATION_ADVANCED_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineColorBlendAdvancedStateCreateInfoEXT}, Type{_PipelineColorBlendAdvancedStateCreateInfoEXT}, Type{PipelineColorBlendAdvancedStateCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_COLOR_BLEND_ADVANCED_STATE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceInlineUniformBlockFeatures}, Type{_PhysicalDeviceInlineUniformBlockFeatures}, Type{PhysicalDeviceInlineUniformBlockFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_INLINE_UNIFORM_BLOCK_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceInlineUniformBlockProperties}, Type{_PhysicalDeviceInlineUniformBlockProperties}, Type{PhysicalDeviceInlineUniformBlockProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_INLINE_UNIFORM_BLOCK_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkWriteDescriptorSetInlineUniformBlock}, Type{_WriteDescriptorSetInlineUniformBlock}, Type{WriteDescriptorSetInlineUniformBlock}})) = VK_STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET_INLINE_UNIFORM_BLOCK structure_type(@nospecialize(_::Union{Type{VkDescriptorPoolInlineUniformBlockCreateInfo}, Type{_DescriptorPoolInlineUniformBlockCreateInfo}, Type{DescriptorPoolInlineUniformBlockCreateInfo}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_POOL_INLINE_UNIFORM_BLOCK_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineCoverageModulationStateCreateInfoNV}, Type{_PipelineCoverageModulationStateCreateInfoNV}, Type{PipelineCoverageModulationStateCreateInfoNV}})) = VK_STRUCTURE_TYPE_PIPELINE_COVERAGE_MODULATION_STATE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkImageFormatListCreateInfo}, Type{_ImageFormatListCreateInfo}, Type{ImageFormatListCreateInfo}})) = VK_STRUCTURE_TYPE_IMAGE_FORMAT_LIST_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkValidationCacheCreateInfoEXT}, Type{_ValidationCacheCreateInfoEXT}, Type{ValidationCacheCreateInfoEXT}})) = VK_STRUCTURE_TYPE_VALIDATION_CACHE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkShaderModuleValidationCacheCreateInfoEXT}, Type{_ShaderModuleValidationCacheCreateInfoEXT}, Type{ShaderModuleValidationCacheCreateInfoEXT}})) = VK_STRUCTURE_TYPE_SHADER_MODULE_VALIDATION_CACHE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMaintenance3Properties}, Type{_PhysicalDeviceMaintenance3Properties}, Type{PhysicalDeviceMaintenance3Properties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_3_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMaintenance4Features}, Type{_PhysicalDeviceMaintenance4Features}, Type{PhysicalDeviceMaintenance4Features}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_4_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMaintenance4Properties}, Type{_PhysicalDeviceMaintenance4Properties}, Type{PhysicalDeviceMaintenance4Properties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_4_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutSupport}, Type{_DescriptorSetLayoutSupport}, Type{DescriptorSetLayoutSupport}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_SUPPORT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderDrawParametersFeatures}, Type{_PhysicalDeviceShaderDrawParametersFeatures}, Type{PhysicalDeviceShaderDrawParametersFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_DRAW_PARAMETERS_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderFloat16Int8Features}, Type{_PhysicalDeviceShaderFloat16Int8Features}, Type{PhysicalDeviceShaderFloat16Int8Features}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_FLOAT16_INT8_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFloatControlsProperties}, Type{_PhysicalDeviceFloatControlsProperties}, Type{PhysicalDeviceFloatControlsProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FLOAT_CONTROLS_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceHostQueryResetFeatures}, Type{_PhysicalDeviceHostQueryResetFeatures}, Type{PhysicalDeviceHostQueryResetFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_HOST_QUERY_RESET_FEATURES structure_type(@nospecialize(_::Union{Type{VkDeviceQueueGlobalPriorityCreateInfoKHR}, Type{_DeviceQueueGlobalPriorityCreateInfoKHR}, Type{DeviceQueueGlobalPriorityCreateInfoKHR}})) = VK_STRUCTURE_TYPE_DEVICE_QUEUE_GLOBAL_PRIORITY_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR}, Type{_PhysicalDeviceGlobalPriorityQueryFeaturesKHR}, Type{PhysicalDeviceGlobalPriorityQueryFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_GLOBAL_PRIORITY_QUERY_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkQueueFamilyGlobalPriorityPropertiesKHR}, Type{_QueueFamilyGlobalPriorityPropertiesKHR}, Type{QueueFamilyGlobalPriorityPropertiesKHR}})) = VK_STRUCTURE_TYPE_QUEUE_FAMILY_GLOBAL_PRIORITY_PROPERTIES_KHR structure_type(@nospecialize(_::Union{Type{VkDebugUtilsObjectNameInfoEXT}, Type{_DebugUtilsObjectNameInfoEXT}, Type{DebugUtilsObjectNameInfoEXT}})) = VK_STRUCTURE_TYPE_DEBUG_UTILS_OBJECT_NAME_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkDebugUtilsObjectTagInfoEXT}, Type{_DebugUtilsObjectTagInfoEXT}, Type{DebugUtilsObjectTagInfoEXT}})) = VK_STRUCTURE_TYPE_DEBUG_UTILS_OBJECT_TAG_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkDebugUtilsLabelEXT}, Type{_DebugUtilsLabelEXT}, Type{DebugUtilsLabelEXT}})) = VK_STRUCTURE_TYPE_DEBUG_UTILS_LABEL_EXT structure_type(@nospecialize(_::Union{Type{VkDebugUtilsMessengerCreateInfoEXT}, Type{_DebugUtilsMessengerCreateInfoEXT}, Type{DebugUtilsMessengerCreateInfoEXT}})) = VK_STRUCTURE_TYPE_DEBUG_UTILS_MESSENGER_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkDebugUtilsMessengerCallbackDataEXT}, Type{_DebugUtilsMessengerCallbackDataEXT}, Type{DebugUtilsMessengerCallbackDataEXT}})) = VK_STRUCTURE_TYPE_DEBUG_UTILS_MESSENGER_CALLBACK_DATA_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDeviceMemoryReportFeaturesEXT}, Type{_PhysicalDeviceDeviceMemoryReportFeaturesEXT}, Type{PhysicalDeviceDeviceMemoryReportFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DEVICE_MEMORY_REPORT_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkDeviceDeviceMemoryReportCreateInfoEXT}, Type{_DeviceDeviceMemoryReportCreateInfoEXT}, Type{DeviceDeviceMemoryReportCreateInfoEXT}})) = VK_STRUCTURE_TYPE_DEVICE_DEVICE_MEMORY_REPORT_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkDeviceMemoryReportCallbackDataEXT}, Type{_DeviceMemoryReportCallbackDataEXT}, Type{DeviceMemoryReportCallbackDataEXT}})) = VK_STRUCTURE_TYPE_DEVICE_MEMORY_REPORT_CALLBACK_DATA_EXT structure_type(@nospecialize(_::Union{Type{VkImportMemoryHostPointerInfoEXT}, Type{_ImportMemoryHostPointerInfoEXT}, Type{ImportMemoryHostPointerInfoEXT}})) = VK_STRUCTURE_TYPE_IMPORT_MEMORY_HOST_POINTER_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkMemoryHostPointerPropertiesEXT}, Type{_MemoryHostPointerPropertiesEXT}, Type{MemoryHostPointerPropertiesEXT}})) = VK_STRUCTURE_TYPE_MEMORY_HOST_POINTER_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalMemoryHostPropertiesEXT}, Type{_PhysicalDeviceExternalMemoryHostPropertiesEXT}, Type{PhysicalDeviceExternalMemoryHostPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_MEMORY_HOST_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceConservativeRasterizationPropertiesEXT}, Type{_PhysicalDeviceConservativeRasterizationPropertiesEXT}, Type{PhysicalDeviceConservativeRasterizationPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_CONSERVATIVE_RASTERIZATION_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkCalibratedTimestampInfoEXT}, Type{_CalibratedTimestampInfoEXT}, Type{CalibratedTimestampInfoEXT}})) = VK_STRUCTURE_TYPE_CALIBRATED_TIMESTAMP_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderCorePropertiesAMD}, Type{_PhysicalDeviceShaderCorePropertiesAMD}, Type{PhysicalDeviceShaderCorePropertiesAMD}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CORE_PROPERTIES_AMD structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderCoreProperties2AMD}, Type{_PhysicalDeviceShaderCoreProperties2AMD}, Type{PhysicalDeviceShaderCoreProperties2AMD}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CORE_PROPERTIES_2_AMD structure_type(@nospecialize(_::Union{Type{VkPipelineRasterizationConservativeStateCreateInfoEXT}, Type{_PipelineRasterizationConservativeStateCreateInfoEXT}, Type{PipelineRasterizationConservativeStateCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_RASTERIZATION_CONSERVATIVE_STATE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorIndexingFeatures}, Type{_PhysicalDeviceDescriptorIndexingFeatures}, Type{PhysicalDeviceDescriptorIndexingFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_INDEXING_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorIndexingProperties}, Type{_PhysicalDeviceDescriptorIndexingProperties}, Type{PhysicalDeviceDescriptorIndexingProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_INDEXING_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutBindingFlagsCreateInfo}, Type{_DescriptorSetLayoutBindingFlagsCreateInfo}, Type{DescriptorSetLayoutBindingFlagsCreateInfo}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_BINDING_FLAGS_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkDescriptorSetVariableDescriptorCountAllocateInfo}, Type{_DescriptorSetVariableDescriptorCountAllocateInfo}, Type{DescriptorSetVariableDescriptorCountAllocateInfo}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_SET_VARIABLE_DESCRIPTOR_COUNT_ALLOCATE_INFO structure_type(@nospecialize(_::Union{Type{VkDescriptorSetVariableDescriptorCountLayoutSupport}, Type{_DescriptorSetVariableDescriptorCountLayoutSupport}, Type{DescriptorSetVariableDescriptorCountLayoutSupport}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_SET_VARIABLE_DESCRIPTOR_COUNT_LAYOUT_SUPPORT structure_type(@nospecialize(_::Union{Type{VkAttachmentDescription2}, Type{_AttachmentDescription2}, Type{AttachmentDescription2}})) = VK_STRUCTURE_TYPE_ATTACHMENT_DESCRIPTION_2 structure_type(@nospecialize(_::Union{Type{VkAttachmentReference2}, Type{_AttachmentReference2}, Type{AttachmentReference2}})) = VK_STRUCTURE_TYPE_ATTACHMENT_REFERENCE_2 structure_type(@nospecialize(_::Union{Type{VkSubpassDescription2}, Type{_SubpassDescription2}, Type{SubpassDescription2}})) = VK_STRUCTURE_TYPE_SUBPASS_DESCRIPTION_2 structure_type(@nospecialize(_::Union{Type{VkSubpassDependency2}, Type{_SubpassDependency2}, Type{SubpassDependency2}})) = VK_STRUCTURE_TYPE_SUBPASS_DEPENDENCY_2 structure_type(@nospecialize(_::Union{Type{VkRenderPassCreateInfo2}, Type{_RenderPassCreateInfo2}, Type{RenderPassCreateInfo2}})) = VK_STRUCTURE_TYPE_RENDER_PASS_CREATE_INFO_2 structure_type(@nospecialize(_::Union{Type{VkSubpassBeginInfo}, Type{_SubpassBeginInfo}, Type{SubpassBeginInfo}})) = VK_STRUCTURE_TYPE_SUBPASS_BEGIN_INFO structure_type(@nospecialize(_::Union{Type{VkSubpassEndInfo}, Type{_SubpassEndInfo}, Type{SubpassEndInfo}})) = VK_STRUCTURE_TYPE_SUBPASS_END_INFO structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTimelineSemaphoreFeatures}, Type{_PhysicalDeviceTimelineSemaphoreFeatures}, Type{PhysicalDeviceTimelineSemaphoreFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_TIMELINE_SEMAPHORE_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTimelineSemaphoreProperties}, Type{_PhysicalDeviceTimelineSemaphoreProperties}, Type{PhysicalDeviceTimelineSemaphoreProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_TIMELINE_SEMAPHORE_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkSemaphoreTypeCreateInfo}, Type{_SemaphoreTypeCreateInfo}, Type{SemaphoreTypeCreateInfo}})) = VK_STRUCTURE_TYPE_SEMAPHORE_TYPE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkTimelineSemaphoreSubmitInfo}, Type{_TimelineSemaphoreSubmitInfo}, Type{TimelineSemaphoreSubmitInfo}})) = VK_STRUCTURE_TYPE_TIMELINE_SEMAPHORE_SUBMIT_INFO structure_type(@nospecialize(_::Union{Type{VkSemaphoreWaitInfo}, Type{_SemaphoreWaitInfo}, Type{SemaphoreWaitInfo}})) = VK_STRUCTURE_TYPE_SEMAPHORE_WAIT_INFO structure_type(@nospecialize(_::Union{Type{VkSemaphoreSignalInfo}, Type{_SemaphoreSignalInfo}, Type{SemaphoreSignalInfo}})) = VK_STRUCTURE_TYPE_SEMAPHORE_SIGNAL_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineVertexInputDivisorStateCreateInfoEXT}, Type{_PipelineVertexInputDivisorStateCreateInfoEXT}, Type{PipelineVertexInputDivisorStateCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_VERTEX_INPUT_DIVISOR_STATE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT}, Type{_PhysicalDeviceVertexAttributeDivisorPropertiesEXT}, Type{PhysicalDeviceVertexAttributeDivisorPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_VERTEX_ATTRIBUTE_DIVISOR_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePCIBusInfoPropertiesEXT}, Type{_PhysicalDevicePCIBusInfoPropertiesEXT}, Type{PhysicalDevicePCIBusInfoPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PCI_BUS_INFO_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceConditionalRenderingInfoEXT}, Type{_CommandBufferInheritanceConditionalRenderingInfoEXT}, Type{CommandBufferInheritanceConditionalRenderingInfoEXT}})) = VK_STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_CONDITIONAL_RENDERING_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDevice8BitStorageFeatures}, Type{_PhysicalDevice8BitStorageFeatures}, Type{PhysicalDevice8BitStorageFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_8BIT_STORAGE_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceConditionalRenderingFeaturesEXT}, Type{_PhysicalDeviceConditionalRenderingFeaturesEXT}, Type{PhysicalDeviceConditionalRenderingFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_CONDITIONAL_RENDERING_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkanMemoryModelFeatures}, Type{_PhysicalDeviceVulkanMemoryModelFeatures}, Type{PhysicalDeviceVulkanMemoryModelFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_MEMORY_MODEL_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderAtomicInt64Features}, Type{_PhysicalDeviceShaderAtomicInt64Features}, Type{PhysicalDeviceShaderAtomicInt64Features}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_ATOMIC_INT64_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderAtomicFloatFeaturesEXT}, Type{_PhysicalDeviceShaderAtomicFloatFeaturesEXT}, Type{PhysicalDeviceShaderAtomicFloatFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_ATOMIC_FLOAT_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT}, Type{_PhysicalDeviceShaderAtomicFloat2FeaturesEXT}, Type{PhysicalDeviceShaderAtomicFloat2FeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_ATOMIC_FLOAT_2_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT}, Type{_PhysicalDeviceVertexAttributeDivisorFeaturesEXT}, Type{PhysicalDeviceVertexAttributeDivisorFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_VERTEX_ATTRIBUTE_DIVISOR_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkQueueFamilyCheckpointPropertiesNV}, Type{_QueueFamilyCheckpointPropertiesNV}, Type{QueueFamilyCheckpointPropertiesNV}})) = VK_STRUCTURE_TYPE_QUEUE_FAMILY_CHECKPOINT_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkCheckpointDataNV}, Type{_CheckpointDataNV}, Type{CheckpointDataNV}})) = VK_STRUCTURE_TYPE_CHECKPOINT_DATA_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDepthStencilResolveProperties}, Type{_PhysicalDeviceDepthStencilResolveProperties}, Type{PhysicalDeviceDepthStencilResolveProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_STENCIL_RESOLVE_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkSubpassDescriptionDepthStencilResolve}, Type{_SubpassDescriptionDepthStencilResolve}, Type{SubpassDescriptionDepthStencilResolve}})) = VK_STRUCTURE_TYPE_SUBPASS_DESCRIPTION_DEPTH_STENCIL_RESOLVE structure_type(@nospecialize(_::Union{Type{VkImageViewASTCDecodeModeEXT}, Type{_ImageViewASTCDecodeModeEXT}, Type{ImageViewASTCDecodeModeEXT}})) = VK_STRUCTURE_TYPE_IMAGE_VIEW_ASTC_DECODE_MODE_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceASTCDecodeFeaturesEXT}, Type{_PhysicalDeviceASTCDecodeFeaturesEXT}, Type{PhysicalDeviceASTCDecodeFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_ASTC_DECODE_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTransformFeedbackFeaturesEXT}, Type{_PhysicalDeviceTransformFeedbackFeaturesEXT}, Type{PhysicalDeviceTransformFeedbackFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_TRANSFORM_FEEDBACK_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTransformFeedbackPropertiesEXT}, Type{_PhysicalDeviceTransformFeedbackPropertiesEXT}, Type{PhysicalDeviceTransformFeedbackPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_TRANSFORM_FEEDBACK_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineRasterizationStateStreamCreateInfoEXT}, Type{_PipelineRasterizationStateStreamCreateInfoEXT}, Type{PipelineRasterizationStateStreamCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_RASTERIZATION_STATE_STREAM_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV}, Type{_PhysicalDeviceRepresentativeFragmentTestFeaturesNV}, Type{PhysicalDeviceRepresentativeFragmentTestFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_REPRESENTATIVE_FRAGMENT_TEST_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPipelineRepresentativeFragmentTestStateCreateInfoNV}, Type{_PipelineRepresentativeFragmentTestStateCreateInfoNV}, Type{PipelineRepresentativeFragmentTestStateCreateInfoNV}})) = VK_STRUCTURE_TYPE_PIPELINE_REPRESENTATIVE_FRAGMENT_TEST_STATE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExclusiveScissorFeaturesNV}, Type{_PhysicalDeviceExclusiveScissorFeaturesNV}, Type{PhysicalDeviceExclusiveScissorFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_EXCLUSIVE_SCISSOR_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPipelineViewportExclusiveScissorStateCreateInfoNV}, Type{_PipelineViewportExclusiveScissorStateCreateInfoNV}, Type{PipelineViewportExclusiveScissorStateCreateInfoNV}})) = VK_STRUCTURE_TYPE_PIPELINE_VIEWPORT_EXCLUSIVE_SCISSOR_STATE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCornerSampledImageFeaturesNV}, Type{_PhysicalDeviceCornerSampledImageFeaturesNV}, Type{PhysicalDeviceCornerSampledImageFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_CORNER_SAMPLED_IMAGE_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceComputeShaderDerivativesFeaturesNV}, Type{_PhysicalDeviceComputeShaderDerivativesFeaturesNV}, Type{PhysicalDeviceComputeShaderDerivativesFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_COMPUTE_SHADER_DERIVATIVES_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderImageFootprintFeaturesNV}, Type{_PhysicalDeviceShaderImageFootprintFeaturesNV}, Type{PhysicalDeviceShaderImageFootprintFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_IMAGE_FOOTPRINT_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV}, Type{_PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV}, Type{PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DEDICATED_ALLOCATION_IMAGE_ALIASING_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCopyMemoryIndirectFeaturesNV}, Type{_PhysicalDeviceCopyMemoryIndirectFeaturesNV}, Type{PhysicalDeviceCopyMemoryIndirectFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_COPY_MEMORY_INDIRECT_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCopyMemoryIndirectPropertiesNV}, Type{_PhysicalDeviceCopyMemoryIndirectPropertiesNV}, Type{PhysicalDeviceCopyMemoryIndirectPropertiesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_COPY_MEMORY_INDIRECT_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryDecompressionFeaturesNV}, Type{_PhysicalDeviceMemoryDecompressionFeaturesNV}, Type{PhysicalDeviceMemoryDecompressionFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_DECOMPRESSION_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryDecompressionPropertiesNV}, Type{_PhysicalDeviceMemoryDecompressionPropertiesNV}, Type{PhysicalDeviceMemoryDecompressionPropertiesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_DECOMPRESSION_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkPipelineViewportShadingRateImageStateCreateInfoNV}, Type{_PipelineViewportShadingRateImageStateCreateInfoNV}, Type{PipelineViewportShadingRateImageStateCreateInfoNV}})) = VK_STRUCTURE_TYPE_PIPELINE_VIEWPORT_SHADING_RATE_IMAGE_STATE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShadingRateImageFeaturesNV}, Type{_PhysicalDeviceShadingRateImageFeaturesNV}, Type{PhysicalDeviceShadingRateImageFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADING_RATE_IMAGE_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShadingRateImagePropertiesNV}, Type{_PhysicalDeviceShadingRateImagePropertiesNV}, Type{PhysicalDeviceShadingRateImagePropertiesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADING_RATE_IMAGE_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceInvocationMaskFeaturesHUAWEI}, Type{_PhysicalDeviceInvocationMaskFeaturesHUAWEI}, Type{PhysicalDeviceInvocationMaskFeaturesHUAWEI}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_INVOCATION_MASK_FEATURES_HUAWEI structure_type(@nospecialize(_::Union{Type{VkPipelineViewportCoarseSampleOrderStateCreateInfoNV}, Type{_PipelineViewportCoarseSampleOrderStateCreateInfoNV}, Type{PipelineViewportCoarseSampleOrderStateCreateInfoNV}})) = VK_STRUCTURE_TYPE_PIPELINE_VIEWPORT_COARSE_SAMPLE_ORDER_STATE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMeshShaderFeaturesNV}, Type{_PhysicalDeviceMeshShaderFeaturesNV}, Type{PhysicalDeviceMeshShaderFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MESH_SHADER_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMeshShaderPropertiesNV}, Type{_PhysicalDeviceMeshShaderPropertiesNV}, Type{PhysicalDeviceMeshShaderPropertiesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MESH_SHADER_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMeshShaderFeaturesEXT}, Type{_PhysicalDeviceMeshShaderFeaturesEXT}, Type{PhysicalDeviceMeshShaderFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MESH_SHADER_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMeshShaderPropertiesEXT}, Type{_PhysicalDeviceMeshShaderPropertiesEXT}, Type{PhysicalDeviceMeshShaderPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MESH_SHADER_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkRayTracingShaderGroupCreateInfoNV}, Type{_RayTracingShaderGroupCreateInfoNV}, Type{RayTracingShaderGroupCreateInfoNV}})) = VK_STRUCTURE_TYPE_RAY_TRACING_SHADER_GROUP_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkRayTracingShaderGroupCreateInfoKHR}, Type{_RayTracingShaderGroupCreateInfoKHR}, Type{RayTracingShaderGroupCreateInfoKHR}})) = VK_STRUCTURE_TYPE_RAY_TRACING_SHADER_GROUP_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkRayTracingPipelineCreateInfoNV}, Type{_RayTracingPipelineCreateInfoNV}, Type{RayTracingPipelineCreateInfoNV}})) = VK_STRUCTURE_TYPE_RAY_TRACING_PIPELINE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkRayTracingPipelineCreateInfoKHR}, Type{_RayTracingPipelineCreateInfoKHR}, Type{RayTracingPipelineCreateInfoKHR}})) = VK_STRUCTURE_TYPE_RAY_TRACING_PIPELINE_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkGeometryTrianglesNV}, Type{_GeometryTrianglesNV}, Type{GeometryTrianglesNV}})) = VK_STRUCTURE_TYPE_GEOMETRY_TRIANGLES_NV structure_type(@nospecialize(_::Union{Type{VkGeometryAABBNV}, Type{_GeometryAABBNV}, Type{GeometryAABBNV}})) = VK_STRUCTURE_TYPE_GEOMETRY_AABB_NV structure_type(@nospecialize(_::Union{Type{VkGeometryNV}, Type{_GeometryNV}, Type{GeometryNV}})) = VK_STRUCTURE_TYPE_GEOMETRY_NV structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureInfoNV}, Type{_AccelerationStructureInfoNV}, Type{AccelerationStructureInfoNV}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureCreateInfoNV}, Type{_AccelerationStructureCreateInfoNV}, Type{AccelerationStructureCreateInfoNV}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkBindAccelerationStructureMemoryInfoNV}, Type{_BindAccelerationStructureMemoryInfoNV}, Type{BindAccelerationStructureMemoryInfoNV}})) = VK_STRUCTURE_TYPE_BIND_ACCELERATION_STRUCTURE_MEMORY_INFO_NV structure_type(@nospecialize(_::Union{Type{VkWriteDescriptorSetAccelerationStructureKHR}, Type{_WriteDescriptorSetAccelerationStructureKHR}, Type{WriteDescriptorSetAccelerationStructureKHR}})) = VK_STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET_ACCELERATION_STRUCTURE_KHR structure_type(@nospecialize(_::Union{Type{VkWriteDescriptorSetAccelerationStructureNV}, Type{_WriteDescriptorSetAccelerationStructureNV}, Type{WriteDescriptorSetAccelerationStructureNV}})) = VK_STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET_ACCELERATION_STRUCTURE_NV structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureMemoryRequirementsInfoNV}, Type{_AccelerationStructureMemoryRequirementsInfoNV}, Type{AccelerationStructureMemoryRequirementsInfoNV}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_MEMORY_REQUIREMENTS_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAccelerationStructureFeaturesKHR}, Type{_PhysicalDeviceAccelerationStructureFeaturesKHR}, Type{PhysicalDeviceAccelerationStructureFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_ACCELERATION_STRUCTURE_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingPipelineFeaturesKHR}, Type{_PhysicalDeviceRayTracingPipelineFeaturesKHR}, Type{PhysicalDeviceRayTracingPipelineFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_PIPELINE_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayQueryFeaturesKHR}, Type{_PhysicalDeviceRayQueryFeaturesKHR}, Type{PhysicalDeviceRayQueryFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_QUERY_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAccelerationStructurePropertiesKHR}, Type{_PhysicalDeviceAccelerationStructurePropertiesKHR}, Type{PhysicalDeviceAccelerationStructurePropertiesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_ACCELERATION_STRUCTURE_PROPERTIES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingPipelinePropertiesKHR}, Type{_PhysicalDeviceRayTracingPipelinePropertiesKHR}, Type{PhysicalDeviceRayTracingPipelinePropertiesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_PIPELINE_PROPERTIES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingPropertiesNV}, Type{_PhysicalDeviceRayTracingPropertiesNV}, Type{PhysicalDeviceRayTracingPropertiesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR}, Type{_PhysicalDeviceRayTracingMaintenance1FeaturesKHR}, Type{PhysicalDeviceRayTracingMaintenance1FeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_MAINTENANCE_1_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkDrmFormatModifierPropertiesListEXT}, Type{_DrmFormatModifierPropertiesListEXT}, Type{DrmFormatModifierPropertiesListEXT}})) = VK_STRUCTURE_TYPE_DRM_FORMAT_MODIFIER_PROPERTIES_LIST_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageDrmFormatModifierInfoEXT}, Type{_PhysicalDeviceImageDrmFormatModifierInfoEXT}, Type{PhysicalDeviceImageDrmFormatModifierInfoEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_DRM_FORMAT_MODIFIER_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkImageDrmFormatModifierListCreateInfoEXT}, Type{_ImageDrmFormatModifierListCreateInfoEXT}, Type{ImageDrmFormatModifierListCreateInfoEXT}})) = VK_STRUCTURE_TYPE_IMAGE_DRM_FORMAT_MODIFIER_LIST_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkImageDrmFormatModifierExplicitCreateInfoEXT}, Type{_ImageDrmFormatModifierExplicitCreateInfoEXT}, Type{ImageDrmFormatModifierExplicitCreateInfoEXT}})) = VK_STRUCTURE_TYPE_IMAGE_DRM_FORMAT_MODIFIER_EXPLICIT_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkImageDrmFormatModifierPropertiesEXT}, Type{_ImageDrmFormatModifierPropertiesEXT}, Type{ImageDrmFormatModifierPropertiesEXT}})) = VK_STRUCTURE_TYPE_IMAGE_DRM_FORMAT_MODIFIER_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkImageStencilUsageCreateInfo}, Type{_ImageStencilUsageCreateInfo}, Type{ImageStencilUsageCreateInfo}})) = VK_STRUCTURE_TYPE_IMAGE_STENCIL_USAGE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkDeviceMemoryOverallocationCreateInfoAMD}, Type{_DeviceMemoryOverallocationCreateInfoAMD}, Type{DeviceMemoryOverallocationCreateInfoAMD}})) = VK_STRUCTURE_TYPE_DEVICE_MEMORY_OVERALLOCATION_CREATE_INFO_AMD structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMapFeaturesEXT}, Type{_PhysicalDeviceFragmentDensityMapFeaturesEXT}, Type{PhysicalDeviceFragmentDensityMapFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMap2FeaturesEXT}, Type{_PhysicalDeviceFragmentDensityMap2FeaturesEXT}, Type{PhysicalDeviceFragmentDensityMap2FeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_2_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM}, Type{_PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM}, Type{PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_OFFSET_FEATURES_QCOM structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMapPropertiesEXT}, Type{_PhysicalDeviceFragmentDensityMapPropertiesEXT}, Type{PhysicalDeviceFragmentDensityMapPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMap2PropertiesEXT}, Type{_PhysicalDeviceFragmentDensityMap2PropertiesEXT}, Type{PhysicalDeviceFragmentDensityMap2PropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_2_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM}, Type{_PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM}, Type{PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_OFFSET_PROPERTIES_QCOM structure_type(@nospecialize(_::Union{Type{VkRenderPassFragmentDensityMapCreateInfoEXT}, Type{_RenderPassFragmentDensityMapCreateInfoEXT}, Type{RenderPassFragmentDensityMapCreateInfoEXT}})) = VK_STRUCTURE_TYPE_RENDER_PASS_FRAGMENT_DENSITY_MAP_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkSubpassFragmentDensityMapOffsetEndInfoQCOM}, Type{_SubpassFragmentDensityMapOffsetEndInfoQCOM}, Type{SubpassFragmentDensityMapOffsetEndInfoQCOM}})) = VK_STRUCTURE_TYPE_SUBPASS_FRAGMENT_DENSITY_MAP_OFFSET_END_INFO_QCOM structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceScalarBlockLayoutFeatures}, Type{_PhysicalDeviceScalarBlockLayoutFeatures}, Type{PhysicalDeviceScalarBlockLayoutFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SCALAR_BLOCK_LAYOUT_FEATURES structure_type(@nospecialize(_::Union{Type{VkSurfaceProtectedCapabilitiesKHR}, Type{_SurfaceProtectedCapabilitiesKHR}, Type{SurfaceProtectedCapabilitiesKHR}})) = VK_STRUCTURE_TYPE_SURFACE_PROTECTED_CAPABILITIES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceUniformBufferStandardLayoutFeatures}, Type{_PhysicalDeviceUniformBufferStandardLayoutFeatures}, Type{PhysicalDeviceUniformBufferStandardLayoutFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_UNIFORM_BUFFER_STANDARD_LAYOUT_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDepthClipEnableFeaturesEXT}, Type{_PhysicalDeviceDepthClipEnableFeaturesEXT}, Type{PhysicalDeviceDepthClipEnableFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_CLIP_ENABLE_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineRasterizationDepthClipStateCreateInfoEXT}, Type{_PipelineRasterizationDepthClipStateCreateInfoEXT}, Type{PipelineRasterizationDepthClipStateCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_RASTERIZATION_DEPTH_CLIP_STATE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryBudgetPropertiesEXT}, Type{_PhysicalDeviceMemoryBudgetPropertiesEXT}, Type{PhysicalDeviceMemoryBudgetPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_BUDGET_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryPriorityFeaturesEXT}, Type{_PhysicalDeviceMemoryPriorityFeaturesEXT}, Type{PhysicalDeviceMemoryPriorityFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_PRIORITY_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkMemoryPriorityAllocateInfoEXT}, Type{_MemoryPriorityAllocateInfoEXT}, Type{MemoryPriorityAllocateInfoEXT}})) = VK_STRUCTURE_TYPE_MEMORY_PRIORITY_ALLOCATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT}, Type{_PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT}, Type{PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PAGEABLE_DEVICE_LOCAL_MEMORY_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBufferDeviceAddressFeatures}, Type{_PhysicalDeviceBufferDeviceAddressFeatures}, Type{PhysicalDeviceBufferDeviceAddressFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_BUFFER_DEVICE_ADDRESS_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBufferDeviceAddressFeaturesEXT}, Type{_PhysicalDeviceBufferDeviceAddressFeaturesEXT}, Type{PhysicalDeviceBufferDeviceAddressFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_BUFFER_DEVICE_ADDRESS_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkBufferDeviceAddressInfo}, Type{_BufferDeviceAddressInfo}, Type{BufferDeviceAddressInfo}})) = VK_STRUCTURE_TYPE_BUFFER_DEVICE_ADDRESS_INFO structure_type(@nospecialize(_::Union{Type{VkBufferOpaqueCaptureAddressCreateInfo}, Type{_BufferOpaqueCaptureAddressCreateInfo}, Type{BufferOpaqueCaptureAddressCreateInfo}})) = VK_STRUCTURE_TYPE_BUFFER_OPAQUE_CAPTURE_ADDRESS_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkBufferDeviceAddressCreateInfoEXT}, Type{_BufferDeviceAddressCreateInfoEXT}, Type{BufferDeviceAddressCreateInfoEXT}})) = VK_STRUCTURE_TYPE_BUFFER_DEVICE_ADDRESS_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageViewImageFormatInfoEXT}, Type{_PhysicalDeviceImageViewImageFormatInfoEXT}, Type{PhysicalDeviceImageViewImageFormatInfoEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_VIEW_IMAGE_FORMAT_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkFilterCubicImageViewImageFormatPropertiesEXT}, Type{_FilterCubicImageViewImageFormatPropertiesEXT}, Type{FilterCubicImageViewImageFormatPropertiesEXT}})) = VK_STRUCTURE_TYPE_FILTER_CUBIC_IMAGE_VIEW_IMAGE_FORMAT_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImagelessFramebufferFeatures}, Type{_PhysicalDeviceImagelessFramebufferFeatures}, Type{PhysicalDeviceImagelessFramebufferFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGELESS_FRAMEBUFFER_FEATURES structure_type(@nospecialize(_::Union{Type{VkFramebufferAttachmentsCreateInfo}, Type{_FramebufferAttachmentsCreateInfo}, Type{FramebufferAttachmentsCreateInfo}})) = VK_STRUCTURE_TYPE_FRAMEBUFFER_ATTACHMENTS_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkFramebufferAttachmentImageInfo}, Type{_FramebufferAttachmentImageInfo}, Type{FramebufferAttachmentImageInfo}})) = VK_STRUCTURE_TYPE_FRAMEBUFFER_ATTACHMENT_IMAGE_INFO structure_type(@nospecialize(_::Union{Type{VkRenderPassAttachmentBeginInfo}, Type{_RenderPassAttachmentBeginInfo}, Type{RenderPassAttachmentBeginInfo}})) = VK_STRUCTURE_TYPE_RENDER_PASS_ATTACHMENT_BEGIN_INFO structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTextureCompressionASTCHDRFeatures}, Type{_PhysicalDeviceTextureCompressionASTCHDRFeatures}, Type{PhysicalDeviceTextureCompressionASTCHDRFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXTURE_COMPRESSION_ASTC_HDR_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCooperativeMatrixFeaturesNV}, Type{_PhysicalDeviceCooperativeMatrixFeaturesNV}, Type{PhysicalDeviceCooperativeMatrixFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_COOPERATIVE_MATRIX_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCooperativeMatrixPropertiesNV}, Type{_PhysicalDeviceCooperativeMatrixPropertiesNV}, Type{PhysicalDeviceCooperativeMatrixPropertiesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_COOPERATIVE_MATRIX_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkCooperativeMatrixPropertiesNV}, Type{_CooperativeMatrixPropertiesNV}, Type{CooperativeMatrixPropertiesNV}})) = VK_STRUCTURE_TYPE_COOPERATIVE_MATRIX_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceYcbcrImageArraysFeaturesEXT}, Type{_PhysicalDeviceYcbcrImageArraysFeaturesEXT}, Type{PhysicalDeviceYcbcrImageArraysFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_YCBCR_IMAGE_ARRAYS_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkImageViewHandleInfoNVX}, Type{_ImageViewHandleInfoNVX}, Type{ImageViewHandleInfoNVX}})) = VK_STRUCTURE_TYPE_IMAGE_VIEW_HANDLE_INFO_NVX structure_type(@nospecialize(_::Union{Type{VkImageViewAddressPropertiesNVX}, Type{_ImageViewAddressPropertiesNVX}, Type{ImageViewAddressPropertiesNVX}})) = VK_STRUCTURE_TYPE_IMAGE_VIEW_ADDRESS_PROPERTIES_NVX structure_type(@nospecialize(_::Union{Type{VkPipelineCreationFeedbackCreateInfo}, Type{_PipelineCreationFeedbackCreateInfo}, Type{PipelineCreationFeedbackCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_CREATION_FEEDBACK_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePresentBarrierFeaturesNV}, Type{_PhysicalDevicePresentBarrierFeaturesNV}, Type{PhysicalDevicePresentBarrierFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PRESENT_BARRIER_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkSurfaceCapabilitiesPresentBarrierNV}, Type{_SurfaceCapabilitiesPresentBarrierNV}, Type{SurfaceCapabilitiesPresentBarrierNV}})) = VK_STRUCTURE_TYPE_SURFACE_CAPABILITIES_PRESENT_BARRIER_NV structure_type(@nospecialize(_::Union{Type{VkSwapchainPresentBarrierCreateInfoNV}, Type{_SwapchainPresentBarrierCreateInfoNV}, Type{SwapchainPresentBarrierCreateInfoNV}})) = VK_STRUCTURE_TYPE_SWAPCHAIN_PRESENT_BARRIER_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePerformanceQueryFeaturesKHR}, Type{_PhysicalDevicePerformanceQueryFeaturesKHR}, Type{PhysicalDevicePerformanceQueryFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PERFORMANCE_QUERY_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePerformanceQueryPropertiesKHR}, Type{_PhysicalDevicePerformanceQueryPropertiesKHR}, Type{PhysicalDevicePerformanceQueryPropertiesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PERFORMANCE_QUERY_PROPERTIES_KHR structure_type(@nospecialize(_::Union{Type{VkPerformanceCounterKHR}, Type{_PerformanceCounterKHR}, Type{PerformanceCounterKHR}})) = VK_STRUCTURE_TYPE_PERFORMANCE_COUNTER_KHR structure_type(@nospecialize(_::Union{Type{VkPerformanceCounterDescriptionKHR}, Type{_PerformanceCounterDescriptionKHR}, Type{PerformanceCounterDescriptionKHR}})) = VK_STRUCTURE_TYPE_PERFORMANCE_COUNTER_DESCRIPTION_KHR structure_type(@nospecialize(_::Union{Type{VkQueryPoolPerformanceCreateInfoKHR}, Type{_QueryPoolPerformanceCreateInfoKHR}, Type{QueryPoolPerformanceCreateInfoKHR}})) = VK_STRUCTURE_TYPE_QUERY_POOL_PERFORMANCE_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkAcquireProfilingLockInfoKHR}, Type{_AcquireProfilingLockInfoKHR}, Type{AcquireProfilingLockInfoKHR}})) = VK_STRUCTURE_TYPE_ACQUIRE_PROFILING_LOCK_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPerformanceQuerySubmitInfoKHR}, Type{_PerformanceQuerySubmitInfoKHR}, Type{PerformanceQuerySubmitInfoKHR}})) = VK_STRUCTURE_TYPE_PERFORMANCE_QUERY_SUBMIT_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkHeadlessSurfaceCreateInfoEXT}, Type{_HeadlessSurfaceCreateInfoEXT}, Type{HeadlessSurfaceCreateInfoEXT}})) = VK_STRUCTURE_TYPE_HEADLESS_SURFACE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCoverageReductionModeFeaturesNV}, Type{_PhysicalDeviceCoverageReductionModeFeaturesNV}, Type{PhysicalDeviceCoverageReductionModeFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_COVERAGE_REDUCTION_MODE_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPipelineCoverageReductionStateCreateInfoNV}, Type{_PipelineCoverageReductionStateCreateInfoNV}, Type{PipelineCoverageReductionStateCreateInfoNV}})) = VK_STRUCTURE_TYPE_PIPELINE_COVERAGE_REDUCTION_STATE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkFramebufferMixedSamplesCombinationNV}, Type{_FramebufferMixedSamplesCombinationNV}, Type{FramebufferMixedSamplesCombinationNV}})) = VK_STRUCTURE_TYPE_FRAMEBUFFER_MIXED_SAMPLES_COMBINATION_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL}, Type{_PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL}, Type{PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_FUNCTIONS_2_FEATURES_INTEL structure_type(@nospecialize(_::Union{Type{VkInitializePerformanceApiInfoINTEL}, Type{_InitializePerformanceApiInfoINTEL}, Type{InitializePerformanceApiInfoINTEL}})) = VK_STRUCTURE_TYPE_INITIALIZE_PERFORMANCE_API_INFO_INTEL structure_type(@nospecialize(_::Union{Type{VkQueryPoolPerformanceQueryCreateInfoINTEL}, Type{_QueryPoolPerformanceQueryCreateInfoINTEL}, Type{QueryPoolPerformanceQueryCreateInfoINTEL}})) = VK_STRUCTURE_TYPE_QUERY_POOL_PERFORMANCE_QUERY_CREATE_INFO_INTEL structure_type(@nospecialize(_::Union{Type{VkPerformanceMarkerInfoINTEL}, Type{_PerformanceMarkerInfoINTEL}, Type{PerformanceMarkerInfoINTEL}})) = VK_STRUCTURE_TYPE_PERFORMANCE_MARKER_INFO_INTEL structure_type(@nospecialize(_::Union{Type{VkPerformanceStreamMarkerInfoINTEL}, Type{_PerformanceStreamMarkerInfoINTEL}, Type{PerformanceStreamMarkerInfoINTEL}})) = VK_STRUCTURE_TYPE_PERFORMANCE_STREAM_MARKER_INFO_INTEL structure_type(@nospecialize(_::Union{Type{VkPerformanceOverrideInfoINTEL}, Type{_PerformanceOverrideInfoINTEL}, Type{PerformanceOverrideInfoINTEL}})) = VK_STRUCTURE_TYPE_PERFORMANCE_OVERRIDE_INFO_INTEL structure_type(@nospecialize(_::Union{Type{VkPerformanceConfigurationAcquireInfoINTEL}, Type{_PerformanceConfigurationAcquireInfoINTEL}, Type{PerformanceConfigurationAcquireInfoINTEL}})) = VK_STRUCTURE_TYPE_PERFORMANCE_CONFIGURATION_ACQUIRE_INFO_INTEL structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderClockFeaturesKHR}, Type{_PhysicalDeviceShaderClockFeaturesKHR}, Type{PhysicalDeviceShaderClockFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CLOCK_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceIndexTypeUint8FeaturesEXT}, Type{_PhysicalDeviceIndexTypeUint8FeaturesEXT}, Type{PhysicalDeviceIndexTypeUint8FeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_INDEX_TYPE_UINT8_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderSMBuiltinsPropertiesNV}, Type{_PhysicalDeviceShaderSMBuiltinsPropertiesNV}, Type{PhysicalDeviceShaderSMBuiltinsPropertiesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SM_BUILTINS_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderSMBuiltinsFeaturesNV}, Type{_PhysicalDeviceShaderSMBuiltinsFeaturesNV}, Type{PhysicalDeviceShaderSMBuiltinsFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SM_BUILTINS_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT}, Type{_PhysicalDeviceFragmentShaderInterlockFeaturesEXT}, Type{PhysicalDeviceFragmentShaderInterlockFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADER_INTERLOCK_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures}, Type{_PhysicalDeviceSeparateDepthStencilLayoutsFeatures}, Type{PhysicalDeviceSeparateDepthStencilLayoutsFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SEPARATE_DEPTH_STENCIL_LAYOUTS_FEATURES structure_type(@nospecialize(_::Union{Type{VkAttachmentReferenceStencilLayout}, Type{_AttachmentReferenceStencilLayout}, Type{AttachmentReferenceStencilLayout}})) = VK_STRUCTURE_TYPE_ATTACHMENT_REFERENCE_STENCIL_LAYOUT structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT}, Type{_PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT}, Type{PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PRIMITIVE_TOPOLOGY_LIST_RESTART_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkAttachmentDescriptionStencilLayout}, Type{_AttachmentDescriptionStencilLayout}, Type{AttachmentDescriptionStencilLayout}})) = VK_STRUCTURE_TYPE_ATTACHMENT_DESCRIPTION_STENCIL_LAYOUT structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR}, Type{_PhysicalDevicePipelineExecutablePropertiesFeaturesKHR}, Type{PhysicalDevicePipelineExecutablePropertiesFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_EXECUTABLE_PROPERTIES_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkPipelineInfoKHR}, Type{_PipelineInfoKHR}, Type{PipelineInfoKHR}})) = VK_STRUCTURE_TYPE_PIPELINE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPipelineExecutablePropertiesKHR}, Type{_PipelineExecutablePropertiesKHR}, Type{PipelineExecutablePropertiesKHR}})) = VK_STRUCTURE_TYPE_PIPELINE_EXECUTABLE_PROPERTIES_KHR structure_type(@nospecialize(_::Union{Type{VkPipelineExecutableInfoKHR}, Type{_PipelineExecutableInfoKHR}, Type{PipelineExecutableInfoKHR}})) = VK_STRUCTURE_TYPE_PIPELINE_EXECUTABLE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPipelineExecutableStatisticKHR}, Type{_PipelineExecutableStatisticKHR}, Type{PipelineExecutableStatisticKHR}})) = VK_STRUCTURE_TYPE_PIPELINE_EXECUTABLE_STATISTIC_KHR structure_type(@nospecialize(_::Union{Type{VkPipelineExecutableInternalRepresentationKHR}, Type{_PipelineExecutableInternalRepresentationKHR}, Type{PipelineExecutableInternalRepresentationKHR}})) = VK_STRUCTURE_TYPE_PIPELINE_EXECUTABLE_INTERNAL_REPRESENTATION_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures}, Type{_PhysicalDeviceShaderDemoteToHelperInvocationFeatures}, Type{PhysicalDeviceShaderDemoteToHelperInvocationFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_DEMOTE_TO_HELPER_INVOCATION_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT}, Type{_PhysicalDeviceTexelBufferAlignmentFeaturesEXT}, Type{PhysicalDeviceTexelBufferAlignmentFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXEL_BUFFER_ALIGNMENT_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTexelBufferAlignmentProperties}, Type{_PhysicalDeviceTexelBufferAlignmentProperties}, Type{PhysicalDeviceTexelBufferAlignmentProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXEL_BUFFER_ALIGNMENT_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubgroupSizeControlFeatures}, Type{_PhysicalDeviceSubgroupSizeControlFeatures}, Type{PhysicalDeviceSubgroupSizeControlFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_SIZE_CONTROL_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubgroupSizeControlProperties}, Type{_PhysicalDeviceSubgroupSizeControlProperties}, Type{PhysicalDeviceSubgroupSizeControlProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_SIZE_CONTROL_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkPipelineShaderStageRequiredSubgroupSizeCreateInfo}, Type{_PipelineShaderStageRequiredSubgroupSizeCreateInfo}, Type{PipelineShaderStageRequiredSubgroupSizeCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_SHADER_STAGE_REQUIRED_SUBGROUP_SIZE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkSubpassShadingPipelineCreateInfoHUAWEI}, Type{_SubpassShadingPipelineCreateInfoHUAWEI}, Type{SubpassShadingPipelineCreateInfoHUAWEI}})) = VK_STRUCTURE_TYPE_SUBPASS_SHADING_PIPELINE_CREATE_INFO_HUAWEI structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubpassShadingPropertiesHUAWEI}, Type{_PhysicalDeviceSubpassShadingPropertiesHUAWEI}, Type{PhysicalDeviceSubpassShadingPropertiesHUAWEI}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBPASS_SHADING_PROPERTIES_HUAWEI structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI}, Type{_PhysicalDeviceClusterCullingShaderPropertiesHUAWEI}, Type{PhysicalDeviceClusterCullingShaderPropertiesHUAWEI}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_CLUSTER_CULLING_SHADER_PROPERTIES_HUAWEI structure_type(@nospecialize(_::Union{Type{VkMemoryOpaqueCaptureAddressAllocateInfo}, Type{_MemoryOpaqueCaptureAddressAllocateInfo}, Type{MemoryOpaqueCaptureAddressAllocateInfo}})) = VK_STRUCTURE_TYPE_MEMORY_OPAQUE_CAPTURE_ADDRESS_ALLOCATE_INFO structure_type(@nospecialize(_::Union{Type{VkDeviceMemoryOpaqueCaptureAddressInfo}, Type{_DeviceMemoryOpaqueCaptureAddressInfo}, Type{DeviceMemoryOpaqueCaptureAddressInfo}})) = VK_STRUCTURE_TYPE_DEVICE_MEMORY_OPAQUE_CAPTURE_ADDRESS_INFO structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLineRasterizationFeaturesEXT}, Type{_PhysicalDeviceLineRasterizationFeaturesEXT}, Type{PhysicalDeviceLineRasterizationFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_LINE_RASTERIZATION_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLineRasterizationPropertiesEXT}, Type{_PhysicalDeviceLineRasterizationPropertiesEXT}, Type{PhysicalDeviceLineRasterizationPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_LINE_RASTERIZATION_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineRasterizationLineStateCreateInfoEXT}, Type{_PipelineRasterizationLineStateCreateInfoEXT}, Type{PipelineRasterizationLineStateCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_RASTERIZATION_LINE_STATE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineCreationCacheControlFeatures}, Type{_PhysicalDevicePipelineCreationCacheControlFeatures}, Type{PhysicalDevicePipelineCreationCacheControlFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_CREATION_CACHE_CONTROL_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan11Features}, Type{_PhysicalDeviceVulkan11Features}, Type{PhysicalDeviceVulkan11Features}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_1_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan11Properties}, Type{_PhysicalDeviceVulkan11Properties}, Type{PhysicalDeviceVulkan11Properties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_1_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan12Features}, Type{_PhysicalDeviceVulkan12Features}, Type{PhysicalDeviceVulkan12Features}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_2_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan12Properties}, Type{_PhysicalDeviceVulkan12Properties}, Type{PhysicalDeviceVulkan12Properties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_2_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan13Features}, Type{_PhysicalDeviceVulkan13Features}, Type{PhysicalDeviceVulkan13Features}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_3_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan13Properties}, Type{_PhysicalDeviceVulkan13Properties}, Type{PhysicalDeviceVulkan13Properties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_3_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkPipelineCompilerControlCreateInfoAMD}, Type{_PipelineCompilerControlCreateInfoAMD}, Type{PipelineCompilerControlCreateInfoAMD}})) = VK_STRUCTURE_TYPE_PIPELINE_COMPILER_CONTROL_CREATE_INFO_AMD structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCoherentMemoryFeaturesAMD}, Type{_PhysicalDeviceCoherentMemoryFeaturesAMD}, Type{PhysicalDeviceCoherentMemoryFeaturesAMD}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_COHERENT_MEMORY_FEATURES_AMD structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceToolProperties}, Type{_PhysicalDeviceToolProperties}, Type{PhysicalDeviceToolProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_TOOL_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkSamplerCustomBorderColorCreateInfoEXT}, Type{_SamplerCustomBorderColorCreateInfoEXT}, Type{SamplerCustomBorderColorCreateInfoEXT}})) = VK_STRUCTURE_TYPE_SAMPLER_CUSTOM_BORDER_COLOR_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCustomBorderColorPropertiesEXT}, Type{_PhysicalDeviceCustomBorderColorPropertiesEXT}, Type{PhysicalDeviceCustomBorderColorPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_CUSTOM_BORDER_COLOR_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCustomBorderColorFeaturesEXT}, Type{_PhysicalDeviceCustomBorderColorFeaturesEXT}, Type{PhysicalDeviceCustomBorderColorFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_CUSTOM_BORDER_COLOR_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkSamplerBorderColorComponentMappingCreateInfoEXT}, Type{_SamplerBorderColorComponentMappingCreateInfoEXT}, Type{SamplerBorderColorComponentMappingCreateInfoEXT}})) = VK_STRUCTURE_TYPE_SAMPLER_BORDER_COLOR_COMPONENT_MAPPING_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBorderColorSwizzleFeaturesEXT}, Type{_PhysicalDeviceBorderColorSwizzleFeaturesEXT}, Type{PhysicalDeviceBorderColorSwizzleFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_BORDER_COLOR_SWIZZLE_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryTrianglesDataKHR}, Type{_AccelerationStructureGeometryTrianglesDataKHR}, Type{AccelerationStructureGeometryTrianglesDataKHR}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_TRIANGLES_DATA_KHR structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryAabbsDataKHR}, Type{_AccelerationStructureGeometryAabbsDataKHR}, Type{AccelerationStructureGeometryAabbsDataKHR}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_AABBS_DATA_KHR structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryInstancesDataKHR}, Type{_AccelerationStructureGeometryInstancesDataKHR}, Type{AccelerationStructureGeometryInstancesDataKHR}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_INSTANCES_DATA_KHR structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryKHR}, Type{_AccelerationStructureGeometryKHR}, Type{AccelerationStructureGeometryKHR}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_KHR structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureBuildGeometryInfoKHR}, Type{_AccelerationStructureBuildGeometryInfoKHR}, Type{AccelerationStructureBuildGeometryInfoKHR}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_BUILD_GEOMETRY_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureCreateInfoKHR}, Type{_AccelerationStructureCreateInfoKHR}, Type{AccelerationStructureCreateInfoKHR}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureDeviceAddressInfoKHR}, Type{_AccelerationStructureDeviceAddressInfoKHR}, Type{AccelerationStructureDeviceAddressInfoKHR}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_DEVICE_ADDRESS_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureVersionInfoKHR}, Type{_AccelerationStructureVersionInfoKHR}, Type{AccelerationStructureVersionInfoKHR}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_VERSION_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkCopyAccelerationStructureInfoKHR}, Type{_CopyAccelerationStructureInfoKHR}, Type{CopyAccelerationStructureInfoKHR}})) = VK_STRUCTURE_TYPE_COPY_ACCELERATION_STRUCTURE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkCopyAccelerationStructureToMemoryInfoKHR}, Type{_CopyAccelerationStructureToMemoryInfoKHR}, Type{CopyAccelerationStructureToMemoryInfoKHR}})) = VK_STRUCTURE_TYPE_COPY_ACCELERATION_STRUCTURE_TO_MEMORY_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkCopyMemoryToAccelerationStructureInfoKHR}, Type{_CopyMemoryToAccelerationStructureInfoKHR}, Type{CopyMemoryToAccelerationStructureInfoKHR}})) = VK_STRUCTURE_TYPE_COPY_MEMORY_TO_ACCELERATION_STRUCTURE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkRayTracingPipelineInterfaceCreateInfoKHR}, Type{_RayTracingPipelineInterfaceCreateInfoKHR}, Type{RayTracingPipelineInterfaceCreateInfoKHR}})) = VK_STRUCTURE_TYPE_RAY_TRACING_PIPELINE_INTERFACE_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPipelineLibraryCreateInfoKHR}, Type{_PipelineLibraryCreateInfoKHR}, Type{PipelineLibraryCreateInfoKHR}})) = VK_STRUCTURE_TYPE_PIPELINE_LIBRARY_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExtendedDynamicStateFeaturesEXT}, Type{_PhysicalDeviceExtendedDynamicStateFeaturesEXT}, Type{PhysicalDeviceExtendedDynamicStateFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTENDED_DYNAMIC_STATE_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExtendedDynamicState2FeaturesEXT}, Type{_PhysicalDeviceExtendedDynamicState2FeaturesEXT}, Type{PhysicalDeviceExtendedDynamicState2FeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTENDED_DYNAMIC_STATE_2_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExtendedDynamicState3FeaturesEXT}, Type{_PhysicalDeviceExtendedDynamicState3FeaturesEXT}, Type{PhysicalDeviceExtendedDynamicState3FeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTENDED_DYNAMIC_STATE_3_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExtendedDynamicState3PropertiesEXT}, Type{_PhysicalDeviceExtendedDynamicState3PropertiesEXT}, Type{PhysicalDeviceExtendedDynamicState3PropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTENDED_DYNAMIC_STATE_3_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkRenderPassTransformBeginInfoQCOM}, Type{_RenderPassTransformBeginInfoQCOM}, Type{RenderPassTransformBeginInfoQCOM}})) = VK_STRUCTURE_TYPE_RENDER_PASS_TRANSFORM_BEGIN_INFO_QCOM structure_type(@nospecialize(_::Union{Type{VkCopyCommandTransformInfoQCOM}, Type{_CopyCommandTransformInfoQCOM}, Type{CopyCommandTransformInfoQCOM}})) = VK_STRUCTURE_TYPE_COPY_COMMAND_TRANSFORM_INFO_QCOM structure_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceRenderPassTransformInfoQCOM}, Type{_CommandBufferInheritanceRenderPassTransformInfoQCOM}, Type{CommandBufferInheritanceRenderPassTransformInfoQCOM}})) = VK_STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_RENDER_PASS_TRANSFORM_INFO_QCOM structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDiagnosticsConfigFeaturesNV}, Type{_PhysicalDeviceDiagnosticsConfigFeaturesNV}, Type{PhysicalDeviceDiagnosticsConfigFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DIAGNOSTICS_CONFIG_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkDeviceDiagnosticsConfigCreateInfoNV}, Type{_DeviceDiagnosticsConfigCreateInfoNV}, Type{DeviceDiagnosticsConfigCreateInfoNV}})) = VK_STRUCTURE_TYPE_DEVICE_DIAGNOSTICS_CONFIG_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures}, Type{_PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures}, Type{PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_ZERO_INITIALIZE_WORKGROUP_MEMORY_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR}, Type{_PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR}, Type{PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SUBGROUP_UNIFORM_CONTROL_FLOW_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRobustness2FeaturesEXT}, Type{_PhysicalDeviceRobustness2FeaturesEXT}, Type{PhysicalDeviceRobustness2FeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_ROBUSTNESS_2_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRobustness2PropertiesEXT}, Type{_PhysicalDeviceRobustness2PropertiesEXT}, Type{PhysicalDeviceRobustness2PropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_ROBUSTNESS_2_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageRobustnessFeatures}, Type{_PhysicalDeviceImageRobustnessFeatures}, Type{PhysicalDeviceImageRobustnessFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_ROBUSTNESS_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR}, Type{_PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR}, Type{PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_WORKGROUP_MEMORY_EXPLICIT_LAYOUT_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDevice4444FormatsFeaturesEXT}, Type{_PhysicalDevice4444FormatsFeaturesEXT}, Type{PhysicalDevice4444FormatsFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_4444_FORMATS_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubpassShadingFeaturesHUAWEI}, Type{_PhysicalDeviceSubpassShadingFeaturesHUAWEI}, Type{PhysicalDeviceSubpassShadingFeaturesHUAWEI}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBPASS_SHADING_FEATURES_HUAWEI structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI}, Type{_PhysicalDeviceClusterCullingShaderFeaturesHUAWEI}, Type{PhysicalDeviceClusterCullingShaderFeaturesHUAWEI}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_CLUSTER_CULLING_SHADER_FEATURES_HUAWEI structure_type(@nospecialize(_::Union{Type{VkBufferCopy2}, Type{_BufferCopy2}, Type{BufferCopy2}})) = VK_STRUCTURE_TYPE_BUFFER_COPY_2 structure_type(@nospecialize(_::Union{Type{VkImageCopy2}, Type{_ImageCopy2}, Type{ImageCopy2}})) = VK_STRUCTURE_TYPE_IMAGE_COPY_2 structure_type(@nospecialize(_::Union{Type{VkImageBlit2}, Type{_ImageBlit2}, Type{ImageBlit2}})) = VK_STRUCTURE_TYPE_IMAGE_BLIT_2 structure_type(@nospecialize(_::Union{Type{VkBufferImageCopy2}, Type{_BufferImageCopy2}, Type{BufferImageCopy2}})) = VK_STRUCTURE_TYPE_BUFFER_IMAGE_COPY_2 structure_type(@nospecialize(_::Union{Type{VkImageResolve2}, Type{_ImageResolve2}, Type{ImageResolve2}})) = VK_STRUCTURE_TYPE_IMAGE_RESOLVE_2 structure_type(@nospecialize(_::Union{Type{VkCopyBufferInfo2}, Type{_CopyBufferInfo2}, Type{CopyBufferInfo2}})) = VK_STRUCTURE_TYPE_COPY_BUFFER_INFO_2 structure_type(@nospecialize(_::Union{Type{VkCopyImageInfo2}, Type{_CopyImageInfo2}, Type{CopyImageInfo2}})) = VK_STRUCTURE_TYPE_COPY_IMAGE_INFO_2 structure_type(@nospecialize(_::Union{Type{VkBlitImageInfo2}, Type{_BlitImageInfo2}, Type{BlitImageInfo2}})) = VK_STRUCTURE_TYPE_BLIT_IMAGE_INFO_2 structure_type(@nospecialize(_::Union{Type{VkCopyBufferToImageInfo2}, Type{_CopyBufferToImageInfo2}, Type{CopyBufferToImageInfo2}})) = VK_STRUCTURE_TYPE_COPY_BUFFER_TO_IMAGE_INFO_2 structure_type(@nospecialize(_::Union{Type{VkCopyImageToBufferInfo2}, Type{_CopyImageToBufferInfo2}, Type{CopyImageToBufferInfo2}})) = VK_STRUCTURE_TYPE_COPY_IMAGE_TO_BUFFER_INFO_2 structure_type(@nospecialize(_::Union{Type{VkResolveImageInfo2}, Type{_ResolveImageInfo2}, Type{ResolveImageInfo2}})) = VK_STRUCTURE_TYPE_RESOLVE_IMAGE_INFO_2 structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT}, Type{_PhysicalDeviceShaderImageAtomicInt64FeaturesEXT}, Type{PhysicalDeviceShaderImageAtomicInt64FeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_IMAGE_ATOMIC_INT64_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkFragmentShadingRateAttachmentInfoKHR}, Type{_FragmentShadingRateAttachmentInfoKHR}, Type{FragmentShadingRateAttachmentInfoKHR}})) = VK_STRUCTURE_TYPE_FRAGMENT_SHADING_RATE_ATTACHMENT_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPipelineFragmentShadingRateStateCreateInfoKHR}, Type{_PipelineFragmentShadingRateStateCreateInfoKHR}, Type{PipelineFragmentShadingRateStateCreateInfoKHR}})) = VK_STRUCTURE_TYPE_PIPELINE_FRAGMENT_SHADING_RATE_STATE_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRateFeaturesKHR}, Type{_PhysicalDeviceFragmentShadingRateFeaturesKHR}, Type{PhysicalDeviceFragmentShadingRateFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRatePropertiesKHR}, Type{_PhysicalDeviceFragmentShadingRatePropertiesKHR}, Type{PhysicalDeviceFragmentShadingRatePropertiesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_PROPERTIES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRateKHR}, Type{_PhysicalDeviceFragmentShadingRateKHR}, Type{PhysicalDeviceFragmentShadingRateKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderTerminateInvocationFeatures}, Type{_PhysicalDeviceShaderTerminateInvocationFeatures}, Type{PhysicalDeviceShaderTerminateInvocationFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_TERMINATE_INVOCATION_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV}, Type{_PhysicalDeviceFragmentShadingRateEnumsFeaturesNV}, Type{PhysicalDeviceFragmentShadingRateEnumsFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_ENUMS_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV}, Type{_PhysicalDeviceFragmentShadingRateEnumsPropertiesNV}, Type{PhysicalDeviceFragmentShadingRateEnumsPropertiesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_ENUMS_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkPipelineFragmentShadingRateEnumStateCreateInfoNV}, Type{_PipelineFragmentShadingRateEnumStateCreateInfoNV}, Type{PipelineFragmentShadingRateEnumStateCreateInfoNV}})) = VK_STRUCTURE_TYPE_PIPELINE_FRAGMENT_SHADING_RATE_ENUM_STATE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureBuildSizesInfoKHR}, Type{_AccelerationStructureBuildSizesInfoKHR}, Type{AccelerationStructureBuildSizesInfoKHR}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_BUILD_SIZES_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImage2DViewOf3DFeaturesEXT}, Type{_PhysicalDeviceImage2DViewOf3DFeaturesEXT}, Type{PhysicalDeviceImage2DViewOf3DFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_2D_VIEW_OF_3D_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT}, Type{_PhysicalDeviceMutableDescriptorTypeFeaturesEXT}, Type{PhysicalDeviceMutableDescriptorTypeFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MUTABLE_DESCRIPTOR_TYPE_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkMutableDescriptorTypeCreateInfoEXT}, Type{_MutableDescriptorTypeCreateInfoEXT}, Type{MutableDescriptorTypeCreateInfoEXT}})) = VK_STRUCTURE_TYPE_MUTABLE_DESCRIPTOR_TYPE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDepthClipControlFeaturesEXT}, Type{_PhysicalDeviceDepthClipControlFeaturesEXT}, Type{PhysicalDeviceDepthClipControlFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_CLIP_CONTROL_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineViewportDepthClipControlCreateInfoEXT}, Type{_PipelineViewportDepthClipControlCreateInfoEXT}, Type{PipelineViewportDepthClipControlCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_VIEWPORT_DEPTH_CLIP_CONTROL_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT}, Type{_PhysicalDeviceVertexInputDynamicStateFeaturesEXT}, Type{PhysicalDeviceVertexInputDynamicStateFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_VERTEX_INPUT_DYNAMIC_STATE_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalMemoryRDMAFeaturesNV}, Type{_PhysicalDeviceExternalMemoryRDMAFeaturesNV}, Type{PhysicalDeviceExternalMemoryRDMAFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_MEMORY_RDMA_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkVertexInputBindingDescription2EXT}, Type{_VertexInputBindingDescription2EXT}, Type{VertexInputBindingDescription2EXT}})) = VK_STRUCTURE_TYPE_VERTEX_INPUT_BINDING_DESCRIPTION_2_EXT structure_type(@nospecialize(_::Union{Type{VkVertexInputAttributeDescription2EXT}, Type{_VertexInputAttributeDescription2EXT}, Type{VertexInputAttributeDescription2EXT}})) = VK_STRUCTURE_TYPE_VERTEX_INPUT_ATTRIBUTE_DESCRIPTION_2_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceColorWriteEnableFeaturesEXT}, Type{_PhysicalDeviceColorWriteEnableFeaturesEXT}, Type{PhysicalDeviceColorWriteEnableFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_COLOR_WRITE_ENABLE_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineColorWriteCreateInfoEXT}, Type{_PipelineColorWriteCreateInfoEXT}, Type{PipelineColorWriteCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_COLOR_WRITE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkMemoryBarrier2}, Type{_MemoryBarrier2}, Type{MemoryBarrier2}})) = VK_STRUCTURE_TYPE_MEMORY_BARRIER_2 structure_type(@nospecialize(_::Union{Type{VkImageMemoryBarrier2}, Type{_ImageMemoryBarrier2}, Type{ImageMemoryBarrier2}})) = VK_STRUCTURE_TYPE_IMAGE_MEMORY_BARRIER_2 structure_type(@nospecialize(_::Union{Type{VkBufferMemoryBarrier2}, Type{_BufferMemoryBarrier2}, Type{BufferMemoryBarrier2}})) = VK_STRUCTURE_TYPE_BUFFER_MEMORY_BARRIER_2 structure_type(@nospecialize(_::Union{Type{VkDependencyInfo}, Type{_DependencyInfo}, Type{DependencyInfo}})) = VK_STRUCTURE_TYPE_DEPENDENCY_INFO structure_type(@nospecialize(_::Union{Type{VkSemaphoreSubmitInfo}, Type{_SemaphoreSubmitInfo}, Type{SemaphoreSubmitInfo}})) = VK_STRUCTURE_TYPE_SEMAPHORE_SUBMIT_INFO structure_type(@nospecialize(_::Union{Type{VkCommandBufferSubmitInfo}, Type{_CommandBufferSubmitInfo}, Type{CommandBufferSubmitInfo}})) = VK_STRUCTURE_TYPE_COMMAND_BUFFER_SUBMIT_INFO structure_type(@nospecialize(_::Union{Type{VkSubmitInfo2}, Type{_SubmitInfo2}, Type{SubmitInfo2}})) = VK_STRUCTURE_TYPE_SUBMIT_INFO_2 structure_type(@nospecialize(_::Union{Type{VkQueueFamilyCheckpointProperties2NV}, Type{_QueueFamilyCheckpointProperties2NV}, Type{QueueFamilyCheckpointProperties2NV}})) = VK_STRUCTURE_TYPE_QUEUE_FAMILY_CHECKPOINT_PROPERTIES_2_NV structure_type(@nospecialize(_::Union{Type{VkCheckpointData2NV}, Type{_CheckpointData2NV}, Type{CheckpointData2NV}})) = VK_STRUCTURE_TYPE_CHECKPOINT_DATA_2_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSynchronization2Features}, Type{_PhysicalDeviceSynchronization2Features}, Type{PhysicalDeviceSynchronization2Features}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SYNCHRONIZATION_2_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT}, Type{_PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT}, Type{PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PRIMITIVES_GENERATED_QUERY_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLegacyDitheringFeaturesEXT}, Type{_PhysicalDeviceLegacyDitheringFeaturesEXT}, Type{PhysicalDeviceLegacyDitheringFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_LEGACY_DITHERING_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT}, Type{_PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT}, Type{PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTISAMPLED_RENDER_TO_SINGLE_SAMPLED_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkSubpassResolvePerformanceQueryEXT}, Type{_SubpassResolvePerformanceQueryEXT}, Type{SubpassResolvePerformanceQueryEXT}})) = VK_STRUCTURE_TYPE_SUBPASS_RESOLVE_PERFORMANCE_QUERY_EXT structure_type(@nospecialize(_::Union{Type{VkMultisampledRenderToSingleSampledInfoEXT}, Type{_MultisampledRenderToSingleSampledInfoEXT}, Type{MultisampledRenderToSingleSampledInfoEXT}})) = VK_STRUCTURE_TYPE_MULTISAMPLED_RENDER_TO_SINGLE_SAMPLED_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineProtectedAccessFeaturesEXT}, Type{_PhysicalDevicePipelineProtectedAccessFeaturesEXT}, Type{PhysicalDevicePipelineProtectedAccessFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_PROTECTED_ACCESS_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkQueueFamilyVideoPropertiesKHR}, Type{_QueueFamilyVideoPropertiesKHR}, Type{QueueFamilyVideoPropertiesKHR}})) = VK_STRUCTURE_TYPE_QUEUE_FAMILY_VIDEO_PROPERTIES_KHR structure_type(@nospecialize(_::Union{Type{VkQueueFamilyQueryResultStatusPropertiesKHR}, Type{_QueueFamilyQueryResultStatusPropertiesKHR}, Type{QueueFamilyQueryResultStatusPropertiesKHR}})) = VK_STRUCTURE_TYPE_QUEUE_FAMILY_QUERY_RESULT_STATUS_PROPERTIES_KHR structure_type(@nospecialize(_::Union{Type{VkVideoProfileListInfoKHR}, Type{_VideoProfileListInfoKHR}, Type{VideoProfileListInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_PROFILE_LIST_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVideoFormatInfoKHR}, Type{_PhysicalDeviceVideoFormatInfoKHR}, Type{PhysicalDeviceVideoFormatInfoKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_VIDEO_FORMAT_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoFormatPropertiesKHR}, Type{_VideoFormatPropertiesKHR}, Type{VideoFormatPropertiesKHR}})) = VK_STRUCTURE_TYPE_VIDEO_FORMAT_PROPERTIES_KHR structure_type(@nospecialize(_::Union{Type{VkVideoProfileInfoKHR}, Type{_VideoProfileInfoKHR}, Type{VideoProfileInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_PROFILE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoCapabilitiesKHR}, Type{_VideoCapabilitiesKHR}, Type{VideoCapabilitiesKHR}})) = VK_STRUCTURE_TYPE_VIDEO_CAPABILITIES_KHR structure_type(@nospecialize(_::Union{Type{VkVideoSessionMemoryRequirementsKHR}, Type{_VideoSessionMemoryRequirementsKHR}, Type{VideoSessionMemoryRequirementsKHR}})) = VK_STRUCTURE_TYPE_VIDEO_SESSION_MEMORY_REQUIREMENTS_KHR structure_type(@nospecialize(_::Union{Type{VkBindVideoSessionMemoryInfoKHR}, Type{_BindVideoSessionMemoryInfoKHR}, Type{BindVideoSessionMemoryInfoKHR}})) = VK_STRUCTURE_TYPE_BIND_VIDEO_SESSION_MEMORY_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoPictureResourceInfoKHR}, Type{_VideoPictureResourceInfoKHR}, Type{VideoPictureResourceInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_PICTURE_RESOURCE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoReferenceSlotInfoKHR}, Type{_VideoReferenceSlotInfoKHR}, Type{VideoReferenceSlotInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_REFERENCE_SLOT_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeCapabilitiesKHR}, Type{_VideoDecodeCapabilitiesKHR}, Type{VideoDecodeCapabilitiesKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_CAPABILITIES_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeUsageInfoKHR}, Type{_VideoDecodeUsageInfoKHR}, Type{VideoDecodeUsageInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_USAGE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeInfoKHR}, Type{_VideoDecodeInfoKHR}, Type{VideoDecodeInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeH264ProfileInfoKHR}, Type{_VideoDecodeH264ProfileInfoKHR}, Type{VideoDecodeH264ProfileInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_H264_PROFILE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeH264CapabilitiesKHR}, Type{_VideoDecodeH264CapabilitiesKHR}, Type{VideoDecodeH264CapabilitiesKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_H264_CAPABILITIES_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeH264SessionParametersAddInfoKHR}, Type{_VideoDecodeH264SessionParametersAddInfoKHR}, Type{VideoDecodeH264SessionParametersAddInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_H264_SESSION_PARAMETERS_ADD_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeH264SessionParametersCreateInfoKHR}, Type{_VideoDecodeH264SessionParametersCreateInfoKHR}, Type{VideoDecodeH264SessionParametersCreateInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_H264_SESSION_PARAMETERS_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeH264PictureInfoKHR}, Type{_VideoDecodeH264PictureInfoKHR}, Type{VideoDecodeH264PictureInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_H264_PICTURE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeH264DpbSlotInfoKHR}, Type{_VideoDecodeH264DpbSlotInfoKHR}, Type{VideoDecodeH264DpbSlotInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_H264_DPB_SLOT_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeH265ProfileInfoKHR}, Type{_VideoDecodeH265ProfileInfoKHR}, Type{VideoDecodeH265ProfileInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_H265_PROFILE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeH265CapabilitiesKHR}, Type{_VideoDecodeH265CapabilitiesKHR}, Type{VideoDecodeH265CapabilitiesKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_H265_CAPABILITIES_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeH265SessionParametersAddInfoKHR}, Type{_VideoDecodeH265SessionParametersAddInfoKHR}, Type{VideoDecodeH265SessionParametersAddInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_H265_SESSION_PARAMETERS_ADD_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeH265SessionParametersCreateInfoKHR}, Type{_VideoDecodeH265SessionParametersCreateInfoKHR}, Type{VideoDecodeH265SessionParametersCreateInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_H265_SESSION_PARAMETERS_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeH265PictureInfoKHR}, Type{_VideoDecodeH265PictureInfoKHR}, Type{VideoDecodeH265PictureInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_H265_PICTURE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeH265DpbSlotInfoKHR}, Type{_VideoDecodeH265DpbSlotInfoKHR}, Type{VideoDecodeH265DpbSlotInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_H265_DPB_SLOT_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoSessionCreateInfoKHR}, Type{_VideoSessionCreateInfoKHR}, Type{VideoSessionCreateInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_SESSION_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoSessionParametersCreateInfoKHR}, Type{_VideoSessionParametersCreateInfoKHR}, Type{VideoSessionParametersCreateInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_SESSION_PARAMETERS_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoSessionParametersUpdateInfoKHR}, Type{_VideoSessionParametersUpdateInfoKHR}, Type{VideoSessionParametersUpdateInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_SESSION_PARAMETERS_UPDATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoBeginCodingInfoKHR}, Type{_VideoBeginCodingInfoKHR}, Type{VideoBeginCodingInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_BEGIN_CODING_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoEndCodingInfoKHR}, Type{_VideoEndCodingInfoKHR}, Type{VideoEndCodingInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_END_CODING_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoCodingControlInfoKHR}, Type{_VideoCodingControlInfoKHR}, Type{VideoCodingControlInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_CODING_CONTROL_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceInheritedViewportScissorFeaturesNV}, Type{_PhysicalDeviceInheritedViewportScissorFeaturesNV}, Type{PhysicalDeviceInheritedViewportScissorFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_INHERITED_VIEWPORT_SCISSOR_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceViewportScissorInfoNV}, Type{_CommandBufferInheritanceViewportScissorInfoNV}, Type{CommandBufferInheritanceViewportScissorInfoNV}})) = VK_STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_VIEWPORT_SCISSOR_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT}, Type{_PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT}, Type{PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_YCBCR_2_PLANE_444_FORMATS_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProvokingVertexFeaturesEXT}, Type{_PhysicalDeviceProvokingVertexFeaturesEXT}, Type{PhysicalDeviceProvokingVertexFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PROVOKING_VERTEX_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProvokingVertexPropertiesEXT}, Type{_PhysicalDeviceProvokingVertexPropertiesEXT}, Type{PhysicalDeviceProvokingVertexPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PROVOKING_VERTEX_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineRasterizationProvokingVertexStateCreateInfoEXT}, Type{_PipelineRasterizationProvokingVertexStateCreateInfoEXT}, Type{PipelineRasterizationProvokingVertexStateCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_RASTERIZATION_PROVOKING_VERTEX_STATE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkCuModuleCreateInfoNVX}, Type{_CuModuleCreateInfoNVX}, Type{CuModuleCreateInfoNVX}})) = VK_STRUCTURE_TYPE_CU_MODULE_CREATE_INFO_NVX structure_type(@nospecialize(_::Union{Type{VkCuFunctionCreateInfoNVX}, Type{_CuFunctionCreateInfoNVX}, Type{CuFunctionCreateInfoNVX}})) = VK_STRUCTURE_TYPE_CU_FUNCTION_CREATE_INFO_NVX structure_type(@nospecialize(_::Union{Type{VkCuLaunchInfoNVX}, Type{_CuLaunchInfoNVX}, Type{CuLaunchInfoNVX}})) = VK_STRUCTURE_TYPE_CU_LAUNCH_INFO_NVX structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorBufferFeaturesEXT}, Type{_PhysicalDeviceDescriptorBufferFeaturesEXT}, Type{PhysicalDeviceDescriptorBufferFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_BUFFER_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorBufferPropertiesEXT}, Type{_PhysicalDeviceDescriptorBufferPropertiesEXT}, Type{PhysicalDeviceDescriptorBufferPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_BUFFER_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT}, Type{_PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT}, Type{PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_BUFFER_DENSITY_MAP_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkDescriptorAddressInfoEXT}, Type{_DescriptorAddressInfoEXT}, Type{DescriptorAddressInfoEXT}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_ADDRESS_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkDescriptorBufferBindingInfoEXT}, Type{_DescriptorBufferBindingInfoEXT}, Type{DescriptorBufferBindingInfoEXT}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_BUFFER_BINDING_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkDescriptorBufferBindingPushDescriptorBufferHandleEXT}, Type{_DescriptorBufferBindingPushDescriptorBufferHandleEXT}, Type{DescriptorBufferBindingPushDescriptorBufferHandleEXT}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_BUFFER_BINDING_PUSH_DESCRIPTOR_BUFFER_HANDLE_EXT structure_type(@nospecialize(_::Union{Type{VkDescriptorGetInfoEXT}, Type{_DescriptorGetInfoEXT}, Type{DescriptorGetInfoEXT}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_GET_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkBufferCaptureDescriptorDataInfoEXT}, Type{_BufferCaptureDescriptorDataInfoEXT}, Type{BufferCaptureDescriptorDataInfoEXT}})) = VK_STRUCTURE_TYPE_BUFFER_CAPTURE_DESCRIPTOR_DATA_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkImageCaptureDescriptorDataInfoEXT}, Type{_ImageCaptureDescriptorDataInfoEXT}, Type{ImageCaptureDescriptorDataInfoEXT}})) = VK_STRUCTURE_TYPE_IMAGE_CAPTURE_DESCRIPTOR_DATA_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkImageViewCaptureDescriptorDataInfoEXT}, Type{_ImageViewCaptureDescriptorDataInfoEXT}, Type{ImageViewCaptureDescriptorDataInfoEXT}})) = VK_STRUCTURE_TYPE_IMAGE_VIEW_CAPTURE_DESCRIPTOR_DATA_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkSamplerCaptureDescriptorDataInfoEXT}, Type{_SamplerCaptureDescriptorDataInfoEXT}, Type{SamplerCaptureDescriptorDataInfoEXT}})) = VK_STRUCTURE_TYPE_SAMPLER_CAPTURE_DESCRIPTOR_DATA_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureCaptureDescriptorDataInfoEXT}, Type{_AccelerationStructureCaptureDescriptorDataInfoEXT}, Type{AccelerationStructureCaptureDescriptorDataInfoEXT}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_CAPTURE_DESCRIPTOR_DATA_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkOpaqueCaptureDescriptorDataCreateInfoEXT}, Type{_OpaqueCaptureDescriptorDataCreateInfoEXT}, Type{OpaqueCaptureDescriptorDataCreateInfoEXT}})) = VK_STRUCTURE_TYPE_OPAQUE_CAPTURE_DESCRIPTOR_DATA_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderIntegerDotProductFeatures}, Type{_PhysicalDeviceShaderIntegerDotProductFeatures}, Type{PhysicalDeviceShaderIntegerDotProductFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_DOT_PRODUCT_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderIntegerDotProductProperties}, Type{_PhysicalDeviceShaderIntegerDotProductProperties}, Type{PhysicalDeviceShaderIntegerDotProductProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_DOT_PRODUCT_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDrmPropertiesEXT}, Type{_PhysicalDeviceDrmPropertiesEXT}, Type{PhysicalDeviceDrmPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DRM_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR}, Type{_PhysicalDeviceFragmentShaderBarycentricFeaturesKHR}, Type{PhysicalDeviceFragmentShaderBarycentricFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADER_BARYCENTRIC_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR}, Type{_PhysicalDeviceFragmentShaderBarycentricPropertiesKHR}, Type{PhysicalDeviceFragmentShaderBarycentricPropertiesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADER_BARYCENTRIC_PROPERTIES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingMotionBlurFeaturesNV}, Type{_PhysicalDeviceRayTracingMotionBlurFeaturesNV}, Type{PhysicalDeviceRayTracingMotionBlurFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_MOTION_BLUR_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryMotionTrianglesDataNV}, Type{_AccelerationStructureGeometryMotionTrianglesDataNV}, Type{AccelerationStructureGeometryMotionTrianglesDataNV}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_MOTION_TRIANGLES_DATA_NV structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureMotionInfoNV}, Type{_AccelerationStructureMotionInfoNV}, Type{AccelerationStructureMotionInfoNV}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_MOTION_INFO_NV structure_type(@nospecialize(_::Union{Type{VkMemoryGetRemoteAddressInfoNV}, Type{_MemoryGetRemoteAddressInfoNV}, Type{MemoryGetRemoteAddressInfoNV}})) = VK_STRUCTURE_TYPE_MEMORY_GET_REMOTE_ADDRESS_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT}, Type{_PhysicalDeviceRGBA10X6FormatsFeaturesEXT}, Type{PhysicalDeviceRGBA10X6FormatsFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_RGBA10X6_FORMATS_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkFormatProperties3}, Type{_FormatProperties3}, Type{FormatProperties3}})) = VK_STRUCTURE_TYPE_FORMAT_PROPERTIES_3 structure_type(@nospecialize(_::Union{Type{VkDrmFormatModifierPropertiesList2EXT}, Type{_DrmFormatModifierPropertiesList2EXT}, Type{DrmFormatModifierPropertiesList2EXT}})) = VK_STRUCTURE_TYPE_DRM_FORMAT_MODIFIER_PROPERTIES_LIST_2_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineRenderingCreateInfo}, Type{_PipelineRenderingCreateInfo}, Type{PipelineRenderingCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_RENDERING_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkRenderingInfo}, Type{_RenderingInfo}, Type{RenderingInfo}})) = VK_STRUCTURE_TYPE_RENDERING_INFO structure_type(@nospecialize(_::Union{Type{VkRenderingAttachmentInfo}, Type{_RenderingAttachmentInfo}, Type{RenderingAttachmentInfo}})) = VK_STRUCTURE_TYPE_RENDERING_ATTACHMENT_INFO structure_type(@nospecialize(_::Union{Type{VkRenderingFragmentShadingRateAttachmentInfoKHR}, Type{_RenderingFragmentShadingRateAttachmentInfoKHR}, Type{RenderingFragmentShadingRateAttachmentInfoKHR}})) = VK_STRUCTURE_TYPE_RENDERING_FRAGMENT_SHADING_RATE_ATTACHMENT_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkRenderingFragmentDensityMapAttachmentInfoEXT}, Type{_RenderingFragmentDensityMapAttachmentInfoEXT}, Type{RenderingFragmentDensityMapAttachmentInfoEXT}})) = VK_STRUCTURE_TYPE_RENDERING_FRAGMENT_DENSITY_MAP_ATTACHMENT_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDynamicRenderingFeatures}, Type{_PhysicalDeviceDynamicRenderingFeatures}, Type{PhysicalDeviceDynamicRenderingFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DYNAMIC_RENDERING_FEATURES structure_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceRenderingInfo}, Type{_CommandBufferInheritanceRenderingInfo}, Type{CommandBufferInheritanceRenderingInfo}})) = VK_STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_RENDERING_INFO structure_type(@nospecialize(_::Union{Type{VkAttachmentSampleCountInfoAMD}, Type{_AttachmentSampleCountInfoAMD}, Type{AttachmentSampleCountInfoAMD}})) = VK_STRUCTURE_TYPE_ATTACHMENT_SAMPLE_COUNT_INFO_AMD structure_type(@nospecialize(_::Union{Type{VkMultiviewPerViewAttributesInfoNVX}, Type{_MultiviewPerViewAttributesInfoNVX}, Type{MultiviewPerViewAttributesInfoNVX}})) = VK_STRUCTURE_TYPE_MULTIVIEW_PER_VIEW_ATTRIBUTES_INFO_NVX structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageViewMinLodFeaturesEXT}, Type{_PhysicalDeviceImageViewMinLodFeaturesEXT}, Type{PhysicalDeviceImageViewMinLodFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_VIEW_MIN_LOD_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkImageViewMinLodCreateInfoEXT}, Type{_ImageViewMinLodCreateInfoEXT}, Type{ImageViewMinLodCreateInfoEXT}})) = VK_STRUCTURE_TYPE_IMAGE_VIEW_MIN_LOD_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT}, Type{_PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT}, Type{PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_RASTERIZATION_ORDER_ATTACHMENT_ACCESS_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLinearColorAttachmentFeaturesNV}, Type{_PhysicalDeviceLinearColorAttachmentFeaturesNV}, Type{PhysicalDeviceLinearColorAttachmentFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_LINEAR_COLOR_ATTACHMENT_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT}, Type{_PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT}, Type{PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_GRAPHICS_PIPELINE_LIBRARY_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT}, Type{_PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT}, Type{PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_GRAPHICS_PIPELINE_LIBRARY_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkGraphicsPipelineLibraryCreateInfoEXT}, Type{_GraphicsPipelineLibraryCreateInfoEXT}, Type{GraphicsPipelineLibraryCreateInfoEXT}})) = VK_STRUCTURE_TYPE_GRAPHICS_PIPELINE_LIBRARY_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE}, Type{_PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE}, Type{PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_SET_HOST_MAPPING_FEATURES_VALVE structure_type(@nospecialize(_::Union{Type{VkDescriptorSetBindingReferenceVALVE}, Type{_DescriptorSetBindingReferenceVALVE}, Type{DescriptorSetBindingReferenceVALVE}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_SET_BINDING_REFERENCE_VALVE structure_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutHostMappingInfoVALVE}, Type{_DescriptorSetLayoutHostMappingInfoVALVE}, Type{DescriptorSetLayoutHostMappingInfoVALVE}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_HOST_MAPPING_INFO_VALVE structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT}, Type{_PhysicalDeviceShaderModuleIdentifierFeaturesEXT}, Type{PhysicalDeviceShaderModuleIdentifierFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_MODULE_IDENTIFIER_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT}, Type{_PhysicalDeviceShaderModuleIdentifierPropertiesEXT}, Type{PhysicalDeviceShaderModuleIdentifierPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_MODULE_IDENTIFIER_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineShaderStageModuleIdentifierCreateInfoEXT}, Type{_PipelineShaderStageModuleIdentifierCreateInfoEXT}, Type{PipelineShaderStageModuleIdentifierCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_SHADER_STAGE_MODULE_IDENTIFIER_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkShaderModuleIdentifierEXT}, Type{_ShaderModuleIdentifierEXT}, Type{ShaderModuleIdentifierEXT}})) = VK_STRUCTURE_TYPE_SHADER_MODULE_IDENTIFIER_EXT structure_type(@nospecialize(_::Union{Type{VkImageCompressionControlEXT}, Type{_ImageCompressionControlEXT}, Type{ImageCompressionControlEXT}})) = VK_STRUCTURE_TYPE_IMAGE_COMPRESSION_CONTROL_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageCompressionControlFeaturesEXT}, Type{_PhysicalDeviceImageCompressionControlFeaturesEXT}, Type{PhysicalDeviceImageCompressionControlFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_COMPRESSION_CONTROL_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkImageCompressionPropertiesEXT}, Type{_ImageCompressionPropertiesEXT}, Type{ImageCompressionPropertiesEXT}})) = VK_STRUCTURE_TYPE_IMAGE_COMPRESSION_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT}, Type{_PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT}, Type{PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_COMPRESSION_CONTROL_SWAPCHAIN_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkImageSubresource2EXT}, Type{_ImageSubresource2EXT}, Type{ImageSubresource2EXT}})) = VK_STRUCTURE_TYPE_IMAGE_SUBRESOURCE_2_EXT structure_type(@nospecialize(_::Union{Type{VkSubresourceLayout2EXT}, Type{_SubresourceLayout2EXT}, Type{SubresourceLayout2EXT}})) = VK_STRUCTURE_TYPE_SUBRESOURCE_LAYOUT_2_EXT structure_type(@nospecialize(_::Union{Type{VkRenderPassCreationControlEXT}, Type{_RenderPassCreationControlEXT}, Type{RenderPassCreationControlEXT}})) = VK_STRUCTURE_TYPE_RENDER_PASS_CREATION_CONTROL_EXT structure_type(@nospecialize(_::Union{Type{VkRenderPassCreationFeedbackCreateInfoEXT}, Type{_RenderPassCreationFeedbackCreateInfoEXT}, Type{RenderPassCreationFeedbackCreateInfoEXT}})) = VK_STRUCTURE_TYPE_RENDER_PASS_CREATION_FEEDBACK_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkRenderPassSubpassFeedbackCreateInfoEXT}, Type{_RenderPassSubpassFeedbackCreateInfoEXT}, Type{RenderPassSubpassFeedbackCreateInfoEXT}})) = VK_STRUCTURE_TYPE_RENDER_PASS_SUBPASS_FEEDBACK_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT}, Type{_PhysicalDeviceSubpassMergeFeedbackFeaturesEXT}, Type{PhysicalDeviceSubpassMergeFeedbackFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBPASS_MERGE_FEEDBACK_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkMicromapBuildInfoEXT}, Type{_MicromapBuildInfoEXT}, Type{MicromapBuildInfoEXT}})) = VK_STRUCTURE_TYPE_MICROMAP_BUILD_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkMicromapCreateInfoEXT}, Type{_MicromapCreateInfoEXT}, Type{MicromapCreateInfoEXT}})) = VK_STRUCTURE_TYPE_MICROMAP_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkMicromapVersionInfoEXT}, Type{_MicromapVersionInfoEXT}, Type{MicromapVersionInfoEXT}})) = VK_STRUCTURE_TYPE_MICROMAP_VERSION_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkCopyMicromapInfoEXT}, Type{_CopyMicromapInfoEXT}, Type{CopyMicromapInfoEXT}})) = VK_STRUCTURE_TYPE_COPY_MICROMAP_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkCopyMicromapToMemoryInfoEXT}, Type{_CopyMicromapToMemoryInfoEXT}, Type{CopyMicromapToMemoryInfoEXT}})) = VK_STRUCTURE_TYPE_COPY_MICROMAP_TO_MEMORY_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkCopyMemoryToMicromapInfoEXT}, Type{_CopyMemoryToMicromapInfoEXT}, Type{CopyMemoryToMicromapInfoEXT}})) = VK_STRUCTURE_TYPE_COPY_MEMORY_TO_MICROMAP_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkMicromapBuildSizesInfoEXT}, Type{_MicromapBuildSizesInfoEXT}, Type{MicromapBuildSizesInfoEXT}})) = VK_STRUCTURE_TYPE_MICROMAP_BUILD_SIZES_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceOpacityMicromapFeaturesEXT}, Type{_PhysicalDeviceOpacityMicromapFeaturesEXT}, Type{PhysicalDeviceOpacityMicromapFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_OPACITY_MICROMAP_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceOpacityMicromapPropertiesEXT}, Type{_PhysicalDeviceOpacityMicromapPropertiesEXT}, Type{PhysicalDeviceOpacityMicromapPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_OPACITY_MICROMAP_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureTrianglesOpacityMicromapEXT}, Type{_AccelerationStructureTrianglesOpacityMicromapEXT}, Type{AccelerationStructureTrianglesOpacityMicromapEXT}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_TRIANGLES_OPACITY_MICROMAP_EXT structure_type(@nospecialize(_::Union{Type{VkPipelinePropertiesIdentifierEXT}, Type{_PipelinePropertiesIdentifierEXT}, Type{PipelinePropertiesIdentifierEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_PROPERTIES_IDENTIFIER_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelinePropertiesFeaturesEXT}, Type{_PhysicalDevicePipelinePropertiesFeaturesEXT}, Type{PhysicalDevicePipelinePropertiesFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_PROPERTIES_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD}, Type{_PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD}, Type{PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_EARLY_AND_LATE_FRAGMENT_TESTS_FEATURES_AMD structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT}, Type{_PhysicalDeviceNonSeamlessCubeMapFeaturesEXT}, Type{PhysicalDeviceNonSeamlessCubeMapFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_NON_SEAMLESS_CUBE_MAP_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineRobustnessFeaturesEXT}, Type{_PhysicalDevicePipelineRobustnessFeaturesEXT}, Type{PhysicalDevicePipelineRobustnessFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_ROBUSTNESS_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineRobustnessCreateInfoEXT}, Type{_PipelineRobustnessCreateInfoEXT}, Type{PipelineRobustnessCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_ROBUSTNESS_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineRobustnessPropertiesEXT}, Type{_PhysicalDevicePipelineRobustnessPropertiesEXT}, Type{PhysicalDevicePipelineRobustnessPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_ROBUSTNESS_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkImageViewSampleWeightCreateInfoQCOM}, Type{_ImageViewSampleWeightCreateInfoQCOM}, Type{ImageViewSampleWeightCreateInfoQCOM}})) = VK_STRUCTURE_TYPE_IMAGE_VIEW_SAMPLE_WEIGHT_CREATE_INFO_QCOM structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageProcessingFeaturesQCOM}, Type{_PhysicalDeviceImageProcessingFeaturesQCOM}, Type{PhysicalDeviceImageProcessingFeaturesQCOM}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_PROCESSING_FEATURES_QCOM structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageProcessingPropertiesQCOM}, Type{_PhysicalDeviceImageProcessingPropertiesQCOM}, Type{PhysicalDeviceImageProcessingPropertiesQCOM}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_PROCESSING_PROPERTIES_QCOM structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTilePropertiesFeaturesQCOM}, Type{_PhysicalDeviceTilePropertiesFeaturesQCOM}, Type{PhysicalDeviceTilePropertiesFeaturesQCOM}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_TILE_PROPERTIES_FEATURES_QCOM structure_type(@nospecialize(_::Union{Type{VkTilePropertiesQCOM}, Type{_TilePropertiesQCOM}, Type{TilePropertiesQCOM}})) = VK_STRUCTURE_TYPE_TILE_PROPERTIES_QCOM structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAmigoProfilingFeaturesSEC}, Type{_PhysicalDeviceAmigoProfilingFeaturesSEC}, Type{PhysicalDeviceAmigoProfilingFeaturesSEC}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_AMIGO_PROFILING_FEATURES_SEC structure_type(@nospecialize(_::Union{Type{VkAmigoProfilingSubmitInfoSEC}, Type{_AmigoProfilingSubmitInfoSEC}, Type{AmigoProfilingSubmitInfoSEC}})) = VK_STRUCTURE_TYPE_AMIGO_PROFILING_SUBMIT_INFO_SEC structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT}, Type{_PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT}, Type{PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_ATTACHMENT_FEEDBACK_LOOP_LAYOUT_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDepthClampZeroOneFeaturesEXT}, Type{_PhysicalDeviceDepthClampZeroOneFeaturesEXT}, Type{PhysicalDeviceDepthClampZeroOneFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_CLAMP_ZERO_ONE_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAddressBindingReportFeaturesEXT}, Type{_PhysicalDeviceAddressBindingReportFeaturesEXT}, Type{PhysicalDeviceAddressBindingReportFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_ADDRESS_BINDING_REPORT_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkDeviceAddressBindingCallbackDataEXT}, Type{_DeviceAddressBindingCallbackDataEXT}, Type{DeviceAddressBindingCallbackDataEXT}})) = VK_STRUCTURE_TYPE_DEVICE_ADDRESS_BINDING_CALLBACK_DATA_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceOpticalFlowFeaturesNV}, Type{_PhysicalDeviceOpticalFlowFeaturesNV}, Type{PhysicalDeviceOpticalFlowFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_OPTICAL_FLOW_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceOpticalFlowPropertiesNV}, Type{_PhysicalDeviceOpticalFlowPropertiesNV}, Type{PhysicalDeviceOpticalFlowPropertiesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_OPTICAL_FLOW_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkOpticalFlowImageFormatInfoNV}, Type{_OpticalFlowImageFormatInfoNV}, Type{OpticalFlowImageFormatInfoNV}})) = VK_STRUCTURE_TYPE_OPTICAL_FLOW_IMAGE_FORMAT_INFO_NV structure_type(@nospecialize(_::Union{Type{VkOpticalFlowImageFormatPropertiesNV}, Type{_OpticalFlowImageFormatPropertiesNV}, Type{OpticalFlowImageFormatPropertiesNV}})) = VK_STRUCTURE_TYPE_OPTICAL_FLOW_IMAGE_FORMAT_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkOpticalFlowSessionCreateInfoNV}, Type{_OpticalFlowSessionCreateInfoNV}, Type{OpticalFlowSessionCreateInfoNV}})) = VK_STRUCTURE_TYPE_OPTICAL_FLOW_SESSION_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkOpticalFlowSessionCreatePrivateDataInfoNV}, Type{_OpticalFlowSessionCreatePrivateDataInfoNV}, Type{OpticalFlowSessionCreatePrivateDataInfoNV}})) = VK_STRUCTURE_TYPE_OPTICAL_FLOW_SESSION_CREATE_PRIVATE_DATA_INFO_NV structure_type(@nospecialize(_::Union{Type{VkOpticalFlowExecuteInfoNV}, Type{_OpticalFlowExecuteInfoNV}, Type{OpticalFlowExecuteInfoNV}})) = VK_STRUCTURE_TYPE_OPTICAL_FLOW_EXECUTE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFaultFeaturesEXT}, Type{_PhysicalDeviceFaultFeaturesEXT}, Type{PhysicalDeviceFaultFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FAULT_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkDeviceFaultCountsEXT}, Type{_DeviceFaultCountsEXT}, Type{DeviceFaultCountsEXT}})) = VK_STRUCTURE_TYPE_DEVICE_FAULT_COUNTS_EXT structure_type(@nospecialize(_::Union{Type{VkDeviceFaultInfoEXT}, Type{_DeviceFaultInfoEXT}, Type{DeviceFaultInfoEXT}})) = VK_STRUCTURE_TYPE_DEVICE_FAULT_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT}, Type{_PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT}, Type{PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_LIBRARY_GROUP_HANDLES_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM}, Type{_PhysicalDeviceShaderCoreBuiltinsPropertiesARM}, Type{PhysicalDeviceShaderCoreBuiltinsPropertiesARM}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CORE_BUILTINS_PROPERTIES_ARM structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM}, Type{_PhysicalDeviceShaderCoreBuiltinsFeaturesARM}, Type{PhysicalDeviceShaderCoreBuiltinsFeaturesARM}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CORE_BUILTINS_FEATURES_ARM structure_type(@nospecialize(_::Union{Type{VkSurfacePresentModeEXT}, Type{_SurfacePresentModeEXT}, Type{SurfacePresentModeEXT}})) = VK_STRUCTURE_TYPE_SURFACE_PRESENT_MODE_EXT structure_type(@nospecialize(_::Union{Type{VkSurfacePresentScalingCapabilitiesEXT}, Type{_SurfacePresentScalingCapabilitiesEXT}, Type{SurfacePresentScalingCapabilitiesEXT}})) = VK_STRUCTURE_TYPE_SURFACE_PRESENT_SCALING_CAPABILITIES_EXT structure_type(@nospecialize(_::Union{Type{VkSurfacePresentModeCompatibilityEXT}, Type{_SurfacePresentModeCompatibilityEXT}, Type{SurfacePresentModeCompatibilityEXT}})) = VK_STRUCTURE_TYPE_SURFACE_PRESENT_MODE_COMPATIBILITY_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT}, Type{_PhysicalDeviceSwapchainMaintenance1FeaturesEXT}, Type{PhysicalDeviceSwapchainMaintenance1FeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SWAPCHAIN_MAINTENANCE_1_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkSwapchainPresentFenceInfoEXT}, Type{_SwapchainPresentFenceInfoEXT}, Type{SwapchainPresentFenceInfoEXT}})) = VK_STRUCTURE_TYPE_SWAPCHAIN_PRESENT_FENCE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkSwapchainPresentModesCreateInfoEXT}, Type{_SwapchainPresentModesCreateInfoEXT}, Type{SwapchainPresentModesCreateInfoEXT}})) = VK_STRUCTURE_TYPE_SWAPCHAIN_PRESENT_MODES_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkSwapchainPresentModeInfoEXT}, Type{_SwapchainPresentModeInfoEXT}, Type{SwapchainPresentModeInfoEXT}})) = VK_STRUCTURE_TYPE_SWAPCHAIN_PRESENT_MODE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkSwapchainPresentScalingCreateInfoEXT}, Type{_SwapchainPresentScalingCreateInfoEXT}, Type{SwapchainPresentScalingCreateInfoEXT}})) = VK_STRUCTURE_TYPE_SWAPCHAIN_PRESENT_SCALING_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkReleaseSwapchainImagesInfoEXT}, Type{_ReleaseSwapchainImagesInfoEXT}, Type{ReleaseSwapchainImagesInfoEXT}})) = VK_STRUCTURE_TYPE_RELEASE_SWAPCHAIN_IMAGES_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV}, Type{_PhysicalDeviceRayTracingInvocationReorderFeaturesNV}, Type{PhysicalDeviceRayTracingInvocationReorderFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_INVOCATION_REORDER_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV}, Type{_PhysicalDeviceRayTracingInvocationReorderPropertiesNV}, Type{PhysicalDeviceRayTracingInvocationReorderPropertiesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_INVOCATION_REORDER_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkDirectDriverLoadingInfoLUNARG}, Type{_DirectDriverLoadingInfoLUNARG}, Type{DirectDriverLoadingInfoLUNARG}})) = VK_STRUCTURE_TYPE_DIRECT_DRIVER_LOADING_INFO_LUNARG structure_type(@nospecialize(_::Union{Type{VkDirectDriverLoadingListLUNARG}, Type{_DirectDriverLoadingListLUNARG}, Type{DirectDriverLoadingListLUNARG}})) = VK_STRUCTURE_TYPE_DIRECT_DRIVER_LOADING_LIST_LUNARG structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM}, Type{_PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM}, Type{PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_PER_VIEW_VIEWPORTS_FEATURES_QCOM hl_type(@nospecialize(_::Union{Type{VkBaseOutStructure}, Type{_BaseOutStructure}})) = BaseOutStructure hl_type(@nospecialize(_::Union{Type{VkBaseInStructure}, Type{_BaseInStructure}})) = BaseInStructure hl_type(@nospecialize(_::Union{Type{VkOffset2D}, Type{_Offset2D}})) = Offset2D hl_type(@nospecialize(_::Union{Type{VkOffset3D}, Type{_Offset3D}})) = Offset3D hl_type(@nospecialize(_::Union{Type{VkExtent2D}, Type{_Extent2D}})) = Extent2D hl_type(@nospecialize(_::Union{Type{VkExtent3D}, Type{_Extent3D}})) = Extent3D hl_type(@nospecialize(_::Union{Type{VkViewport}, Type{_Viewport}})) = Viewport hl_type(@nospecialize(_::Union{Type{VkRect2D}, Type{_Rect2D}})) = Rect2D hl_type(@nospecialize(_::Union{Type{VkClearRect}, Type{_ClearRect}})) = ClearRect hl_type(@nospecialize(_::Union{Type{VkComponentMapping}, Type{_ComponentMapping}})) = ComponentMapping hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProperties}, Type{_PhysicalDeviceProperties}})) = PhysicalDeviceProperties hl_type(@nospecialize(_::Union{Type{VkExtensionProperties}, Type{_ExtensionProperties}})) = ExtensionProperties hl_type(@nospecialize(_::Union{Type{VkLayerProperties}, Type{_LayerProperties}})) = LayerProperties hl_type(@nospecialize(_::Union{Type{VkApplicationInfo}, Type{_ApplicationInfo}})) = ApplicationInfo hl_type(@nospecialize(_::Union{Type{VkAllocationCallbacks}, Type{_AllocationCallbacks}})) = AllocationCallbacks hl_type(@nospecialize(_::Union{Type{VkDeviceQueueCreateInfo}, Type{_DeviceQueueCreateInfo}})) = DeviceQueueCreateInfo hl_type(@nospecialize(_::Union{Type{VkDeviceCreateInfo}, Type{_DeviceCreateInfo}})) = DeviceCreateInfo hl_type(@nospecialize(_::Union{Type{VkInstanceCreateInfo}, Type{_InstanceCreateInfo}})) = InstanceCreateInfo hl_type(@nospecialize(_::Union{Type{VkQueueFamilyProperties}, Type{_QueueFamilyProperties}})) = QueueFamilyProperties hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryProperties}, Type{_PhysicalDeviceMemoryProperties}})) = PhysicalDeviceMemoryProperties hl_type(@nospecialize(_::Union{Type{VkMemoryAllocateInfo}, Type{_MemoryAllocateInfo}})) = MemoryAllocateInfo hl_type(@nospecialize(_::Union{Type{VkMemoryRequirements}, Type{_MemoryRequirements}})) = MemoryRequirements hl_type(@nospecialize(_::Union{Type{VkSparseImageFormatProperties}, Type{_SparseImageFormatProperties}})) = SparseImageFormatProperties hl_type(@nospecialize(_::Union{Type{VkSparseImageMemoryRequirements}, Type{_SparseImageMemoryRequirements}})) = SparseImageMemoryRequirements hl_type(@nospecialize(_::Union{Type{VkMemoryType}, Type{_MemoryType}})) = MemoryType hl_type(@nospecialize(_::Union{Type{VkMemoryHeap}, Type{_MemoryHeap}})) = MemoryHeap hl_type(@nospecialize(_::Union{Type{VkMappedMemoryRange}, Type{_MappedMemoryRange}})) = MappedMemoryRange hl_type(@nospecialize(_::Union{Type{VkFormatProperties}, Type{_FormatProperties}})) = FormatProperties hl_type(@nospecialize(_::Union{Type{VkImageFormatProperties}, Type{_ImageFormatProperties}})) = ImageFormatProperties hl_type(@nospecialize(_::Union{Type{VkDescriptorBufferInfo}, Type{_DescriptorBufferInfo}})) = DescriptorBufferInfo hl_type(@nospecialize(_::Union{Type{VkDescriptorImageInfo}, Type{_DescriptorImageInfo}})) = DescriptorImageInfo hl_type(@nospecialize(_::Union{Type{VkWriteDescriptorSet}, Type{_WriteDescriptorSet}})) = WriteDescriptorSet hl_type(@nospecialize(_::Union{Type{VkCopyDescriptorSet}, Type{_CopyDescriptorSet}})) = CopyDescriptorSet hl_type(@nospecialize(_::Union{Type{VkBufferCreateInfo}, Type{_BufferCreateInfo}})) = BufferCreateInfo hl_type(@nospecialize(_::Union{Type{VkBufferViewCreateInfo}, Type{_BufferViewCreateInfo}})) = BufferViewCreateInfo hl_type(@nospecialize(_::Union{Type{VkImageSubresource}, Type{_ImageSubresource}})) = ImageSubresource hl_type(@nospecialize(_::Union{Type{VkImageSubresourceLayers}, Type{_ImageSubresourceLayers}})) = ImageSubresourceLayers hl_type(@nospecialize(_::Union{Type{VkImageSubresourceRange}, Type{_ImageSubresourceRange}})) = ImageSubresourceRange hl_type(@nospecialize(_::Union{Type{VkMemoryBarrier}, Type{_MemoryBarrier}})) = MemoryBarrier hl_type(@nospecialize(_::Union{Type{VkBufferMemoryBarrier}, Type{_BufferMemoryBarrier}})) = BufferMemoryBarrier hl_type(@nospecialize(_::Union{Type{VkImageMemoryBarrier}, Type{_ImageMemoryBarrier}})) = ImageMemoryBarrier hl_type(@nospecialize(_::Union{Type{VkImageCreateInfo}, Type{_ImageCreateInfo}})) = ImageCreateInfo hl_type(@nospecialize(_::Union{Type{VkSubresourceLayout}, Type{_SubresourceLayout}})) = SubresourceLayout hl_type(@nospecialize(_::Union{Type{VkImageViewCreateInfo}, Type{_ImageViewCreateInfo}})) = ImageViewCreateInfo hl_type(@nospecialize(_::Union{Type{VkBufferCopy}, Type{_BufferCopy}})) = BufferCopy hl_type(@nospecialize(_::Union{Type{VkSparseMemoryBind}, Type{_SparseMemoryBind}})) = SparseMemoryBind hl_type(@nospecialize(_::Union{Type{VkSparseImageMemoryBind}, Type{_SparseImageMemoryBind}})) = SparseImageMemoryBind hl_type(@nospecialize(_::Union{Type{VkSparseBufferMemoryBindInfo}, Type{_SparseBufferMemoryBindInfo}})) = SparseBufferMemoryBindInfo hl_type(@nospecialize(_::Union{Type{VkSparseImageOpaqueMemoryBindInfo}, Type{_SparseImageOpaqueMemoryBindInfo}})) = SparseImageOpaqueMemoryBindInfo hl_type(@nospecialize(_::Union{Type{VkSparseImageMemoryBindInfo}, Type{_SparseImageMemoryBindInfo}})) = SparseImageMemoryBindInfo hl_type(@nospecialize(_::Union{Type{VkBindSparseInfo}, Type{_BindSparseInfo}})) = BindSparseInfo hl_type(@nospecialize(_::Union{Type{VkImageCopy}, Type{_ImageCopy}})) = ImageCopy hl_type(@nospecialize(_::Union{Type{VkImageBlit}, Type{_ImageBlit}})) = ImageBlit hl_type(@nospecialize(_::Union{Type{VkBufferImageCopy}, Type{_BufferImageCopy}})) = BufferImageCopy hl_type(@nospecialize(_::Union{Type{VkCopyMemoryIndirectCommandNV}, Type{_CopyMemoryIndirectCommandNV}})) = CopyMemoryIndirectCommandNV hl_type(@nospecialize(_::Union{Type{VkCopyMemoryToImageIndirectCommandNV}, Type{_CopyMemoryToImageIndirectCommandNV}})) = CopyMemoryToImageIndirectCommandNV hl_type(@nospecialize(_::Union{Type{VkImageResolve}, Type{_ImageResolve}})) = ImageResolve hl_type(@nospecialize(_::Union{Type{VkShaderModuleCreateInfo}, Type{_ShaderModuleCreateInfo}})) = ShaderModuleCreateInfo hl_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutBinding}, Type{_DescriptorSetLayoutBinding}})) = DescriptorSetLayoutBinding hl_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutCreateInfo}, Type{_DescriptorSetLayoutCreateInfo}})) = DescriptorSetLayoutCreateInfo hl_type(@nospecialize(_::Union{Type{VkDescriptorPoolSize}, Type{_DescriptorPoolSize}})) = DescriptorPoolSize hl_type(@nospecialize(_::Union{Type{VkDescriptorPoolCreateInfo}, Type{_DescriptorPoolCreateInfo}})) = DescriptorPoolCreateInfo hl_type(@nospecialize(_::Union{Type{VkDescriptorSetAllocateInfo}, Type{_DescriptorSetAllocateInfo}})) = DescriptorSetAllocateInfo hl_type(@nospecialize(_::Union{Type{VkSpecializationMapEntry}, Type{_SpecializationMapEntry}})) = SpecializationMapEntry hl_type(@nospecialize(_::Union{Type{VkSpecializationInfo}, Type{_SpecializationInfo}})) = SpecializationInfo hl_type(@nospecialize(_::Union{Type{VkPipelineShaderStageCreateInfo}, Type{_PipelineShaderStageCreateInfo}})) = PipelineShaderStageCreateInfo hl_type(@nospecialize(_::Union{Type{VkComputePipelineCreateInfo}, Type{_ComputePipelineCreateInfo}})) = ComputePipelineCreateInfo hl_type(@nospecialize(_::Union{Type{VkVertexInputBindingDescription}, Type{_VertexInputBindingDescription}})) = VertexInputBindingDescription hl_type(@nospecialize(_::Union{Type{VkVertexInputAttributeDescription}, Type{_VertexInputAttributeDescription}})) = VertexInputAttributeDescription hl_type(@nospecialize(_::Union{Type{VkPipelineVertexInputStateCreateInfo}, Type{_PipelineVertexInputStateCreateInfo}})) = PipelineVertexInputStateCreateInfo hl_type(@nospecialize(_::Union{Type{VkPipelineInputAssemblyStateCreateInfo}, Type{_PipelineInputAssemblyStateCreateInfo}})) = PipelineInputAssemblyStateCreateInfo hl_type(@nospecialize(_::Union{Type{VkPipelineTessellationStateCreateInfo}, Type{_PipelineTessellationStateCreateInfo}})) = PipelineTessellationStateCreateInfo hl_type(@nospecialize(_::Union{Type{VkPipelineViewportStateCreateInfo}, Type{_PipelineViewportStateCreateInfo}})) = PipelineViewportStateCreateInfo hl_type(@nospecialize(_::Union{Type{VkPipelineRasterizationStateCreateInfo}, Type{_PipelineRasterizationStateCreateInfo}})) = PipelineRasterizationStateCreateInfo hl_type(@nospecialize(_::Union{Type{VkPipelineMultisampleStateCreateInfo}, Type{_PipelineMultisampleStateCreateInfo}})) = PipelineMultisampleStateCreateInfo hl_type(@nospecialize(_::Union{Type{VkPipelineColorBlendAttachmentState}, Type{_PipelineColorBlendAttachmentState}})) = PipelineColorBlendAttachmentState hl_type(@nospecialize(_::Union{Type{VkPipelineColorBlendStateCreateInfo}, Type{_PipelineColorBlendStateCreateInfo}})) = PipelineColorBlendStateCreateInfo hl_type(@nospecialize(_::Union{Type{VkPipelineDynamicStateCreateInfo}, Type{_PipelineDynamicStateCreateInfo}})) = PipelineDynamicStateCreateInfo hl_type(@nospecialize(_::Union{Type{VkStencilOpState}, Type{_StencilOpState}})) = StencilOpState hl_type(@nospecialize(_::Union{Type{VkPipelineDepthStencilStateCreateInfo}, Type{_PipelineDepthStencilStateCreateInfo}})) = PipelineDepthStencilStateCreateInfo hl_type(@nospecialize(_::Union{Type{VkGraphicsPipelineCreateInfo}, Type{_GraphicsPipelineCreateInfo}})) = GraphicsPipelineCreateInfo hl_type(@nospecialize(_::Union{Type{VkPipelineCacheCreateInfo}, Type{_PipelineCacheCreateInfo}})) = PipelineCacheCreateInfo hl_type(@nospecialize(_::Union{Type{VkPipelineCacheHeaderVersionOne}, Type{_PipelineCacheHeaderVersionOne}})) = PipelineCacheHeaderVersionOne hl_type(@nospecialize(_::Union{Type{VkPushConstantRange}, Type{_PushConstantRange}})) = PushConstantRange hl_type(@nospecialize(_::Union{Type{VkPipelineLayoutCreateInfo}, Type{_PipelineLayoutCreateInfo}})) = PipelineLayoutCreateInfo hl_type(@nospecialize(_::Union{Type{VkSamplerCreateInfo}, Type{_SamplerCreateInfo}})) = SamplerCreateInfo hl_type(@nospecialize(_::Union{Type{VkCommandPoolCreateInfo}, Type{_CommandPoolCreateInfo}})) = CommandPoolCreateInfo hl_type(@nospecialize(_::Union{Type{VkCommandBufferAllocateInfo}, Type{_CommandBufferAllocateInfo}})) = CommandBufferAllocateInfo hl_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceInfo}, Type{_CommandBufferInheritanceInfo}})) = CommandBufferInheritanceInfo hl_type(@nospecialize(_::Union{Type{VkCommandBufferBeginInfo}, Type{_CommandBufferBeginInfo}})) = CommandBufferBeginInfo hl_type(@nospecialize(_::Union{Type{VkRenderPassBeginInfo}, Type{_RenderPassBeginInfo}})) = RenderPassBeginInfo hl_type(@nospecialize(_::Union{Type{VkClearDepthStencilValue}, Type{_ClearDepthStencilValue}})) = ClearDepthStencilValue hl_type(@nospecialize(_::Union{Type{VkClearAttachment}, Type{_ClearAttachment}})) = ClearAttachment hl_type(@nospecialize(_::Union{Type{VkAttachmentDescription}, Type{_AttachmentDescription}})) = AttachmentDescription hl_type(@nospecialize(_::Union{Type{VkAttachmentReference}, Type{_AttachmentReference}})) = AttachmentReference hl_type(@nospecialize(_::Union{Type{VkSubpassDescription}, Type{_SubpassDescription}})) = SubpassDescription hl_type(@nospecialize(_::Union{Type{VkSubpassDependency}, Type{_SubpassDependency}})) = SubpassDependency hl_type(@nospecialize(_::Union{Type{VkRenderPassCreateInfo}, Type{_RenderPassCreateInfo}})) = RenderPassCreateInfo hl_type(@nospecialize(_::Union{Type{VkEventCreateInfo}, Type{_EventCreateInfo}})) = EventCreateInfo hl_type(@nospecialize(_::Union{Type{VkFenceCreateInfo}, Type{_FenceCreateInfo}})) = FenceCreateInfo hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFeatures}, Type{_PhysicalDeviceFeatures}})) = PhysicalDeviceFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSparseProperties}, Type{_PhysicalDeviceSparseProperties}})) = PhysicalDeviceSparseProperties hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLimits}, Type{_PhysicalDeviceLimits}})) = PhysicalDeviceLimits hl_type(@nospecialize(_::Union{Type{VkSemaphoreCreateInfo}, Type{_SemaphoreCreateInfo}})) = SemaphoreCreateInfo hl_type(@nospecialize(_::Union{Type{VkQueryPoolCreateInfo}, Type{_QueryPoolCreateInfo}})) = QueryPoolCreateInfo hl_type(@nospecialize(_::Union{Type{VkFramebufferCreateInfo}, Type{_FramebufferCreateInfo}})) = FramebufferCreateInfo hl_type(@nospecialize(_::Union{Type{VkDrawIndirectCommand}, Type{_DrawIndirectCommand}})) = DrawIndirectCommand hl_type(@nospecialize(_::Union{Type{VkDrawIndexedIndirectCommand}, Type{_DrawIndexedIndirectCommand}})) = DrawIndexedIndirectCommand hl_type(@nospecialize(_::Union{Type{VkDispatchIndirectCommand}, Type{_DispatchIndirectCommand}})) = DispatchIndirectCommand hl_type(@nospecialize(_::Union{Type{VkMultiDrawInfoEXT}, Type{_MultiDrawInfoEXT}})) = MultiDrawInfoEXT hl_type(@nospecialize(_::Union{Type{VkMultiDrawIndexedInfoEXT}, Type{_MultiDrawIndexedInfoEXT}})) = MultiDrawIndexedInfoEXT hl_type(@nospecialize(_::Union{Type{VkSubmitInfo}, Type{_SubmitInfo}})) = SubmitInfo hl_type(@nospecialize(_::Union{Type{VkDisplayPropertiesKHR}, Type{_DisplayPropertiesKHR}})) = DisplayPropertiesKHR hl_type(@nospecialize(_::Union{Type{VkDisplayPlanePropertiesKHR}, Type{_DisplayPlanePropertiesKHR}})) = DisplayPlanePropertiesKHR hl_type(@nospecialize(_::Union{Type{VkDisplayModeParametersKHR}, Type{_DisplayModeParametersKHR}})) = DisplayModeParametersKHR hl_type(@nospecialize(_::Union{Type{VkDisplayModePropertiesKHR}, Type{_DisplayModePropertiesKHR}})) = DisplayModePropertiesKHR hl_type(@nospecialize(_::Union{Type{VkDisplayModeCreateInfoKHR}, Type{_DisplayModeCreateInfoKHR}})) = DisplayModeCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkDisplayPlaneCapabilitiesKHR}, Type{_DisplayPlaneCapabilitiesKHR}})) = DisplayPlaneCapabilitiesKHR hl_type(@nospecialize(_::Union{Type{VkDisplaySurfaceCreateInfoKHR}, Type{_DisplaySurfaceCreateInfoKHR}})) = DisplaySurfaceCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkDisplayPresentInfoKHR}, Type{_DisplayPresentInfoKHR}})) = DisplayPresentInfoKHR hl_type(@nospecialize(_::Union{Type{VkSurfaceCapabilitiesKHR}, Type{_SurfaceCapabilitiesKHR}})) = SurfaceCapabilitiesKHR hl_type(@nospecialize(_::Union{Type{VkWaylandSurfaceCreateInfoKHR}, Type{_WaylandSurfaceCreateInfoKHR}})) = WaylandSurfaceCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkXlibSurfaceCreateInfoKHR}, Type{_XlibSurfaceCreateInfoKHR}})) = XlibSurfaceCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkXcbSurfaceCreateInfoKHR}, Type{_XcbSurfaceCreateInfoKHR}})) = XcbSurfaceCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkSurfaceFormatKHR}, Type{_SurfaceFormatKHR}})) = SurfaceFormatKHR hl_type(@nospecialize(_::Union{Type{VkSwapchainCreateInfoKHR}, Type{_SwapchainCreateInfoKHR}})) = SwapchainCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkPresentInfoKHR}, Type{_PresentInfoKHR}})) = PresentInfoKHR hl_type(@nospecialize(_::Union{Type{VkDebugReportCallbackCreateInfoEXT}, Type{_DebugReportCallbackCreateInfoEXT}})) = DebugReportCallbackCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkValidationFlagsEXT}, Type{_ValidationFlagsEXT}})) = ValidationFlagsEXT hl_type(@nospecialize(_::Union{Type{VkValidationFeaturesEXT}, Type{_ValidationFeaturesEXT}})) = ValidationFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPipelineRasterizationStateRasterizationOrderAMD}, Type{_PipelineRasterizationStateRasterizationOrderAMD}})) = PipelineRasterizationStateRasterizationOrderAMD hl_type(@nospecialize(_::Union{Type{VkDebugMarkerObjectNameInfoEXT}, Type{_DebugMarkerObjectNameInfoEXT}})) = DebugMarkerObjectNameInfoEXT hl_type(@nospecialize(_::Union{Type{VkDebugMarkerObjectTagInfoEXT}, Type{_DebugMarkerObjectTagInfoEXT}})) = DebugMarkerObjectTagInfoEXT hl_type(@nospecialize(_::Union{Type{VkDebugMarkerMarkerInfoEXT}, Type{_DebugMarkerMarkerInfoEXT}})) = DebugMarkerMarkerInfoEXT hl_type(@nospecialize(_::Union{Type{VkDedicatedAllocationImageCreateInfoNV}, Type{_DedicatedAllocationImageCreateInfoNV}})) = DedicatedAllocationImageCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkDedicatedAllocationBufferCreateInfoNV}, Type{_DedicatedAllocationBufferCreateInfoNV}})) = DedicatedAllocationBufferCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkDedicatedAllocationMemoryAllocateInfoNV}, Type{_DedicatedAllocationMemoryAllocateInfoNV}})) = DedicatedAllocationMemoryAllocateInfoNV hl_type(@nospecialize(_::Union{Type{VkExternalImageFormatPropertiesNV}, Type{_ExternalImageFormatPropertiesNV}})) = ExternalImageFormatPropertiesNV hl_type(@nospecialize(_::Union{Type{VkExternalMemoryImageCreateInfoNV}, Type{_ExternalMemoryImageCreateInfoNV}})) = ExternalMemoryImageCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkExportMemoryAllocateInfoNV}, Type{_ExportMemoryAllocateInfoNV}})) = ExportMemoryAllocateInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV}, Type{_PhysicalDeviceDeviceGeneratedCommandsFeaturesNV}})) = PhysicalDeviceDeviceGeneratedCommandsFeaturesNV hl_type(@nospecialize(_::Union{Type{VkDevicePrivateDataCreateInfo}, Type{_DevicePrivateDataCreateInfo}})) = DevicePrivateDataCreateInfo hl_type(@nospecialize(_::Union{Type{VkPrivateDataSlotCreateInfo}, Type{_PrivateDataSlotCreateInfo}})) = PrivateDataSlotCreateInfo hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePrivateDataFeatures}, Type{_PhysicalDevicePrivateDataFeatures}})) = PhysicalDevicePrivateDataFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV}, Type{_PhysicalDeviceDeviceGeneratedCommandsPropertiesNV}})) = PhysicalDeviceDeviceGeneratedCommandsPropertiesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiDrawPropertiesEXT}, Type{_PhysicalDeviceMultiDrawPropertiesEXT}})) = PhysicalDeviceMultiDrawPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkGraphicsShaderGroupCreateInfoNV}, Type{_GraphicsShaderGroupCreateInfoNV}})) = GraphicsShaderGroupCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkGraphicsPipelineShaderGroupsCreateInfoNV}, Type{_GraphicsPipelineShaderGroupsCreateInfoNV}})) = GraphicsPipelineShaderGroupsCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkBindShaderGroupIndirectCommandNV}, Type{_BindShaderGroupIndirectCommandNV}})) = BindShaderGroupIndirectCommandNV hl_type(@nospecialize(_::Union{Type{VkBindIndexBufferIndirectCommandNV}, Type{_BindIndexBufferIndirectCommandNV}})) = BindIndexBufferIndirectCommandNV hl_type(@nospecialize(_::Union{Type{VkBindVertexBufferIndirectCommandNV}, Type{_BindVertexBufferIndirectCommandNV}})) = BindVertexBufferIndirectCommandNV hl_type(@nospecialize(_::Union{Type{VkSetStateFlagsIndirectCommandNV}, Type{_SetStateFlagsIndirectCommandNV}})) = SetStateFlagsIndirectCommandNV hl_type(@nospecialize(_::Union{Type{VkIndirectCommandsStreamNV}, Type{_IndirectCommandsStreamNV}})) = IndirectCommandsStreamNV hl_type(@nospecialize(_::Union{Type{VkIndirectCommandsLayoutTokenNV}, Type{_IndirectCommandsLayoutTokenNV}})) = IndirectCommandsLayoutTokenNV hl_type(@nospecialize(_::Union{Type{VkIndirectCommandsLayoutCreateInfoNV}, Type{_IndirectCommandsLayoutCreateInfoNV}})) = IndirectCommandsLayoutCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkGeneratedCommandsInfoNV}, Type{_GeneratedCommandsInfoNV}})) = GeneratedCommandsInfoNV hl_type(@nospecialize(_::Union{Type{VkGeneratedCommandsMemoryRequirementsInfoNV}, Type{_GeneratedCommandsMemoryRequirementsInfoNV}})) = GeneratedCommandsMemoryRequirementsInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFeatures2}, Type{_PhysicalDeviceFeatures2}})) = PhysicalDeviceFeatures2 hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProperties2}, Type{_PhysicalDeviceProperties2}})) = PhysicalDeviceProperties2 hl_type(@nospecialize(_::Union{Type{VkFormatProperties2}, Type{_FormatProperties2}})) = FormatProperties2 hl_type(@nospecialize(_::Union{Type{VkImageFormatProperties2}, Type{_ImageFormatProperties2}})) = ImageFormatProperties2 hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageFormatInfo2}, Type{_PhysicalDeviceImageFormatInfo2}})) = PhysicalDeviceImageFormatInfo2 hl_type(@nospecialize(_::Union{Type{VkQueueFamilyProperties2}, Type{_QueueFamilyProperties2}})) = QueueFamilyProperties2 hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryProperties2}, Type{_PhysicalDeviceMemoryProperties2}})) = PhysicalDeviceMemoryProperties2 hl_type(@nospecialize(_::Union{Type{VkSparseImageFormatProperties2}, Type{_SparseImageFormatProperties2}})) = SparseImageFormatProperties2 hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSparseImageFormatInfo2}, Type{_PhysicalDeviceSparseImageFormatInfo2}})) = PhysicalDeviceSparseImageFormatInfo2 hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePushDescriptorPropertiesKHR}, Type{_PhysicalDevicePushDescriptorPropertiesKHR}})) = PhysicalDevicePushDescriptorPropertiesKHR hl_type(@nospecialize(_::Union{Type{VkConformanceVersion}, Type{_ConformanceVersion}})) = ConformanceVersion hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDriverProperties}, Type{_PhysicalDeviceDriverProperties}})) = PhysicalDeviceDriverProperties hl_type(@nospecialize(_::Union{Type{VkPresentRegionsKHR}, Type{_PresentRegionsKHR}})) = PresentRegionsKHR hl_type(@nospecialize(_::Union{Type{VkPresentRegionKHR}, Type{_PresentRegionKHR}})) = PresentRegionKHR hl_type(@nospecialize(_::Union{Type{VkRectLayerKHR}, Type{_RectLayerKHR}})) = RectLayerKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVariablePointersFeatures}, Type{_PhysicalDeviceVariablePointersFeatures}})) = PhysicalDeviceVariablePointersFeatures hl_type(@nospecialize(_::Union{Type{VkExternalMemoryProperties}, Type{_ExternalMemoryProperties}})) = ExternalMemoryProperties hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalImageFormatInfo}, Type{_PhysicalDeviceExternalImageFormatInfo}})) = PhysicalDeviceExternalImageFormatInfo hl_type(@nospecialize(_::Union{Type{VkExternalImageFormatProperties}, Type{_ExternalImageFormatProperties}})) = ExternalImageFormatProperties hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalBufferInfo}, Type{_PhysicalDeviceExternalBufferInfo}})) = PhysicalDeviceExternalBufferInfo hl_type(@nospecialize(_::Union{Type{VkExternalBufferProperties}, Type{_ExternalBufferProperties}})) = ExternalBufferProperties hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceIDProperties}, Type{_PhysicalDeviceIDProperties}})) = PhysicalDeviceIDProperties hl_type(@nospecialize(_::Union{Type{VkExternalMemoryImageCreateInfo}, Type{_ExternalMemoryImageCreateInfo}})) = ExternalMemoryImageCreateInfo hl_type(@nospecialize(_::Union{Type{VkExternalMemoryBufferCreateInfo}, Type{_ExternalMemoryBufferCreateInfo}})) = ExternalMemoryBufferCreateInfo hl_type(@nospecialize(_::Union{Type{VkExportMemoryAllocateInfo}, Type{_ExportMemoryAllocateInfo}})) = ExportMemoryAllocateInfo hl_type(@nospecialize(_::Union{Type{VkImportMemoryFdInfoKHR}, Type{_ImportMemoryFdInfoKHR}})) = ImportMemoryFdInfoKHR hl_type(@nospecialize(_::Union{Type{VkMemoryFdPropertiesKHR}, Type{_MemoryFdPropertiesKHR}})) = MemoryFdPropertiesKHR hl_type(@nospecialize(_::Union{Type{VkMemoryGetFdInfoKHR}, Type{_MemoryGetFdInfoKHR}})) = MemoryGetFdInfoKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalSemaphoreInfo}, Type{_PhysicalDeviceExternalSemaphoreInfo}})) = PhysicalDeviceExternalSemaphoreInfo hl_type(@nospecialize(_::Union{Type{VkExternalSemaphoreProperties}, Type{_ExternalSemaphoreProperties}})) = ExternalSemaphoreProperties hl_type(@nospecialize(_::Union{Type{VkExportSemaphoreCreateInfo}, Type{_ExportSemaphoreCreateInfo}})) = ExportSemaphoreCreateInfo hl_type(@nospecialize(_::Union{Type{VkImportSemaphoreFdInfoKHR}, Type{_ImportSemaphoreFdInfoKHR}})) = ImportSemaphoreFdInfoKHR hl_type(@nospecialize(_::Union{Type{VkSemaphoreGetFdInfoKHR}, Type{_SemaphoreGetFdInfoKHR}})) = SemaphoreGetFdInfoKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalFenceInfo}, Type{_PhysicalDeviceExternalFenceInfo}})) = PhysicalDeviceExternalFenceInfo hl_type(@nospecialize(_::Union{Type{VkExternalFenceProperties}, Type{_ExternalFenceProperties}})) = ExternalFenceProperties hl_type(@nospecialize(_::Union{Type{VkExportFenceCreateInfo}, Type{_ExportFenceCreateInfo}})) = ExportFenceCreateInfo hl_type(@nospecialize(_::Union{Type{VkImportFenceFdInfoKHR}, Type{_ImportFenceFdInfoKHR}})) = ImportFenceFdInfoKHR hl_type(@nospecialize(_::Union{Type{VkFenceGetFdInfoKHR}, Type{_FenceGetFdInfoKHR}})) = FenceGetFdInfoKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiviewFeatures}, Type{_PhysicalDeviceMultiviewFeatures}})) = PhysicalDeviceMultiviewFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiviewProperties}, Type{_PhysicalDeviceMultiviewProperties}})) = PhysicalDeviceMultiviewProperties hl_type(@nospecialize(_::Union{Type{VkRenderPassMultiviewCreateInfo}, Type{_RenderPassMultiviewCreateInfo}})) = RenderPassMultiviewCreateInfo hl_type(@nospecialize(_::Union{Type{VkSurfaceCapabilities2EXT}, Type{_SurfaceCapabilities2EXT}})) = SurfaceCapabilities2EXT hl_type(@nospecialize(_::Union{Type{VkDisplayPowerInfoEXT}, Type{_DisplayPowerInfoEXT}})) = DisplayPowerInfoEXT hl_type(@nospecialize(_::Union{Type{VkDeviceEventInfoEXT}, Type{_DeviceEventInfoEXT}})) = DeviceEventInfoEXT hl_type(@nospecialize(_::Union{Type{VkDisplayEventInfoEXT}, Type{_DisplayEventInfoEXT}})) = DisplayEventInfoEXT hl_type(@nospecialize(_::Union{Type{VkSwapchainCounterCreateInfoEXT}, Type{_SwapchainCounterCreateInfoEXT}})) = SwapchainCounterCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceGroupProperties}, Type{_PhysicalDeviceGroupProperties}})) = PhysicalDeviceGroupProperties hl_type(@nospecialize(_::Union{Type{VkMemoryAllocateFlagsInfo}, Type{_MemoryAllocateFlagsInfo}})) = MemoryAllocateFlagsInfo hl_type(@nospecialize(_::Union{Type{VkBindBufferMemoryInfo}, Type{_BindBufferMemoryInfo}})) = BindBufferMemoryInfo hl_type(@nospecialize(_::Union{Type{VkBindBufferMemoryDeviceGroupInfo}, Type{_BindBufferMemoryDeviceGroupInfo}})) = BindBufferMemoryDeviceGroupInfo hl_type(@nospecialize(_::Union{Type{VkBindImageMemoryInfo}, Type{_BindImageMemoryInfo}})) = BindImageMemoryInfo hl_type(@nospecialize(_::Union{Type{VkBindImageMemoryDeviceGroupInfo}, Type{_BindImageMemoryDeviceGroupInfo}})) = BindImageMemoryDeviceGroupInfo hl_type(@nospecialize(_::Union{Type{VkDeviceGroupRenderPassBeginInfo}, Type{_DeviceGroupRenderPassBeginInfo}})) = DeviceGroupRenderPassBeginInfo hl_type(@nospecialize(_::Union{Type{VkDeviceGroupCommandBufferBeginInfo}, Type{_DeviceGroupCommandBufferBeginInfo}})) = DeviceGroupCommandBufferBeginInfo hl_type(@nospecialize(_::Union{Type{VkDeviceGroupSubmitInfo}, Type{_DeviceGroupSubmitInfo}})) = DeviceGroupSubmitInfo hl_type(@nospecialize(_::Union{Type{VkDeviceGroupBindSparseInfo}, Type{_DeviceGroupBindSparseInfo}})) = DeviceGroupBindSparseInfo hl_type(@nospecialize(_::Union{Type{VkDeviceGroupPresentCapabilitiesKHR}, Type{_DeviceGroupPresentCapabilitiesKHR}})) = DeviceGroupPresentCapabilitiesKHR hl_type(@nospecialize(_::Union{Type{VkImageSwapchainCreateInfoKHR}, Type{_ImageSwapchainCreateInfoKHR}})) = ImageSwapchainCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkBindImageMemorySwapchainInfoKHR}, Type{_BindImageMemorySwapchainInfoKHR}})) = BindImageMemorySwapchainInfoKHR hl_type(@nospecialize(_::Union{Type{VkAcquireNextImageInfoKHR}, Type{_AcquireNextImageInfoKHR}})) = AcquireNextImageInfoKHR hl_type(@nospecialize(_::Union{Type{VkDeviceGroupPresentInfoKHR}, Type{_DeviceGroupPresentInfoKHR}})) = DeviceGroupPresentInfoKHR hl_type(@nospecialize(_::Union{Type{VkDeviceGroupDeviceCreateInfo}, Type{_DeviceGroupDeviceCreateInfo}})) = DeviceGroupDeviceCreateInfo hl_type(@nospecialize(_::Union{Type{VkDeviceGroupSwapchainCreateInfoKHR}, Type{_DeviceGroupSwapchainCreateInfoKHR}})) = DeviceGroupSwapchainCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkDescriptorUpdateTemplateEntry}, Type{_DescriptorUpdateTemplateEntry}})) = DescriptorUpdateTemplateEntry hl_type(@nospecialize(_::Union{Type{VkDescriptorUpdateTemplateCreateInfo}, Type{_DescriptorUpdateTemplateCreateInfo}})) = DescriptorUpdateTemplateCreateInfo hl_type(@nospecialize(_::Union{Type{VkXYColorEXT}, Type{_XYColorEXT}})) = XYColorEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePresentIdFeaturesKHR}, Type{_PhysicalDevicePresentIdFeaturesKHR}})) = PhysicalDevicePresentIdFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkPresentIdKHR}, Type{_PresentIdKHR}})) = PresentIdKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePresentWaitFeaturesKHR}, Type{_PhysicalDevicePresentWaitFeaturesKHR}})) = PhysicalDevicePresentWaitFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkHdrMetadataEXT}, Type{_HdrMetadataEXT}})) = HdrMetadataEXT hl_type(@nospecialize(_::Union{Type{VkDisplayNativeHdrSurfaceCapabilitiesAMD}, Type{_DisplayNativeHdrSurfaceCapabilitiesAMD}})) = DisplayNativeHdrSurfaceCapabilitiesAMD hl_type(@nospecialize(_::Union{Type{VkSwapchainDisplayNativeHdrCreateInfoAMD}, Type{_SwapchainDisplayNativeHdrCreateInfoAMD}})) = SwapchainDisplayNativeHdrCreateInfoAMD hl_type(@nospecialize(_::Union{Type{VkRefreshCycleDurationGOOGLE}, Type{_RefreshCycleDurationGOOGLE}})) = RefreshCycleDurationGOOGLE hl_type(@nospecialize(_::Union{Type{VkPastPresentationTimingGOOGLE}, Type{_PastPresentationTimingGOOGLE}})) = PastPresentationTimingGOOGLE hl_type(@nospecialize(_::Union{Type{VkPresentTimesInfoGOOGLE}, Type{_PresentTimesInfoGOOGLE}})) = PresentTimesInfoGOOGLE hl_type(@nospecialize(_::Union{Type{VkPresentTimeGOOGLE}, Type{_PresentTimeGOOGLE}})) = PresentTimeGOOGLE hl_type(@nospecialize(_::Union{Type{VkViewportWScalingNV}, Type{_ViewportWScalingNV}})) = ViewportWScalingNV hl_type(@nospecialize(_::Union{Type{VkPipelineViewportWScalingStateCreateInfoNV}, Type{_PipelineViewportWScalingStateCreateInfoNV}})) = PipelineViewportWScalingStateCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkViewportSwizzleNV}, Type{_ViewportSwizzleNV}})) = ViewportSwizzleNV hl_type(@nospecialize(_::Union{Type{VkPipelineViewportSwizzleStateCreateInfoNV}, Type{_PipelineViewportSwizzleStateCreateInfoNV}})) = PipelineViewportSwizzleStateCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDiscardRectanglePropertiesEXT}, Type{_PhysicalDeviceDiscardRectanglePropertiesEXT}})) = PhysicalDeviceDiscardRectanglePropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPipelineDiscardRectangleStateCreateInfoEXT}, Type{_PipelineDiscardRectangleStateCreateInfoEXT}})) = PipelineDiscardRectangleStateCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX}, Type{_PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX}})) = PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX hl_type(@nospecialize(_::Union{Type{VkInputAttachmentAspectReference}, Type{_InputAttachmentAspectReference}})) = InputAttachmentAspectReference hl_type(@nospecialize(_::Union{Type{VkRenderPassInputAttachmentAspectCreateInfo}, Type{_RenderPassInputAttachmentAspectCreateInfo}})) = RenderPassInputAttachmentAspectCreateInfo hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSurfaceInfo2KHR}, Type{_PhysicalDeviceSurfaceInfo2KHR}})) = PhysicalDeviceSurfaceInfo2KHR hl_type(@nospecialize(_::Union{Type{VkSurfaceCapabilities2KHR}, Type{_SurfaceCapabilities2KHR}})) = SurfaceCapabilities2KHR hl_type(@nospecialize(_::Union{Type{VkSurfaceFormat2KHR}, Type{_SurfaceFormat2KHR}})) = SurfaceFormat2KHR hl_type(@nospecialize(_::Union{Type{VkDisplayProperties2KHR}, Type{_DisplayProperties2KHR}})) = DisplayProperties2KHR hl_type(@nospecialize(_::Union{Type{VkDisplayPlaneProperties2KHR}, Type{_DisplayPlaneProperties2KHR}})) = DisplayPlaneProperties2KHR hl_type(@nospecialize(_::Union{Type{VkDisplayModeProperties2KHR}, Type{_DisplayModeProperties2KHR}})) = DisplayModeProperties2KHR hl_type(@nospecialize(_::Union{Type{VkDisplayPlaneInfo2KHR}, Type{_DisplayPlaneInfo2KHR}})) = DisplayPlaneInfo2KHR hl_type(@nospecialize(_::Union{Type{VkDisplayPlaneCapabilities2KHR}, Type{_DisplayPlaneCapabilities2KHR}})) = DisplayPlaneCapabilities2KHR hl_type(@nospecialize(_::Union{Type{VkSharedPresentSurfaceCapabilitiesKHR}, Type{_SharedPresentSurfaceCapabilitiesKHR}})) = SharedPresentSurfaceCapabilitiesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDevice16BitStorageFeatures}, Type{_PhysicalDevice16BitStorageFeatures}})) = PhysicalDevice16BitStorageFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubgroupProperties}, Type{_PhysicalDeviceSubgroupProperties}})) = PhysicalDeviceSubgroupProperties hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures}, Type{_PhysicalDeviceShaderSubgroupExtendedTypesFeatures}})) = PhysicalDeviceShaderSubgroupExtendedTypesFeatures hl_type(@nospecialize(_::Union{Type{VkBufferMemoryRequirementsInfo2}, Type{_BufferMemoryRequirementsInfo2}})) = BufferMemoryRequirementsInfo2 hl_type(@nospecialize(_::Union{Type{VkDeviceBufferMemoryRequirements}, Type{_DeviceBufferMemoryRequirements}})) = DeviceBufferMemoryRequirements hl_type(@nospecialize(_::Union{Type{VkImageMemoryRequirementsInfo2}, Type{_ImageMemoryRequirementsInfo2}})) = ImageMemoryRequirementsInfo2 hl_type(@nospecialize(_::Union{Type{VkImageSparseMemoryRequirementsInfo2}, Type{_ImageSparseMemoryRequirementsInfo2}})) = ImageSparseMemoryRequirementsInfo2 hl_type(@nospecialize(_::Union{Type{VkDeviceImageMemoryRequirements}, Type{_DeviceImageMemoryRequirements}})) = DeviceImageMemoryRequirements hl_type(@nospecialize(_::Union{Type{VkMemoryRequirements2}, Type{_MemoryRequirements2}})) = MemoryRequirements2 hl_type(@nospecialize(_::Union{Type{VkSparseImageMemoryRequirements2}, Type{_SparseImageMemoryRequirements2}})) = SparseImageMemoryRequirements2 hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePointClippingProperties}, Type{_PhysicalDevicePointClippingProperties}})) = PhysicalDevicePointClippingProperties hl_type(@nospecialize(_::Union{Type{VkMemoryDedicatedRequirements}, Type{_MemoryDedicatedRequirements}})) = MemoryDedicatedRequirements hl_type(@nospecialize(_::Union{Type{VkMemoryDedicatedAllocateInfo}, Type{_MemoryDedicatedAllocateInfo}})) = MemoryDedicatedAllocateInfo hl_type(@nospecialize(_::Union{Type{VkImageViewUsageCreateInfo}, Type{_ImageViewUsageCreateInfo}})) = ImageViewUsageCreateInfo hl_type(@nospecialize(_::Union{Type{VkPipelineTessellationDomainOriginStateCreateInfo}, Type{_PipelineTessellationDomainOriginStateCreateInfo}})) = PipelineTessellationDomainOriginStateCreateInfo hl_type(@nospecialize(_::Union{Type{VkSamplerYcbcrConversionInfo}, Type{_SamplerYcbcrConversionInfo}})) = SamplerYcbcrConversionInfo hl_type(@nospecialize(_::Union{Type{VkSamplerYcbcrConversionCreateInfo}, Type{_SamplerYcbcrConversionCreateInfo}})) = SamplerYcbcrConversionCreateInfo hl_type(@nospecialize(_::Union{Type{VkBindImagePlaneMemoryInfo}, Type{_BindImagePlaneMemoryInfo}})) = BindImagePlaneMemoryInfo hl_type(@nospecialize(_::Union{Type{VkImagePlaneMemoryRequirementsInfo}, Type{_ImagePlaneMemoryRequirementsInfo}})) = ImagePlaneMemoryRequirementsInfo hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSamplerYcbcrConversionFeatures}, Type{_PhysicalDeviceSamplerYcbcrConversionFeatures}})) = PhysicalDeviceSamplerYcbcrConversionFeatures hl_type(@nospecialize(_::Union{Type{VkSamplerYcbcrConversionImageFormatProperties}, Type{_SamplerYcbcrConversionImageFormatProperties}})) = SamplerYcbcrConversionImageFormatProperties hl_type(@nospecialize(_::Union{Type{VkTextureLODGatherFormatPropertiesAMD}, Type{_TextureLODGatherFormatPropertiesAMD}})) = TextureLODGatherFormatPropertiesAMD hl_type(@nospecialize(_::Union{Type{VkConditionalRenderingBeginInfoEXT}, Type{_ConditionalRenderingBeginInfoEXT}})) = ConditionalRenderingBeginInfoEXT hl_type(@nospecialize(_::Union{Type{VkProtectedSubmitInfo}, Type{_ProtectedSubmitInfo}})) = ProtectedSubmitInfo hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProtectedMemoryFeatures}, Type{_PhysicalDeviceProtectedMemoryFeatures}})) = PhysicalDeviceProtectedMemoryFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProtectedMemoryProperties}, Type{_PhysicalDeviceProtectedMemoryProperties}})) = PhysicalDeviceProtectedMemoryProperties hl_type(@nospecialize(_::Union{Type{VkDeviceQueueInfo2}, Type{_DeviceQueueInfo2}})) = DeviceQueueInfo2 hl_type(@nospecialize(_::Union{Type{VkPipelineCoverageToColorStateCreateInfoNV}, Type{_PipelineCoverageToColorStateCreateInfoNV}})) = PipelineCoverageToColorStateCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSamplerFilterMinmaxProperties}, Type{_PhysicalDeviceSamplerFilterMinmaxProperties}})) = PhysicalDeviceSamplerFilterMinmaxProperties hl_type(@nospecialize(_::Union{Type{VkSampleLocationEXT}, Type{_SampleLocationEXT}})) = SampleLocationEXT hl_type(@nospecialize(_::Union{Type{VkSampleLocationsInfoEXT}, Type{_SampleLocationsInfoEXT}})) = SampleLocationsInfoEXT hl_type(@nospecialize(_::Union{Type{VkAttachmentSampleLocationsEXT}, Type{_AttachmentSampleLocationsEXT}})) = AttachmentSampleLocationsEXT hl_type(@nospecialize(_::Union{Type{VkSubpassSampleLocationsEXT}, Type{_SubpassSampleLocationsEXT}})) = SubpassSampleLocationsEXT hl_type(@nospecialize(_::Union{Type{VkRenderPassSampleLocationsBeginInfoEXT}, Type{_RenderPassSampleLocationsBeginInfoEXT}})) = RenderPassSampleLocationsBeginInfoEXT hl_type(@nospecialize(_::Union{Type{VkPipelineSampleLocationsStateCreateInfoEXT}, Type{_PipelineSampleLocationsStateCreateInfoEXT}})) = PipelineSampleLocationsStateCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSampleLocationsPropertiesEXT}, Type{_PhysicalDeviceSampleLocationsPropertiesEXT}})) = PhysicalDeviceSampleLocationsPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkMultisamplePropertiesEXT}, Type{_MultisamplePropertiesEXT}})) = MultisamplePropertiesEXT hl_type(@nospecialize(_::Union{Type{VkSamplerReductionModeCreateInfo}, Type{_SamplerReductionModeCreateInfo}})) = SamplerReductionModeCreateInfo hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT}, Type{_PhysicalDeviceBlendOperationAdvancedFeaturesEXT}})) = PhysicalDeviceBlendOperationAdvancedFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiDrawFeaturesEXT}, Type{_PhysicalDeviceMultiDrawFeaturesEXT}})) = PhysicalDeviceMultiDrawFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT}, Type{_PhysicalDeviceBlendOperationAdvancedPropertiesEXT}})) = PhysicalDeviceBlendOperationAdvancedPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPipelineColorBlendAdvancedStateCreateInfoEXT}, Type{_PipelineColorBlendAdvancedStateCreateInfoEXT}})) = PipelineColorBlendAdvancedStateCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceInlineUniformBlockFeatures}, Type{_PhysicalDeviceInlineUniformBlockFeatures}})) = PhysicalDeviceInlineUniformBlockFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceInlineUniformBlockProperties}, Type{_PhysicalDeviceInlineUniformBlockProperties}})) = PhysicalDeviceInlineUniformBlockProperties hl_type(@nospecialize(_::Union{Type{VkWriteDescriptorSetInlineUniformBlock}, Type{_WriteDescriptorSetInlineUniformBlock}})) = WriteDescriptorSetInlineUniformBlock hl_type(@nospecialize(_::Union{Type{VkDescriptorPoolInlineUniformBlockCreateInfo}, Type{_DescriptorPoolInlineUniformBlockCreateInfo}})) = DescriptorPoolInlineUniformBlockCreateInfo hl_type(@nospecialize(_::Union{Type{VkPipelineCoverageModulationStateCreateInfoNV}, Type{_PipelineCoverageModulationStateCreateInfoNV}})) = PipelineCoverageModulationStateCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkImageFormatListCreateInfo}, Type{_ImageFormatListCreateInfo}})) = ImageFormatListCreateInfo hl_type(@nospecialize(_::Union{Type{VkValidationCacheCreateInfoEXT}, Type{_ValidationCacheCreateInfoEXT}})) = ValidationCacheCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkShaderModuleValidationCacheCreateInfoEXT}, Type{_ShaderModuleValidationCacheCreateInfoEXT}})) = ShaderModuleValidationCacheCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMaintenance3Properties}, Type{_PhysicalDeviceMaintenance3Properties}})) = PhysicalDeviceMaintenance3Properties hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMaintenance4Features}, Type{_PhysicalDeviceMaintenance4Features}})) = PhysicalDeviceMaintenance4Features hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMaintenance4Properties}, Type{_PhysicalDeviceMaintenance4Properties}})) = PhysicalDeviceMaintenance4Properties hl_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutSupport}, Type{_DescriptorSetLayoutSupport}})) = DescriptorSetLayoutSupport hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderDrawParametersFeatures}, Type{_PhysicalDeviceShaderDrawParametersFeatures}})) = PhysicalDeviceShaderDrawParametersFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderFloat16Int8Features}, Type{_PhysicalDeviceShaderFloat16Int8Features}})) = PhysicalDeviceShaderFloat16Int8Features hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFloatControlsProperties}, Type{_PhysicalDeviceFloatControlsProperties}})) = PhysicalDeviceFloatControlsProperties hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceHostQueryResetFeatures}, Type{_PhysicalDeviceHostQueryResetFeatures}})) = PhysicalDeviceHostQueryResetFeatures hl_type(@nospecialize(_::Union{Type{VkShaderResourceUsageAMD}, Type{_ShaderResourceUsageAMD}})) = ShaderResourceUsageAMD hl_type(@nospecialize(_::Union{Type{VkShaderStatisticsInfoAMD}, Type{_ShaderStatisticsInfoAMD}})) = ShaderStatisticsInfoAMD hl_type(@nospecialize(_::Union{Type{VkDeviceQueueGlobalPriorityCreateInfoKHR}, Type{_DeviceQueueGlobalPriorityCreateInfoKHR}})) = DeviceQueueGlobalPriorityCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR}, Type{_PhysicalDeviceGlobalPriorityQueryFeaturesKHR}})) = PhysicalDeviceGlobalPriorityQueryFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkQueueFamilyGlobalPriorityPropertiesKHR}, Type{_QueueFamilyGlobalPriorityPropertiesKHR}})) = QueueFamilyGlobalPriorityPropertiesKHR hl_type(@nospecialize(_::Union{Type{VkDebugUtilsObjectNameInfoEXT}, Type{_DebugUtilsObjectNameInfoEXT}})) = DebugUtilsObjectNameInfoEXT hl_type(@nospecialize(_::Union{Type{VkDebugUtilsObjectTagInfoEXT}, Type{_DebugUtilsObjectTagInfoEXT}})) = DebugUtilsObjectTagInfoEXT hl_type(@nospecialize(_::Union{Type{VkDebugUtilsLabelEXT}, Type{_DebugUtilsLabelEXT}})) = DebugUtilsLabelEXT hl_type(@nospecialize(_::Union{Type{VkDebugUtilsMessengerCreateInfoEXT}, Type{_DebugUtilsMessengerCreateInfoEXT}})) = DebugUtilsMessengerCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkDebugUtilsMessengerCallbackDataEXT}, Type{_DebugUtilsMessengerCallbackDataEXT}})) = DebugUtilsMessengerCallbackDataEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDeviceMemoryReportFeaturesEXT}, Type{_PhysicalDeviceDeviceMemoryReportFeaturesEXT}})) = PhysicalDeviceDeviceMemoryReportFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkDeviceDeviceMemoryReportCreateInfoEXT}, Type{_DeviceDeviceMemoryReportCreateInfoEXT}})) = DeviceDeviceMemoryReportCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkDeviceMemoryReportCallbackDataEXT}, Type{_DeviceMemoryReportCallbackDataEXT}})) = DeviceMemoryReportCallbackDataEXT hl_type(@nospecialize(_::Union{Type{VkImportMemoryHostPointerInfoEXT}, Type{_ImportMemoryHostPointerInfoEXT}})) = ImportMemoryHostPointerInfoEXT hl_type(@nospecialize(_::Union{Type{VkMemoryHostPointerPropertiesEXT}, Type{_MemoryHostPointerPropertiesEXT}})) = MemoryHostPointerPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalMemoryHostPropertiesEXT}, Type{_PhysicalDeviceExternalMemoryHostPropertiesEXT}})) = PhysicalDeviceExternalMemoryHostPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceConservativeRasterizationPropertiesEXT}, Type{_PhysicalDeviceConservativeRasterizationPropertiesEXT}})) = PhysicalDeviceConservativeRasterizationPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkCalibratedTimestampInfoEXT}, Type{_CalibratedTimestampInfoEXT}})) = CalibratedTimestampInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderCorePropertiesAMD}, Type{_PhysicalDeviceShaderCorePropertiesAMD}})) = PhysicalDeviceShaderCorePropertiesAMD hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderCoreProperties2AMD}, Type{_PhysicalDeviceShaderCoreProperties2AMD}})) = PhysicalDeviceShaderCoreProperties2AMD hl_type(@nospecialize(_::Union{Type{VkPipelineRasterizationConservativeStateCreateInfoEXT}, Type{_PipelineRasterizationConservativeStateCreateInfoEXT}})) = PipelineRasterizationConservativeStateCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorIndexingFeatures}, Type{_PhysicalDeviceDescriptorIndexingFeatures}})) = PhysicalDeviceDescriptorIndexingFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorIndexingProperties}, Type{_PhysicalDeviceDescriptorIndexingProperties}})) = PhysicalDeviceDescriptorIndexingProperties hl_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutBindingFlagsCreateInfo}, Type{_DescriptorSetLayoutBindingFlagsCreateInfo}})) = DescriptorSetLayoutBindingFlagsCreateInfo hl_type(@nospecialize(_::Union{Type{VkDescriptorSetVariableDescriptorCountAllocateInfo}, Type{_DescriptorSetVariableDescriptorCountAllocateInfo}})) = DescriptorSetVariableDescriptorCountAllocateInfo hl_type(@nospecialize(_::Union{Type{VkDescriptorSetVariableDescriptorCountLayoutSupport}, Type{_DescriptorSetVariableDescriptorCountLayoutSupport}})) = DescriptorSetVariableDescriptorCountLayoutSupport hl_type(@nospecialize(_::Union{Type{VkAttachmentDescription2}, Type{_AttachmentDescription2}})) = AttachmentDescription2 hl_type(@nospecialize(_::Union{Type{VkAttachmentReference2}, Type{_AttachmentReference2}})) = AttachmentReference2 hl_type(@nospecialize(_::Union{Type{VkSubpassDescription2}, Type{_SubpassDescription2}})) = SubpassDescription2 hl_type(@nospecialize(_::Union{Type{VkSubpassDependency2}, Type{_SubpassDependency2}})) = SubpassDependency2 hl_type(@nospecialize(_::Union{Type{VkRenderPassCreateInfo2}, Type{_RenderPassCreateInfo2}})) = RenderPassCreateInfo2 hl_type(@nospecialize(_::Union{Type{VkSubpassBeginInfo}, Type{_SubpassBeginInfo}})) = SubpassBeginInfo hl_type(@nospecialize(_::Union{Type{VkSubpassEndInfo}, Type{_SubpassEndInfo}})) = SubpassEndInfo hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTimelineSemaphoreFeatures}, Type{_PhysicalDeviceTimelineSemaphoreFeatures}})) = PhysicalDeviceTimelineSemaphoreFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTimelineSemaphoreProperties}, Type{_PhysicalDeviceTimelineSemaphoreProperties}})) = PhysicalDeviceTimelineSemaphoreProperties hl_type(@nospecialize(_::Union{Type{VkSemaphoreTypeCreateInfo}, Type{_SemaphoreTypeCreateInfo}})) = SemaphoreTypeCreateInfo hl_type(@nospecialize(_::Union{Type{VkTimelineSemaphoreSubmitInfo}, Type{_TimelineSemaphoreSubmitInfo}})) = TimelineSemaphoreSubmitInfo hl_type(@nospecialize(_::Union{Type{VkSemaphoreWaitInfo}, Type{_SemaphoreWaitInfo}})) = SemaphoreWaitInfo hl_type(@nospecialize(_::Union{Type{VkSemaphoreSignalInfo}, Type{_SemaphoreSignalInfo}})) = SemaphoreSignalInfo hl_type(@nospecialize(_::Union{Type{VkVertexInputBindingDivisorDescriptionEXT}, Type{_VertexInputBindingDivisorDescriptionEXT}})) = VertexInputBindingDivisorDescriptionEXT hl_type(@nospecialize(_::Union{Type{VkPipelineVertexInputDivisorStateCreateInfoEXT}, Type{_PipelineVertexInputDivisorStateCreateInfoEXT}})) = PipelineVertexInputDivisorStateCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT}, Type{_PhysicalDeviceVertexAttributeDivisorPropertiesEXT}})) = PhysicalDeviceVertexAttributeDivisorPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePCIBusInfoPropertiesEXT}, Type{_PhysicalDevicePCIBusInfoPropertiesEXT}})) = PhysicalDevicePCIBusInfoPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceConditionalRenderingInfoEXT}, Type{_CommandBufferInheritanceConditionalRenderingInfoEXT}})) = CommandBufferInheritanceConditionalRenderingInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDevice8BitStorageFeatures}, Type{_PhysicalDevice8BitStorageFeatures}})) = PhysicalDevice8BitStorageFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceConditionalRenderingFeaturesEXT}, Type{_PhysicalDeviceConditionalRenderingFeaturesEXT}})) = PhysicalDeviceConditionalRenderingFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkanMemoryModelFeatures}, Type{_PhysicalDeviceVulkanMemoryModelFeatures}})) = PhysicalDeviceVulkanMemoryModelFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderAtomicInt64Features}, Type{_PhysicalDeviceShaderAtomicInt64Features}})) = PhysicalDeviceShaderAtomicInt64Features hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderAtomicFloatFeaturesEXT}, Type{_PhysicalDeviceShaderAtomicFloatFeaturesEXT}})) = PhysicalDeviceShaderAtomicFloatFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT}, Type{_PhysicalDeviceShaderAtomicFloat2FeaturesEXT}})) = PhysicalDeviceShaderAtomicFloat2FeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT}, Type{_PhysicalDeviceVertexAttributeDivisorFeaturesEXT}})) = PhysicalDeviceVertexAttributeDivisorFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkQueueFamilyCheckpointPropertiesNV}, Type{_QueueFamilyCheckpointPropertiesNV}})) = QueueFamilyCheckpointPropertiesNV hl_type(@nospecialize(_::Union{Type{VkCheckpointDataNV}, Type{_CheckpointDataNV}})) = CheckpointDataNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDepthStencilResolveProperties}, Type{_PhysicalDeviceDepthStencilResolveProperties}})) = PhysicalDeviceDepthStencilResolveProperties hl_type(@nospecialize(_::Union{Type{VkSubpassDescriptionDepthStencilResolve}, Type{_SubpassDescriptionDepthStencilResolve}})) = SubpassDescriptionDepthStencilResolve hl_type(@nospecialize(_::Union{Type{VkImageViewASTCDecodeModeEXT}, Type{_ImageViewASTCDecodeModeEXT}})) = ImageViewASTCDecodeModeEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceASTCDecodeFeaturesEXT}, Type{_PhysicalDeviceASTCDecodeFeaturesEXT}})) = PhysicalDeviceASTCDecodeFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTransformFeedbackFeaturesEXT}, Type{_PhysicalDeviceTransformFeedbackFeaturesEXT}})) = PhysicalDeviceTransformFeedbackFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTransformFeedbackPropertiesEXT}, Type{_PhysicalDeviceTransformFeedbackPropertiesEXT}})) = PhysicalDeviceTransformFeedbackPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPipelineRasterizationStateStreamCreateInfoEXT}, Type{_PipelineRasterizationStateStreamCreateInfoEXT}})) = PipelineRasterizationStateStreamCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV}, Type{_PhysicalDeviceRepresentativeFragmentTestFeaturesNV}})) = PhysicalDeviceRepresentativeFragmentTestFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPipelineRepresentativeFragmentTestStateCreateInfoNV}, Type{_PipelineRepresentativeFragmentTestStateCreateInfoNV}})) = PipelineRepresentativeFragmentTestStateCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExclusiveScissorFeaturesNV}, Type{_PhysicalDeviceExclusiveScissorFeaturesNV}})) = PhysicalDeviceExclusiveScissorFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPipelineViewportExclusiveScissorStateCreateInfoNV}, Type{_PipelineViewportExclusiveScissorStateCreateInfoNV}})) = PipelineViewportExclusiveScissorStateCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCornerSampledImageFeaturesNV}, Type{_PhysicalDeviceCornerSampledImageFeaturesNV}})) = PhysicalDeviceCornerSampledImageFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceComputeShaderDerivativesFeaturesNV}, Type{_PhysicalDeviceComputeShaderDerivativesFeaturesNV}})) = PhysicalDeviceComputeShaderDerivativesFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderImageFootprintFeaturesNV}, Type{_PhysicalDeviceShaderImageFootprintFeaturesNV}})) = PhysicalDeviceShaderImageFootprintFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV}, Type{_PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV}})) = PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCopyMemoryIndirectFeaturesNV}, Type{_PhysicalDeviceCopyMemoryIndirectFeaturesNV}})) = PhysicalDeviceCopyMemoryIndirectFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCopyMemoryIndirectPropertiesNV}, Type{_PhysicalDeviceCopyMemoryIndirectPropertiesNV}})) = PhysicalDeviceCopyMemoryIndirectPropertiesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryDecompressionFeaturesNV}, Type{_PhysicalDeviceMemoryDecompressionFeaturesNV}})) = PhysicalDeviceMemoryDecompressionFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryDecompressionPropertiesNV}, Type{_PhysicalDeviceMemoryDecompressionPropertiesNV}})) = PhysicalDeviceMemoryDecompressionPropertiesNV hl_type(@nospecialize(_::Union{Type{VkShadingRatePaletteNV}, Type{_ShadingRatePaletteNV}})) = ShadingRatePaletteNV hl_type(@nospecialize(_::Union{Type{VkPipelineViewportShadingRateImageStateCreateInfoNV}, Type{_PipelineViewportShadingRateImageStateCreateInfoNV}})) = PipelineViewportShadingRateImageStateCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShadingRateImageFeaturesNV}, Type{_PhysicalDeviceShadingRateImageFeaturesNV}})) = PhysicalDeviceShadingRateImageFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShadingRateImagePropertiesNV}, Type{_PhysicalDeviceShadingRateImagePropertiesNV}})) = PhysicalDeviceShadingRateImagePropertiesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceInvocationMaskFeaturesHUAWEI}, Type{_PhysicalDeviceInvocationMaskFeaturesHUAWEI}})) = PhysicalDeviceInvocationMaskFeaturesHUAWEI hl_type(@nospecialize(_::Union{Type{VkCoarseSampleLocationNV}, Type{_CoarseSampleLocationNV}})) = CoarseSampleLocationNV hl_type(@nospecialize(_::Union{Type{VkCoarseSampleOrderCustomNV}, Type{_CoarseSampleOrderCustomNV}})) = CoarseSampleOrderCustomNV hl_type(@nospecialize(_::Union{Type{VkPipelineViewportCoarseSampleOrderStateCreateInfoNV}, Type{_PipelineViewportCoarseSampleOrderStateCreateInfoNV}})) = PipelineViewportCoarseSampleOrderStateCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMeshShaderFeaturesNV}, Type{_PhysicalDeviceMeshShaderFeaturesNV}})) = PhysicalDeviceMeshShaderFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMeshShaderPropertiesNV}, Type{_PhysicalDeviceMeshShaderPropertiesNV}})) = PhysicalDeviceMeshShaderPropertiesNV hl_type(@nospecialize(_::Union{Type{VkDrawMeshTasksIndirectCommandNV}, Type{_DrawMeshTasksIndirectCommandNV}})) = DrawMeshTasksIndirectCommandNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMeshShaderFeaturesEXT}, Type{_PhysicalDeviceMeshShaderFeaturesEXT}})) = PhysicalDeviceMeshShaderFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMeshShaderPropertiesEXT}, Type{_PhysicalDeviceMeshShaderPropertiesEXT}})) = PhysicalDeviceMeshShaderPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkDrawMeshTasksIndirectCommandEXT}, Type{_DrawMeshTasksIndirectCommandEXT}})) = DrawMeshTasksIndirectCommandEXT hl_type(@nospecialize(_::Union{Type{VkRayTracingShaderGroupCreateInfoNV}, Type{_RayTracingShaderGroupCreateInfoNV}})) = RayTracingShaderGroupCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkRayTracingShaderGroupCreateInfoKHR}, Type{_RayTracingShaderGroupCreateInfoKHR}})) = RayTracingShaderGroupCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkRayTracingPipelineCreateInfoNV}, Type{_RayTracingPipelineCreateInfoNV}})) = RayTracingPipelineCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkRayTracingPipelineCreateInfoKHR}, Type{_RayTracingPipelineCreateInfoKHR}})) = RayTracingPipelineCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkGeometryTrianglesNV}, Type{_GeometryTrianglesNV}})) = GeometryTrianglesNV hl_type(@nospecialize(_::Union{Type{VkGeometryAABBNV}, Type{_GeometryAABBNV}})) = GeometryAABBNV hl_type(@nospecialize(_::Union{Type{VkGeometryDataNV}, Type{_GeometryDataNV}})) = GeometryDataNV hl_type(@nospecialize(_::Union{Type{VkGeometryNV}, Type{_GeometryNV}})) = GeometryNV hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureInfoNV}, Type{_AccelerationStructureInfoNV}})) = AccelerationStructureInfoNV hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureCreateInfoNV}, Type{_AccelerationStructureCreateInfoNV}})) = AccelerationStructureCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkBindAccelerationStructureMemoryInfoNV}, Type{_BindAccelerationStructureMemoryInfoNV}})) = BindAccelerationStructureMemoryInfoNV hl_type(@nospecialize(_::Union{Type{VkWriteDescriptorSetAccelerationStructureKHR}, Type{_WriteDescriptorSetAccelerationStructureKHR}})) = WriteDescriptorSetAccelerationStructureKHR hl_type(@nospecialize(_::Union{Type{VkWriteDescriptorSetAccelerationStructureNV}, Type{_WriteDescriptorSetAccelerationStructureNV}})) = WriteDescriptorSetAccelerationStructureNV hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureMemoryRequirementsInfoNV}, Type{_AccelerationStructureMemoryRequirementsInfoNV}})) = AccelerationStructureMemoryRequirementsInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAccelerationStructureFeaturesKHR}, Type{_PhysicalDeviceAccelerationStructureFeaturesKHR}})) = PhysicalDeviceAccelerationStructureFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingPipelineFeaturesKHR}, Type{_PhysicalDeviceRayTracingPipelineFeaturesKHR}})) = PhysicalDeviceRayTracingPipelineFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayQueryFeaturesKHR}, Type{_PhysicalDeviceRayQueryFeaturesKHR}})) = PhysicalDeviceRayQueryFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAccelerationStructurePropertiesKHR}, Type{_PhysicalDeviceAccelerationStructurePropertiesKHR}})) = PhysicalDeviceAccelerationStructurePropertiesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingPipelinePropertiesKHR}, Type{_PhysicalDeviceRayTracingPipelinePropertiesKHR}})) = PhysicalDeviceRayTracingPipelinePropertiesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingPropertiesNV}, Type{_PhysicalDeviceRayTracingPropertiesNV}})) = PhysicalDeviceRayTracingPropertiesNV hl_type(@nospecialize(_::Union{Type{VkStridedDeviceAddressRegionKHR}, Type{_StridedDeviceAddressRegionKHR}})) = StridedDeviceAddressRegionKHR hl_type(@nospecialize(_::Union{Type{VkTraceRaysIndirectCommandKHR}, Type{_TraceRaysIndirectCommandKHR}})) = TraceRaysIndirectCommandKHR hl_type(@nospecialize(_::Union{Type{VkTraceRaysIndirectCommand2KHR}, Type{_TraceRaysIndirectCommand2KHR}})) = TraceRaysIndirectCommand2KHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR}, Type{_PhysicalDeviceRayTracingMaintenance1FeaturesKHR}})) = PhysicalDeviceRayTracingMaintenance1FeaturesKHR hl_type(@nospecialize(_::Union{Type{VkDrmFormatModifierPropertiesListEXT}, Type{_DrmFormatModifierPropertiesListEXT}})) = DrmFormatModifierPropertiesListEXT hl_type(@nospecialize(_::Union{Type{VkDrmFormatModifierPropertiesEXT}, Type{_DrmFormatModifierPropertiesEXT}})) = DrmFormatModifierPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageDrmFormatModifierInfoEXT}, Type{_PhysicalDeviceImageDrmFormatModifierInfoEXT}})) = PhysicalDeviceImageDrmFormatModifierInfoEXT hl_type(@nospecialize(_::Union{Type{VkImageDrmFormatModifierListCreateInfoEXT}, Type{_ImageDrmFormatModifierListCreateInfoEXT}})) = ImageDrmFormatModifierListCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkImageDrmFormatModifierExplicitCreateInfoEXT}, Type{_ImageDrmFormatModifierExplicitCreateInfoEXT}})) = ImageDrmFormatModifierExplicitCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkImageDrmFormatModifierPropertiesEXT}, Type{_ImageDrmFormatModifierPropertiesEXT}})) = ImageDrmFormatModifierPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkImageStencilUsageCreateInfo}, Type{_ImageStencilUsageCreateInfo}})) = ImageStencilUsageCreateInfo hl_type(@nospecialize(_::Union{Type{VkDeviceMemoryOverallocationCreateInfoAMD}, Type{_DeviceMemoryOverallocationCreateInfoAMD}})) = DeviceMemoryOverallocationCreateInfoAMD hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMapFeaturesEXT}, Type{_PhysicalDeviceFragmentDensityMapFeaturesEXT}})) = PhysicalDeviceFragmentDensityMapFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMap2FeaturesEXT}, Type{_PhysicalDeviceFragmentDensityMap2FeaturesEXT}})) = PhysicalDeviceFragmentDensityMap2FeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM}, Type{_PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM}})) = PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMapPropertiesEXT}, Type{_PhysicalDeviceFragmentDensityMapPropertiesEXT}})) = PhysicalDeviceFragmentDensityMapPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMap2PropertiesEXT}, Type{_PhysicalDeviceFragmentDensityMap2PropertiesEXT}})) = PhysicalDeviceFragmentDensityMap2PropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM}, Type{_PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM}})) = PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM hl_type(@nospecialize(_::Union{Type{VkRenderPassFragmentDensityMapCreateInfoEXT}, Type{_RenderPassFragmentDensityMapCreateInfoEXT}})) = RenderPassFragmentDensityMapCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkSubpassFragmentDensityMapOffsetEndInfoQCOM}, Type{_SubpassFragmentDensityMapOffsetEndInfoQCOM}})) = SubpassFragmentDensityMapOffsetEndInfoQCOM hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceScalarBlockLayoutFeatures}, Type{_PhysicalDeviceScalarBlockLayoutFeatures}})) = PhysicalDeviceScalarBlockLayoutFeatures hl_type(@nospecialize(_::Union{Type{VkSurfaceProtectedCapabilitiesKHR}, Type{_SurfaceProtectedCapabilitiesKHR}})) = SurfaceProtectedCapabilitiesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceUniformBufferStandardLayoutFeatures}, Type{_PhysicalDeviceUniformBufferStandardLayoutFeatures}})) = PhysicalDeviceUniformBufferStandardLayoutFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDepthClipEnableFeaturesEXT}, Type{_PhysicalDeviceDepthClipEnableFeaturesEXT}})) = PhysicalDeviceDepthClipEnableFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPipelineRasterizationDepthClipStateCreateInfoEXT}, Type{_PipelineRasterizationDepthClipStateCreateInfoEXT}})) = PipelineRasterizationDepthClipStateCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryBudgetPropertiesEXT}, Type{_PhysicalDeviceMemoryBudgetPropertiesEXT}})) = PhysicalDeviceMemoryBudgetPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryPriorityFeaturesEXT}, Type{_PhysicalDeviceMemoryPriorityFeaturesEXT}})) = PhysicalDeviceMemoryPriorityFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkMemoryPriorityAllocateInfoEXT}, Type{_MemoryPriorityAllocateInfoEXT}})) = MemoryPriorityAllocateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT}, Type{_PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT}})) = PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBufferDeviceAddressFeatures}, Type{_PhysicalDeviceBufferDeviceAddressFeatures}})) = PhysicalDeviceBufferDeviceAddressFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBufferDeviceAddressFeaturesEXT}, Type{_PhysicalDeviceBufferDeviceAddressFeaturesEXT}})) = PhysicalDeviceBufferDeviceAddressFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkBufferDeviceAddressInfo}, Type{_BufferDeviceAddressInfo}})) = BufferDeviceAddressInfo hl_type(@nospecialize(_::Union{Type{VkBufferOpaqueCaptureAddressCreateInfo}, Type{_BufferOpaqueCaptureAddressCreateInfo}})) = BufferOpaqueCaptureAddressCreateInfo hl_type(@nospecialize(_::Union{Type{VkBufferDeviceAddressCreateInfoEXT}, Type{_BufferDeviceAddressCreateInfoEXT}})) = BufferDeviceAddressCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageViewImageFormatInfoEXT}, Type{_PhysicalDeviceImageViewImageFormatInfoEXT}})) = PhysicalDeviceImageViewImageFormatInfoEXT hl_type(@nospecialize(_::Union{Type{VkFilterCubicImageViewImageFormatPropertiesEXT}, Type{_FilterCubicImageViewImageFormatPropertiesEXT}})) = FilterCubicImageViewImageFormatPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImagelessFramebufferFeatures}, Type{_PhysicalDeviceImagelessFramebufferFeatures}})) = PhysicalDeviceImagelessFramebufferFeatures hl_type(@nospecialize(_::Union{Type{VkFramebufferAttachmentsCreateInfo}, Type{_FramebufferAttachmentsCreateInfo}})) = FramebufferAttachmentsCreateInfo hl_type(@nospecialize(_::Union{Type{VkFramebufferAttachmentImageInfo}, Type{_FramebufferAttachmentImageInfo}})) = FramebufferAttachmentImageInfo hl_type(@nospecialize(_::Union{Type{VkRenderPassAttachmentBeginInfo}, Type{_RenderPassAttachmentBeginInfo}})) = RenderPassAttachmentBeginInfo hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTextureCompressionASTCHDRFeatures}, Type{_PhysicalDeviceTextureCompressionASTCHDRFeatures}})) = PhysicalDeviceTextureCompressionASTCHDRFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCooperativeMatrixFeaturesNV}, Type{_PhysicalDeviceCooperativeMatrixFeaturesNV}})) = PhysicalDeviceCooperativeMatrixFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCooperativeMatrixPropertiesNV}, Type{_PhysicalDeviceCooperativeMatrixPropertiesNV}})) = PhysicalDeviceCooperativeMatrixPropertiesNV hl_type(@nospecialize(_::Union{Type{VkCooperativeMatrixPropertiesNV}, Type{_CooperativeMatrixPropertiesNV}})) = CooperativeMatrixPropertiesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceYcbcrImageArraysFeaturesEXT}, Type{_PhysicalDeviceYcbcrImageArraysFeaturesEXT}})) = PhysicalDeviceYcbcrImageArraysFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkImageViewHandleInfoNVX}, Type{_ImageViewHandleInfoNVX}})) = ImageViewHandleInfoNVX hl_type(@nospecialize(_::Union{Type{VkImageViewAddressPropertiesNVX}, Type{_ImageViewAddressPropertiesNVX}})) = ImageViewAddressPropertiesNVX hl_type(@nospecialize(_::Union{Type{VkPipelineCreationFeedback}, Type{_PipelineCreationFeedback}})) = PipelineCreationFeedback hl_type(@nospecialize(_::Union{Type{VkPipelineCreationFeedbackCreateInfo}, Type{_PipelineCreationFeedbackCreateInfo}})) = PipelineCreationFeedbackCreateInfo hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePresentBarrierFeaturesNV}, Type{_PhysicalDevicePresentBarrierFeaturesNV}})) = PhysicalDevicePresentBarrierFeaturesNV hl_type(@nospecialize(_::Union{Type{VkSurfaceCapabilitiesPresentBarrierNV}, Type{_SurfaceCapabilitiesPresentBarrierNV}})) = SurfaceCapabilitiesPresentBarrierNV hl_type(@nospecialize(_::Union{Type{VkSwapchainPresentBarrierCreateInfoNV}, Type{_SwapchainPresentBarrierCreateInfoNV}})) = SwapchainPresentBarrierCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePerformanceQueryFeaturesKHR}, Type{_PhysicalDevicePerformanceQueryFeaturesKHR}})) = PhysicalDevicePerformanceQueryFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePerformanceQueryPropertiesKHR}, Type{_PhysicalDevicePerformanceQueryPropertiesKHR}})) = PhysicalDevicePerformanceQueryPropertiesKHR hl_type(@nospecialize(_::Union{Type{VkPerformanceCounterKHR}, Type{_PerformanceCounterKHR}})) = PerformanceCounterKHR hl_type(@nospecialize(_::Union{Type{VkPerformanceCounterDescriptionKHR}, Type{_PerformanceCounterDescriptionKHR}})) = PerformanceCounterDescriptionKHR hl_type(@nospecialize(_::Union{Type{VkQueryPoolPerformanceCreateInfoKHR}, Type{_QueryPoolPerformanceCreateInfoKHR}})) = QueryPoolPerformanceCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkAcquireProfilingLockInfoKHR}, Type{_AcquireProfilingLockInfoKHR}})) = AcquireProfilingLockInfoKHR hl_type(@nospecialize(_::Union{Type{VkPerformanceQuerySubmitInfoKHR}, Type{_PerformanceQuerySubmitInfoKHR}})) = PerformanceQuerySubmitInfoKHR hl_type(@nospecialize(_::Union{Type{VkHeadlessSurfaceCreateInfoEXT}, Type{_HeadlessSurfaceCreateInfoEXT}})) = HeadlessSurfaceCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCoverageReductionModeFeaturesNV}, Type{_PhysicalDeviceCoverageReductionModeFeaturesNV}})) = PhysicalDeviceCoverageReductionModeFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPipelineCoverageReductionStateCreateInfoNV}, Type{_PipelineCoverageReductionStateCreateInfoNV}})) = PipelineCoverageReductionStateCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkFramebufferMixedSamplesCombinationNV}, Type{_FramebufferMixedSamplesCombinationNV}})) = FramebufferMixedSamplesCombinationNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL}, Type{_PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL}})) = PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL hl_type(@nospecialize(_::Union{Type{VkPerformanceValueINTEL}, Type{_PerformanceValueINTEL}})) = PerformanceValueINTEL hl_type(@nospecialize(_::Union{Type{VkInitializePerformanceApiInfoINTEL}, Type{_InitializePerformanceApiInfoINTEL}})) = InitializePerformanceApiInfoINTEL hl_type(@nospecialize(_::Union{Type{VkQueryPoolPerformanceQueryCreateInfoINTEL}, Type{_QueryPoolPerformanceQueryCreateInfoINTEL}})) = QueryPoolPerformanceQueryCreateInfoINTEL hl_type(@nospecialize(_::Union{Type{VkPerformanceMarkerInfoINTEL}, Type{_PerformanceMarkerInfoINTEL}})) = PerformanceMarkerInfoINTEL hl_type(@nospecialize(_::Union{Type{VkPerformanceStreamMarkerInfoINTEL}, Type{_PerformanceStreamMarkerInfoINTEL}})) = PerformanceStreamMarkerInfoINTEL hl_type(@nospecialize(_::Union{Type{VkPerformanceOverrideInfoINTEL}, Type{_PerformanceOverrideInfoINTEL}})) = PerformanceOverrideInfoINTEL hl_type(@nospecialize(_::Union{Type{VkPerformanceConfigurationAcquireInfoINTEL}, Type{_PerformanceConfigurationAcquireInfoINTEL}})) = PerformanceConfigurationAcquireInfoINTEL hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderClockFeaturesKHR}, Type{_PhysicalDeviceShaderClockFeaturesKHR}})) = PhysicalDeviceShaderClockFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceIndexTypeUint8FeaturesEXT}, Type{_PhysicalDeviceIndexTypeUint8FeaturesEXT}})) = PhysicalDeviceIndexTypeUint8FeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderSMBuiltinsPropertiesNV}, Type{_PhysicalDeviceShaderSMBuiltinsPropertiesNV}})) = PhysicalDeviceShaderSMBuiltinsPropertiesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderSMBuiltinsFeaturesNV}, Type{_PhysicalDeviceShaderSMBuiltinsFeaturesNV}})) = PhysicalDeviceShaderSMBuiltinsFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT}, Type{_PhysicalDeviceFragmentShaderInterlockFeaturesEXT}})) = PhysicalDeviceFragmentShaderInterlockFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures}, Type{_PhysicalDeviceSeparateDepthStencilLayoutsFeatures}})) = PhysicalDeviceSeparateDepthStencilLayoutsFeatures hl_type(@nospecialize(_::Union{Type{VkAttachmentReferenceStencilLayout}, Type{_AttachmentReferenceStencilLayout}})) = AttachmentReferenceStencilLayout hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT}, Type{_PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT}})) = PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkAttachmentDescriptionStencilLayout}, Type{_AttachmentDescriptionStencilLayout}})) = AttachmentDescriptionStencilLayout hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR}, Type{_PhysicalDevicePipelineExecutablePropertiesFeaturesKHR}})) = PhysicalDevicePipelineExecutablePropertiesFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkPipelineInfoKHR}, Type{_PipelineInfoKHR}})) = PipelineInfoKHR hl_type(@nospecialize(_::Union{Type{VkPipelineExecutablePropertiesKHR}, Type{_PipelineExecutablePropertiesKHR}})) = PipelineExecutablePropertiesKHR hl_type(@nospecialize(_::Union{Type{VkPipelineExecutableInfoKHR}, Type{_PipelineExecutableInfoKHR}})) = PipelineExecutableInfoKHR hl_type(@nospecialize(_::Union{Type{VkPipelineExecutableStatisticKHR}, Type{_PipelineExecutableStatisticKHR}})) = PipelineExecutableStatisticKHR hl_type(@nospecialize(_::Union{Type{VkPipelineExecutableInternalRepresentationKHR}, Type{_PipelineExecutableInternalRepresentationKHR}})) = PipelineExecutableInternalRepresentationKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures}, Type{_PhysicalDeviceShaderDemoteToHelperInvocationFeatures}})) = PhysicalDeviceShaderDemoteToHelperInvocationFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT}, Type{_PhysicalDeviceTexelBufferAlignmentFeaturesEXT}})) = PhysicalDeviceTexelBufferAlignmentFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTexelBufferAlignmentProperties}, Type{_PhysicalDeviceTexelBufferAlignmentProperties}})) = PhysicalDeviceTexelBufferAlignmentProperties hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubgroupSizeControlFeatures}, Type{_PhysicalDeviceSubgroupSizeControlFeatures}})) = PhysicalDeviceSubgroupSizeControlFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubgroupSizeControlProperties}, Type{_PhysicalDeviceSubgroupSizeControlProperties}})) = PhysicalDeviceSubgroupSizeControlProperties hl_type(@nospecialize(_::Union{Type{VkPipelineShaderStageRequiredSubgroupSizeCreateInfo}, Type{_PipelineShaderStageRequiredSubgroupSizeCreateInfo}})) = PipelineShaderStageRequiredSubgroupSizeCreateInfo hl_type(@nospecialize(_::Union{Type{VkSubpassShadingPipelineCreateInfoHUAWEI}, Type{_SubpassShadingPipelineCreateInfoHUAWEI}})) = SubpassShadingPipelineCreateInfoHUAWEI hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubpassShadingPropertiesHUAWEI}, Type{_PhysicalDeviceSubpassShadingPropertiesHUAWEI}})) = PhysicalDeviceSubpassShadingPropertiesHUAWEI hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI}, Type{_PhysicalDeviceClusterCullingShaderPropertiesHUAWEI}})) = PhysicalDeviceClusterCullingShaderPropertiesHUAWEI hl_type(@nospecialize(_::Union{Type{VkMemoryOpaqueCaptureAddressAllocateInfo}, Type{_MemoryOpaqueCaptureAddressAllocateInfo}})) = MemoryOpaqueCaptureAddressAllocateInfo hl_type(@nospecialize(_::Union{Type{VkDeviceMemoryOpaqueCaptureAddressInfo}, Type{_DeviceMemoryOpaqueCaptureAddressInfo}})) = DeviceMemoryOpaqueCaptureAddressInfo hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLineRasterizationFeaturesEXT}, Type{_PhysicalDeviceLineRasterizationFeaturesEXT}})) = PhysicalDeviceLineRasterizationFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLineRasterizationPropertiesEXT}, Type{_PhysicalDeviceLineRasterizationPropertiesEXT}})) = PhysicalDeviceLineRasterizationPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPipelineRasterizationLineStateCreateInfoEXT}, Type{_PipelineRasterizationLineStateCreateInfoEXT}})) = PipelineRasterizationLineStateCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineCreationCacheControlFeatures}, Type{_PhysicalDevicePipelineCreationCacheControlFeatures}})) = PhysicalDevicePipelineCreationCacheControlFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan11Features}, Type{_PhysicalDeviceVulkan11Features}})) = PhysicalDeviceVulkan11Features hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan11Properties}, Type{_PhysicalDeviceVulkan11Properties}})) = PhysicalDeviceVulkan11Properties hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan12Features}, Type{_PhysicalDeviceVulkan12Features}})) = PhysicalDeviceVulkan12Features hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan12Properties}, Type{_PhysicalDeviceVulkan12Properties}})) = PhysicalDeviceVulkan12Properties hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan13Features}, Type{_PhysicalDeviceVulkan13Features}})) = PhysicalDeviceVulkan13Features hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan13Properties}, Type{_PhysicalDeviceVulkan13Properties}})) = PhysicalDeviceVulkan13Properties hl_type(@nospecialize(_::Union{Type{VkPipelineCompilerControlCreateInfoAMD}, Type{_PipelineCompilerControlCreateInfoAMD}})) = PipelineCompilerControlCreateInfoAMD hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCoherentMemoryFeaturesAMD}, Type{_PhysicalDeviceCoherentMemoryFeaturesAMD}})) = PhysicalDeviceCoherentMemoryFeaturesAMD hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceToolProperties}, Type{_PhysicalDeviceToolProperties}})) = PhysicalDeviceToolProperties hl_type(@nospecialize(_::Union{Type{VkSamplerCustomBorderColorCreateInfoEXT}, Type{_SamplerCustomBorderColorCreateInfoEXT}})) = SamplerCustomBorderColorCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCustomBorderColorPropertiesEXT}, Type{_PhysicalDeviceCustomBorderColorPropertiesEXT}})) = PhysicalDeviceCustomBorderColorPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCustomBorderColorFeaturesEXT}, Type{_PhysicalDeviceCustomBorderColorFeaturesEXT}})) = PhysicalDeviceCustomBorderColorFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkSamplerBorderColorComponentMappingCreateInfoEXT}, Type{_SamplerBorderColorComponentMappingCreateInfoEXT}})) = SamplerBorderColorComponentMappingCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBorderColorSwizzleFeaturesEXT}, Type{_PhysicalDeviceBorderColorSwizzleFeaturesEXT}})) = PhysicalDeviceBorderColorSwizzleFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryTrianglesDataKHR}, Type{_AccelerationStructureGeometryTrianglesDataKHR}})) = AccelerationStructureGeometryTrianglesDataKHR hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryAabbsDataKHR}, Type{_AccelerationStructureGeometryAabbsDataKHR}})) = AccelerationStructureGeometryAabbsDataKHR hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryInstancesDataKHR}, Type{_AccelerationStructureGeometryInstancesDataKHR}})) = AccelerationStructureGeometryInstancesDataKHR hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryKHR}, Type{_AccelerationStructureGeometryKHR}})) = AccelerationStructureGeometryKHR hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureBuildGeometryInfoKHR}, Type{_AccelerationStructureBuildGeometryInfoKHR}})) = AccelerationStructureBuildGeometryInfoKHR hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureBuildRangeInfoKHR}, Type{_AccelerationStructureBuildRangeInfoKHR}})) = AccelerationStructureBuildRangeInfoKHR hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureCreateInfoKHR}, Type{_AccelerationStructureCreateInfoKHR}})) = AccelerationStructureCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkAabbPositionsKHR}, Type{_AabbPositionsKHR}})) = AabbPositionsKHR hl_type(@nospecialize(_::Union{Type{VkTransformMatrixKHR}, Type{_TransformMatrixKHR}})) = TransformMatrixKHR hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureInstanceKHR}, Type{_AccelerationStructureInstanceKHR}})) = AccelerationStructureInstanceKHR hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureDeviceAddressInfoKHR}, Type{_AccelerationStructureDeviceAddressInfoKHR}})) = AccelerationStructureDeviceAddressInfoKHR hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureVersionInfoKHR}, Type{_AccelerationStructureVersionInfoKHR}})) = AccelerationStructureVersionInfoKHR hl_type(@nospecialize(_::Union{Type{VkCopyAccelerationStructureInfoKHR}, Type{_CopyAccelerationStructureInfoKHR}})) = CopyAccelerationStructureInfoKHR hl_type(@nospecialize(_::Union{Type{VkCopyAccelerationStructureToMemoryInfoKHR}, Type{_CopyAccelerationStructureToMemoryInfoKHR}})) = CopyAccelerationStructureToMemoryInfoKHR hl_type(@nospecialize(_::Union{Type{VkCopyMemoryToAccelerationStructureInfoKHR}, Type{_CopyMemoryToAccelerationStructureInfoKHR}})) = CopyMemoryToAccelerationStructureInfoKHR hl_type(@nospecialize(_::Union{Type{VkRayTracingPipelineInterfaceCreateInfoKHR}, Type{_RayTracingPipelineInterfaceCreateInfoKHR}})) = RayTracingPipelineInterfaceCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkPipelineLibraryCreateInfoKHR}, Type{_PipelineLibraryCreateInfoKHR}})) = PipelineLibraryCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExtendedDynamicStateFeaturesEXT}, Type{_PhysicalDeviceExtendedDynamicStateFeaturesEXT}})) = PhysicalDeviceExtendedDynamicStateFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExtendedDynamicState2FeaturesEXT}, Type{_PhysicalDeviceExtendedDynamicState2FeaturesEXT}})) = PhysicalDeviceExtendedDynamicState2FeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExtendedDynamicState3FeaturesEXT}, Type{_PhysicalDeviceExtendedDynamicState3FeaturesEXT}})) = PhysicalDeviceExtendedDynamicState3FeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExtendedDynamicState3PropertiesEXT}, Type{_PhysicalDeviceExtendedDynamicState3PropertiesEXT}})) = PhysicalDeviceExtendedDynamicState3PropertiesEXT hl_type(@nospecialize(_::Union{Type{VkColorBlendEquationEXT}, Type{_ColorBlendEquationEXT}})) = ColorBlendEquationEXT hl_type(@nospecialize(_::Union{Type{VkColorBlendAdvancedEXT}, Type{_ColorBlendAdvancedEXT}})) = ColorBlendAdvancedEXT hl_type(@nospecialize(_::Union{Type{VkRenderPassTransformBeginInfoQCOM}, Type{_RenderPassTransformBeginInfoQCOM}})) = RenderPassTransformBeginInfoQCOM hl_type(@nospecialize(_::Union{Type{VkCopyCommandTransformInfoQCOM}, Type{_CopyCommandTransformInfoQCOM}})) = CopyCommandTransformInfoQCOM hl_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceRenderPassTransformInfoQCOM}, Type{_CommandBufferInheritanceRenderPassTransformInfoQCOM}})) = CommandBufferInheritanceRenderPassTransformInfoQCOM hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDiagnosticsConfigFeaturesNV}, Type{_PhysicalDeviceDiagnosticsConfigFeaturesNV}})) = PhysicalDeviceDiagnosticsConfigFeaturesNV hl_type(@nospecialize(_::Union{Type{VkDeviceDiagnosticsConfigCreateInfoNV}, Type{_DeviceDiagnosticsConfigCreateInfoNV}})) = DeviceDiagnosticsConfigCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures}, Type{_PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures}})) = PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR}, Type{_PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR}})) = PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRobustness2FeaturesEXT}, Type{_PhysicalDeviceRobustness2FeaturesEXT}})) = PhysicalDeviceRobustness2FeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRobustness2PropertiesEXT}, Type{_PhysicalDeviceRobustness2PropertiesEXT}})) = PhysicalDeviceRobustness2PropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageRobustnessFeatures}, Type{_PhysicalDeviceImageRobustnessFeatures}})) = PhysicalDeviceImageRobustnessFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR}, Type{_PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR}})) = PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDevice4444FormatsFeaturesEXT}, Type{_PhysicalDevice4444FormatsFeaturesEXT}})) = PhysicalDevice4444FormatsFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubpassShadingFeaturesHUAWEI}, Type{_PhysicalDeviceSubpassShadingFeaturesHUAWEI}})) = PhysicalDeviceSubpassShadingFeaturesHUAWEI hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI}, Type{_PhysicalDeviceClusterCullingShaderFeaturesHUAWEI}})) = PhysicalDeviceClusterCullingShaderFeaturesHUAWEI hl_type(@nospecialize(_::Union{Type{VkBufferCopy2}, Type{_BufferCopy2}})) = BufferCopy2 hl_type(@nospecialize(_::Union{Type{VkImageCopy2}, Type{_ImageCopy2}})) = ImageCopy2 hl_type(@nospecialize(_::Union{Type{VkImageBlit2}, Type{_ImageBlit2}})) = ImageBlit2 hl_type(@nospecialize(_::Union{Type{VkBufferImageCopy2}, Type{_BufferImageCopy2}})) = BufferImageCopy2 hl_type(@nospecialize(_::Union{Type{VkImageResolve2}, Type{_ImageResolve2}})) = ImageResolve2 hl_type(@nospecialize(_::Union{Type{VkCopyBufferInfo2}, Type{_CopyBufferInfo2}})) = CopyBufferInfo2 hl_type(@nospecialize(_::Union{Type{VkCopyImageInfo2}, Type{_CopyImageInfo2}})) = CopyImageInfo2 hl_type(@nospecialize(_::Union{Type{VkBlitImageInfo2}, Type{_BlitImageInfo2}})) = BlitImageInfo2 hl_type(@nospecialize(_::Union{Type{VkCopyBufferToImageInfo2}, Type{_CopyBufferToImageInfo2}})) = CopyBufferToImageInfo2 hl_type(@nospecialize(_::Union{Type{VkCopyImageToBufferInfo2}, Type{_CopyImageToBufferInfo2}})) = CopyImageToBufferInfo2 hl_type(@nospecialize(_::Union{Type{VkResolveImageInfo2}, Type{_ResolveImageInfo2}})) = ResolveImageInfo2 hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT}, Type{_PhysicalDeviceShaderImageAtomicInt64FeaturesEXT}})) = PhysicalDeviceShaderImageAtomicInt64FeaturesEXT hl_type(@nospecialize(_::Union{Type{VkFragmentShadingRateAttachmentInfoKHR}, Type{_FragmentShadingRateAttachmentInfoKHR}})) = FragmentShadingRateAttachmentInfoKHR hl_type(@nospecialize(_::Union{Type{VkPipelineFragmentShadingRateStateCreateInfoKHR}, Type{_PipelineFragmentShadingRateStateCreateInfoKHR}})) = PipelineFragmentShadingRateStateCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRateFeaturesKHR}, Type{_PhysicalDeviceFragmentShadingRateFeaturesKHR}})) = PhysicalDeviceFragmentShadingRateFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRatePropertiesKHR}, Type{_PhysicalDeviceFragmentShadingRatePropertiesKHR}})) = PhysicalDeviceFragmentShadingRatePropertiesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRateKHR}, Type{_PhysicalDeviceFragmentShadingRateKHR}})) = PhysicalDeviceFragmentShadingRateKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderTerminateInvocationFeatures}, Type{_PhysicalDeviceShaderTerminateInvocationFeatures}})) = PhysicalDeviceShaderTerminateInvocationFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV}, Type{_PhysicalDeviceFragmentShadingRateEnumsFeaturesNV}})) = PhysicalDeviceFragmentShadingRateEnumsFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV}, Type{_PhysicalDeviceFragmentShadingRateEnumsPropertiesNV}})) = PhysicalDeviceFragmentShadingRateEnumsPropertiesNV hl_type(@nospecialize(_::Union{Type{VkPipelineFragmentShadingRateEnumStateCreateInfoNV}, Type{_PipelineFragmentShadingRateEnumStateCreateInfoNV}})) = PipelineFragmentShadingRateEnumStateCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureBuildSizesInfoKHR}, Type{_AccelerationStructureBuildSizesInfoKHR}})) = AccelerationStructureBuildSizesInfoKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImage2DViewOf3DFeaturesEXT}, Type{_PhysicalDeviceImage2DViewOf3DFeaturesEXT}})) = PhysicalDeviceImage2DViewOf3DFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT}, Type{_PhysicalDeviceMutableDescriptorTypeFeaturesEXT}})) = PhysicalDeviceMutableDescriptorTypeFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkMutableDescriptorTypeListEXT}, Type{_MutableDescriptorTypeListEXT}})) = MutableDescriptorTypeListEXT hl_type(@nospecialize(_::Union{Type{VkMutableDescriptorTypeCreateInfoEXT}, Type{_MutableDescriptorTypeCreateInfoEXT}})) = MutableDescriptorTypeCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDepthClipControlFeaturesEXT}, Type{_PhysicalDeviceDepthClipControlFeaturesEXT}})) = PhysicalDeviceDepthClipControlFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPipelineViewportDepthClipControlCreateInfoEXT}, Type{_PipelineViewportDepthClipControlCreateInfoEXT}})) = PipelineViewportDepthClipControlCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT}, Type{_PhysicalDeviceVertexInputDynamicStateFeaturesEXT}})) = PhysicalDeviceVertexInputDynamicStateFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalMemoryRDMAFeaturesNV}, Type{_PhysicalDeviceExternalMemoryRDMAFeaturesNV}})) = PhysicalDeviceExternalMemoryRDMAFeaturesNV hl_type(@nospecialize(_::Union{Type{VkVertexInputBindingDescription2EXT}, Type{_VertexInputBindingDescription2EXT}})) = VertexInputBindingDescription2EXT hl_type(@nospecialize(_::Union{Type{VkVertexInputAttributeDescription2EXT}, Type{_VertexInputAttributeDescription2EXT}})) = VertexInputAttributeDescription2EXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceColorWriteEnableFeaturesEXT}, Type{_PhysicalDeviceColorWriteEnableFeaturesEXT}})) = PhysicalDeviceColorWriteEnableFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPipelineColorWriteCreateInfoEXT}, Type{_PipelineColorWriteCreateInfoEXT}})) = PipelineColorWriteCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkMemoryBarrier2}, Type{_MemoryBarrier2}})) = MemoryBarrier2 hl_type(@nospecialize(_::Union{Type{VkImageMemoryBarrier2}, Type{_ImageMemoryBarrier2}})) = ImageMemoryBarrier2 hl_type(@nospecialize(_::Union{Type{VkBufferMemoryBarrier2}, Type{_BufferMemoryBarrier2}})) = BufferMemoryBarrier2 hl_type(@nospecialize(_::Union{Type{VkDependencyInfo}, Type{_DependencyInfo}})) = DependencyInfo hl_type(@nospecialize(_::Union{Type{VkSemaphoreSubmitInfo}, Type{_SemaphoreSubmitInfo}})) = SemaphoreSubmitInfo hl_type(@nospecialize(_::Union{Type{VkCommandBufferSubmitInfo}, Type{_CommandBufferSubmitInfo}})) = CommandBufferSubmitInfo hl_type(@nospecialize(_::Union{Type{VkSubmitInfo2}, Type{_SubmitInfo2}})) = SubmitInfo2 hl_type(@nospecialize(_::Union{Type{VkQueueFamilyCheckpointProperties2NV}, Type{_QueueFamilyCheckpointProperties2NV}})) = QueueFamilyCheckpointProperties2NV hl_type(@nospecialize(_::Union{Type{VkCheckpointData2NV}, Type{_CheckpointData2NV}})) = CheckpointData2NV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSynchronization2Features}, Type{_PhysicalDeviceSynchronization2Features}})) = PhysicalDeviceSynchronization2Features hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT}, Type{_PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT}})) = PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLegacyDitheringFeaturesEXT}, Type{_PhysicalDeviceLegacyDitheringFeaturesEXT}})) = PhysicalDeviceLegacyDitheringFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT}, Type{_PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT}})) = PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkSubpassResolvePerformanceQueryEXT}, Type{_SubpassResolvePerformanceQueryEXT}})) = SubpassResolvePerformanceQueryEXT hl_type(@nospecialize(_::Union{Type{VkMultisampledRenderToSingleSampledInfoEXT}, Type{_MultisampledRenderToSingleSampledInfoEXT}})) = MultisampledRenderToSingleSampledInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineProtectedAccessFeaturesEXT}, Type{_PhysicalDevicePipelineProtectedAccessFeaturesEXT}})) = PhysicalDevicePipelineProtectedAccessFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkQueueFamilyVideoPropertiesKHR}, Type{_QueueFamilyVideoPropertiesKHR}})) = QueueFamilyVideoPropertiesKHR hl_type(@nospecialize(_::Union{Type{VkQueueFamilyQueryResultStatusPropertiesKHR}, Type{_QueueFamilyQueryResultStatusPropertiesKHR}})) = QueueFamilyQueryResultStatusPropertiesKHR hl_type(@nospecialize(_::Union{Type{VkVideoProfileListInfoKHR}, Type{_VideoProfileListInfoKHR}})) = VideoProfileListInfoKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVideoFormatInfoKHR}, Type{_PhysicalDeviceVideoFormatInfoKHR}})) = PhysicalDeviceVideoFormatInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoFormatPropertiesKHR}, Type{_VideoFormatPropertiesKHR}})) = VideoFormatPropertiesKHR hl_type(@nospecialize(_::Union{Type{VkVideoProfileInfoKHR}, Type{_VideoProfileInfoKHR}})) = VideoProfileInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoCapabilitiesKHR}, Type{_VideoCapabilitiesKHR}})) = VideoCapabilitiesKHR hl_type(@nospecialize(_::Union{Type{VkVideoSessionMemoryRequirementsKHR}, Type{_VideoSessionMemoryRequirementsKHR}})) = VideoSessionMemoryRequirementsKHR hl_type(@nospecialize(_::Union{Type{VkBindVideoSessionMemoryInfoKHR}, Type{_BindVideoSessionMemoryInfoKHR}})) = BindVideoSessionMemoryInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoPictureResourceInfoKHR}, Type{_VideoPictureResourceInfoKHR}})) = VideoPictureResourceInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoReferenceSlotInfoKHR}, Type{_VideoReferenceSlotInfoKHR}})) = VideoReferenceSlotInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeCapabilitiesKHR}, Type{_VideoDecodeCapabilitiesKHR}})) = VideoDecodeCapabilitiesKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeUsageInfoKHR}, Type{_VideoDecodeUsageInfoKHR}})) = VideoDecodeUsageInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeInfoKHR}, Type{_VideoDecodeInfoKHR}})) = VideoDecodeInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeH264ProfileInfoKHR}, Type{_VideoDecodeH264ProfileInfoKHR}})) = VideoDecodeH264ProfileInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeH264CapabilitiesKHR}, Type{_VideoDecodeH264CapabilitiesKHR}})) = VideoDecodeH264CapabilitiesKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeH264SessionParametersAddInfoKHR}, Type{_VideoDecodeH264SessionParametersAddInfoKHR}})) = VideoDecodeH264SessionParametersAddInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeH264SessionParametersCreateInfoKHR}, Type{_VideoDecodeH264SessionParametersCreateInfoKHR}})) = VideoDecodeH264SessionParametersCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeH264PictureInfoKHR}, Type{_VideoDecodeH264PictureInfoKHR}})) = VideoDecodeH264PictureInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeH264DpbSlotInfoKHR}, Type{_VideoDecodeH264DpbSlotInfoKHR}})) = VideoDecodeH264DpbSlotInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeH265ProfileInfoKHR}, Type{_VideoDecodeH265ProfileInfoKHR}})) = VideoDecodeH265ProfileInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeH265CapabilitiesKHR}, Type{_VideoDecodeH265CapabilitiesKHR}})) = VideoDecodeH265CapabilitiesKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeH265SessionParametersAddInfoKHR}, Type{_VideoDecodeH265SessionParametersAddInfoKHR}})) = VideoDecodeH265SessionParametersAddInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeH265SessionParametersCreateInfoKHR}, Type{_VideoDecodeH265SessionParametersCreateInfoKHR}})) = VideoDecodeH265SessionParametersCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeH265PictureInfoKHR}, Type{_VideoDecodeH265PictureInfoKHR}})) = VideoDecodeH265PictureInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeH265DpbSlotInfoKHR}, Type{_VideoDecodeH265DpbSlotInfoKHR}})) = VideoDecodeH265DpbSlotInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoSessionCreateInfoKHR}, Type{_VideoSessionCreateInfoKHR}})) = VideoSessionCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoSessionParametersCreateInfoKHR}, Type{_VideoSessionParametersCreateInfoKHR}})) = VideoSessionParametersCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoSessionParametersUpdateInfoKHR}, Type{_VideoSessionParametersUpdateInfoKHR}})) = VideoSessionParametersUpdateInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoBeginCodingInfoKHR}, Type{_VideoBeginCodingInfoKHR}})) = VideoBeginCodingInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoEndCodingInfoKHR}, Type{_VideoEndCodingInfoKHR}})) = VideoEndCodingInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoCodingControlInfoKHR}, Type{_VideoCodingControlInfoKHR}})) = VideoCodingControlInfoKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceInheritedViewportScissorFeaturesNV}, Type{_PhysicalDeviceInheritedViewportScissorFeaturesNV}})) = PhysicalDeviceInheritedViewportScissorFeaturesNV hl_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceViewportScissorInfoNV}, Type{_CommandBufferInheritanceViewportScissorInfoNV}})) = CommandBufferInheritanceViewportScissorInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT}, Type{_PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT}})) = PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProvokingVertexFeaturesEXT}, Type{_PhysicalDeviceProvokingVertexFeaturesEXT}})) = PhysicalDeviceProvokingVertexFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProvokingVertexPropertiesEXT}, Type{_PhysicalDeviceProvokingVertexPropertiesEXT}})) = PhysicalDeviceProvokingVertexPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPipelineRasterizationProvokingVertexStateCreateInfoEXT}, Type{_PipelineRasterizationProvokingVertexStateCreateInfoEXT}})) = PipelineRasterizationProvokingVertexStateCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkCuModuleCreateInfoNVX}, Type{_CuModuleCreateInfoNVX}})) = CuModuleCreateInfoNVX hl_type(@nospecialize(_::Union{Type{VkCuFunctionCreateInfoNVX}, Type{_CuFunctionCreateInfoNVX}})) = CuFunctionCreateInfoNVX hl_type(@nospecialize(_::Union{Type{VkCuLaunchInfoNVX}, Type{_CuLaunchInfoNVX}})) = CuLaunchInfoNVX hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorBufferFeaturesEXT}, Type{_PhysicalDeviceDescriptorBufferFeaturesEXT}})) = PhysicalDeviceDescriptorBufferFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorBufferPropertiesEXT}, Type{_PhysicalDeviceDescriptorBufferPropertiesEXT}})) = PhysicalDeviceDescriptorBufferPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT}, Type{_PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT}})) = PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkDescriptorAddressInfoEXT}, Type{_DescriptorAddressInfoEXT}})) = DescriptorAddressInfoEXT hl_type(@nospecialize(_::Union{Type{VkDescriptorBufferBindingInfoEXT}, Type{_DescriptorBufferBindingInfoEXT}})) = DescriptorBufferBindingInfoEXT hl_type(@nospecialize(_::Union{Type{VkDescriptorBufferBindingPushDescriptorBufferHandleEXT}, Type{_DescriptorBufferBindingPushDescriptorBufferHandleEXT}})) = DescriptorBufferBindingPushDescriptorBufferHandleEXT hl_type(@nospecialize(_::Union{Type{VkDescriptorGetInfoEXT}, Type{_DescriptorGetInfoEXT}})) = DescriptorGetInfoEXT hl_type(@nospecialize(_::Union{Type{VkBufferCaptureDescriptorDataInfoEXT}, Type{_BufferCaptureDescriptorDataInfoEXT}})) = BufferCaptureDescriptorDataInfoEXT hl_type(@nospecialize(_::Union{Type{VkImageCaptureDescriptorDataInfoEXT}, Type{_ImageCaptureDescriptorDataInfoEXT}})) = ImageCaptureDescriptorDataInfoEXT hl_type(@nospecialize(_::Union{Type{VkImageViewCaptureDescriptorDataInfoEXT}, Type{_ImageViewCaptureDescriptorDataInfoEXT}})) = ImageViewCaptureDescriptorDataInfoEXT hl_type(@nospecialize(_::Union{Type{VkSamplerCaptureDescriptorDataInfoEXT}, Type{_SamplerCaptureDescriptorDataInfoEXT}})) = SamplerCaptureDescriptorDataInfoEXT hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureCaptureDescriptorDataInfoEXT}, Type{_AccelerationStructureCaptureDescriptorDataInfoEXT}})) = AccelerationStructureCaptureDescriptorDataInfoEXT hl_type(@nospecialize(_::Union{Type{VkOpaqueCaptureDescriptorDataCreateInfoEXT}, Type{_OpaqueCaptureDescriptorDataCreateInfoEXT}})) = OpaqueCaptureDescriptorDataCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderIntegerDotProductFeatures}, Type{_PhysicalDeviceShaderIntegerDotProductFeatures}})) = PhysicalDeviceShaderIntegerDotProductFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderIntegerDotProductProperties}, Type{_PhysicalDeviceShaderIntegerDotProductProperties}})) = PhysicalDeviceShaderIntegerDotProductProperties hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDrmPropertiesEXT}, Type{_PhysicalDeviceDrmPropertiesEXT}})) = PhysicalDeviceDrmPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR}, Type{_PhysicalDeviceFragmentShaderBarycentricFeaturesKHR}})) = PhysicalDeviceFragmentShaderBarycentricFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR}, Type{_PhysicalDeviceFragmentShaderBarycentricPropertiesKHR}})) = PhysicalDeviceFragmentShaderBarycentricPropertiesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingMotionBlurFeaturesNV}, Type{_PhysicalDeviceRayTracingMotionBlurFeaturesNV}})) = PhysicalDeviceRayTracingMotionBlurFeaturesNV hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryMotionTrianglesDataNV}, Type{_AccelerationStructureGeometryMotionTrianglesDataNV}})) = AccelerationStructureGeometryMotionTrianglesDataNV hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureMotionInfoNV}, Type{_AccelerationStructureMotionInfoNV}})) = AccelerationStructureMotionInfoNV hl_type(@nospecialize(_::Union{Type{VkSRTDataNV}, Type{_SRTDataNV}})) = SRTDataNV hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureSRTMotionInstanceNV}, Type{_AccelerationStructureSRTMotionInstanceNV}})) = AccelerationStructureSRTMotionInstanceNV hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureMatrixMotionInstanceNV}, Type{_AccelerationStructureMatrixMotionInstanceNV}})) = AccelerationStructureMatrixMotionInstanceNV hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureMotionInstanceNV}, Type{_AccelerationStructureMotionInstanceNV}})) = AccelerationStructureMotionInstanceNV hl_type(@nospecialize(_::Union{Type{VkMemoryGetRemoteAddressInfoNV}, Type{_MemoryGetRemoteAddressInfoNV}})) = MemoryGetRemoteAddressInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT}, Type{_PhysicalDeviceRGBA10X6FormatsFeaturesEXT}})) = PhysicalDeviceRGBA10X6FormatsFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkFormatProperties3}, Type{_FormatProperties3}})) = FormatProperties3 hl_type(@nospecialize(_::Union{Type{VkDrmFormatModifierPropertiesList2EXT}, Type{_DrmFormatModifierPropertiesList2EXT}})) = DrmFormatModifierPropertiesList2EXT hl_type(@nospecialize(_::Union{Type{VkDrmFormatModifierProperties2EXT}, Type{_DrmFormatModifierProperties2EXT}})) = DrmFormatModifierProperties2EXT hl_type(@nospecialize(_::Union{Type{VkPipelineRenderingCreateInfo}, Type{_PipelineRenderingCreateInfo}})) = PipelineRenderingCreateInfo hl_type(@nospecialize(_::Union{Type{VkRenderingInfo}, Type{_RenderingInfo}})) = RenderingInfo hl_type(@nospecialize(_::Union{Type{VkRenderingAttachmentInfo}, Type{_RenderingAttachmentInfo}})) = RenderingAttachmentInfo hl_type(@nospecialize(_::Union{Type{VkRenderingFragmentShadingRateAttachmentInfoKHR}, Type{_RenderingFragmentShadingRateAttachmentInfoKHR}})) = RenderingFragmentShadingRateAttachmentInfoKHR hl_type(@nospecialize(_::Union{Type{VkRenderingFragmentDensityMapAttachmentInfoEXT}, Type{_RenderingFragmentDensityMapAttachmentInfoEXT}})) = RenderingFragmentDensityMapAttachmentInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDynamicRenderingFeatures}, Type{_PhysicalDeviceDynamicRenderingFeatures}})) = PhysicalDeviceDynamicRenderingFeatures hl_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceRenderingInfo}, Type{_CommandBufferInheritanceRenderingInfo}})) = CommandBufferInheritanceRenderingInfo hl_type(@nospecialize(_::Union{Type{VkAttachmentSampleCountInfoAMD}, Type{_AttachmentSampleCountInfoAMD}})) = AttachmentSampleCountInfoAMD hl_type(@nospecialize(_::Union{Type{VkMultiviewPerViewAttributesInfoNVX}, Type{_MultiviewPerViewAttributesInfoNVX}})) = MultiviewPerViewAttributesInfoNVX hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageViewMinLodFeaturesEXT}, Type{_PhysicalDeviceImageViewMinLodFeaturesEXT}})) = PhysicalDeviceImageViewMinLodFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkImageViewMinLodCreateInfoEXT}, Type{_ImageViewMinLodCreateInfoEXT}})) = ImageViewMinLodCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT}, Type{_PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT}})) = PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLinearColorAttachmentFeaturesNV}, Type{_PhysicalDeviceLinearColorAttachmentFeaturesNV}})) = PhysicalDeviceLinearColorAttachmentFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT}, Type{_PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT}})) = PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT}, Type{_PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT}})) = PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkGraphicsPipelineLibraryCreateInfoEXT}, Type{_GraphicsPipelineLibraryCreateInfoEXT}})) = GraphicsPipelineLibraryCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE}, Type{_PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE}})) = PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE hl_type(@nospecialize(_::Union{Type{VkDescriptorSetBindingReferenceVALVE}, Type{_DescriptorSetBindingReferenceVALVE}})) = DescriptorSetBindingReferenceVALVE hl_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutHostMappingInfoVALVE}, Type{_DescriptorSetLayoutHostMappingInfoVALVE}})) = DescriptorSetLayoutHostMappingInfoVALVE hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT}, Type{_PhysicalDeviceShaderModuleIdentifierFeaturesEXT}})) = PhysicalDeviceShaderModuleIdentifierFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT}, Type{_PhysicalDeviceShaderModuleIdentifierPropertiesEXT}})) = PhysicalDeviceShaderModuleIdentifierPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPipelineShaderStageModuleIdentifierCreateInfoEXT}, Type{_PipelineShaderStageModuleIdentifierCreateInfoEXT}})) = PipelineShaderStageModuleIdentifierCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkShaderModuleIdentifierEXT}, Type{_ShaderModuleIdentifierEXT}})) = ShaderModuleIdentifierEXT hl_type(@nospecialize(_::Union{Type{VkImageCompressionControlEXT}, Type{_ImageCompressionControlEXT}})) = ImageCompressionControlEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageCompressionControlFeaturesEXT}, Type{_PhysicalDeviceImageCompressionControlFeaturesEXT}})) = PhysicalDeviceImageCompressionControlFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkImageCompressionPropertiesEXT}, Type{_ImageCompressionPropertiesEXT}})) = ImageCompressionPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT}, Type{_PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT}})) = PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkImageSubresource2EXT}, Type{_ImageSubresource2EXT}})) = ImageSubresource2EXT hl_type(@nospecialize(_::Union{Type{VkSubresourceLayout2EXT}, Type{_SubresourceLayout2EXT}})) = SubresourceLayout2EXT hl_type(@nospecialize(_::Union{Type{VkRenderPassCreationControlEXT}, Type{_RenderPassCreationControlEXT}})) = RenderPassCreationControlEXT hl_type(@nospecialize(_::Union{Type{VkRenderPassCreationFeedbackInfoEXT}, Type{_RenderPassCreationFeedbackInfoEXT}})) = RenderPassCreationFeedbackInfoEXT hl_type(@nospecialize(_::Union{Type{VkRenderPassCreationFeedbackCreateInfoEXT}, Type{_RenderPassCreationFeedbackCreateInfoEXT}})) = RenderPassCreationFeedbackCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkRenderPassSubpassFeedbackInfoEXT}, Type{_RenderPassSubpassFeedbackInfoEXT}})) = RenderPassSubpassFeedbackInfoEXT hl_type(@nospecialize(_::Union{Type{VkRenderPassSubpassFeedbackCreateInfoEXT}, Type{_RenderPassSubpassFeedbackCreateInfoEXT}})) = RenderPassSubpassFeedbackCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT}, Type{_PhysicalDeviceSubpassMergeFeedbackFeaturesEXT}})) = PhysicalDeviceSubpassMergeFeedbackFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkMicromapBuildInfoEXT}, Type{_MicromapBuildInfoEXT}})) = MicromapBuildInfoEXT hl_type(@nospecialize(_::Union{Type{VkMicromapCreateInfoEXT}, Type{_MicromapCreateInfoEXT}})) = MicromapCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkMicromapVersionInfoEXT}, Type{_MicromapVersionInfoEXT}})) = MicromapVersionInfoEXT hl_type(@nospecialize(_::Union{Type{VkCopyMicromapInfoEXT}, Type{_CopyMicromapInfoEXT}})) = CopyMicromapInfoEXT hl_type(@nospecialize(_::Union{Type{VkCopyMicromapToMemoryInfoEXT}, Type{_CopyMicromapToMemoryInfoEXT}})) = CopyMicromapToMemoryInfoEXT hl_type(@nospecialize(_::Union{Type{VkCopyMemoryToMicromapInfoEXT}, Type{_CopyMemoryToMicromapInfoEXT}})) = CopyMemoryToMicromapInfoEXT hl_type(@nospecialize(_::Union{Type{VkMicromapBuildSizesInfoEXT}, Type{_MicromapBuildSizesInfoEXT}})) = MicromapBuildSizesInfoEXT hl_type(@nospecialize(_::Union{Type{VkMicromapUsageEXT}, Type{_MicromapUsageEXT}})) = MicromapUsageEXT hl_type(@nospecialize(_::Union{Type{VkMicromapTriangleEXT}, Type{_MicromapTriangleEXT}})) = MicromapTriangleEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceOpacityMicromapFeaturesEXT}, Type{_PhysicalDeviceOpacityMicromapFeaturesEXT}})) = PhysicalDeviceOpacityMicromapFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceOpacityMicromapPropertiesEXT}, Type{_PhysicalDeviceOpacityMicromapPropertiesEXT}})) = PhysicalDeviceOpacityMicromapPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureTrianglesOpacityMicromapEXT}, Type{_AccelerationStructureTrianglesOpacityMicromapEXT}})) = AccelerationStructureTrianglesOpacityMicromapEXT hl_type(@nospecialize(_::Union{Type{VkPipelinePropertiesIdentifierEXT}, Type{_PipelinePropertiesIdentifierEXT}})) = PipelinePropertiesIdentifierEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelinePropertiesFeaturesEXT}, Type{_PhysicalDevicePipelinePropertiesFeaturesEXT}})) = PhysicalDevicePipelinePropertiesFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD}, Type{_PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD}})) = PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT}, Type{_PhysicalDeviceNonSeamlessCubeMapFeaturesEXT}})) = PhysicalDeviceNonSeamlessCubeMapFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineRobustnessFeaturesEXT}, Type{_PhysicalDevicePipelineRobustnessFeaturesEXT}})) = PhysicalDevicePipelineRobustnessFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPipelineRobustnessCreateInfoEXT}, Type{_PipelineRobustnessCreateInfoEXT}})) = PipelineRobustnessCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineRobustnessPropertiesEXT}, Type{_PhysicalDevicePipelineRobustnessPropertiesEXT}})) = PhysicalDevicePipelineRobustnessPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkImageViewSampleWeightCreateInfoQCOM}, Type{_ImageViewSampleWeightCreateInfoQCOM}})) = ImageViewSampleWeightCreateInfoQCOM hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageProcessingFeaturesQCOM}, Type{_PhysicalDeviceImageProcessingFeaturesQCOM}})) = PhysicalDeviceImageProcessingFeaturesQCOM hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageProcessingPropertiesQCOM}, Type{_PhysicalDeviceImageProcessingPropertiesQCOM}})) = PhysicalDeviceImageProcessingPropertiesQCOM hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTilePropertiesFeaturesQCOM}, Type{_PhysicalDeviceTilePropertiesFeaturesQCOM}})) = PhysicalDeviceTilePropertiesFeaturesQCOM hl_type(@nospecialize(_::Union{Type{VkTilePropertiesQCOM}, Type{_TilePropertiesQCOM}})) = TilePropertiesQCOM hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAmigoProfilingFeaturesSEC}, Type{_PhysicalDeviceAmigoProfilingFeaturesSEC}})) = PhysicalDeviceAmigoProfilingFeaturesSEC hl_type(@nospecialize(_::Union{Type{VkAmigoProfilingSubmitInfoSEC}, Type{_AmigoProfilingSubmitInfoSEC}})) = AmigoProfilingSubmitInfoSEC hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT}, Type{_PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT}})) = PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDepthClampZeroOneFeaturesEXT}, Type{_PhysicalDeviceDepthClampZeroOneFeaturesEXT}})) = PhysicalDeviceDepthClampZeroOneFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAddressBindingReportFeaturesEXT}, Type{_PhysicalDeviceAddressBindingReportFeaturesEXT}})) = PhysicalDeviceAddressBindingReportFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkDeviceAddressBindingCallbackDataEXT}, Type{_DeviceAddressBindingCallbackDataEXT}})) = DeviceAddressBindingCallbackDataEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceOpticalFlowFeaturesNV}, Type{_PhysicalDeviceOpticalFlowFeaturesNV}})) = PhysicalDeviceOpticalFlowFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceOpticalFlowPropertiesNV}, Type{_PhysicalDeviceOpticalFlowPropertiesNV}})) = PhysicalDeviceOpticalFlowPropertiesNV hl_type(@nospecialize(_::Union{Type{VkOpticalFlowImageFormatInfoNV}, Type{_OpticalFlowImageFormatInfoNV}})) = OpticalFlowImageFormatInfoNV hl_type(@nospecialize(_::Union{Type{VkOpticalFlowImageFormatPropertiesNV}, Type{_OpticalFlowImageFormatPropertiesNV}})) = OpticalFlowImageFormatPropertiesNV hl_type(@nospecialize(_::Union{Type{VkOpticalFlowSessionCreateInfoNV}, Type{_OpticalFlowSessionCreateInfoNV}})) = OpticalFlowSessionCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkOpticalFlowSessionCreatePrivateDataInfoNV}, Type{_OpticalFlowSessionCreatePrivateDataInfoNV}})) = OpticalFlowSessionCreatePrivateDataInfoNV hl_type(@nospecialize(_::Union{Type{VkOpticalFlowExecuteInfoNV}, Type{_OpticalFlowExecuteInfoNV}})) = OpticalFlowExecuteInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFaultFeaturesEXT}, Type{_PhysicalDeviceFaultFeaturesEXT}})) = PhysicalDeviceFaultFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkDeviceFaultAddressInfoEXT}, Type{_DeviceFaultAddressInfoEXT}})) = DeviceFaultAddressInfoEXT hl_type(@nospecialize(_::Union{Type{VkDeviceFaultVendorInfoEXT}, Type{_DeviceFaultVendorInfoEXT}})) = DeviceFaultVendorInfoEXT hl_type(@nospecialize(_::Union{Type{VkDeviceFaultCountsEXT}, Type{_DeviceFaultCountsEXT}})) = DeviceFaultCountsEXT hl_type(@nospecialize(_::Union{Type{VkDeviceFaultInfoEXT}, Type{_DeviceFaultInfoEXT}})) = DeviceFaultInfoEXT hl_type(@nospecialize(_::Union{Type{VkDeviceFaultVendorBinaryHeaderVersionOneEXT}, Type{_DeviceFaultVendorBinaryHeaderVersionOneEXT}})) = DeviceFaultVendorBinaryHeaderVersionOneEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT}, Type{_PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT}})) = PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkDecompressMemoryRegionNV}, Type{_DecompressMemoryRegionNV}})) = DecompressMemoryRegionNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM}, Type{_PhysicalDeviceShaderCoreBuiltinsPropertiesARM}})) = PhysicalDeviceShaderCoreBuiltinsPropertiesARM hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM}, Type{_PhysicalDeviceShaderCoreBuiltinsFeaturesARM}})) = PhysicalDeviceShaderCoreBuiltinsFeaturesARM hl_type(@nospecialize(_::Union{Type{VkSurfacePresentModeEXT}, Type{_SurfacePresentModeEXT}})) = SurfacePresentModeEXT hl_type(@nospecialize(_::Union{Type{VkSurfacePresentScalingCapabilitiesEXT}, Type{_SurfacePresentScalingCapabilitiesEXT}})) = SurfacePresentScalingCapabilitiesEXT hl_type(@nospecialize(_::Union{Type{VkSurfacePresentModeCompatibilityEXT}, Type{_SurfacePresentModeCompatibilityEXT}})) = SurfacePresentModeCompatibilityEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT}, Type{_PhysicalDeviceSwapchainMaintenance1FeaturesEXT}})) = PhysicalDeviceSwapchainMaintenance1FeaturesEXT hl_type(@nospecialize(_::Union{Type{VkSwapchainPresentFenceInfoEXT}, Type{_SwapchainPresentFenceInfoEXT}})) = SwapchainPresentFenceInfoEXT hl_type(@nospecialize(_::Union{Type{VkSwapchainPresentModesCreateInfoEXT}, Type{_SwapchainPresentModesCreateInfoEXT}})) = SwapchainPresentModesCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkSwapchainPresentModeInfoEXT}, Type{_SwapchainPresentModeInfoEXT}})) = SwapchainPresentModeInfoEXT hl_type(@nospecialize(_::Union{Type{VkSwapchainPresentScalingCreateInfoEXT}, Type{_SwapchainPresentScalingCreateInfoEXT}})) = SwapchainPresentScalingCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkReleaseSwapchainImagesInfoEXT}, Type{_ReleaseSwapchainImagesInfoEXT}})) = ReleaseSwapchainImagesInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV}, Type{_PhysicalDeviceRayTracingInvocationReorderFeaturesNV}})) = PhysicalDeviceRayTracingInvocationReorderFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV}, Type{_PhysicalDeviceRayTracingInvocationReorderPropertiesNV}})) = PhysicalDeviceRayTracingInvocationReorderPropertiesNV hl_type(@nospecialize(_::Union{Type{VkDirectDriverLoadingInfoLUNARG}, Type{_DirectDriverLoadingInfoLUNARG}})) = DirectDriverLoadingInfoLUNARG hl_type(@nospecialize(_::Union{Type{VkDirectDriverLoadingListLUNARG}, Type{_DirectDriverLoadingListLUNARG}})) = DirectDriverLoadingListLUNARG hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM}, Type{_PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM}})) = PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM hl_type(@nospecialize(_::Union{Type{VkClearColorValue}, Type{_ClearColorValue}})) = ClearColorValue hl_type(@nospecialize(_::Union{Type{VkClearValue}, Type{_ClearValue}})) = ClearValue hl_type(@nospecialize(_::Union{Type{VkPerformanceCounterResultKHR}, Type{_PerformanceCounterResultKHR}})) = PerformanceCounterResultKHR hl_type(@nospecialize(_::Union{Type{VkPerformanceValueDataINTEL}, Type{_PerformanceValueDataINTEL}})) = PerformanceValueDataINTEL hl_type(@nospecialize(_::Union{Type{VkPipelineExecutableStatisticValueKHR}, Type{_PipelineExecutableStatisticValueKHR}})) = PipelineExecutableStatisticValueKHR hl_type(@nospecialize(_::Union{Type{VkDeviceOrHostAddressKHR}, Type{_DeviceOrHostAddressKHR}})) = DeviceOrHostAddressKHR hl_type(@nospecialize(_::Union{Type{VkDeviceOrHostAddressConstKHR}, Type{_DeviceOrHostAddressConstKHR}})) = DeviceOrHostAddressConstKHR hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryDataKHR}, Type{_AccelerationStructureGeometryDataKHR}})) = AccelerationStructureGeometryDataKHR hl_type(@nospecialize(_::Union{Type{VkDescriptorDataEXT}, Type{_DescriptorDataEXT}})) = DescriptorDataEXT hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureMotionInstanceDataNV}, Type{_AccelerationStructureMotionInstanceDataNV}})) = AccelerationStructureMotionInstanceDataNV core_type(@nospecialize(_::Union{Type{VkBaseOutStructure}, Type{BaseOutStructure}, Type{_BaseOutStructure}})) = VkBaseOutStructure core_type(@nospecialize(_::Union{Type{VkBaseInStructure}, Type{BaseInStructure}, Type{_BaseInStructure}})) = VkBaseInStructure core_type(@nospecialize(_::Union{Type{VkOffset2D}, Type{Offset2D}, Type{_Offset2D}})) = VkOffset2D core_type(@nospecialize(_::Union{Type{VkOffset3D}, Type{Offset3D}, Type{_Offset3D}})) = VkOffset3D core_type(@nospecialize(_::Union{Type{VkExtent2D}, Type{Extent2D}, Type{_Extent2D}})) = VkExtent2D core_type(@nospecialize(_::Union{Type{VkExtent3D}, Type{Extent3D}, Type{_Extent3D}})) = VkExtent3D core_type(@nospecialize(_::Union{Type{VkViewport}, Type{Viewport}, Type{_Viewport}})) = VkViewport core_type(@nospecialize(_::Union{Type{VkRect2D}, Type{Rect2D}, Type{_Rect2D}})) = VkRect2D core_type(@nospecialize(_::Union{Type{VkClearRect}, Type{ClearRect}, Type{_ClearRect}})) = VkClearRect core_type(@nospecialize(_::Union{Type{VkComponentMapping}, Type{ComponentMapping}, Type{_ComponentMapping}})) = VkComponentMapping core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProperties}, Type{PhysicalDeviceProperties}, Type{_PhysicalDeviceProperties}})) = VkPhysicalDeviceProperties core_type(@nospecialize(_::Union{Type{VkExtensionProperties}, Type{ExtensionProperties}, Type{_ExtensionProperties}})) = VkExtensionProperties core_type(@nospecialize(_::Union{Type{VkLayerProperties}, Type{LayerProperties}, Type{_LayerProperties}})) = VkLayerProperties core_type(@nospecialize(_::Union{Type{VkApplicationInfo}, Type{ApplicationInfo}, Type{_ApplicationInfo}})) = VkApplicationInfo core_type(@nospecialize(_::Union{Type{VkAllocationCallbacks}, Type{AllocationCallbacks}, Type{_AllocationCallbacks}})) = VkAllocationCallbacks core_type(@nospecialize(_::Union{Type{VkDeviceQueueCreateInfo}, Type{DeviceQueueCreateInfo}, Type{_DeviceQueueCreateInfo}})) = VkDeviceQueueCreateInfo core_type(@nospecialize(_::Union{Type{VkDeviceCreateInfo}, Type{DeviceCreateInfo}, Type{_DeviceCreateInfo}})) = VkDeviceCreateInfo core_type(@nospecialize(_::Union{Type{VkInstanceCreateInfo}, Type{InstanceCreateInfo}, Type{_InstanceCreateInfo}})) = VkInstanceCreateInfo core_type(@nospecialize(_::Union{Type{VkQueueFamilyProperties}, Type{QueueFamilyProperties}, Type{_QueueFamilyProperties}})) = VkQueueFamilyProperties core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryProperties}, Type{PhysicalDeviceMemoryProperties}, Type{_PhysicalDeviceMemoryProperties}})) = VkPhysicalDeviceMemoryProperties core_type(@nospecialize(_::Union{Type{VkMemoryAllocateInfo}, Type{MemoryAllocateInfo}, Type{_MemoryAllocateInfo}})) = VkMemoryAllocateInfo core_type(@nospecialize(_::Union{Type{VkMemoryRequirements}, Type{MemoryRequirements}, Type{_MemoryRequirements}})) = VkMemoryRequirements core_type(@nospecialize(_::Union{Type{VkSparseImageFormatProperties}, Type{SparseImageFormatProperties}, Type{_SparseImageFormatProperties}})) = VkSparseImageFormatProperties core_type(@nospecialize(_::Union{Type{VkSparseImageMemoryRequirements}, Type{SparseImageMemoryRequirements}, Type{_SparseImageMemoryRequirements}})) = VkSparseImageMemoryRequirements core_type(@nospecialize(_::Union{Type{VkMemoryType}, Type{MemoryType}, Type{_MemoryType}})) = VkMemoryType core_type(@nospecialize(_::Union{Type{VkMemoryHeap}, Type{MemoryHeap}, Type{_MemoryHeap}})) = VkMemoryHeap core_type(@nospecialize(_::Union{Type{VkMappedMemoryRange}, Type{MappedMemoryRange}, Type{_MappedMemoryRange}})) = VkMappedMemoryRange core_type(@nospecialize(_::Union{Type{VkFormatProperties}, Type{FormatProperties}, Type{_FormatProperties}})) = VkFormatProperties core_type(@nospecialize(_::Union{Type{VkImageFormatProperties}, Type{ImageFormatProperties}, Type{_ImageFormatProperties}})) = VkImageFormatProperties core_type(@nospecialize(_::Union{Type{VkDescriptorBufferInfo}, Type{DescriptorBufferInfo}, Type{_DescriptorBufferInfo}})) = VkDescriptorBufferInfo core_type(@nospecialize(_::Union{Type{VkDescriptorImageInfo}, Type{DescriptorImageInfo}, Type{_DescriptorImageInfo}})) = VkDescriptorImageInfo core_type(@nospecialize(_::Union{Type{VkWriteDescriptorSet}, Type{WriteDescriptorSet}, Type{_WriteDescriptorSet}})) = VkWriteDescriptorSet core_type(@nospecialize(_::Union{Type{VkCopyDescriptorSet}, Type{CopyDescriptorSet}, Type{_CopyDescriptorSet}})) = VkCopyDescriptorSet core_type(@nospecialize(_::Union{Type{VkBufferCreateInfo}, Type{BufferCreateInfo}, Type{_BufferCreateInfo}})) = VkBufferCreateInfo core_type(@nospecialize(_::Union{Type{VkBufferViewCreateInfo}, Type{BufferViewCreateInfo}, Type{_BufferViewCreateInfo}})) = VkBufferViewCreateInfo core_type(@nospecialize(_::Union{Type{VkImageSubresource}, Type{ImageSubresource}, Type{_ImageSubresource}})) = VkImageSubresource core_type(@nospecialize(_::Union{Type{VkImageSubresourceLayers}, Type{ImageSubresourceLayers}, Type{_ImageSubresourceLayers}})) = VkImageSubresourceLayers core_type(@nospecialize(_::Union{Type{VkImageSubresourceRange}, Type{ImageSubresourceRange}, Type{_ImageSubresourceRange}})) = VkImageSubresourceRange core_type(@nospecialize(_::Union{Type{VkMemoryBarrier}, Type{MemoryBarrier}, Type{_MemoryBarrier}})) = VkMemoryBarrier core_type(@nospecialize(_::Union{Type{VkBufferMemoryBarrier}, Type{BufferMemoryBarrier}, Type{_BufferMemoryBarrier}})) = VkBufferMemoryBarrier core_type(@nospecialize(_::Union{Type{VkImageMemoryBarrier}, Type{ImageMemoryBarrier}, Type{_ImageMemoryBarrier}})) = VkImageMemoryBarrier core_type(@nospecialize(_::Union{Type{VkImageCreateInfo}, Type{ImageCreateInfo}, Type{_ImageCreateInfo}})) = VkImageCreateInfo core_type(@nospecialize(_::Union{Type{VkSubresourceLayout}, Type{SubresourceLayout}, Type{_SubresourceLayout}})) = VkSubresourceLayout core_type(@nospecialize(_::Union{Type{VkImageViewCreateInfo}, Type{ImageViewCreateInfo}, Type{_ImageViewCreateInfo}})) = VkImageViewCreateInfo core_type(@nospecialize(_::Union{Type{VkBufferCopy}, Type{BufferCopy}, Type{_BufferCopy}})) = VkBufferCopy core_type(@nospecialize(_::Union{Type{VkSparseMemoryBind}, Type{SparseMemoryBind}, Type{_SparseMemoryBind}})) = VkSparseMemoryBind core_type(@nospecialize(_::Union{Type{VkSparseImageMemoryBind}, Type{SparseImageMemoryBind}, Type{_SparseImageMemoryBind}})) = VkSparseImageMemoryBind core_type(@nospecialize(_::Union{Type{VkSparseBufferMemoryBindInfo}, Type{SparseBufferMemoryBindInfo}, Type{_SparseBufferMemoryBindInfo}})) = VkSparseBufferMemoryBindInfo core_type(@nospecialize(_::Union{Type{VkSparseImageOpaqueMemoryBindInfo}, Type{SparseImageOpaqueMemoryBindInfo}, Type{_SparseImageOpaqueMemoryBindInfo}})) = VkSparseImageOpaqueMemoryBindInfo core_type(@nospecialize(_::Union{Type{VkSparseImageMemoryBindInfo}, Type{SparseImageMemoryBindInfo}, Type{_SparseImageMemoryBindInfo}})) = VkSparseImageMemoryBindInfo core_type(@nospecialize(_::Union{Type{VkBindSparseInfo}, Type{BindSparseInfo}, Type{_BindSparseInfo}})) = VkBindSparseInfo core_type(@nospecialize(_::Union{Type{VkImageCopy}, Type{ImageCopy}, Type{_ImageCopy}})) = VkImageCopy core_type(@nospecialize(_::Union{Type{VkImageBlit}, Type{ImageBlit}, Type{_ImageBlit}})) = VkImageBlit core_type(@nospecialize(_::Union{Type{VkBufferImageCopy}, Type{BufferImageCopy}, Type{_BufferImageCopy}})) = VkBufferImageCopy core_type(@nospecialize(_::Union{Type{VkCopyMemoryIndirectCommandNV}, Type{CopyMemoryIndirectCommandNV}, Type{_CopyMemoryIndirectCommandNV}})) = VkCopyMemoryIndirectCommandNV core_type(@nospecialize(_::Union{Type{VkCopyMemoryToImageIndirectCommandNV}, Type{CopyMemoryToImageIndirectCommandNV}, Type{_CopyMemoryToImageIndirectCommandNV}})) = VkCopyMemoryToImageIndirectCommandNV core_type(@nospecialize(_::Union{Type{VkImageResolve}, Type{ImageResolve}, Type{_ImageResolve}})) = VkImageResolve core_type(@nospecialize(_::Union{Type{VkShaderModuleCreateInfo}, Type{ShaderModuleCreateInfo}, Type{_ShaderModuleCreateInfo}})) = VkShaderModuleCreateInfo core_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutBinding}, Type{DescriptorSetLayoutBinding}, Type{_DescriptorSetLayoutBinding}})) = VkDescriptorSetLayoutBinding core_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutCreateInfo}, Type{DescriptorSetLayoutCreateInfo}, Type{_DescriptorSetLayoutCreateInfo}})) = VkDescriptorSetLayoutCreateInfo core_type(@nospecialize(_::Union{Type{VkDescriptorPoolSize}, Type{DescriptorPoolSize}, Type{_DescriptorPoolSize}})) = VkDescriptorPoolSize core_type(@nospecialize(_::Union{Type{VkDescriptorPoolCreateInfo}, Type{DescriptorPoolCreateInfo}, Type{_DescriptorPoolCreateInfo}})) = VkDescriptorPoolCreateInfo core_type(@nospecialize(_::Union{Type{VkDescriptorSetAllocateInfo}, Type{DescriptorSetAllocateInfo}, Type{_DescriptorSetAllocateInfo}})) = VkDescriptorSetAllocateInfo core_type(@nospecialize(_::Union{Type{VkSpecializationMapEntry}, Type{SpecializationMapEntry}, Type{_SpecializationMapEntry}})) = VkSpecializationMapEntry core_type(@nospecialize(_::Union{Type{VkSpecializationInfo}, Type{SpecializationInfo}, Type{_SpecializationInfo}})) = VkSpecializationInfo core_type(@nospecialize(_::Union{Type{VkPipelineShaderStageCreateInfo}, Type{PipelineShaderStageCreateInfo}, Type{_PipelineShaderStageCreateInfo}})) = VkPipelineShaderStageCreateInfo core_type(@nospecialize(_::Union{Type{VkComputePipelineCreateInfo}, Type{ComputePipelineCreateInfo}, Type{_ComputePipelineCreateInfo}})) = VkComputePipelineCreateInfo core_type(@nospecialize(_::Union{Type{VkVertexInputBindingDescription}, Type{VertexInputBindingDescription}, Type{_VertexInputBindingDescription}})) = VkVertexInputBindingDescription core_type(@nospecialize(_::Union{Type{VkVertexInputAttributeDescription}, Type{VertexInputAttributeDescription}, Type{_VertexInputAttributeDescription}})) = VkVertexInputAttributeDescription core_type(@nospecialize(_::Union{Type{VkPipelineVertexInputStateCreateInfo}, Type{PipelineVertexInputStateCreateInfo}, Type{_PipelineVertexInputStateCreateInfo}})) = VkPipelineVertexInputStateCreateInfo core_type(@nospecialize(_::Union{Type{VkPipelineInputAssemblyStateCreateInfo}, Type{PipelineInputAssemblyStateCreateInfo}, Type{_PipelineInputAssemblyStateCreateInfo}})) = VkPipelineInputAssemblyStateCreateInfo core_type(@nospecialize(_::Union{Type{VkPipelineTessellationStateCreateInfo}, Type{PipelineTessellationStateCreateInfo}, Type{_PipelineTessellationStateCreateInfo}})) = VkPipelineTessellationStateCreateInfo core_type(@nospecialize(_::Union{Type{VkPipelineViewportStateCreateInfo}, Type{PipelineViewportStateCreateInfo}, Type{_PipelineViewportStateCreateInfo}})) = VkPipelineViewportStateCreateInfo core_type(@nospecialize(_::Union{Type{VkPipelineRasterizationStateCreateInfo}, Type{PipelineRasterizationStateCreateInfo}, Type{_PipelineRasterizationStateCreateInfo}})) = VkPipelineRasterizationStateCreateInfo core_type(@nospecialize(_::Union{Type{VkPipelineMultisampleStateCreateInfo}, Type{PipelineMultisampleStateCreateInfo}, Type{_PipelineMultisampleStateCreateInfo}})) = VkPipelineMultisampleStateCreateInfo core_type(@nospecialize(_::Union{Type{VkPipelineColorBlendAttachmentState}, Type{PipelineColorBlendAttachmentState}, Type{_PipelineColorBlendAttachmentState}})) = VkPipelineColorBlendAttachmentState core_type(@nospecialize(_::Union{Type{VkPipelineColorBlendStateCreateInfo}, Type{PipelineColorBlendStateCreateInfo}, Type{_PipelineColorBlendStateCreateInfo}})) = VkPipelineColorBlendStateCreateInfo core_type(@nospecialize(_::Union{Type{VkPipelineDynamicStateCreateInfo}, Type{PipelineDynamicStateCreateInfo}, Type{_PipelineDynamicStateCreateInfo}})) = VkPipelineDynamicStateCreateInfo core_type(@nospecialize(_::Union{Type{VkStencilOpState}, Type{StencilOpState}, Type{_StencilOpState}})) = VkStencilOpState core_type(@nospecialize(_::Union{Type{VkPipelineDepthStencilStateCreateInfo}, Type{PipelineDepthStencilStateCreateInfo}, Type{_PipelineDepthStencilStateCreateInfo}})) = VkPipelineDepthStencilStateCreateInfo core_type(@nospecialize(_::Union{Type{VkGraphicsPipelineCreateInfo}, Type{GraphicsPipelineCreateInfo}, Type{_GraphicsPipelineCreateInfo}})) = VkGraphicsPipelineCreateInfo core_type(@nospecialize(_::Union{Type{VkPipelineCacheCreateInfo}, Type{PipelineCacheCreateInfo}, Type{_PipelineCacheCreateInfo}})) = VkPipelineCacheCreateInfo core_type(@nospecialize(_::Union{Type{VkPipelineCacheHeaderVersionOne}, Type{PipelineCacheHeaderVersionOne}, Type{_PipelineCacheHeaderVersionOne}})) = VkPipelineCacheHeaderVersionOne core_type(@nospecialize(_::Union{Type{VkPushConstantRange}, Type{PushConstantRange}, Type{_PushConstantRange}})) = VkPushConstantRange core_type(@nospecialize(_::Union{Type{VkPipelineLayoutCreateInfo}, Type{PipelineLayoutCreateInfo}, Type{_PipelineLayoutCreateInfo}})) = VkPipelineLayoutCreateInfo core_type(@nospecialize(_::Union{Type{VkSamplerCreateInfo}, Type{SamplerCreateInfo}, Type{_SamplerCreateInfo}})) = VkSamplerCreateInfo core_type(@nospecialize(_::Union{Type{VkCommandPoolCreateInfo}, Type{CommandPoolCreateInfo}, Type{_CommandPoolCreateInfo}})) = VkCommandPoolCreateInfo core_type(@nospecialize(_::Union{Type{VkCommandBufferAllocateInfo}, Type{CommandBufferAllocateInfo}, Type{_CommandBufferAllocateInfo}})) = VkCommandBufferAllocateInfo core_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceInfo}, Type{CommandBufferInheritanceInfo}, Type{_CommandBufferInheritanceInfo}})) = VkCommandBufferInheritanceInfo core_type(@nospecialize(_::Union{Type{VkCommandBufferBeginInfo}, Type{CommandBufferBeginInfo}, Type{_CommandBufferBeginInfo}})) = VkCommandBufferBeginInfo core_type(@nospecialize(_::Union{Type{VkRenderPassBeginInfo}, Type{RenderPassBeginInfo}, Type{_RenderPassBeginInfo}})) = VkRenderPassBeginInfo core_type(@nospecialize(_::Union{Type{VkClearDepthStencilValue}, Type{ClearDepthStencilValue}, Type{_ClearDepthStencilValue}})) = VkClearDepthStencilValue core_type(@nospecialize(_::Union{Type{VkClearAttachment}, Type{ClearAttachment}, Type{_ClearAttachment}})) = VkClearAttachment core_type(@nospecialize(_::Union{Type{VkAttachmentDescription}, Type{AttachmentDescription}, Type{_AttachmentDescription}})) = VkAttachmentDescription core_type(@nospecialize(_::Union{Type{VkAttachmentReference}, Type{AttachmentReference}, Type{_AttachmentReference}})) = VkAttachmentReference core_type(@nospecialize(_::Union{Type{VkSubpassDescription}, Type{SubpassDescription}, Type{_SubpassDescription}})) = VkSubpassDescription core_type(@nospecialize(_::Union{Type{VkSubpassDependency}, Type{SubpassDependency}, Type{_SubpassDependency}})) = VkSubpassDependency core_type(@nospecialize(_::Union{Type{VkRenderPassCreateInfo}, Type{RenderPassCreateInfo}, Type{_RenderPassCreateInfo}})) = VkRenderPassCreateInfo core_type(@nospecialize(_::Union{Type{VkEventCreateInfo}, Type{EventCreateInfo}, Type{_EventCreateInfo}})) = VkEventCreateInfo core_type(@nospecialize(_::Union{Type{VkFenceCreateInfo}, Type{FenceCreateInfo}, Type{_FenceCreateInfo}})) = VkFenceCreateInfo core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFeatures}, Type{PhysicalDeviceFeatures}, Type{_PhysicalDeviceFeatures}})) = VkPhysicalDeviceFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSparseProperties}, Type{PhysicalDeviceSparseProperties}, Type{_PhysicalDeviceSparseProperties}})) = VkPhysicalDeviceSparseProperties core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLimits}, Type{PhysicalDeviceLimits}, Type{_PhysicalDeviceLimits}})) = VkPhysicalDeviceLimits core_type(@nospecialize(_::Union{Type{VkSemaphoreCreateInfo}, Type{SemaphoreCreateInfo}, Type{_SemaphoreCreateInfo}})) = VkSemaphoreCreateInfo core_type(@nospecialize(_::Union{Type{VkQueryPoolCreateInfo}, Type{QueryPoolCreateInfo}, Type{_QueryPoolCreateInfo}})) = VkQueryPoolCreateInfo core_type(@nospecialize(_::Union{Type{VkFramebufferCreateInfo}, Type{FramebufferCreateInfo}, Type{_FramebufferCreateInfo}})) = VkFramebufferCreateInfo core_type(@nospecialize(_::Union{Type{VkDrawIndirectCommand}, Type{DrawIndirectCommand}, Type{_DrawIndirectCommand}})) = VkDrawIndirectCommand core_type(@nospecialize(_::Union{Type{VkDrawIndexedIndirectCommand}, Type{DrawIndexedIndirectCommand}, Type{_DrawIndexedIndirectCommand}})) = VkDrawIndexedIndirectCommand core_type(@nospecialize(_::Union{Type{VkDispatchIndirectCommand}, Type{DispatchIndirectCommand}, Type{_DispatchIndirectCommand}})) = VkDispatchIndirectCommand core_type(@nospecialize(_::Union{Type{VkMultiDrawInfoEXT}, Type{MultiDrawInfoEXT}, Type{_MultiDrawInfoEXT}})) = VkMultiDrawInfoEXT core_type(@nospecialize(_::Union{Type{VkMultiDrawIndexedInfoEXT}, Type{MultiDrawIndexedInfoEXT}, Type{_MultiDrawIndexedInfoEXT}})) = VkMultiDrawIndexedInfoEXT core_type(@nospecialize(_::Union{Type{VkSubmitInfo}, Type{SubmitInfo}, Type{_SubmitInfo}})) = VkSubmitInfo core_type(@nospecialize(_::Union{Type{VkDisplayPropertiesKHR}, Type{DisplayPropertiesKHR}, Type{_DisplayPropertiesKHR}})) = VkDisplayPropertiesKHR core_type(@nospecialize(_::Union{Type{VkDisplayPlanePropertiesKHR}, Type{DisplayPlanePropertiesKHR}, Type{_DisplayPlanePropertiesKHR}})) = VkDisplayPlanePropertiesKHR core_type(@nospecialize(_::Union{Type{VkDisplayModeParametersKHR}, Type{DisplayModeParametersKHR}, Type{_DisplayModeParametersKHR}})) = VkDisplayModeParametersKHR core_type(@nospecialize(_::Union{Type{VkDisplayModePropertiesKHR}, Type{DisplayModePropertiesKHR}, Type{_DisplayModePropertiesKHR}})) = VkDisplayModePropertiesKHR core_type(@nospecialize(_::Union{Type{VkDisplayModeCreateInfoKHR}, Type{DisplayModeCreateInfoKHR}, Type{_DisplayModeCreateInfoKHR}})) = VkDisplayModeCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkDisplayPlaneCapabilitiesKHR}, Type{DisplayPlaneCapabilitiesKHR}, Type{_DisplayPlaneCapabilitiesKHR}})) = VkDisplayPlaneCapabilitiesKHR core_type(@nospecialize(_::Union{Type{VkDisplaySurfaceCreateInfoKHR}, Type{DisplaySurfaceCreateInfoKHR}, Type{_DisplaySurfaceCreateInfoKHR}})) = VkDisplaySurfaceCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkDisplayPresentInfoKHR}, Type{DisplayPresentInfoKHR}, Type{_DisplayPresentInfoKHR}})) = VkDisplayPresentInfoKHR core_type(@nospecialize(_::Union{Type{VkSurfaceCapabilitiesKHR}, Type{SurfaceCapabilitiesKHR}, Type{_SurfaceCapabilitiesKHR}})) = VkSurfaceCapabilitiesKHR core_type(@nospecialize(_::Union{Type{VkWaylandSurfaceCreateInfoKHR}, Type{WaylandSurfaceCreateInfoKHR}, Type{_WaylandSurfaceCreateInfoKHR}})) = VkWaylandSurfaceCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkXlibSurfaceCreateInfoKHR}, Type{XlibSurfaceCreateInfoKHR}, Type{_XlibSurfaceCreateInfoKHR}})) = VkXlibSurfaceCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkXcbSurfaceCreateInfoKHR}, Type{XcbSurfaceCreateInfoKHR}, Type{_XcbSurfaceCreateInfoKHR}})) = VkXcbSurfaceCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkSurfaceFormatKHR}, Type{SurfaceFormatKHR}, Type{_SurfaceFormatKHR}})) = VkSurfaceFormatKHR core_type(@nospecialize(_::Union{Type{VkSwapchainCreateInfoKHR}, Type{SwapchainCreateInfoKHR}, Type{_SwapchainCreateInfoKHR}})) = VkSwapchainCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkPresentInfoKHR}, Type{PresentInfoKHR}, Type{_PresentInfoKHR}})) = VkPresentInfoKHR core_type(@nospecialize(_::Union{Type{VkDebugReportCallbackCreateInfoEXT}, Type{DebugReportCallbackCreateInfoEXT}, Type{_DebugReportCallbackCreateInfoEXT}})) = VkDebugReportCallbackCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkValidationFlagsEXT}, Type{ValidationFlagsEXT}, Type{_ValidationFlagsEXT}})) = VkValidationFlagsEXT core_type(@nospecialize(_::Union{Type{VkValidationFeaturesEXT}, Type{ValidationFeaturesEXT}, Type{_ValidationFeaturesEXT}})) = VkValidationFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPipelineRasterizationStateRasterizationOrderAMD}, Type{PipelineRasterizationStateRasterizationOrderAMD}, Type{_PipelineRasterizationStateRasterizationOrderAMD}})) = VkPipelineRasterizationStateRasterizationOrderAMD core_type(@nospecialize(_::Union{Type{VkDebugMarkerObjectNameInfoEXT}, Type{DebugMarkerObjectNameInfoEXT}, Type{_DebugMarkerObjectNameInfoEXT}})) = VkDebugMarkerObjectNameInfoEXT core_type(@nospecialize(_::Union{Type{VkDebugMarkerObjectTagInfoEXT}, Type{DebugMarkerObjectTagInfoEXT}, Type{_DebugMarkerObjectTagInfoEXT}})) = VkDebugMarkerObjectTagInfoEXT core_type(@nospecialize(_::Union{Type{VkDebugMarkerMarkerInfoEXT}, Type{DebugMarkerMarkerInfoEXT}, Type{_DebugMarkerMarkerInfoEXT}})) = VkDebugMarkerMarkerInfoEXT core_type(@nospecialize(_::Union{Type{VkDedicatedAllocationImageCreateInfoNV}, Type{DedicatedAllocationImageCreateInfoNV}, Type{_DedicatedAllocationImageCreateInfoNV}})) = VkDedicatedAllocationImageCreateInfoNV core_type(@nospecialize(_::Union{Type{VkDedicatedAllocationBufferCreateInfoNV}, Type{DedicatedAllocationBufferCreateInfoNV}, Type{_DedicatedAllocationBufferCreateInfoNV}})) = VkDedicatedAllocationBufferCreateInfoNV core_type(@nospecialize(_::Union{Type{VkDedicatedAllocationMemoryAllocateInfoNV}, Type{DedicatedAllocationMemoryAllocateInfoNV}, Type{_DedicatedAllocationMemoryAllocateInfoNV}})) = VkDedicatedAllocationMemoryAllocateInfoNV core_type(@nospecialize(_::Union{Type{VkExternalImageFormatPropertiesNV}, Type{ExternalImageFormatPropertiesNV}, Type{_ExternalImageFormatPropertiesNV}})) = VkExternalImageFormatPropertiesNV core_type(@nospecialize(_::Union{Type{VkExternalMemoryImageCreateInfoNV}, Type{ExternalMemoryImageCreateInfoNV}, Type{_ExternalMemoryImageCreateInfoNV}})) = VkExternalMemoryImageCreateInfoNV core_type(@nospecialize(_::Union{Type{VkExportMemoryAllocateInfoNV}, Type{ExportMemoryAllocateInfoNV}, Type{_ExportMemoryAllocateInfoNV}})) = VkExportMemoryAllocateInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV}, Type{PhysicalDeviceDeviceGeneratedCommandsFeaturesNV}, Type{_PhysicalDeviceDeviceGeneratedCommandsFeaturesNV}})) = VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV core_type(@nospecialize(_::Union{Type{VkDevicePrivateDataCreateInfo}, Type{DevicePrivateDataCreateInfo}, Type{_DevicePrivateDataCreateInfo}})) = VkDevicePrivateDataCreateInfo core_type(@nospecialize(_::Union{Type{VkPrivateDataSlotCreateInfo}, Type{PrivateDataSlotCreateInfo}, Type{_PrivateDataSlotCreateInfo}})) = VkPrivateDataSlotCreateInfo core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePrivateDataFeatures}, Type{PhysicalDevicePrivateDataFeatures}, Type{_PhysicalDevicePrivateDataFeatures}})) = VkPhysicalDevicePrivateDataFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV}, Type{PhysicalDeviceDeviceGeneratedCommandsPropertiesNV}, Type{_PhysicalDeviceDeviceGeneratedCommandsPropertiesNV}})) = VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiDrawPropertiesEXT}, Type{PhysicalDeviceMultiDrawPropertiesEXT}, Type{_PhysicalDeviceMultiDrawPropertiesEXT}})) = VkPhysicalDeviceMultiDrawPropertiesEXT core_type(@nospecialize(_::Union{Type{VkGraphicsShaderGroupCreateInfoNV}, Type{GraphicsShaderGroupCreateInfoNV}, Type{_GraphicsShaderGroupCreateInfoNV}})) = VkGraphicsShaderGroupCreateInfoNV core_type(@nospecialize(_::Union{Type{VkGraphicsPipelineShaderGroupsCreateInfoNV}, Type{GraphicsPipelineShaderGroupsCreateInfoNV}, Type{_GraphicsPipelineShaderGroupsCreateInfoNV}})) = VkGraphicsPipelineShaderGroupsCreateInfoNV core_type(@nospecialize(_::Union{Type{VkBindShaderGroupIndirectCommandNV}, Type{BindShaderGroupIndirectCommandNV}, Type{_BindShaderGroupIndirectCommandNV}})) = VkBindShaderGroupIndirectCommandNV core_type(@nospecialize(_::Union{Type{VkBindIndexBufferIndirectCommandNV}, Type{BindIndexBufferIndirectCommandNV}, Type{_BindIndexBufferIndirectCommandNV}})) = VkBindIndexBufferIndirectCommandNV core_type(@nospecialize(_::Union{Type{VkBindVertexBufferIndirectCommandNV}, Type{BindVertexBufferIndirectCommandNV}, Type{_BindVertexBufferIndirectCommandNV}})) = VkBindVertexBufferIndirectCommandNV core_type(@nospecialize(_::Union{Type{VkSetStateFlagsIndirectCommandNV}, Type{SetStateFlagsIndirectCommandNV}, Type{_SetStateFlagsIndirectCommandNV}})) = VkSetStateFlagsIndirectCommandNV core_type(@nospecialize(_::Union{Type{VkIndirectCommandsStreamNV}, Type{IndirectCommandsStreamNV}, Type{_IndirectCommandsStreamNV}})) = VkIndirectCommandsStreamNV core_type(@nospecialize(_::Union{Type{VkIndirectCommandsLayoutTokenNV}, Type{IndirectCommandsLayoutTokenNV}, Type{_IndirectCommandsLayoutTokenNV}})) = VkIndirectCommandsLayoutTokenNV core_type(@nospecialize(_::Union{Type{VkIndirectCommandsLayoutCreateInfoNV}, Type{IndirectCommandsLayoutCreateInfoNV}, Type{_IndirectCommandsLayoutCreateInfoNV}})) = VkIndirectCommandsLayoutCreateInfoNV core_type(@nospecialize(_::Union{Type{VkGeneratedCommandsInfoNV}, Type{GeneratedCommandsInfoNV}, Type{_GeneratedCommandsInfoNV}})) = VkGeneratedCommandsInfoNV core_type(@nospecialize(_::Union{Type{VkGeneratedCommandsMemoryRequirementsInfoNV}, Type{GeneratedCommandsMemoryRequirementsInfoNV}, Type{_GeneratedCommandsMemoryRequirementsInfoNV}})) = VkGeneratedCommandsMemoryRequirementsInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFeatures2}, Type{PhysicalDeviceFeatures2}, Type{_PhysicalDeviceFeatures2}})) = VkPhysicalDeviceFeatures2 core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProperties2}, Type{PhysicalDeviceProperties2}, Type{_PhysicalDeviceProperties2}})) = VkPhysicalDeviceProperties2 core_type(@nospecialize(_::Union{Type{VkFormatProperties2}, Type{FormatProperties2}, Type{_FormatProperties2}})) = VkFormatProperties2 core_type(@nospecialize(_::Union{Type{VkImageFormatProperties2}, Type{ImageFormatProperties2}, Type{_ImageFormatProperties2}})) = VkImageFormatProperties2 core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageFormatInfo2}, Type{PhysicalDeviceImageFormatInfo2}, Type{_PhysicalDeviceImageFormatInfo2}})) = VkPhysicalDeviceImageFormatInfo2 core_type(@nospecialize(_::Union{Type{VkQueueFamilyProperties2}, Type{QueueFamilyProperties2}, Type{_QueueFamilyProperties2}})) = VkQueueFamilyProperties2 core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryProperties2}, Type{PhysicalDeviceMemoryProperties2}, Type{_PhysicalDeviceMemoryProperties2}})) = VkPhysicalDeviceMemoryProperties2 core_type(@nospecialize(_::Union{Type{VkSparseImageFormatProperties2}, Type{SparseImageFormatProperties2}, Type{_SparseImageFormatProperties2}})) = VkSparseImageFormatProperties2 core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSparseImageFormatInfo2}, Type{PhysicalDeviceSparseImageFormatInfo2}, Type{_PhysicalDeviceSparseImageFormatInfo2}})) = VkPhysicalDeviceSparseImageFormatInfo2 core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePushDescriptorPropertiesKHR}, Type{PhysicalDevicePushDescriptorPropertiesKHR}, Type{_PhysicalDevicePushDescriptorPropertiesKHR}})) = VkPhysicalDevicePushDescriptorPropertiesKHR core_type(@nospecialize(_::Union{Type{VkConformanceVersion}, Type{ConformanceVersion}, Type{_ConformanceVersion}})) = VkConformanceVersion core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDriverProperties}, Type{PhysicalDeviceDriverProperties}, Type{_PhysicalDeviceDriverProperties}})) = VkPhysicalDeviceDriverProperties core_type(@nospecialize(_::Union{Type{VkPresentRegionsKHR}, Type{PresentRegionsKHR}, Type{_PresentRegionsKHR}})) = VkPresentRegionsKHR core_type(@nospecialize(_::Union{Type{VkPresentRegionKHR}, Type{PresentRegionKHR}, Type{_PresentRegionKHR}})) = VkPresentRegionKHR core_type(@nospecialize(_::Union{Type{VkRectLayerKHR}, Type{RectLayerKHR}, Type{_RectLayerKHR}})) = VkRectLayerKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVariablePointersFeatures}, Type{PhysicalDeviceVariablePointersFeatures}, Type{_PhysicalDeviceVariablePointersFeatures}})) = VkPhysicalDeviceVariablePointersFeatures core_type(@nospecialize(_::Union{Type{VkExternalMemoryProperties}, Type{ExternalMemoryProperties}, Type{_ExternalMemoryProperties}})) = VkExternalMemoryProperties core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalImageFormatInfo}, Type{PhysicalDeviceExternalImageFormatInfo}, Type{_PhysicalDeviceExternalImageFormatInfo}})) = VkPhysicalDeviceExternalImageFormatInfo core_type(@nospecialize(_::Union{Type{VkExternalImageFormatProperties}, Type{ExternalImageFormatProperties}, Type{_ExternalImageFormatProperties}})) = VkExternalImageFormatProperties core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalBufferInfo}, Type{PhysicalDeviceExternalBufferInfo}, Type{_PhysicalDeviceExternalBufferInfo}})) = VkPhysicalDeviceExternalBufferInfo core_type(@nospecialize(_::Union{Type{VkExternalBufferProperties}, Type{ExternalBufferProperties}, Type{_ExternalBufferProperties}})) = VkExternalBufferProperties core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceIDProperties}, Type{PhysicalDeviceIDProperties}, Type{_PhysicalDeviceIDProperties}})) = VkPhysicalDeviceIDProperties core_type(@nospecialize(_::Union{Type{VkExternalMemoryImageCreateInfo}, Type{ExternalMemoryImageCreateInfo}, Type{_ExternalMemoryImageCreateInfo}})) = VkExternalMemoryImageCreateInfo core_type(@nospecialize(_::Union{Type{VkExternalMemoryBufferCreateInfo}, Type{ExternalMemoryBufferCreateInfo}, Type{_ExternalMemoryBufferCreateInfo}})) = VkExternalMemoryBufferCreateInfo core_type(@nospecialize(_::Union{Type{VkExportMemoryAllocateInfo}, Type{ExportMemoryAllocateInfo}, Type{_ExportMemoryAllocateInfo}})) = VkExportMemoryAllocateInfo core_type(@nospecialize(_::Union{Type{VkImportMemoryFdInfoKHR}, Type{ImportMemoryFdInfoKHR}, Type{_ImportMemoryFdInfoKHR}})) = VkImportMemoryFdInfoKHR core_type(@nospecialize(_::Union{Type{VkMemoryFdPropertiesKHR}, Type{MemoryFdPropertiesKHR}, Type{_MemoryFdPropertiesKHR}})) = VkMemoryFdPropertiesKHR core_type(@nospecialize(_::Union{Type{VkMemoryGetFdInfoKHR}, Type{MemoryGetFdInfoKHR}, Type{_MemoryGetFdInfoKHR}})) = VkMemoryGetFdInfoKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalSemaphoreInfo}, Type{PhysicalDeviceExternalSemaphoreInfo}, Type{_PhysicalDeviceExternalSemaphoreInfo}})) = VkPhysicalDeviceExternalSemaphoreInfo core_type(@nospecialize(_::Union{Type{VkExternalSemaphoreProperties}, Type{ExternalSemaphoreProperties}, Type{_ExternalSemaphoreProperties}})) = VkExternalSemaphoreProperties core_type(@nospecialize(_::Union{Type{VkExportSemaphoreCreateInfo}, Type{ExportSemaphoreCreateInfo}, Type{_ExportSemaphoreCreateInfo}})) = VkExportSemaphoreCreateInfo core_type(@nospecialize(_::Union{Type{VkImportSemaphoreFdInfoKHR}, Type{ImportSemaphoreFdInfoKHR}, Type{_ImportSemaphoreFdInfoKHR}})) = VkImportSemaphoreFdInfoKHR core_type(@nospecialize(_::Union{Type{VkSemaphoreGetFdInfoKHR}, Type{SemaphoreGetFdInfoKHR}, Type{_SemaphoreGetFdInfoKHR}})) = VkSemaphoreGetFdInfoKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalFenceInfo}, Type{PhysicalDeviceExternalFenceInfo}, Type{_PhysicalDeviceExternalFenceInfo}})) = VkPhysicalDeviceExternalFenceInfo core_type(@nospecialize(_::Union{Type{VkExternalFenceProperties}, Type{ExternalFenceProperties}, Type{_ExternalFenceProperties}})) = VkExternalFenceProperties core_type(@nospecialize(_::Union{Type{VkExportFenceCreateInfo}, Type{ExportFenceCreateInfo}, Type{_ExportFenceCreateInfo}})) = VkExportFenceCreateInfo core_type(@nospecialize(_::Union{Type{VkImportFenceFdInfoKHR}, Type{ImportFenceFdInfoKHR}, Type{_ImportFenceFdInfoKHR}})) = VkImportFenceFdInfoKHR core_type(@nospecialize(_::Union{Type{VkFenceGetFdInfoKHR}, Type{FenceGetFdInfoKHR}, Type{_FenceGetFdInfoKHR}})) = VkFenceGetFdInfoKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiviewFeatures}, Type{PhysicalDeviceMultiviewFeatures}, Type{_PhysicalDeviceMultiviewFeatures}})) = VkPhysicalDeviceMultiviewFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiviewProperties}, Type{PhysicalDeviceMultiviewProperties}, Type{_PhysicalDeviceMultiviewProperties}})) = VkPhysicalDeviceMultiviewProperties core_type(@nospecialize(_::Union{Type{VkRenderPassMultiviewCreateInfo}, Type{RenderPassMultiviewCreateInfo}, Type{_RenderPassMultiviewCreateInfo}})) = VkRenderPassMultiviewCreateInfo core_type(@nospecialize(_::Union{Type{VkSurfaceCapabilities2EXT}, Type{SurfaceCapabilities2EXT}, Type{_SurfaceCapabilities2EXT}})) = VkSurfaceCapabilities2EXT core_type(@nospecialize(_::Union{Type{VkDisplayPowerInfoEXT}, Type{DisplayPowerInfoEXT}, Type{_DisplayPowerInfoEXT}})) = VkDisplayPowerInfoEXT core_type(@nospecialize(_::Union{Type{VkDeviceEventInfoEXT}, Type{DeviceEventInfoEXT}, Type{_DeviceEventInfoEXT}})) = VkDeviceEventInfoEXT core_type(@nospecialize(_::Union{Type{VkDisplayEventInfoEXT}, Type{DisplayEventInfoEXT}, Type{_DisplayEventInfoEXT}})) = VkDisplayEventInfoEXT core_type(@nospecialize(_::Union{Type{VkSwapchainCounterCreateInfoEXT}, Type{SwapchainCounterCreateInfoEXT}, Type{_SwapchainCounterCreateInfoEXT}})) = VkSwapchainCounterCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceGroupProperties}, Type{PhysicalDeviceGroupProperties}, Type{_PhysicalDeviceGroupProperties}})) = VkPhysicalDeviceGroupProperties core_type(@nospecialize(_::Union{Type{VkMemoryAllocateFlagsInfo}, Type{MemoryAllocateFlagsInfo}, Type{_MemoryAllocateFlagsInfo}})) = VkMemoryAllocateFlagsInfo core_type(@nospecialize(_::Union{Type{VkBindBufferMemoryInfo}, Type{BindBufferMemoryInfo}, Type{_BindBufferMemoryInfo}})) = VkBindBufferMemoryInfo core_type(@nospecialize(_::Union{Type{VkBindBufferMemoryDeviceGroupInfo}, Type{BindBufferMemoryDeviceGroupInfo}, Type{_BindBufferMemoryDeviceGroupInfo}})) = VkBindBufferMemoryDeviceGroupInfo core_type(@nospecialize(_::Union{Type{VkBindImageMemoryInfo}, Type{BindImageMemoryInfo}, Type{_BindImageMemoryInfo}})) = VkBindImageMemoryInfo core_type(@nospecialize(_::Union{Type{VkBindImageMemoryDeviceGroupInfo}, Type{BindImageMemoryDeviceGroupInfo}, Type{_BindImageMemoryDeviceGroupInfo}})) = VkBindImageMemoryDeviceGroupInfo core_type(@nospecialize(_::Union{Type{VkDeviceGroupRenderPassBeginInfo}, Type{DeviceGroupRenderPassBeginInfo}, Type{_DeviceGroupRenderPassBeginInfo}})) = VkDeviceGroupRenderPassBeginInfo core_type(@nospecialize(_::Union{Type{VkDeviceGroupCommandBufferBeginInfo}, Type{DeviceGroupCommandBufferBeginInfo}, Type{_DeviceGroupCommandBufferBeginInfo}})) = VkDeviceGroupCommandBufferBeginInfo core_type(@nospecialize(_::Union{Type{VkDeviceGroupSubmitInfo}, Type{DeviceGroupSubmitInfo}, Type{_DeviceGroupSubmitInfo}})) = VkDeviceGroupSubmitInfo core_type(@nospecialize(_::Union{Type{VkDeviceGroupBindSparseInfo}, Type{DeviceGroupBindSparseInfo}, Type{_DeviceGroupBindSparseInfo}})) = VkDeviceGroupBindSparseInfo core_type(@nospecialize(_::Union{Type{VkDeviceGroupPresentCapabilitiesKHR}, Type{DeviceGroupPresentCapabilitiesKHR}, Type{_DeviceGroupPresentCapabilitiesKHR}})) = VkDeviceGroupPresentCapabilitiesKHR core_type(@nospecialize(_::Union{Type{VkImageSwapchainCreateInfoKHR}, Type{ImageSwapchainCreateInfoKHR}, Type{_ImageSwapchainCreateInfoKHR}})) = VkImageSwapchainCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkBindImageMemorySwapchainInfoKHR}, Type{BindImageMemorySwapchainInfoKHR}, Type{_BindImageMemorySwapchainInfoKHR}})) = VkBindImageMemorySwapchainInfoKHR core_type(@nospecialize(_::Union{Type{VkAcquireNextImageInfoKHR}, Type{AcquireNextImageInfoKHR}, Type{_AcquireNextImageInfoKHR}})) = VkAcquireNextImageInfoKHR core_type(@nospecialize(_::Union{Type{VkDeviceGroupPresentInfoKHR}, Type{DeviceGroupPresentInfoKHR}, Type{_DeviceGroupPresentInfoKHR}})) = VkDeviceGroupPresentInfoKHR core_type(@nospecialize(_::Union{Type{VkDeviceGroupDeviceCreateInfo}, Type{DeviceGroupDeviceCreateInfo}, Type{_DeviceGroupDeviceCreateInfo}})) = VkDeviceGroupDeviceCreateInfo core_type(@nospecialize(_::Union{Type{VkDeviceGroupSwapchainCreateInfoKHR}, Type{DeviceGroupSwapchainCreateInfoKHR}, Type{_DeviceGroupSwapchainCreateInfoKHR}})) = VkDeviceGroupSwapchainCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkDescriptorUpdateTemplateEntry}, Type{DescriptorUpdateTemplateEntry}, Type{_DescriptorUpdateTemplateEntry}})) = VkDescriptorUpdateTemplateEntry core_type(@nospecialize(_::Union{Type{VkDescriptorUpdateTemplateCreateInfo}, Type{DescriptorUpdateTemplateCreateInfo}, Type{_DescriptorUpdateTemplateCreateInfo}})) = VkDescriptorUpdateTemplateCreateInfo core_type(@nospecialize(_::Union{Type{VkXYColorEXT}, Type{XYColorEXT}, Type{_XYColorEXT}})) = VkXYColorEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePresentIdFeaturesKHR}, Type{PhysicalDevicePresentIdFeaturesKHR}, Type{_PhysicalDevicePresentIdFeaturesKHR}})) = VkPhysicalDevicePresentIdFeaturesKHR core_type(@nospecialize(_::Union{Type{VkPresentIdKHR}, Type{PresentIdKHR}, Type{_PresentIdKHR}})) = VkPresentIdKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePresentWaitFeaturesKHR}, Type{PhysicalDevicePresentWaitFeaturesKHR}, Type{_PhysicalDevicePresentWaitFeaturesKHR}})) = VkPhysicalDevicePresentWaitFeaturesKHR core_type(@nospecialize(_::Union{Type{VkHdrMetadataEXT}, Type{HdrMetadataEXT}, Type{_HdrMetadataEXT}})) = VkHdrMetadataEXT core_type(@nospecialize(_::Union{Type{VkDisplayNativeHdrSurfaceCapabilitiesAMD}, Type{DisplayNativeHdrSurfaceCapabilitiesAMD}, Type{_DisplayNativeHdrSurfaceCapabilitiesAMD}})) = VkDisplayNativeHdrSurfaceCapabilitiesAMD core_type(@nospecialize(_::Union{Type{VkSwapchainDisplayNativeHdrCreateInfoAMD}, Type{SwapchainDisplayNativeHdrCreateInfoAMD}, Type{_SwapchainDisplayNativeHdrCreateInfoAMD}})) = VkSwapchainDisplayNativeHdrCreateInfoAMD core_type(@nospecialize(_::Union{Type{VkRefreshCycleDurationGOOGLE}, Type{RefreshCycleDurationGOOGLE}, Type{_RefreshCycleDurationGOOGLE}})) = VkRefreshCycleDurationGOOGLE core_type(@nospecialize(_::Union{Type{VkPastPresentationTimingGOOGLE}, Type{PastPresentationTimingGOOGLE}, Type{_PastPresentationTimingGOOGLE}})) = VkPastPresentationTimingGOOGLE core_type(@nospecialize(_::Union{Type{VkPresentTimesInfoGOOGLE}, Type{PresentTimesInfoGOOGLE}, Type{_PresentTimesInfoGOOGLE}})) = VkPresentTimesInfoGOOGLE core_type(@nospecialize(_::Union{Type{VkPresentTimeGOOGLE}, Type{PresentTimeGOOGLE}, Type{_PresentTimeGOOGLE}})) = VkPresentTimeGOOGLE core_type(@nospecialize(_::Union{Type{VkViewportWScalingNV}, Type{ViewportWScalingNV}, Type{_ViewportWScalingNV}})) = VkViewportWScalingNV core_type(@nospecialize(_::Union{Type{VkPipelineViewportWScalingStateCreateInfoNV}, Type{PipelineViewportWScalingStateCreateInfoNV}, Type{_PipelineViewportWScalingStateCreateInfoNV}})) = VkPipelineViewportWScalingStateCreateInfoNV core_type(@nospecialize(_::Union{Type{VkViewportSwizzleNV}, Type{ViewportSwizzleNV}, Type{_ViewportSwizzleNV}})) = VkViewportSwizzleNV core_type(@nospecialize(_::Union{Type{VkPipelineViewportSwizzleStateCreateInfoNV}, Type{PipelineViewportSwizzleStateCreateInfoNV}, Type{_PipelineViewportSwizzleStateCreateInfoNV}})) = VkPipelineViewportSwizzleStateCreateInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDiscardRectanglePropertiesEXT}, Type{PhysicalDeviceDiscardRectanglePropertiesEXT}, Type{_PhysicalDeviceDiscardRectanglePropertiesEXT}})) = VkPhysicalDeviceDiscardRectanglePropertiesEXT core_type(@nospecialize(_::Union{Type{VkPipelineDiscardRectangleStateCreateInfoEXT}, Type{PipelineDiscardRectangleStateCreateInfoEXT}, Type{_PipelineDiscardRectangleStateCreateInfoEXT}})) = VkPipelineDiscardRectangleStateCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX}, Type{PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX}, Type{_PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX}})) = VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX core_type(@nospecialize(_::Union{Type{VkInputAttachmentAspectReference}, Type{InputAttachmentAspectReference}, Type{_InputAttachmentAspectReference}})) = VkInputAttachmentAspectReference core_type(@nospecialize(_::Union{Type{VkRenderPassInputAttachmentAspectCreateInfo}, Type{RenderPassInputAttachmentAspectCreateInfo}, Type{_RenderPassInputAttachmentAspectCreateInfo}})) = VkRenderPassInputAttachmentAspectCreateInfo core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSurfaceInfo2KHR}, Type{PhysicalDeviceSurfaceInfo2KHR}, Type{_PhysicalDeviceSurfaceInfo2KHR}})) = VkPhysicalDeviceSurfaceInfo2KHR core_type(@nospecialize(_::Union{Type{VkSurfaceCapabilities2KHR}, Type{SurfaceCapabilities2KHR}, Type{_SurfaceCapabilities2KHR}})) = VkSurfaceCapabilities2KHR core_type(@nospecialize(_::Union{Type{VkSurfaceFormat2KHR}, Type{SurfaceFormat2KHR}, Type{_SurfaceFormat2KHR}})) = VkSurfaceFormat2KHR core_type(@nospecialize(_::Union{Type{VkDisplayProperties2KHR}, Type{DisplayProperties2KHR}, Type{_DisplayProperties2KHR}})) = VkDisplayProperties2KHR core_type(@nospecialize(_::Union{Type{VkDisplayPlaneProperties2KHR}, Type{DisplayPlaneProperties2KHR}, Type{_DisplayPlaneProperties2KHR}})) = VkDisplayPlaneProperties2KHR core_type(@nospecialize(_::Union{Type{VkDisplayModeProperties2KHR}, Type{DisplayModeProperties2KHR}, Type{_DisplayModeProperties2KHR}})) = VkDisplayModeProperties2KHR core_type(@nospecialize(_::Union{Type{VkDisplayPlaneInfo2KHR}, Type{DisplayPlaneInfo2KHR}, Type{_DisplayPlaneInfo2KHR}})) = VkDisplayPlaneInfo2KHR core_type(@nospecialize(_::Union{Type{VkDisplayPlaneCapabilities2KHR}, Type{DisplayPlaneCapabilities2KHR}, Type{_DisplayPlaneCapabilities2KHR}})) = VkDisplayPlaneCapabilities2KHR core_type(@nospecialize(_::Union{Type{VkSharedPresentSurfaceCapabilitiesKHR}, Type{SharedPresentSurfaceCapabilitiesKHR}, Type{_SharedPresentSurfaceCapabilitiesKHR}})) = VkSharedPresentSurfaceCapabilitiesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDevice16BitStorageFeatures}, Type{PhysicalDevice16BitStorageFeatures}, Type{_PhysicalDevice16BitStorageFeatures}})) = VkPhysicalDevice16BitStorageFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubgroupProperties}, Type{PhysicalDeviceSubgroupProperties}, Type{_PhysicalDeviceSubgroupProperties}})) = VkPhysicalDeviceSubgroupProperties core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures}, Type{PhysicalDeviceShaderSubgroupExtendedTypesFeatures}, Type{_PhysicalDeviceShaderSubgroupExtendedTypesFeatures}})) = VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures core_type(@nospecialize(_::Union{Type{VkBufferMemoryRequirementsInfo2}, Type{BufferMemoryRequirementsInfo2}, Type{_BufferMemoryRequirementsInfo2}})) = VkBufferMemoryRequirementsInfo2 core_type(@nospecialize(_::Union{Type{VkDeviceBufferMemoryRequirements}, Type{DeviceBufferMemoryRequirements}, Type{_DeviceBufferMemoryRequirements}})) = VkDeviceBufferMemoryRequirements core_type(@nospecialize(_::Union{Type{VkImageMemoryRequirementsInfo2}, Type{ImageMemoryRequirementsInfo2}, Type{_ImageMemoryRequirementsInfo2}})) = VkImageMemoryRequirementsInfo2 core_type(@nospecialize(_::Union{Type{VkImageSparseMemoryRequirementsInfo2}, Type{ImageSparseMemoryRequirementsInfo2}, Type{_ImageSparseMemoryRequirementsInfo2}})) = VkImageSparseMemoryRequirementsInfo2 core_type(@nospecialize(_::Union{Type{VkDeviceImageMemoryRequirements}, Type{DeviceImageMemoryRequirements}, Type{_DeviceImageMemoryRequirements}})) = VkDeviceImageMemoryRequirements core_type(@nospecialize(_::Union{Type{VkMemoryRequirements2}, Type{MemoryRequirements2}, Type{_MemoryRequirements2}})) = VkMemoryRequirements2 core_type(@nospecialize(_::Union{Type{VkSparseImageMemoryRequirements2}, Type{SparseImageMemoryRequirements2}, Type{_SparseImageMemoryRequirements2}})) = VkSparseImageMemoryRequirements2 core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePointClippingProperties}, Type{PhysicalDevicePointClippingProperties}, Type{_PhysicalDevicePointClippingProperties}})) = VkPhysicalDevicePointClippingProperties core_type(@nospecialize(_::Union{Type{VkMemoryDedicatedRequirements}, Type{MemoryDedicatedRequirements}, Type{_MemoryDedicatedRequirements}})) = VkMemoryDedicatedRequirements core_type(@nospecialize(_::Union{Type{VkMemoryDedicatedAllocateInfo}, Type{MemoryDedicatedAllocateInfo}, Type{_MemoryDedicatedAllocateInfo}})) = VkMemoryDedicatedAllocateInfo core_type(@nospecialize(_::Union{Type{VkImageViewUsageCreateInfo}, Type{ImageViewUsageCreateInfo}, Type{_ImageViewUsageCreateInfo}})) = VkImageViewUsageCreateInfo core_type(@nospecialize(_::Union{Type{VkPipelineTessellationDomainOriginStateCreateInfo}, Type{PipelineTessellationDomainOriginStateCreateInfo}, Type{_PipelineTessellationDomainOriginStateCreateInfo}})) = VkPipelineTessellationDomainOriginStateCreateInfo core_type(@nospecialize(_::Union{Type{VkSamplerYcbcrConversionInfo}, Type{SamplerYcbcrConversionInfo}, Type{_SamplerYcbcrConversionInfo}})) = VkSamplerYcbcrConversionInfo core_type(@nospecialize(_::Union{Type{VkSamplerYcbcrConversionCreateInfo}, Type{SamplerYcbcrConversionCreateInfo}, Type{_SamplerYcbcrConversionCreateInfo}})) = VkSamplerYcbcrConversionCreateInfo core_type(@nospecialize(_::Union{Type{VkBindImagePlaneMemoryInfo}, Type{BindImagePlaneMemoryInfo}, Type{_BindImagePlaneMemoryInfo}})) = VkBindImagePlaneMemoryInfo core_type(@nospecialize(_::Union{Type{VkImagePlaneMemoryRequirementsInfo}, Type{ImagePlaneMemoryRequirementsInfo}, Type{_ImagePlaneMemoryRequirementsInfo}})) = VkImagePlaneMemoryRequirementsInfo core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSamplerYcbcrConversionFeatures}, Type{PhysicalDeviceSamplerYcbcrConversionFeatures}, Type{_PhysicalDeviceSamplerYcbcrConversionFeatures}})) = VkPhysicalDeviceSamplerYcbcrConversionFeatures core_type(@nospecialize(_::Union{Type{VkSamplerYcbcrConversionImageFormatProperties}, Type{SamplerYcbcrConversionImageFormatProperties}, Type{_SamplerYcbcrConversionImageFormatProperties}})) = VkSamplerYcbcrConversionImageFormatProperties core_type(@nospecialize(_::Union{Type{VkTextureLODGatherFormatPropertiesAMD}, Type{TextureLODGatherFormatPropertiesAMD}, Type{_TextureLODGatherFormatPropertiesAMD}})) = VkTextureLODGatherFormatPropertiesAMD core_type(@nospecialize(_::Union{Type{VkConditionalRenderingBeginInfoEXT}, Type{ConditionalRenderingBeginInfoEXT}, Type{_ConditionalRenderingBeginInfoEXT}})) = VkConditionalRenderingBeginInfoEXT core_type(@nospecialize(_::Union{Type{VkProtectedSubmitInfo}, Type{ProtectedSubmitInfo}, Type{_ProtectedSubmitInfo}})) = VkProtectedSubmitInfo core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProtectedMemoryFeatures}, Type{PhysicalDeviceProtectedMemoryFeatures}, Type{_PhysicalDeviceProtectedMemoryFeatures}})) = VkPhysicalDeviceProtectedMemoryFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProtectedMemoryProperties}, Type{PhysicalDeviceProtectedMemoryProperties}, Type{_PhysicalDeviceProtectedMemoryProperties}})) = VkPhysicalDeviceProtectedMemoryProperties core_type(@nospecialize(_::Union{Type{VkDeviceQueueInfo2}, Type{DeviceQueueInfo2}, Type{_DeviceQueueInfo2}})) = VkDeviceQueueInfo2 core_type(@nospecialize(_::Union{Type{VkPipelineCoverageToColorStateCreateInfoNV}, Type{PipelineCoverageToColorStateCreateInfoNV}, Type{_PipelineCoverageToColorStateCreateInfoNV}})) = VkPipelineCoverageToColorStateCreateInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSamplerFilterMinmaxProperties}, Type{PhysicalDeviceSamplerFilterMinmaxProperties}, Type{_PhysicalDeviceSamplerFilterMinmaxProperties}})) = VkPhysicalDeviceSamplerFilterMinmaxProperties core_type(@nospecialize(_::Union{Type{VkSampleLocationEXT}, Type{SampleLocationEXT}, Type{_SampleLocationEXT}})) = VkSampleLocationEXT core_type(@nospecialize(_::Union{Type{VkSampleLocationsInfoEXT}, Type{SampleLocationsInfoEXT}, Type{_SampleLocationsInfoEXT}})) = VkSampleLocationsInfoEXT core_type(@nospecialize(_::Union{Type{VkAttachmentSampleLocationsEXT}, Type{AttachmentSampleLocationsEXT}, Type{_AttachmentSampleLocationsEXT}})) = VkAttachmentSampleLocationsEXT core_type(@nospecialize(_::Union{Type{VkSubpassSampleLocationsEXT}, Type{SubpassSampleLocationsEXT}, Type{_SubpassSampleLocationsEXT}})) = VkSubpassSampleLocationsEXT core_type(@nospecialize(_::Union{Type{VkRenderPassSampleLocationsBeginInfoEXT}, Type{RenderPassSampleLocationsBeginInfoEXT}, Type{_RenderPassSampleLocationsBeginInfoEXT}})) = VkRenderPassSampleLocationsBeginInfoEXT core_type(@nospecialize(_::Union{Type{VkPipelineSampleLocationsStateCreateInfoEXT}, Type{PipelineSampleLocationsStateCreateInfoEXT}, Type{_PipelineSampleLocationsStateCreateInfoEXT}})) = VkPipelineSampleLocationsStateCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSampleLocationsPropertiesEXT}, Type{PhysicalDeviceSampleLocationsPropertiesEXT}, Type{_PhysicalDeviceSampleLocationsPropertiesEXT}})) = VkPhysicalDeviceSampleLocationsPropertiesEXT core_type(@nospecialize(_::Union{Type{VkMultisamplePropertiesEXT}, Type{MultisamplePropertiesEXT}, Type{_MultisamplePropertiesEXT}})) = VkMultisamplePropertiesEXT core_type(@nospecialize(_::Union{Type{VkSamplerReductionModeCreateInfo}, Type{SamplerReductionModeCreateInfo}, Type{_SamplerReductionModeCreateInfo}})) = VkSamplerReductionModeCreateInfo core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT}, Type{PhysicalDeviceBlendOperationAdvancedFeaturesEXT}, Type{_PhysicalDeviceBlendOperationAdvancedFeaturesEXT}})) = VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiDrawFeaturesEXT}, Type{PhysicalDeviceMultiDrawFeaturesEXT}, Type{_PhysicalDeviceMultiDrawFeaturesEXT}})) = VkPhysicalDeviceMultiDrawFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT}, Type{PhysicalDeviceBlendOperationAdvancedPropertiesEXT}, Type{_PhysicalDeviceBlendOperationAdvancedPropertiesEXT}})) = VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPipelineColorBlendAdvancedStateCreateInfoEXT}, Type{PipelineColorBlendAdvancedStateCreateInfoEXT}, Type{_PipelineColorBlendAdvancedStateCreateInfoEXT}})) = VkPipelineColorBlendAdvancedStateCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceInlineUniformBlockFeatures}, Type{PhysicalDeviceInlineUniformBlockFeatures}, Type{_PhysicalDeviceInlineUniformBlockFeatures}})) = VkPhysicalDeviceInlineUniformBlockFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceInlineUniformBlockProperties}, Type{PhysicalDeviceInlineUniformBlockProperties}, Type{_PhysicalDeviceInlineUniformBlockProperties}})) = VkPhysicalDeviceInlineUniformBlockProperties core_type(@nospecialize(_::Union{Type{VkWriteDescriptorSetInlineUniformBlock}, Type{WriteDescriptorSetInlineUniformBlock}, Type{_WriteDescriptorSetInlineUniformBlock}})) = VkWriteDescriptorSetInlineUniformBlock core_type(@nospecialize(_::Union{Type{VkDescriptorPoolInlineUniformBlockCreateInfo}, Type{DescriptorPoolInlineUniformBlockCreateInfo}, Type{_DescriptorPoolInlineUniformBlockCreateInfo}})) = VkDescriptorPoolInlineUniformBlockCreateInfo core_type(@nospecialize(_::Union{Type{VkPipelineCoverageModulationStateCreateInfoNV}, Type{PipelineCoverageModulationStateCreateInfoNV}, Type{_PipelineCoverageModulationStateCreateInfoNV}})) = VkPipelineCoverageModulationStateCreateInfoNV core_type(@nospecialize(_::Union{Type{VkImageFormatListCreateInfo}, Type{ImageFormatListCreateInfo}, Type{_ImageFormatListCreateInfo}})) = VkImageFormatListCreateInfo core_type(@nospecialize(_::Union{Type{VkValidationCacheCreateInfoEXT}, Type{ValidationCacheCreateInfoEXT}, Type{_ValidationCacheCreateInfoEXT}})) = VkValidationCacheCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkShaderModuleValidationCacheCreateInfoEXT}, Type{ShaderModuleValidationCacheCreateInfoEXT}, Type{_ShaderModuleValidationCacheCreateInfoEXT}})) = VkShaderModuleValidationCacheCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMaintenance3Properties}, Type{PhysicalDeviceMaintenance3Properties}, Type{_PhysicalDeviceMaintenance3Properties}})) = VkPhysicalDeviceMaintenance3Properties core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMaintenance4Features}, Type{PhysicalDeviceMaintenance4Features}, Type{_PhysicalDeviceMaintenance4Features}})) = VkPhysicalDeviceMaintenance4Features core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMaintenance4Properties}, Type{PhysicalDeviceMaintenance4Properties}, Type{_PhysicalDeviceMaintenance4Properties}})) = VkPhysicalDeviceMaintenance4Properties core_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutSupport}, Type{DescriptorSetLayoutSupport}, Type{_DescriptorSetLayoutSupport}})) = VkDescriptorSetLayoutSupport core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderDrawParametersFeatures}, Type{PhysicalDeviceShaderDrawParametersFeatures}, Type{_PhysicalDeviceShaderDrawParametersFeatures}})) = VkPhysicalDeviceShaderDrawParametersFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderFloat16Int8Features}, Type{PhysicalDeviceShaderFloat16Int8Features}, Type{_PhysicalDeviceShaderFloat16Int8Features}})) = VkPhysicalDeviceShaderFloat16Int8Features core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFloatControlsProperties}, Type{PhysicalDeviceFloatControlsProperties}, Type{_PhysicalDeviceFloatControlsProperties}})) = VkPhysicalDeviceFloatControlsProperties core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceHostQueryResetFeatures}, Type{PhysicalDeviceHostQueryResetFeatures}, Type{_PhysicalDeviceHostQueryResetFeatures}})) = VkPhysicalDeviceHostQueryResetFeatures core_type(@nospecialize(_::Union{Type{VkShaderResourceUsageAMD}, Type{ShaderResourceUsageAMD}, Type{_ShaderResourceUsageAMD}})) = VkShaderResourceUsageAMD core_type(@nospecialize(_::Union{Type{VkShaderStatisticsInfoAMD}, Type{ShaderStatisticsInfoAMD}, Type{_ShaderStatisticsInfoAMD}})) = VkShaderStatisticsInfoAMD core_type(@nospecialize(_::Union{Type{VkDeviceQueueGlobalPriorityCreateInfoKHR}, Type{DeviceQueueGlobalPriorityCreateInfoKHR}, Type{_DeviceQueueGlobalPriorityCreateInfoKHR}})) = VkDeviceQueueGlobalPriorityCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR}, Type{PhysicalDeviceGlobalPriorityQueryFeaturesKHR}, Type{_PhysicalDeviceGlobalPriorityQueryFeaturesKHR}})) = VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR core_type(@nospecialize(_::Union{Type{VkQueueFamilyGlobalPriorityPropertiesKHR}, Type{QueueFamilyGlobalPriorityPropertiesKHR}, Type{_QueueFamilyGlobalPriorityPropertiesKHR}})) = VkQueueFamilyGlobalPriorityPropertiesKHR core_type(@nospecialize(_::Union{Type{VkDebugUtilsObjectNameInfoEXT}, Type{DebugUtilsObjectNameInfoEXT}, Type{_DebugUtilsObjectNameInfoEXT}})) = VkDebugUtilsObjectNameInfoEXT core_type(@nospecialize(_::Union{Type{VkDebugUtilsObjectTagInfoEXT}, Type{DebugUtilsObjectTagInfoEXT}, Type{_DebugUtilsObjectTagInfoEXT}})) = VkDebugUtilsObjectTagInfoEXT core_type(@nospecialize(_::Union{Type{VkDebugUtilsLabelEXT}, Type{DebugUtilsLabelEXT}, Type{_DebugUtilsLabelEXT}})) = VkDebugUtilsLabelEXT core_type(@nospecialize(_::Union{Type{VkDebugUtilsMessengerCreateInfoEXT}, Type{DebugUtilsMessengerCreateInfoEXT}, Type{_DebugUtilsMessengerCreateInfoEXT}})) = VkDebugUtilsMessengerCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkDebugUtilsMessengerCallbackDataEXT}, Type{DebugUtilsMessengerCallbackDataEXT}, Type{_DebugUtilsMessengerCallbackDataEXT}})) = VkDebugUtilsMessengerCallbackDataEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDeviceMemoryReportFeaturesEXT}, Type{PhysicalDeviceDeviceMemoryReportFeaturesEXT}, Type{_PhysicalDeviceDeviceMemoryReportFeaturesEXT}})) = VkPhysicalDeviceDeviceMemoryReportFeaturesEXT core_type(@nospecialize(_::Union{Type{VkDeviceDeviceMemoryReportCreateInfoEXT}, Type{DeviceDeviceMemoryReportCreateInfoEXT}, Type{_DeviceDeviceMemoryReportCreateInfoEXT}})) = VkDeviceDeviceMemoryReportCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkDeviceMemoryReportCallbackDataEXT}, Type{DeviceMemoryReportCallbackDataEXT}, Type{_DeviceMemoryReportCallbackDataEXT}})) = VkDeviceMemoryReportCallbackDataEXT core_type(@nospecialize(_::Union{Type{VkImportMemoryHostPointerInfoEXT}, Type{ImportMemoryHostPointerInfoEXT}, Type{_ImportMemoryHostPointerInfoEXT}})) = VkImportMemoryHostPointerInfoEXT core_type(@nospecialize(_::Union{Type{VkMemoryHostPointerPropertiesEXT}, Type{MemoryHostPointerPropertiesEXT}, Type{_MemoryHostPointerPropertiesEXT}})) = VkMemoryHostPointerPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalMemoryHostPropertiesEXT}, Type{PhysicalDeviceExternalMemoryHostPropertiesEXT}, Type{_PhysicalDeviceExternalMemoryHostPropertiesEXT}})) = VkPhysicalDeviceExternalMemoryHostPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceConservativeRasterizationPropertiesEXT}, Type{PhysicalDeviceConservativeRasterizationPropertiesEXT}, Type{_PhysicalDeviceConservativeRasterizationPropertiesEXT}})) = VkPhysicalDeviceConservativeRasterizationPropertiesEXT core_type(@nospecialize(_::Union{Type{VkCalibratedTimestampInfoEXT}, Type{CalibratedTimestampInfoEXT}, Type{_CalibratedTimestampInfoEXT}})) = VkCalibratedTimestampInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderCorePropertiesAMD}, Type{PhysicalDeviceShaderCorePropertiesAMD}, Type{_PhysicalDeviceShaderCorePropertiesAMD}})) = VkPhysicalDeviceShaderCorePropertiesAMD core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderCoreProperties2AMD}, Type{PhysicalDeviceShaderCoreProperties2AMD}, Type{_PhysicalDeviceShaderCoreProperties2AMD}})) = VkPhysicalDeviceShaderCoreProperties2AMD core_type(@nospecialize(_::Union{Type{VkPipelineRasterizationConservativeStateCreateInfoEXT}, Type{PipelineRasterizationConservativeStateCreateInfoEXT}, Type{_PipelineRasterizationConservativeStateCreateInfoEXT}})) = VkPipelineRasterizationConservativeStateCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorIndexingFeatures}, Type{PhysicalDeviceDescriptorIndexingFeatures}, Type{_PhysicalDeviceDescriptorIndexingFeatures}})) = VkPhysicalDeviceDescriptorIndexingFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorIndexingProperties}, Type{PhysicalDeviceDescriptorIndexingProperties}, Type{_PhysicalDeviceDescriptorIndexingProperties}})) = VkPhysicalDeviceDescriptorIndexingProperties core_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutBindingFlagsCreateInfo}, Type{DescriptorSetLayoutBindingFlagsCreateInfo}, Type{_DescriptorSetLayoutBindingFlagsCreateInfo}})) = VkDescriptorSetLayoutBindingFlagsCreateInfo core_type(@nospecialize(_::Union{Type{VkDescriptorSetVariableDescriptorCountAllocateInfo}, Type{DescriptorSetVariableDescriptorCountAllocateInfo}, Type{_DescriptorSetVariableDescriptorCountAllocateInfo}})) = VkDescriptorSetVariableDescriptorCountAllocateInfo core_type(@nospecialize(_::Union{Type{VkDescriptorSetVariableDescriptorCountLayoutSupport}, Type{DescriptorSetVariableDescriptorCountLayoutSupport}, Type{_DescriptorSetVariableDescriptorCountLayoutSupport}})) = VkDescriptorSetVariableDescriptorCountLayoutSupport core_type(@nospecialize(_::Union{Type{VkAttachmentDescription2}, Type{AttachmentDescription2}, Type{_AttachmentDescription2}})) = VkAttachmentDescription2 core_type(@nospecialize(_::Union{Type{VkAttachmentReference2}, Type{AttachmentReference2}, Type{_AttachmentReference2}})) = VkAttachmentReference2 core_type(@nospecialize(_::Union{Type{VkSubpassDescription2}, Type{SubpassDescription2}, Type{_SubpassDescription2}})) = VkSubpassDescription2 core_type(@nospecialize(_::Union{Type{VkSubpassDependency2}, Type{SubpassDependency2}, Type{_SubpassDependency2}})) = VkSubpassDependency2 core_type(@nospecialize(_::Union{Type{VkRenderPassCreateInfo2}, Type{RenderPassCreateInfo2}, Type{_RenderPassCreateInfo2}})) = VkRenderPassCreateInfo2 core_type(@nospecialize(_::Union{Type{VkSubpassBeginInfo}, Type{SubpassBeginInfo}, Type{_SubpassBeginInfo}})) = VkSubpassBeginInfo core_type(@nospecialize(_::Union{Type{VkSubpassEndInfo}, Type{SubpassEndInfo}, Type{_SubpassEndInfo}})) = VkSubpassEndInfo core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTimelineSemaphoreFeatures}, Type{PhysicalDeviceTimelineSemaphoreFeatures}, Type{_PhysicalDeviceTimelineSemaphoreFeatures}})) = VkPhysicalDeviceTimelineSemaphoreFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTimelineSemaphoreProperties}, Type{PhysicalDeviceTimelineSemaphoreProperties}, Type{_PhysicalDeviceTimelineSemaphoreProperties}})) = VkPhysicalDeviceTimelineSemaphoreProperties core_type(@nospecialize(_::Union{Type{VkSemaphoreTypeCreateInfo}, Type{SemaphoreTypeCreateInfo}, Type{_SemaphoreTypeCreateInfo}})) = VkSemaphoreTypeCreateInfo core_type(@nospecialize(_::Union{Type{VkTimelineSemaphoreSubmitInfo}, Type{TimelineSemaphoreSubmitInfo}, Type{_TimelineSemaphoreSubmitInfo}})) = VkTimelineSemaphoreSubmitInfo core_type(@nospecialize(_::Union{Type{VkSemaphoreWaitInfo}, Type{SemaphoreWaitInfo}, Type{_SemaphoreWaitInfo}})) = VkSemaphoreWaitInfo core_type(@nospecialize(_::Union{Type{VkSemaphoreSignalInfo}, Type{SemaphoreSignalInfo}, Type{_SemaphoreSignalInfo}})) = VkSemaphoreSignalInfo core_type(@nospecialize(_::Union{Type{VkVertexInputBindingDivisorDescriptionEXT}, Type{VertexInputBindingDivisorDescriptionEXT}, Type{_VertexInputBindingDivisorDescriptionEXT}})) = VkVertexInputBindingDivisorDescriptionEXT core_type(@nospecialize(_::Union{Type{VkPipelineVertexInputDivisorStateCreateInfoEXT}, Type{PipelineVertexInputDivisorStateCreateInfoEXT}, Type{_PipelineVertexInputDivisorStateCreateInfoEXT}})) = VkPipelineVertexInputDivisorStateCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT}, Type{PhysicalDeviceVertexAttributeDivisorPropertiesEXT}, Type{_PhysicalDeviceVertexAttributeDivisorPropertiesEXT}})) = VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePCIBusInfoPropertiesEXT}, Type{PhysicalDevicePCIBusInfoPropertiesEXT}, Type{_PhysicalDevicePCIBusInfoPropertiesEXT}})) = VkPhysicalDevicePCIBusInfoPropertiesEXT core_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceConditionalRenderingInfoEXT}, Type{CommandBufferInheritanceConditionalRenderingInfoEXT}, Type{_CommandBufferInheritanceConditionalRenderingInfoEXT}})) = VkCommandBufferInheritanceConditionalRenderingInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDevice8BitStorageFeatures}, Type{PhysicalDevice8BitStorageFeatures}, Type{_PhysicalDevice8BitStorageFeatures}})) = VkPhysicalDevice8BitStorageFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceConditionalRenderingFeaturesEXT}, Type{PhysicalDeviceConditionalRenderingFeaturesEXT}, Type{_PhysicalDeviceConditionalRenderingFeaturesEXT}})) = VkPhysicalDeviceConditionalRenderingFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkanMemoryModelFeatures}, Type{PhysicalDeviceVulkanMemoryModelFeatures}, Type{_PhysicalDeviceVulkanMemoryModelFeatures}})) = VkPhysicalDeviceVulkanMemoryModelFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderAtomicInt64Features}, Type{PhysicalDeviceShaderAtomicInt64Features}, Type{_PhysicalDeviceShaderAtomicInt64Features}})) = VkPhysicalDeviceShaderAtomicInt64Features core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderAtomicFloatFeaturesEXT}, Type{PhysicalDeviceShaderAtomicFloatFeaturesEXT}, Type{_PhysicalDeviceShaderAtomicFloatFeaturesEXT}})) = VkPhysicalDeviceShaderAtomicFloatFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT}, Type{PhysicalDeviceShaderAtomicFloat2FeaturesEXT}, Type{_PhysicalDeviceShaderAtomicFloat2FeaturesEXT}})) = VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT}, Type{PhysicalDeviceVertexAttributeDivisorFeaturesEXT}, Type{_PhysicalDeviceVertexAttributeDivisorFeaturesEXT}})) = VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT core_type(@nospecialize(_::Union{Type{VkQueueFamilyCheckpointPropertiesNV}, Type{QueueFamilyCheckpointPropertiesNV}, Type{_QueueFamilyCheckpointPropertiesNV}})) = VkQueueFamilyCheckpointPropertiesNV core_type(@nospecialize(_::Union{Type{VkCheckpointDataNV}, Type{CheckpointDataNV}, Type{_CheckpointDataNV}})) = VkCheckpointDataNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDepthStencilResolveProperties}, Type{PhysicalDeviceDepthStencilResolveProperties}, Type{_PhysicalDeviceDepthStencilResolveProperties}})) = VkPhysicalDeviceDepthStencilResolveProperties core_type(@nospecialize(_::Union{Type{VkSubpassDescriptionDepthStencilResolve}, Type{SubpassDescriptionDepthStencilResolve}, Type{_SubpassDescriptionDepthStencilResolve}})) = VkSubpassDescriptionDepthStencilResolve core_type(@nospecialize(_::Union{Type{VkImageViewASTCDecodeModeEXT}, Type{ImageViewASTCDecodeModeEXT}, Type{_ImageViewASTCDecodeModeEXT}})) = VkImageViewASTCDecodeModeEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceASTCDecodeFeaturesEXT}, Type{PhysicalDeviceASTCDecodeFeaturesEXT}, Type{_PhysicalDeviceASTCDecodeFeaturesEXT}})) = VkPhysicalDeviceASTCDecodeFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTransformFeedbackFeaturesEXT}, Type{PhysicalDeviceTransformFeedbackFeaturesEXT}, Type{_PhysicalDeviceTransformFeedbackFeaturesEXT}})) = VkPhysicalDeviceTransformFeedbackFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTransformFeedbackPropertiesEXT}, Type{PhysicalDeviceTransformFeedbackPropertiesEXT}, Type{_PhysicalDeviceTransformFeedbackPropertiesEXT}})) = VkPhysicalDeviceTransformFeedbackPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPipelineRasterizationStateStreamCreateInfoEXT}, Type{PipelineRasterizationStateStreamCreateInfoEXT}, Type{_PipelineRasterizationStateStreamCreateInfoEXT}})) = VkPipelineRasterizationStateStreamCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV}, Type{PhysicalDeviceRepresentativeFragmentTestFeaturesNV}, Type{_PhysicalDeviceRepresentativeFragmentTestFeaturesNV}})) = VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV core_type(@nospecialize(_::Union{Type{VkPipelineRepresentativeFragmentTestStateCreateInfoNV}, Type{PipelineRepresentativeFragmentTestStateCreateInfoNV}, Type{_PipelineRepresentativeFragmentTestStateCreateInfoNV}})) = VkPipelineRepresentativeFragmentTestStateCreateInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExclusiveScissorFeaturesNV}, Type{PhysicalDeviceExclusiveScissorFeaturesNV}, Type{_PhysicalDeviceExclusiveScissorFeaturesNV}})) = VkPhysicalDeviceExclusiveScissorFeaturesNV core_type(@nospecialize(_::Union{Type{VkPipelineViewportExclusiveScissorStateCreateInfoNV}, Type{PipelineViewportExclusiveScissorStateCreateInfoNV}, Type{_PipelineViewportExclusiveScissorStateCreateInfoNV}})) = VkPipelineViewportExclusiveScissorStateCreateInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCornerSampledImageFeaturesNV}, Type{PhysicalDeviceCornerSampledImageFeaturesNV}, Type{_PhysicalDeviceCornerSampledImageFeaturesNV}})) = VkPhysicalDeviceCornerSampledImageFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceComputeShaderDerivativesFeaturesNV}, Type{PhysicalDeviceComputeShaderDerivativesFeaturesNV}, Type{_PhysicalDeviceComputeShaderDerivativesFeaturesNV}})) = VkPhysicalDeviceComputeShaderDerivativesFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderImageFootprintFeaturesNV}, Type{PhysicalDeviceShaderImageFootprintFeaturesNV}, Type{_PhysicalDeviceShaderImageFootprintFeaturesNV}})) = VkPhysicalDeviceShaderImageFootprintFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV}, Type{PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV}, Type{_PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV}})) = VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCopyMemoryIndirectFeaturesNV}, Type{PhysicalDeviceCopyMemoryIndirectFeaturesNV}, Type{_PhysicalDeviceCopyMemoryIndirectFeaturesNV}})) = VkPhysicalDeviceCopyMemoryIndirectFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCopyMemoryIndirectPropertiesNV}, Type{PhysicalDeviceCopyMemoryIndirectPropertiesNV}, Type{_PhysicalDeviceCopyMemoryIndirectPropertiesNV}})) = VkPhysicalDeviceCopyMemoryIndirectPropertiesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryDecompressionFeaturesNV}, Type{PhysicalDeviceMemoryDecompressionFeaturesNV}, Type{_PhysicalDeviceMemoryDecompressionFeaturesNV}})) = VkPhysicalDeviceMemoryDecompressionFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryDecompressionPropertiesNV}, Type{PhysicalDeviceMemoryDecompressionPropertiesNV}, Type{_PhysicalDeviceMemoryDecompressionPropertiesNV}})) = VkPhysicalDeviceMemoryDecompressionPropertiesNV core_type(@nospecialize(_::Union{Type{VkShadingRatePaletteNV}, Type{ShadingRatePaletteNV}, Type{_ShadingRatePaletteNV}})) = VkShadingRatePaletteNV core_type(@nospecialize(_::Union{Type{VkPipelineViewportShadingRateImageStateCreateInfoNV}, Type{PipelineViewportShadingRateImageStateCreateInfoNV}, Type{_PipelineViewportShadingRateImageStateCreateInfoNV}})) = VkPipelineViewportShadingRateImageStateCreateInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShadingRateImageFeaturesNV}, Type{PhysicalDeviceShadingRateImageFeaturesNV}, Type{_PhysicalDeviceShadingRateImageFeaturesNV}})) = VkPhysicalDeviceShadingRateImageFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShadingRateImagePropertiesNV}, Type{PhysicalDeviceShadingRateImagePropertiesNV}, Type{_PhysicalDeviceShadingRateImagePropertiesNV}})) = VkPhysicalDeviceShadingRateImagePropertiesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceInvocationMaskFeaturesHUAWEI}, Type{PhysicalDeviceInvocationMaskFeaturesHUAWEI}, Type{_PhysicalDeviceInvocationMaskFeaturesHUAWEI}})) = VkPhysicalDeviceInvocationMaskFeaturesHUAWEI core_type(@nospecialize(_::Union{Type{VkCoarseSampleLocationNV}, Type{CoarseSampleLocationNV}, Type{_CoarseSampleLocationNV}})) = VkCoarseSampleLocationNV core_type(@nospecialize(_::Union{Type{VkCoarseSampleOrderCustomNV}, Type{CoarseSampleOrderCustomNV}, Type{_CoarseSampleOrderCustomNV}})) = VkCoarseSampleOrderCustomNV core_type(@nospecialize(_::Union{Type{VkPipelineViewportCoarseSampleOrderStateCreateInfoNV}, Type{PipelineViewportCoarseSampleOrderStateCreateInfoNV}, Type{_PipelineViewportCoarseSampleOrderStateCreateInfoNV}})) = VkPipelineViewportCoarseSampleOrderStateCreateInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMeshShaderFeaturesNV}, Type{PhysicalDeviceMeshShaderFeaturesNV}, Type{_PhysicalDeviceMeshShaderFeaturesNV}})) = VkPhysicalDeviceMeshShaderFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMeshShaderPropertiesNV}, Type{PhysicalDeviceMeshShaderPropertiesNV}, Type{_PhysicalDeviceMeshShaderPropertiesNV}})) = VkPhysicalDeviceMeshShaderPropertiesNV core_type(@nospecialize(_::Union{Type{VkDrawMeshTasksIndirectCommandNV}, Type{DrawMeshTasksIndirectCommandNV}, Type{_DrawMeshTasksIndirectCommandNV}})) = VkDrawMeshTasksIndirectCommandNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMeshShaderFeaturesEXT}, Type{PhysicalDeviceMeshShaderFeaturesEXT}, Type{_PhysicalDeviceMeshShaderFeaturesEXT}})) = VkPhysicalDeviceMeshShaderFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMeshShaderPropertiesEXT}, Type{PhysicalDeviceMeshShaderPropertiesEXT}, Type{_PhysicalDeviceMeshShaderPropertiesEXT}})) = VkPhysicalDeviceMeshShaderPropertiesEXT core_type(@nospecialize(_::Union{Type{VkDrawMeshTasksIndirectCommandEXT}, Type{DrawMeshTasksIndirectCommandEXT}, Type{_DrawMeshTasksIndirectCommandEXT}})) = VkDrawMeshTasksIndirectCommandEXT core_type(@nospecialize(_::Union{Type{VkRayTracingShaderGroupCreateInfoNV}, Type{RayTracingShaderGroupCreateInfoNV}, Type{_RayTracingShaderGroupCreateInfoNV}})) = VkRayTracingShaderGroupCreateInfoNV core_type(@nospecialize(_::Union{Type{VkRayTracingShaderGroupCreateInfoKHR}, Type{RayTracingShaderGroupCreateInfoKHR}, Type{_RayTracingShaderGroupCreateInfoKHR}})) = VkRayTracingShaderGroupCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkRayTracingPipelineCreateInfoNV}, Type{RayTracingPipelineCreateInfoNV}, Type{_RayTracingPipelineCreateInfoNV}})) = VkRayTracingPipelineCreateInfoNV core_type(@nospecialize(_::Union{Type{VkRayTracingPipelineCreateInfoKHR}, Type{RayTracingPipelineCreateInfoKHR}, Type{_RayTracingPipelineCreateInfoKHR}})) = VkRayTracingPipelineCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkGeometryTrianglesNV}, Type{GeometryTrianglesNV}, Type{_GeometryTrianglesNV}})) = VkGeometryTrianglesNV core_type(@nospecialize(_::Union{Type{VkGeometryAABBNV}, Type{GeometryAABBNV}, Type{_GeometryAABBNV}})) = VkGeometryAABBNV core_type(@nospecialize(_::Union{Type{VkGeometryDataNV}, Type{GeometryDataNV}, Type{_GeometryDataNV}})) = VkGeometryDataNV core_type(@nospecialize(_::Union{Type{VkGeometryNV}, Type{GeometryNV}, Type{_GeometryNV}})) = VkGeometryNV core_type(@nospecialize(_::Union{Type{VkAccelerationStructureInfoNV}, Type{AccelerationStructureInfoNV}, Type{_AccelerationStructureInfoNV}})) = VkAccelerationStructureInfoNV core_type(@nospecialize(_::Union{Type{VkAccelerationStructureCreateInfoNV}, Type{AccelerationStructureCreateInfoNV}, Type{_AccelerationStructureCreateInfoNV}})) = VkAccelerationStructureCreateInfoNV core_type(@nospecialize(_::Union{Type{VkBindAccelerationStructureMemoryInfoNV}, Type{BindAccelerationStructureMemoryInfoNV}, Type{_BindAccelerationStructureMemoryInfoNV}})) = VkBindAccelerationStructureMemoryInfoNV core_type(@nospecialize(_::Union{Type{VkWriteDescriptorSetAccelerationStructureKHR}, Type{WriteDescriptorSetAccelerationStructureKHR}, Type{_WriteDescriptorSetAccelerationStructureKHR}})) = VkWriteDescriptorSetAccelerationStructureKHR core_type(@nospecialize(_::Union{Type{VkWriteDescriptorSetAccelerationStructureNV}, Type{WriteDescriptorSetAccelerationStructureNV}, Type{_WriteDescriptorSetAccelerationStructureNV}})) = VkWriteDescriptorSetAccelerationStructureNV core_type(@nospecialize(_::Union{Type{VkAccelerationStructureMemoryRequirementsInfoNV}, Type{AccelerationStructureMemoryRequirementsInfoNV}, Type{_AccelerationStructureMemoryRequirementsInfoNV}})) = VkAccelerationStructureMemoryRequirementsInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAccelerationStructureFeaturesKHR}, Type{PhysicalDeviceAccelerationStructureFeaturesKHR}, Type{_PhysicalDeviceAccelerationStructureFeaturesKHR}})) = VkPhysicalDeviceAccelerationStructureFeaturesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingPipelineFeaturesKHR}, Type{PhysicalDeviceRayTracingPipelineFeaturesKHR}, Type{_PhysicalDeviceRayTracingPipelineFeaturesKHR}})) = VkPhysicalDeviceRayTracingPipelineFeaturesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayQueryFeaturesKHR}, Type{PhysicalDeviceRayQueryFeaturesKHR}, Type{_PhysicalDeviceRayQueryFeaturesKHR}})) = VkPhysicalDeviceRayQueryFeaturesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAccelerationStructurePropertiesKHR}, Type{PhysicalDeviceAccelerationStructurePropertiesKHR}, Type{_PhysicalDeviceAccelerationStructurePropertiesKHR}})) = VkPhysicalDeviceAccelerationStructurePropertiesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingPipelinePropertiesKHR}, Type{PhysicalDeviceRayTracingPipelinePropertiesKHR}, Type{_PhysicalDeviceRayTracingPipelinePropertiesKHR}})) = VkPhysicalDeviceRayTracingPipelinePropertiesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingPropertiesNV}, Type{PhysicalDeviceRayTracingPropertiesNV}, Type{_PhysicalDeviceRayTracingPropertiesNV}})) = VkPhysicalDeviceRayTracingPropertiesNV core_type(@nospecialize(_::Union{Type{VkStridedDeviceAddressRegionKHR}, Type{StridedDeviceAddressRegionKHR}, Type{_StridedDeviceAddressRegionKHR}})) = VkStridedDeviceAddressRegionKHR core_type(@nospecialize(_::Union{Type{VkTraceRaysIndirectCommandKHR}, Type{TraceRaysIndirectCommandKHR}, Type{_TraceRaysIndirectCommandKHR}})) = VkTraceRaysIndirectCommandKHR core_type(@nospecialize(_::Union{Type{VkTraceRaysIndirectCommand2KHR}, Type{TraceRaysIndirectCommand2KHR}, Type{_TraceRaysIndirectCommand2KHR}})) = VkTraceRaysIndirectCommand2KHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR}, Type{PhysicalDeviceRayTracingMaintenance1FeaturesKHR}, Type{_PhysicalDeviceRayTracingMaintenance1FeaturesKHR}})) = VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR core_type(@nospecialize(_::Union{Type{VkDrmFormatModifierPropertiesListEXT}, Type{DrmFormatModifierPropertiesListEXT}, Type{_DrmFormatModifierPropertiesListEXT}})) = VkDrmFormatModifierPropertiesListEXT core_type(@nospecialize(_::Union{Type{VkDrmFormatModifierPropertiesEXT}, Type{DrmFormatModifierPropertiesEXT}, Type{_DrmFormatModifierPropertiesEXT}})) = VkDrmFormatModifierPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageDrmFormatModifierInfoEXT}, Type{PhysicalDeviceImageDrmFormatModifierInfoEXT}, Type{_PhysicalDeviceImageDrmFormatModifierInfoEXT}})) = VkPhysicalDeviceImageDrmFormatModifierInfoEXT core_type(@nospecialize(_::Union{Type{VkImageDrmFormatModifierListCreateInfoEXT}, Type{ImageDrmFormatModifierListCreateInfoEXT}, Type{_ImageDrmFormatModifierListCreateInfoEXT}})) = VkImageDrmFormatModifierListCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkImageDrmFormatModifierExplicitCreateInfoEXT}, Type{ImageDrmFormatModifierExplicitCreateInfoEXT}, Type{_ImageDrmFormatModifierExplicitCreateInfoEXT}})) = VkImageDrmFormatModifierExplicitCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkImageDrmFormatModifierPropertiesEXT}, Type{ImageDrmFormatModifierPropertiesEXT}, Type{_ImageDrmFormatModifierPropertiesEXT}})) = VkImageDrmFormatModifierPropertiesEXT core_type(@nospecialize(_::Union{Type{VkImageStencilUsageCreateInfo}, Type{ImageStencilUsageCreateInfo}, Type{_ImageStencilUsageCreateInfo}})) = VkImageStencilUsageCreateInfo core_type(@nospecialize(_::Union{Type{VkDeviceMemoryOverallocationCreateInfoAMD}, Type{DeviceMemoryOverallocationCreateInfoAMD}, Type{_DeviceMemoryOverallocationCreateInfoAMD}})) = VkDeviceMemoryOverallocationCreateInfoAMD core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMapFeaturesEXT}, Type{PhysicalDeviceFragmentDensityMapFeaturesEXT}, Type{_PhysicalDeviceFragmentDensityMapFeaturesEXT}})) = VkPhysicalDeviceFragmentDensityMapFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMap2FeaturesEXT}, Type{PhysicalDeviceFragmentDensityMap2FeaturesEXT}, Type{_PhysicalDeviceFragmentDensityMap2FeaturesEXT}})) = VkPhysicalDeviceFragmentDensityMap2FeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM}, Type{PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM}, Type{_PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM}})) = VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMapPropertiesEXT}, Type{PhysicalDeviceFragmentDensityMapPropertiesEXT}, Type{_PhysicalDeviceFragmentDensityMapPropertiesEXT}})) = VkPhysicalDeviceFragmentDensityMapPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMap2PropertiesEXT}, Type{PhysicalDeviceFragmentDensityMap2PropertiesEXT}, Type{_PhysicalDeviceFragmentDensityMap2PropertiesEXT}})) = VkPhysicalDeviceFragmentDensityMap2PropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM}, Type{PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM}, Type{_PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM}})) = VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM core_type(@nospecialize(_::Union{Type{VkRenderPassFragmentDensityMapCreateInfoEXT}, Type{RenderPassFragmentDensityMapCreateInfoEXT}, Type{_RenderPassFragmentDensityMapCreateInfoEXT}})) = VkRenderPassFragmentDensityMapCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkSubpassFragmentDensityMapOffsetEndInfoQCOM}, Type{SubpassFragmentDensityMapOffsetEndInfoQCOM}, Type{_SubpassFragmentDensityMapOffsetEndInfoQCOM}})) = VkSubpassFragmentDensityMapOffsetEndInfoQCOM core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceScalarBlockLayoutFeatures}, Type{PhysicalDeviceScalarBlockLayoutFeatures}, Type{_PhysicalDeviceScalarBlockLayoutFeatures}})) = VkPhysicalDeviceScalarBlockLayoutFeatures core_type(@nospecialize(_::Union{Type{VkSurfaceProtectedCapabilitiesKHR}, Type{SurfaceProtectedCapabilitiesKHR}, Type{_SurfaceProtectedCapabilitiesKHR}})) = VkSurfaceProtectedCapabilitiesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceUniformBufferStandardLayoutFeatures}, Type{PhysicalDeviceUniformBufferStandardLayoutFeatures}, Type{_PhysicalDeviceUniformBufferStandardLayoutFeatures}})) = VkPhysicalDeviceUniformBufferStandardLayoutFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDepthClipEnableFeaturesEXT}, Type{PhysicalDeviceDepthClipEnableFeaturesEXT}, Type{_PhysicalDeviceDepthClipEnableFeaturesEXT}})) = VkPhysicalDeviceDepthClipEnableFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPipelineRasterizationDepthClipStateCreateInfoEXT}, Type{PipelineRasterizationDepthClipStateCreateInfoEXT}, Type{_PipelineRasterizationDepthClipStateCreateInfoEXT}})) = VkPipelineRasterizationDepthClipStateCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryBudgetPropertiesEXT}, Type{PhysicalDeviceMemoryBudgetPropertiesEXT}, Type{_PhysicalDeviceMemoryBudgetPropertiesEXT}})) = VkPhysicalDeviceMemoryBudgetPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryPriorityFeaturesEXT}, Type{PhysicalDeviceMemoryPriorityFeaturesEXT}, Type{_PhysicalDeviceMemoryPriorityFeaturesEXT}})) = VkPhysicalDeviceMemoryPriorityFeaturesEXT core_type(@nospecialize(_::Union{Type{VkMemoryPriorityAllocateInfoEXT}, Type{MemoryPriorityAllocateInfoEXT}, Type{_MemoryPriorityAllocateInfoEXT}})) = VkMemoryPriorityAllocateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT}, Type{PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT}, Type{_PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT}})) = VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBufferDeviceAddressFeatures}, Type{PhysicalDeviceBufferDeviceAddressFeatures}, Type{_PhysicalDeviceBufferDeviceAddressFeatures}})) = VkPhysicalDeviceBufferDeviceAddressFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBufferDeviceAddressFeaturesEXT}, Type{PhysicalDeviceBufferDeviceAddressFeaturesEXT}, Type{_PhysicalDeviceBufferDeviceAddressFeaturesEXT}})) = VkPhysicalDeviceBufferDeviceAddressFeaturesEXT core_type(@nospecialize(_::Union{Type{VkBufferDeviceAddressInfo}, Type{BufferDeviceAddressInfo}, Type{_BufferDeviceAddressInfo}})) = VkBufferDeviceAddressInfo core_type(@nospecialize(_::Union{Type{VkBufferOpaqueCaptureAddressCreateInfo}, Type{BufferOpaqueCaptureAddressCreateInfo}, Type{_BufferOpaqueCaptureAddressCreateInfo}})) = VkBufferOpaqueCaptureAddressCreateInfo core_type(@nospecialize(_::Union{Type{VkBufferDeviceAddressCreateInfoEXT}, Type{BufferDeviceAddressCreateInfoEXT}, Type{_BufferDeviceAddressCreateInfoEXT}})) = VkBufferDeviceAddressCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageViewImageFormatInfoEXT}, Type{PhysicalDeviceImageViewImageFormatInfoEXT}, Type{_PhysicalDeviceImageViewImageFormatInfoEXT}})) = VkPhysicalDeviceImageViewImageFormatInfoEXT core_type(@nospecialize(_::Union{Type{VkFilterCubicImageViewImageFormatPropertiesEXT}, Type{FilterCubicImageViewImageFormatPropertiesEXT}, Type{_FilterCubicImageViewImageFormatPropertiesEXT}})) = VkFilterCubicImageViewImageFormatPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImagelessFramebufferFeatures}, Type{PhysicalDeviceImagelessFramebufferFeatures}, Type{_PhysicalDeviceImagelessFramebufferFeatures}})) = VkPhysicalDeviceImagelessFramebufferFeatures core_type(@nospecialize(_::Union{Type{VkFramebufferAttachmentsCreateInfo}, Type{FramebufferAttachmentsCreateInfo}, Type{_FramebufferAttachmentsCreateInfo}})) = VkFramebufferAttachmentsCreateInfo core_type(@nospecialize(_::Union{Type{VkFramebufferAttachmentImageInfo}, Type{FramebufferAttachmentImageInfo}, Type{_FramebufferAttachmentImageInfo}})) = VkFramebufferAttachmentImageInfo core_type(@nospecialize(_::Union{Type{VkRenderPassAttachmentBeginInfo}, Type{RenderPassAttachmentBeginInfo}, Type{_RenderPassAttachmentBeginInfo}})) = VkRenderPassAttachmentBeginInfo core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTextureCompressionASTCHDRFeatures}, Type{PhysicalDeviceTextureCompressionASTCHDRFeatures}, Type{_PhysicalDeviceTextureCompressionASTCHDRFeatures}})) = VkPhysicalDeviceTextureCompressionASTCHDRFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCooperativeMatrixFeaturesNV}, Type{PhysicalDeviceCooperativeMatrixFeaturesNV}, Type{_PhysicalDeviceCooperativeMatrixFeaturesNV}})) = VkPhysicalDeviceCooperativeMatrixFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCooperativeMatrixPropertiesNV}, Type{PhysicalDeviceCooperativeMatrixPropertiesNV}, Type{_PhysicalDeviceCooperativeMatrixPropertiesNV}})) = VkPhysicalDeviceCooperativeMatrixPropertiesNV core_type(@nospecialize(_::Union{Type{VkCooperativeMatrixPropertiesNV}, Type{CooperativeMatrixPropertiesNV}, Type{_CooperativeMatrixPropertiesNV}})) = VkCooperativeMatrixPropertiesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceYcbcrImageArraysFeaturesEXT}, Type{PhysicalDeviceYcbcrImageArraysFeaturesEXT}, Type{_PhysicalDeviceYcbcrImageArraysFeaturesEXT}})) = VkPhysicalDeviceYcbcrImageArraysFeaturesEXT core_type(@nospecialize(_::Union{Type{VkImageViewHandleInfoNVX}, Type{ImageViewHandleInfoNVX}, Type{_ImageViewHandleInfoNVX}})) = VkImageViewHandleInfoNVX core_type(@nospecialize(_::Union{Type{VkImageViewAddressPropertiesNVX}, Type{ImageViewAddressPropertiesNVX}, Type{_ImageViewAddressPropertiesNVX}})) = VkImageViewAddressPropertiesNVX core_type(@nospecialize(_::Union{Type{VkPipelineCreationFeedback}, Type{PipelineCreationFeedback}, Type{_PipelineCreationFeedback}})) = VkPipelineCreationFeedback core_type(@nospecialize(_::Union{Type{VkPipelineCreationFeedbackCreateInfo}, Type{PipelineCreationFeedbackCreateInfo}, Type{_PipelineCreationFeedbackCreateInfo}})) = VkPipelineCreationFeedbackCreateInfo core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePresentBarrierFeaturesNV}, Type{PhysicalDevicePresentBarrierFeaturesNV}, Type{_PhysicalDevicePresentBarrierFeaturesNV}})) = VkPhysicalDevicePresentBarrierFeaturesNV core_type(@nospecialize(_::Union{Type{VkSurfaceCapabilitiesPresentBarrierNV}, Type{SurfaceCapabilitiesPresentBarrierNV}, Type{_SurfaceCapabilitiesPresentBarrierNV}})) = VkSurfaceCapabilitiesPresentBarrierNV core_type(@nospecialize(_::Union{Type{VkSwapchainPresentBarrierCreateInfoNV}, Type{SwapchainPresentBarrierCreateInfoNV}, Type{_SwapchainPresentBarrierCreateInfoNV}})) = VkSwapchainPresentBarrierCreateInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePerformanceQueryFeaturesKHR}, Type{PhysicalDevicePerformanceQueryFeaturesKHR}, Type{_PhysicalDevicePerformanceQueryFeaturesKHR}})) = VkPhysicalDevicePerformanceQueryFeaturesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePerformanceQueryPropertiesKHR}, Type{PhysicalDevicePerformanceQueryPropertiesKHR}, Type{_PhysicalDevicePerformanceQueryPropertiesKHR}})) = VkPhysicalDevicePerformanceQueryPropertiesKHR core_type(@nospecialize(_::Union{Type{VkPerformanceCounterKHR}, Type{PerformanceCounterKHR}, Type{_PerformanceCounterKHR}})) = VkPerformanceCounterKHR core_type(@nospecialize(_::Union{Type{VkPerformanceCounterDescriptionKHR}, Type{PerformanceCounterDescriptionKHR}, Type{_PerformanceCounterDescriptionKHR}})) = VkPerformanceCounterDescriptionKHR core_type(@nospecialize(_::Union{Type{VkQueryPoolPerformanceCreateInfoKHR}, Type{QueryPoolPerformanceCreateInfoKHR}, Type{_QueryPoolPerformanceCreateInfoKHR}})) = VkQueryPoolPerformanceCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkAcquireProfilingLockInfoKHR}, Type{AcquireProfilingLockInfoKHR}, Type{_AcquireProfilingLockInfoKHR}})) = VkAcquireProfilingLockInfoKHR core_type(@nospecialize(_::Union{Type{VkPerformanceQuerySubmitInfoKHR}, Type{PerformanceQuerySubmitInfoKHR}, Type{_PerformanceQuerySubmitInfoKHR}})) = VkPerformanceQuerySubmitInfoKHR core_type(@nospecialize(_::Union{Type{VkHeadlessSurfaceCreateInfoEXT}, Type{HeadlessSurfaceCreateInfoEXT}, Type{_HeadlessSurfaceCreateInfoEXT}})) = VkHeadlessSurfaceCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCoverageReductionModeFeaturesNV}, Type{PhysicalDeviceCoverageReductionModeFeaturesNV}, Type{_PhysicalDeviceCoverageReductionModeFeaturesNV}})) = VkPhysicalDeviceCoverageReductionModeFeaturesNV core_type(@nospecialize(_::Union{Type{VkPipelineCoverageReductionStateCreateInfoNV}, Type{PipelineCoverageReductionStateCreateInfoNV}, Type{_PipelineCoverageReductionStateCreateInfoNV}})) = VkPipelineCoverageReductionStateCreateInfoNV core_type(@nospecialize(_::Union{Type{VkFramebufferMixedSamplesCombinationNV}, Type{FramebufferMixedSamplesCombinationNV}, Type{_FramebufferMixedSamplesCombinationNV}})) = VkFramebufferMixedSamplesCombinationNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL}, Type{PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL}, Type{_PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL}})) = VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL core_type(@nospecialize(_::Union{Type{VkPerformanceValueINTEL}, Type{PerformanceValueINTEL}, Type{_PerformanceValueINTEL}})) = VkPerformanceValueINTEL core_type(@nospecialize(_::Union{Type{VkInitializePerformanceApiInfoINTEL}, Type{InitializePerformanceApiInfoINTEL}, Type{_InitializePerformanceApiInfoINTEL}})) = VkInitializePerformanceApiInfoINTEL core_type(@nospecialize(_::Union{Type{VkQueryPoolPerformanceQueryCreateInfoINTEL}, Type{QueryPoolPerformanceQueryCreateInfoINTEL}, Type{_QueryPoolPerformanceQueryCreateInfoINTEL}})) = VkQueryPoolPerformanceQueryCreateInfoINTEL core_type(@nospecialize(_::Union{Type{VkPerformanceMarkerInfoINTEL}, Type{PerformanceMarkerInfoINTEL}, Type{_PerformanceMarkerInfoINTEL}})) = VkPerformanceMarkerInfoINTEL core_type(@nospecialize(_::Union{Type{VkPerformanceStreamMarkerInfoINTEL}, Type{PerformanceStreamMarkerInfoINTEL}, Type{_PerformanceStreamMarkerInfoINTEL}})) = VkPerformanceStreamMarkerInfoINTEL core_type(@nospecialize(_::Union{Type{VkPerformanceOverrideInfoINTEL}, Type{PerformanceOverrideInfoINTEL}, Type{_PerformanceOverrideInfoINTEL}})) = VkPerformanceOverrideInfoINTEL core_type(@nospecialize(_::Union{Type{VkPerformanceConfigurationAcquireInfoINTEL}, Type{PerformanceConfigurationAcquireInfoINTEL}, Type{_PerformanceConfigurationAcquireInfoINTEL}})) = VkPerformanceConfigurationAcquireInfoINTEL core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderClockFeaturesKHR}, Type{PhysicalDeviceShaderClockFeaturesKHR}, Type{_PhysicalDeviceShaderClockFeaturesKHR}})) = VkPhysicalDeviceShaderClockFeaturesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceIndexTypeUint8FeaturesEXT}, Type{PhysicalDeviceIndexTypeUint8FeaturesEXT}, Type{_PhysicalDeviceIndexTypeUint8FeaturesEXT}})) = VkPhysicalDeviceIndexTypeUint8FeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderSMBuiltinsPropertiesNV}, Type{PhysicalDeviceShaderSMBuiltinsPropertiesNV}, Type{_PhysicalDeviceShaderSMBuiltinsPropertiesNV}})) = VkPhysicalDeviceShaderSMBuiltinsPropertiesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderSMBuiltinsFeaturesNV}, Type{PhysicalDeviceShaderSMBuiltinsFeaturesNV}, Type{_PhysicalDeviceShaderSMBuiltinsFeaturesNV}})) = VkPhysicalDeviceShaderSMBuiltinsFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT}, Type{PhysicalDeviceFragmentShaderInterlockFeaturesEXT}, Type{_PhysicalDeviceFragmentShaderInterlockFeaturesEXT}})) = VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures}, Type{PhysicalDeviceSeparateDepthStencilLayoutsFeatures}, Type{_PhysicalDeviceSeparateDepthStencilLayoutsFeatures}})) = VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures core_type(@nospecialize(_::Union{Type{VkAttachmentReferenceStencilLayout}, Type{AttachmentReferenceStencilLayout}, Type{_AttachmentReferenceStencilLayout}})) = VkAttachmentReferenceStencilLayout core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT}, Type{PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT}, Type{_PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT}})) = VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT core_type(@nospecialize(_::Union{Type{VkAttachmentDescriptionStencilLayout}, Type{AttachmentDescriptionStencilLayout}, Type{_AttachmentDescriptionStencilLayout}})) = VkAttachmentDescriptionStencilLayout core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR}, Type{PhysicalDevicePipelineExecutablePropertiesFeaturesKHR}, Type{_PhysicalDevicePipelineExecutablePropertiesFeaturesKHR}})) = VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR core_type(@nospecialize(_::Union{Type{VkPipelineInfoKHR}, Type{PipelineInfoKHR}, Type{_PipelineInfoKHR}})) = VkPipelineInfoKHR core_type(@nospecialize(_::Union{Type{VkPipelineExecutablePropertiesKHR}, Type{PipelineExecutablePropertiesKHR}, Type{_PipelineExecutablePropertiesKHR}})) = VkPipelineExecutablePropertiesKHR core_type(@nospecialize(_::Union{Type{VkPipelineExecutableInfoKHR}, Type{PipelineExecutableInfoKHR}, Type{_PipelineExecutableInfoKHR}})) = VkPipelineExecutableInfoKHR core_type(@nospecialize(_::Union{Type{VkPipelineExecutableStatisticKHR}, Type{PipelineExecutableStatisticKHR}, Type{_PipelineExecutableStatisticKHR}})) = VkPipelineExecutableStatisticKHR core_type(@nospecialize(_::Union{Type{VkPipelineExecutableInternalRepresentationKHR}, Type{PipelineExecutableInternalRepresentationKHR}, Type{_PipelineExecutableInternalRepresentationKHR}})) = VkPipelineExecutableInternalRepresentationKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures}, Type{PhysicalDeviceShaderDemoteToHelperInvocationFeatures}, Type{_PhysicalDeviceShaderDemoteToHelperInvocationFeatures}})) = VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT}, Type{PhysicalDeviceTexelBufferAlignmentFeaturesEXT}, Type{_PhysicalDeviceTexelBufferAlignmentFeaturesEXT}})) = VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTexelBufferAlignmentProperties}, Type{PhysicalDeviceTexelBufferAlignmentProperties}, Type{_PhysicalDeviceTexelBufferAlignmentProperties}})) = VkPhysicalDeviceTexelBufferAlignmentProperties core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubgroupSizeControlFeatures}, Type{PhysicalDeviceSubgroupSizeControlFeatures}, Type{_PhysicalDeviceSubgroupSizeControlFeatures}})) = VkPhysicalDeviceSubgroupSizeControlFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubgroupSizeControlProperties}, Type{PhysicalDeviceSubgroupSizeControlProperties}, Type{_PhysicalDeviceSubgroupSizeControlProperties}})) = VkPhysicalDeviceSubgroupSizeControlProperties core_type(@nospecialize(_::Union{Type{VkPipelineShaderStageRequiredSubgroupSizeCreateInfo}, Type{PipelineShaderStageRequiredSubgroupSizeCreateInfo}, Type{_PipelineShaderStageRequiredSubgroupSizeCreateInfo}})) = VkPipelineShaderStageRequiredSubgroupSizeCreateInfo core_type(@nospecialize(_::Union{Type{VkSubpassShadingPipelineCreateInfoHUAWEI}, Type{SubpassShadingPipelineCreateInfoHUAWEI}, Type{_SubpassShadingPipelineCreateInfoHUAWEI}})) = VkSubpassShadingPipelineCreateInfoHUAWEI core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubpassShadingPropertiesHUAWEI}, Type{PhysicalDeviceSubpassShadingPropertiesHUAWEI}, Type{_PhysicalDeviceSubpassShadingPropertiesHUAWEI}})) = VkPhysicalDeviceSubpassShadingPropertiesHUAWEI core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI}, Type{PhysicalDeviceClusterCullingShaderPropertiesHUAWEI}, Type{_PhysicalDeviceClusterCullingShaderPropertiesHUAWEI}})) = VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI core_type(@nospecialize(_::Union{Type{VkMemoryOpaqueCaptureAddressAllocateInfo}, Type{MemoryOpaqueCaptureAddressAllocateInfo}, Type{_MemoryOpaqueCaptureAddressAllocateInfo}})) = VkMemoryOpaqueCaptureAddressAllocateInfo core_type(@nospecialize(_::Union{Type{VkDeviceMemoryOpaqueCaptureAddressInfo}, Type{DeviceMemoryOpaqueCaptureAddressInfo}, Type{_DeviceMemoryOpaqueCaptureAddressInfo}})) = VkDeviceMemoryOpaqueCaptureAddressInfo core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLineRasterizationFeaturesEXT}, Type{PhysicalDeviceLineRasterizationFeaturesEXT}, Type{_PhysicalDeviceLineRasterizationFeaturesEXT}})) = VkPhysicalDeviceLineRasterizationFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLineRasterizationPropertiesEXT}, Type{PhysicalDeviceLineRasterizationPropertiesEXT}, Type{_PhysicalDeviceLineRasterizationPropertiesEXT}})) = VkPhysicalDeviceLineRasterizationPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPipelineRasterizationLineStateCreateInfoEXT}, Type{PipelineRasterizationLineStateCreateInfoEXT}, Type{_PipelineRasterizationLineStateCreateInfoEXT}})) = VkPipelineRasterizationLineStateCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineCreationCacheControlFeatures}, Type{PhysicalDevicePipelineCreationCacheControlFeatures}, Type{_PhysicalDevicePipelineCreationCacheControlFeatures}})) = VkPhysicalDevicePipelineCreationCacheControlFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan11Features}, Type{PhysicalDeviceVulkan11Features}, Type{_PhysicalDeviceVulkan11Features}})) = VkPhysicalDeviceVulkan11Features core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan11Properties}, Type{PhysicalDeviceVulkan11Properties}, Type{_PhysicalDeviceVulkan11Properties}})) = VkPhysicalDeviceVulkan11Properties core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan12Features}, Type{PhysicalDeviceVulkan12Features}, Type{_PhysicalDeviceVulkan12Features}})) = VkPhysicalDeviceVulkan12Features core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan12Properties}, Type{PhysicalDeviceVulkan12Properties}, Type{_PhysicalDeviceVulkan12Properties}})) = VkPhysicalDeviceVulkan12Properties core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan13Features}, Type{PhysicalDeviceVulkan13Features}, Type{_PhysicalDeviceVulkan13Features}})) = VkPhysicalDeviceVulkan13Features core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan13Properties}, Type{PhysicalDeviceVulkan13Properties}, Type{_PhysicalDeviceVulkan13Properties}})) = VkPhysicalDeviceVulkan13Properties core_type(@nospecialize(_::Union{Type{VkPipelineCompilerControlCreateInfoAMD}, Type{PipelineCompilerControlCreateInfoAMD}, Type{_PipelineCompilerControlCreateInfoAMD}})) = VkPipelineCompilerControlCreateInfoAMD core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCoherentMemoryFeaturesAMD}, Type{PhysicalDeviceCoherentMemoryFeaturesAMD}, Type{_PhysicalDeviceCoherentMemoryFeaturesAMD}})) = VkPhysicalDeviceCoherentMemoryFeaturesAMD core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceToolProperties}, Type{PhysicalDeviceToolProperties}, Type{_PhysicalDeviceToolProperties}})) = VkPhysicalDeviceToolProperties core_type(@nospecialize(_::Union{Type{VkSamplerCustomBorderColorCreateInfoEXT}, Type{SamplerCustomBorderColorCreateInfoEXT}, Type{_SamplerCustomBorderColorCreateInfoEXT}})) = VkSamplerCustomBorderColorCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCustomBorderColorPropertiesEXT}, Type{PhysicalDeviceCustomBorderColorPropertiesEXT}, Type{_PhysicalDeviceCustomBorderColorPropertiesEXT}})) = VkPhysicalDeviceCustomBorderColorPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCustomBorderColorFeaturesEXT}, Type{PhysicalDeviceCustomBorderColorFeaturesEXT}, Type{_PhysicalDeviceCustomBorderColorFeaturesEXT}})) = VkPhysicalDeviceCustomBorderColorFeaturesEXT core_type(@nospecialize(_::Union{Type{VkSamplerBorderColorComponentMappingCreateInfoEXT}, Type{SamplerBorderColorComponentMappingCreateInfoEXT}, Type{_SamplerBorderColorComponentMappingCreateInfoEXT}})) = VkSamplerBorderColorComponentMappingCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBorderColorSwizzleFeaturesEXT}, Type{PhysicalDeviceBorderColorSwizzleFeaturesEXT}, Type{_PhysicalDeviceBorderColorSwizzleFeaturesEXT}})) = VkPhysicalDeviceBorderColorSwizzleFeaturesEXT core_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryTrianglesDataKHR}, Type{AccelerationStructureGeometryTrianglesDataKHR}, Type{_AccelerationStructureGeometryTrianglesDataKHR}})) = VkAccelerationStructureGeometryTrianglesDataKHR core_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryAabbsDataKHR}, Type{AccelerationStructureGeometryAabbsDataKHR}, Type{_AccelerationStructureGeometryAabbsDataKHR}})) = VkAccelerationStructureGeometryAabbsDataKHR core_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryInstancesDataKHR}, Type{AccelerationStructureGeometryInstancesDataKHR}, Type{_AccelerationStructureGeometryInstancesDataKHR}})) = VkAccelerationStructureGeometryInstancesDataKHR core_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryKHR}, Type{AccelerationStructureGeometryKHR}, Type{_AccelerationStructureGeometryKHR}})) = VkAccelerationStructureGeometryKHR core_type(@nospecialize(_::Union{Type{VkAccelerationStructureBuildGeometryInfoKHR}, Type{AccelerationStructureBuildGeometryInfoKHR}, Type{_AccelerationStructureBuildGeometryInfoKHR}})) = VkAccelerationStructureBuildGeometryInfoKHR core_type(@nospecialize(_::Union{Type{VkAccelerationStructureBuildRangeInfoKHR}, Type{AccelerationStructureBuildRangeInfoKHR}, Type{_AccelerationStructureBuildRangeInfoKHR}})) = VkAccelerationStructureBuildRangeInfoKHR core_type(@nospecialize(_::Union{Type{VkAccelerationStructureCreateInfoKHR}, Type{AccelerationStructureCreateInfoKHR}, Type{_AccelerationStructureCreateInfoKHR}})) = VkAccelerationStructureCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkAabbPositionsKHR}, Type{AabbPositionsKHR}, Type{_AabbPositionsKHR}})) = VkAabbPositionsKHR core_type(@nospecialize(_::Union{Type{VkTransformMatrixKHR}, Type{TransformMatrixKHR}, Type{_TransformMatrixKHR}})) = VkTransformMatrixKHR core_type(@nospecialize(_::Union{Type{VkAccelerationStructureInstanceKHR}, Type{AccelerationStructureInstanceKHR}, Type{_AccelerationStructureInstanceKHR}})) = VkAccelerationStructureInstanceKHR core_type(@nospecialize(_::Union{Type{VkAccelerationStructureDeviceAddressInfoKHR}, Type{AccelerationStructureDeviceAddressInfoKHR}, Type{_AccelerationStructureDeviceAddressInfoKHR}})) = VkAccelerationStructureDeviceAddressInfoKHR core_type(@nospecialize(_::Union{Type{VkAccelerationStructureVersionInfoKHR}, Type{AccelerationStructureVersionInfoKHR}, Type{_AccelerationStructureVersionInfoKHR}})) = VkAccelerationStructureVersionInfoKHR core_type(@nospecialize(_::Union{Type{VkCopyAccelerationStructureInfoKHR}, Type{CopyAccelerationStructureInfoKHR}, Type{_CopyAccelerationStructureInfoKHR}})) = VkCopyAccelerationStructureInfoKHR core_type(@nospecialize(_::Union{Type{VkCopyAccelerationStructureToMemoryInfoKHR}, Type{CopyAccelerationStructureToMemoryInfoKHR}, Type{_CopyAccelerationStructureToMemoryInfoKHR}})) = VkCopyAccelerationStructureToMemoryInfoKHR core_type(@nospecialize(_::Union{Type{VkCopyMemoryToAccelerationStructureInfoKHR}, Type{CopyMemoryToAccelerationStructureInfoKHR}, Type{_CopyMemoryToAccelerationStructureInfoKHR}})) = VkCopyMemoryToAccelerationStructureInfoKHR core_type(@nospecialize(_::Union{Type{VkRayTracingPipelineInterfaceCreateInfoKHR}, Type{RayTracingPipelineInterfaceCreateInfoKHR}, Type{_RayTracingPipelineInterfaceCreateInfoKHR}})) = VkRayTracingPipelineInterfaceCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkPipelineLibraryCreateInfoKHR}, Type{PipelineLibraryCreateInfoKHR}, Type{_PipelineLibraryCreateInfoKHR}})) = VkPipelineLibraryCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExtendedDynamicStateFeaturesEXT}, Type{PhysicalDeviceExtendedDynamicStateFeaturesEXT}, Type{_PhysicalDeviceExtendedDynamicStateFeaturesEXT}})) = VkPhysicalDeviceExtendedDynamicStateFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExtendedDynamicState2FeaturesEXT}, Type{PhysicalDeviceExtendedDynamicState2FeaturesEXT}, Type{_PhysicalDeviceExtendedDynamicState2FeaturesEXT}})) = VkPhysicalDeviceExtendedDynamicState2FeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExtendedDynamicState3FeaturesEXT}, Type{PhysicalDeviceExtendedDynamicState3FeaturesEXT}, Type{_PhysicalDeviceExtendedDynamicState3FeaturesEXT}})) = VkPhysicalDeviceExtendedDynamicState3FeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExtendedDynamicState3PropertiesEXT}, Type{PhysicalDeviceExtendedDynamicState3PropertiesEXT}, Type{_PhysicalDeviceExtendedDynamicState3PropertiesEXT}})) = VkPhysicalDeviceExtendedDynamicState3PropertiesEXT core_type(@nospecialize(_::Union{Type{VkColorBlendEquationEXT}, Type{ColorBlendEquationEXT}, Type{_ColorBlendEquationEXT}})) = VkColorBlendEquationEXT core_type(@nospecialize(_::Union{Type{VkColorBlendAdvancedEXT}, Type{ColorBlendAdvancedEXT}, Type{_ColorBlendAdvancedEXT}})) = VkColorBlendAdvancedEXT core_type(@nospecialize(_::Union{Type{VkRenderPassTransformBeginInfoQCOM}, Type{RenderPassTransformBeginInfoQCOM}, Type{_RenderPassTransformBeginInfoQCOM}})) = VkRenderPassTransformBeginInfoQCOM core_type(@nospecialize(_::Union{Type{VkCopyCommandTransformInfoQCOM}, Type{CopyCommandTransformInfoQCOM}, Type{_CopyCommandTransformInfoQCOM}})) = VkCopyCommandTransformInfoQCOM core_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceRenderPassTransformInfoQCOM}, Type{CommandBufferInheritanceRenderPassTransformInfoQCOM}, Type{_CommandBufferInheritanceRenderPassTransformInfoQCOM}})) = VkCommandBufferInheritanceRenderPassTransformInfoQCOM core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDiagnosticsConfigFeaturesNV}, Type{PhysicalDeviceDiagnosticsConfigFeaturesNV}, Type{_PhysicalDeviceDiagnosticsConfigFeaturesNV}})) = VkPhysicalDeviceDiagnosticsConfigFeaturesNV core_type(@nospecialize(_::Union{Type{VkDeviceDiagnosticsConfigCreateInfoNV}, Type{DeviceDiagnosticsConfigCreateInfoNV}, Type{_DeviceDiagnosticsConfigCreateInfoNV}})) = VkDeviceDiagnosticsConfigCreateInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures}, Type{PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures}, Type{_PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures}})) = VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR}, Type{PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR}, Type{_PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR}})) = VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRobustness2FeaturesEXT}, Type{PhysicalDeviceRobustness2FeaturesEXT}, Type{_PhysicalDeviceRobustness2FeaturesEXT}})) = VkPhysicalDeviceRobustness2FeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRobustness2PropertiesEXT}, Type{PhysicalDeviceRobustness2PropertiesEXT}, Type{_PhysicalDeviceRobustness2PropertiesEXT}})) = VkPhysicalDeviceRobustness2PropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageRobustnessFeatures}, Type{PhysicalDeviceImageRobustnessFeatures}, Type{_PhysicalDeviceImageRobustnessFeatures}})) = VkPhysicalDeviceImageRobustnessFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR}, Type{PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR}, Type{_PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR}})) = VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDevice4444FormatsFeaturesEXT}, Type{PhysicalDevice4444FormatsFeaturesEXT}, Type{_PhysicalDevice4444FormatsFeaturesEXT}})) = VkPhysicalDevice4444FormatsFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubpassShadingFeaturesHUAWEI}, Type{PhysicalDeviceSubpassShadingFeaturesHUAWEI}, Type{_PhysicalDeviceSubpassShadingFeaturesHUAWEI}})) = VkPhysicalDeviceSubpassShadingFeaturesHUAWEI core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI}, Type{PhysicalDeviceClusterCullingShaderFeaturesHUAWEI}, Type{_PhysicalDeviceClusterCullingShaderFeaturesHUAWEI}})) = VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI core_type(@nospecialize(_::Union{Type{VkBufferCopy2}, Type{BufferCopy2}, Type{_BufferCopy2}})) = VkBufferCopy2 core_type(@nospecialize(_::Union{Type{VkImageCopy2}, Type{ImageCopy2}, Type{_ImageCopy2}})) = VkImageCopy2 core_type(@nospecialize(_::Union{Type{VkImageBlit2}, Type{ImageBlit2}, Type{_ImageBlit2}})) = VkImageBlit2 core_type(@nospecialize(_::Union{Type{VkBufferImageCopy2}, Type{BufferImageCopy2}, Type{_BufferImageCopy2}})) = VkBufferImageCopy2 core_type(@nospecialize(_::Union{Type{VkImageResolve2}, Type{ImageResolve2}, Type{_ImageResolve2}})) = VkImageResolve2 core_type(@nospecialize(_::Union{Type{VkCopyBufferInfo2}, Type{CopyBufferInfo2}, Type{_CopyBufferInfo2}})) = VkCopyBufferInfo2 core_type(@nospecialize(_::Union{Type{VkCopyImageInfo2}, Type{CopyImageInfo2}, Type{_CopyImageInfo2}})) = VkCopyImageInfo2 core_type(@nospecialize(_::Union{Type{VkBlitImageInfo2}, Type{BlitImageInfo2}, Type{_BlitImageInfo2}})) = VkBlitImageInfo2 core_type(@nospecialize(_::Union{Type{VkCopyBufferToImageInfo2}, Type{CopyBufferToImageInfo2}, Type{_CopyBufferToImageInfo2}})) = VkCopyBufferToImageInfo2 core_type(@nospecialize(_::Union{Type{VkCopyImageToBufferInfo2}, Type{CopyImageToBufferInfo2}, Type{_CopyImageToBufferInfo2}})) = VkCopyImageToBufferInfo2 core_type(@nospecialize(_::Union{Type{VkResolveImageInfo2}, Type{ResolveImageInfo2}, Type{_ResolveImageInfo2}})) = VkResolveImageInfo2 core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT}, Type{PhysicalDeviceShaderImageAtomicInt64FeaturesEXT}, Type{_PhysicalDeviceShaderImageAtomicInt64FeaturesEXT}})) = VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT core_type(@nospecialize(_::Union{Type{VkFragmentShadingRateAttachmentInfoKHR}, Type{FragmentShadingRateAttachmentInfoKHR}, Type{_FragmentShadingRateAttachmentInfoKHR}})) = VkFragmentShadingRateAttachmentInfoKHR core_type(@nospecialize(_::Union{Type{VkPipelineFragmentShadingRateStateCreateInfoKHR}, Type{PipelineFragmentShadingRateStateCreateInfoKHR}, Type{_PipelineFragmentShadingRateStateCreateInfoKHR}})) = VkPipelineFragmentShadingRateStateCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRateFeaturesKHR}, Type{PhysicalDeviceFragmentShadingRateFeaturesKHR}, Type{_PhysicalDeviceFragmentShadingRateFeaturesKHR}})) = VkPhysicalDeviceFragmentShadingRateFeaturesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRatePropertiesKHR}, Type{PhysicalDeviceFragmentShadingRatePropertiesKHR}, Type{_PhysicalDeviceFragmentShadingRatePropertiesKHR}})) = VkPhysicalDeviceFragmentShadingRatePropertiesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRateKHR}, Type{PhysicalDeviceFragmentShadingRateKHR}, Type{_PhysicalDeviceFragmentShadingRateKHR}})) = VkPhysicalDeviceFragmentShadingRateKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderTerminateInvocationFeatures}, Type{PhysicalDeviceShaderTerminateInvocationFeatures}, Type{_PhysicalDeviceShaderTerminateInvocationFeatures}})) = VkPhysicalDeviceShaderTerminateInvocationFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV}, Type{PhysicalDeviceFragmentShadingRateEnumsFeaturesNV}, Type{_PhysicalDeviceFragmentShadingRateEnumsFeaturesNV}})) = VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV}, Type{PhysicalDeviceFragmentShadingRateEnumsPropertiesNV}, Type{_PhysicalDeviceFragmentShadingRateEnumsPropertiesNV}})) = VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV core_type(@nospecialize(_::Union{Type{VkPipelineFragmentShadingRateEnumStateCreateInfoNV}, Type{PipelineFragmentShadingRateEnumStateCreateInfoNV}, Type{_PipelineFragmentShadingRateEnumStateCreateInfoNV}})) = VkPipelineFragmentShadingRateEnumStateCreateInfoNV core_type(@nospecialize(_::Union{Type{VkAccelerationStructureBuildSizesInfoKHR}, Type{AccelerationStructureBuildSizesInfoKHR}, Type{_AccelerationStructureBuildSizesInfoKHR}})) = VkAccelerationStructureBuildSizesInfoKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImage2DViewOf3DFeaturesEXT}, Type{PhysicalDeviceImage2DViewOf3DFeaturesEXT}, Type{_PhysicalDeviceImage2DViewOf3DFeaturesEXT}})) = VkPhysicalDeviceImage2DViewOf3DFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT}, Type{PhysicalDeviceMutableDescriptorTypeFeaturesEXT}, Type{_PhysicalDeviceMutableDescriptorTypeFeaturesEXT}})) = VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT core_type(@nospecialize(_::Union{Type{VkMutableDescriptorTypeListEXT}, Type{MutableDescriptorTypeListEXT}, Type{_MutableDescriptorTypeListEXT}})) = VkMutableDescriptorTypeListEXT core_type(@nospecialize(_::Union{Type{VkMutableDescriptorTypeCreateInfoEXT}, Type{MutableDescriptorTypeCreateInfoEXT}, Type{_MutableDescriptorTypeCreateInfoEXT}})) = VkMutableDescriptorTypeCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDepthClipControlFeaturesEXT}, Type{PhysicalDeviceDepthClipControlFeaturesEXT}, Type{_PhysicalDeviceDepthClipControlFeaturesEXT}})) = VkPhysicalDeviceDepthClipControlFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPipelineViewportDepthClipControlCreateInfoEXT}, Type{PipelineViewportDepthClipControlCreateInfoEXT}, Type{_PipelineViewportDepthClipControlCreateInfoEXT}})) = VkPipelineViewportDepthClipControlCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT}, Type{PhysicalDeviceVertexInputDynamicStateFeaturesEXT}, Type{_PhysicalDeviceVertexInputDynamicStateFeaturesEXT}})) = VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalMemoryRDMAFeaturesNV}, Type{PhysicalDeviceExternalMemoryRDMAFeaturesNV}, Type{_PhysicalDeviceExternalMemoryRDMAFeaturesNV}})) = VkPhysicalDeviceExternalMemoryRDMAFeaturesNV core_type(@nospecialize(_::Union{Type{VkVertexInputBindingDescription2EXT}, Type{VertexInputBindingDescription2EXT}, Type{_VertexInputBindingDescription2EXT}})) = VkVertexInputBindingDescription2EXT core_type(@nospecialize(_::Union{Type{VkVertexInputAttributeDescription2EXT}, Type{VertexInputAttributeDescription2EXT}, Type{_VertexInputAttributeDescription2EXT}})) = VkVertexInputAttributeDescription2EXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceColorWriteEnableFeaturesEXT}, Type{PhysicalDeviceColorWriteEnableFeaturesEXT}, Type{_PhysicalDeviceColorWriteEnableFeaturesEXT}})) = VkPhysicalDeviceColorWriteEnableFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPipelineColorWriteCreateInfoEXT}, Type{PipelineColorWriteCreateInfoEXT}, Type{_PipelineColorWriteCreateInfoEXT}})) = VkPipelineColorWriteCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkMemoryBarrier2}, Type{MemoryBarrier2}, Type{_MemoryBarrier2}})) = VkMemoryBarrier2 core_type(@nospecialize(_::Union{Type{VkImageMemoryBarrier2}, Type{ImageMemoryBarrier2}, Type{_ImageMemoryBarrier2}})) = VkImageMemoryBarrier2 core_type(@nospecialize(_::Union{Type{VkBufferMemoryBarrier2}, Type{BufferMemoryBarrier2}, Type{_BufferMemoryBarrier2}})) = VkBufferMemoryBarrier2 core_type(@nospecialize(_::Union{Type{VkDependencyInfo}, Type{DependencyInfo}, Type{_DependencyInfo}})) = VkDependencyInfo core_type(@nospecialize(_::Union{Type{VkSemaphoreSubmitInfo}, Type{SemaphoreSubmitInfo}, Type{_SemaphoreSubmitInfo}})) = VkSemaphoreSubmitInfo core_type(@nospecialize(_::Union{Type{VkCommandBufferSubmitInfo}, Type{CommandBufferSubmitInfo}, Type{_CommandBufferSubmitInfo}})) = VkCommandBufferSubmitInfo core_type(@nospecialize(_::Union{Type{VkSubmitInfo2}, Type{SubmitInfo2}, Type{_SubmitInfo2}})) = VkSubmitInfo2 core_type(@nospecialize(_::Union{Type{VkQueueFamilyCheckpointProperties2NV}, Type{QueueFamilyCheckpointProperties2NV}, Type{_QueueFamilyCheckpointProperties2NV}})) = VkQueueFamilyCheckpointProperties2NV core_type(@nospecialize(_::Union{Type{VkCheckpointData2NV}, Type{CheckpointData2NV}, Type{_CheckpointData2NV}})) = VkCheckpointData2NV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSynchronization2Features}, Type{PhysicalDeviceSynchronization2Features}, Type{_PhysicalDeviceSynchronization2Features}})) = VkPhysicalDeviceSynchronization2Features core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT}, Type{PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT}, Type{_PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT}})) = VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLegacyDitheringFeaturesEXT}, Type{PhysicalDeviceLegacyDitheringFeaturesEXT}, Type{_PhysicalDeviceLegacyDitheringFeaturesEXT}})) = VkPhysicalDeviceLegacyDitheringFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT}, Type{PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT}, Type{_PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT}})) = VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT core_type(@nospecialize(_::Union{Type{VkSubpassResolvePerformanceQueryEXT}, Type{SubpassResolvePerformanceQueryEXT}, Type{_SubpassResolvePerformanceQueryEXT}})) = VkSubpassResolvePerformanceQueryEXT core_type(@nospecialize(_::Union{Type{VkMultisampledRenderToSingleSampledInfoEXT}, Type{MultisampledRenderToSingleSampledInfoEXT}, Type{_MultisampledRenderToSingleSampledInfoEXT}})) = VkMultisampledRenderToSingleSampledInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineProtectedAccessFeaturesEXT}, Type{PhysicalDevicePipelineProtectedAccessFeaturesEXT}, Type{_PhysicalDevicePipelineProtectedAccessFeaturesEXT}})) = VkPhysicalDevicePipelineProtectedAccessFeaturesEXT core_type(@nospecialize(_::Union{Type{VkQueueFamilyVideoPropertiesKHR}, Type{QueueFamilyVideoPropertiesKHR}, Type{_QueueFamilyVideoPropertiesKHR}})) = VkQueueFamilyVideoPropertiesKHR core_type(@nospecialize(_::Union{Type{VkQueueFamilyQueryResultStatusPropertiesKHR}, Type{QueueFamilyQueryResultStatusPropertiesKHR}, Type{_QueueFamilyQueryResultStatusPropertiesKHR}})) = VkQueueFamilyQueryResultStatusPropertiesKHR core_type(@nospecialize(_::Union{Type{VkVideoProfileListInfoKHR}, Type{VideoProfileListInfoKHR}, Type{_VideoProfileListInfoKHR}})) = VkVideoProfileListInfoKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVideoFormatInfoKHR}, Type{PhysicalDeviceVideoFormatInfoKHR}, Type{_PhysicalDeviceVideoFormatInfoKHR}})) = VkPhysicalDeviceVideoFormatInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoFormatPropertiesKHR}, Type{VideoFormatPropertiesKHR}, Type{_VideoFormatPropertiesKHR}})) = VkVideoFormatPropertiesKHR core_type(@nospecialize(_::Union{Type{VkVideoProfileInfoKHR}, Type{VideoProfileInfoKHR}, Type{_VideoProfileInfoKHR}})) = VkVideoProfileInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoCapabilitiesKHR}, Type{VideoCapabilitiesKHR}, Type{_VideoCapabilitiesKHR}})) = VkVideoCapabilitiesKHR core_type(@nospecialize(_::Union{Type{VkVideoSessionMemoryRequirementsKHR}, Type{VideoSessionMemoryRequirementsKHR}, Type{_VideoSessionMemoryRequirementsKHR}})) = VkVideoSessionMemoryRequirementsKHR core_type(@nospecialize(_::Union{Type{VkBindVideoSessionMemoryInfoKHR}, Type{BindVideoSessionMemoryInfoKHR}, Type{_BindVideoSessionMemoryInfoKHR}})) = VkBindVideoSessionMemoryInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoPictureResourceInfoKHR}, Type{VideoPictureResourceInfoKHR}, Type{_VideoPictureResourceInfoKHR}})) = VkVideoPictureResourceInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoReferenceSlotInfoKHR}, Type{VideoReferenceSlotInfoKHR}, Type{_VideoReferenceSlotInfoKHR}})) = VkVideoReferenceSlotInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeCapabilitiesKHR}, Type{VideoDecodeCapabilitiesKHR}, Type{_VideoDecodeCapabilitiesKHR}})) = VkVideoDecodeCapabilitiesKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeUsageInfoKHR}, Type{VideoDecodeUsageInfoKHR}, Type{_VideoDecodeUsageInfoKHR}})) = VkVideoDecodeUsageInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeInfoKHR}, Type{VideoDecodeInfoKHR}, Type{_VideoDecodeInfoKHR}})) = VkVideoDecodeInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeH264ProfileInfoKHR}, Type{VideoDecodeH264ProfileInfoKHR}, Type{_VideoDecodeH264ProfileInfoKHR}})) = VkVideoDecodeH264ProfileInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeH264CapabilitiesKHR}, Type{VideoDecodeH264CapabilitiesKHR}, Type{_VideoDecodeH264CapabilitiesKHR}})) = VkVideoDecodeH264CapabilitiesKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeH264SessionParametersAddInfoKHR}, Type{VideoDecodeH264SessionParametersAddInfoKHR}, Type{_VideoDecodeH264SessionParametersAddInfoKHR}})) = VkVideoDecodeH264SessionParametersAddInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeH264SessionParametersCreateInfoKHR}, Type{VideoDecodeH264SessionParametersCreateInfoKHR}, Type{_VideoDecodeH264SessionParametersCreateInfoKHR}})) = VkVideoDecodeH264SessionParametersCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeH264PictureInfoKHR}, Type{VideoDecodeH264PictureInfoKHR}, Type{_VideoDecodeH264PictureInfoKHR}})) = VkVideoDecodeH264PictureInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeH264DpbSlotInfoKHR}, Type{VideoDecodeH264DpbSlotInfoKHR}, Type{_VideoDecodeH264DpbSlotInfoKHR}})) = VkVideoDecodeH264DpbSlotInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeH265ProfileInfoKHR}, Type{VideoDecodeH265ProfileInfoKHR}, Type{_VideoDecodeH265ProfileInfoKHR}})) = VkVideoDecodeH265ProfileInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeH265CapabilitiesKHR}, Type{VideoDecodeH265CapabilitiesKHR}, Type{_VideoDecodeH265CapabilitiesKHR}})) = VkVideoDecodeH265CapabilitiesKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeH265SessionParametersAddInfoKHR}, Type{VideoDecodeH265SessionParametersAddInfoKHR}, Type{_VideoDecodeH265SessionParametersAddInfoKHR}})) = VkVideoDecodeH265SessionParametersAddInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeH265SessionParametersCreateInfoKHR}, Type{VideoDecodeH265SessionParametersCreateInfoKHR}, Type{_VideoDecodeH265SessionParametersCreateInfoKHR}})) = VkVideoDecodeH265SessionParametersCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeH265PictureInfoKHR}, Type{VideoDecodeH265PictureInfoKHR}, Type{_VideoDecodeH265PictureInfoKHR}})) = VkVideoDecodeH265PictureInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeH265DpbSlotInfoKHR}, Type{VideoDecodeH265DpbSlotInfoKHR}, Type{_VideoDecodeH265DpbSlotInfoKHR}})) = VkVideoDecodeH265DpbSlotInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoSessionCreateInfoKHR}, Type{VideoSessionCreateInfoKHR}, Type{_VideoSessionCreateInfoKHR}})) = VkVideoSessionCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoSessionParametersCreateInfoKHR}, Type{VideoSessionParametersCreateInfoKHR}, Type{_VideoSessionParametersCreateInfoKHR}})) = VkVideoSessionParametersCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoSessionParametersUpdateInfoKHR}, Type{VideoSessionParametersUpdateInfoKHR}, Type{_VideoSessionParametersUpdateInfoKHR}})) = VkVideoSessionParametersUpdateInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoBeginCodingInfoKHR}, Type{VideoBeginCodingInfoKHR}, Type{_VideoBeginCodingInfoKHR}})) = VkVideoBeginCodingInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoEndCodingInfoKHR}, Type{VideoEndCodingInfoKHR}, Type{_VideoEndCodingInfoKHR}})) = VkVideoEndCodingInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoCodingControlInfoKHR}, Type{VideoCodingControlInfoKHR}, Type{_VideoCodingControlInfoKHR}})) = VkVideoCodingControlInfoKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceInheritedViewportScissorFeaturesNV}, Type{PhysicalDeviceInheritedViewportScissorFeaturesNV}, Type{_PhysicalDeviceInheritedViewportScissorFeaturesNV}})) = VkPhysicalDeviceInheritedViewportScissorFeaturesNV core_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceViewportScissorInfoNV}, Type{CommandBufferInheritanceViewportScissorInfoNV}, Type{_CommandBufferInheritanceViewportScissorInfoNV}})) = VkCommandBufferInheritanceViewportScissorInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT}, Type{PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT}, Type{_PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT}})) = VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProvokingVertexFeaturesEXT}, Type{PhysicalDeviceProvokingVertexFeaturesEXT}, Type{_PhysicalDeviceProvokingVertexFeaturesEXT}})) = VkPhysicalDeviceProvokingVertexFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProvokingVertexPropertiesEXT}, Type{PhysicalDeviceProvokingVertexPropertiesEXT}, Type{_PhysicalDeviceProvokingVertexPropertiesEXT}})) = VkPhysicalDeviceProvokingVertexPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPipelineRasterizationProvokingVertexStateCreateInfoEXT}, Type{PipelineRasterizationProvokingVertexStateCreateInfoEXT}, Type{_PipelineRasterizationProvokingVertexStateCreateInfoEXT}})) = VkPipelineRasterizationProvokingVertexStateCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkCuModuleCreateInfoNVX}, Type{CuModuleCreateInfoNVX}, Type{_CuModuleCreateInfoNVX}})) = VkCuModuleCreateInfoNVX core_type(@nospecialize(_::Union{Type{VkCuFunctionCreateInfoNVX}, Type{CuFunctionCreateInfoNVX}, Type{_CuFunctionCreateInfoNVX}})) = VkCuFunctionCreateInfoNVX core_type(@nospecialize(_::Union{Type{VkCuLaunchInfoNVX}, Type{CuLaunchInfoNVX}, Type{_CuLaunchInfoNVX}})) = VkCuLaunchInfoNVX core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorBufferFeaturesEXT}, Type{PhysicalDeviceDescriptorBufferFeaturesEXT}, Type{_PhysicalDeviceDescriptorBufferFeaturesEXT}})) = VkPhysicalDeviceDescriptorBufferFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorBufferPropertiesEXT}, Type{PhysicalDeviceDescriptorBufferPropertiesEXT}, Type{_PhysicalDeviceDescriptorBufferPropertiesEXT}})) = VkPhysicalDeviceDescriptorBufferPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT}, Type{PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT}, Type{_PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT}})) = VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT core_type(@nospecialize(_::Union{Type{VkDescriptorAddressInfoEXT}, Type{DescriptorAddressInfoEXT}, Type{_DescriptorAddressInfoEXT}})) = VkDescriptorAddressInfoEXT core_type(@nospecialize(_::Union{Type{VkDescriptorBufferBindingInfoEXT}, Type{DescriptorBufferBindingInfoEXT}, Type{_DescriptorBufferBindingInfoEXT}})) = VkDescriptorBufferBindingInfoEXT core_type(@nospecialize(_::Union{Type{VkDescriptorBufferBindingPushDescriptorBufferHandleEXT}, Type{DescriptorBufferBindingPushDescriptorBufferHandleEXT}, Type{_DescriptorBufferBindingPushDescriptorBufferHandleEXT}})) = VkDescriptorBufferBindingPushDescriptorBufferHandleEXT core_type(@nospecialize(_::Union{Type{VkDescriptorGetInfoEXT}, Type{DescriptorGetInfoEXT}, Type{_DescriptorGetInfoEXT}})) = VkDescriptorGetInfoEXT core_type(@nospecialize(_::Union{Type{VkBufferCaptureDescriptorDataInfoEXT}, Type{BufferCaptureDescriptorDataInfoEXT}, Type{_BufferCaptureDescriptorDataInfoEXT}})) = VkBufferCaptureDescriptorDataInfoEXT core_type(@nospecialize(_::Union{Type{VkImageCaptureDescriptorDataInfoEXT}, Type{ImageCaptureDescriptorDataInfoEXT}, Type{_ImageCaptureDescriptorDataInfoEXT}})) = VkImageCaptureDescriptorDataInfoEXT core_type(@nospecialize(_::Union{Type{VkImageViewCaptureDescriptorDataInfoEXT}, Type{ImageViewCaptureDescriptorDataInfoEXT}, Type{_ImageViewCaptureDescriptorDataInfoEXT}})) = VkImageViewCaptureDescriptorDataInfoEXT core_type(@nospecialize(_::Union{Type{VkSamplerCaptureDescriptorDataInfoEXT}, Type{SamplerCaptureDescriptorDataInfoEXT}, Type{_SamplerCaptureDescriptorDataInfoEXT}})) = VkSamplerCaptureDescriptorDataInfoEXT core_type(@nospecialize(_::Union{Type{VkAccelerationStructureCaptureDescriptorDataInfoEXT}, Type{AccelerationStructureCaptureDescriptorDataInfoEXT}, Type{_AccelerationStructureCaptureDescriptorDataInfoEXT}})) = VkAccelerationStructureCaptureDescriptorDataInfoEXT core_type(@nospecialize(_::Union{Type{VkOpaqueCaptureDescriptorDataCreateInfoEXT}, Type{OpaqueCaptureDescriptorDataCreateInfoEXT}, Type{_OpaqueCaptureDescriptorDataCreateInfoEXT}})) = VkOpaqueCaptureDescriptorDataCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderIntegerDotProductFeatures}, Type{PhysicalDeviceShaderIntegerDotProductFeatures}, Type{_PhysicalDeviceShaderIntegerDotProductFeatures}})) = VkPhysicalDeviceShaderIntegerDotProductFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderIntegerDotProductProperties}, Type{PhysicalDeviceShaderIntegerDotProductProperties}, Type{_PhysicalDeviceShaderIntegerDotProductProperties}})) = VkPhysicalDeviceShaderIntegerDotProductProperties core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDrmPropertiesEXT}, Type{PhysicalDeviceDrmPropertiesEXT}, Type{_PhysicalDeviceDrmPropertiesEXT}})) = VkPhysicalDeviceDrmPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR}, Type{PhysicalDeviceFragmentShaderBarycentricFeaturesKHR}, Type{_PhysicalDeviceFragmentShaderBarycentricFeaturesKHR}})) = VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR}, Type{PhysicalDeviceFragmentShaderBarycentricPropertiesKHR}, Type{_PhysicalDeviceFragmentShaderBarycentricPropertiesKHR}})) = VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingMotionBlurFeaturesNV}, Type{PhysicalDeviceRayTracingMotionBlurFeaturesNV}, Type{_PhysicalDeviceRayTracingMotionBlurFeaturesNV}})) = VkPhysicalDeviceRayTracingMotionBlurFeaturesNV core_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryMotionTrianglesDataNV}, Type{AccelerationStructureGeometryMotionTrianglesDataNV}, Type{_AccelerationStructureGeometryMotionTrianglesDataNV}})) = VkAccelerationStructureGeometryMotionTrianglesDataNV core_type(@nospecialize(_::Union{Type{VkAccelerationStructureMotionInfoNV}, Type{AccelerationStructureMotionInfoNV}, Type{_AccelerationStructureMotionInfoNV}})) = VkAccelerationStructureMotionInfoNV core_type(@nospecialize(_::Union{Type{VkSRTDataNV}, Type{SRTDataNV}, Type{_SRTDataNV}})) = VkSRTDataNV core_type(@nospecialize(_::Union{Type{VkAccelerationStructureSRTMotionInstanceNV}, Type{AccelerationStructureSRTMotionInstanceNV}, Type{_AccelerationStructureSRTMotionInstanceNV}})) = VkAccelerationStructureSRTMotionInstanceNV core_type(@nospecialize(_::Union{Type{VkAccelerationStructureMatrixMotionInstanceNV}, Type{AccelerationStructureMatrixMotionInstanceNV}, Type{_AccelerationStructureMatrixMotionInstanceNV}})) = VkAccelerationStructureMatrixMotionInstanceNV core_type(@nospecialize(_::Union{Type{VkAccelerationStructureMotionInstanceNV}, Type{AccelerationStructureMotionInstanceNV}, Type{_AccelerationStructureMotionInstanceNV}})) = VkAccelerationStructureMotionInstanceNV core_type(@nospecialize(_::Union{Type{VkMemoryGetRemoteAddressInfoNV}, Type{MemoryGetRemoteAddressInfoNV}, Type{_MemoryGetRemoteAddressInfoNV}})) = VkMemoryGetRemoteAddressInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT}, Type{PhysicalDeviceRGBA10X6FormatsFeaturesEXT}, Type{_PhysicalDeviceRGBA10X6FormatsFeaturesEXT}})) = VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT core_type(@nospecialize(_::Union{Type{VkFormatProperties3}, Type{FormatProperties3}, Type{_FormatProperties3}})) = VkFormatProperties3 core_type(@nospecialize(_::Union{Type{VkDrmFormatModifierPropertiesList2EXT}, Type{DrmFormatModifierPropertiesList2EXT}, Type{_DrmFormatModifierPropertiesList2EXT}})) = VkDrmFormatModifierPropertiesList2EXT core_type(@nospecialize(_::Union{Type{VkDrmFormatModifierProperties2EXT}, Type{DrmFormatModifierProperties2EXT}, Type{_DrmFormatModifierProperties2EXT}})) = VkDrmFormatModifierProperties2EXT core_type(@nospecialize(_::Union{Type{VkPipelineRenderingCreateInfo}, Type{PipelineRenderingCreateInfo}, Type{_PipelineRenderingCreateInfo}})) = VkPipelineRenderingCreateInfo core_type(@nospecialize(_::Union{Type{VkRenderingInfo}, Type{RenderingInfo}, Type{_RenderingInfo}})) = VkRenderingInfo core_type(@nospecialize(_::Union{Type{VkRenderingAttachmentInfo}, Type{RenderingAttachmentInfo}, Type{_RenderingAttachmentInfo}})) = VkRenderingAttachmentInfo core_type(@nospecialize(_::Union{Type{VkRenderingFragmentShadingRateAttachmentInfoKHR}, Type{RenderingFragmentShadingRateAttachmentInfoKHR}, Type{_RenderingFragmentShadingRateAttachmentInfoKHR}})) = VkRenderingFragmentShadingRateAttachmentInfoKHR core_type(@nospecialize(_::Union{Type{VkRenderingFragmentDensityMapAttachmentInfoEXT}, Type{RenderingFragmentDensityMapAttachmentInfoEXT}, Type{_RenderingFragmentDensityMapAttachmentInfoEXT}})) = VkRenderingFragmentDensityMapAttachmentInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDynamicRenderingFeatures}, Type{PhysicalDeviceDynamicRenderingFeatures}, Type{_PhysicalDeviceDynamicRenderingFeatures}})) = VkPhysicalDeviceDynamicRenderingFeatures core_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceRenderingInfo}, Type{CommandBufferInheritanceRenderingInfo}, Type{_CommandBufferInheritanceRenderingInfo}})) = VkCommandBufferInheritanceRenderingInfo core_type(@nospecialize(_::Union{Type{VkAttachmentSampleCountInfoAMD}, Type{AttachmentSampleCountInfoAMD}, Type{_AttachmentSampleCountInfoAMD}})) = VkAttachmentSampleCountInfoAMD core_type(@nospecialize(_::Union{Type{VkMultiviewPerViewAttributesInfoNVX}, Type{MultiviewPerViewAttributesInfoNVX}, Type{_MultiviewPerViewAttributesInfoNVX}})) = VkMultiviewPerViewAttributesInfoNVX core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageViewMinLodFeaturesEXT}, Type{PhysicalDeviceImageViewMinLodFeaturesEXT}, Type{_PhysicalDeviceImageViewMinLodFeaturesEXT}})) = VkPhysicalDeviceImageViewMinLodFeaturesEXT core_type(@nospecialize(_::Union{Type{VkImageViewMinLodCreateInfoEXT}, Type{ImageViewMinLodCreateInfoEXT}, Type{_ImageViewMinLodCreateInfoEXT}})) = VkImageViewMinLodCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT}, Type{PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT}, Type{_PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT}})) = VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLinearColorAttachmentFeaturesNV}, Type{PhysicalDeviceLinearColorAttachmentFeaturesNV}, Type{_PhysicalDeviceLinearColorAttachmentFeaturesNV}})) = VkPhysicalDeviceLinearColorAttachmentFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT}, Type{PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT}, Type{_PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT}})) = VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT}, Type{PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT}, Type{_PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT}})) = VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT core_type(@nospecialize(_::Union{Type{VkGraphicsPipelineLibraryCreateInfoEXT}, Type{GraphicsPipelineLibraryCreateInfoEXT}, Type{_GraphicsPipelineLibraryCreateInfoEXT}})) = VkGraphicsPipelineLibraryCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE}, Type{PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE}, Type{_PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE}})) = VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE core_type(@nospecialize(_::Union{Type{VkDescriptorSetBindingReferenceVALVE}, Type{DescriptorSetBindingReferenceVALVE}, Type{_DescriptorSetBindingReferenceVALVE}})) = VkDescriptorSetBindingReferenceVALVE core_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutHostMappingInfoVALVE}, Type{DescriptorSetLayoutHostMappingInfoVALVE}, Type{_DescriptorSetLayoutHostMappingInfoVALVE}})) = VkDescriptorSetLayoutHostMappingInfoVALVE core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT}, Type{PhysicalDeviceShaderModuleIdentifierFeaturesEXT}, Type{_PhysicalDeviceShaderModuleIdentifierFeaturesEXT}})) = VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT}, Type{PhysicalDeviceShaderModuleIdentifierPropertiesEXT}, Type{_PhysicalDeviceShaderModuleIdentifierPropertiesEXT}})) = VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPipelineShaderStageModuleIdentifierCreateInfoEXT}, Type{PipelineShaderStageModuleIdentifierCreateInfoEXT}, Type{_PipelineShaderStageModuleIdentifierCreateInfoEXT}})) = VkPipelineShaderStageModuleIdentifierCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkShaderModuleIdentifierEXT}, Type{ShaderModuleIdentifierEXT}, Type{_ShaderModuleIdentifierEXT}})) = VkShaderModuleIdentifierEXT core_type(@nospecialize(_::Union{Type{VkImageCompressionControlEXT}, Type{ImageCompressionControlEXT}, Type{_ImageCompressionControlEXT}})) = VkImageCompressionControlEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageCompressionControlFeaturesEXT}, Type{PhysicalDeviceImageCompressionControlFeaturesEXT}, Type{_PhysicalDeviceImageCompressionControlFeaturesEXT}})) = VkPhysicalDeviceImageCompressionControlFeaturesEXT core_type(@nospecialize(_::Union{Type{VkImageCompressionPropertiesEXT}, Type{ImageCompressionPropertiesEXT}, Type{_ImageCompressionPropertiesEXT}})) = VkImageCompressionPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT}, Type{PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT}, Type{_PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT}})) = VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT core_type(@nospecialize(_::Union{Type{VkImageSubresource2EXT}, Type{ImageSubresource2EXT}, Type{_ImageSubresource2EXT}})) = VkImageSubresource2EXT core_type(@nospecialize(_::Union{Type{VkSubresourceLayout2EXT}, Type{SubresourceLayout2EXT}, Type{_SubresourceLayout2EXT}})) = VkSubresourceLayout2EXT core_type(@nospecialize(_::Union{Type{VkRenderPassCreationControlEXT}, Type{RenderPassCreationControlEXT}, Type{_RenderPassCreationControlEXT}})) = VkRenderPassCreationControlEXT core_type(@nospecialize(_::Union{Type{VkRenderPassCreationFeedbackInfoEXT}, Type{RenderPassCreationFeedbackInfoEXT}, Type{_RenderPassCreationFeedbackInfoEXT}})) = VkRenderPassCreationFeedbackInfoEXT core_type(@nospecialize(_::Union{Type{VkRenderPassCreationFeedbackCreateInfoEXT}, Type{RenderPassCreationFeedbackCreateInfoEXT}, Type{_RenderPassCreationFeedbackCreateInfoEXT}})) = VkRenderPassCreationFeedbackCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkRenderPassSubpassFeedbackInfoEXT}, Type{RenderPassSubpassFeedbackInfoEXT}, Type{_RenderPassSubpassFeedbackInfoEXT}})) = VkRenderPassSubpassFeedbackInfoEXT core_type(@nospecialize(_::Union{Type{VkRenderPassSubpassFeedbackCreateInfoEXT}, Type{RenderPassSubpassFeedbackCreateInfoEXT}, Type{_RenderPassSubpassFeedbackCreateInfoEXT}})) = VkRenderPassSubpassFeedbackCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT}, Type{PhysicalDeviceSubpassMergeFeedbackFeaturesEXT}, Type{_PhysicalDeviceSubpassMergeFeedbackFeaturesEXT}})) = VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT core_type(@nospecialize(_::Union{Type{VkMicromapBuildInfoEXT}, Type{MicromapBuildInfoEXT}, Type{_MicromapBuildInfoEXT}})) = VkMicromapBuildInfoEXT core_type(@nospecialize(_::Union{Type{VkMicromapCreateInfoEXT}, Type{MicromapCreateInfoEXT}, Type{_MicromapCreateInfoEXT}})) = VkMicromapCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkMicromapVersionInfoEXT}, Type{MicromapVersionInfoEXT}, Type{_MicromapVersionInfoEXT}})) = VkMicromapVersionInfoEXT core_type(@nospecialize(_::Union{Type{VkCopyMicromapInfoEXT}, Type{CopyMicromapInfoEXT}, Type{_CopyMicromapInfoEXT}})) = VkCopyMicromapInfoEXT core_type(@nospecialize(_::Union{Type{VkCopyMicromapToMemoryInfoEXT}, Type{CopyMicromapToMemoryInfoEXT}, Type{_CopyMicromapToMemoryInfoEXT}})) = VkCopyMicromapToMemoryInfoEXT core_type(@nospecialize(_::Union{Type{VkCopyMemoryToMicromapInfoEXT}, Type{CopyMemoryToMicromapInfoEXT}, Type{_CopyMemoryToMicromapInfoEXT}})) = VkCopyMemoryToMicromapInfoEXT core_type(@nospecialize(_::Union{Type{VkMicromapBuildSizesInfoEXT}, Type{MicromapBuildSizesInfoEXT}, Type{_MicromapBuildSizesInfoEXT}})) = VkMicromapBuildSizesInfoEXT core_type(@nospecialize(_::Union{Type{VkMicromapUsageEXT}, Type{MicromapUsageEXT}, Type{_MicromapUsageEXT}})) = VkMicromapUsageEXT core_type(@nospecialize(_::Union{Type{VkMicromapTriangleEXT}, Type{MicromapTriangleEXT}, Type{_MicromapTriangleEXT}})) = VkMicromapTriangleEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceOpacityMicromapFeaturesEXT}, Type{PhysicalDeviceOpacityMicromapFeaturesEXT}, Type{_PhysicalDeviceOpacityMicromapFeaturesEXT}})) = VkPhysicalDeviceOpacityMicromapFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceOpacityMicromapPropertiesEXT}, Type{PhysicalDeviceOpacityMicromapPropertiesEXT}, Type{_PhysicalDeviceOpacityMicromapPropertiesEXT}})) = VkPhysicalDeviceOpacityMicromapPropertiesEXT core_type(@nospecialize(_::Union{Type{VkAccelerationStructureTrianglesOpacityMicromapEXT}, Type{AccelerationStructureTrianglesOpacityMicromapEXT}, Type{_AccelerationStructureTrianglesOpacityMicromapEXT}})) = VkAccelerationStructureTrianglesOpacityMicromapEXT core_type(@nospecialize(_::Union{Type{VkPipelinePropertiesIdentifierEXT}, Type{PipelinePropertiesIdentifierEXT}, Type{_PipelinePropertiesIdentifierEXT}})) = VkPipelinePropertiesIdentifierEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelinePropertiesFeaturesEXT}, Type{PhysicalDevicePipelinePropertiesFeaturesEXT}, Type{_PhysicalDevicePipelinePropertiesFeaturesEXT}})) = VkPhysicalDevicePipelinePropertiesFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD}, Type{PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD}, Type{_PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD}})) = VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT}, Type{PhysicalDeviceNonSeamlessCubeMapFeaturesEXT}, Type{_PhysicalDeviceNonSeamlessCubeMapFeaturesEXT}})) = VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineRobustnessFeaturesEXT}, Type{PhysicalDevicePipelineRobustnessFeaturesEXT}, Type{_PhysicalDevicePipelineRobustnessFeaturesEXT}})) = VkPhysicalDevicePipelineRobustnessFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPipelineRobustnessCreateInfoEXT}, Type{PipelineRobustnessCreateInfoEXT}, Type{_PipelineRobustnessCreateInfoEXT}})) = VkPipelineRobustnessCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineRobustnessPropertiesEXT}, Type{PhysicalDevicePipelineRobustnessPropertiesEXT}, Type{_PhysicalDevicePipelineRobustnessPropertiesEXT}})) = VkPhysicalDevicePipelineRobustnessPropertiesEXT core_type(@nospecialize(_::Union{Type{VkImageViewSampleWeightCreateInfoQCOM}, Type{ImageViewSampleWeightCreateInfoQCOM}, Type{_ImageViewSampleWeightCreateInfoQCOM}})) = VkImageViewSampleWeightCreateInfoQCOM core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageProcessingFeaturesQCOM}, Type{PhysicalDeviceImageProcessingFeaturesQCOM}, Type{_PhysicalDeviceImageProcessingFeaturesQCOM}})) = VkPhysicalDeviceImageProcessingFeaturesQCOM core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageProcessingPropertiesQCOM}, Type{PhysicalDeviceImageProcessingPropertiesQCOM}, Type{_PhysicalDeviceImageProcessingPropertiesQCOM}})) = VkPhysicalDeviceImageProcessingPropertiesQCOM core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTilePropertiesFeaturesQCOM}, Type{PhysicalDeviceTilePropertiesFeaturesQCOM}, Type{_PhysicalDeviceTilePropertiesFeaturesQCOM}})) = VkPhysicalDeviceTilePropertiesFeaturesQCOM core_type(@nospecialize(_::Union{Type{VkTilePropertiesQCOM}, Type{TilePropertiesQCOM}, Type{_TilePropertiesQCOM}})) = VkTilePropertiesQCOM core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAmigoProfilingFeaturesSEC}, Type{PhysicalDeviceAmigoProfilingFeaturesSEC}, Type{_PhysicalDeviceAmigoProfilingFeaturesSEC}})) = VkPhysicalDeviceAmigoProfilingFeaturesSEC core_type(@nospecialize(_::Union{Type{VkAmigoProfilingSubmitInfoSEC}, Type{AmigoProfilingSubmitInfoSEC}, Type{_AmigoProfilingSubmitInfoSEC}})) = VkAmigoProfilingSubmitInfoSEC core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT}, Type{PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT}, Type{_PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT}})) = VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDepthClampZeroOneFeaturesEXT}, Type{PhysicalDeviceDepthClampZeroOneFeaturesEXT}, Type{_PhysicalDeviceDepthClampZeroOneFeaturesEXT}})) = VkPhysicalDeviceDepthClampZeroOneFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAddressBindingReportFeaturesEXT}, Type{PhysicalDeviceAddressBindingReportFeaturesEXT}, Type{_PhysicalDeviceAddressBindingReportFeaturesEXT}})) = VkPhysicalDeviceAddressBindingReportFeaturesEXT core_type(@nospecialize(_::Union{Type{VkDeviceAddressBindingCallbackDataEXT}, Type{DeviceAddressBindingCallbackDataEXT}, Type{_DeviceAddressBindingCallbackDataEXT}})) = VkDeviceAddressBindingCallbackDataEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceOpticalFlowFeaturesNV}, Type{PhysicalDeviceOpticalFlowFeaturesNV}, Type{_PhysicalDeviceOpticalFlowFeaturesNV}})) = VkPhysicalDeviceOpticalFlowFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceOpticalFlowPropertiesNV}, Type{PhysicalDeviceOpticalFlowPropertiesNV}, Type{_PhysicalDeviceOpticalFlowPropertiesNV}})) = VkPhysicalDeviceOpticalFlowPropertiesNV core_type(@nospecialize(_::Union{Type{VkOpticalFlowImageFormatInfoNV}, Type{OpticalFlowImageFormatInfoNV}, Type{_OpticalFlowImageFormatInfoNV}})) = VkOpticalFlowImageFormatInfoNV core_type(@nospecialize(_::Union{Type{VkOpticalFlowImageFormatPropertiesNV}, Type{OpticalFlowImageFormatPropertiesNV}, Type{_OpticalFlowImageFormatPropertiesNV}})) = VkOpticalFlowImageFormatPropertiesNV core_type(@nospecialize(_::Union{Type{VkOpticalFlowSessionCreateInfoNV}, Type{OpticalFlowSessionCreateInfoNV}, Type{_OpticalFlowSessionCreateInfoNV}})) = VkOpticalFlowSessionCreateInfoNV core_type(@nospecialize(_::Union{Type{VkOpticalFlowSessionCreatePrivateDataInfoNV}, Type{OpticalFlowSessionCreatePrivateDataInfoNV}, Type{_OpticalFlowSessionCreatePrivateDataInfoNV}})) = VkOpticalFlowSessionCreatePrivateDataInfoNV core_type(@nospecialize(_::Union{Type{VkOpticalFlowExecuteInfoNV}, Type{OpticalFlowExecuteInfoNV}, Type{_OpticalFlowExecuteInfoNV}})) = VkOpticalFlowExecuteInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFaultFeaturesEXT}, Type{PhysicalDeviceFaultFeaturesEXT}, Type{_PhysicalDeviceFaultFeaturesEXT}})) = VkPhysicalDeviceFaultFeaturesEXT core_type(@nospecialize(_::Union{Type{VkDeviceFaultAddressInfoEXT}, Type{DeviceFaultAddressInfoEXT}, Type{_DeviceFaultAddressInfoEXT}})) = VkDeviceFaultAddressInfoEXT core_type(@nospecialize(_::Union{Type{VkDeviceFaultVendorInfoEXT}, Type{DeviceFaultVendorInfoEXT}, Type{_DeviceFaultVendorInfoEXT}})) = VkDeviceFaultVendorInfoEXT core_type(@nospecialize(_::Union{Type{VkDeviceFaultCountsEXT}, Type{DeviceFaultCountsEXT}, Type{_DeviceFaultCountsEXT}})) = VkDeviceFaultCountsEXT core_type(@nospecialize(_::Union{Type{VkDeviceFaultInfoEXT}, Type{DeviceFaultInfoEXT}, Type{_DeviceFaultInfoEXT}})) = VkDeviceFaultInfoEXT core_type(@nospecialize(_::Union{Type{VkDeviceFaultVendorBinaryHeaderVersionOneEXT}, Type{DeviceFaultVendorBinaryHeaderVersionOneEXT}, Type{_DeviceFaultVendorBinaryHeaderVersionOneEXT}})) = VkDeviceFaultVendorBinaryHeaderVersionOneEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT}, Type{PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT}, Type{_PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT}})) = VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT core_type(@nospecialize(_::Union{Type{VkDecompressMemoryRegionNV}, Type{DecompressMemoryRegionNV}, Type{_DecompressMemoryRegionNV}})) = VkDecompressMemoryRegionNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM}, Type{PhysicalDeviceShaderCoreBuiltinsPropertiesARM}, Type{_PhysicalDeviceShaderCoreBuiltinsPropertiesARM}})) = VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM}, Type{PhysicalDeviceShaderCoreBuiltinsFeaturesARM}, Type{_PhysicalDeviceShaderCoreBuiltinsFeaturesARM}})) = VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM core_type(@nospecialize(_::Union{Type{VkSurfacePresentModeEXT}, Type{SurfacePresentModeEXT}, Type{_SurfacePresentModeEXT}})) = VkSurfacePresentModeEXT core_type(@nospecialize(_::Union{Type{VkSurfacePresentScalingCapabilitiesEXT}, Type{SurfacePresentScalingCapabilitiesEXT}, Type{_SurfacePresentScalingCapabilitiesEXT}})) = VkSurfacePresentScalingCapabilitiesEXT core_type(@nospecialize(_::Union{Type{VkSurfacePresentModeCompatibilityEXT}, Type{SurfacePresentModeCompatibilityEXT}, Type{_SurfacePresentModeCompatibilityEXT}})) = VkSurfacePresentModeCompatibilityEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT}, Type{PhysicalDeviceSwapchainMaintenance1FeaturesEXT}, Type{_PhysicalDeviceSwapchainMaintenance1FeaturesEXT}})) = VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT core_type(@nospecialize(_::Union{Type{VkSwapchainPresentFenceInfoEXT}, Type{SwapchainPresentFenceInfoEXT}, Type{_SwapchainPresentFenceInfoEXT}})) = VkSwapchainPresentFenceInfoEXT core_type(@nospecialize(_::Union{Type{VkSwapchainPresentModesCreateInfoEXT}, Type{SwapchainPresentModesCreateInfoEXT}, Type{_SwapchainPresentModesCreateInfoEXT}})) = VkSwapchainPresentModesCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkSwapchainPresentModeInfoEXT}, Type{SwapchainPresentModeInfoEXT}, Type{_SwapchainPresentModeInfoEXT}})) = VkSwapchainPresentModeInfoEXT core_type(@nospecialize(_::Union{Type{VkSwapchainPresentScalingCreateInfoEXT}, Type{SwapchainPresentScalingCreateInfoEXT}, Type{_SwapchainPresentScalingCreateInfoEXT}})) = VkSwapchainPresentScalingCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkReleaseSwapchainImagesInfoEXT}, Type{ReleaseSwapchainImagesInfoEXT}, Type{_ReleaseSwapchainImagesInfoEXT}})) = VkReleaseSwapchainImagesInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV}, Type{PhysicalDeviceRayTracingInvocationReorderFeaturesNV}, Type{_PhysicalDeviceRayTracingInvocationReorderFeaturesNV}})) = VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV}, Type{PhysicalDeviceRayTracingInvocationReorderPropertiesNV}, Type{_PhysicalDeviceRayTracingInvocationReorderPropertiesNV}})) = VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV core_type(@nospecialize(_::Union{Type{VkDirectDriverLoadingInfoLUNARG}, Type{DirectDriverLoadingInfoLUNARG}, Type{_DirectDriverLoadingInfoLUNARG}})) = VkDirectDriverLoadingInfoLUNARG core_type(@nospecialize(_::Union{Type{VkDirectDriverLoadingListLUNARG}, Type{DirectDriverLoadingListLUNARG}, Type{_DirectDriverLoadingListLUNARG}})) = VkDirectDriverLoadingListLUNARG core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM}, Type{PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM}, Type{_PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM}})) = VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM core_type(@nospecialize(_::Union{Type{VkClearColorValue}, Type{ClearColorValue}, Type{_ClearColorValue}})) = VkClearColorValue core_type(@nospecialize(_::Union{Type{VkClearValue}, Type{ClearValue}, Type{_ClearValue}})) = VkClearValue core_type(@nospecialize(_::Union{Type{VkPerformanceCounterResultKHR}, Type{PerformanceCounterResultKHR}, Type{_PerformanceCounterResultKHR}})) = VkPerformanceCounterResultKHR core_type(@nospecialize(_::Union{Type{VkPerformanceValueDataINTEL}, Type{PerformanceValueDataINTEL}, Type{_PerformanceValueDataINTEL}})) = VkPerformanceValueDataINTEL core_type(@nospecialize(_::Union{Type{VkPipelineExecutableStatisticValueKHR}, Type{PipelineExecutableStatisticValueKHR}, Type{_PipelineExecutableStatisticValueKHR}})) = VkPipelineExecutableStatisticValueKHR core_type(@nospecialize(_::Union{Type{VkDeviceOrHostAddressKHR}, Type{DeviceOrHostAddressKHR}, Type{_DeviceOrHostAddressKHR}})) = VkDeviceOrHostAddressKHR core_type(@nospecialize(_::Union{Type{VkDeviceOrHostAddressConstKHR}, Type{DeviceOrHostAddressConstKHR}, Type{_DeviceOrHostAddressConstKHR}})) = VkDeviceOrHostAddressConstKHR core_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryDataKHR}, Type{AccelerationStructureGeometryDataKHR}, Type{_AccelerationStructureGeometryDataKHR}})) = VkAccelerationStructureGeometryDataKHR core_type(@nospecialize(_::Union{Type{VkDescriptorDataEXT}, Type{DescriptorDataEXT}, Type{_DescriptorDataEXT}})) = VkDescriptorDataEXT core_type(@nospecialize(_::Union{Type{VkAccelerationStructureMotionInstanceDataNV}, Type{AccelerationStructureMotionInstanceDataNV}, Type{_AccelerationStructureMotionInstanceDataNV}})) = VkAccelerationStructureMotionInstanceDataNV intermediate_type(@nospecialize(_::Union{Type{BaseOutStructure}, Type{VkBaseOutStructure}})) = _BaseOutStructure intermediate_type(@nospecialize(_::Union{Type{BaseInStructure}, Type{VkBaseInStructure}})) = _BaseInStructure intermediate_type(@nospecialize(_::Union{Type{Offset2D}, Type{VkOffset2D}})) = _Offset2D intermediate_type(@nospecialize(_::Union{Type{Offset3D}, Type{VkOffset3D}})) = _Offset3D intermediate_type(@nospecialize(_::Union{Type{Extent2D}, Type{VkExtent2D}})) = _Extent2D intermediate_type(@nospecialize(_::Union{Type{Extent3D}, Type{VkExtent3D}})) = _Extent3D intermediate_type(@nospecialize(_::Union{Type{Viewport}, Type{VkViewport}})) = _Viewport intermediate_type(@nospecialize(_::Union{Type{Rect2D}, Type{VkRect2D}})) = _Rect2D intermediate_type(@nospecialize(_::Union{Type{ClearRect}, Type{VkClearRect}})) = _ClearRect intermediate_type(@nospecialize(_::Union{Type{ComponentMapping}, Type{VkComponentMapping}})) = _ComponentMapping intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceProperties}, Type{VkPhysicalDeviceProperties}})) = _PhysicalDeviceProperties intermediate_type(@nospecialize(_::Union{Type{ExtensionProperties}, Type{VkExtensionProperties}})) = _ExtensionProperties intermediate_type(@nospecialize(_::Union{Type{LayerProperties}, Type{VkLayerProperties}})) = _LayerProperties intermediate_type(@nospecialize(_::Union{Type{ApplicationInfo}, Type{VkApplicationInfo}})) = _ApplicationInfo intermediate_type(@nospecialize(_::Union{Type{AllocationCallbacks}, Type{VkAllocationCallbacks}})) = _AllocationCallbacks intermediate_type(@nospecialize(_::Union{Type{DeviceQueueCreateInfo}, Type{VkDeviceQueueCreateInfo}})) = _DeviceQueueCreateInfo intermediate_type(@nospecialize(_::Union{Type{DeviceCreateInfo}, Type{VkDeviceCreateInfo}})) = _DeviceCreateInfo intermediate_type(@nospecialize(_::Union{Type{InstanceCreateInfo}, Type{VkInstanceCreateInfo}})) = _InstanceCreateInfo intermediate_type(@nospecialize(_::Union{Type{QueueFamilyProperties}, Type{VkQueueFamilyProperties}})) = _QueueFamilyProperties intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMemoryProperties}, Type{VkPhysicalDeviceMemoryProperties}})) = _PhysicalDeviceMemoryProperties intermediate_type(@nospecialize(_::Union{Type{MemoryAllocateInfo}, Type{VkMemoryAllocateInfo}})) = _MemoryAllocateInfo intermediate_type(@nospecialize(_::Union{Type{MemoryRequirements}, Type{VkMemoryRequirements}})) = _MemoryRequirements intermediate_type(@nospecialize(_::Union{Type{SparseImageFormatProperties}, Type{VkSparseImageFormatProperties}})) = _SparseImageFormatProperties intermediate_type(@nospecialize(_::Union{Type{SparseImageMemoryRequirements}, Type{VkSparseImageMemoryRequirements}})) = _SparseImageMemoryRequirements intermediate_type(@nospecialize(_::Union{Type{MemoryType}, Type{VkMemoryType}})) = _MemoryType intermediate_type(@nospecialize(_::Union{Type{MemoryHeap}, Type{VkMemoryHeap}})) = _MemoryHeap intermediate_type(@nospecialize(_::Union{Type{MappedMemoryRange}, Type{VkMappedMemoryRange}})) = _MappedMemoryRange intermediate_type(@nospecialize(_::Union{Type{FormatProperties}, Type{VkFormatProperties}})) = _FormatProperties intermediate_type(@nospecialize(_::Union{Type{ImageFormatProperties}, Type{VkImageFormatProperties}})) = _ImageFormatProperties intermediate_type(@nospecialize(_::Union{Type{DescriptorBufferInfo}, Type{VkDescriptorBufferInfo}})) = _DescriptorBufferInfo intermediate_type(@nospecialize(_::Union{Type{DescriptorImageInfo}, Type{VkDescriptorImageInfo}})) = _DescriptorImageInfo intermediate_type(@nospecialize(_::Union{Type{WriteDescriptorSet}, Type{VkWriteDescriptorSet}})) = _WriteDescriptorSet intermediate_type(@nospecialize(_::Union{Type{CopyDescriptorSet}, Type{VkCopyDescriptorSet}})) = _CopyDescriptorSet intermediate_type(@nospecialize(_::Union{Type{BufferCreateInfo}, Type{VkBufferCreateInfo}})) = _BufferCreateInfo intermediate_type(@nospecialize(_::Union{Type{BufferViewCreateInfo}, Type{VkBufferViewCreateInfo}})) = _BufferViewCreateInfo intermediate_type(@nospecialize(_::Union{Type{ImageSubresource}, Type{VkImageSubresource}})) = _ImageSubresource intermediate_type(@nospecialize(_::Union{Type{ImageSubresourceLayers}, Type{VkImageSubresourceLayers}})) = _ImageSubresourceLayers intermediate_type(@nospecialize(_::Union{Type{ImageSubresourceRange}, Type{VkImageSubresourceRange}})) = _ImageSubresourceRange intermediate_type(@nospecialize(_::Union{Type{MemoryBarrier}, Type{VkMemoryBarrier}})) = _MemoryBarrier intermediate_type(@nospecialize(_::Union{Type{BufferMemoryBarrier}, Type{VkBufferMemoryBarrier}})) = _BufferMemoryBarrier intermediate_type(@nospecialize(_::Union{Type{ImageMemoryBarrier}, Type{VkImageMemoryBarrier}})) = _ImageMemoryBarrier intermediate_type(@nospecialize(_::Union{Type{ImageCreateInfo}, Type{VkImageCreateInfo}})) = _ImageCreateInfo intermediate_type(@nospecialize(_::Union{Type{SubresourceLayout}, Type{VkSubresourceLayout}})) = _SubresourceLayout intermediate_type(@nospecialize(_::Union{Type{ImageViewCreateInfo}, Type{VkImageViewCreateInfo}})) = _ImageViewCreateInfo intermediate_type(@nospecialize(_::Union{Type{BufferCopy}, Type{VkBufferCopy}})) = _BufferCopy intermediate_type(@nospecialize(_::Union{Type{SparseMemoryBind}, Type{VkSparseMemoryBind}})) = _SparseMemoryBind intermediate_type(@nospecialize(_::Union{Type{SparseImageMemoryBind}, Type{VkSparseImageMemoryBind}})) = _SparseImageMemoryBind intermediate_type(@nospecialize(_::Union{Type{SparseBufferMemoryBindInfo}, Type{VkSparseBufferMemoryBindInfo}})) = _SparseBufferMemoryBindInfo intermediate_type(@nospecialize(_::Union{Type{SparseImageOpaqueMemoryBindInfo}, Type{VkSparseImageOpaqueMemoryBindInfo}})) = _SparseImageOpaqueMemoryBindInfo intermediate_type(@nospecialize(_::Union{Type{SparseImageMemoryBindInfo}, Type{VkSparseImageMemoryBindInfo}})) = _SparseImageMemoryBindInfo intermediate_type(@nospecialize(_::Union{Type{BindSparseInfo}, Type{VkBindSparseInfo}})) = _BindSparseInfo intermediate_type(@nospecialize(_::Union{Type{ImageCopy}, Type{VkImageCopy}})) = _ImageCopy intermediate_type(@nospecialize(_::Union{Type{ImageBlit}, Type{VkImageBlit}})) = _ImageBlit intermediate_type(@nospecialize(_::Union{Type{BufferImageCopy}, Type{VkBufferImageCopy}})) = _BufferImageCopy intermediate_type(@nospecialize(_::Union{Type{CopyMemoryIndirectCommandNV}, Type{VkCopyMemoryIndirectCommandNV}})) = _CopyMemoryIndirectCommandNV intermediate_type(@nospecialize(_::Union{Type{CopyMemoryToImageIndirectCommandNV}, Type{VkCopyMemoryToImageIndirectCommandNV}})) = _CopyMemoryToImageIndirectCommandNV intermediate_type(@nospecialize(_::Union{Type{ImageResolve}, Type{VkImageResolve}})) = _ImageResolve intermediate_type(@nospecialize(_::Union{Type{ShaderModuleCreateInfo}, Type{VkShaderModuleCreateInfo}})) = _ShaderModuleCreateInfo intermediate_type(@nospecialize(_::Union{Type{DescriptorSetLayoutBinding}, Type{VkDescriptorSetLayoutBinding}})) = _DescriptorSetLayoutBinding intermediate_type(@nospecialize(_::Union{Type{DescriptorSetLayoutCreateInfo}, Type{VkDescriptorSetLayoutCreateInfo}})) = _DescriptorSetLayoutCreateInfo intermediate_type(@nospecialize(_::Union{Type{DescriptorPoolSize}, Type{VkDescriptorPoolSize}})) = _DescriptorPoolSize intermediate_type(@nospecialize(_::Union{Type{DescriptorPoolCreateInfo}, Type{VkDescriptorPoolCreateInfo}})) = _DescriptorPoolCreateInfo intermediate_type(@nospecialize(_::Union{Type{DescriptorSetAllocateInfo}, Type{VkDescriptorSetAllocateInfo}})) = _DescriptorSetAllocateInfo intermediate_type(@nospecialize(_::Union{Type{SpecializationMapEntry}, Type{VkSpecializationMapEntry}})) = _SpecializationMapEntry intermediate_type(@nospecialize(_::Union{Type{SpecializationInfo}, Type{VkSpecializationInfo}})) = _SpecializationInfo intermediate_type(@nospecialize(_::Union{Type{PipelineShaderStageCreateInfo}, Type{VkPipelineShaderStageCreateInfo}})) = _PipelineShaderStageCreateInfo intermediate_type(@nospecialize(_::Union{Type{ComputePipelineCreateInfo}, Type{VkComputePipelineCreateInfo}})) = _ComputePipelineCreateInfo intermediate_type(@nospecialize(_::Union{Type{VertexInputBindingDescription}, Type{VkVertexInputBindingDescription}})) = _VertexInputBindingDescription intermediate_type(@nospecialize(_::Union{Type{VertexInputAttributeDescription}, Type{VkVertexInputAttributeDescription}})) = _VertexInputAttributeDescription intermediate_type(@nospecialize(_::Union{Type{PipelineVertexInputStateCreateInfo}, Type{VkPipelineVertexInputStateCreateInfo}})) = _PipelineVertexInputStateCreateInfo intermediate_type(@nospecialize(_::Union{Type{PipelineInputAssemblyStateCreateInfo}, Type{VkPipelineInputAssemblyStateCreateInfo}})) = _PipelineInputAssemblyStateCreateInfo intermediate_type(@nospecialize(_::Union{Type{PipelineTessellationStateCreateInfo}, Type{VkPipelineTessellationStateCreateInfo}})) = _PipelineTessellationStateCreateInfo intermediate_type(@nospecialize(_::Union{Type{PipelineViewportStateCreateInfo}, Type{VkPipelineViewportStateCreateInfo}})) = _PipelineViewportStateCreateInfo intermediate_type(@nospecialize(_::Union{Type{PipelineRasterizationStateCreateInfo}, Type{VkPipelineRasterizationStateCreateInfo}})) = _PipelineRasterizationStateCreateInfo intermediate_type(@nospecialize(_::Union{Type{PipelineMultisampleStateCreateInfo}, Type{VkPipelineMultisampleStateCreateInfo}})) = _PipelineMultisampleStateCreateInfo intermediate_type(@nospecialize(_::Union{Type{PipelineColorBlendAttachmentState}, Type{VkPipelineColorBlendAttachmentState}})) = _PipelineColorBlendAttachmentState intermediate_type(@nospecialize(_::Union{Type{PipelineColorBlendStateCreateInfo}, Type{VkPipelineColorBlendStateCreateInfo}})) = _PipelineColorBlendStateCreateInfo intermediate_type(@nospecialize(_::Union{Type{PipelineDynamicStateCreateInfo}, Type{VkPipelineDynamicStateCreateInfo}})) = _PipelineDynamicStateCreateInfo intermediate_type(@nospecialize(_::Union{Type{StencilOpState}, Type{VkStencilOpState}})) = _StencilOpState intermediate_type(@nospecialize(_::Union{Type{PipelineDepthStencilStateCreateInfo}, Type{VkPipelineDepthStencilStateCreateInfo}})) = _PipelineDepthStencilStateCreateInfo intermediate_type(@nospecialize(_::Union{Type{GraphicsPipelineCreateInfo}, Type{VkGraphicsPipelineCreateInfo}})) = _GraphicsPipelineCreateInfo intermediate_type(@nospecialize(_::Union{Type{PipelineCacheCreateInfo}, Type{VkPipelineCacheCreateInfo}})) = _PipelineCacheCreateInfo intermediate_type(@nospecialize(_::Union{Type{PipelineCacheHeaderVersionOne}, Type{VkPipelineCacheHeaderVersionOne}})) = _PipelineCacheHeaderVersionOne intermediate_type(@nospecialize(_::Union{Type{PushConstantRange}, Type{VkPushConstantRange}})) = _PushConstantRange intermediate_type(@nospecialize(_::Union{Type{PipelineLayoutCreateInfo}, Type{VkPipelineLayoutCreateInfo}})) = _PipelineLayoutCreateInfo intermediate_type(@nospecialize(_::Union{Type{SamplerCreateInfo}, Type{VkSamplerCreateInfo}})) = _SamplerCreateInfo intermediate_type(@nospecialize(_::Union{Type{CommandPoolCreateInfo}, Type{VkCommandPoolCreateInfo}})) = _CommandPoolCreateInfo intermediate_type(@nospecialize(_::Union{Type{CommandBufferAllocateInfo}, Type{VkCommandBufferAllocateInfo}})) = _CommandBufferAllocateInfo intermediate_type(@nospecialize(_::Union{Type{CommandBufferInheritanceInfo}, Type{VkCommandBufferInheritanceInfo}})) = _CommandBufferInheritanceInfo intermediate_type(@nospecialize(_::Union{Type{CommandBufferBeginInfo}, Type{VkCommandBufferBeginInfo}})) = _CommandBufferBeginInfo intermediate_type(@nospecialize(_::Union{Type{RenderPassBeginInfo}, Type{VkRenderPassBeginInfo}})) = _RenderPassBeginInfo intermediate_type(@nospecialize(_::Union{Type{ClearDepthStencilValue}, Type{VkClearDepthStencilValue}})) = _ClearDepthStencilValue intermediate_type(@nospecialize(_::Union{Type{ClearAttachment}, Type{VkClearAttachment}})) = _ClearAttachment intermediate_type(@nospecialize(_::Union{Type{AttachmentDescription}, Type{VkAttachmentDescription}})) = _AttachmentDescription intermediate_type(@nospecialize(_::Union{Type{AttachmentReference}, Type{VkAttachmentReference}})) = _AttachmentReference intermediate_type(@nospecialize(_::Union{Type{SubpassDescription}, Type{VkSubpassDescription}})) = _SubpassDescription intermediate_type(@nospecialize(_::Union{Type{SubpassDependency}, Type{VkSubpassDependency}})) = _SubpassDependency intermediate_type(@nospecialize(_::Union{Type{RenderPassCreateInfo}, Type{VkRenderPassCreateInfo}})) = _RenderPassCreateInfo intermediate_type(@nospecialize(_::Union{Type{EventCreateInfo}, Type{VkEventCreateInfo}})) = _EventCreateInfo intermediate_type(@nospecialize(_::Union{Type{FenceCreateInfo}, Type{VkFenceCreateInfo}})) = _FenceCreateInfo intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFeatures}, Type{VkPhysicalDeviceFeatures}})) = _PhysicalDeviceFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSparseProperties}, Type{VkPhysicalDeviceSparseProperties}})) = _PhysicalDeviceSparseProperties intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceLimits}, Type{VkPhysicalDeviceLimits}})) = _PhysicalDeviceLimits intermediate_type(@nospecialize(_::Union{Type{SemaphoreCreateInfo}, Type{VkSemaphoreCreateInfo}})) = _SemaphoreCreateInfo intermediate_type(@nospecialize(_::Union{Type{QueryPoolCreateInfo}, Type{VkQueryPoolCreateInfo}})) = _QueryPoolCreateInfo intermediate_type(@nospecialize(_::Union{Type{FramebufferCreateInfo}, Type{VkFramebufferCreateInfo}})) = _FramebufferCreateInfo intermediate_type(@nospecialize(_::Union{Type{DrawIndirectCommand}, Type{VkDrawIndirectCommand}})) = _DrawIndirectCommand intermediate_type(@nospecialize(_::Union{Type{DrawIndexedIndirectCommand}, Type{VkDrawIndexedIndirectCommand}})) = _DrawIndexedIndirectCommand intermediate_type(@nospecialize(_::Union{Type{DispatchIndirectCommand}, Type{VkDispatchIndirectCommand}})) = _DispatchIndirectCommand intermediate_type(@nospecialize(_::Union{Type{MultiDrawInfoEXT}, Type{VkMultiDrawInfoEXT}})) = _MultiDrawInfoEXT intermediate_type(@nospecialize(_::Union{Type{MultiDrawIndexedInfoEXT}, Type{VkMultiDrawIndexedInfoEXT}})) = _MultiDrawIndexedInfoEXT intermediate_type(@nospecialize(_::Union{Type{SubmitInfo}, Type{VkSubmitInfo}})) = _SubmitInfo intermediate_type(@nospecialize(_::Union{Type{DisplayPropertiesKHR}, Type{VkDisplayPropertiesKHR}})) = _DisplayPropertiesKHR intermediate_type(@nospecialize(_::Union{Type{DisplayPlanePropertiesKHR}, Type{VkDisplayPlanePropertiesKHR}})) = _DisplayPlanePropertiesKHR intermediate_type(@nospecialize(_::Union{Type{DisplayModeParametersKHR}, Type{VkDisplayModeParametersKHR}})) = _DisplayModeParametersKHR intermediate_type(@nospecialize(_::Union{Type{DisplayModePropertiesKHR}, Type{VkDisplayModePropertiesKHR}})) = _DisplayModePropertiesKHR intermediate_type(@nospecialize(_::Union{Type{DisplayModeCreateInfoKHR}, Type{VkDisplayModeCreateInfoKHR}})) = _DisplayModeCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{DisplayPlaneCapabilitiesKHR}, Type{VkDisplayPlaneCapabilitiesKHR}})) = _DisplayPlaneCapabilitiesKHR intermediate_type(@nospecialize(_::Union{Type{DisplaySurfaceCreateInfoKHR}, Type{VkDisplaySurfaceCreateInfoKHR}})) = _DisplaySurfaceCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{DisplayPresentInfoKHR}, Type{VkDisplayPresentInfoKHR}})) = _DisplayPresentInfoKHR intermediate_type(@nospecialize(_::Union{Type{SurfaceCapabilitiesKHR}, Type{VkSurfaceCapabilitiesKHR}})) = _SurfaceCapabilitiesKHR intermediate_type(@nospecialize(_::Union{Type{WaylandSurfaceCreateInfoKHR}, Type{VkWaylandSurfaceCreateInfoKHR}})) = _WaylandSurfaceCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{XlibSurfaceCreateInfoKHR}, Type{VkXlibSurfaceCreateInfoKHR}})) = _XlibSurfaceCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{XcbSurfaceCreateInfoKHR}, Type{VkXcbSurfaceCreateInfoKHR}})) = _XcbSurfaceCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{SurfaceFormatKHR}, Type{VkSurfaceFormatKHR}})) = _SurfaceFormatKHR intermediate_type(@nospecialize(_::Union{Type{SwapchainCreateInfoKHR}, Type{VkSwapchainCreateInfoKHR}})) = _SwapchainCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{PresentInfoKHR}, Type{VkPresentInfoKHR}})) = _PresentInfoKHR intermediate_type(@nospecialize(_::Union{Type{DebugReportCallbackCreateInfoEXT}, Type{VkDebugReportCallbackCreateInfoEXT}})) = _DebugReportCallbackCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{ValidationFlagsEXT}, Type{VkValidationFlagsEXT}})) = _ValidationFlagsEXT intermediate_type(@nospecialize(_::Union{Type{ValidationFeaturesEXT}, Type{VkValidationFeaturesEXT}})) = _ValidationFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PipelineRasterizationStateRasterizationOrderAMD}, Type{VkPipelineRasterizationStateRasterizationOrderAMD}})) = _PipelineRasterizationStateRasterizationOrderAMD intermediate_type(@nospecialize(_::Union{Type{DebugMarkerObjectNameInfoEXT}, Type{VkDebugMarkerObjectNameInfoEXT}})) = _DebugMarkerObjectNameInfoEXT intermediate_type(@nospecialize(_::Union{Type{DebugMarkerObjectTagInfoEXT}, Type{VkDebugMarkerObjectTagInfoEXT}})) = _DebugMarkerObjectTagInfoEXT intermediate_type(@nospecialize(_::Union{Type{DebugMarkerMarkerInfoEXT}, Type{VkDebugMarkerMarkerInfoEXT}})) = _DebugMarkerMarkerInfoEXT intermediate_type(@nospecialize(_::Union{Type{DedicatedAllocationImageCreateInfoNV}, Type{VkDedicatedAllocationImageCreateInfoNV}})) = _DedicatedAllocationImageCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{DedicatedAllocationBufferCreateInfoNV}, Type{VkDedicatedAllocationBufferCreateInfoNV}})) = _DedicatedAllocationBufferCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{DedicatedAllocationMemoryAllocateInfoNV}, Type{VkDedicatedAllocationMemoryAllocateInfoNV}})) = _DedicatedAllocationMemoryAllocateInfoNV intermediate_type(@nospecialize(_::Union{Type{ExternalImageFormatPropertiesNV}, Type{VkExternalImageFormatPropertiesNV}})) = _ExternalImageFormatPropertiesNV intermediate_type(@nospecialize(_::Union{Type{ExternalMemoryImageCreateInfoNV}, Type{VkExternalMemoryImageCreateInfoNV}})) = _ExternalMemoryImageCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{ExportMemoryAllocateInfoNV}, Type{VkExportMemoryAllocateInfoNV}})) = _ExportMemoryAllocateInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDeviceGeneratedCommandsFeaturesNV}, Type{VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV}})) = _PhysicalDeviceDeviceGeneratedCommandsFeaturesNV intermediate_type(@nospecialize(_::Union{Type{DevicePrivateDataCreateInfo}, Type{VkDevicePrivateDataCreateInfo}})) = _DevicePrivateDataCreateInfo intermediate_type(@nospecialize(_::Union{Type{PrivateDataSlotCreateInfo}, Type{VkPrivateDataSlotCreateInfo}})) = _PrivateDataSlotCreateInfo intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePrivateDataFeatures}, Type{VkPhysicalDevicePrivateDataFeatures}})) = _PhysicalDevicePrivateDataFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDeviceGeneratedCommandsPropertiesNV}, Type{VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV}})) = _PhysicalDeviceDeviceGeneratedCommandsPropertiesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMultiDrawPropertiesEXT}, Type{VkPhysicalDeviceMultiDrawPropertiesEXT}})) = _PhysicalDeviceMultiDrawPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{GraphicsShaderGroupCreateInfoNV}, Type{VkGraphicsShaderGroupCreateInfoNV}})) = _GraphicsShaderGroupCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{GraphicsPipelineShaderGroupsCreateInfoNV}, Type{VkGraphicsPipelineShaderGroupsCreateInfoNV}})) = _GraphicsPipelineShaderGroupsCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{BindShaderGroupIndirectCommandNV}, Type{VkBindShaderGroupIndirectCommandNV}})) = _BindShaderGroupIndirectCommandNV intermediate_type(@nospecialize(_::Union{Type{BindIndexBufferIndirectCommandNV}, Type{VkBindIndexBufferIndirectCommandNV}})) = _BindIndexBufferIndirectCommandNV intermediate_type(@nospecialize(_::Union{Type{BindVertexBufferIndirectCommandNV}, Type{VkBindVertexBufferIndirectCommandNV}})) = _BindVertexBufferIndirectCommandNV intermediate_type(@nospecialize(_::Union{Type{SetStateFlagsIndirectCommandNV}, Type{VkSetStateFlagsIndirectCommandNV}})) = _SetStateFlagsIndirectCommandNV intermediate_type(@nospecialize(_::Union{Type{IndirectCommandsStreamNV}, Type{VkIndirectCommandsStreamNV}})) = _IndirectCommandsStreamNV intermediate_type(@nospecialize(_::Union{Type{IndirectCommandsLayoutTokenNV}, Type{VkIndirectCommandsLayoutTokenNV}})) = _IndirectCommandsLayoutTokenNV intermediate_type(@nospecialize(_::Union{Type{IndirectCommandsLayoutCreateInfoNV}, Type{VkIndirectCommandsLayoutCreateInfoNV}})) = _IndirectCommandsLayoutCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{GeneratedCommandsInfoNV}, Type{VkGeneratedCommandsInfoNV}})) = _GeneratedCommandsInfoNV intermediate_type(@nospecialize(_::Union{Type{GeneratedCommandsMemoryRequirementsInfoNV}, Type{VkGeneratedCommandsMemoryRequirementsInfoNV}})) = _GeneratedCommandsMemoryRequirementsInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFeatures2}, Type{VkPhysicalDeviceFeatures2}})) = _PhysicalDeviceFeatures2 intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceProperties2}, Type{VkPhysicalDeviceProperties2}})) = _PhysicalDeviceProperties2 intermediate_type(@nospecialize(_::Union{Type{FormatProperties2}, Type{VkFormatProperties2}})) = _FormatProperties2 intermediate_type(@nospecialize(_::Union{Type{ImageFormatProperties2}, Type{VkImageFormatProperties2}})) = _ImageFormatProperties2 intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceImageFormatInfo2}, Type{VkPhysicalDeviceImageFormatInfo2}})) = _PhysicalDeviceImageFormatInfo2 intermediate_type(@nospecialize(_::Union{Type{QueueFamilyProperties2}, Type{VkQueueFamilyProperties2}})) = _QueueFamilyProperties2 intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMemoryProperties2}, Type{VkPhysicalDeviceMemoryProperties2}})) = _PhysicalDeviceMemoryProperties2 intermediate_type(@nospecialize(_::Union{Type{SparseImageFormatProperties2}, Type{VkSparseImageFormatProperties2}})) = _SparseImageFormatProperties2 intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSparseImageFormatInfo2}, Type{VkPhysicalDeviceSparseImageFormatInfo2}})) = _PhysicalDeviceSparseImageFormatInfo2 intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePushDescriptorPropertiesKHR}, Type{VkPhysicalDevicePushDescriptorPropertiesKHR}})) = _PhysicalDevicePushDescriptorPropertiesKHR intermediate_type(@nospecialize(_::Union{Type{ConformanceVersion}, Type{VkConformanceVersion}})) = _ConformanceVersion intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDriverProperties}, Type{VkPhysicalDeviceDriverProperties}})) = _PhysicalDeviceDriverProperties intermediate_type(@nospecialize(_::Union{Type{PresentRegionsKHR}, Type{VkPresentRegionsKHR}})) = _PresentRegionsKHR intermediate_type(@nospecialize(_::Union{Type{PresentRegionKHR}, Type{VkPresentRegionKHR}})) = _PresentRegionKHR intermediate_type(@nospecialize(_::Union{Type{RectLayerKHR}, Type{VkRectLayerKHR}})) = _RectLayerKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceVariablePointersFeatures}, Type{VkPhysicalDeviceVariablePointersFeatures}})) = _PhysicalDeviceVariablePointersFeatures intermediate_type(@nospecialize(_::Union{Type{ExternalMemoryProperties}, Type{VkExternalMemoryProperties}})) = _ExternalMemoryProperties intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceExternalImageFormatInfo}, Type{VkPhysicalDeviceExternalImageFormatInfo}})) = _PhysicalDeviceExternalImageFormatInfo intermediate_type(@nospecialize(_::Union{Type{ExternalImageFormatProperties}, Type{VkExternalImageFormatProperties}})) = _ExternalImageFormatProperties intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceExternalBufferInfo}, Type{VkPhysicalDeviceExternalBufferInfo}})) = _PhysicalDeviceExternalBufferInfo intermediate_type(@nospecialize(_::Union{Type{ExternalBufferProperties}, Type{VkExternalBufferProperties}})) = _ExternalBufferProperties intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceIDProperties}, Type{VkPhysicalDeviceIDProperties}})) = _PhysicalDeviceIDProperties intermediate_type(@nospecialize(_::Union{Type{ExternalMemoryImageCreateInfo}, Type{VkExternalMemoryImageCreateInfo}})) = _ExternalMemoryImageCreateInfo intermediate_type(@nospecialize(_::Union{Type{ExternalMemoryBufferCreateInfo}, Type{VkExternalMemoryBufferCreateInfo}})) = _ExternalMemoryBufferCreateInfo intermediate_type(@nospecialize(_::Union{Type{ExportMemoryAllocateInfo}, Type{VkExportMemoryAllocateInfo}})) = _ExportMemoryAllocateInfo intermediate_type(@nospecialize(_::Union{Type{ImportMemoryFdInfoKHR}, Type{VkImportMemoryFdInfoKHR}})) = _ImportMemoryFdInfoKHR intermediate_type(@nospecialize(_::Union{Type{MemoryFdPropertiesKHR}, Type{VkMemoryFdPropertiesKHR}})) = _MemoryFdPropertiesKHR intermediate_type(@nospecialize(_::Union{Type{MemoryGetFdInfoKHR}, Type{VkMemoryGetFdInfoKHR}})) = _MemoryGetFdInfoKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceExternalSemaphoreInfo}, Type{VkPhysicalDeviceExternalSemaphoreInfo}})) = _PhysicalDeviceExternalSemaphoreInfo intermediate_type(@nospecialize(_::Union{Type{ExternalSemaphoreProperties}, Type{VkExternalSemaphoreProperties}})) = _ExternalSemaphoreProperties intermediate_type(@nospecialize(_::Union{Type{ExportSemaphoreCreateInfo}, Type{VkExportSemaphoreCreateInfo}})) = _ExportSemaphoreCreateInfo intermediate_type(@nospecialize(_::Union{Type{ImportSemaphoreFdInfoKHR}, Type{VkImportSemaphoreFdInfoKHR}})) = _ImportSemaphoreFdInfoKHR intermediate_type(@nospecialize(_::Union{Type{SemaphoreGetFdInfoKHR}, Type{VkSemaphoreGetFdInfoKHR}})) = _SemaphoreGetFdInfoKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceExternalFenceInfo}, Type{VkPhysicalDeviceExternalFenceInfo}})) = _PhysicalDeviceExternalFenceInfo intermediate_type(@nospecialize(_::Union{Type{ExternalFenceProperties}, Type{VkExternalFenceProperties}})) = _ExternalFenceProperties intermediate_type(@nospecialize(_::Union{Type{ExportFenceCreateInfo}, Type{VkExportFenceCreateInfo}})) = _ExportFenceCreateInfo intermediate_type(@nospecialize(_::Union{Type{ImportFenceFdInfoKHR}, Type{VkImportFenceFdInfoKHR}})) = _ImportFenceFdInfoKHR intermediate_type(@nospecialize(_::Union{Type{FenceGetFdInfoKHR}, Type{VkFenceGetFdInfoKHR}})) = _FenceGetFdInfoKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMultiviewFeatures}, Type{VkPhysicalDeviceMultiviewFeatures}})) = _PhysicalDeviceMultiviewFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMultiviewProperties}, Type{VkPhysicalDeviceMultiviewProperties}})) = _PhysicalDeviceMultiviewProperties intermediate_type(@nospecialize(_::Union{Type{RenderPassMultiviewCreateInfo}, Type{VkRenderPassMultiviewCreateInfo}})) = _RenderPassMultiviewCreateInfo intermediate_type(@nospecialize(_::Union{Type{SurfaceCapabilities2EXT}, Type{VkSurfaceCapabilities2EXT}})) = _SurfaceCapabilities2EXT intermediate_type(@nospecialize(_::Union{Type{DisplayPowerInfoEXT}, Type{VkDisplayPowerInfoEXT}})) = _DisplayPowerInfoEXT intermediate_type(@nospecialize(_::Union{Type{DeviceEventInfoEXT}, Type{VkDeviceEventInfoEXT}})) = _DeviceEventInfoEXT intermediate_type(@nospecialize(_::Union{Type{DisplayEventInfoEXT}, Type{VkDisplayEventInfoEXT}})) = _DisplayEventInfoEXT intermediate_type(@nospecialize(_::Union{Type{SwapchainCounterCreateInfoEXT}, Type{VkSwapchainCounterCreateInfoEXT}})) = _SwapchainCounterCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceGroupProperties}, Type{VkPhysicalDeviceGroupProperties}})) = _PhysicalDeviceGroupProperties intermediate_type(@nospecialize(_::Union{Type{MemoryAllocateFlagsInfo}, Type{VkMemoryAllocateFlagsInfo}})) = _MemoryAllocateFlagsInfo intermediate_type(@nospecialize(_::Union{Type{BindBufferMemoryInfo}, Type{VkBindBufferMemoryInfo}})) = _BindBufferMemoryInfo intermediate_type(@nospecialize(_::Union{Type{BindBufferMemoryDeviceGroupInfo}, Type{VkBindBufferMemoryDeviceGroupInfo}})) = _BindBufferMemoryDeviceGroupInfo intermediate_type(@nospecialize(_::Union{Type{BindImageMemoryInfo}, Type{VkBindImageMemoryInfo}})) = _BindImageMemoryInfo intermediate_type(@nospecialize(_::Union{Type{BindImageMemoryDeviceGroupInfo}, Type{VkBindImageMemoryDeviceGroupInfo}})) = _BindImageMemoryDeviceGroupInfo intermediate_type(@nospecialize(_::Union{Type{DeviceGroupRenderPassBeginInfo}, Type{VkDeviceGroupRenderPassBeginInfo}})) = _DeviceGroupRenderPassBeginInfo intermediate_type(@nospecialize(_::Union{Type{DeviceGroupCommandBufferBeginInfo}, Type{VkDeviceGroupCommandBufferBeginInfo}})) = _DeviceGroupCommandBufferBeginInfo intermediate_type(@nospecialize(_::Union{Type{DeviceGroupSubmitInfo}, Type{VkDeviceGroupSubmitInfo}})) = _DeviceGroupSubmitInfo intermediate_type(@nospecialize(_::Union{Type{DeviceGroupBindSparseInfo}, Type{VkDeviceGroupBindSparseInfo}})) = _DeviceGroupBindSparseInfo intermediate_type(@nospecialize(_::Union{Type{DeviceGroupPresentCapabilitiesKHR}, Type{VkDeviceGroupPresentCapabilitiesKHR}})) = _DeviceGroupPresentCapabilitiesKHR intermediate_type(@nospecialize(_::Union{Type{ImageSwapchainCreateInfoKHR}, Type{VkImageSwapchainCreateInfoKHR}})) = _ImageSwapchainCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{BindImageMemorySwapchainInfoKHR}, Type{VkBindImageMemorySwapchainInfoKHR}})) = _BindImageMemorySwapchainInfoKHR intermediate_type(@nospecialize(_::Union{Type{AcquireNextImageInfoKHR}, Type{VkAcquireNextImageInfoKHR}})) = _AcquireNextImageInfoKHR intermediate_type(@nospecialize(_::Union{Type{DeviceGroupPresentInfoKHR}, Type{VkDeviceGroupPresentInfoKHR}})) = _DeviceGroupPresentInfoKHR intermediate_type(@nospecialize(_::Union{Type{DeviceGroupDeviceCreateInfo}, Type{VkDeviceGroupDeviceCreateInfo}})) = _DeviceGroupDeviceCreateInfo intermediate_type(@nospecialize(_::Union{Type{DeviceGroupSwapchainCreateInfoKHR}, Type{VkDeviceGroupSwapchainCreateInfoKHR}})) = _DeviceGroupSwapchainCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{DescriptorUpdateTemplateEntry}, Type{VkDescriptorUpdateTemplateEntry}})) = _DescriptorUpdateTemplateEntry intermediate_type(@nospecialize(_::Union{Type{DescriptorUpdateTemplateCreateInfo}, Type{VkDescriptorUpdateTemplateCreateInfo}})) = _DescriptorUpdateTemplateCreateInfo intermediate_type(@nospecialize(_::Union{Type{XYColorEXT}, Type{VkXYColorEXT}})) = _XYColorEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePresentIdFeaturesKHR}, Type{VkPhysicalDevicePresentIdFeaturesKHR}})) = _PhysicalDevicePresentIdFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{PresentIdKHR}, Type{VkPresentIdKHR}})) = _PresentIdKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePresentWaitFeaturesKHR}, Type{VkPhysicalDevicePresentWaitFeaturesKHR}})) = _PhysicalDevicePresentWaitFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{HdrMetadataEXT}, Type{VkHdrMetadataEXT}})) = _HdrMetadataEXT intermediate_type(@nospecialize(_::Union{Type{DisplayNativeHdrSurfaceCapabilitiesAMD}, Type{VkDisplayNativeHdrSurfaceCapabilitiesAMD}})) = _DisplayNativeHdrSurfaceCapabilitiesAMD intermediate_type(@nospecialize(_::Union{Type{SwapchainDisplayNativeHdrCreateInfoAMD}, Type{VkSwapchainDisplayNativeHdrCreateInfoAMD}})) = _SwapchainDisplayNativeHdrCreateInfoAMD intermediate_type(@nospecialize(_::Union{Type{RefreshCycleDurationGOOGLE}, Type{VkRefreshCycleDurationGOOGLE}})) = _RefreshCycleDurationGOOGLE intermediate_type(@nospecialize(_::Union{Type{PastPresentationTimingGOOGLE}, Type{VkPastPresentationTimingGOOGLE}})) = _PastPresentationTimingGOOGLE intermediate_type(@nospecialize(_::Union{Type{PresentTimesInfoGOOGLE}, Type{VkPresentTimesInfoGOOGLE}})) = _PresentTimesInfoGOOGLE intermediate_type(@nospecialize(_::Union{Type{PresentTimeGOOGLE}, Type{VkPresentTimeGOOGLE}})) = _PresentTimeGOOGLE intermediate_type(@nospecialize(_::Union{Type{ViewportWScalingNV}, Type{VkViewportWScalingNV}})) = _ViewportWScalingNV intermediate_type(@nospecialize(_::Union{Type{PipelineViewportWScalingStateCreateInfoNV}, Type{VkPipelineViewportWScalingStateCreateInfoNV}})) = _PipelineViewportWScalingStateCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{ViewportSwizzleNV}, Type{VkViewportSwizzleNV}})) = _ViewportSwizzleNV intermediate_type(@nospecialize(_::Union{Type{PipelineViewportSwizzleStateCreateInfoNV}, Type{VkPipelineViewportSwizzleStateCreateInfoNV}})) = _PipelineViewportSwizzleStateCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDiscardRectanglePropertiesEXT}, Type{VkPhysicalDeviceDiscardRectanglePropertiesEXT}})) = _PhysicalDeviceDiscardRectanglePropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PipelineDiscardRectangleStateCreateInfoEXT}, Type{VkPipelineDiscardRectangleStateCreateInfoEXT}})) = _PipelineDiscardRectangleStateCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX}, Type{VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX}})) = _PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX intermediate_type(@nospecialize(_::Union{Type{InputAttachmentAspectReference}, Type{VkInputAttachmentAspectReference}})) = _InputAttachmentAspectReference intermediate_type(@nospecialize(_::Union{Type{RenderPassInputAttachmentAspectCreateInfo}, Type{VkRenderPassInputAttachmentAspectCreateInfo}})) = _RenderPassInputAttachmentAspectCreateInfo intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSurfaceInfo2KHR}, Type{VkPhysicalDeviceSurfaceInfo2KHR}})) = _PhysicalDeviceSurfaceInfo2KHR intermediate_type(@nospecialize(_::Union{Type{SurfaceCapabilities2KHR}, Type{VkSurfaceCapabilities2KHR}})) = _SurfaceCapabilities2KHR intermediate_type(@nospecialize(_::Union{Type{SurfaceFormat2KHR}, Type{VkSurfaceFormat2KHR}})) = _SurfaceFormat2KHR intermediate_type(@nospecialize(_::Union{Type{DisplayProperties2KHR}, Type{VkDisplayProperties2KHR}})) = _DisplayProperties2KHR intermediate_type(@nospecialize(_::Union{Type{DisplayPlaneProperties2KHR}, Type{VkDisplayPlaneProperties2KHR}})) = _DisplayPlaneProperties2KHR intermediate_type(@nospecialize(_::Union{Type{DisplayModeProperties2KHR}, Type{VkDisplayModeProperties2KHR}})) = _DisplayModeProperties2KHR intermediate_type(@nospecialize(_::Union{Type{DisplayPlaneInfo2KHR}, Type{VkDisplayPlaneInfo2KHR}})) = _DisplayPlaneInfo2KHR intermediate_type(@nospecialize(_::Union{Type{DisplayPlaneCapabilities2KHR}, Type{VkDisplayPlaneCapabilities2KHR}})) = _DisplayPlaneCapabilities2KHR intermediate_type(@nospecialize(_::Union{Type{SharedPresentSurfaceCapabilitiesKHR}, Type{VkSharedPresentSurfaceCapabilitiesKHR}})) = _SharedPresentSurfaceCapabilitiesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDevice16BitStorageFeatures}, Type{VkPhysicalDevice16BitStorageFeatures}})) = _PhysicalDevice16BitStorageFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSubgroupProperties}, Type{VkPhysicalDeviceSubgroupProperties}})) = _PhysicalDeviceSubgroupProperties intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderSubgroupExtendedTypesFeatures}, Type{VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures}})) = _PhysicalDeviceShaderSubgroupExtendedTypesFeatures intermediate_type(@nospecialize(_::Union{Type{BufferMemoryRequirementsInfo2}, Type{VkBufferMemoryRequirementsInfo2}})) = _BufferMemoryRequirementsInfo2 intermediate_type(@nospecialize(_::Union{Type{DeviceBufferMemoryRequirements}, Type{VkDeviceBufferMemoryRequirements}})) = _DeviceBufferMemoryRequirements intermediate_type(@nospecialize(_::Union{Type{ImageMemoryRequirementsInfo2}, Type{VkImageMemoryRequirementsInfo2}})) = _ImageMemoryRequirementsInfo2 intermediate_type(@nospecialize(_::Union{Type{ImageSparseMemoryRequirementsInfo2}, Type{VkImageSparseMemoryRequirementsInfo2}})) = _ImageSparseMemoryRequirementsInfo2 intermediate_type(@nospecialize(_::Union{Type{DeviceImageMemoryRequirements}, Type{VkDeviceImageMemoryRequirements}})) = _DeviceImageMemoryRequirements intermediate_type(@nospecialize(_::Union{Type{MemoryRequirements2}, Type{VkMemoryRequirements2}})) = _MemoryRequirements2 intermediate_type(@nospecialize(_::Union{Type{SparseImageMemoryRequirements2}, Type{VkSparseImageMemoryRequirements2}})) = _SparseImageMemoryRequirements2 intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePointClippingProperties}, Type{VkPhysicalDevicePointClippingProperties}})) = _PhysicalDevicePointClippingProperties intermediate_type(@nospecialize(_::Union{Type{MemoryDedicatedRequirements}, Type{VkMemoryDedicatedRequirements}})) = _MemoryDedicatedRequirements intermediate_type(@nospecialize(_::Union{Type{MemoryDedicatedAllocateInfo}, Type{VkMemoryDedicatedAllocateInfo}})) = _MemoryDedicatedAllocateInfo intermediate_type(@nospecialize(_::Union{Type{ImageViewUsageCreateInfo}, Type{VkImageViewUsageCreateInfo}})) = _ImageViewUsageCreateInfo intermediate_type(@nospecialize(_::Union{Type{PipelineTessellationDomainOriginStateCreateInfo}, Type{VkPipelineTessellationDomainOriginStateCreateInfo}})) = _PipelineTessellationDomainOriginStateCreateInfo intermediate_type(@nospecialize(_::Union{Type{SamplerYcbcrConversionInfo}, Type{VkSamplerYcbcrConversionInfo}})) = _SamplerYcbcrConversionInfo intermediate_type(@nospecialize(_::Union{Type{SamplerYcbcrConversionCreateInfo}, Type{VkSamplerYcbcrConversionCreateInfo}})) = _SamplerYcbcrConversionCreateInfo intermediate_type(@nospecialize(_::Union{Type{BindImagePlaneMemoryInfo}, Type{VkBindImagePlaneMemoryInfo}})) = _BindImagePlaneMemoryInfo intermediate_type(@nospecialize(_::Union{Type{ImagePlaneMemoryRequirementsInfo}, Type{VkImagePlaneMemoryRequirementsInfo}})) = _ImagePlaneMemoryRequirementsInfo intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSamplerYcbcrConversionFeatures}, Type{VkPhysicalDeviceSamplerYcbcrConversionFeatures}})) = _PhysicalDeviceSamplerYcbcrConversionFeatures intermediate_type(@nospecialize(_::Union{Type{SamplerYcbcrConversionImageFormatProperties}, Type{VkSamplerYcbcrConversionImageFormatProperties}})) = _SamplerYcbcrConversionImageFormatProperties intermediate_type(@nospecialize(_::Union{Type{TextureLODGatherFormatPropertiesAMD}, Type{VkTextureLODGatherFormatPropertiesAMD}})) = _TextureLODGatherFormatPropertiesAMD intermediate_type(@nospecialize(_::Union{Type{ConditionalRenderingBeginInfoEXT}, Type{VkConditionalRenderingBeginInfoEXT}})) = _ConditionalRenderingBeginInfoEXT intermediate_type(@nospecialize(_::Union{Type{ProtectedSubmitInfo}, Type{VkProtectedSubmitInfo}})) = _ProtectedSubmitInfo intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceProtectedMemoryFeatures}, Type{VkPhysicalDeviceProtectedMemoryFeatures}})) = _PhysicalDeviceProtectedMemoryFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceProtectedMemoryProperties}, Type{VkPhysicalDeviceProtectedMemoryProperties}})) = _PhysicalDeviceProtectedMemoryProperties intermediate_type(@nospecialize(_::Union{Type{DeviceQueueInfo2}, Type{VkDeviceQueueInfo2}})) = _DeviceQueueInfo2 intermediate_type(@nospecialize(_::Union{Type{PipelineCoverageToColorStateCreateInfoNV}, Type{VkPipelineCoverageToColorStateCreateInfoNV}})) = _PipelineCoverageToColorStateCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSamplerFilterMinmaxProperties}, Type{VkPhysicalDeviceSamplerFilterMinmaxProperties}})) = _PhysicalDeviceSamplerFilterMinmaxProperties intermediate_type(@nospecialize(_::Union{Type{SampleLocationEXT}, Type{VkSampleLocationEXT}})) = _SampleLocationEXT intermediate_type(@nospecialize(_::Union{Type{SampleLocationsInfoEXT}, Type{VkSampleLocationsInfoEXT}})) = _SampleLocationsInfoEXT intermediate_type(@nospecialize(_::Union{Type{AttachmentSampleLocationsEXT}, Type{VkAttachmentSampleLocationsEXT}})) = _AttachmentSampleLocationsEXT intermediate_type(@nospecialize(_::Union{Type{SubpassSampleLocationsEXT}, Type{VkSubpassSampleLocationsEXT}})) = _SubpassSampleLocationsEXT intermediate_type(@nospecialize(_::Union{Type{RenderPassSampleLocationsBeginInfoEXT}, Type{VkRenderPassSampleLocationsBeginInfoEXT}})) = _RenderPassSampleLocationsBeginInfoEXT intermediate_type(@nospecialize(_::Union{Type{PipelineSampleLocationsStateCreateInfoEXT}, Type{VkPipelineSampleLocationsStateCreateInfoEXT}})) = _PipelineSampleLocationsStateCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSampleLocationsPropertiesEXT}, Type{VkPhysicalDeviceSampleLocationsPropertiesEXT}})) = _PhysicalDeviceSampleLocationsPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{MultisamplePropertiesEXT}, Type{VkMultisamplePropertiesEXT}})) = _MultisamplePropertiesEXT intermediate_type(@nospecialize(_::Union{Type{SamplerReductionModeCreateInfo}, Type{VkSamplerReductionModeCreateInfo}})) = _SamplerReductionModeCreateInfo intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceBlendOperationAdvancedFeaturesEXT}, Type{VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT}})) = _PhysicalDeviceBlendOperationAdvancedFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMultiDrawFeaturesEXT}, Type{VkPhysicalDeviceMultiDrawFeaturesEXT}})) = _PhysicalDeviceMultiDrawFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceBlendOperationAdvancedPropertiesEXT}, Type{VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT}})) = _PhysicalDeviceBlendOperationAdvancedPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PipelineColorBlendAdvancedStateCreateInfoEXT}, Type{VkPipelineColorBlendAdvancedStateCreateInfoEXT}})) = _PipelineColorBlendAdvancedStateCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceInlineUniformBlockFeatures}, Type{VkPhysicalDeviceInlineUniformBlockFeatures}})) = _PhysicalDeviceInlineUniformBlockFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceInlineUniformBlockProperties}, Type{VkPhysicalDeviceInlineUniformBlockProperties}})) = _PhysicalDeviceInlineUniformBlockProperties intermediate_type(@nospecialize(_::Union{Type{WriteDescriptorSetInlineUniformBlock}, Type{VkWriteDescriptorSetInlineUniformBlock}})) = _WriteDescriptorSetInlineUniformBlock intermediate_type(@nospecialize(_::Union{Type{DescriptorPoolInlineUniformBlockCreateInfo}, Type{VkDescriptorPoolInlineUniformBlockCreateInfo}})) = _DescriptorPoolInlineUniformBlockCreateInfo intermediate_type(@nospecialize(_::Union{Type{PipelineCoverageModulationStateCreateInfoNV}, Type{VkPipelineCoverageModulationStateCreateInfoNV}})) = _PipelineCoverageModulationStateCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{ImageFormatListCreateInfo}, Type{VkImageFormatListCreateInfo}})) = _ImageFormatListCreateInfo intermediate_type(@nospecialize(_::Union{Type{ValidationCacheCreateInfoEXT}, Type{VkValidationCacheCreateInfoEXT}})) = _ValidationCacheCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{ShaderModuleValidationCacheCreateInfoEXT}, Type{VkShaderModuleValidationCacheCreateInfoEXT}})) = _ShaderModuleValidationCacheCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMaintenance3Properties}, Type{VkPhysicalDeviceMaintenance3Properties}})) = _PhysicalDeviceMaintenance3Properties intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMaintenance4Features}, Type{VkPhysicalDeviceMaintenance4Features}})) = _PhysicalDeviceMaintenance4Features intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMaintenance4Properties}, Type{VkPhysicalDeviceMaintenance4Properties}})) = _PhysicalDeviceMaintenance4Properties intermediate_type(@nospecialize(_::Union{Type{DescriptorSetLayoutSupport}, Type{VkDescriptorSetLayoutSupport}})) = _DescriptorSetLayoutSupport intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderDrawParametersFeatures}, Type{VkPhysicalDeviceShaderDrawParametersFeatures}})) = _PhysicalDeviceShaderDrawParametersFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderFloat16Int8Features}, Type{VkPhysicalDeviceShaderFloat16Int8Features}})) = _PhysicalDeviceShaderFloat16Int8Features intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFloatControlsProperties}, Type{VkPhysicalDeviceFloatControlsProperties}})) = _PhysicalDeviceFloatControlsProperties intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceHostQueryResetFeatures}, Type{VkPhysicalDeviceHostQueryResetFeatures}})) = _PhysicalDeviceHostQueryResetFeatures intermediate_type(@nospecialize(_::Union{Type{ShaderResourceUsageAMD}, Type{VkShaderResourceUsageAMD}})) = _ShaderResourceUsageAMD intermediate_type(@nospecialize(_::Union{Type{ShaderStatisticsInfoAMD}, Type{VkShaderStatisticsInfoAMD}})) = _ShaderStatisticsInfoAMD intermediate_type(@nospecialize(_::Union{Type{DeviceQueueGlobalPriorityCreateInfoKHR}, Type{VkDeviceQueueGlobalPriorityCreateInfoKHR}})) = _DeviceQueueGlobalPriorityCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceGlobalPriorityQueryFeaturesKHR}, Type{VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR}})) = _PhysicalDeviceGlobalPriorityQueryFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{QueueFamilyGlobalPriorityPropertiesKHR}, Type{VkQueueFamilyGlobalPriorityPropertiesKHR}})) = _QueueFamilyGlobalPriorityPropertiesKHR intermediate_type(@nospecialize(_::Union{Type{DebugUtilsObjectNameInfoEXT}, Type{VkDebugUtilsObjectNameInfoEXT}})) = _DebugUtilsObjectNameInfoEXT intermediate_type(@nospecialize(_::Union{Type{DebugUtilsObjectTagInfoEXT}, Type{VkDebugUtilsObjectTagInfoEXT}})) = _DebugUtilsObjectTagInfoEXT intermediate_type(@nospecialize(_::Union{Type{DebugUtilsLabelEXT}, Type{VkDebugUtilsLabelEXT}})) = _DebugUtilsLabelEXT intermediate_type(@nospecialize(_::Union{Type{DebugUtilsMessengerCreateInfoEXT}, Type{VkDebugUtilsMessengerCreateInfoEXT}})) = _DebugUtilsMessengerCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{DebugUtilsMessengerCallbackDataEXT}, Type{VkDebugUtilsMessengerCallbackDataEXT}})) = _DebugUtilsMessengerCallbackDataEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDeviceMemoryReportFeaturesEXT}, Type{VkPhysicalDeviceDeviceMemoryReportFeaturesEXT}})) = _PhysicalDeviceDeviceMemoryReportFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{DeviceDeviceMemoryReportCreateInfoEXT}, Type{VkDeviceDeviceMemoryReportCreateInfoEXT}})) = _DeviceDeviceMemoryReportCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{DeviceMemoryReportCallbackDataEXT}, Type{VkDeviceMemoryReportCallbackDataEXT}})) = _DeviceMemoryReportCallbackDataEXT intermediate_type(@nospecialize(_::Union{Type{ImportMemoryHostPointerInfoEXT}, Type{VkImportMemoryHostPointerInfoEXT}})) = _ImportMemoryHostPointerInfoEXT intermediate_type(@nospecialize(_::Union{Type{MemoryHostPointerPropertiesEXT}, Type{VkMemoryHostPointerPropertiesEXT}})) = _MemoryHostPointerPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceExternalMemoryHostPropertiesEXT}, Type{VkPhysicalDeviceExternalMemoryHostPropertiesEXT}})) = _PhysicalDeviceExternalMemoryHostPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceConservativeRasterizationPropertiesEXT}, Type{VkPhysicalDeviceConservativeRasterizationPropertiesEXT}})) = _PhysicalDeviceConservativeRasterizationPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{CalibratedTimestampInfoEXT}, Type{VkCalibratedTimestampInfoEXT}})) = _CalibratedTimestampInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderCorePropertiesAMD}, Type{VkPhysicalDeviceShaderCorePropertiesAMD}})) = _PhysicalDeviceShaderCorePropertiesAMD intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderCoreProperties2AMD}, Type{VkPhysicalDeviceShaderCoreProperties2AMD}})) = _PhysicalDeviceShaderCoreProperties2AMD intermediate_type(@nospecialize(_::Union{Type{PipelineRasterizationConservativeStateCreateInfoEXT}, Type{VkPipelineRasterizationConservativeStateCreateInfoEXT}})) = _PipelineRasterizationConservativeStateCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDescriptorIndexingFeatures}, Type{VkPhysicalDeviceDescriptorIndexingFeatures}})) = _PhysicalDeviceDescriptorIndexingFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDescriptorIndexingProperties}, Type{VkPhysicalDeviceDescriptorIndexingProperties}})) = _PhysicalDeviceDescriptorIndexingProperties intermediate_type(@nospecialize(_::Union{Type{DescriptorSetLayoutBindingFlagsCreateInfo}, Type{VkDescriptorSetLayoutBindingFlagsCreateInfo}})) = _DescriptorSetLayoutBindingFlagsCreateInfo intermediate_type(@nospecialize(_::Union{Type{DescriptorSetVariableDescriptorCountAllocateInfo}, Type{VkDescriptorSetVariableDescriptorCountAllocateInfo}})) = _DescriptorSetVariableDescriptorCountAllocateInfo intermediate_type(@nospecialize(_::Union{Type{DescriptorSetVariableDescriptorCountLayoutSupport}, Type{VkDescriptorSetVariableDescriptorCountLayoutSupport}})) = _DescriptorSetVariableDescriptorCountLayoutSupport intermediate_type(@nospecialize(_::Union{Type{AttachmentDescription2}, Type{VkAttachmentDescription2}})) = _AttachmentDescription2 intermediate_type(@nospecialize(_::Union{Type{AttachmentReference2}, Type{VkAttachmentReference2}})) = _AttachmentReference2 intermediate_type(@nospecialize(_::Union{Type{SubpassDescription2}, Type{VkSubpassDescription2}})) = _SubpassDescription2 intermediate_type(@nospecialize(_::Union{Type{SubpassDependency2}, Type{VkSubpassDependency2}})) = _SubpassDependency2 intermediate_type(@nospecialize(_::Union{Type{RenderPassCreateInfo2}, Type{VkRenderPassCreateInfo2}})) = _RenderPassCreateInfo2 intermediate_type(@nospecialize(_::Union{Type{SubpassBeginInfo}, Type{VkSubpassBeginInfo}})) = _SubpassBeginInfo intermediate_type(@nospecialize(_::Union{Type{SubpassEndInfo}, Type{VkSubpassEndInfo}})) = _SubpassEndInfo intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceTimelineSemaphoreFeatures}, Type{VkPhysicalDeviceTimelineSemaphoreFeatures}})) = _PhysicalDeviceTimelineSemaphoreFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceTimelineSemaphoreProperties}, Type{VkPhysicalDeviceTimelineSemaphoreProperties}})) = _PhysicalDeviceTimelineSemaphoreProperties intermediate_type(@nospecialize(_::Union{Type{SemaphoreTypeCreateInfo}, Type{VkSemaphoreTypeCreateInfo}})) = _SemaphoreTypeCreateInfo intermediate_type(@nospecialize(_::Union{Type{TimelineSemaphoreSubmitInfo}, Type{VkTimelineSemaphoreSubmitInfo}})) = _TimelineSemaphoreSubmitInfo intermediate_type(@nospecialize(_::Union{Type{SemaphoreWaitInfo}, Type{VkSemaphoreWaitInfo}})) = _SemaphoreWaitInfo intermediate_type(@nospecialize(_::Union{Type{SemaphoreSignalInfo}, Type{VkSemaphoreSignalInfo}})) = _SemaphoreSignalInfo intermediate_type(@nospecialize(_::Union{Type{VertexInputBindingDivisorDescriptionEXT}, Type{VkVertexInputBindingDivisorDescriptionEXT}})) = _VertexInputBindingDivisorDescriptionEXT intermediate_type(@nospecialize(_::Union{Type{PipelineVertexInputDivisorStateCreateInfoEXT}, Type{VkPipelineVertexInputDivisorStateCreateInfoEXT}})) = _PipelineVertexInputDivisorStateCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceVertexAttributeDivisorPropertiesEXT}, Type{VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT}})) = _PhysicalDeviceVertexAttributeDivisorPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePCIBusInfoPropertiesEXT}, Type{VkPhysicalDevicePCIBusInfoPropertiesEXT}})) = _PhysicalDevicePCIBusInfoPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{CommandBufferInheritanceConditionalRenderingInfoEXT}, Type{VkCommandBufferInheritanceConditionalRenderingInfoEXT}})) = _CommandBufferInheritanceConditionalRenderingInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDevice8BitStorageFeatures}, Type{VkPhysicalDevice8BitStorageFeatures}})) = _PhysicalDevice8BitStorageFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceConditionalRenderingFeaturesEXT}, Type{VkPhysicalDeviceConditionalRenderingFeaturesEXT}})) = _PhysicalDeviceConditionalRenderingFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceVulkanMemoryModelFeatures}, Type{VkPhysicalDeviceVulkanMemoryModelFeatures}})) = _PhysicalDeviceVulkanMemoryModelFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderAtomicInt64Features}, Type{VkPhysicalDeviceShaderAtomicInt64Features}})) = _PhysicalDeviceShaderAtomicInt64Features intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderAtomicFloatFeaturesEXT}, Type{VkPhysicalDeviceShaderAtomicFloatFeaturesEXT}})) = _PhysicalDeviceShaderAtomicFloatFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderAtomicFloat2FeaturesEXT}, Type{VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT}})) = _PhysicalDeviceShaderAtomicFloat2FeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceVertexAttributeDivisorFeaturesEXT}, Type{VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT}})) = _PhysicalDeviceVertexAttributeDivisorFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{QueueFamilyCheckpointPropertiesNV}, Type{VkQueueFamilyCheckpointPropertiesNV}})) = _QueueFamilyCheckpointPropertiesNV intermediate_type(@nospecialize(_::Union{Type{CheckpointDataNV}, Type{VkCheckpointDataNV}})) = _CheckpointDataNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDepthStencilResolveProperties}, Type{VkPhysicalDeviceDepthStencilResolveProperties}})) = _PhysicalDeviceDepthStencilResolveProperties intermediate_type(@nospecialize(_::Union{Type{SubpassDescriptionDepthStencilResolve}, Type{VkSubpassDescriptionDepthStencilResolve}})) = _SubpassDescriptionDepthStencilResolve intermediate_type(@nospecialize(_::Union{Type{ImageViewASTCDecodeModeEXT}, Type{VkImageViewASTCDecodeModeEXT}})) = _ImageViewASTCDecodeModeEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceASTCDecodeFeaturesEXT}, Type{VkPhysicalDeviceASTCDecodeFeaturesEXT}})) = _PhysicalDeviceASTCDecodeFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceTransformFeedbackFeaturesEXT}, Type{VkPhysicalDeviceTransformFeedbackFeaturesEXT}})) = _PhysicalDeviceTransformFeedbackFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceTransformFeedbackPropertiesEXT}, Type{VkPhysicalDeviceTransformFeedbackPropertiesEXT}})) = _PhysicalDeviceTransformFeedbackPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PipelineRasterizationStateStreamCreateInfoEXT}, Type{VkPipelineRasterizationStateStreamCreateInfoEXT}})) = _PipelineRasterizationStateStreamCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRepresentativeFragmentTestFeaturesNV}, Type{VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV}})) = _PhysicalDeviceRepresentativeFragmentTestFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PipelineRepresentativeFragmentTestStateCreateInfoNV}, Type{VkPipelineRepresentativeFragmentTestStateCreateInfoNV}})) = _PipelineRepresentativeFragmentTestStateCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceExclusiveScissorFeaturesNV}, Type{VkPhysicalDeviceExclusiveScissorFeaturesNV}})) = _PhysicalDeviceExclusiveScissorFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PipelineViewportExclusiveScissorStateCreateInfoNV}, Type{VkPipelineViewportExclusiveScissorStateCreateInfoNV}})) = _PipelineViewportExclusiveScissorStateCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceCornerSampledImageFeaturesNV}, Type{VkPhysicalDeviceCornerSampledImageFeaturesNV}})) = _PhysicalDeviceCornerSampledImageFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceComputeShaderDerivativesFeaturesNV}, Type{VkPhysicalDeviceComputeShaderDerivativesFeaturesNV}})) = _PhysicalDeviceComputeShaderDerivativesFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderImageFootprintFeaturesNV}, Type{VkPhysicalDeviceShaderImageFootprintFeaturesNV}})) = _PhysicalDeviceShaderImageFootprintFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV}, Type{VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV}})) = _PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceCopyMemoryIndirectFeaturesNV}, Type{VkPhysicalDeviceCopyMemoryIndirectFeaturesNV}})) = _PhysicalDeviceCopyMemoryIndirectFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceCopyMemoryIndirectPropertiesNV}, Type{VkPhysicalDeviceCopyMemoryIndirectPropertiesNV}})) = _PhysicalDeviceCopyMemoryIndirectPropertiesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMemoryDecompressionFeaturesNV}, Type{VkPhysicalDeviceMemoryDecompressionFeaturesNV}})) = _PhysicalDeviceMemoryDecompressionFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMemoryDecompressionPropertiesNV}, Type{VkPhysicalDeviceMemoryDecompressionPropertiesNV}})) = _PhysicalDeviceMemoryDecompressionPropertiesNV intermediate_type(@nospecialize(_::Union{Type{ShadingRatePaletteNV}, Type{VkShadingRatePaletteNV}})) = _ShadingRatePaletteNV intermediate_type(@nospecialize(_::Union{Type{PipelineViewportShadingRateImageStateCreateInfoNV}, Type{VkPipelineViewportShadingRateImageStateCreateInfoNV}})) = _PipelineViewportShadingRateImageStateCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShadingRateImageFeaturesNV}, Type{VkPhysicalDeviceShadingRateImageFeaturesNV}})) = _PhysicalDeviceShadingRateImageFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShadingRateImagePropertiesNV}, Type{VkPhysicalDeviceShadingRateImagePropertiesNV}})) = _PhysicalDeviceShadingRateImagePropertiesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceInvocationMaskFeaturesHUAWEI}, Type{VkPhysicalDeviceInvocationMaskFeaturesHUAWEI}})) = _PhysicalDeviceInvocationMaskFeaturesHUAWEI intermediate_type(@nospecialize(_::Union{Type{CoarseSampleLocationNV}, Type{VkCoarseSampleLocationNV}})) = _CoarseSampleLocationNV intermediate_type(@nospecialize(_::Union{Type{CoarseSampleOrderCustomNV}, Type{VkCoarseSampleOrderCustomNV}})) = _CoarseSampleOrderCustomNV intermediate_type(@nospecialize(_::Union{Type{PipelineViewportCoarseSampleOrderStateCreateInfoNV}, Type{VkPipelineViewportCoarseSampleOrderStateCreateInfoNV}})) = _PipelineViewportCoarseSampleOrderStateCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMeshShaderFeaturesNV}, Type{VkPhysicalDeviceMeshShaderFeaturesNV}})) = _PhysicalDeviceMeshShaderFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMeshShaderPropertiesNV}, Type{VkPhysicalDeviceMeshShaderPropertiesNV}})) = _PhysicalDeviceMeshShaderPropertiesNV intermediate_type(@nospecialize(_::Union{Type{DrawMeshTasksIndirectCommandNV}, Type{VkDrawMeshTasksIndirectCommandNV}})) = _DrawMeshTasksIndirectCommandNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMeshShaderFeaturesEXT}, Type{VkPhysicalDeviceMeshShaderFeaturesEXT}})) = _PhysicalDeviceMeshShaderFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMeshShaderPropertiesEXT}, Type{VkPhysicalDeviceMeshShaderPropertiesEXT}})) = _PhysicalDeviceMeshShaderPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{DrawMeshTasksIndirectCommandEXT}, Type{VkDrawMeshTasksIndirectCommandEXT}})) = _DrawMeshTasksIndirectCommandEXT intermediate_type(@nospecialize(_::Union{Type{RayTracingShaderGroupCreateInfoNV}, Type{VkRayTracingShaderGroupCreateInfoNV}})) = _RayTracingShaderGroupCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{RayTracingShaderGroupCreateInfoKHR}, Type{VkRayTracingShaderGroupCreateInfoKHR}})) = _RayTracingShaderGroupCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{RayTracingPipelineCreateInfoNV}, Type{VkRayTracingPipelineCreateInfoNV}})) = _RayTracingPipelineCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{RayTracingPipelineCreateInfoKHR}, Type{VkRayTracingPipelineCreateInfoKHR}})) = _RayTracingPipelineCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{GeometryTrianglesNV}, Type{VkGeometryTrianglesNV}})) = _GeometryTrianglesNV intermediate_type(@nospecialize(_::Union{Type{GeometryAABBNV}, Type{VkGeometryAABBNV}})) = _GeometryAABBNV intermediate_type(@nospecialize(_::Union{Type{GeometryDataNV}, Type{VkGeometryDataNV}})) = _GeometryDataNV intermediate_type(@nospecialize(_::Union{Type{GeometryNV}, Type{VkGeometryNV}})) = _GeometryNV intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureInfoNV}, Type{VkAccelerationStructureInfoNV}})) = _AccelerationStructureInfoNV intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureCreateInfoNV}, Type{VkAccelerationStructureCreateInfoNV}})) = _AccelerationStructureCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{BindAccelerationStructureMemoryInfoNV}, Type{VkBindAccelerationStructureMemoryInfoNV}})) = _BindAccelerationStructureMemoryInfoNV intermediate_type(@nospecialize(_::Union{Type{WriteDescriptorSetAccelerationStructureKHR}, Type{VkWriteDescriptorSetAccelerationStructureKHR}})) = _WriteDescriptorSetAccelerationStructureKHR intermediate_type(@nospecialize(_::Union{Type{WriteDescriptorSetAccelerationStructureNV}, Type{VkWriteDescriptorSetAccelerationStructureNV}})) = _WriteDescriptorSetAccelerationStructureNV intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureMemoryRequirementsInfoNV}, Type{VkAccelerationStructureMemoryRequirementsInfoNV}})) = _AccelerationStructureMemoryRequirementsInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceAccelerationStructureFeaturesKHR}, Type{VkPhysicalDeviceAccelerationStructureFeaturesKHR}})) = _PhysicalDeviceAccelerationStructureFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRayTracingPipelineFeaturesKHR}, Type{VkPhysicalDeviceRayTracingPipelineFeaturesKHR}})) = _PhysicalDeviceRayTracingPipelineFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRayQueryFeaturesKHR}, Type{VkPhysicalDeviceRayQueryFeaturesKHR}})) = _PhysicalDeviceRayQueryFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceAccelerationStructurePropertiesKHR}, Type{VkPhysicalDeviceAccelerationStructurePropertiesKHR}})) = _PhysicalDeviceAccelerationStructurePropertiesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRayTracingPipelinePropertiesKHR}, Type{VkPhysicalDeviceRayTracingPipelinePropertiesKHR}})) = _PhysicalDeviceRayTracingPipelinePropertiesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRayTracingPropertiesNV}, Type{VkPhysicalDeviceRayTracingPropertiesNV}})) = _PhysicalDeviceRayTracingPropertiesNV intermediate_type(@nospecialize(_::Union{Type{StridedDeviceAddressRegionKHR}, Type{VkStridedDeviceAddressRegionKHR}})) = _StridedDeviceAddressRegionKHR intermediate_type(@nospecialize(_::Union{Type{TraceRaysIndirectCommandKHR}, Type{VkTraceRaysIndirectCommandKHR}})) = _TraceRaysIndirectCommandKHR intermediate_type(@nospecialize(_::Union{Type{TraceRaysIndirectCommand2KHR}, Type{VkTraceRaysIndirectCommand2KHR}})) = _TraceRaysIndirectCommand2KHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRayTracingMaintenance1FeaturesKHR}, Type{VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR}})) = _PhysicalDeviceRayTracingMaintenance1FeaturesKHR intermediate_type(@nospecialize(_::Union{Type{DrmFormatModifierPropertiesListEXT}, Type{VkDrmFormatModifierPropertiesListEXT}})) = _DrmFormatModifierPropertiesListEXT intermediate_type(@nospecialize(_::Union{Type{DrmFormatModifierPropertiesEXT}, Type{VkDrmFormatModifierPropertiesEXT}})) = _DrmFormatModifierPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceImageDrmFormatModifierInfoEXT}, Type{VkPhysicalDeviceImageDrmFormatModifierInfoEXT}})) = _PhysicalDeviceImageDrmFormatModifierInfoEXT intermediate_type(@nospecialize(_::Union{Type{ImageDrmFormatModifierListCreateInfoEXT}, Type{VkImageDrmFormatModifierListCreateInfoEXT}})) = _ImageDrmFormatModifierListCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{ImageDrmFormatModifierExplicitCreateInfoEXT}, Type{VkImageDrmFormatModifierExplicitCreateInfoEXT}})) = _ImageDrmFormatModifierExplicitCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{ImageDrmFormatModifierPropertiesEXT}, Type{VkImageDrmFormatModifierPropertiesEXT}})) = _ImageDrmFormatModifierPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{ImageStencilUsageCreateInfo}, Type{VkImageStencilUsageCreateInfo}})) = _ImageStencilUsageCreateInfo intermediate_type(@nospecialize(_::Union{Type{DeviceMemoryOverallocationCreateInfoAMD}, Type{VkDeviceMemoryOverallocationCreateInfoAMD}})) = _DeviceMemoryOverallocationCreateInfoAMD intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentDensityMapFeaturesEXT}, Type{VkPhysicalDeviceFragmentDensityMapFeaturesEXT}})) = _PhysicalDeviceFragmentDensityMapFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentDensityMap2FeaturesEXT}, Type{VkPhysicalDeviceFragmentDensityMap2FeaturesEXT}})) = _PhysicalDeviceFragmentDensityMap2FeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM}, Type{VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM}})) = _PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentDensityMapPropertiesEXT}, Type{VkPhysicalDeviceFragmentDensityMapPropertiesEXT}})) = _PhysicalDeviceFragmentDensityMapPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentDensityMap2PropertiesEXT}, Type{VkPhysicalDeviceFragmentDensityMap2PropertiesEXT}})) = _PhysicalDeviceFragmentDensityMap2PropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM}, Type{VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM}})) = _PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM intermediate_type(@nospecialize(_::Union{Type{RenderPassFragmentDensityMapCreateInfoEXT}, Type{VkRenderPassFragmentDensityMapCreateInfoEXT}})) = _RenderPassFragmentDensityMapCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{SubpassFragmentDensityMapOffsetEndInfoQCOM}, Type{VkSubpassFragmentDensityMapOffsetEndInfoQCOM}})) = _SubpassFragmentDensityMapOffsetEndInfoQCOM intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceScalarBlockLayoutFeatures}, Type{VkPhysicalDeviceScalarBlockLayoutFeatures}})) = _PhysicalDeviceScalarBlockLayoutFeatures intermediate_type(@nospecialize(_::Union{Type{SurfaceProtectedCapabilitiesKHR}, Type{VkSurfaceProtectedCapabilitiesKHR}})) = _SurfaceProtectedCapabilitiesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceUniformBufferStandardLayoutFeatures}, Type{VkPhysicalDeviceUniformBufferStandardLayoutFeatures}})) = _PhysicalDeviceUniformBufferStandardLayoutFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDepthClipEnableFeaturesEXT}, Type{VkPhysicalDeviceDepthClipEnableFeaturesEXT}})) = _PhysicalDeviceDepthClipEnableFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PipelineRasterizationDepthClipStateCreateInfoEXT}, Type{VkPipelineRasterizationDepthClipStateCreateInfoEXT}})) = _PipelineRasterizationDepthClipStateCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMemoryBudgetPropertiesEXT}, Type{VkPhysicalDeviceMemoryBudgetPropertiesEXT}})) = _PhysicalDeviceMemoryBudgetPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMemoryPriorityFeaturesEXT}, Type{VkPhysicalDeviceMemoryPriorityFeaturesEXT}})) = _PhysicalDeviceMemoryPriorityFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{MemoryPriorityAllocateInfoEXT}, Type{VkMemoryPriorityAllocateInfoEXT}})) = _MemoryPriorityAllocateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT}, Type{VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT}})) = _PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceBufferDeviceAddressFeatures}, Type{VkPhysicalDeviceBufferDeviceAddressFeatures}})) = _PhysicalDeviceBufferDeviceAddressFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceBufferDeviceAddressFeaturesEXT}, Type{VkPhysicalDeviceBufferDeviceAddressFeaturesEXT}})) = _PhysicalDeviceBufferDeviceAddressFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{BufferDeviceAddressInfo}, Type{VkBufferDeviceAddressInfo}})) = _BufferDeviceAddressInfo intermediate_type(@nospecialize(_::Union{Type{BufferOpaqueCaptureAddressCreateInfo}, Type{VkBufferOpaqueCaptureAddressCreateInfo}})) = _BufferOpaqueCaptureAddressCreateInfo intermediate_type(@nospecialize(_::Union{Type{BufferDeviceAddressCreateInfoEXT}, Type{VkBufferDeviceAddressCreateInfoEXT}})) = _BufferDeviceAddressCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceImageViewImageFormatInfoEXT}, Type{VkPhysicalDeviceImageViewImageFormatInfoEXT}})) = _PhysicalDeviceImageViewImageFormatInfoEXT intermediate_type(@nospecialize(_::Union{Type{FilterCubicImageViewImageFormatPropertiesEXT}, Type{VkFilterCubicImageViewImageFormatPropertiesEXT}})) = _FilterCubicImageViewImageFormatPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceImagelessFramebufferFeatures}, Type{VkPhysicalDeviceImagelessFramebufferFeatures}})) = _PhysicalDeviceImagelessFramebufferFeatures intermediate_type(@nospecialize(_::Union{Type{FramebufferAttachmentsCreateInfo}, Type{VkFramebufferAttachmentsCreateInfo}})) = _FramebufferAttachmentsCreateInfo intermediate_type(@nospecialize(_::Union{Type{FramebufferAttachmentImageInfo}, Type{VkFramebufferAttachmentImageInfo}})) = _FramebufferAttachmentImageInfo intermediate_type(@nospecialize(_::Union{Type{RenderPassAttachmentBeginInfo}, Type{VkRenderPassAttachmentBeginInfo}})) = _RenderPassAttachmentBeginInfo intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceTextureCompressionASTCHDRFeatures}, Type{VkPhysicalDeviceTextureCompressionASTCHDRFeatures}})) = _PhysicalDeviceTextureCompressionASTCHDRFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceCooperativeMatrixFeaturesNV}, Type{VkPhysicalDeviceCooperativeMatrixFeaturesNV}})) = _PhysicalDeviceCooperativeMatrixFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceCooperativeMatrixPropertiesNV}, Type{VkPhysicalDeviceCooperativeMatrixPropertiesNV}})) = _PhysicalDeviceCooperativeMatrixPropertiesNV intermediate_type(@nospecialize(_::Union{Type{CooperativeMatrixPropertiesNV}, Type{VkCooperativeMatrixPropertiesNV}})) = _CooperativeMatrixPropertiesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceYcbcrImageArraysFeaturesEXT}, Type{VkPhysicalDeviceYcbcrImageArraysFeaturesEXT}})) = _PhysicalDeviceYcbcrImageArraysFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{ImageViewHandleInfoNVX}, Type{VkImageViewHandleInfoNVX}})) = _ImageViewHandleInfoNVX intermediate_type(@nospecialize(_::Union{Type{ImageViewAddressPropertiesNVX}, Type{VkImageViewAddressPropertiesNVX}})) = _ImageViewAddressPropertiesNVX intermediate_type(@nospecialize(_::Union{Type{PipelineCreationFeedback}, Type{VkPipelineCreationFeedback}})) = _PipelineCreationFeedback intermediate_type(@nospecialize(_::Union{Type{PipelineCreationFeedbackCreateInfo}, Type{VkPipelineCreationFeedbackCreateInfo}})) = _PipelineCreationFeedbackCreateInfo intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePresentBarrierFeaturesNV}, Type{VkPhysicalDevicePresentBarrierFeaturesNV}})) = _PhysicalDevicePresentBarrierFeaturesNV intermediate_type(@nospecialize(_::Union{Type{SurfaceCapabilitiesPresentBarrierNV}, Type{VkSurfaceCapabilitiesPresentBarrierNV}})) = _SurfaceCapabilitiesPresentBarrierNV intermediate_type(@nospecialize(_::Union{Type{SwapchainPresentBarrierCreateInfoNV}, Type{VkSwapchainPresentBarrierCreateInfoNV}})) = _SwapchainPresentBarrierCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePerformanceQueryFeaturesKHR}, Type{VkPhysicalDevicePerformanceQueryFeaturesKHR}})) = _PhysicalDevicePerformanceQueryFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePerformanceQueryPropertiesKHR}, Type{VkPhysicalDevicePerformanceQueryPropertiesKHR}})) = _PhysicalDevicePerformanceQueryPropertiesKHR intermediate_type(@nospecialize(_::Union{Type{PerformanceCounterKHR}, Type{VkPerformanceCounterKHR}})) = _PerformanceCounterKHR intermediate_type(@nospecialize(_::Union{Type{PerformanceCounterDescriptionKHR}, Type{VkPerformanceCounterDescriptionKHR}})) = _PerformanceCounterDescriptionKHR intermediate_type(@nospecialize(_::Union{Type{QueryPoolPerformanceCreateInfoKHR}, Type{VkQueryPoolPerformanceCreateInfoKHR}})) = _QueryPoolPerformanceCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{AcquireProfilingLockInfoKHR}, Type{VkAcquireProfilingLockInfoKHR}})) = _AcquireProfilingLockInfoKHR intermediate_type(@nospecialize(_::Union{Type{PerformanceQuerySubmitInfoKHR}, Type{VkPerformanceQuerySubmitInfoKHR}})) = _PerformanceQuerySubmitInfoKHR intermediate_type(@nospecialize(_::Union{Type{HeadlessSurfaceCreateInfoEXT}, Type{VkHeadlessSurfaceCreateInfoEXT}})) = _HeadlessSurfaceCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceCoverageReductionModeFeaturesNV}, Type{VkPhysicalDeviceCoverageReductionModeFeaturesNV}})) = _PhysicalDeviceCoverageReductionModeFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PipelineCoverageReductionStateCreateInfoNV}, Type{VkPipelineCoverageReductionStateCreateInfoNV}})) = _PipelineCoverageReductionStateCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{FramebufferMixedSamplesCombinationNV}, Type{VkFramebufferMixedSamplesCombinationNV}})) = _FramebufferMixedSamplesCombinationNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL}, Type{VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL}})) = _PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL intermediate_type(@nospecialize(_::Union{Type{PerformanceValueINTEL}, Type{VkPerformanceValueINTEL}})) = _PerformanceValueINTEL intermediate_type(@nospecialize(_::Union{Type{InitializePerformanceApiInfoINTEL}, Type{VkInitializePerformanceApiInfoINTEL}})) = _InitializePerformanceApiInfoINTEL intermediate_type(@nospecialize(_::Union{Type{QueryPoolPerformanceQueryCreateInfoINTEL}, Type{VkQueryPoolPerformanceQueryCreateInfoINTEL}})) = _QueryPoolPerformanceQueryCreateInfoINTEL intermediate_type(@nospecialize(_::Union{Type{PerformanceMarkerInfoINTEL}, Type{VkPerformanceMarkerInfoINTEL}})) = _PerformanceMarkerInfoINTEL intermediate_type(@nospecialize(_::Union{Type{PerformanceStreamMarkerInfoINTEL}, Type{VkPerformanceStreamMarkerInfoINTEL}})) = _PerformanceStreamMarkerInfoINTEL intermediate_type(@nospecialize(_::Union{Type{PerformanceOverrideInfoINTEL}, Type{VkPerformanceOverrideInfoINTEL}})) = _PerformanceOverrideInfoINTEL intermediate_type(@nospecialize(_::Union{Type{PerformanceConfigurationAcquireInfoINTEL}, Type{VkPerformanceConfigurationAcquireInfoINTEL}})) = _PerformanceConfigurationAcquireInfoINTEL intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderClockFeaturesKHR}, Type{VkPhysicalDeviceShaderClockFeaturesKHR}})) = _PhysicalDeviceShaderClockFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceIndexTypeUint8FeaturesEXT}, Type{VkPhysicalDeviceIndexTypeUint8FeaturesEXT}})) = _PhysicalDeviceIndexTypeUint8FeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderSMBuiltinsPropertiesNV}, Type{VkPhysicalDeviceShaderSMBuiltinsPropertiesNV}})) = _PhysicalDeviceShaderSMBuiltinsPropertiesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderSMBuiltinsFeaturesNV}, Type{VkPhysicalDeviceShaderSMBuiltinsFeaturesNV}})) = _PhysicalDeviceShaderSMBuiltinsFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentShaderInterlockFeaturesEXT}, Type{VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT}})) = _PhysicalDeviceFragmentShaderInterlockFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSeparateDepthStencilLayoutsFeatures}, Type{VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures}})) = _PhysicalDeviceSeparateDepthStencilLayoutsFeatures intermediate_type(@nospecialize(_::Union{Type{AttachmentReferenceStencilLayout}, Type{VkAttachmentReferenceStencilLayout}})) = _AttachmentReferenceStencilLayout intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT}, Type{VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT}})) = _PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{AttachmentDescriptionStencilLayout}, Type{VkAttachmentDescriptionStencilLayout}})) = _AttachmentDescriptionStencilLayout intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePipelineExecutablePropertiesFeaturesKHR}, Type{VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR}})) = _PhysicalDevicePipelineExecutablePropertiesFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{PipelineInfoKHR}, Type{VkPipelineInfoKHR}})) = _PipelineInfoKHR intermediate_type(@nospecialize(_::Union{Type{PipelineExecutablePropertiesKHR}, Type{VkPipelineExecutablePropertiesKHR}})) = _PipelineExecutablePropertiesKHR intermediate_type(@nospecialize(_::Union{Type{PipelineExecutableInfoKHR}, Type{VkPipelineExecutableInfoKHR}})) = _PipelineExecutableInfoKHR intermediate_type(@nospecialize(_::Union{Type{PipelineExecutableStatisticKHR}, Type{VkPipelineExecutableStatisticKHR}})) = _PipelineExecutableStatisticKHR intermediate_type(@nospecialize(_::Union{Type{PipelineExecutableInternalRepresentationKHR}, Type{VkPipelineExecutableInternalRepresentationKHR}})) = _PipelineExecutableInternalRepresentationKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderDemoteToHelperInvocationFeatures}, Type{VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures}})) = _PhysicalDeviceShaderDemoteToHelperInvocationFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceTexelBufferAlignmentFeaturesEXT}, Type{VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT}})) = _PhysicalDeviceTexelBufferAlignmentFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceTexelBufferAlignmentProperties}, Type{VkPhysicalDeviceTexelBufferAlignmentProperties}})) = _PhysicalDeviceTexelBufferAlignmentProperties intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSubgroupSizeControlFeatures}, Type{VkPhysicalDeviceSubgroupSizeControlFeatures}})) = _PhysicalDeviceSubgroupSizeControlFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSubgroupSizeControlProperties}, Type{VkPhysicalDeviceSubgroupSizeControlProperties}})) = _PhysicalDeviceSubgroupSizeControlProperties intermediate_type(@nospecialize(_::Union{Type{PipelineShaderStageRequiredSubgroupSizeCreateInfo}, Type{VkPipelineShaderStageRequiredSubgroupSizeCreateInfo}})) = _PipelineShaderStageRequiredSubgroupSizeCreateInfo intermediate_type(@nospecialize(_::Union{Type{SubpassShadingPipelineCreateInfoHUAWEI}, Type{VkSubpassShadingPipelineCreateInfoHUAWEI}})) = _SubpassShadingPipelineCreateInfoHUAWEI intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSubpassShadingPropertiesHUAWEI}, Type{VkPhysicalDeviceSubpassShadingPropertiesHUAWEI}})) = _PhysicalDeviceSubpassShadingPropertiesHUAWEI intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceClusterCullingShaderPropertiesHUAWEI}, Type{VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI}})) = _PhysicalDeviceClusterCullingShaderPropertiesHUAWEI intermediate_type(@nospecialize(_::Union{Type{MemoryOpaqueCaptureAddressAllocateInfo}, Type{VkMemoryOpaqueCaptureAddressAllocateInfo}})) = _MemoryOpaqueCaptureAddressAllocateInfo intermediate_type(@nospecialize(_::Union{Type{DeviceMemoryOpaqueCaptureAddressInfo}, Type{VkDeviceMemoryOpaqueCaptureAddressInfo}})) = _DeviceMemoryOpaqueCaptureAddressInfo intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceLineRasterizationFeaturesEXT}, Type{VkPhysicalDeviceLineRasterizationFeaturesEXT}})) = _PhysicalDeviceLineRasterizationFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceLineRasterizationPropertiesEXT}, Type{VkPhysicalDeviceLineRasterizationPropertiesEXT}})) = _PhysicalDeviceLineRasterizationPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PipelineRasterizationLineStateCreateInfoEXT}, Type{VkPipelineRasterizationLineStateCreateInfoEXT}})) = _PipelineRasterizationLineStateCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePipelineCreationCacheControlFeatures}, Type{VkPhysicalDevicePipelineCreationCacheControlFeatures}})) = _PhysicalDevicePipelineCreationCacheControlFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceVulkan11Features}, Type{VkPhysicalDeviceVulkan11Features}})) = _PhysicalDeviceVulkan11Features intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceVulkan11Properties}, Type{VkPhysicalDeviceVulkan11Properties}})) = _PhysicalDeviceVulkan11Properties intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceVulkan12Features}, Type{VkPhysicalDeviceVulkan12Features}})) = _PhysicalDeviceVulkan12Features intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceVulkan12Properties}, Type{VkPhysicalDeviceVulkan12Properties}})) = _PhysicalDeviceVulkan12Properties intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceVulkan13Features}, Type{VkPhysicalDeviceVulkan13Features}})) = _PhysicalDeviceVulkan13Features intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceVulkan13Properties}, Type{VkPhysicalDeviceVulkan13Properties}})) = _PhysicalDeviceVulkan13Properties intermediate_type(@nospecialize(_::Union{Type{PipelineCompilerControlCreateInfoAMD}, Type{VkPipelineCompilerControlCreateInfoAMD}})) = _PipelineCompilerControlCreateInfoAMD intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceCoherentMemoryFeaturesAMD}, Type{VkPhysicalDeviceCoherentMemoryFeaturesAMD}})) = _PhysicalDeviceCoherentMemoryFeaturesAMD intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceToolProperties}, Type{VkPhysicalDeviceToolProperties}})) = _PhysicalDeviceToolProperties intermediate_type(@nospecialize(_::Union{Type{SamplerCustomBorderColorCreateInfoEXT}, Type{VkSamplerCustomBorderColorCreateInfoEXT}})) = _SamplerCustomBorderColorCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceCustomBorderColorPropertiesEXT}, Type{VkPhysicalDeviceCustomBorderColorPropertiesEXT}})) = _PhysicalDeviceCustomBorderColorPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceCustomBorderColorFeaturesEXT}, Type{VkPhysicalDeviceCustomBorderColorFeaturesEXT}})) = _PhysicalDeviceCustomBorderColorFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{SamplerBorderColorComponentMappingCreateInfoEXT}, Type{VkSamplerBorderColorComponentMappingCreateInfoEXT}})) = _SamplerBorderColorComponentMappingCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceBorderColorSwizzleFeaturesEXT}, Type{VkPhysicalDeviceBorderColorSwizzleFeaturesEXT}})) = _PhysicalDeviceBorderColorSwizzleFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureGeometryTrianglesDataKHR}, Type{VkAccelerationStructureGeometryTrianglesDataKHR}})) = _AccelerationStructureGeometryTrianglesDataKHR intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureGeometryAabbsDataKHR}, Type{VkAccelerationStructureGeometryAabbsDataKHR}})) = _AccelerationStructureGeometryAabbsDataKHR intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureGeometryInstancesDataKHR}, Type{VkAccelerationStructureGeometryInstancesDataKHR}})) = _AccelerationStructureGeometryInstancesDataKHR intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureGeometryKHR}, Type{VkAccelerationStructureGeometryKHR}})) = _AccelerationStructureGeometryKHR intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureBuildGeometryInfoKHR}, Type{VkAccelerationStructureBuildGeometryInfoKHR}})) = _AccelerationStructureBuildGeometryInfoKHR intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureBuildRangeInfoKHR}, Type{VkAccelerationStructureBuildRangeInfoKHR}})) = _AccelerationStructureBuildRangeInfoKHR intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureCreateInfoKHR}, Type{VkAccelerationStructureCreateInfoKHR}})) = _AccelerationStructureCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{AabbPositionsKHR}, Type{VkAabbPositionsKHR}})) = _AabbPositionsKHR intermediate_type(@nospecialize(_::Union{Type{TransformMatrixKHR}, Type{VkTransformMatrixKHR}})) = _TransformMatrixKHR intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureInstanceKHR}, Type{VkAccelerationStructureInstanceKHR}})) = _AccelerationStructureInstanceKHR intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureDeviceAddressInfoKHR}, Type{VkAccelerationStructureDeviceAddressInfoKHR}})) = _AccelerationStructureDeviceAddressInfoKHR intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureVersionInfoKHR}, Type{VkAccelerationStructureVersionInfoKHR}})) = _AccelerationStructureVersionInfoKHR intermediate_type(@nospecialize(_::Union{Type{CopyAccelerationStructureInfoKHR}, Type{VkCopyAccelerationStructureInfoKHR}})) = _CopyAccelerationStructureInfoKHR intermediate_type(@nospecialize(_::Union{Type{CopyAccelerationStructureToMemoryInfoKHR}, Type{VkCopyAccelerationStructureToMemoryInfoKHR}})) = _CopyAccelerationStructureToMemoryInfoKHR intermediate_type(@nospecialize(_::Union{Type{CopyMemoryToAccelerationStructureInfoKHR}, Type{VkCopyMemoryToAccelerationStructureInfoKHR}})) = _CopyMemoryToAccelerationStructureInfoKHR intermediate_type(@nospecialize(_::Union{Type{RayTracingPipelineInterfaceCreateInfoKHR}, Type{VkRayTracingPipelineInterfaceCreateInfoKHR}})) = _RayTracingPipelineInterfaceCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{PipelineLibraryCreateInfoKHR}, Type{VkPipelineLibraryCreateInfoKHR}})) = _PipelineLibraryCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceExtendedDynamicStateFeaturesEXT}, Type{VkPhysicalDeviceExtendedDynamicStateFeaturesEXT}})) = _PhysicalDeviceExtendedDynamicStateFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceExtendedDynamicState2FeaturesEXT}, Type{VkPhysicalDeviceExtendedDynamicState2FeaturesEXT}})) = _PhysicalDeviceExtendedDynamicState2FeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceExtendedDynamicState3FeaturesEXT}, Type{VkPhysicalDeviceExtendedDynamicState3FeaturesEXT}})) = _PhysicalDeviceExtendedDynamicState3FeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceExtendedDynamicState3PropertiesEXT}, Type{VkPhysicalDeviceExtendedDynamicState3PropertiesEXT}})) = _PhysicalDeviceExtendedDynamicState3PropertiesEXT intermediate_type(@nospecialize(_::Union{Type{ColorBlendEquationEXT}, Type{VkColorBlendEquationEXT}})) = _ColorBlendEquationEXT intermediate_type(@nospecialize(_::Union{Type{ColorBlendAdvancedEXT}, Type{VkColorBlendAdvancedEXT}})) = _ColorBlendAdvancedEXT intermediate_type(@nospecialize(_::Union{Type{RenderPassTransformBeginInfoQCOM}, Type{VkRenderPassTransformBeginInfoQCOM}})) = _RenderPassTransformBeginInfoQCOM intermediate_type(@nospecialize(_::Union{Type{CopyCommandTransformInfoQCOM}, Type{VkCopyCommandTransformInfoQCOM}})) = _CopyCommandTransformInfoQCOM intermediate_type(@nospecialize(_::Union{Type{CommandBufferInheritanceRenderPassTransformInfoQCOM}, Type{VkCommandBufferInheritanceRenderPassTransformInfoQCOM}})) = _CommandBufferInheritanceRenderPassTransformInfoQCOM intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDiagnosticsConfigFeaturesNV}, Type{VkPhysicalDeviceDiagnosticsConfigFeaturesNV}})) = _PhysicalDeviceDiagnosticsConfigFeaturesNV intermediate_type(@nospecialize(_::Union{Type{DeviceDiagnosticsConfigCreateInfoNV}, Type{VkDeviceDiagnosticsConfigCreateInfoNV}})) = _DeviceDiagnosticsConfigCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures}, Type{VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures}})) = _PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR}, Type{VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR}})) = _PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRobustness2FeaturesEXT}, Type{VkPhysicalDeviceRobustness2FeaturesEXT}})) = _PhysicalDeviceRobustness2FeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRobustness2PropertiesEXT}, Type{VkPhysicalDeviceRobustness2PropertiesEXT}})) = _PhysicalDeviceRobustness2PropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceImageRobustnessFeatures}, Type{VkPhysicalDeviceImageRobustnessFeatures}})) = _PhysicalDeviceImageRobustnessFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR}, Type{VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR}})) = _PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDevice4444FormatsFeaturesEXT}, Type{VkPhysicalDevice4444FormatsFeaturesEXT}})) = _PhysicalDevice4444FormatsFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSubpassShadingFeaturesHUAWEI}, Type{VkPhysicalDeviceSubpassShadingFeaturesHUAWEI}})) = _PhysicalDeviceSubpassShadingFeaturesHUAWEI intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceClusterCullingShaderFeaturesHUAWEI}, Type{VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI}})) = _PhysicalDeviceClusterCullingShaderFeaturesHUAWEI intermediate_type(@nospecialize(_::Union{Type{BufferCopy2}, Type{VkBufferCopy2}})) = _BufferCopy2 intermediate_type(@nospecialize(_::Union{Type{ImageCopy2}, Type{VkImageCopy2}})) = _ImageCopy2 intermediate_type(@nospecialize(_::Union{Type{ImageBlit2}, Type{VkImageBlit2}})) = _ImageBlit2 intermediate_type(@nospecialize(_::Union{Type{BufferImageCopy2}, Type{VkBufferImageCopy2}})) = _BufferImageCopy2 intermediate_type(@nospecialize(_::Union{Type{ImageResolve2}, Type{VkImageResolve2}})) = _ImageResolve2 intermediate_type(@nospecialize(_::Union{Type{CopyBufferInfo2}, Type{VkCopyBufferInfo2}})) = _CopyBufferInfo2 intermediate_type(@nospecialize(_::Union{Type{CopyImageInfo2}, Type{VkCopyImageInfo2}})) = _CopyImageInfo2 intermediate_type(@nospecialize(_::Union{Type{BlitImageInfo2}, Type{VkBlitImageInfo2}})) = _BlitImageInfo2 intermediate_type(@nospecialize(_::Union{Type{CopyBufferToImageInfo2}, Type{VkCopyBufferToImageInfo2}})) = _CopyBufferToImageInfo2 intermediate_type(@nospecialize(_::Union{Type{CopyImageToBufferInfo2}, Type{VkCopyImageToBufferInfo2}})) = _CopyImageToBufferInfo2 intermediate_type(@nospecialize(_::Union{Type{ResolveImageInfo2}, Type{VkResolveImageInfo2}})) = _ResolveImageInfo2 intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderImageAtomicInt64FeaturesEXT}, Type{VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT}})) = _PhysicalDeviceShaderImageAtomicInt64FeaturesEXT intermediate_type(@nospecialize(_::Union{Type{FragmentShadingRateAttachmentInfoKHR}, Type{VkFragmentShadingRateAttachmentInfoKHR}})) = _FragmentShadingRateAttachmentInfoKHR intermediate_type(@nospecialize(_::Union{Type{PipelineFragmentShadingRateStateCreateInfoKHR}, Type{VkPipelineFragmentShadingRateStateCreateInfoKHR}})) = _PipelineFragmentShadingRateStateCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentShadingRateFeaturesKHR}, Type{VkPhysicalDeviceFragmentShadingRateFeaturesKHR}})) = _PhysicalDeviceFragmentShadingRateFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentShadingRatePropertiesKHR}, Type{VkPhysicalDeviceFragmentShadingRatePropertiesKHR}})) = _PhysicalDeviceFragmentShadingRatePropertiesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentShadingRateKHR}, Type{VkPhysicalDeviceFragmentShadingRateKHR}})) = _PhysicalDeviceFragmentShadingRateKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderTerminateInvocationFeatures}, Type{VkPhysicalDeviceShaderTerminateInvocationFeatures}})) = _PhysicalDeviceShaderTerminateInvocationFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentShadingRateEnumsFeaturesNV}, Type{VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV}})) = _PhysicalDeviceFragmentShadingRateEnumsFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentShadingRateEnumsPropertiesNV}, Type{VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV}})) = _PhysicalDeviceFragmentShadingRateEnumsPropertiesNV intermediate_type(@nospecialize(_::Union{Type{PipelineFragmentShadingRateEnumStateCreateInfoNV}, Type{VkPipelineFragmentShadingRateEnumStateCreateInfoNV}})) = _PipelineFragmentShadingRateEnumStateCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureBuildSizesInfoKHR}, Type{VkAccelerationStructureBuildSizesInfoKHR}})) = _AccelerationStructureBuildSizesInfoKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceImage2DViewOf3DFeaturesEXT}, Type{VkPhysicalDeviceImage2DViewOf3DFeaturesEXT}})) = _PhysicalDeviceImage2DViewOf3DFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMutableDescriptorTypeFeaturesEXT}, Type{VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT}})) = _PhysicalDeviceMutableDescriptorTypeFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{MutableDescriptorTypeListEXT}, Type{VkMutableDescriptorTypeListEXT}})) = _MutableDescriptorTypeListEXT intermediate_type(@nospecialize(_::Union{Type{MutableDescriptorTypeCreateInfoEXT}, Type{VkMutableDescriptorTypeCreateInfoEXT}})) = _MutableDescriptorTypeCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDepthClipControlFeaturesEXT}, Type{VkPhysicalDeviceDepthClipControlFeaturesEXT}})) = _PhysicalDeviceDepthClipControlFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PipelineViewportDepthClipControlCreateInfoEXT}, Type{VkPipelineViewportDepthClipControlCreateInfoEXT}})) = _PipelineViewportDepthClipControlCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceVertexInputDynamicStateFeaturesEXT}, Type{VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT}})) = _PhysicalDeviceVertexInputDynamicStateFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceExternalMemoryRDMAFeaturesNV}, Type{VkPhysicalDeviceExternalMemoryRDMAFeaturesNV}})) = _PhysicalDeviceExternalMemoryRDMAFeaturesNV intermediate_type(@nospecialize(_::Union{Type{VertexInputBindingDescription2EXT}, Type{VkVertexInputBindingDescription2EXT}})) = _VertexInputBindingDescription2EXT intermediate_type(@nospecialize(_::Union{Type{VertexInputAttributeDescription2EXT}, Type{VkVertexInputAttributeDescription2EXT}})) = _VertexInputAttributeDescription2EXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceColorWriteEnableFeaturesEXT}, Type{VkPhysicalDeviceColorWriteEnableFeaturesEXT}})) = _PhysicalDeviceColorWriteEnableFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PipelineColorWriteCreateInfoEXT}, Type{VkPipelineColorWriteCreateInfoEXT}})) = _PipelineColorWriteCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{MemoryBarrier2}, Type{VkMemoryBarrier2}})) = _MemoryBarrier2 intermediate_type(@nospecialize(_::Union{Type{ImageMemoryBarrier2}, Type{VkImageMemoryBarrier2}})) = _ImageMemoryBarrier2 intermediate_type(@nospecialize(_::Union{Type{BufferMemoryBarrier2}, Type{VkBufferMemoryBarrier2}})) = _BufferMemoryBarrier2 intermediate_type(@nospecialize(_::Union{Type{DependencyInfo}, Type{VkDependencyInfo}})) = _DependencyInfo intermediate_type(@nospecialize(_::Union{Type{SemaphoreSubmitInfo}, Type{VkSemaphoreSubmitInfo}})) = _SemaphoreSubmitInfo intermediate_type(@nospecialize(_::Union{Type{CommandBufferSubmitInfo}, Type{VkCommandBufferSubmitInfo}})) = _CommandBufferSubmitInfo intermediate_type(@nospecialize(_::Union{Type{SubmitInfo2}, Type{VkSubmitInfo2}})) = _SubmitInfo2 intermediate_type(@nospecialize(_::Union{Type{QueueFamilyCheckpointProperties2NV}, Type{VkQueueFamilyCheckpointProperties2NV}})) = _QueueFamilyCheckpointProperties2NV intermediate_type(@nospecialize(_::Union{Type{CheckpointData2NV}, Type{VkCheckpointData2NV}})) = _CheckpointData2NV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSynchronization2Features}, Type{VkPhysicalDeviceSynchronization2Features}})) = _PhysicalDeviceSynchronization2Features intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT}, Type{VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT}})) = _PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceLegacyDitheringFeaturesEXT}, Type{VkPhysicalDeviceLegacyDitheringFeaturesEXT}})) = _PhysicalDeviceLegacyDitheringFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT}, Type{VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT}})) = _PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{SubpassResolvePerformanceQueryEXT}, Type{VkSubpassResolvePerformanceQueryEXT}})) = _SubpassResolvePerformanceQueryEXT intermediate_type(@nospecialize(_::Union{Type{MultisampledRenderToSingleSampledInfoEXT}, Type{VkMultisampledRenderToSingleSampledInfoEXT}})) = _MultisampledRenderToSingleSampledInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePipelineProtectedAccessFeaturesEXT}, Type{VkPhysicalDevicePipelineProtectedAccessFeaturesEXT}})) = _PhysicalDevicePipelineProtectedAccessFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{QueueFamilyVideoPropertiesKHR}, Type{VkQueueFamilyVideoPropertiesKHR}})) = _QueueFamilyVideoPropertiesKHR intermediate_type(@nospecialize(_::Union{Type{QueueFamilyQueryResultStatusPropertiesKHR}, Type{VkQueueFamilyQueryResultStatusPropertiesKHR}})) = _QueueFamilyQueryResultStatusPropertiesKHR intermediate_type(@nospecialize(_::Union{Type{VideoProfileListInfoKHR}, Type{VkVideoProfileListInfoKHR}})) = _VideoProfileListInfoKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceVideoFormatInfoKHR}, Type{VkPhysicalDeviceVideoFormatInfoKHR}})) = _PhysicalDeviceVideoFormatInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoFormatPropertiesKHR}, Type{VkVideoFormatPropertiesKHR}})) = _VideoFormatPropertiesKHR intermediate_type(@nospecialize(_::Union{Type{VideoProfileInfoKHR}, Type{VkVideoProfileInfoKHR}})) = _VideoProfileInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoCapabilitiesKHR}, Type{VkVideoCapabilitiesKHR}})) = _VideoCapabilitiesKHR intermediate_type(@nospecialize(_::Union{Type{VideoSessionMemoryRequirementsKHR}, Type{VkVideoSessionMemoryRequirementsKHR}})) = _VideoSessionMemoryRequirementsKHR intermediate_type(@nospecialize(_::Union{Type{BindVideoSessionMemoryInfoKHR}, Type{VkBindVideoSessionMemoryInfoKHR}})) = _BindVideoSessionMemoryInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoPictureResourceInfoKHR}, Type{VkVideoPictureResourceInfoKHR}})) = _VideoPictureResourceInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoReferenceSlotInfoKHR}, Type{VkVideoReferenceSlotInfoKHR}})) = _VideoReferenceSlotInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeCapabilitiesKHR}, Type{VkVideoDecodeCapabilitiesKHR}})) = _VideoDecodeCapabilitiesKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeUsageInfoKHR}, Type{VkVideoDecodeUsageInfoKHR}})) = _VideoDecodeUsageInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeInfoKHR}, Type{VkVideoDecodeInfoKHR}})) = _VideoDecodeInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeH264ProfileInfoKHR}, Type{VkVideoDecodeH264ProfileInfoKHR}})) = _VideoDecodeH264ProfileInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeH264CapabilitiesKHR}, Type{VkVideoDecodeH264CapabilitiesKHR}})) = _VideoDecodeH264CapabilitiesKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeH264SessionParametersAddInfoKHR}, Type{VkVideoDecodeH264SessionParametersAddInfoKHR}})) = _VideoDecodeH264SessionParametersAddInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeH264SessionParametersCreateInfoKHR}, Type{VkVideoDecodeH264SessionParametersCreateInfoKHR}})) = _VideoDecodeH264SessionParametersCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeH264PictureInfoKHR}, Type{VkVideoDecodeH264PictureInfoKHR}})) = _VideoDecodeH264PictureInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeH264DpbSlotInfoKHR}, Type{VkVideoDecodeH264DpbSlotInfoKHR}})) = _VideoDecodeH264DpbSlotInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeH265ProfileInfoKHR}, Type{VkVideoDecodeH265ProfileInfoKHR}})) = _VideoDecodeH265ProfileInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeH265CapabilitiesKHR}, Type{VkVideoDecodeH265CapabilitiesKHR}})) = _VideoDecodeH265CapabilitiesKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeH265SessionParametersAddInfoKHR}, Type{VkVideoDecodeH265SessionParametersAddInfoKHR}})) = _VideoDecodeH265SessionParametersAddInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeH265SessionParametersCreateInfoKHR}, Type{VkVideoDecodeH265SessionParametersCreateInfoKHR}})) = _VideoDecodeH265SessionParametersCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeH265PictureInfoKHR}, Type{VkVideoDecodeH265PictureInfoKHR}})) = _VideoDecodeH265PictureInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeH265DpbSlotInfoKHR}, Type{VkVideoDecodeH265DpbSlotInfoKHR}})) = _VideoDecodeH265DpbSlotInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoSessionCreateInfoKHR}, Type{VkVideoSessionCreateInfoKHR}})) = _VideoSessionCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoSessionParametersCreateInfoKHR}, Type{VkVideoSessionParametersCreateInfoKHR}})) = _VideoSessionParametersCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoSessionParametersUpdateInfoKHR}, Type{VkVideoSessionParametersUpdateInfoKHR}})) = _VideoSessionParametersUpdateInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoBeginCodingInfoKHR}, Type{VkVideoBeginCodingInfoKHR}})) = _VideoBeginCodingInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoEndCodingInfoKHR}, Type{VkVideoEndCodingInfoKHR}})) = _VideoEndCodingInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoCodingControlInfoKHR}, Type{VkVideoCodingControlInfoKHR}})) = _VideoCodingControlInfoKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceInheritedViewportScissorFeaturesNV}, Type{VkPhysicalDeviceInheritedViewportScissorFeaturesNV}})) = _PhysicalDeviceInheritedViewportScissorFeaturesNV intermediate_type(@nospecialize(_::Union{Type{CommandBufferInheritanceViewportScissorInfoNV}, Type{VkCommandBufferInheritanceViewportScissorInfoNV}})) = _CommandBufferInheritanceViewportScissorInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT}, Type{VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT}})) = _PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceProvokingVertexFeaturesEXT}, Type{VkPhysicalDeviceProvokingVertexFeaturesEXT}})) = _PhysicalDeviceProvokingVertexFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceProvokingVertexPropertiesEXT}, Type{VkPhysicalDeviceProvokingVertexPropertiesEXT}})) = _PhysicalDeviceProvokingVertexPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PipelineRasterizationProvokingVertexStateCreateInfoEXT}, Type{VkPipelineRasterizationProvokingVertexStateCreateInfoEXT}})) = _PipelineRasterizationProvokingVertexStateCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{CuModuleCreateInfoNVX}, Type{VkCuModuleCreateInfoNVX}})) = _CuModuleCreateInfoNVX intermediate_type(@nospecialize(_::Union{Type{CuFunctionCreateInfoNVX}, Type{VkCuFunctionCreateInfoNVX}})) = _CuFunctionCreateInfoNVX intermediate_type(@nospecialize(_::Union{Type{CuLaunchInfoNVX}, Type{VkCuLaunchInfoNVX}})) = _CuLaunchInfoNVX intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDescriptorBufferFeaturesEXT}, Type{VkPhysicalDeviceDescriptorBufferFeaturesEXT}})) = _PhysicalDeviceDescriptorBufferFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDescriptorBufferPropertiesEXT}, Type{VkPhysicalDeviceDescriptorBufferPropertiesEXT}})) = _PhysicalDeviceDescriptorBufferPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT}, Type{VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT}})) = _PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{DescriptorAddressInfoEXT}, Type{VkDescriptorAddressInfoEXT}})) = _DescriptorAddressInfoEXT intermediate_type(@nospecialize(_::Union{Type{DescriptorBufferBindingInfoEXT}, Type{VkDescriptorBufferBindingInfoEXT}})) = _DescriptorBufferBindingInfoEXT intermediate_type(@nospecialize(_::Union{Type{DescriptorBufferBindingPushDescriptorBufferHandleEXT}, Type{VkDescriptorBufferBindingPushDescriptorBufferHandleEXT}})) = _DescriptorBufferBindingPushDescriptorBufferHandleEXT intermediate_type(@nospecialize(_::Union{Type{DescriptorGetInfoEXT}, Type{VkDescriptorGetInfoEXT}})) = _DescriptorGetInfoEXT intermediate_type(@nospecialize(_::Union{Type{BufferCaptureDescriptorDataInfoEXT}, Type{VkBufferCaptureDescriptorDataInfoEXT}})) = _BufferCaptureDescriptorDataInfoEXT intermediate_type(@nospecialize(_::Union{Type{ImageCaptureDescriptorDataInfoEXT}, Type{VkImageCaptureDescriptorDataInfoEXT}})) = _ImageCaptureDescriptorDataInfoEXT intermediate_type(@nospecialize(_::Union{Type{ImageViewCaptureDescriptorDataInfoEXT}, Type{VkImageViewCaptureDescriptorDataInfoEXT}})) = _ImageViewCaptureDescriptorDataInfoEXT intermediate_type(@nospecialize(_::Union{Type{SamplerCaptureDescriptorDataInfoEXT}, Type{VkSamplerCaptureDescriptorDataInfoEXT}})) = _SamplerCaptureDescriptorDataInfoEXT intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureCaptureDescriptorDataInfoEXT}, Type{VkAccelerationStructureCaptureDescriptorDataInfoEXT}})) = _AccelerationStructureCaptureDescriptorDataInfoEXT intermediate_type(@nospecialize(_::Union{Type{OpaqueCaptureDescriptorDataCreateInfoEXT}, Type{VkOpaqueCaptureDescriptorDataCreateInfoEXT}})) = _OpaqueCaptureDescriptorDataCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderIntegerDotProductFeatures}, Type{VkPhysicalDeviceShaderIntegerDotProductFeatures}})) = _PhysicalDeviceShaderIntegerDotProductFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderIntegerDotProductProperties}, Type{VkPhysicalDeviceShaderIntegerDotProductProperties}})) = _PhysicalDeviceShaderIntegerDotProductProperties intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDrmPropertiesEXT}, Type{VkPhysicalDeviceDrmPropertiesEXT}})) = _PhysicalDeviceDrmPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentShaderBarycentricFeaturesKHR}, Type{VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR}})) = _PhysicalDeviceFragmentShaderBarycentricFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentShaderBarycentricPropertiesKHR}, Type{VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR}})) = _PhysicalDeviceFragmentShaderBarycentricPropertiesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRayTracingMotionBlurFeaturesNV}, Type{VkPhysicalDeviceRayTracingMotionBlurFeaturesNV}})) = _PhysicalDeviceRayTracingMotionBlurFeaturesNV intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureGeometryMotionTrianglesDataNV}, Type{VkAccelerationStructureGeometryMotionTrianglesDataNV}})) = _AccelerationStructureGeometryMotionTrianglesDataNV intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureMotionInfoNV}, Type{VkAccelerationStructureMotionInfoNV}})) = _AccelerationStructureMotionInfoNV intermediate_type(@nospecialize(_::Union{Type{SRTDataNV}, Type{VkSRTDataNV}})) = _SRTDataNV intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureSRTMotionInstanceNV}, Type{VkAccelerationStructureSRTMotionInstanceNV}})) = _AccelerationStructureSRTMotionInstanceNV intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureMatrixMotionInstanceNV}, Type{VkAccelerationStructureMatrixMotionInstanceNV}})) = _AccelerationStructureMatrixMotionInstanceNV intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureMotionInstanceNV}, Type{VkAccelerationStructureMotionInstanceNV}})) = _AccelerationStructureMotionInstanceNV intermediate_type(@nospecialize(_::Union{Type{MemoryGetRemoteAddressInfoNV}, Type{VkMemoryGetRemoteAddressInfoNV}})) = _MemoryGetRemoteAddressInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRGBA10X6FormatsFeaturesEXT}, Type{VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT}})) = _PhysicalDeviceRGBA10X6FormatsFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{FormatProperties3}, Type{VkFormatProperties3}})) = _FormatProperties3 intermediate_type(@nospecialize(_::Union{Type{DrmFormatModifierPropertiesList2EXT}, Type{VkDrmFormatModifierPropertiesList2EXT}})) = _DrmFormatModifierPropertiesList2EXT intermediate_type(@nospecialize(_::Union{Type{DrmFormatModifierProperties2EXT}, Type{VkDrmFormatModifierProperties2EXT}})) = _DrmFormatModifierProperties2EXT intermediate_type(@nospecialize(_::Union{Type{PipelineRenderingCreateInfo}, Type{VkPipelineRenderingCreateInfo}})) = _PipelineRenderingCreateInfo intermediate_type(@nospecialize(_::Union{Type{RenderingInfo}, Type{VkRenderingInfo}})) = _RenderingInfo intermediate_type(@nospecialize(_::Union{Type{RenderingAttachmentInfo}, Type{VkRenderingAttachmentInfo}})) = _RenderingAttachmentInfo intermediate_type(@nospecialize(_::Union{Type{RenderingFragmentShadingRateAttachmentInfoKHR}, Type{VkRenderingFragmentShadingRateAttachmentInfoKHR}})) = _RenderingFragmentShadingRateAttachmentInfoKHR intermediate_type(@nospecialize(_::Union{Type{RenderingFragmentDensityMapAttachmentInfoEXT}, Type{VkRenderingFragmentDensityMapAttachmentInfoEXT}})) = _RenderingFragmentDensityMapAttachmentInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDynamicRenderingFeatures}, Type{VkPhysicalDeviceDynamicRenderingFeatures}})) = _PhysicalDeviceDynamicRenderingFeatures intermediate_type(@nospecialize(_::Union{Type{CommandBufferInheritanceRenderingInfo}, Type{VkCommandBufferInheritanceRenderingInfo}})) = _CommandBufferInheritanceRenderingInfo intermediate_type(@nospecialize(_::Union{Type{AttachmentSampleCountInfoAMD}, Type{VkAttachmentSampleCountInfoAMD}})) = _AttachmentSampleCountInfoAMD intermediate_type(@nospecialize(_::Union{Type{MultiviewPerViewAttributesInfoNVX}, Type{VkMultiviewPerViewAttributesInfoNVX}})) = _MultiviewPerViewAttributesInfoNVX intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceImageViewMinLodFeaturesEXT}, Type{VkPhysicalDeviceImageViewMinLodFeaturesEXT}})) = _PhysicalDeviceImageViewMinLodFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{ImageViewMinLodCreateInfoEXT}, Type{VkImageViewMinLodCreateInfoEXT}})) = _ImageViewMinLodCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT}, Type{VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT}})) = _PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceLinearColorAttachmentFeaturesNV}, Type{VkPhysicalDeviceLinearColorAttachmentFeaturesNV}})) = _PhysicalDeviceLinearColorAttachmentFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT}, Type{VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT}})) = _PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT}, Type{VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT}})) = _PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{GraphicsPipelineLibraryCreateInfoEXT}, Type{VkGraphicsPipelineLibraryCreateInfoEXT}})) = _GraphicsPipelineLibraryCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE}, Type{VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE}})) = _PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE intermediate_type(@nospecialize(_::Union{Type{DescriptorSetBindingReferenceVALVE}, Type{VkDescriptorSetBindingReferenceVALVE}})) = _DescriptorSetBindingReferenceVALVE intermediate_type(@nospecialize(_::Union{Type{DescriptorSetLayoutHostMappingInfoVALVE}, Type{VkDescriptorSetLayoutHostMappingInfoVALVE}})) = _DescriptorSetLayoutHostMappingInfoVALVE intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderModuleIdentifierFeaturesEXT}, Type{VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT}})) = _PhysicalDeviceShaderModuleIdentifierFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderModuleIdentifierPropertiesEXT}, Type{VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT}})) = _PhysicalDeviceShaderModuleIdentifierPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PipelineShaderStageModuleIdentifierCreateInfoEXT}, Type{VkPipelineShaderStageModuleIdentifierCreateInfoEXT}})) = _PipelineShaderStageModuleIdentifierCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{ShaderModuleIdentifierEXT}, Type{VkShaderModuleIdentifierEXT}})) = _ShaderModuleIdentifierEXT intermediate_type(@nospecialize(_::Union{Type{ImageCompressionControlEXT}, Type{VkImageCompressionControlEXT}})) = _ImageCompressionControlEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceImageCompressionControlFeaturesEXT}, Type{VkPhysicalDeviceImageCompressionControlFeaturesEXT}})) = _PhysicalDeviceImageCompressionControlFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{ImageCompressionPropertiesEXT}, Type{VkImageCompressionPropertiesEXT}})) = _ImageCompressionPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT}, Type{VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT}})) = _PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{ImageSubresource2EXT}, Type{VkImageSubresource2EXT}})) = _ImageSubresource2EXT intermediate_type(@nospecialize(_::Union{Type{SubresourceLayout2EXT}, Type{VkSubresourceLayout2EXT}})) = _SubresourceLayout2EXT intermediate_type(@nospecialize(_::Union{Type{RenderPassCreationControlEXT}, Type{VkRenderPassCreationControlEXT}})) = _RenderPassCreationControlEXT intermediate_type(@nospecialize(_::Union{Type{RenderPassCreationFeedbackInfoEXT}, Type{VkRenderPassCreationFeedbackInfoEXT}})) = _RenderPassCreationFeedbackInfoEXT intermediate_type(@nospecialize(_::Union{Type{RenderPassCreationFeedbackCreateInfoEXT}, Type{VkRenderPassCreationFeedbackCreateInfoEXT}})) = _RenderPassCreationFeedbackCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{RenderPassSubpassFeedbackInfoEXT}, Type{VkRenderPassSubpassFeedbackInfoEXT}})) = _RenderPassSubpassFeedbackInfoEXT intermediate_type(@nospecialize(_::Union{Type{RenderPassSubpassFeedbackCreateInfoEXT}, Type{VkRenderPassSubpassFeedbackCreateInfoEXT}})) = _RenderPassSubpassFeedbackCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSubpassMergeFeedbackFeaturesEXT}, Type{VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT}})) = _PhysicalDeviceSubpassMergeFeedbackFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{MicromapBuildInfoEXT}, Type{VkMicromapBuildInfoEXT}})) = _MicromapBuildInfoEXT intermediate_type(@nospecialize(_::Union{Type{MicromapCreateInfoEXT}, Type{VkMicromapCreateInfoEXT}})) = _MicromapCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{MicromapVersionInfoEXT}, Type{VkMicromapVersionInfoEXT}})) = _MicromapVersionInfoEXT intermediate_type(@nospecialize(_::Union{Type{CopyMicromapInfoEXT}, Type{VkCopyMicromapInfoEXT}})) = _CopyMicromapInfoEXT intermediate_type(@nospecialize(_::Union{Type{CopyMicromapToMemoryInfoEXT}, Type{VkCopyMicromapToMemoryInfoEXT}})) = _CopyMicromapToMemoryInfoEXT intermediate_type(@nospecialize(_::Union{Type{CopyMemoryToMicromapInfoEXT}, Type{VkCopyMemoryToMicromapInfoEXT}})) = _CopyMemoryToMicromapInfoEXT intermediate_type(@nospecialize(_::Union{Type{MicromapBuildSizesInfoEXT}, Type{VkMicromapBuildSizesInfoEXT}})) = _MicromapBuildSizesInfoEXT intermediate_type(@nospecialize(_::Union{Type{MicromapUsageEXT}, Type{VkMicromapUsageEXT}})) = _MicromapUsageEXT intermediate_type(@nospecialize(_::Union{Type{MicromapTriangleEXT}, Type{VkMicromapTriangleEXT}})) = _MicromapTriangleEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceOpacityMicromapFeaturesEXT}, Type{VkPhysicalDeviceOpacityMicromapFeaturesEXT}})) = _PhysicalDeviceOpacityMicromapFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceOpacityMicromapPropertiesEXT}, Type{VkPhysicalDeviceOpacityMicromapPropertiesEXT}})) = _PhysicalDeviceOpacityMicromapPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureTrianglesOpacityMicromapEXT}, Type{VkAccelerationStructureTrianglesOpacityMicromapEXT}})) = _AccelerationStructureTrianglesOpacityMicromapEXT intermediate_type(@nospecialize(_::Union{Type{PipelinePropertiesIdentifierEXT}, Type{VkPipelinePropertiesIdentifierEXT}})) = _PipelinePropertiesIdentifierEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePipelinePropertiesFeaturesEXT}, Type{VkPhysicalDevicePipelinePropertiesFeaturesEXT}})) = _PhysicalDevicePipelinePropertiesFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD}, Type{VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD}})) = _PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceNonSeamlessCubeMapFeaturesEXT}, Type{VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT}})) = _PhysicalDeviceNonSeamlessCubeMapFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePipelineRobustnessFeaturesEXT}, Type{VkPhysicalDevicePipelineRobustnessFeaturesEXT}})) = _PhysicalDevicePipelineRobustnessFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PipelineRobustnessCreateInfoEXT}, Type{VkPipelineRobustnessCreateInfoEXT}})) = _PipelineRobustnessCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePipelineRobustnessPropertiesEXT}, Type{VkPhysicalDevicePipelineRobustnessPropertiesEXT}})) = _PhysicalDevicePipelineRobustnessPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{ImageViewSampleWeightCreateInfoQCOM}, Type{VkImageViewSampleWeightCreateInfoQCOM}})) = _ImageViewSampleWeightCreateInfoQCOM intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceImageProcessingFeaturesQCOM}, Type{VkPhysicalDeviceImageProcessingFeaturesQCOM}})) = _PhysicalDeviceImageProcessingFeaturesQCOM intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceImageProcessingPropertiesQCOM}, Type{VkPhysicalDeviceImageProcessingPropertiesQCOM}})) = _PhysicalDeviceImageProcessingPropertiesQCOM intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceTilePropertiesFeaturesQCOM}, Type{VkPhysicalDeviceTilePropertiesFeaturesQCOM}})) = _PhysicalDeviceTilePropertiesFeaturesQCOM intermediate_type(@nospecialize(_::Union{Type{TilePropertiesQCOM}, Type{VkTilePropertiesQCOM}})) = _TilePropertiesQCOM intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceAmigoProfilingFeaturesSEC}, Type{VkPhysicalDeviceAmigoProfilingFeaturesSEC}})) = _PhysicalDeviceAmigoProfilingFeaturesSEC intermediate_type(@nospecialize(_::Union{Type{AmigoProfilingSubmitInfoSEC}, Type{VkAmigoProfilingSubmitInfoSEC}})) = _AmigoProfilingSubmitInfoSEC intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT}, Type{VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT}})) = _PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDepthClampZeroOneFeaturesEXT}, Type{VkPhysicalDeviceDepthClampZeroOneFeaturesEXT}})) = _PhysicalDeviceDepthClampZeroOneFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceAddressBindingReportFeaturesEXT}, Type{VkPhysicalDeviceAddressBindingReportFeaturesEXT}})) = _PhysicalDeviceAddressBindingReportFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{DeviceAddressBindingCallbackDataEXT}, Type{VkDeviceAddressBindingCallbackDataEXT}})) = _DeviceAddressBindingCallbackDataEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceOpticalFlowFeaturesNV}, Type{VkPhysicalDeviceOpticalFlowFeaturesNV}})) = _PhysicalDeviceOpticalFlowFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceOpticalFlowPropertiesNV}, Type{VkPhysicalDeviceOpticalFlowPropertiesNV}})) = _PhysicalDeviceOpticalFlowPropertiesNV intermediate_type(@nospecialize(_::Union{Type{OpticalFlowImageFormatInfoNV}, Type{VkOpticalFlowImageFormatInfoNV}})) = _OpticalFlowImageFormatInfoNV intermediate_type(@nospecialize(_::Union{Type{OpticalFlowImageFormatPropertiesNV}, Type{VkOpticalFlowImageFormatPropertiesNV}})) = _OpticalFlowImageFormatPropertiesNV intermediate_type(@nospecialize(_::Union{Type{OpticalFlowSessionCreateInfoNV}, Type{VkOpticalFlowSessionCreateInfoNV}})) = _OpticalFlowSessionCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{OpticalFlowSessionCreatePrivateDataInfoNV}, Type{VkOpticalFlowSessionCreatePrivateDataInfoNV}})) = _OpticalFlowSessionCreatePrivateDataInfoNV intermediate_type(@nospecialize(_::Union{Type{OpticalFlowExecuteInfoNV}, Type{VkOpticalFlowExecuteInfoNV}})) = _OpticalFlowExecuteInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFaultFeaturesEXT}, Type{VkPhysicalDeviceFaultFeaturesEXT}})) = _PhysicalDeviceFaultFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{DeviceFaultAddressInfoEXT}, Type{VkDeviceFaultAddressInfoEXT}})) = _DeviceFaultAddressInfoEXT intermediate_type(@nospecialize(_::Union{Type{DeviceFaultVendorInfoEXT}, Type{VkDeviceFaultVendorInfoEXT}})) = _DeviceFaultVendorInfoEXT intermediate_type(@nospecialize(_::Union{Type{DeviceFaultCountsEXT}, Type{VkDeviceFaultCountsEXT}})) = _DeviceFaultCountsEXT intermediate_type(@nospecialize(_::Union{Type{DeviceFaultInfoEXT}, Type{VkDeviceFaultInfoEXT}})) = _DeviceFaultInfoEXT intermediate_type(@nospecialize(_::Union{Type{DeviceFaultVendorBinaryHeaderVersionOneEXT}, Type{VkDeviceFaultVendorBinaryHeaderVersionOneEXT}})) = _DeviceFaultVendorBinaryHeaderVersionOneEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT}, Type{VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT}})) = _PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{DecompressMemoryRegionNV}, Type{VkDecompressMemoryRegionNV}})) = _DecompressMemoryRegionNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderCoreBuiltinsPropertiesARM}, Type{VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM}})) = _PhysicalDeviceShaderCoreBuiltinsPropertiesARM intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderCoreBuiltinsFeaturesARM}, Type{VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM}})) = _PhysicalDeviceShaderCoreBuiltinsFeaturesARM intermediate_type(@nospecialize(_::Union{Type{SurfacePresentModeEXT}, Type{VkSurfacePresentModeEXT}})) = _SurfacePresentModeEXT intermediate_type(@nospecialize(_::Union{Type{SurfacePresentScalingCapabilitiesEXT}, Type{VkSurfacePresentScalingCapabilitiesEXT}})) = _SurfacePresentScalingCapabilitiesEXT intermediate_type(@nospecialize(_::Union{Type{SurfacePresentModeCompatibilityEXT}, Type{VkSurfacePresentModeCompatibilityEXT}})) = _SurfacePresentModeCompatibilityEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSwapchainMaintenance1FeaturesEXT}, Type{VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT}})) = _PhysicalDeviceSwapchainMaintenance1FeaturesEXT intermediate_type(@nospecialize(_::Union{Type{SwapchainPresentFenceInfoEXT}, Type{VkSwapchainPresentFenceInfoEXT}})) = _SwapchainPresentFenceInfoEXT intermediate_type(@nospecialize(_::Union{Type{SwapchainPresentModesCreateInfoEXT}, Type{VkSwapchainPresentModesCreateInfoEXT}})) = _SwapchainPresentModesCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{SwapchainPresentModeInfoEXT}, Type{VkSwapchainPresentModeInfoEXT}})) = _SwapchainPresentModeInfoEXT intermediate_type(@nospecialize(_::Union{Type{SwapchainPresentScalingCreateInfoEXT}, Type{VkSwapchainPresentScalingCreateInfoEXT}})) = _SwapchainPresentScalingCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{ReleaseSwapchainImagesInfoEXT}, Type{VkReleaseSwapchainImagesInfoEXT}})) = _ReleaseSwapchainImagesInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRayTracingInvocationReorderFeaturesNV}, Type{VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV}})) = _PhysicalDeviceRayTracingInvocationReorderFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRayTracingInvocationReorderPropertiesNV}, Type{VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV}})) = _PhysicalDeviceRayTracingInvocationReorderPropertiesNV intermediate_type(@nospecialize(_::Union{Type{DirectDriverLoadingInfoLUNARG}, Type{VkDirectDriverLoadingInfoLUNARG}})) = _DirectDriverLoadingInfoLUNARG intermediate_type(@nospecialize(_::Union{Type{DirectDriverLoadingListLUNARG}, Type{VkDirectDriverLoadingListLUNARG}})) = _DirectDriverLoadingListLUNARG intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM}, Type{VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM}})) = _PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM const ACCELERATION_STRUCTURE_TYPE_BOTTOM_LEVEL_NV = ACCELERATION_STRUCTURE_TYPE_BOTTOM_LEVEL_KHR const ACCELERATION_STRUCTURE_TYPE_TOP_LEVEL_NV = ACCELERATION_STRUCTURE_TYPE_TOP_LEVEL_KHR const ACCESS_2_ACCELERATION_STRUCTURE_READ_BIT_NV = ACCESS_2_ACCELERATION_STRUCTURE_READ_BIT_KHR const ACCESS_2_ACCELERATION_STRUCTURE_WRITE_BIT_NV = ACCESS_2_ACCELERATION_STRUCTURE_WRITE_BIT_KHR const ACCESS_2_COLOR_ATTACHMENT_READ_BIT_KHR = ACCESS_2_COLOR_ATTACHMENT_READ_BIT const ACCESS_2_COLOR_ATTACHMENT_WRITE_BIT_KHR = ACCESS_2_COLOR_ATTACHMENT_WRITE_BIT const ACCESS_2_DEPTH_STENCIL_ATTACHMENT_READ_BIT_KHR = ACCESS_2_DEPTH_STENCIL_ATTACHMENT_READ_BIT const ACCESS_2_DEPTH_STENCIL_ATTACHMENT_WRITE_BIT_KHR = ACCESS_2_DEPTH_STENCIL_ATTACHMENT_WRITE_BIT const ACCESS_2_HOST_READ_BIT_KHR = ACCESS_2_HOST_READ_BIT const ACCESS_2_HOST_WRITE_BIT_KHR = ACCESS_2_HOST_WRITE_BIT const ACCESS_2_INDEX_READ_BIT_KHR = ACCESS_2_INDEX_READ_BIT const ACCESS_2_INDIRECT_COMMAND_READ_BIT_KHR = ACCESS_2_INDIRECT_COMMAND_READ_BIT const ACCESS_2_INPUT_ATTACHMENT_READ_BIT_KHR = ACCESS_2_INPUT_ATTACHMENT_READ_BIT const ACCESS_2_MEMORY_READ_BIT_KHR = ACCESS_2_MEMORY_READ_BIT const ACCESS_2_MEMORY_WRITE_BIT_KHR = ACCESS_2_MEMORY_WRITE_BIT const ACCESS_2_NONE_KHR = ACCESS_2_NONE const ACCESS_2_SHADER_READ_BIT_KHR = ACCESS_2_SHADER_READ_BIT const ACCESS_2_SHADER_SAMPLED_READ_BIT_KHR = ACCESS_2_SHADER_SAMPLED_READ_BIT const ACCESS_2_SHADER_STORAGE_READ_BIT_KHR = ACCESS_2_SHADER_STORAGE_READ_BIT const ACCESS_2_SHADER_STORAGE_WRITE_BIT_KHR = ACCESS_2_SHADER_STORAGE_WRITE_BIT const ACCESS_2_SHADER_WRITE_BIT_KHR = ACCESS_2_SHADER_WRITE_BIT const ACCESS_2_SHADING_RATE_IMAGE_READ_BIT_NV = ACCESS_2_FRAGMENT_SHADING_RATE_ATTACHMENT_READ_BIT_KHR const ACCESS_2_TRANSFER_READ_BIT_KHR = ACCESS_2_TRANSFER_READ_BIT const ACCESS_2_TRANSFER_WRITE_BIT_KHR = ACCESS_2_TRANSFER_WRITE_BIT const ACCESS_2_UNIFORM_READ_BIT_KHR = ACCESS_2_UNIFORM_READ_BIT const ACCESS_2_VERTEX_ATTRIBUTE_READ_BIT_KHR = ACCESS_2_VERTEX_ATTRIBUTE_READ_BIT const ACCESS_ACCELERATION_STRUCTURE_READ_BIT_NV = ACCESS_ACCELERATION_STRUCTURE_READ_BIT_KHR const ACCESS_ACCELERATION_STRUCTURE_WRITE_BIT_NV = ACCESS_ACCELERATION_STRUCTURE_WRITE_BIT_KHR const ACCESS_NONE_KHR = ACCESS_NONE const ACCESS_SHADING_RATE_IMAGE_READ_BIT_NV = ACCESS_FRAGMENT_SHADING_RATE_ATTACHMENT_READ_BIT_KHR const ATTACHMENT_STORE_OP_NONE_EXT = ATTACHMENT_STORE_OP_NONE const ATTACHMENT_STORE_OP_NONE_KHR = ATTACHMENT_STORE_OP_NONE const ATTACHMENT_STORE_OP_NONE_QCOM = ATTACHMENT_STORE_OP_NONE const BUFFER_CREATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT_EXT = BUFFER_CREATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT const BUFFER_CREATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT_KHR = BUFFER_CREATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT const BUFFER_USAGE_RAY_TRACING_BIT_NV = BUFFER_USAGE_SHADER_BINDING_TABLE_BIT_KHR const BUFFER_USAGE_SHADER_DEVICE_ADDRESS_BIT_EXT = BUFFER_USAGE_SHADER_DEVICE_ADDRESS_BIT const BUFFER_USAGE_SHADER_DEVICE_ADDRESS_BIT_KHR = BUFFER_USAGE_SHADER_DEVICE_ADDRESS_BIT const BUILD_ACCELERATION_STRUCTURE_ALLOW_COMPACTION_BIT_NV = BUILD_ACCELERATION_STRUCTURE_ALLOW_COMPACTION_BIT_KHR const BUILD_ACCELERATION_STRUCTURE_ALLOW_UPDATE_BIT_NV = BUILD_ACCELERATION_STRUCTURE_ALLOW_UPDATE_BIT_KHR const BUILD_ACCELERATION_STRUCTURE_LOW_MEMORY_BIT_NV = BUILD_ACCELERATION_STRUCTURE_LOW_MEMORY_BIT_KHR const BUILD_ACCELERATION_STRUCTURE_PREFER_FAST_BUILD_BIT_NV = BUILD_ACCELERATION_STRUCTURE_PREFER_FAST_BUILD_BIT_KHR const BUILD_ACCELERATION_STRUCTURE_PREFER_FAST_TRACE_BIT_NV = BUILD_ACCELERATION_STRUCTURE_PREFER_FAST_TRACE_BIT_KHR const CHROMA_LOCATION_COSITED_EVEN_KHR = CHROMA_LOCATION_COSITED_EVEN const CHROMA_LOCATION_MIDPOINT_KHR = CHROMA_LOCATION_MIDPOINT const COLORSPACE_SRGB_NONLINEAR_KHR = COLOR_SPACE_SRGB_NONLINEAR_KHR const COLOR_SPACE_DCI_P3_LINEAR_EXT = COLOR_SPACE_DISPLAY_P3_LINEAR_EXT const COPY_ACCELERATION_STRUCTURE_MODE_CLONE_NV = COPY_ACCELERATION_STRUCTURE_MODE_CLONE_KHR const COPY_ACCELERATION_STRUCTURE_MODE_COMPACT_NV = COPY_ACCELERATION_STRUCTURE_MODE_COMPACT_KHR const DEBUG_REPORT_OBJECT_TYPE_DEBUG_REPORT_EXT = DEBUG_REPORT_OBJECT_TYPE_DEBUG_REPORT_CALLBACK_EXT_EXT const DEBUG_REPORT_OBJECT_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_KHR_EXT = DEBUG_REPORT_OBJECT_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_EXT const DEBUG_REPORT_OBJECT_TYPE_SAMPLER_YCBCR_CONVERSION_KHR_EXT = DEBUG_REPORT_OBJECT_TYPE_SAMPLER_YCBCR_CONVERSION_EXT const DEBUG_REPORT_OBJECT_TYPE_VALIDATION_CACHE_EXT = DEBUG_REPORT_OBJECT_TYPE_VALIDATION_CACHE_EXT_EXT const DEPENDENCY_DEVICE_GROUP_BIT_KHR = DEPENDENCY_DEVICE_GROUP_BIT const DEPENDENCY_VIEW_LOCAL_BIT_KHR = DEPENDENCY_VIEW_LOCAL_BIT const DESCRIPTOR_BINDING_PARTIALLY_BOUND_BIT_EXT = DESCRIPTOR_BINDING_PARTIALLY_BOUND_BIT const DESCRIPTOR_BINDING_UPDATE_AFTER_BIND_BIT_EXT = DESCRIPTOR_BINDING_UPDATE_AFTER_BIND_BIT const DESCRIPTOR_BINDING_UPDATE_UNUSED_WHILE_PENDING_BIT_EXT = DESCRIPTOR_BINDING_UPDATE_UNUSED_WHILE_PENDING_BIT const DESCRIPTOR_BINDING_VARIABLE_DESCRIPTOR_COUNT_BIT_EXT = DESCRIPTOR_BINDING_VARIABLE_DESCRIPTOR_COUNT_BIT const DESCRIPTOR_POOL_CREATE_HOST_ONLY_BIT_VALVE = DESCRIPTOR_POOL_CREATE_HOST_ONLY_BIT_EXT const DESCRIPTOR_POOL_CREATE_UPDATE_AFTER_BIND_BIT_EXT = DESCRIPTOR_POOL_CREATE_UPDATE_AFTER_BIND_BIT const DESCRIPTOR_SET_LAYOUT_CREATE_HOST_ONLY_POOL_BIT_VALVE = DESCRIPTOR_SET_LAYOUT_CREATE_HOST_ONLY_POOL_BIT_EXT const DESCRIPTOR_SET_LAYOUT_CREATE_UPDATE_AFTER_BIND_POOL_BIT_EXT = DESCRIPTOR_SET_LAYOUT_CREATE_UPDATE_AFTER_BIND_POOL_BIT const DESCRIPTOR_TYPE_INLINE_UNIFORM_BLOCK_EXT = DESCRIPTOR_TYPE_INLINE_UNIFORM_BLOCK const DESCRIPTOR_TYPE_MUTABLE_VALVE = DESCRIPTOR_TYPE_MUTABLE_EXT const DESCRIPTOR_UPDATE_TEMPLATE_TYPE_DESCRIPTOR_SET_KHR = DESCRIPTOR_UPDATE_TEMPLATE_TYPE_DESCRIPTOR_SET const DRIVER_ID_AMD_OPEN_SOURCE_KHR = DRIVER_ID_AMD_OPEN_SOURCE const DRIVER_ID_AMD_PROPRIETARY_KHR = DRIVER_ID_AMD_PROPRIETARY const DRIVER_ID_ARM_PROPRIETARY_KHR = DRIVER_ID_ARM_PROPRIETARY const DRIVER_ID_BROADCOM_PROPRIETARY_KHR = DRIVER_ID_BROADCOM_PROPRIETARY const DRIVER_ID_GGP_PROPRIETARY_KHR = DRIVER_ID_GGP_PROPRIETARY const DRIVER_ID_GOOGLE_SWIFTSHADER_KHR = DRIVER_ID_GOOGLE_SWIFTSHADER const DRIVER_ID_IMAGINATION_PROPRIETARY_KHR = DRIVER_ID_IMAGINATION_PROPRIETARY const DRIVER_ID_INTEL_OPEN_SOURCE_MESA_KHR = DRIVER_ID_INTEL_OPEN_SOURCE_MESA const DRIVER_ID_INTEL_PROPRIETARY_WINDOWS_KHR = DRIVER_ID_INTEL_PROPRIETARY_WINDOWS const DRIVER_ID_MESA_RADV_KHR = DRIVER_ID_MESA_RADV const DRIVER_ID_NVIDIA_PROPRIETARY_KHR = DRIVER_ID_NVIDIA_PROPRIETARY const DRIVER_ID_QUALCOMM_PROPRIETARY_KHR = DRIVER_ID_QUALCOMM_PROPRIETARY const DYNAMIC_STATE_CULL_MODE_EXT = DYNAMIC_STATE_CULL_MODE const DYNAMIC_STATE_DEPTH_BIAS_ENABLE_EXT = DYNAMIC_STATE_DEPTH_BIAS_ENABLE const DYNAMIC_STATE_DEPTH_BOUNDS_TEST_ENABLE_EXT = DYNAMIC_STATE_DEPTH_BOUNDS_TEST_ENABLE const DYNAMIC_STATE_DEPTH_COMPARE_OP_EXT = DYNAMIC_STATE_DEPTH_COMPARE_OP const DYNAMIC_STATE_DEPTH_TEST_ENABLE_EXT = DYNAMIC_STATE_DEPTH_TEST_ENABLE const DYNAMIC_STATE_DEPTH_WRITE_ENABLE_EXT = DYNAMIC_STATE_DEPTH_WRITE_ENABLE const DYNAMIC_STATE_FRONT_FACE_EXT = DYNAMIC_STATE_FRONT_FACE const DYNAMIC_STATE_PRIMITIVE_RESTART_ENABLE_EXT = DYNAMIC_STATE_PRIMITIVE_RESTART_ENABLE const DYNAMIC_STATE_PRIMITIVE_TOPOLOGY_EXT = DYNAMIC_STATE_PRIMITIVE_TOPOLOGY const DYNAMIC_STATE_RASTERIZER_DISCARD_ENABLE_EXT = DYNAMIC_STATE_RASTERIZER_DISCARD_ENABLE const DYNAMIC_STATE_SCISSOR_WITH_COUNT_EXT = DYNAMIC_STATE_SCISSOR_WITH_COUNT const DYNAMIC_STATE_STENCIL_OP_EXT = DYNAMIC_STATE_STENCIL_OP const DYNAMIC_STATE_STENCIL_TEST_ENABLE_EXT = DYNAMIC_STATE_STENCIL_TEST_ENABLE const DYNAMIC_STATE_VERTEX_INPUT_BINDING_STRIDE_EXT = DYNAMIC_STATE_VERTEX_INPUT_BINDING_STRIDE const DYNAMIC_STATE_VIEWPORT_WITH_COUNT_EXT = DYNAMIC_STATE_VIEWPORT_WITH_COUNT const ERROR_FRAGMENTATION_EXT = ERROR_FRAGMENTATION const ERROR_INVALID_DEVICE_ADDRESS_EXT = ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS const ERROR_INVALID_EXTERNAL_HANDLE_KHR = ERROR_INVALID_EXTERNAL_HANDLE const ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR = ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS const ERROR_NOT_PERMITTED_EXT = ERROR_NOT_PERMITTED_KHR const ERROR_OUT_OF_POOL_MEMORY_KHR = ERROR_OUT_OF_POOL_MEMORY const ERROR_PIPELINE_COMPILE_REQUIRED_EXT = PIPELINE_COMPILE_REQUIRED const EVENT_CREATE_DEVICE_ONLY_BIT_KHR = EVENT_CREATE_DEVICE_ONLY_BIT const EXTERNAL_FENCE_FEATURE_EXPORTABLE_BIT_KHR = EXTERNAL_FENCE_FEATURE_EXPORTABLE_BIT const EXTERNAL_FENCE_FEATURE_IMPORTABLE_BIT_KHR = EXTERNAL_FENCE_FEATURE_IMPORTABLE_BIT const EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_FD_BIT_KHR = EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_FD_BIT const EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_WIN32_BIT_KHR = EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_WIN32_BIT const EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT_KHR = EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT const EXTERNAL_FENCE_HANDLE_TYPE_SYNC_FD_BIT_KHR = EXTERNAL_FENCE_HANDLE_TYPE_SYNC_FD_BIT const EXTERNAL_MEMORY_FEATURE_DEDICATED_ONLY_BIT_KHR = EXTERNAL_MEMORY_FEATURE_DEDICATED_ONLY_BIT const EXTERNAL_MEMORY_FEATURE_EXPORTABLE_BIT_KHR = EXTERNAL_MEMORY_FEATURE_EXPORTABLE_BIT const EXTERNAL_MEMORY_FEATURE_IMPORTABLE_BIT_KHR = EXTERNAL_MEMORY_FEATURE_IMPORTABLE_BIT const EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_TEXTURE_BIT_KHR = EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_TEXTURE_BIT const EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_TEXTURE_KMT_BIT_KHR = EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_TEXTURE_KMT_BIT const EXTERNAL_MEMORY_HANDLE_TYPE_D3D12_HEAP_BIT_KHR = EXTERNAL_MEMORY_HANDLE_TYPE_D3D12_HEAP_BIT const EXTERNAL_MEMORY_HANDLE_TYPE_D3D12_RESOURCE_BIT_KHR = EXTERNAL_MEMORY_HANDLE_TYPE_D3D12_RESOURCE_BIT const EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_FD_BIT_KHR = EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_FD_BIT const EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_BIT_KHR = EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_BIT const EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT_KHR = EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT const EXTERNAL_SEMAPHORE_FEATURE_EXPORTABLE_BIT_KHR = EXTERNAL_SEMAPHORE_FEATURE_EXPORTABLE_BIT const EXTERNAL_SEMAPHORE_FEATURE_IMPORTABLE_BIT_KHR = EXTERNAL_SEMAPHORE_FEATURE_IMPORTABLE_BIT const EXTERNAL_SEMAPHORE_HANDLE_TYPE_D3D11_FENCE_BIT = EXTERNAL_SEMAPHORE_HANDLE_TYPE_D3D12_FENCE_BIT const EXTERNAL_SEMAPHORE_HANDLE_TYPE_D3D12_FENCE_BIT_KHR = EXTERNAL_SEMAPHORE_HANDLE_TYPE_D3D12_FENCE_BIT const EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_FD_BIT_KHR = EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_FD_BIT const EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_WIN32_BIT_KHR = EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_WIN32_BIT const EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT_KHR = EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT const EXTERNAL_SEMAPHORE_HANDLE_TYPE_SYNC_FD_BIT_KHR = EXTERNAL_SEMAPHORE_HANDLE_TYPE_SYNC_FD_BIT const FENCE_IMPORT_TEMPORARY_BIT_KHR = FENCE_IMPORT_TEMPORARY_BIT const FILTER_CUBIC_IMG = FILTER_CUBIC_EXT const FORMAT_A4B4G4R4_UNORM_PACK16_EXT = FORMAT_A4B4G4R4_UNORM_PACK16 const FORMAT_A4R4G4B4_UNORM_PACK16_EXT = FORMAT_A4R4G4B4_UNORM_PACK16 const FORMAT_ASTC_10x10_SFLOAT_BLOCK_EXT = FORMAT_ASTC_10x10_SFLOAT_BLOCK const FORMAT_ASTC_10x5_SFLOAT_BLOCK_EXT = FORMAT_ASTC_10x5_SFLOAT_BLOCK const FORMAT_ASTC_10x6_SFLOAT_BLOCK_EXT = FORMAT_ASTC_10x6_SFLOAT_BLOCK const FORMAT_ASTC_10x8_SFLOAT_BLOCK_EXT = FORMAT_ASTC_10x8_SFLOAT_BLOCK const FORMAT_ASTC_12x10_SFLOAT_BLOCK_EXT = FORMAT_ASTC_12x10_SFLOAT_BLOCK const FORMAT_ASTC_12x12_SFLOAT_BLOCK_EXT = FORMAT_ASTC_12x12_SFLOAT_BLOCK const FORMAT_ASTC_4x4_SFLOAT_BLOCK_EXT = FORMAT_ASTC_4x4_SFLOAT_BLOCK const FORMAT_ASTC_5x4_SFLOAT_BLOCK_EXT = FORMAT_ASTC_5x4_SFLOAT_BLOCK const FORMAT_ASTC_5x5_SFLOAT_BLOCK_EXT = FORMAT_ASTC_5x5_SFLOAT_BLOCK const FORMAT_ASTC_6x5_SFLOAT_BLOCK_EXT = FORMAT_ASTC_6x5_SFLOAT_BLOCK const FORMAT_ASTC_6x6_SFLOAT_BLOCK_EXT = FORMAT_ASTC_6x6_SFLOAT_BLOCK const FORMAT_ASTC_8x5_SFLOAT_BLOCK_EXT = FORMAT_ASTC_8x5_SFLOAT_BLOCK const FORMAT_ASTC_8x6_SFLOAT_BLOCK_EXT = FORMAT_ASTC_8x6_SFLOAT_BLOCK const FORMAT_ASTC_8x8_SFLOAT_BLOCK_EXT = FORMAT_ASTC_8x8_SFLOAT_BLOCK const FORMAT_B10X6G10X6R10X6G10X6_422_UNORM_4PACK16_KHR = FORMAT_B10X6G10X6R10X6G10X6_422_UNORM_4PACK16 const FORMAT_B12X4G12X4R12X4G12X4_422_UNORM_4PACK16_KHR = FORMAT_B12X4G12X4R12X4G12X4_422_UNORM_4PACK16 const FORMAT_B16G16R16G16_422_UNORM_KHR = FORMAT_B16G16R16G16_422_UNORM const FORMAT_B8G8R8G8_422_UNORM_KHR = FORMAT_B8G8R8G8_422_UNORM const FORMAT_FEATURE_2_BLIT_DST_BIT_KHR = FORMAT_FEATURE_2_BLIT_DST_BIT const FORMAT_FEATURE_2_BLIT_SRC_BIT_KHR = FORMAT_FEATURE_2_BLIT_SRC_BIT const FORMAT_FEATURE_2_COLOR_ATTACHMENT_BIT_KHR = FORMAT_FEATURE_2_COLOR_ATTACHMENT_BIT const FORMAT_FEATURE_2_COLOR_ATTACHMENT_BLEND_BIT_KHR = FORMAT_FEATURE_2_COLOR_ATTACHMENT_BLEND_BIT const FORMAT_FEATURE_2_COSITED_CHROMA_SAMPLES_BIT_KHR = FORMAT_FEATURE_2_COSITED_CHROMA_SAMPLES_BIT const FORMAT_FEATURE_2_DEPTH_STENCIL_ATTACHMENT_BIT_KHR = FORMAT_FEATURE_2_DEPTH_STENCIL_ATTACHMENT_BIT const FORMAT_FEATURE_2_DISJOINT_BIT_KHR = FORMAT_FEATURE_2_DISJOINT_BIT const FORMAT_FEATURE_2_MIDPOINT_CHROMA_SAMPLES_BIT_KHR = FORMAT_FEATURE_2_MIDPOINT_CHROMA_SAMPLES_BIT const FORMAT_FEATURE_2_SAMPLED_IMAGE_BIT_KHR = FORMAT_FEATURE_2_SAMPLED_IMAGE_BIT const FORMAT_FEATURE_2_SAMPLED_IMAGE_DEPTH_COMPARISON_BIT_KHR = FORMAT_FEATURE_2_SAMPLED_IMAGE_DEPTH_COMPARISON_BIT const FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_CUBIC_BIT_EXT = FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_CUBIC_BIT const FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_LINEAR_BIT_KHR = FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_LINEAR_BIT const FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_MINMAX_BIT_KHR = FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_MINMAX_BIT const FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_BIT_KHR = FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_BIT const FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_FORCEABLE_BIT_KHR = FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_FORCEABLE_BIT const FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_LINEAR_FILTER_BIT_KHR = FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_LINEAR_FILTER_BIT const FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_SEPARATE_RECONSTRUCTION_FILTER_BIT_KHR = FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_SEPARATE_RECONSTRUCTION_FILTER_BIT const FORMAT_FEATURE_2_STORAGE_IMAGE_ATOMIC_BIT_KHR = FORMAT_FEATURE_2_STORAGE_IMAGE_ATOMIC_BIT const FORMAT_FEATURE_2_STORAGE_IMAGE_BIT_KHR = FORMAT_FEATURE_2_STORAGE_IMAGE_BIT const FORMAT_FEATURE_2_STORAGE_READ_WITHOUT_FORMAT_BIT_KHR = FORMAT_FEATURE_2_STORAGE_READ_WITHOUT_FORMAT_BIT const FORMAT_FEATURE_2_STORAGE_TEXEL_BUFFER_ATOMIC_BIT_KHR = FORMAT_FEATURE_2_STORAGE_TEXEL_BUFFER_ATOMIC_BIT const FORMAT_FEATURE_2_STORAGE_TEXEL_BUFFER_BIT_KHR = FORMAT_FEATURE_2_STORAGE_TEXEL_BUFFER_BIT const FORMAT_FEATURE_2_STORAGE_WRITE_WITHOUT_FORMAT_BIT_KHR = FORMAT_FEATURE_2_STORAGE_WRITE_WITHOUT_FORMAT_BIT const FORMAT_FEATURE_2_TRANSFER_DST_BIT_KHR = FORMAT_FEATURE_2_TRANSFER_DST_BIT const FORMAT_FEATURE_2_TRANSFER_SRC_BIT_KHR = FORMAT_FEATURE_2_TRANSFER_SRC_BIT const FORMAT_FEATURE_2_UNIFORM_TEXEL_BUFFER_BIT_KHR = FORMAT_FEATURE_2_UNIFORM_TEXEL_BUFFER_BIT const FORMAT_FEATURE_2_VERTEX_BUFFER_BIT_KHR = FORMAT_FEATURE_2_VERTEX_BUFFER_BIT const FORMAT_FEATURE_COSITED_CHROMA_SAMPLES_BIT_KHR = FORMAT_FEATURE_COSITED_CHROMA_SAMPLES_BIT const FORMAT_FEATURE_DISJOINT_BIT_KHR = FORMAT_FEATURE_DISJOINT_BIT const FORMAT_FEATURE_MIDPOINT_CHROMA_SAMPLES_BIT_KHR = FORMAT_FEATURE_MIDPOINT_CHROMA_SAMPLES_BIT const FORMAT_FEATURE_SAMPLED_IMAGE_FILTER_CUBIC_BIT_IMG = FORMAT_FEATURE_SAMPLED_IMAGE_FILTER_CUBIC_BIT_EXT const FORMAT_FEATURE_SAMPLED_IMAGE_FILTER_MINMAX_BIT_EXT = FORMAT_FEATURE_SAMPLED_IMAGE_FILTER_MINMAX_BIT const FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_BIT_KHR = FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_BIT const FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_FORCEABLE_BIT_KHR = FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_FORCEABLE_BIT const FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_LINEAR_FILTER_BIT_KHR = FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_LINEAR_FILTER_BIT const FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_SEPARATE_RECONSTRUCTION_FILTER_BIT_KHR = FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_SEPARATE_RECONSTRUCTION_FILTER_BIT const FORMAT_FEATURE_TRANSFER_DST_BIT_KHR = FORMAT_FEATURE_TRANSFER_DST_BIT const FORMAT_FEATURE_TRANSFER_SRC_BIT_KHR = FORMAT_FEATURE_TRANSFER_SRC_BIT const FORMAT_G10X6B10X6G10X6R10X6_422_UNORM_4PACK16_KHR = FORMAT_G10X6B10X6G10X6R10X6_422_UNORM_4PACK16 const FORMAT_G10X6_B10X6R10X6_2PLANE_420_UNORM_3PACK16_KHR = FORMAT_G10X6_B10X6R10X6_2PLANE_420_UNORM_3PACK16 const FORMAT_G10X6_B10X6R10X6_2PLANE_422_UNORM_3PACK16_KHR = FORMAT_G10X6_B10X6R10X6_2PLANE_422_UNORM_3PACK16 const FORMAT_G10X6_B10X6R10X6_2PLANE_444_UNORM_3PACK16_EXT = FORMAT_G10X6_B10X6R10X6_2PLANE_444_UNORM_3PACK16 const FORMAT_G10X6_B10X6_R10X6_3PLANE_420_UNORM_3PACK16_KHR = FORMAT_G10X6_B10X6_R10X6_3PLANE_420_UNORM_3PACK16 const FORMAT_G10X6_B10X6_R10X6_3PLANE_422_UNORM_3PACK16_KHR = FORMAT_G10X6_B10X6_R10X6_3PLANE_422_UNORM_3PACK16 const FORMAT_G10X6_B10X6_R10X6_3PLANE_444_UNORM_3PACK16_KHR = FORMAT_G10X6_B10X6_R10X6_3PLANE_444_UNORM_3PACK16 const FORMAT_G12X4B12X4G12X4R12X4_422_UNORM_4PACK16_KHR = FORMAT_G12X4B12X4G12X4R12X4_422_UNORM_4PACK16 const FORMAT_G12X4_B12X4R12X4_2PLANE_420_UNORM_3PACK16_KHR = FORMAT_G12X4_B12X4R12X4_2PLANE_420_UNORM_3PACK16 const FORMAT_G12X4_B12X4R12X4_2PLANE_422_UNORM_3PACK16_KHR = FORMAT_G12X4_B12X4R12X4_2PLANE_422_UNORM_3PACK16 const FORMAT_G12X4_B12X4R12X4_2PLANE_444_UNORM_3PACK16_EXT = FORMAT_G12X4_B12X4R12X4_2PLANE_444_UNORM_3PACK16 const FORMAT_G12X4_B12X4_R12X4_3PLANE_420_UNORM_3PACK16_KHR = FORMAT_G12X4_B12X4_R12X4_3PLANE_420_UNORM_3PACK16 const FORMAT_G12X4_B12X4_R12X4_3PLANE_422_UNORM_3PACK16_KHR = FORMAT_G12X4_B12X4_R12X4_3PLANE_422_UNORM_3PACK16 const FORMAT_G12X4_B12X4_R12X4_3PLANE_444_UNORM_3PACK16_KHR = FORMAT_G12X4_B12X4_R12X4_3PLANE_444_UNORM_3PACK16 const FORMAT_G16B16G16R16_422_UNORM_KHR = FORMAT_G16B16G16R16_422_UNORM const FORMAT_G16_B16R16_2PLANE_420_UNORM_KHR = FORMAT_G16_B16R16_2PLANE_420_UNORM const FORMAT_G16_B16R16_2PLANE_422_UNORM_KHR = FORMAT_G16_B16R16_2PLANE_422_UNORM const FORMAT_G16_B16R16_2PLANE_444_UNORM_EXT = FORMAT_G16_B16R16_2PLANE_444_UNORM const FORMAT_G16_B16_R16_3PLANE_420_UNORM_KHR = FORMAT_G16_B16_R16_3PLANE_420_UNORM const FORMAT_G16_B16_R16_3PLANE_422_UNORM_KHR = FORMAT_G16_B16_R16_3PLANE_422_UNORM const FORMAT_G16_B16_R16_3PLANE_444_UNORM_KHR = FORMAT_G16_B16_R16_3PLANE_444_UNORM const FORMAT_G8B8G8R8_422_UNORM_KHR = FORMAT_G8B8G8R8_422_UNORM const FORMAT_G8_B8R8_2PLANE_420_UNORM_KHR = FORMAT_G8_B8R8_2PLANE_420_UNORM const FORMAT_G8_B8R8_2PLANE_422_UNORM_KHR = FORMAT_G8_B8R8_2PLANE_422_UNORM const FORMAT_G8_B8R8_2PLANE_444_UNORM_EXT = FORMAT_G8_B8R8_2PLANE_444_UNORM const FORMAT_G8_B8_R8_3PLANE_420_UNORM_KHR = FORMAT_G8_B8_R8_3PLANE_420_UNORM const FORMAT_G8_B8_R8_3PLANE_422_UNORM_KHR = FORMAT_G8_B8_R8_3PLANE_422_UNORM const FORMAT_G8_B8_R8_3PLANE_444_UNORM_KHR = FORMAT_G8_B8_R8_3PLANE_444_UNORM const FORMAT_R10X6G10X6B10X6A10X6_UNORM_4PACK16_KHR = FORMAT_R10X6G10X6B10X6A10X6_UNORM_4PACK16 const FORMAT_R10X6G10X6_UNORM_2PACK16_KHR = FORMAT_R10X6G10X6_UNORM_2PACK16 const FORMAT_R10X6_UNORM_PACK16_KHR = FORMAT_R10X6_UNORM_PACK16 const FORMAT_R12X4G12X4B12X4A12X4_UNORM_4PACK16_KHR = FORMAT_R12X4G12X4B12X4A12X4_UNORM_4PACK16 const FORMAT_R12X4G12X4_UNORM_2PACK16_KHR = FORMAT_R12X4G12X4_UNORM_2PACK16 const FORMAT_R12X4_UNORM_PACK16_KHR = FORMAT_R12X4_UNORM_PACK16 const FRAMEBUFFER_CREATE_IMAGELESS_BIT_KHR = FRAMEBUFFER_CREATE_IMAGELESS_BIT const GEOMETRY_INSTANCE_FORCE_NO_OPAQUE_BIT_NV = GEOMETRY_INSTANCE_FORCE_NO_OPAQUE_BIT_KHR const GEOMETRY_INSTANCE_FORCE_OPAQUE_BIT_NV = GEOMETRY_INSTANCE_FORCE_OPAQUE_BIT_KHR const GEOMETRY_INSTANCE_TRIANGLE_CULL_DISABLE_BIT_NV = GEOMETRY_INSTANCE_TRIANGLE_FACING_CULL_DISABLE_BIT_KHR const GEOMETRY_INSTANCE_TRIANGLE_FRONT_COUNTERCLOCKWISE_BIT_KHR = GEOMETRY_INSTANCE_TRIANGLE_FLIP_FACING_BIT_KHR const GEOMETRY_NO_DUPLICATE_ANY_HIT_INVOCATION_BIT_NV = GEOMETRY_NO_DUPLICATE_ANY_HIT_INVOCATION_BIT_KHR const GEOMETRY_OPAQUE_BIT_NV = GEOMETRY_OPAQUE_BIT_KHR const GEOMETRY_TYPE_AABBS_NV = GEOMETRY_TYPE_AABBS_KHR const GEOMETRY_TYPE_TRIANGLES_NV = GEOMETRY_TYPE_TRIANGLES_KHR const IMAGE_ASPECT_NONE_KHR = IMAGE_ASPECT_NONE const IMAGE_ASPECT_PLANE_0_BIT_KHR = IMAGE_ASPECT_PLANE_0_BIT const IMAGE_ASPECT_PLANE_1_BIT_KHR = IMAGE_ASPECT_PLANE_1_BIT const IMAGE_ASPECT_PLANE_2_BIT_KHR = IMAGE_ASPECT_PLANE_2_BIT const IMAGE_CREATE_2D_ARRAY_COMPATIBLE_BIT_KHR = IMAGE_CREATE_2D_ARRAY_COMPATIBLE_BIT const IMAGE_CREATE_ALIAS_BIT_KHR = IMAGE_CREATE_ALIAS_BIT const IMAGE_CREATE_BLOCK_TEXEL_VIEW_COMPATIBLE_BIT_KHR = IMAGE_CREATE_BLOCK_TEXEL_VIEW_COMPATIBLE_BIT const IMAGE_CREATE_DISJOINT_BIT_KHR = IMAGE_CREATE_DISJOINT_BIT const IMAGE_CREATE_EXTENDED_USAGE_BIT_KHR = IMAGE_CREATE_EXTENDED_USAGE_BIT const IMAGE_CREATE_SPLIT_INSTANCE_BIND_REGIONS_BIT_KHR = IMAGE_CREATE_SPLIT_INSTANCE_BIND_REGIONS_BIT const IMAGE_LAYOUT_ATTACHMENT_OPTIMAL_KHR = IMAGE_LAYOUT_ATTACHMENT_OPTIMAL const IMAGE_LAYOUT_DEPTH_ATTACHMENT_OPTIMAL_KHR = IMAGE_LAYOUT_DEPTH_ATTACHMENT_OPTIMAL const IMAGE_LAYOUT_DEPTH_ATTACHMENT_STENCIL_READ_ONLY_OPTIMAL_KHR = IMAGE_LAYOUT_DEPTH_ATTACHMENT_STENCIL_READ_ONLY_OPTIMAL const IMAGE_LAYOUT_DEPTH_READ_ONLY_OPTIMAL_KHR = IMAGE_LAYOUT_DEPTH_READ_ONLY_OPTIMAL const IMAGE_LAYOUT_DEPTH_READ_ONLY_STENCIL_ATTACHMENT_OPTIMAL_KHR = IMAGE_LAYOUT_DEPTH_READ_ONLY_STENCIL_ATTACHMENT_OPTIMAL const IMAGE_LAYOUT_READ_ONLY_OPTIMAL_KHR = IMAGE_LAYOUT_READ_ONLY_OPTIMAL const IMAGE_LAYOUT_SHADING_RATE_OPTIMAL_NV = IMAGE_LAYOUT_FRAGMENT_SHADING_RATE_ATTACHMENT_OPTIMAL_KHR const IMAGE_LAYOUT_STENCIL_ATTACHMENT_OPTIMAL_KHR = IMAGE_LAYOUT_STENCIL_ATTACHMENT_OPTIMAL const IMAGE_LAYOUT_STENCIL_READ_ONLY_OPTIMAL_KHR = IMAGE_LAYOUT_STENCIL_READ_ONLY_OPTIMAL const IMAGE_USAGE_SHADING_RATE_IMAGE_BIT_NV = IMAGE_USAGE_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR const INDEX_TYPE_NONE_NV = INDEX_TYPE_NONE_KHR const LUID_SIZE_KHR = LUID_SIZE const MAX_DEVICE_GROUP_SIZE_KHR = MAX_DEVICE_GROUP_SIZE const MAX_DRIVER_INFO_SIZE_KHR = MAX_DRIVER_INFO_SIZE const MAX_DRIVER_NAME_SIZE_KHR = MAX_DRIVER_NAME_SIZE const MAX_GLOBAL_PRIORITY_SIZE_EXT = MAX_GLOBAL_PRIORITY_SIZE_KHR const MEMORY_ALLOCATE_DEVICE_ADDRESS_BIT_KHR = MEMORY_ALLOCATE_DEVICE_ADDRESS_BIT const MEMORY_ALLOCATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT_KHR = MEMORY_ALLOCATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT const MEMORY_ALLOCATE_DEVICE_MASK_BIT_KHR = MEMORY_ALLOCATE_DEVICE_MASK_BIT const MEMORY_HEAP_MULTI_INSTANCE_BIT_KHR = MEMORY_HEAP_MULTI_INSTANCE_BIT const OBJECT_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_KHR = OBJECT_TYPE_DESCRIPTOR_UPDATE_TEMPLATE const OBJECT_TYPE_PRIVATE_DATA_SLOT_EXT = OBJECT_TYPE_PRIVATE_DATA_SLOT const OBJECT_TYPE_SAMPLER_YCBCR_CONVERSION_KHR = OBJECT_TYPE_SAMPLER_YCBCR_CONVERSION const PEER_MEMORY_FEATURE_COPY_DST_BIT_KHR = PEER_MEMORY_FEATURE_COPY_DST_BIT const PEER_MEMORY_FEATURE_COPY_SRC_BIT_KHR = PEER_MEMORY_FEATURE_COPY_SRC_BIT const PEER_MEMORY_FEATURE_GENERIC_DST_BIT_KHR = PEER_MEMORY_FEATURE_GENERIC_DST_BIT const PEER_MEMORY_FEATURE_GENERIC_SRC_BIT_KHR = PEER_MEMORY_FEATURE_GENERIC_SRC_BIT const PERFORMANCE_COUNTER_DESCRIPTION_CONCURRENTLY_IMPACTED_KHR = PERFORMANCE_COUNTER_DESCRIPTION_CONCURRENTLY_IMPACTED_BIT_KHR const PERFORMANCE_COUNTER_DESCRIPTION_PERFORMANCE_IMPACTING_KHR = PERFORMANCE_COUNTER_DESCRIPTION_PERFORMANCE_IMPACTING_BIT_KHR const PIPELINE_BIND_POINT_RAY_TRACING_NV = PIPELINE_BIND_POINT_RAY_TRACING_KHR const PIPELINE_CACHE_CREATE_EXTERNALLY_SYNCHRONIZED_BIT_EXT = PIPELINE_CACHE_CREATE_EXTERNALLY_SYNCHRONIZED_BIT const PIPELINE_COLOR_BLEND_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_ACCESS_BIT_ARM = PIPELINE_COLOR_BLEND_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_ACCESS_BIT_EXT const PIPELINE_COMPILE_REQUIRED_EXT = PIPELINE_COMPILE_REQUIRED const PIPELINE_CREATE_DISPATCH_BASE = PIPELINE_CREATE_DISPATCH_BASE_BIT const PIPELINE_CREATE_EARLY_RETURN_ON_FAILURE_BIT_EXT = PIPELINE_CREATE_EARLY_RETURN_ON_FAILURE_BIT const PIPELINE_CREATE_FAIL_ON_PIPELINE_COMPILE_REQUIRED_BIT_EXT = PIPELINE_CREATE_FAIL_ON_PIPELINE_COMPILE_REQUIRED_BIT const PIPELINE_CREATE_VIEW_INDEX_FROM_DEVICE_INDEX_BIT_KHR = PIPELINE_CREATE_VIEW_INDEX_FROM_DEVICE_INDEX_BIT const PIPELINE_CREATION_FEEDBACK_APPLICATION_PIPELINE_CACHE_HIT_BIT_EXT = PIPELINE_CREATION_FEEDBACK_APPLICATION_PIPELINE_CACHE_HIT_BIT const PIPELINE_CREATION_FEEDBACK_BASE_PIPELINE_ACCELERATION_BIT_EXT = PIPELINE_CREATION_FEEDBACK_BASE_PIPELINE_ACCELERATION_BIT const PIPELINE_CREATION_FEEDBACK_VALID_BIT_EXT = PIPELINE_CREATION_FEEDBACK_VALID_BIT const PIPELINE_DEPTH_STENCIL_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_DEPTH_ACCESS_BIT_ARM = PIPELINE_DEPTH_STENCIL_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_DEPTH_ACCESS_BIT_EXT const PIPELINE_DEPTH_STENCIL_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_STENCIL_ACCESS_BIT_ARM = PIPELINE_DEPTH_STENCIL_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_STENCIL_ACCESS_BIT_EXT const PIPELINE_RASTERIZATION_STATE_CREATE_FRAGMENT_DENSITY_MAP_ATTACHMENT_BIT_EXT = PIPELINE_CREATE_RENDERING_FRAGMENT_DENSITY_MAP_ATTACHMENT_BIT_EXT const PIPELINE_RASTERIZATION_STATE_CREATE_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR = PIPELINE_CREATE_RENDERING_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR const PIPELINE_SHADER_STAGE_CREATE_ALLOW_VARYING_SUBGROUP_SIZE_BIT_EXT = PIPELINE_SHADER_STAGE_CREATE_ALLOW_VARYING_SUBGROUP_SIZE_BIT const PIPELINE_SHADER_STAGE_CREATE_REQUIRE_FULL_SUBGROUPS_BIT_EXT = PIPELINE_SHADER_STAGE_CREATE_REQUIRE_FULL_SUBGROUPS_BIT const PIPELINE_STAGE_2_ACCELERATION_STRUCTURE_BUILD_BIT_NV = PIPELINE_STAGE_2_ACCELERATION_STRUCTURE_BUILD_BIT_KHR const PIPELINE_STAGE_2_ALL_COMMANDS_BIT_KHR = PIPELINE_STAGE_2_ALL_COMMANDS_BIT const PIPELINE_STAGE_2_ALL_GRAPHICS_BIT_KHR = PIPELINE_STAGE_2_ALL_GRAPHICS_BIT const PIPELINE_STAGE_2_ALL_TRANSFER_BIT_KHR = PIPELINE_STAGE_2_ALL_TRANSFER_BIT const PIPELINE_STAGE_2_BLIT_BIT_KHR = PIPELINE_STAGE_2_BLIT_BIT const PIPELINE_STAGE_2_BOTTOM_OF_PIPE_BIT_KHR = PIPELINE_STAGE_2_BOTTOM_OF_PIPE_BIT const PIPELINE_STAGE_2_CLEAR_BIT_KHR = PIPELINE_STAGE_2_CLEAR_BIT const PIPELINE_STAGE_2_COLOR_ATTACHMENT_OUTPUT_BIT_KHR = PIPELINE_STAGE_2_COLOR_ATTACHMENT_OUTPUT_BIT const PIPELINE_STAGE_2_COMPUTE_SHADER_BIT_KHR = PIPELINE_STAGE_2_COMPUTE_SHADER_BIT const PIPELINE_STAGE_2_COPY_BIT_KHR = PIPELINE_STAGE_2_COPY_BIT const PIPELINE_STAGE_2_DRAW_INDIRECT_BIT_KHR = PIPELINE_STAGE_2_DRAW_INDIRECT_BIT const PIPELINE_STAGE_2_EARLY_FRAGMENT_TESTS_BIT_KHR = PIPELINE_STAGE_2_EARLY_FRAGMENT_TESTS_BIT const PIPELINE_STAGE_2_FRAGMENT_SHADER_BIT_KHR = PIPELINE_STAGE_2_FRAGMENT_SHADER_BIT const PIPELINE_STAGE_2_GEOMETRY_SHADER_BIT_KHR = PIPELINE_STAGE_2_GEOMETRY_SHADER_BIT const PIPELINE_STAGE_2_HOST_BIT_KHR = PIPELINE_STAGE_2_HOST_BIT const PIPELINE_STAGE_2_INDEX_INPUT_BIT_KHR = PIPELINE_STAGE_2_INDEX_INPUT_BIT const PIPELINE_STAGE_2_LATE_FRAGMENT_TESTS_BIT_KHR = PIPELINE_STAGE_2_LATE_FRAGMENT_TESTS_BIT const PIPELINE_STAGE_2_MESH_SHADER_BIT_NV = PIPELINE_STAGE_2_MESH_SHADER_BIT_EXT const PIPELINE_STAGE_2_NONE_KHR = PIPELINE_STAGE_2_NONE const PIPELINE_STAGE_2_PRE_RASTERIZATION_SHADERS_BIT_KHR = PIPELINE_STAGE_2_PRE_RASTERIZATION_SHADERS_BIT const PIPELINE_STAGE_2_RAY_TRACING_SHADER_BIT_NV = PIPELINE_STAGE_2_RAY_TRACING_SHADER_BIT_KHR const PIPELINE_STAGE_2_RESOLVE_BIT_KHR = PIPELINE_STAGE_2_RESOLVE_BIT const PIPELINE_STAGE_2_SHADING_RATE_IMAGE_BIT_NV = PIPELINE_STAGE_2_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR const PIPELINE_STAGE_2_TASK_SHADER_BIT_NV = PIPELINE_STAGE_2_TASK_SHADER_BIT_EXT const PIPELINE_STAGE_2_TESSELLATION_CONTROL_SHADER_BIT_KHR = PIPELINE_STAGE_2_TESSELLATION_CONTROL_SHADER_BIT const PIPELINE_STAGE_2_TESSELLATION_EVALUATION_SHADER_BIT_KHR = PIPELINE_STAGE_2_TESSELLATION_EVALUATION_SHADER_BIT const PIPELINE_STAGE_2_TOP_OF_PIPE_BIT_KHR = PIPELINE_STAGE_2_TOP_OF_PIPE_BIT const PIPELINE_STAGE_2_TRANSFER_BIT_KHR = PIPELINE_STAGE_2_ALL_TRANSFER_BIT const PIPELINE_STAGE_2_VERTEX_ATTRIBUTE_INPUT_BIT_KHR = PIPELINE_STAGE_2_VERTEX_ATTRIBUTE_INPUT_BIT const PIPELINE_STAGE_2_VERTEX_INPUT_BIT_KHR = PIPELINE_STAGE_2_VERTEX_INPUT_BIT const PIPELINE_STAGE_2_VERTEX_SHADER_BIT_KHR = PIPELINE_STAGE_2_VERTEX_SHADER_BIT const PIPELINE_STAGE_ACCELERATION_STRUCTURE_BUILD_BIT_NV = PIPELINE_STAGE_ACCELERATION_STRUCTURE_BUILD_BIT_KHR const PIPELINE_STAGE_MESH_SHADER_BIT_NV = PIPELINE_STAGE_MESH_SHADER_BIT_EXT const PIPELINE_STAGE_NONE_KHR = PIPELINE_STAGE_NONE const PIPELINE_STAGE_RAY_TRACING_SHADER_BIT_NV = PIPELINE_STAGE_RAY_TRACING_SHADER_BIT_KHR const PIPELINE_STAGE_SHADING_RATE_IMAGE_BIT_NV = PIPELINE_STAGE_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR const PIPELINE_STAGE_TASK_SHADER_BIT_NV = PIPELINE_STAGE_TASK_SHADER_BIT_EXT const POINT_CLIPPING_BEHAVIOR_ALL_CLIP_PLANES_KHR = POINT_CLIPPING_BEHAVIOR_ALL_CLIP_PLANES const POINT_CLIPPING_BEHAVIOR_USER_CLIP_PLANES_ONLY_KHR = POINT_CLIPPING_BEHAVIOR_USER_CLIP_PLANES_ONLY const QUERY_SCOPE_COMMAND_BUFFER_KHR = PERFORMANCE_COUNTER_SCOPE_COMMAND_BUFFER_KHR const QUERY_SCOPE_COMMAND_KHR = PERFORMANCE_COUNTER_SCOPE_COMMAND_KHR const QUERY_SCOPE_RENDER_PASS_KHR = PERFORMANCE_COUNTER_SCOPE_RENDER_PASS_KHR const QUEUE_FAMILY_EXTERNAL_KHR = QUEUE_FAMILY_EXTERNAL const QUEUE_GLOBAL_PRIORITY_HIGH_EXT = QUEUE_GLOBAL_PRIORITY_HIGH_KHR const QUEUE_GLOBAL_PRIORITY_LOW_EXT = QUEUE_GLOBAL_PRIORITY_LOW_KHR const QUEUE_GLOBAL_PRIORITY_MEDIUM_EXT = QUEUE_GLOBAL_PRIORITY_MEDIUM_KHR const QUEUE_GLOBAL_PRIORITY_REALTIME_EXT = QUEUE_GLOBAL_PRIORITY_REALTIME_KHR const RAY_TRACING_SHADER_GROUP_TYPE_GENERAL_NV = RAY_TRACING_SHADER_GROUP_TYPE_GENERAL_KHR const RAY_TRACING_SHADER_GROUP_TYPE_PROCEDURAL_HIT_GROUP_NV = RAY_TRACING_SHADER_GROUP_TYPE_PROCEDURAL_HIT_GROUP_KHR const RAY_TRACING_SHADER_GROUP_TYPE_TRIANGLES_HIT_GROUP_NV = RAY_TRACING_SHADER_GROUP_TYPE_TRIANGLES_HIT_GROUP_KHR const RENDERING_CONTENTS_SECONDARY_COMMAND_BUFFERS_BIT_KHR = RENDERING_CONTENTS_SECONDARY_COMMAND_BUFFERS_BIT const RENDERING_RESUMING_BIT_KHR = RENDERING_RESUMING_BIT const RENDERING_SUSPENDING_BIT_KHR = RENDERING_SUSPENDING_BIT const RESOLVE_MODE_AVERAGE_BIT_KHR = RESOLVE_MODE_AVERAGE_BIT const RESOLVE_MODE_MAX_BIT_KHR = RESOLVE_MODE_MAX_BIT const RESOLVE_MODE_MIN_BIT_KHR = RESOLVE_MODE_MIN_BIT const RESOLVE_MODE_NONE_KHR = RESOLVE_MODE_NONE const RESOLVE_MODE_SAMPLE_ZERO_BIT_KHR = RESOLVE_MODE_SAMPLE_ZERO_BIT const SAMPLER_ADDRESS_MODE_MIRROR_CLAMP_TO_EDGE_KHR = SAMPLER_ADDRESS_MODE_MIRROR_CLAMP_TO_EDGE const SAMPLER_REDUCTION_MODE_MAX_EXT = SAMPLER_REDUCTION_MODE_MAX const SAMPLER_REDUCTION_MODE_MIN_EXT = SAMPLER_REDUCTION_MODE_MIN const SAMPLER_REDUCTION_MODE_WEIGHTED_AVERAGE_EXT = SAMPLER_REDUCTION_MODE_WEIGHTED_AVERAGE const SAMPLER_YCBCR_MODEL_CONVERSION_RGB_IDENTITY_KHR = SAMPLER_YCBCR_MODEL_CONVERSION_RGB_IDENTITY const SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_2020_KHR = SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_2020 const SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_601_KHR = SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_601 const SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_709_KHR = SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_709 const SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_IDENTITY_KHR = SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_IDENTITY const SAMPLER_YCBCR_RANGE_ITU_FULL_KHR = SAMPLER_YCBCR_RANGE_ITU_FULL const SAMPLER_YCBCR_RANGE_ITU_NARROW_KHR = SAMPLER_YCBCR_RANGE_ITU_NARROW const SEMAPHORE_IMPORT_TEMPORARY_BIT_KHR = SEMAPHORE_IMPORT_TEMPORARY_BIT const SEMAPHORE_TYPE_BINARY_KHR = SEMAPHORE_TYPE_BINARY const SEMAPHORE_TYPE_TIMELINE_KHR = SEMAPHORE_TYPE_TIMELINE const SEMAPHORE_WAIT_ANY_BIT_KHR = SEMAPHORE_WAIT_ANY_BIT const SHADER_FLOAT_CONTROLS_INDEPENDENCE_32_BIT_ONLY_KHR = SHADER_FLOAT_CONTROLS_INDEPENDENCE_32_BIT_ONLY const SHADER_FLOAT_CONTROLS_INDEPENDENCE_ALL_KHR = SHADER_FLOAT_CONTROLS_INDEPENDENCE_ALL const SHADER_FLOAT_CONTROLS_INDEPENDENCE_NONE_KHR = SHADER_FLOAT_CONTROLS_INDEPENDENCE_NONE const SHADER_STAGE_ANY_HIT_BIT_NV = SHADER_STAGE_ANY_HIT_BIT_KHR const SHADER_STAGE_CALLABLE_BIT_NV = SHADER_STAGE_CALLABLE_BIT_KHR const SHADER_STAGE_CLOSEST_HIT_BIT_NV = SHADER_STAGE_CLOSEST_HIT_BIT_KHR const SHADER_STAGE_INTERSECTION_BIT_NV = SHADER_STAGE_INTERSECTION_BIT_KHR const SHADER_STAGE_MESH_BIT_NV = SHADER_STAGE_MESH_BIT_EXT const SHADER_STAGE_MISS_BIT_NV = SHADER_STAGE_MISS_BIT_KHR const SHADER_STAGE_RAYGEN_BIT_NV = SHADER_STAGE_RAYGEN_BIT_KHR const SHADER_STAGE_TASK_BIT_NV = SHADER_STAGE_TASK_BIT_EXT const SHADER_UNUSED_NV = SHADER_UNUSED_KHR const STENCIL_FRONT_AND_BACK = STENCIL_FACE_FRONT_AND_BACK const STRUCTURE_TYPE_ATTACHMENT_DESCRIPTION_2_KHR = STRUCTURE_TYPE_ATTACHMENT_DESCRIPTION_2 const STRUCTURE_TYPE_ATTACHMENT_DESCRIPTION_STENCIL_LAYOUT_KHR = STRUCTURE_TYPE_ATTACHMENT_DESCRIPTION_STENCIL_LAYOUT const STRUCTURE_TYPE_ATTACHMENT_REFERENCE_2_KHR = STRUCTURE_TYPE_ATTACHMENT_REFERENCE_2 const STRUCTURE_TYPE_ATTACHMENT_REFERENCE_STENCIL_LAYOUT_KHR = STRUCTURE_TYPE_ATTACHMENT_REFERENCE_STENCIL_LAYOUT const STRUCTURE_TYPE_ATTACHMENT_SAMPLE_COUNT_INFO_NV = STRUCTURE_TYPE_ATTACHMENT_SAMPLE_COUNT_INFO_AMD const STRUCTURE_TYPE_BIND_BUFFER_MEMORY_DEVICE_GROUP_INFO_KHR = STRUCTURE_TYPE_BIND_BUFFER_MEMORY_DEVICE_GROUP_INFO const STRUCTURE_TYPE_BIND_BUFFER_MEMORY_INFO_KHR = STRUCTURE_TYPE_BIND_BUFFER_MEMORY_INFO const STRUCTURE_TYPE_BIND_IMAGE_MEMORY_DEVICE_GROUP_INFO_KHR = STRUCTURE_TYPE_BIND_IMAGE_MEMORY_DEVICE_GROUP_INFO const STRUCTURE_TYPE_BIND_IMAGE_MEMORY_INFO_KHR = STRUCTURE_TYPE_BIND_IMAGE_MEMORY_INFO const STRUCTURE_TYPE_BIND_IMAGE_PLANE_MEMORY_INFO_KHR = STRUCTURE_TYPE_BIND_IMAGE_PLANE_MEMORY_INFO const STRUCTURE_TYPE_BLIT_IMAGE_INFO_2_KHR = STRUCTURE_TYPE_BLIT_IMAGE_INFO_2 const STRUCTURE_TYPE_BUFFER_COPY_2_KHR = STRUCTURE_TYPE_BUFFER_COPY_2 const STRUCTURE_TYPE_BUFFER_DEVICE_ADDRESS_INFO_EXT = STRUCTURE_TYPE_BUFFER_DEVICE_ADDRESS_INFO const STRUCTURE_TYPE_BUFFER_DEVICE_ADDRESS_INFO_KHR = STRUCTURE_TYPE_BUFFER_DEVICE_ADDRESS_INFO const STRUCTURE_TYPE_BUFFER_IMAGE_COPY_2_KHR = STRUCTURE_TYPE_BUFFER_IMAGE_COPY_2 const STRUCTURE_TYPE_BUFFER_MEMORY_BARRIER_2_KHR = STRUCTURE_TYPE_BUFFER_MEMORY_BARRIER_2 const STRUCTURE_TYPE_BUFFER_MEMORY_REQUIREMENTS_INFO_2_KHR = STRUCTURE_TYPE_BUFFER_MEMORY_REQUIREMENTS_INFO_2 const STRUCTURE_TYPE_BUFFER_OPAQUE_CAPTURE_ADDRESS_CREATE_INFO_KHR = STRUCTURE_TYPE_BUFFER_OPAQUE_CAPTURE_ADDRESS_CREATE_INFO const STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_RENDERING_INFO_KHR = STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_RENDERING_INFO const STRUCTURE_TYPE_COMMAND_BUFFER_SUBMIT_INFO_KHR = STRUCTURE_TYPE_COMMAND_BUFFER_SUBMIT_INFO const STRUCTURE_TYPE_COPY_BUFFER_INFO_2_KHR = STRUCTURE_TYPE_COPY_BUFFER_INFO_2 const STRUCTURE_TYPE_COPY_BUFFER_TO_IMAGE_INFO_2_KHR = STRUCTURE_TYPE_COPY_BUFFER_TO_IMAGE_INFO_2 const STRUCTURE_TYPE_COPY_IMAGE_INFO_2_KHR = STRUCTURE_TYPE_COPY_IMAGE_INFO_2 const STRUCTURE_TYPE_COPY_IMAGE_TO_BUFFER_INFO_2_KHR = STRUCTURE_TYPE_COPY_IMAGE_TO_BUFFER_INFO_2 const STRUCTURE_TYPE_DEBUG_REPORT_CREATE_INFO_EXT = STRUCTURE_TYPE_DEBUG_REPORT_CALLBACK_CREATE_INFO_EXT const STRUCTURE_TYPE_DEPENDENCY_INFO_KHR = STRUCTURE_TYPE_DEPENDENCY_INFO const STRUCTURE_TYPE_DESCRIPTOR_POOL_INLINE_UNIFORM_BLOCK_CREATE_INFO_EXT = STRUCTURE_TYPE_DESCRIPTOR_POOL_INLINE_UNIFORM_BLOCK_CREATE_INFO const STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_BINDING_FLAGS_CREATE_INFO_EXT = STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_BINDING_FLAGS_CREATE_INFO const STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_SUPPORT_KHR = STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_SUPPORT const STRUCTURE_TYPE_DESCRIPTOR_SET_VARIABLE_DESCRIPTOR_COUNT_ALLOCATE_INFO_EXT = STRUCTURE_TYPE_DESCRIPTOR_SET_VARIABLE_DESCRIPTOR_COUNT_ALLOCATE_INFO const STRUCTURE_TYPE_DESCRIPTOR_SET_VARIABLE_DESCRIPTOR_COUNT_LAYOUT_SUPPORT_EXT = STRUCTURE_TYPE_DESCRIPTOR_SET_VARIABLE_DESCRIPTOR_COUNT_LAYOUT_SUPPORT const STRUCTURE_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_CREATE_INFO_KHR = STRUCTURE_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_CREATE_INFO const STRUCTURE_TYPE_DEVICE_BUFFER_MEMORY_REQUIREMENTS_KHR = STRUCTURE_TYPE_DEVICE_BUFFER_MEMORY_REQUIREMENTS const STRUCTURE_TYPE_DEVICE_GROUP_BIND_SPARSE_INFO_KHR = STRUCTURE_TYPE_DEVICE_GROUP_BIND_SPARSE_INFO const STRUCTURE_TYPE_DEVICE_GROUP_COMMAND_BUFFER_BEGIN_INFO_KHR = STRUCTURE_TYPE_DEVICE_GROUP_COMMAND_BUFFER_BEGIN_INFO const STRUCTURE_TYPE_DEVICE_GROUP_DEVICE_CREATE_INFO_KHR = STRUCTURE_TYPE_DEVICE_GROUP_DEVICE_CREATE_INFO const STRUCTURE_TYPE_DEVICE_GROUP_RENDER_PASS_BEGIN_INFO_KHR = STRUCTURE_TYPE_DEVICE_GROUP_RENDER_PASS_BEGIN_INFO const STRUCTURE_TYPE_DEVICE_GROUP_SUBMIT_INFO_KHR = STRUCTURE_TYPE_DEVICE_GROUP_SUBMIT_INFO const STRUCTURE_TYPE_DEVICE_IMAGE_MEMORY_REQUIREMENTS_KHR = STRUCTURE_TYPE_DEVICE_IMAGE_MEMORY_REQUIREMENTS const STRUCTURE_TYPE_DEVICE_MEMORY_OPAQUE_CAPTURE_ADDRESS_INFO_KHR = STRUCTURE_TYPE_DEVICE_MEMORY_OPAQUE_CAPTURE_ADDRESS_INFO const STRUCTURE_TYPE_DEVICE_PRIVATE_DATA_CREATE_INFO_EXT = STRUCTURE_TYPE_DEVICE_PRIVATE_DATA_CREATE_INFO const STRUCTURE_TYPE_DEVICE_QUEUE_GLOBAL_PRIORITY_CREATE_INFO_EXT = STRUCTURE_TYPE_DEVICE_QUEUE_GLOBAL_PRIORITY_CREATE_INFO_KHR const STRUCTURE_TYPE_EXPORT_FENCE_CREATE_INFO_KHR = STRUCTURE_TYPE_EXPORT_FENCE_CREATE_INFO const STRUCTURE_TYPE_EXPORT_MEMORY_ALLOCATE_INFO_KHR = STRUCTURE_TYPE_EXPORT_MEMORY_ALLOCATE_INFO const STRUCTURE_TYPE_EXPORT_SEMAPHORE_CREATE_INFO_KHR = STRUCTURE_TYPE_EXPORT_SEMAPHORE_CREATE_INFO const STRUCTURE_TYPE_EXTERNAL_BUFFER_PROPERTIES_KHR = STRUCTURE_TYPE_EXTERNAL_BUFFER_PROPERTIES const STRUCTURE_TYPE_EXTERNAL_FENCE_PROPERTIES_KHR = STRUCTURE_TYPE_EXTERNAL_FENCE_PROPERTIES const STRUCTURE_TYPE_EXTERNAL_IMAGE_FORMAT_PROPERTIES_KHR = STRUCTURE_TYPE_EXTERNAL_IMAGE_FORMAT_PROPERTIES const STRUCTURE_TYPE_EXTERNAL_MEMORY_BUFFER_CREATE_INFO_KHR = STRUCTURE_TYPE_EXTERNAL_MEMORY_BUFFER_CREATE_INFO const STRUCTURE_TYPE_EXTERNAL_MEMORY_IMAGE_CREATE_INFO_KHR = STRUCTURE_TYPE_EXTERNAL_MEMORY_IMAGE_CREATE_INFO const STRUCTURE_TYPE_EXTERNAL_SEMAPHORE_PROPERTIES_KHR = STRUCTURE_TYPE_EXTERNAL_SEMAPHORE_PROPERTIES const STRUCTURE_TYPE_FORMAT_PROPERTIES_2_KHR = STRUCTURE_TYPE_FORMAT_PROPERTIES_2 const STRUCTURE_TYPE_FORMAT_PROPERTIES_3_KHR = STRUCTURE_TYPE_FORMAT_PROPERTIES_3 const STRUCTURE_TYPE_FRAMEBUFFER_ATTACHMENTS_CREATE_INFO_KHR = STRUCTURE_TYPE_FRAMEBUFFER_ATTACHMENTS_CREATE_INFO const STRUCTURE_TYPE_FRAMEBUFFER_ATTACHMENT_IMAGE_INFO_KHR = STRUCTURE_TYPE_FRAMEBUFFER_ATTACHMENT_IMAGE_INFO const STRUCTURE_TYPE_IMAGE_BLIT_2_KHR = STRUCTURE_TYPE_IMAGE_BLIT_2 const STRUCTURE_TYPE_IMAGE_COPY_2_KHR = STRUCTURE_TYPE_IMAGE_COPY_2 const STRUCTURE_TYPE_IMAGE_FORMAT_LIST_CREATE_INFO_KHR = STRUCTURE_TYPE_IMAGE_FORMAT_LIST_CREATE_INFO const STRUCTURE_TYPE_IMAGE_FORMAT_PROPERTIES_2_KHR = STRUCTURE_TYPE_IMAGE_FORMAT_PROPERTIES_2 const STRUCTURE_TYPE_IMAGE_MEMORY_BARRIER_2_KHR = STRUCTURE_TYPE_IMAGE_MEMORY_BARRIER_2 const STRUCTURE_TYPE_IMAGE_MEMORY_REQUIREMENTS_INFO_2_KHR = STRUCTURE_TYPE_IMAGE_MEMORY_REQUIREMENTS_INFO_2 const STRUCTURE_TYPE_IMAGE_PLANE_MEMORY_REQUIREMENTS_INFO_KHR = STRUCTURE_TYPE_IMAGE_PLANE_MEMORY_REQUIREMENTS_INFO const STRUCTURE_TYPE_IMAGE_RESOLVE_2_KHR = STRUCTURE_TYPE_IMAGE_RESOLVE_2 const STRUCTURE_TYPE_IMAGE_SPARSE_MEMORY_REQUIREMENTS_INFO_2_KHR = STRUCTURE_TYPE_IMAGE_SPARSE_MEMORY_REQUIREMENTS_INFO_2 const STRUCTURE_TYPE_IMAGE_STENCIL_USAGE_CREATE_INFO_EXT = STRUCTURE_TYPE_IMAGE_STENCIL_USAGE_CREATE_INFO const STRUCTURE_TYPE_IMAGE_VIEW_USAGE_CREATE_INFO_KHR = STRUCTURE_TYPE_IMAGE_VIEW_USAGE_CREATE_INFO const STRUCTURE_TYPE_MEMORY_ALLOCATE_FLAGS_INFO_KHR = STRUCTURE_TYPE_MEMORY_ALLOCATE_FLAGS_INFO const STRUCTURE_TYPE_MEMORY_BARRIER_2_KHR = STRUCTURE_TYPE_MEMORY_BARRIER_2 const STRUCTURE_TYPE_MEMORY_DEDICATED_ALLOCATE_INFO_KHR = STRUCTURE_TYPE_MEMORY_DEDICATED_ALLOCATE_INFO const STRUCTURE_TYPE_MEMORY_DEDICATED_REQUIREMENTS_KHR = STRUCTURE_TYPE_MEMORY_DEDICATED_REQUIREMENTS const STRUCTURE_TYPE_MEMORY_OPAQUE_CAPTURE_ADDRESS_ALLOCATE_INFO_KHR = STRUCTURE_TYPE_MEMORY_OPAQUE_CAPTURE_ADDRESS_ALLOCATE_INFO const STRUCTURE_TYPE_MEMORY_REQUIREMENTS_2_KHR = STRUCTURE_TYPE_MEMORY_REQUIREMENTS_2 const STRUCTURE_TYPE_MUTABLE_DESCRIPTOR_TYPE_CREATE_INFO_VALVE = STRUCTURE_TYPE_MUTABLE_DESCRIPTOR_TYPE_CREATE_INFO_EXT const STRUCTURE_TYPE_PHYSICAL_DEVICE_16BIT_STORAGE_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_16BIT_STORAGE_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_8BIT_STORAGE_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_8BIT_STORAGE_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_BUFFER_ADDRESS_FEATURES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_BUFFER_DEVICE_ADDRESS_FEATURES_EXT const STRUCTURE_TYPE_PHYSICAL_DEVICE_BUFFER_DEVICE_ADDRESS_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_BUFFER_DEVICE_ADDRESS_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_STENCIL_RESOLVE_PROPERTIES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_STENCIL_RESOLVE_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_INDEXING_FEATURES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_INDEXING_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_INDEXING_PROPERTIES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_INDEXING_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_DRIVER_PROPERTIES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_DRIVER_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_DYNAMIC_RENDERING_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_DYNAMIC_RENDERING_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_BUFFER_INFO_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_BUFFER_INFO const STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_FENCE_INFO_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_FENCE_INFO const STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_IMAGE_FORMAT_INFO_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_IMAGE_FORMAT_INFO const STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_SEMAPHORE_INFO_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_SEMAPHORE_INFO const STRUCTURE_TYPE_PHYSICAL_DEVICE_FEATURES_2_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_FEATURES_2 const STRUCTURE_TYPE_PHYSICAL_DEVICE_FLOAT16_INT8_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_FLOAT16_INT8_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_FLOAT_CONTROLS_PROPERTIES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_FLOAT_CONTROLS_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADER_BARYCENTRIC_FEATURES_NV = STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADER_BARYCENTRIC_FEATURES_KHR const STRUCTURE_TYPE_PHYSICAL_DEVICE_GLOBAL_PRIORITY_QUERY_FEATURES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_GLOBAL_PRIORITY_QUERY_FEATURES_KHR const STRUCTURE_TYPE_PHYSICAL_DEVICE_GROUP_PROPERTIES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_GROUP_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_HOST_QUERY_RESET_FEATURES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_HOST_QUERY_RESET_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_ID_PROPERTIES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_ID_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGELESS_FRAMEBUFFER_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGELESS_FRAMEBUFFER_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_FORMAT_INFO_2_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_FORMAT_INFO_2 const STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_ROBUSTNESS_FEATURES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_ROBUSTNESS_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_INLINE_UNIFORM_BLOCK_FEATURES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_INLINE_UNIFORM_BLOCK_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_INLINE_UNIFORM_BLOCK_PROPERTIES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_INLINE_UNIFORM_BLOCK_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_3_PROPERTIES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_3_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_4_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_4_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_4_PROPERTIES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_4_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_PROPERTIES_2_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_PROPERTIES_2 const STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_PROPERTIES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_MUTABLE_DESCRIPTOR_TYPE_FEATURES_VALVE = STRUCTURE_TYPE_PHYSICAL_DEVICE_MUTABLE_DESCRIPTOR_TYPE_FEATURES_EXT const STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_CREATION_CACHE_CONTROL_FEATURES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_CREATION_CACHE_CONTROL_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_POINT_CLIPPING_PROPERTIES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_POINT_CLIPPING_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_PRIVATE_DATA_FEATURES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_PRIVATE_DATA_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_PROPERTIES_2_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_PROPERTIES_2 const STRUCTURE_TYPE_PHYSICAL_DEVICE_RASTERIZATION_ORDER_ATTACHMENT_ACCESS_FEATURES_ARM = STRUCTURE_TYPE_PHYSICAL_DEVICE_RASTERIZATION_ORDER_ATTACHMENT_ACCESS_FEATURES_EXT const STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLER_FILTER_MINMAX_PROPERTIES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLER_FILTER_MINMAX_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLER_YCBCR_CONVERSION_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLER_YCBCR_CONVERSION_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SCALAR_BLOCK_LAYOUT_FEATURES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_SCALAR_BLOCK_LAYOUT_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SEPARATE_DEPTH_STENCIL_LAYOUTS_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_SEPARATE_DEPTH_STENCIL_LAYOUTS_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_ATOMIC_INT64_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_ATOMIC_INT64_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_DEMOTE_TO_HELPER_INVOCATION_FEATURES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_DEMOTE_TO_HELPER_INVOCATION_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_DRAW_PARAMETER_FEATURES = STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_DRAW_PARAMETERS_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_FLOAT16_INT8_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_FLOAT16_INT8_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_DOT_PRODUCT_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_DOT_PRODUCT_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_DOT_PRODUCT_PROPERTIES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_DOT_PRODUCT_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SUBGROUP_EXTENDED_TYPES_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SUBGROUP_EXTENDED_TYPES_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_TERMINATE_INVOCATION_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_TERMINATE_INVOCATION_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SPARSE_IMAGE_FORMAT_INFO_2_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_SPARSE_IMAGE_FORMAT_INFO_2 const STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_SIZE_CONTROL_FEATURES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_SIZE_CONTROL_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_SIZE_CONTROL_PROPERTIES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_SIZE_CONTROL_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SYNCHRONIZATION_2_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_SYNCHRONIZATION_2_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXEL_BUFFER_ALIGNMENT_PROPERTIES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXEL_BUFFER_ALIGNMENT_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXTURE_COMPRESSION_ASTC_HDR_FEATURES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXTURE_COMPRESSION_ASTC_HDR_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_TIMELINE_SEMAPHORE_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_TIMELINE_SEMAPHORE_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_TIMELINE_SEMAPHORE_PROPERTIES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_TIMELINE_SEMAPHORE_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_TOOL_PROPERTIES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_TOOL_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_UNIFORM_BUFFER_STANDARD_LAYOUT_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_UNIFORM_BUFFER_STANDARD_LAYOUT_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_VARIABLE_POINTERS_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_VARIABLE_POINTERS_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_VARIABLE_POINTER_FEATURES = STRUCTURE_TYPE_PHYSICAL_DEVICE_VARIABLE_POINTERS_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_MEMORY_MODEL_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_MEMORY_MODEL_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_ZERO_INITIALIZE_WORKGROUP_MEMORY_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_ZERO_INITIALIZE_WORKGROUP_MEMORY_FEATURES const STRUCTURE_TYPE_PIPELINE_CREATION_FEEDBACK_CREATE_INFO_EXT = STRUCTURE_TYPE_PIPELINE_CREATION_FEEDBACK_CREATE_INFO const STRUCTURE_TYPE_PIPELINE_INFO_EXT = STRUCTURE_TYPE_PIPELINE_INFO_KHR const STRUCTURE_TYPE_PIPELINE_RENDERING_CREATE_INFO_KHR = STRUCTURE_TYPE_PIPELINE_RENDERING_CREATE_INFO const STRUCTURE_TYPE_PIPELINE_SHADER_STAGE_REQUIRED_SUBGROUP_SIZE_CREATE_INFO_EXT = STRUCTURE_TYPE_PIPELINE_SHADER_STAGE_REQUIRED_SUBGROUP_SIZE_CREATE_INFO const STRUCTURE_TYPE_PIPELINE_TESSELLATION_DOMAIN_ORIGIN_STATE_CREATE_INFO_KHR = STRUCTURE_TYPE_PIPELINE_TESSELLATION_DOMAIN_ORIGIN_STATE_CREATE_INFO const STRUCTURE_TYPE_PRIVATE_DATA_SLOT_CREATE_INFO_EXT = STRUCTURE_TYPE_PRIVATE_DATA_SLOT_CREATE_INFO const STRUCTURE_TYPE_QUERY_POOL_CREATE_INFO_INTEL = STRUCTURE_TYPE_QUERY_POOL_PERFORMANCE_QUERY_CREATE_INFO_INTEL const STRUCTURE_TYPE_QUEUE_FAMILY_GLOBAL_PRIORITY_PROPERTIES_EXT = STRUCTURE_TYPE_QUEUE_FAMILY_GLOBAL_PRIORITY_PROPERTIES_KHR const STRUCTURE_TYPE_QUEUE_FAMILY_PROPERTIES_2_KHR = STRUCTURE_TYPE_QUEUE_FAMILY_PROPERTIES_2 const STRUCTURE_TYPE_RENDERING_ATTACHMENT_INFO_KHR = STRUCTURE_TYPE_RENDERING_ATTACHMENT_INFO const STRUCTURE_TYPE_RENDERING_INFO_KHR = STRUCTURE_TYPE_RENDERING_INFO const STRUCTURE_TYPE_RENDER_PASS_ATTACHMENT_BEGIN_INFO_KHR = STRUCTURE_TYPE_RENDER_PASS_ATTACHMENT_BEGIN_INFO const STRUCTURE_TYPE_RENDER_PASS_CREATE_INFO_2_KHR = STRUCTURE_TYPE_RENDER_PASS_CREATE_INFO_2 const STRUCTURE_TYPE_RENDER_PASS_INPUT_ATTACHMENT_ASPECT_CREATE_INFO_KHR = STRUCTURE_TYPE_RENDER_PASS_INPUT_ATTACHMENT_ASPECT_CREATE_INFO const STRUCTURE_TYPE_RENDER_PASS_MULTIVIEW_CREATE_INFO_KHR = STRUCTURE_TYPE_RENDER_PASS_MULTIVIEW_CREATE_INFO const STRUCTURE_TYPE_RESOLVE_IMAGE_INFO_2_KHR = STRUCTURE_TYPE_RESOLVE_IMAGE_INFO_2 const STRUCTURE_TYPE_SAMPLER_REDUCTION_MODE_CREATE_INFO_EXT = STRUCTURE_TYPE_SAMPLER_REDUCTION_MODE_CREATE_INFO const STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_CREATE_INFO_KHR = STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_CREATE_INFO const STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_IMAGE_FORMAT_PROPERTIES_KHR = STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_IMAGE_FORMAT_PROPERTIES const STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_INFO_KHR = STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_INFO const STRUCTURE_TYPE_SEMAPHORE_SIGNAL_INFO_KHR = STRUCTURE_TYPE_SEMAPHORE_SIGNAL_INFO const STRUCTURE_TYPE_SEMAPHORE_SUBMIT_INFO_KHR = STRUCTURE_TYPE_SEMAPHORE_SUBMIT_INFO const STRUCTURE_TYPE_SEMAPHORE_TYPE_CREATE_INFO_KHR = STRUCTURE_TYPE_SEMAPHORE_TYPE_CREATE_INFO const STRUCTURE_TYPE_SEMAPHORE_WAIT_INFO_KHR = STRUCTURE_TYPE_SEMAPHORE_WAIT_INFO const STRUCTURE_TYPE_SPARSE_IMAGE_FORMAT_PROPERTIES_2_KHR = STRUCTURE_TYPE_SPARSE_IMAGE_FORMAT_PROPERTIES_2 const STRUCTURE_TYPE_SPARSE_IMAGE_MEMORY_REQUIREMENTS_2_KHR = STRUCTURE_TYPE_SPARSE_IMAGE_MEMORY_REQUIREMENTS_2 const STRUCTURE_TYPE_SUBMIT_INFO_2_KHR = STRUCTURE_TYPE_SUBMIT_INFO_2 const STRUCTURE_TYPE_SUBPASS_BEGIN_INFO_KHR = STRUCTURE_TYPE_SUBPASS_BEGIN_INFO const STRUCTURE_TYPE_SUBPASS_DEPENDENCY_2_KHR = STRUCTURE_TYPE_SUBPASS_DEPENDENCY_2 const STRUCTURE_TYPE_SUBPASS_DESCRIPTION_2_KHR = STRUCTURE_TYPE_SUBPASS_DESCRIPTION_2 const STRUCTURE_TYPE_SUBPASS_DESCRIPTION_DEPTH_STENCIL_RESOLVE_KHR = STRUCTURE_TYPE_SUBPASS_DESCRIPTION_DEPTH_STENCIL_RESOLVE const STRUCTURE_TYPE_SUBPASS_END_INFO_KHR = STRUCTURE_TYPE_SUBPASS_END_INFO const STRUCTURE_TYPE_SURFACE_CAPABILITIES2_EXT = STRUCTURE_TYPE_SURFACE_CAPABILITIES_2_EXT const STRUCTURE_TYPE_TIMELINE_SEMAPHORE_SUBMIT_INFO_KHR = STRUCTURE_TYPE_TIMELINE_SEMAPHORE_SUBMIT_INFO const STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET_INLINE_UNIFORM_BLOCK_EXT = STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET_INLINE_UNIFORM_BLOCK const SUBMIT_PROTECTED_BIT_KHR = SUBMIT_PROTECTED_BIT const SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_COLOR_ACCESS_BIT_ARM = SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_COLOR_ACCESS_BIT_EXT const SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_DEPTH_ACCESS_BIT_ARM = SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_DEPTH_ACCESS_BIT_EXT const SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_STENCIL_ACCESS_BIT_ARM = SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_STENCIL_ACCESS_BIT_EXT const SURFACE_COUNTER_VBLANK_EXT = SURFACE_COUNTER_VBLANK_BIT_EXT const TESSELLATION_DOMAIN_ORIGIN_LOWER_LEFT_KHR = TESSELLATION_DOMAIN_ORIGIN_LOWER_LEFT const TESSELLATION_DOMAIN_ORIGIN_UPPER_LEFT_KHR = TESSELLATION_DOMAIN_ORIGIN_UPPER_LEFT const TOOL_PURPOSE_ADDITIONAL_FEATURES_BIT_EXT = TOOL_PURPOSE_ADDITIONAL_FEATURES_BIT const TOOL_PURPOSE_MODIFYING_FEATURES_BIT_EXT = TOOL_PURPOSE_MODIFYING_FEATURES_BIT const TOOL_PURPOSE_PROFILING_BIT_EXT = TOOL_PURPOSE_PROFILING_BIT const TOOL_PURPOSE_TRACING_BIT_EXT = TOOL_PURPOSE_TRACING_BIT const TOOL_PURPOSE_VALIDATION_BIT_EXT = TOOL_PURPOSE_VALIDATION_BIT const AabbPositionsNV = AabbPositionsKHR const AccelerationStructureInstanceNV = AccelerationStructureInstanceKHR const AccelerationStructureTypeNV = AccelerationStructureTypeKHR const AccessFlag2KHR = AccessFlag2 const AttachmentDescription2KHR = AttachmentDescription2 const AttachmentDescriptionStencilLayoutKHR = AttachmentDescriptionStencilLayout const AttachmentReference2KHR = AttachmentReference2 const AttachmentReferenceStencilLayoutKHR = AttachmentReferenceStencilLayout const AttachmentSampleCountInfoNV = AttachmentSampleCountInfoAMD const BindBufferMemoryDeviceGroupInfoKHR = BindBufferMemoryDeviceGroupInfo const BindBufferMemoryInfoKHR = BindBufferMemoryInfo const BindImageMemoryDeviceGroupInfoKHR = BindImageMemoryDeviceGroupInfo const BindImageMemoryInfoKHR = BindImageMemoryInfo const BindImagePlaneMemoryInfoKHR = BindImagePlaneMemoryInfo const BlitImageInfo2KHR = BlitImageInfo2 const BufferCopy2KHR = BufferCopy2 const BufferDeviceAddressInfoEXT = BufferDeviceAddressInfo const BufferDeviceAddressInfoKHR = BufferDeviceAddressInfo const BufferImageCopy2KHR = BufferImageCopy2 const BufferMemoryBarrier2KHR = BufferMemoryBarrier2 const BufferMemoryRequirementsInfo2KHR = BufferMemoryRequirementsInfo2 const BufferOpaqueCaptureAddressCreateInfoKHR = BufferOpaqueCaptureAddressCreateInfo const BuildAccelerationStructureFlagNV = BuildAccelerationStructureFlagKHR const ChromaLocationKHR = ChromaLocation const CommandBufferInheritanceRenderingInfoKHR = CommandBufferInheritanceRenderingInfo const CommandBufferSubmitInfoKHR = CommandBufferSubmitInfo const ConformanceVersionKHR = ConformanceVersion const CopyAccelerationStructureModeNV = CopyAccelerationStructureModeKHR const CopyBufferInfo2KHR = CopyBufferInfo2 const CopyBufferToImageInfo2KHR = CopyBufferToImageInfo2 const CopyImageInfo2KHR = CopyImageInfo2 const CopyImageToBufferInfo2KHR = CopyImageToBufferInfo2 const DependencyInfoKHR = DependencyInfo const DescriptorBindingFlagEXT = DescriptorBindingFlag const DescriptorPoolInlineUniformBlockCreateInfoEXT = DescriptorPoolInlineUniformBlockCreateInfo const DescriptorSetLayoutBindingFlagsCreateInfoEXT = DescriptorSetLayoutBindingFlagsCreateInfo const DescriptorSetLayoutSupportKHR = DescriptorSetLayoutSupport const DescriptorSetVariableDescriptorCountAllocateInfoEXT = DescriptorSetVariableDescriptorCountAllocateInfo const DescriptorSetVariableDescriptorCountLayoutSupportEXT = DescriptorSetVariableDescriptorCountLayoutSupport const DescriptorUpdateTemplateCreateInfoKHR = DescriptorUpdateTemplateCreateInfo const DescriptorUpdateTemplateEntryKHR = DescriptorUpdateTemplateEntry const DescriptorUpdateTemplateKHR = DescriptorUpdateTemplate const DescriptorUpdateTemplateTypeKHR = DescriptorUpdateTemplateType const DeviceBufferMemoryRequirementsKHR = DeviceBufferMemoryRequirements const DeviceGroupBindSparseInfoKHR = DeviceGroupBindSparseInfo const DeviceGroupCommandBufferBeginInfoKHR = DeviceGroupCommandBufferBeginInfo const DeviceGroupDeviceCreateInfoKHR = DeviceGroupDeviceCreateInfo const DeviceGroupRenderPassBeginInfoKHR = DeviceGroupRenderPassBeginInfo const DeviceGroupSubmitInfoKHR = DeviceGroupSubmitInfo const DeviceImageMemoryRequirementsKHR = DeviceImageMemoryRequirements const DeviceMemoryOpaqueCaptureAddressInfoKHR = DeviceMemoryOpaqueCaptureAddressInfo const DevicePrivateDataCreateInfoEXT = DevicePrivateDataCreateInfo const DeviceQueueGlobalPriorityCreateInfoEXT = DeviceQueueGlobalPriorityCreateInfoKHR const DriverIdKHR = DriverId const ExportFenceCreateInfoKHR = ExportFenceCreateInfo const ExportMemoryAllocateInfoKHR = ExportMemoryAllocateInfo const ExportSemaphoreCreateInfoKHR = ExportSemaphoreCreateInfo const ExternalBufferPropertiesKHR = ExternalBufferProperties const ExternalFenceFeatureFlagKHR = ExternalFenceFeatureFlag const ExternalFenceHandleTypeFlagKHR = ExternalFenceHandleTypeFlag const ExternalFencePropertiesKHR = ExternalFenceProperties const ExternalImageFormatPropertiesKHR = ExternalImageFormatProperties const ExternalMemoryBufferCreateInfoKHR = ExternalMemoryBufferCreateInfo const ExternalMemoryFeatureFlagKHR = ExternalMemoryFeatureFlag const ExternalMemoryHandleTypeFlagKHR = ExternalMemoryHandleTypeFlag const ExternalMemoryImageCreateInfoKHR = ExternalMemoryImageCreateInfo const ExternalMemoryPropertiesKHR = ExternalMemoryProperties const ExternalSemaphoreFeatureFlagKHR = ExternalSemaphoreFeatureFlag const ExternalSemaphoreHandleTypeFlagKHR = ExternalSemaphoreHandleTypeFlag const ExternalSemaphorePropertiesKHR = ExternalSemaphoreProperties const FenceImportFlagKHR = FenceImportFlag const FormatFeatureFlag2KHR = FormatFeatureFlag2 const FormatProperties2KHR = FormatProperties2 const FormatProperties3KHR = FormatProperties3 const FramebufferAttachmentImageInfoKHR = FramebufferAttachmentImageInfo const FramebufferAttachmentsCreateInfoKHR = FramebufferAttachmentsCreateInfo const GeometryFlagNV = GeometryFlagKHR const GeometryInstanceFlagNV = GeometryInstanceFlagKHR const GeometryTypeNV = GeometryTypeKHR const ImageBlit2KHR = ImageBlit2 const ImageCopy2KHR = ImageCopy2 const ImageFormatListCreateInfoKHR = ImageFormatListCreateInfo const ImageFormatProperties2KHR = ImageFormatProperties2 const ImageMemoryBarrier2KHR = ImageMemoryBarrier2 const ImageMemoryRequirementsInfo2KHR = ImageMemoryRequirementsInfo2 const ImagePlaneMemoryRequirementsInfoKHR = ImagePlaneMemoryRequirementsInfo const ImageResolve2KHR = ImageResolve2 const ImageSparseMemoryRequirementsInfo2KHR = ImageSparseMemoryRequirementsInfo2 const ImageStencilUsageCreateInfoEXT = ImageStencilUsageCreateInfo const ImageViewUsageCreateInfoKHR = ImageViewUsageCreateInfo const InputAttachmentAspectReferenceKHR = InputAttachmentAspectReference const MemoryAllocateFlagKHR = MemoryAllocateFlag const MemoryAllocateFlagsInfoKHR = MemoryAllocateFlagsInfo const MemoryBarrier2KHR = MemoryBarrier2 const MemoryDedicatedAllocateInfoKHR = MemoryDedicatedAllocateInfo const MemoryDedicatedRequirementsKHR = MemoryDedicatedRequirements const MemoryOpaqueCaptureAddressAllocateInfoKHR = MemoryOpaqueCaptureAddressAllocateInfo const MemoryRequirements2KHR = MemoryRequirements2 const MutableDescriptorTypeCreateInfoVALVE = MutableDescriptorTypeCreateInfoEXT const MutableDescriptorTypeListVALVE = MutableDescriptorTypeListEXT const PeerMemoryFeatureFlagKHR = PeerMemoryFeatureFlag const PhysicalDevice16BitStorageFeaturesKHR = PhysicalDevice16BitStorageFeatures const PhysicalDevice8BitStorageFeaturesKHR = PhysicalDevice8BitStorageFeatures const PhysicalDeviceBufferAddressFeaturesEXT = PhysicalDeviceBufferDeviceAddressFeaturesEXT const PhysicalDeviceBufferDeviceAddressFeaturesKHR = PhysicalDeviceBufferDeviceAddressFeatures const PhysicalDeviceDepthStencilResolvePropertiesKHR = PhysicalDeviceDepthStencilResolveProperties const PhysicalDeviceDescriptorIndexingFeaturesEXT = PhysicalDeviceDescriptorIndexingFeatures const PhysicalDeviceDescriptorIndexingPropertiesEXT = PhysicalDeviceDescriptorIndexingProperties const PhysicalDeviceDriverPropertiesKHR = PhysicalDeviceDriverProperties const PhysicalDeviceDynamicRenderingFeaturesKHR = PhysicalDeviceDynamicRenderingFeatures const PhysicalDeviceExternalBufferInfoKHR = PhysicalDeviceExternalBufferInfo const PhysicalDeviceExternalFenceInfoKHR = PhysicalDeviceExternalFenceInfo const PhysicalDeviceExternalImageFormatInfoKHR = PhysicalDeviceExternalImageFormatInfo const PhysicalDeviceExternalSemaphoreInfoKHR = PhysicalDeviceExternalSemaphoreInfo const PhysicalDeviceFeatures2KHR = PhysicalDeviceFeatures2 const PhysicalDeviceFloat16Int8FeaturesKHR = PhysicalDeviceShaderFloat16Int8Features const PhysicalDeviceFloatControlsPropertiesKHR = PhysicalDeviceFloatControlsProperties const PhysicalDeviceFragmentShaderBarycentricFeaturesNV = PhysicalDeviceFragmentShaderBarycentricFeaturesKHR const PhysicalDeviceGlobalPriorityQueryFeaturesEXT = PhysicalDeviceGlobalPriorityQueryFeaturesKHR const PhysicalDeviceGroupPropertiesKHR = PhysicalDeviceGroupProperties const PhysicalDeviceHostQueryResetFeaturesEXT = PhysicalDeviceHostQueryResetFeatures const PhysicalDeviceIDPropertiesKHR = PhysicalDeviceIDProperties const PhysicalDeviceImageFormatInfo2KHR = PhysicalDeviceImageFormatInfo2 const PhysicalDeviceImageRobustnessFeaturesEXT = PhysicalDeviceImageRobustnessFeatures const PhysicalDeviceImagelessFramebufferFeaturesKHR = PhysicalDeviceImagelessFramebufferFeatures const PhysicalDeviceInlineUniformBlockFeaturesEXT = PhysicalDeviceInlineUniformBlockFeatures const PhysicalDeviceInlineUniformBlockPropertiesEXT = PhysicalDeviceInlineUniformBlockProperties const PhysicalDeviceMaintenance3PropertiesKHR = PhysicalDeviceMaintenance3Properties const PhysicalDeviceMaintenance4FeaturesKHR = PhysicalDeviceMaintenance4Features const PhysicalDeviceMaintenance4PropertiesKHR = PhysicalDeviceMaintenance4Properties const PhysicalDeviceMemoryProperties2KHR = PhysicalDeviceMemoryProperties2 const PhysicalDeviceMultiviewFeaturesKHR = PhysicalDeviceMultiviewFeatures const PhysicalDeviceMultiviewPropertiesKHR = PhysicalDeviceMultiviewProperties const PhysicalDeviceMutableDescriptorTypeFeaturesVALVE = PhysicalDeviceMutableDescriptorTypeFeaturesEXT const PhysicalDevicePipelineCreationCacheControlFeaturesEXT = PhysicalDevicePipelineCreationCacheControlFeatures const PhysicalDevicePointClippingPropertiesKHR = PhysicalDevicePointClippingProperties const PhysicalDevicePrivateDataFeaturesEXT = PhysicalDevicePrivateDataFeatures const PhysicalDeviceProperties2KHR = PhysicalDeviceProperties2 const PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesARM = PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT const PhysicalDeviceSamplerFilterMinmaxPropertiesEXT = PhysicalDeviceSamplerFilterMinmaxProperties const PhysicalDeviceSamplerYcbcrConversionFeaturesKHR = PhysicalDeviceSamplerYcbcrConversionFeatures const PhysicalDeviceScalarBlockLayoutFeaturesEXT = PhysicalDeviceScalarBlockLayoutFeatures const PhysicalDeviceSeparateDepthStencilLayoutsFeaturesKHR = PhysicalDeviceSeparateDepthStencilLayoutsFeatures const PhysicalDeviceShaderAtomicInt64FeaturesKHR = PhysicalDeviceShaderAtomicInt64Features const PhysicalDeviceShaderDemoteToHelperInvocationFeaturesEXT = PhysicalDeviceShaderDemoteToHelperInvocationFeatures const PhysicalDeviceShaderDrawParameterFeatures = PhysicalDeviceShaderDrawParametersFeatures const PhysicalDeviceShaderFloat16Int8FeaturesKHR = PhysicalDeviceShaderFloat16Int8Features const PhysicalDeviceShaderIntegerDotProductFeaturesKHR = PhysicalDeviceShaderIntegerDotProductFeatures const PhysicalDeviceShaderIntegerDotProductPropertiesKHR = PhysicalDeviceShaderIntegerDotProductProperties const PhysicalDeviceShaderSubgroupExtendedTypesFeaturesKHR = PhysicalDeviceShaderSubgroupExtendedTypesFeatures const PhysicalDeviceShaderTerminateInvocationFeaturesKHR = PhysicalDeviceShaderTerminateInvocationFeatures const PhysicalDeviceSparseImageFormatInfo2KHR = PhysicalDeviceSparseImageFormatInfo2 const PhysicalDeviceSubgroupSizeControlFeaturesEXT = PhysicalDeviceSubgroupSizeControlFeatures const PhysicalDeviceSubgroupSizeControlPropertiesEXT = PhysicalDeviceSubgroupSizeControlProperties const PhysicalDeviceSynchronization2FeaturesKHR = PhysicalDeviceSynchronization2Features const PhysicalDeviceTexelBufferAlignmentPropertiesEXT = PhysicalDeviceTexelBufferAlignmentProperties const PhysicalDeviceTextureCompressionASTCHDRFeaturesEXT = PhysicalDeviceTextureCompressionASTCHDRFeatures const PhysicalDeviceTimelineSemaphoreFeaturesKHR = PhysicalDeviceTimelineSemaphoreFeatures const PhysicalDeviceTimelineSemaphorePropertiesKHR = PhysicalDeviceTimelineSemaphoreProperties const PhysicalDeviceToolPropertiesEXT = PhysicalDeviceToolProperties const PhysicalDeviceUniformBufferStandardLayoutFeaturesKHR = PhysicalDeviceUniformBufferStandardLayoutFeatures const PhysicalDeviceVariablePointerFeatures = PhysicalDeviceVariablePointersFeatures const PhysicalDeviceVariablePointerFeaturesKHR = PhysicalDeviceVariablePointersFeatures const PhysicalDeviceVariablePointersFeaturesKHR = PhysicalDeviceVariablePointersFeatures const PhysicalDeviceVulkanMemoryModelFeaturesKHR = PhysicalDeviceVulkanMemoryModelFeatures const PhysicalDeviceZeroInitializeWorkgroupMemoryFeaturesKHR = PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures const PipelineCreationFeedbackCreateInfoEXT = PipelineCreationFeedbackCreateInfo const PipelineCreationFeedbackEXT = PipelineCreationFeedback const PipelineCreationFeedbackFlagEXT = PipelineCreationFeedbackFlag const PipelineInfoEXT = PipelineInfoKHR const PipelineRenderingCreateInfoKHR = PipelineRenderingCreateInfo const PipelineShaderStageRequiredSubgroupSizeCreateInfoEXT = PipelineShaderStageRequiredSubgroupSizeCreateInfo const PipelineStageFlag2KHR = PipelineStageFlag2 const PipelineTessellationDomainOriginStateCreateInfoKHR = PipelineTessellationDomainOriginStateCreateInfo const PointClippingBehaviorKHR = PointClippingBehavior const PrivateDataSlotCreateFlagEXT = PrivateDataSlotCreateFlag const PrivateDataSlotCreateInfoEXT = PrivateDataSlotCreateInfo const PrivateDataSlotEXT = PrivateDataSlot const QueryPoolCreateInfoINTEL = QueryPoolPerformanceQueryCreateInfoINTEL const QueueFamilyGlobalPriorityPropertiesEXT = QueueFamilyGlobalPriorityPropertiesKHR const QueueFamilyProperties2KHR = QueueFamilyProperties2 const QueueGlobalPriorityEXT = QueueGlobalPriorityKHR const RayTracingShaderGroupTypeNV = RayTracingShaderGroupTypeKHR const RenderPassAttachmentBeginInfoKHR = RenderPassAttachmentBeginInfo const RenderPassCreateInfo2KHR = RenderPassCreateInfo2 const RenderPassInputAttachmentAspectCreateInfoKHR = RenderPassInputAttachmentAspectCreateInfo const RenderPassMultiviewCreateInfoKHR = RenderPassMultiviewCreateInfo const RenderingAttachmentInfoKHR = RenderingAttachmentInfo const RenderingFlagKHR = RenderingFlag const RenderingInfoKHR = RenderingInfo const ResolveImageInfo2KHR = ResolveImageInfo2 const ResolveModeFlagKHR = ResolveModeFlag const SamplerReductionModeCreateInfoEXT = SamplerReductionModeCreateInfo const SamplerReductionModeEXT = SamplerReductionMode const SamplerYcbcrConversionCreateInfoKHR = SamplerYcbcrConversionCreateInfo const SamplerYcbcrConversionImageFormatPropertiesKHR = SamplerYcbcrConversionImageFormatProperties const SamplerYcbcrConversionInfoKHR = SamplerYcbcrConversionInfo const SamplerYcbcrConversionKHR = SamplerYcbcrConversion const SamplerYcbcrModelConversionKHR = SamplerYcbcrModelConversion const SamplerYcbcrRangeKHR = SamplerYcbcrRange const SemaphoreImportFlagKHR = SemaphoreImportFlag const SemaphoreSignalInfoKHR = SemaphoreSignalInfo const SemaphoreSubmitInfoKHR = SemaphoreSubmitInfo const SemaphoreTypeCreateInfoKHR = SemaphoreTypeCreateInfo const SemaphoreTypeKHR = SemaphoreType const SemaphoreWaitFlagKHR = SemaphoreWaitFlag const SemaphoreWaitInfoKHR = SemaphoreWaitInfo const ShaderFloatControlsIndependenceKHR = ShaderFloatControlsIndependence const SparseImageFormatProperties2KHR = SparseImageFormatProperties2 const SparseImageMemoryRequirements2KHR = SparseImageMemoryRequirements2 const SubmitFlagKHR = SubmitFlag const SubmitInfo2KHR = SubmitInfo2 const SubpassBeginInfoKHR = SubpassBeginInfo const SubpassDependency2KHR = SubpassDependency2 const SubpassDescription2KHR = SubpassDescription2 const SubpassDescriptionDepthStencilResolveKHR = SubpassDescriptionDepthStencilResolve const SubpassEndInfoKHR = SubpassEndInfo const TessellationDomainOriginKHR = TessellationDomainOrigin const TimelineSemaphoreSubmitInfoKHR = TimelineSemaphoreSubmitInfo const ToolPurposeFlagEXT = ToolPurposeFlag const TransformMatrixNV = TransformMatrixKHR const WriteDescriptorSetInlineUniformBlockEXT = WriteDescriptorSetInlineUniformBlock bind_buffer_memory_2_khr(device, args...; kwargs...) = @dispatch(vkBindBufferMemory2KHR, device, bind_buffer_memory_2(device, args...; kwargs...)) bind_image_memory_2_khr(device, args...; kwargs...) = @dispatch(vkBindImageMemory2KHR, device, bind_image_memory_2(device, args...; kwargs...)) cmd_begin_render_pass_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdBeginRenderPass2KHR, device(command_buffer), cmd_begin_render_pass_2(command_buffer, args...; kwargs...)) cmd_begin_rendering_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdBeginRenderingKHR, device(command_buffer), cmd_begin_rendering(command_buffer, args...; kwargs...)) cmd_bind_vertex_buffers_2_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdBindVertexBuffers2EXT, device(command_buffer), cmd_bind_vertex_buffers_2(command_buffer, args...; kwargs...)) cmd_blit_image_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdBlitImage2KHR, device(command_buffer), cmd_blit_image_2(command_buffer, args...; kwargs...)) cmd_copy_buffer_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdCopyBuffer2KHR, device(command_buffer), cmd_copy_buffer_2(command_buffer, args...; kwargs...)) cmd_copy_buffer_to_image_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdCopyBufferToImage2KHR, device(command_buffer), cmd_copy_buffer_to_image_2(command_buffer, args...; kwargs...)) cmd_copy_image_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdCopyImage2KHR, device(command_buffer), cmd_copy_image_2(command_buffer, args...; kwargs...)) cmd_copy_image_to_buffer_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdCopyImageToBuffer2KHR, device(command_buffer), cmd_copy_image_to_buffer_2(command_buffer, args...; kwargs...)) cmd_dispatch_base_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdDispatchBaseKHR, device(command_buffer), cmd_dispatch_base(command_buffer, args...; kwargs...)) cmd_draw_indexed_indirect_count_amd(command_buffer, args...; kwargs...) = @dispatch(vkCmdDrawIndexedIndirectCountAMD, device(command_buffer), cmd_draw_indexed_indirect_count(command_buffer, args...; kwargs...)) cmd_draw_indexed_indirect_count_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdDrawIndexedIndirectCountKHR, device(command_buffer), cmd_draw_indexed_indirect_count(command_buffer, args...; kwargs...)) cmd_draw_indirect_count_amd(command_buffer, args...; kwargs...) = @dispatch(vkCmdDrawIndirectCountAMD, device(command_buffer), cmd_draw_indirect_count(command_buffer, args...; kwargs...)) cmd_draw_indirect_count_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdDrawIndirectCountKHR, device(command_buffer), cmd_draw_indirect_count(command_buffer, args...; kwargs...)) cmd_end_render_pass_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdEndRenderPass2KHR, device(command_buffer), cmd_end_render_pass_2(command_buffer, args...; kwargs...)) cmd_end_rendering_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdEndRenderingKHR, device(command_buffer), cmd_end_rendering(command_buffer, args...; kwargs...)) cmd_next_subpass_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdNextSubpass2KHR, device(command_buffer), cmd_next_subpass_2(command_buffer, args...; kwargs...)) cmd_pipeline_barrier_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdPipelineBarrier2KHR, device(command_buffer), cmd_pipeline_barrier_2(command_buffer, args...; kwargs...)) cmd_reset_event_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdResetEvent2KHR, device(command_buffer), cmd_reset_event_2(command_buffer, args...; kwargs...)) cmd_resolve_image_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdResolveImage2KHR, device(command_buffer), cmd_resolve_image_2(command_buffer, args...; kwargs...)) cmd_set_cull_mode_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetCullModeEXT, device(command_buffer), cmd_set_cull_mode(command_buffer, args...; kwargs...)) cmd_set_depth_bias_enable_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetDepthBiasEnableEXT, device(command_buffer), cmd_set_depth_bias_enable(command_buffer, args...; kwargs...)) cmd_set_depth_bounds_test_enable_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetDepthBoundsTestEnableEXT, device(command_buffer), cmd_set_depth_bounds_test_enable(command_buffer, args...; kwargs...)) cmd_set_depth_compare_op_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetDepthCompareOpEXT, device(command_buffer), cmd_set_depth_compare_op(command_buffer, args...; kwargs...)) cmd_set_depth_test_enable_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetDepthTestEnableEXT, device(command_buffer), cmd_set_depth_test_enable(command_buffer, args...; kwargs...)) cmd_set_depth_write_enable_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetDepthWriteEnableEXT, device(command_buffer), cmd_set_depth_write_enable(command_buffer, args...; kwargs...)) cmd_set_device_mask_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetDeviceMaskKHR, device(command_buffer), cmd_set_device_mask(command_buffer, args...; kwargs...)) cmd_set_event_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetEvent2KHR, device(command_buffer), cmd_set_event_2(command_buffer, args...; kwargs...)) cmd_set_front_face_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetFrontFaceEXT, device(command_buffer), cmd_set_front_face(command_buffer, args...; kwargs...)) cmd_set_primitive_restart_enable_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetPrimitiveRestartEnableEXT, device(command_buffer), cmd_set_primitive_restart_enable(command_buffer, args...; kwargs...)) cmd_set_primitive_topology_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetPrimitiveTopologyEXT, device(command_buffer), cmd_set_primitive_topology(command_buffer, args...; kwargs...)) cmd_set_rasterizer_discard_enable_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetRasterizerDiscardEnableEXT, device(command_buffer), cmd_set_rasterizer_discard_enable(command_buffer, args...; kwargs...)) cmd_set_scissor_with_count_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetScissorWithCountEXT, device(command_buffer), cmd_set_scissor_with_count(command_buffer, args...; kwargs...)) cmd_set_stencil_op_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetStencilOpEXT, device(command_buffer), cmd_set_stencil_op(command_buffer, args...; kwargs...)) cmd_set_stencil_test_enable_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetStencilTestEnableEXT, device(command_buffer), cmd_set_stencil_test_enable(command_buffer, args...; kwargs...)) cmd_set_viewport_with_count_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetViewportWithCountEXT, device(command_buffer), cmd_set_viewport_with_count(command_buffer, args...; kwargs...)) cmd_wait_events_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdWaitEvents2KHR, device(command_buffer), cmd_wait_events_2(command_buffer, args...; kwargs...)) cmd_write_timestamp_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdWriteTimestamp2KHR, device(command_buffer), cmd_write_timestamp_2(command_buffer, args...; kwargs...)) create_descriptor_update_template_khr(device, args...; kwargs...) = @dispatch(vkCreateDescriptorUpdateTemplateKHR, device, create_descriptor_update_template(device, args...; kwargs...)) create_private_data_slot_ext(device, args...; kwargs...) = @dispatch(vkCreatePrivateDataSlotEXT, device, create_private_data_slot(device, args...; kwargs...)) create_render_pass_2_khr(device, args...; kwargs...) = @dispatch(vkCreateRenderPass2KHR, device, create_render_pass_2(device, args...; kwargs...)) create_sampler_ycbcr_conversion_khr(device, args...; kwargs...) = @dispatch(vkCreateSamplerYcbcrConversionKHR, device, create_sampler_ycbcr_conversion(device, args...; kwargs...)) destroy_descriptor_update_template_khr(device, args...; kwargs...) = @dispatch(vkDestroyDescriptorUpdateTemplateKHR, device, destroy_descriptor_update_template(device, args...; kwargs...)) destroy_private_data_slot_ext(device, args...; kwargs...) = @dispatch(vkDestroyPrivateDataSlotEXT, device, destroy_private_data_slot(device, args...; kwargs...)) destroy_sampler_ycbcr_conversion_khr(device, args...; kwargs...) = @dispatch(vkDestroySamplerYcbcrConversionKHR, device, destroy_sampler_ycbcr_conversion(device, args...; kwargs...)) enumerate_physical_device_groups_khr(instance, args...; kwargs...) = @dispatch(vkEnumeratePhysicalDeviceGroupsKHR, instance, enumerate_physical_device_groups(instance, args...; kwargs...)) get_buffer_device_address_ext(device, args...; kwargs...) = @dispatch(vkGetBufferDeviceAddressEXT, device, get_buffer_device_address(device, args...; kwargs...)) get_buffer_device_address_khr(device, args...; kwargs...) = @dispatch(vkGetBufferDeviceAddressKHR, device, get_buffer_device_address(device, args...; kwargs...)) get_buffer_memory_requirements_2_khr(device, args...; kwargs...) = @dispatch(vkGetBufferMemoryRequirements2KHR, device, get_buffer_memory_requirements_2(device, args...; kwargs...)) get_buffer_opaque_capture_address_khr(device, args...; kwargs...) = @dispatch(vkGetBufferOpaqueCaptureAddressKHR, device, get_buffer_opaque_capture_address(device, args...; kwargs...)) get_descriptor_set_layout_support_khr(device, args...; kwargs...) = @dispatch(vkGetDescriptorSetLayoutSupportKHR, device, get_descriptor_set_layout_support(device, args...; kwargs...)) get_device_buffer_memory_requirements_khr(device, args...; kwargs...) = @dispatch(vkGetDeviceBufferMemoryRequirementsKHR, device, get_device_buffer_memory_requirements(device, args...; kwargs...)) get_device_group_peer_memory_features_khr(device, args...; kwargs...) = @dispatch(vkGetDeviceGroupPeerMemoryFeaturesKHR, device, get_device_group_peer_memory_features(device, args...; kwargs...)) get_device_image_memory_requirements_khr(device, args...; kwargs...) = @dispatch(vkGetDeviceImageMemoryRequirementsKHR, device, get_device_image_memory_requirements(device, args...; kwargs...)) get_device_image_sparse_memory_requirements_khr(device, args...; kwargs...) = @dispatch(vkGetDeviceImageSparseMemoryRequirementsKHR, device, get_device_image_sparse_memory_requirements(device, args...; kwargs...)) get_device_memory_opaque_capture_address_khr(device, args...; kwargs...) = @dispatch(vkGetDeviceMemoryOpaqueCaptureAddressKHR, device, get_device_memory_opaque_capture_address(device, args...; kwargs...)) get_image_memory_requirements_2_khr(device, args...; kwargs...) = @dispatch(vkGetImageMemoryRequirements2KHR, device, get_image_memory_requirements_2(device, args...; kwargs...)) get_image_sparse_memory_requirements_2_khr(device, args...; kwargs...) = @dispatch(vkGetImageSparseMemoryRequirements2KHR, device, get_image_sparse_memory_requirements_2(device, args...; kwargs...)) get_physical_device_external_buffer_properties_khr(physical_device, args...; kwargs...) = @dispatch(vkGetPhysicalDeviceExternalBufferPropertiesKHR, instance(physical_device), get_physical_device_external_buffer_properties(physical_device, args...; kwargs...)) get_physical_device_external_fence_properties_khr(physical_device, args...; kwargs...) = @dispatch(vkGetPhysicalDeviceExternalFencePropertiesKHR, instance(physical_device), get_physical_device_external_fence_properties(physical_device, args...; kwargs...)) get_physical_device_external_semaphore_properties_khr(physical_device, args...; kwargs...) = @dispatch(vkGetPhysicalDeviceExternalSemaphorePropertiesKHR, instance(physical_device), get_physical_device_external_semaphore_properties(physical_device, args...; kwargs...)) get_physical_device_features_2_khr(physical_device, args...; kwargs...) = @dispatch(vkGetPhysicalDeviceFeatures2KHR, instance(physical_device), get_physical_device_features_2(physical_device, args...; kwargs...)) get_physical_device_format_properties_2_khr(physical_device, args...; kwargs...) = @dispatch(vkGetPhysicalDeviceFormatProperties2KHR, instance(physical_device), get_physical_device_format_properties_2(physical_device, args...; kwargs...)) get_physical_device_image_format_properties_2_khr(physical_device, args...; kwargs...) = @dispatch(vkGetPhysicalDeviceImageFormatProperties2KHR, instance(physical_device), get_physical_device_image_format_properties_2(physical_device, args...; kwargs...)) get_physical_device_memory_properties_2_khr(physical_device, args...; kwargs...) = @dispatch(vkGetPhysicalDeviceMemoryProperties2KHR, instance(physical_device), get_physical_device_memory_properties_2(physical_device, args...; kwargs...)) get_physical_device_properties_2_khr(physical_device, args...; kwargs...) = @dispatch(vkGetPhysicalDeviceProperties2KHR, instance(physical_device), get_physical_device_properties_2(physical_device, args...; kwargs...)) get_physical_device_queue_family_properties_2_khr(physical_device, args...; kwargs...) = @dispatch(vkGetPhysicalDeviceQueueFamilyProperties2KHR, instance(physical_device), get_physical_device_queue_family_properties_2(physical_device, args...; kwargs...)) get_physical_device_sparse_image_format_properties_2_khr(physical_device, args...; kwargs...) = @dispatch(vkGetPhysicalDeviceSparseImageFormatProperties2KHR, instance(physical_device), get_physical_device_sparse_image_format_properties_2(physical_device, args...; kwargs...)) get_physical_device_tool_properties_ext(physical_device, args...; kwargs...) = @dispatch(vkGetPhysicalDeviceToolPropertiesEXT, instance(physical_device), get_physical_device_tool_properties(physical_device, args...; kwargs...)) get_private_data_ext(device, args...; kwargs...) = @dispatch(vkGetPrivateDataEXT, device, get_private_data(device, args...; kwargs...)) get_ray_tracing_shader_group_handles_nv(device, args...; kwargs...) = @dispatch(vkGetRayTracingShaderGroupHandlesNV, device, get_ray_tracing_shader_group_handles_khr(device, args...; kwargs...)) get_semaphore_counter_value_khr(device, args...; kwargs...) = @dispatch(vkGetSemaphoreCounterValueKHR, device, get_semaphore_counter_value(device, args...; kwargs...)) queue_submit_2_khr(queue, args...; kwargs...) = @dispatch(vkQueueSubmit2KHR, device(queue), queue_submit_2(queue, args...; kwargs...)) reset_query_pool_ext(device, args...; kwargs...) = @dispatch(vkResetQueryPoolEXT, device, reset_query_pool(device, args...; kwargs...)) set_private_data_ext(device, args...; kwargs...) = @dispatch(vkSetPrivateDataEXT, device, set_private_data(device, args...; kwargs...)) signal_semaphore_khr(device, args...; kwargs...) = @dispatch(vkSignalSemaphoreKHR, device, signal_semaphore(device, args...; kwargs...)) trim_command_pool_khr(device, args...; kwargs...) = @dispatch(vkTrimCommandPoolKHR, device, trim_command_pool(device, args...; kwargs...)) update_descriptor_set_with_template_khr(device, args...; kwargs...) = @dispatch(vkUpdateDescriptorSetWithTemplateKHR, device, update_descriptor_set_with_template(device, args...; kwargs...)) wait_semaphores_khr(device, args...; kwargs...) = @dispatch(vkWaitSemaphoresKHR, device, wait_semaphores(device, args...; kwargs...)) const SPIRV_EXTENSIONS = [SpecExtensionSPIRV("SPV_KHR_variable_pointers", v"1.1.0", ["VK_KHR_variable_pointers"]), SpecExtensionSPIRV("SPV_AMD_shader_explicit_vertex_parameter", nothing, ["VK_AMD_shader_explicit_vertex_parameter"]), SpecExtensionSPIRV("SPV_AMD_gcn_shader", nothing, ["VK_AMD_gcn_shader"]), SpecExtensionSPIRV("SPV_AMD_gpu_shader_half_float", nothing, ["VK_AMD_gpu_shader_half_float"]), SpecExtensionSPIRV("SPV_AMD_gpu_shader_int16", nothing, ["VK_AMD_gpu_shader_int16"]), SpecExtensionSPIRV("SPV_AMD_shader_ballot", nothing, ["VK_AMD_shader_ballot"]), SpecExtensionSPIRV("SPV_AMD_shader_fragment_mask", nothing, ["VK_AMD_shader_fragment_mask"]), SpecExtensionSPIRV("SPV_AMD_shader_image_load_store_lod", nothing, ["VK_AMD_shader_image_load_store_lod"]), SpecExtensionSPIRV("SPV_AMD_shader_trinary_minmax", nothing, ["VK_AMD_shader_trinary_minmax"]), SpecExtensionSPIRV("SPV_AMD_texture_gather_bias_lod", nothing, ["VK_AMD_texture_gather_bias_lod"]), SpecExtensionSPIRV("SPV_AMD_shader_early_and_late_fragment_tests", nothing, ["VK_AMD_shader_early_and_late_fragment_tests"]), SpecExtensionSPIRV("SPV_KHR_shader_draw_parameters", v"1.1.0", ["VK_KHR_shader_draw_parameters"]), SpecExtensionSPIRV("SPV_KHR_8bit_storage", v"1.2.0", ["VK_KHR_8bit_storage"]), SpecExtensionSPIRV("SPV_KHR_16bit_storage", v"1.1.0", ["VK_KHR_16bit_storage"]), SpecExtensionSPIRV("SPV_KHR_shader_clock", nothing, ["VK_KHR_shader_clock"]), SpecExtensionSPIRV("SPV_KHR_float_controls", v"1.2.0", ["VK_KHR_shader_float_controls"]), SpecExtensionSPIRV("SPV_KHR_storage_buffer_storage_class", v"1.1.0", ["VK_KHR_storage_buffer_storage_class"]), SpecExtensionSPIRV("SPV_KHR_post_depth_coverage", nothing, ["VK_EXT_post_depth_coverage"]), SpecExtensionSPIRV("SPV_EXT_shader_stencil_export", nothing, ["VK_EXT_shader_stencil_export"]), SpecExtensionSPIRV("SPV_KHR_shader_ballot", nothing, ["VK_EXT_shader_subgroup_ballot"]), SpecExtensionSPIRV("SPV_KHR_subgroup_vote", nothing, ["VK_EXT_shader_subgroup_vote"]), SpecExtensionSPIRV("SPV_NV_sample_mask_override_coverage", nothing, ["VK_NV_sample_mask_override_coverage"]), SpecExtensionSPIRV("SPV_NV_geometry_shader_passthrough", nothing, ["VK_NV_geometry_shader_passthrough"]), SpecExtensionSPIRV("SPV_NV_mesh_shader", nothing, ["VK_NV_mesh_shader"]), SpecExtensionSPIRV("SPV_NV_viewport_array2", nothing, ["VK_NV_viewport_array2"]), SpecExtensionSPIRV("SPV_NV_shader_subgroup_partitioned", nothing, ["VK_NV_shader_subgroup_partitioned"]), SpecExtensionSPIRV("SPV_NV_shader_invocation_reorder", nothing, ["VK_NV_ray_tracing_invocation_reorder"]), SpecExtensionSPIRV("SPV_EXT_shader_viewport_index_layer", v"1.2.0", ["VK_EXT_shader_viewport_index_layer"]), SpecExtensionSPIRV("SPV_NVX_multiview_per_view_attributes", nothing, ["VK_NVX_multiview_per_view_attributes"]), SpecExtensionSPIRV("SPV_EXT_descriptor_indexing", v"1.2.0", ["VK_EXT_descriptor_indexing"]), SpecExtensionSPIRV("SPV_KHR_vulkan_memory_model", v"1.2.0", ["VK_KHR_vulkan_memory_model"]), SpecExtensionSPIRV("SPV_NV_compute_shader_derivatives", nothing, ["VK_NV_compute_shader_derivatives"]), SpecExtensionSPIRV("SPV_NV_fragment_shader_barycentric", nothing, ["VK_NV_fragment_shader_barycentric"]), SpecExtensionSPIRV("SPV_NV_shader_image_footprint", nothing, ["VK_NV_shader_image_footprint"]), SpecExtensionSPIRV("SPV_NV_shading_rate", nothing, ["VK_NV_shading_rate_image"]), SpecExtensionSPIRV("SPV_NV_ray_tracing", nothing, ["VK_NV_ray_tracing"]), SpecExtensionSPIRV("SPV_KHR_ray_tracing", nothing, ["VK_KHR_ray_tracing_pipeline"]), SpecExtensionSPIRV("SPV_KHR_ray_query", nothing, ["VK_KHR_ray_query"]), SpecExtensionSPIRV("SPV_KHR_ray_cull_mask", nothing, ["VK_KHR_ray_tracing_maintenance1"]), SpecExtensionSPIRV("SPV_GOOGLE_hlsl_functionality1", nothing, ["VK_GOOGLE_hlsl_functionality1"]), SpecExtensionSPIRV("SPV_GOOGLE_user_type", nothing, ["VK_GOOGLE_user_type"]), SpecExtensionSPIRV("SPV_GOOGLE_decorate_string", nothing, ["VK_GOOGLE_decorate_string"]), SpecExtensionSPIRV("SPV_EXT_fragment_invocation_density", nothing, ["VK_EXT_fragment_density_map"]), SpecExtensionSPIRV("SPV_KHR_physical_storage_buffer", v"1.2.0", ["VK_KHR_buffer_device_address"]), SpecExtensionSPIRV("SPV_EXT_physical_storage_buffer", nothing, ["VK_EXT_buffer_device_address"]), SpecExtensionSPIRV("SPV_NV_cooperative_matrix", nothing, ["VK_NV_cooperative_matrix"]), SpecExtensionSPIRV("SPV_NV_shader_sm_builtins", nothing, ["VK_NV_shader_sm_builtins"]), SpecExtensionSPIRV("SPV_EXT_fragment_shader_interlock", nothing, ["VK_EXT_fragment_shader_interlock"]), SpecExtensionSPIRV("SPV_EXT_demote_to_helper_invocation", nothing, ["VK_EXT_shader_demote_to_helper_invocation"]), SpecExtensionSPIRV("SPV_KHR_fragment_shading_rate", nothing, ["VK_KHR_fragment_shading_rate"]), SpecExtensionSPIRV("SPV_KHR_non_semantic_info", nothing, ["VK_KHR_shader_non_semantic_info"]), SpecExtensionSPIRV("SPV_EXT_shader_image_int64", nothing, ["VK_EXT_shader_image_atomic_int64"]), SpecExtensionSPIRV("SPV_KHR_terminate_invocation", nothing, ["VK_KHR_shader_terminate_invocation"]), SpecExtensionSPIRV("SPV_KHR_multiview", v"1.1.0", ["VK_KHR_multiview"]), SpecExtensionSPIRV("SPV_KHR_workgroup_memory_explicit_layout", nothing, ["VK_KHR_workgroup_memory_explicit_layout"]), SpecExtensionSPIRV("SPV_EXT_shader_atomic_float_add", nothing, ["VK_EXT_shader_atomic_float"]), SpecExtensionSPIRV("SPV_KHR_fragment_shader_barycentric", nothing, ["VK_KHR_fragment_shader_barycentric"]), SpecExtensionSPIRV("SPV_KHR_subgroup_uniform_control_flow", nothing, ["VK_KHR_shader_subgroup_uniform_control_flow"]), SpecExtensionSPIRV("SPV_EXT_shader_atomic_float_min_max", nothing, ["VK_EXT_shader_atomic_float2"]), SpecExtensionSPIRV("SPV_EXT_shader_atomic_float16_add", nothing, ["VK_EXT_shader_atomic_float2"]), SpecExtensionSPIRV("SPV_KHR_integer_dot_product", nothing, ["VK_KHR_shader_integer_dot_product"]), SpecExtensionSPIRV("SPV_INTEL_shader_integer_functions", nothing, ["VK_INTEL_shader_integer_functions2"]), SpecExtensionSPIRV("SPV_KHR_device_group", nothing, ["VK_KHR_device_group"]), SpecExtensionSPIRV("SPV_QCOM_image_processing", nothing, ["VK_QCOM_image_processing"]), SpecExtensionSPIRV("SPV_EXT_mesh_shader", nothing, ["VK_EXT_mesh_shader"])] const SPIRV_CAPABILITIES = [SpecCapabilitySPIRV(:Matrix, v"1.0.0", String[], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:Shader, v"1.0.0", String[], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:InputAttachment, v"1.0.0", String[], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:Sampled1D, v"1.0.0", String[], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:Image1D, v"1.0.0", String[], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:SampledBuffer, v"1.0.0", String[], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:ImageBuffer, v"1.0.0", String[], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:ImageQuery, v"1.0.0", String[], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:DerivativeControl, v"1.0.0", String[], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:Geometry, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :geometry_shader, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:Tessellation, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :tessellation_shader, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:Float64, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_float_64, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:Int64, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_int_64, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:Int64Atomics, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_buffer_int_64_atomics, nothing, "VK_KHR_shader_atomic_int64"), FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_shared_int_64_atomics, nothing, "VK_KHR_shader_atomic_int64"), FeatureCondition(:PhysicalDeviceShaderImageAtomicInt64FeaturesEXT, :shader_image_int_64_atomics, nothing, "VK_EXT_shader_image_atomic_int64")], PropertyCondition[]), SpecCapabilitySPIRV(:AtomicFloat16AddEXT, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceShaderAtomicFloat2FeaturesEXT, :shader_buffer_float_16_atomic_add, nothing, "VK_EXT_shader_atomic_float2"), FeatureCondition(:PhysicalDeviceShaderAtomicFloat2FeaturesEXT, :shader_shared_float_16_atomic_add, nothing, "VK_EXT_shader_atomic_float2")], PropertyCondition[]), SpecCapabilitySPIRV(:AtomicFloat32AddEXT, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceShaderAtomicFloatFeaturesEXT, :shader_buffer_float_32_atomic_add, nothing, "VK_EXT_shader_atomic_float"), FeatureCondition(:PhysicalDeviceShaderAtomicFloatFeaturesEXT, :shader_shared_float_32_atomic_add, nothing, "VK_EXT_shader_atomic_float"), FeatureCondition(:PhysicalDeviceShaderAtomicFloatFeaturesEXT, :shader_image_float_32_atomic_add, nothing, "VK_EXT_shader_atomic_float")], PropertyCondition[]), SpecCapabilitySPIRV(:AtomicFloat64AddEXT, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceShaderAtomicFloatFeaturesEXT, :shader_buffer_float_64_atomic_add, nothing, "VK_EXT_shader_atomic_float"), FeatureCondition(:PhysicalDeviceShaderAtomicFloatFeaturesEXT, :shader_shared_float_64_atomic_add, nothing, "VK_EXT_shader_atomic_float")], PropertyCondition[]), SpecCapabilitySPIRV(:AtomicFloat16MinMaxEXT, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceShaderAtomicFloat2FeaturesEXT, :shader_buffer_float_16_atomic_min_max, nothing, "VK_EXT_shader_atomic_float2"), FeatureCondition(:PhysicalDeviceShaderAtomicFloat2FeaturesEXT, :shader_shared_float_16_atomic_min_max, nothing, "VK_EXT_shader_atomic_float2")], PropertyCondition[]), SpecCapabilitySPIRV(:AtomicFloat32MinMaxEXT, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceShaderAtomicFloat2FeaturesEXT, :shader_buffer_float_32_atomic_min_max, nothing, "VK_EXT_shader_atomic_float2"), FeatureCondition(:PhysicalDeviceShaderAtomicFloat2FeaturesEXT, :shader_shared_float_32_atomic_min_max, nothing, "VK_EXT_shader_atomic_float2"), FeatureCondition(:PhysicalDeviceShaderAtomicFloat2FeaturesEXT, :shader_image_float_32_atomic_min_max, nothing, "VK_EXT_shader_atomic_float2")], PropertyCondition[]), SpecCapabilitySPIRV(:AtomicFloat64MinMaxEXT, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceShaderAtomicFloat2FeaturesEXT, :shader_buffer_float_64_atomic_min_max, nothing, "VK_EXT_shader_atomic_float2"), FeatureCondition(:PhysicalDeviceShaderAtomicFloat2FeaturesEXT, :shader_shared_float_64_atomic_min_max, nothing, "VK_EXT_shader_atomic_float2")], PropertyCondition[]), SpecCapabilitySPIRV(:Int64ImageEXT, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceShaderImageAtomicInt64FeaturesEXT, :shader_image_int_64_atomics, nothing, "VK_EXT_shader_image_atomic_int64")], PropertyCondition[]), SpecCapabilitySPIRV(:Int16, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_int_16, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:TessellationPointSize, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_tessellation_and_geometry_point_size, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:GeometryPointSize, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_tessellation_and_geometry_point_size, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:ImageGatherExtended, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_image_gather_extended, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:StorageImageMultisample, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_storage_image_multisample, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:UniformBufferArrayDynamicIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_uniform_buffer_array_dynamic_indexing, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:SampledImageArrayDynamicIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_sampled_image_array_dynamic_indexing, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:StorageBufferArrayDynamicIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_storage_buffer_array_dynamic_indexing, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:StorageImageArrayDynamicIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_storage_image_array_dynamic_indexing, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:ClipDistance, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_clip_distance, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:CullDistance, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_cull_distance, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:ImageCubeArray, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :image_cube_array, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:SampleRateShading, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :sample_rate_shading, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:SparseResidency, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_resource_residency, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:MinLod, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_resource_min_lod, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:SampledCubeArray, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :image_cube_array, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:ImageMSArray, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_storage_image_multisample, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:StorageImageExtendedFormats, v"1.0.0", String[], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:InterpolationFunction, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :sample_rate_shading, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:StorageImageReadWithoutFormat, nothing, ["VK_KHR_format_feature_flags2"], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_storage_image_read_without_format, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:StorageImageWriteWithoutFormat, nothing, ["VK_KHR_format_feature_flags2"], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_storage_image_write_without_format, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:MultiViewport, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :multi_viewport, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:DrawParameters, nothing, ["VK_KHR_shader_draw_parameters"], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan11Features, :shader_draw_parameters, nothing, nothing), FeatureCondition(:PhysicalDeviceShaderDrawParametersFeatures, :shader_draw_parameters, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:MultiView, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan11Features, :multiview, nothing, nothing), FeatureCondition(:PhysicalDeviceMultiviewFeatures, :multiview, nothing, "VK_KHR_multiview")], PropertyCondition[]), SpecCapabilitySPIRV(:DeviceGroup, v"1.1.0", ["VK_KHR_device_group"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:VariablePointersStorageBuffer, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan11Features, :variable_pointers_storage_buffer, nothing, nothing), FeatureCondition(:PhysicalDeviceVariablePointersFeatures, :variable_pointers_storage_buffer, nothing, "VK_KHR_variable_pointers")], PropertyCondition[]), SpecCapabilitySPIRV(:VariablePointers, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan11Features, :variable_pointers, nothing, nothing), FeatureCondition(:PhysicalDeviceVariablePointersFeatures, :variable_pointers, nothing, "VK_KHR_variable_pointers")], PropertyCondition[]), SpecCapabilitySPIRV(:ShaderClockKHR, nothing, ["VK_KHR_shader_clock"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:StencilExportEXT, nothing, ["VK_EXT_shader_stencil_export"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:SubgroupBallotKHR, nothing, ["VK_EXT_shader_subgroup_ballot"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:SubgroupVoteKHR, nothing, ["VK_EXT_shader_subgroup_vote"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:ImageReadWriteLodAMD, nothing, ["VK_AMD_shader_image_load_store_lod"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:ImageGatherBiasLodAMD, nothing, ["VK_AMD_texture_gather_bias_lod"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:FragmentMaskAMD, nothing, ["VK_AMD_shader_fragment_mask"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:SampleMaskOverrideCoverageNV, nothing, ["VK_NV_sample_mask_override_coverage"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:GeometryShaderPassthroughNV, nothing, ["VK_NV_geometry_shader_passthrough"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:ShaderViewportIndex, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_output_viewport_index, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:ShaderLayer, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_output_layer, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:ShaderViewportIndexLayerEXT, nothing, ["VK_EXT_shader_viewport_index_layer"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:ShaderViewportIndexLayerNV, nothing, ["VK_NV_viewport_array2"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:ShaderViewportMaskNV, nothing, ["VK_NV_viewport_array2"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:PerViewAttributesNV, nothing, ["VK_NVX_multiview_per_view_attributes"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:StorageBuffer16BitAccess, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan11Features, :storage_buffer_16_bit_access, nothing, nothing), FeatureCondition(:PhysicalDevice16BitStorageFeatures, :storage_buffer_16_bit_access, nothing, "VK_KHR_16bit_storage")], PropertyCondition[]), SpecCapabilitySPIRV(:UniformAndStorageBuffer16BitAccess, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan11Features, :uniform_and_storage_buffer_16_bit_access, nothing, nothing), FeatureCondition(:PhysicalDevice16BitStorageFeatures, :uniform_and_storage_buffer_16_bit_access, nothing, "VK_KHR_16bit_storage")], PropertyCondition[]), SpecCapabilitySPIRV(:StoragePushConstant16, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan11Features, :storage_push_constant_16, nothing, nothing), FeatureCondition(:PhysicalDevice16BitStorageFeatures, :storage_push_constant_16, nothing, "VK_KHR_16bit_storage")], PropertyCondition[]), SpecCapabilitySPIRV(:StorageInputOutput16, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan11Features, :storage_input_output_16, nothing, nothing), FeatureCondition(:PhysicalDevice16BitStorageFeatures, :storage_input_output_16, nothing, "VK_KHR_16bit_storage")], PropertyCondition[]), SpecCapabilitySPIRV(:GroupNonUniform, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan11Properties, :subgroup_supported_operations, nothing, nothing, false, :SUBGROUP_FEATURE_BASIC_BIT)]), SpecCapabilitySPIRV(:GroupNonUniformVote, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan11Properties, :subgroup_supported_operations, nothing, nothing, false, :SUBGROUP_FEATURE_VOTE_BIT)]), SpecCapabilitySPIRV(:GroupNonUniformArithmetic, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan11Properties, :subgroup_supported_operations, nothing, nothing, false, :SUBGROUP_FEATURE_ARITHMETIC_BIT)]), SpecCapabilitySPIRV(:GroupNonUniformBallot, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan11Properties, :subgroup_supported_operations, nothing, nothing, false, :SUBGROUP_FEATURE_BALLOT_BIT)]), SpecCapabilitySPIRV(:GroupNonUniformShuffle, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan11Properties, :subgroup_supported_operations, nothing, nothing, false, :SUBGROUP_FEATURE_SHUFFLE_BIT)]), SpecCapabilitySPIRV(:GroupNonUniformShuffleRelative, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan11Properties, :subgroup_supported_operations, nothing, nothing, false, :SUBGROUP_FEATURE_SHUFFLE_RELATIVE_BIT)]), SpecCapabilitySPIRV(:GroupNonUniformClustered, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan11Properties, :subgroup_supported_operations, nothing, nothing, false, :SUBGROUP_FEATURE_CLUSTERED_BIT)]), SpecCapabilitySPIRV(:GroupNonUniformQuad, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan11Properties, :subgroup_supported_operations, nothing, nothing, false, :SUBGROUP_FEATURE_QUAD_BIT)]), SpecCapabilitySPIRV(:GroupNonUniformPartitionedNV, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan11Properties, :subgroup_supported_operations, nothing, "VK_NV_shader_subgroup_partitioned", false, :SUBGROUP_FEATURE_PARTITIONED_BIT_NV)]), SpecCapabilitySPIRV(:SampleMaskPostDepthCoverage, nothing, ["VK_EXT_post_depth_coverage"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:ShaderNonUniform, v"1.2.0", ["VK_EXT_descriptor_indexing"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:RuntimeDescriptorArray, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :runtime_descriptor_array, nothing, "VK_EXT_descriptor_indexing")], PropertyCondition[]), SpecCapabilitySPIRV(:InputAttachmentArrayDynamicIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_input_attachment_array_dynamic_indexing, nothing, "VK_EXT_descriptor_indexing")], PropertyCondition[]), SpecCapabilitySPIRV(:UniformTexelBufferArrayDynamicIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_uniform_texel_buffer_array_dynamic_indexing, nothing, "VK_EXT_descriptor_indexing")], PropertyCondition[]), SpecCapabilitySPIRV(:StorageTexelBufferArrayDynamicIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_storage_texel_buffer_array_dynamic_indexing, nothing, "VK_EXT_descriptor_indexing")], PropertyCondition[]), SpecCapabilitySPIRV(:UniformBufferArrayNonUniformIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_uniform_buffer_array_non_uniform_indexing, nothing, "VK_EXT_descriptor_indexing")], PropertyCondition[]), SpecCapabilitySPIRV(:SampledImageArrayNonUniformIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_sampled_image_array_non_uniform_indexing, nothing, "VK_EXT_descriptor_indexing")], PropertyCondition[]), SpecCapabilitySPIRV(:StorageBufferArrayNonUniformIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_storage_buffer_array_non_uniform_indexing, nothing, "VK_EXT_descriptor_indexing")], PropertyCondition[]), SpecCapabilitySPIRV(:StorageImageArrayNonUniformIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_storage_image_array_non_uniform_indexing, nothing, "VK_EXT_descriptor_indexing")], PropertyCondition[]), SpecCapabilitySPIRV(:InputAttachmentArrayNonUniformIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_input_attachment_array_non_uniform_indexing, nothing, "VK_EXT_descriptor_indexing")], PropertyCondition[]), SpecCapabilitySPIRV(:UniformTexelBufferArrayNonUniformIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_uniform_texel_buffer_array_non_uniform_indexing, nothing, "VK_EXT_descriptor_indexing")], PropertyCondition[]), SpecCapabilitySPIRV(:StorageTexelBufferArrayNonUniformIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_storage_texel_buffer_array_non_uniform_indexing, nothing, "VK_EXT_descriptor_indexing")], PropertyCondition[]), SpecCapabilitySPIRV(:FragmentFullyCoveredEXT, nothing, ["VK_EXT_conservative_rasterization"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:Float16, nothing, ["VK_AMD_gpu_shader_half_float"], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_float_16, nothing, "VK_KHR_shader_float16_int8")], PropertyCondition[]), SpecCapabilitySPIRV(:Int8, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_int_8, nothing, "VK_KHR_shader_float16_int8")], PropertyCondition[]), SpecCapabilitySPIRV(:StorageBuffer8BitAccess, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :storage_buffer_8_bit_access, nothing, "VK_KHR_8bit_storage")], PropertyCondition[]), SpecCapabilitySPIRV(:UniformAndStorageBuffer8BitAccess, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :uniform_and_storage_buffer_8_bit_access, nothing, "VK_KHR_8bit_storage")], PropertyCondition[]), SpecCapabilitySPIRV(:StoragePushConstant8, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :storage_push_constant_8, nothing, "VK_KHR_8bit_storage")], PropertyCondition[]), SpecCapabilitySPIRV(:VulkanMemoryModel, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :vulkan_memory_model, nothing, "VK_KHR_vulkan_memory_model")], PropertyCondition[]), SpecCapabilitySPIRV(:VulkanMemoryModelDeviceScope, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :vulkan_memory_model_device_scope, nothing, "VK_KHR_vulkan_memory_model")], PropertyCondition[]), SpecCapabilitySPIRV(:DenormPreserve, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_denorm_preserve_float_16, nothing, "VK_KHR_shader_float_controls", true, :TRUE), PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_denorm_preserve_float_32, nothing, "VK_KHR_shader_float_controls", true, :TRUE), PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_denorm_preserve_float_64, nothing, "VK_KHR_shader_float_controls", true, :TRUE)]), SpecCapabilitySPIRV(:DenormFlushToZero, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_denorm_flush_to_zero_float_16, nothing, "VK_KHR_shader_float_controls", true, :TRUE), PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_denorm_flush_to_zero_float_32, nothing, "VK_KHR_shader_float_controls", true, :TRUE), PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_denorm_flush_to_zero_float_64, nothing, "VK_KHR_shader_float_controls", true, :TRUE)]), SpecCapabilitySPIRV(:SignedZeroInfNanPreserve, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_signed_zero_inf_nan_preserve_float_16, nothing, "VK_KHR_shader_float_controls", true, :TRUE), PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_signed_zero_inf_nan_preserve_float_32, nothing, "VK_KHR_shader_float_controls", true, :TRUE), PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_signed_zero_inf_nan_preserve_float_64, nothing, "VK_KHR_shader_float_controls", true, :TRUE)]), SpecCapabilitySPIRV(:RoundingModeRTE, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_rounding_mode_rte_float_16, nothing, "VK_KHR_shader_float_controls", true, :TRUE), PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_rounding_mode_rte_float_32, nothing, "VK_KHR_shader_float_controls", true, :TRUE), PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_rounding_mode_rte_float_64, nothing, "VK_KHR_shader_float_controls", true, :TRUE)]), SpecCapabilitySPIRV(:RoundingModeRTZ, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_rounding_mode_rtz_float_16, nothing, "VK_KHR_shader_float_controls", true, :TRUE), PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_rounding_mode_rtz_float_32, nothing, "VK_KHR_shader_float_controls", true, :TRUE), PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_rounding_mode_rtz_float_64, nothing, "VK_KHR_shader_float_controls", true, :TRUE)]), SpecCapabilitySPIRV(:ComputeDerivativeGroupQuadsNV, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceComputeShaderDerivativesFeaturesNV, :compute_derivative_group_quads, nothing, "VK_NV_compute_shader_derivatives")], PropertyCondition[]), SpecCapabilitySPIRV(:ComputeDerivativeGroupLinearNV, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceComputeShaderDerivativesFeaturesNV, :compute_derivative_group_linear, nothing, "VK_NV_compute_shader_derivatives")], PropertyCondition[]), SpecCapabilitySPIRV(:FragmentBarycentricNV, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFragmentShaderBarycentricFeaturesKHR, :fragment_shader_barycentric, nothing, "VK_NV_fragment_shader_barycentric")], PropertyCondition[]), SpecCapabilitySPIRV(:ImageFootprintNV, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceShaderImageFootprintFeaturesNV, :image_footprint, nothing, "VK_NV_shader_image_footprint")], PropertyCondition[]), SpecCapabilitySPIRV(:ShadingRateNV, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceShadingRateImageFeaturesNV, :shading_rate_image, nothing, "VK_NV_shading_rate_image")], PropertyCondition[]), SpecCapabilitySPIRV(:MeshShadingNV, nothing, ["VK_NV_mesh_shader"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:RayTracingKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceRayTracingPipelineFeaturesKHR, :ray_tracing_pipeline, nothing, "VK_KHR_ray_tracing_pipeline")], PropertyCondition[]), SpecCapabilitySPIRV(:RayQueryKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceRayQueryFeaturesKHR, :ray_query, nothing, "VK_KHR_ray_query")], PropertyCondition[]), SpecCapabilitySPIRV(:RayTraversalPrimitiveCullingKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceRayTracingPipelineFeaturesKHR, :ray_traversal_primitive_culling, nothing, "VK_KHR_ray_tracing_pipeline"), FeatureCondition(:PhysicalDeviceRayQueryFeaturesKHR, :ray_query, nothing, "VK_KHR_ray_query")], PropertyCondition[]), SpecCapabilitySPIRV(:RayCullMaskKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceRayTracingMaintenance1FeaturesKHR, :ray_tracing_maintenance_1, nothing, "VK_KHR_ray_tracing_maintenance1")], PropertyCondition[]), SpecCapabilitySPIRV(:RayTracingNV, nothing, ["VK_NV_ray_tracing"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:RayTracingMotionBlurNV, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceRayTracingMotionBlurFeaturesNV, :ray_tracing_motion_blur, nothing, "VK_NV_ray_tracing_motion_blur")], PropertyCondition[]), SpecCapabilitySPIRV(:TransformFeedback, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceTransformFeedbackFeaturesEXT, :transform_feedback, nothing, "VK_EXT_transform_feedback")], PropertyCondition[]), SpecCapabilitySPIRV(:GeometryStreams, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceTransformFeedbackFeaturesEXT, :geometry_streams, nothing, "VK_EXT_transform_feedback")], PropertyCondition[]), SpecCapabilitySPIRV(:FragmentDensityEXT, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFragmentDensityMapFeaturesEXT, :fragment_density_map, nothing, "VK_EXT_fragment_density_map")], PropertyCondition[]), SpecCapabilitySPIRV(:PhysicalStorageBufferAddresses, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :buffer_device_address, nothing, "VK_KHR_buffer_device_address"), FeatureCondition(:PhysicalDeviceBufferDeviceAddressFeaturesEXT, :buffer_device_address, nothing, "VK_EXT_buffer_device_address")], PropertyCondition[]), SpecCapabilitySPIRV(:CooperativeMatrixNV, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceCooperativeMatrixFeaturesNV, :cooperative_matrix, nothing, "VK_NV_cooperative_matrix")], PropertyCondition[]), SpecCapabilitySPIRV(:IntegerFunctions2INTEL, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL, :shader_integer_functions_2, nothing, "VK_INTEL_shader_integer_functions2")], PropertyCondition[]), SpecCapabilitySPIRV(:ShaderSMBuiltinsNV, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceShaderSMBuiltinsFeaturesNV, :shader_sm_builtins, nothing, "VK_NV_shader_sm_builtins")], PropertyCondition[]), SpecCapabilitySPIRV(:FragmentShaderSampleInterlockEXT, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFragmentShaderInterlockFeaturesEXT, :fragment_shader_sample_interlock, nothing, "VK_EXT_fragment_shader_interlock")], PropertyCondition[]), SpecCapabilitySPIRV(:FragmentShaderPixelInterlockEXT, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFragmentShaderInterlockFeaturesEXT, :fragment_shader_pixel_interlock, nothing, "VK_EXT_fragment_shader_interlock")], PropertyCondition[]), SpecCapabilitySPIRV(:FragmentShaderShadingRateInterlockEXT, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFragmentShaderInterlockFeaturesEXT, :fragment_shader_shading_rate_interlock, nothing, "VK_EXT_fragment_shader_interlock"), FeatureCondition(:PhysicalDeviceShadingRateImageFeaturesNV, :shading_rate_image, nothing, "VK_NV_shading_rate_image")], PropertyCondition[]), SpecCapabilitySPIRV(:DemoteToHelperInvocationEXT, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan13Features, :shader_demote_to_helper_invocation, nothing, "VK_EXT_shader_demote_to_helper_invocation"), FeatureCondition(:PhysicalDeviceShaderDemoteToHelperInvocationFeatures, :shader_demote_to_helper_invocation, nothing, "VK_EXT_shader_demote_to_helper_invocation")], PropertyCondition[]), SpecCapabilitySPIRV(:FragmentShadingRateKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFragmentShadingRateFeaturesKHR, :pipeline_fragment_shading_rate, nothing, "VK_KHR_fragment_shading_rate"), FeatureCondition(:PhysicalDeviceFragmentShadingRateFeaturesKHR, :primitive_fragment_shading_rate, nothing, "VK_KHR_fragment_shading_rate"), FeatureCondition(:PhysicalDeviceFragmentShadingRateFeaturesKHR, :attachment_fragment_shading_rate, nothing, "VK_KHR_fragment_shading_rate")], PropertyCondition[]), SpecCapabilitySPIRV(:WorkgroupMemoryExplicitLayoutKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR, :workgroup_memory_explicit_layout, nothing, "VK_KHR_workgroup_memory_explicit_layout")], PropertyCondition[]), SpecCapabilitySPIRV(:WorkgroupMemoryExplicitLayout8BitAccessKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR, :workgroup_memory_explicit_layout_8_bit_access, nothing, "VK_KHR_workgroup_memory_explicit_layout")], PropertyCondition[]), SpecCapabilitySPIRV(:WorkgroupMemoryExplicitLayout16BitAccessKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR, :workgroup_memory_explicit_layout_16_bit_access, nothing, "VK_KHR_workgroup_memory_explicit_layout")], PropertyCondition[]), SpecCapabilitySPIRV(:DotProductInputAllKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan13Features, :shader_integer_dot_product, nothing, "VK_KHR_shader_integer_dot_product"), FeatureCondition(:PhysicalDeviceShaderIntegerDotProductFeatures, :shader_integer_dot_product, nothing, "VK_KHR_shader_integer_dot_product")], PropertyCondition[]), SpecCapabilitySPIRV(:DotProductInput4x8BitKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan13Features, :shader_integer_dot_product, nothing, "VK_KHR_shader_integer_dot_product"), FeatureCondition(:PhysicalDeviceShaderIntegerDotProductFeatures, :shader_integer_dot_product, nothing, "VK_KHR_shader_integer_dot_product")], PropertyCondition[]), SpecCapabilitySPIRV(:DotProductInput4x8BitPackedKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan13Features, :shader_integer_dot_product, nothing, "VK_KHR_shader_integer_dot_product"), FeatureCondition(:PhysicalDeviceShaderIntegerDotProductFeatures, :shader_integer_dot_product, nothing, "VK_KHR_shader_integer_dot_product")], PropertyCondition[]), SpecCapabilitySPIRV(:DotProductKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan13Features, :shader_integer_dot_product, nothing, "VK_KHR_shader_integer_dot_product"), FeatureCondition(:PhysicalDeviceShaderIntegerDotProductFeatures, :shader_integer_dot_product, nothing, "VK_KHR_shader_integer_dot_product")], PropertyCondition[]), SpecCapabilitySPIRV(:FragmentBarycentricKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFragmentShaderBarycentricFeaturesKHR, :fragment_shader_barycentric, nothing, "VK_KHR_fragment_shader_barycentric")], PropertyCondition[]), SpecCapabilitySPIRV(:TextureSampleWeightedQCOM, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceImageProcessingFeaturesQCOM, :texture_sample_weighted, nothing, "VK_QCOM_image_processing")], PropertyCondition[]), SpecCapabilitySPIRV(:TextureBoxFilterQCOM, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceImageProcessingFeaturesQCOM, :texture_box_filter, nothing, "VK_QCOM_image_processing")], PropertyCondition[]), SpecCapabilitySPIRV(:TextureBlockMatchQCOM, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceImageProcessingFeaturesQCOM, :texture_block_match, nothing, "VK_QCOM_image_processing")], PropertyCondition[]), SpecCapabilitySPIRV(:MeshShadingEXT, nothing, ["VK_EXT_mesh_shader"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:RayTracingOpacityMicromapEXT, nothing, ["VK_EXT_opacity_micromap"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:CoreBuiltinsARM, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceShaderCoreBuiltinsFeaturesARM, :shader_core_builtins, nothing, "VK_ARM_shader_core_builtins")], PropertyCondition[]), SpecCapabilitySPIRV(:ShaderInvocationReorderNV, nothing, ["VK_NV_ray_tracing_invocation_reorder"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:ClusterCullingShadingHUAWEI, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceClusterCullingShaderFeaturesHUAWEI, :clusterculling_shader, nothing, "VK_HUAWEI_cluster_culling_shader")], PropertyCondition[])] const CORE_FUNCTIONS = [:vkCreateInstance, :vkEnumerateInstanceVersion, :vkEnumerateInstanceLayerProperties, :vkEnumerateInstanceExtensionProperties] const INSTANCE_FUNCTIONS = [:vkDestroyInstance, :vkEnumeratePhysicalDevices, :vkGetInstanceProcAddr, :vkGetPhysicalDeviceProperties, :vkGetPhysicalDeviceQueueFamilyProperties, :vkGetPhysicalDeviceMemoryProperties, :vkGetPhysicalDeviceFeatures, :vkGetPhysicalDeviceFormatProperties, :vkGetPhysicalDeviceImageFormatProperties, :vkCreateDevice, :vkEnumerateDeviceLayerProperties, :vkEnumerateDeviceExtensionProperties, :vkGetPhysicalDeviceSparseImageFormatProperties, :vkCreateAndroidSurfaceKHR, :vkGetPhysicalDeviceDisplayPropertiesKHR, :vkGetPhysicalDeviceDisplayPlanePropertiesKHR, :vkGetDisplayPlaneSupportedDisplaysKHR, :vkGetDisplayModePropertiesKHR, :vkCreateDisplayModeKHR, :vkGetDisplayPlaneCapabilitiesKHR, :vkCreateDisplayPlaneSurfaceKHR, :vkDestroySurfaceKHR, :vkGetPhysicalDeviceSurfaceSupportKHR, :vkGetPhysicalDeviceSurfaceCapabilitiesKHR, :vkGetPhysicalDeviceSurfaceFormatsKHR, :vkGetPhysicalDeviceSurfacePresentModesKHR, :vkCreateViSurfaceNN, :vkCreateWaylandSurfaceKHR, :vkGetPhysicalDeviceWaylandPresentationSupportKHR, :vkCreateWin32SurfaceKHR, :vkGetPhysicalDeviceWin32PresentationSupportKHR, :vkCreateXlibSurfaceKHR, :vkGetPhysicalDeviceXlibPresentationSupportKHR, :vkCreateXcbSurfaceKHR, :vkGetPhysicalDeviceXcbPresentationSupportKHR, :vkCreateDirectFBSurfaceEXT, :vkGetPhysicalDeviceDirectFBPresentationSupportEXT, :vkCreateImagePipeSurfaceFUCHSIA, :vkCreateStreamDescriptorSurfaceGGP, :vkCreateScreenSurfaceQNX, :vkGetPhysicalDeviceScreenPresentationSupportQNX, :vkCreateDebugReportCallbackEXT, :vkDestroyDebugReportCallbackEXT, :vkDebugReportMessageEXT, :vkGetPhysicalDeviceExternalImageFormatPropertiesNV, :vkGetPhysicalDeviceFeatures2, :vkGetPhysicalDeviceProperties2, :vkGetPhysicalDeviceFormatProperties2, :vkGetPhysicalDeviceImageFormatProperties2, :vkGetPhysicalDeviceQueueFamilyProperties2, :vkGetPhysicalDeviceMemoryProperties2, :vkGetPhysicalDeviceSparseImageFormatProperties2, :vkGetPhysicalDeviceExternalBufferProperties, :vkGetPhysicalDeviceExternalSemaphoreProperties, :vkGetPhysicalDeviceExternalFenceProperties, :vkReleaseDisplayEXT, :vkAcquireXlibDisplayEXT, :vkGetRandROutputDisplayEXT, :vkAcquireWinrtDisplayNV, :vkGetWinrtDisplayNV, :vkGetPhysicalDeviceSurfaceCapabilities2EXT, :vkEnumeratePhysicalDeviceGroups, :vkGetPhysicalDevicePresentRectanglesKHR, :vkCreateIOSSurfaceMVK, :vkCreateMacOSSurfaceMVK, :vkCreateMetalSurfaceEXT, :vkGetPhysicalDeviceMultisamplePropertiesEXT, :vkGetPhysicalDeviceSurfaceCapabilities2KHR, :vkGetPhysicalDeviceSurfaceFormats2KHR, :vkGetPhysicalDeviceDisplayProperties2KHR, :vkGetPhysicalDeviceDisplayPlaneProperties2KHR, :vkGetDisplayModeProperties2KHR, :vkGetDisplayPlaneCapabilities2KHR, :vkGetPhysicalDeviceCalibrateableTimeDomainsEXT, :vkCreateDebugUtilsMessengerEXT, :vkDestroyDebugUtilsMessengerEXT, :vkSubmitDebugUtilsMessageEXT, :vkGetPhysicalDeviceCooperativeMatrixPropertiesNV, :vkGetPhysicalDeviceSurfacePresentModes2EXT, :vkEnumeratePhysicalDeviceQueueFamilyPerformanceQueryCountersKHR, :vkGetPhysicalDeviceQueueFamilyPerformanceQueryPassesKHR, :vkCreateHeadlessSurfaceEXT, :vkGetPhysicalDeviceSupportedFramebufferMixedSamplesCombinationsNV, :vkGetPhysicalDeviceToolProperties, :vkGetPhysicalDeviceFragmentShadingRatesKHR, :vkGetPhysicalDeviceVideoCapabilitiesKHR, :vkGetPhysicalDeviceVideoFormatPropertiesKHR, :vkAcquireDrmDisplayEXT, :vkGetDrmDisplayEXT, :vkGetPhysicalDeviceOpticalFlowImageFormatsNV, :vkEnumeratePhysicalDeviceGroupsKHR, :vkGetPhysicalDeviceExternalBufferPropertiesKHR, :vkGetPhysicalDeviceExternalFencePropertiesKHR, :vkGetPhysicalDeviceExternalSemaphorePropertiesKHR, :vkGetPhysicalDeviceFeatures2KHR, :vkGetPhysicalDeviceFormatProperties2KHR, :vkGetPhysicalDeviceImageFormatProperties2KHR, :vkGetPhysicalDeviceMemoryProperties2KHR, :vkGetPhysicalDeviceProperties2KHR, :vkGetPhysicalDeviceQueueFamilyProperties2KHR, :vkGetPhysicalDeviceSparseImageFormatProperties2KHR, :vkGetPhysicalDeviceToolPropertiesEXT] const DEVICE_FUNCTIONS = [:vkGetDeviceProcAddr, :vkDestroyDevice, :vkGetDeviceQueue, :vkQueueSubmit, :vkQueueWaitIdle, :vkDeviceWaitIdle, :vkAllocateMemory, :vkFreeMemory, :vkMapMemory, :vkUnmapMemory, :vkFlushMappedMemoryRanges, :vkInvalidateMappedMemoryRanges, :vkGetDeviceMemoryCommitment, :vkGetBufferMemoryRequirements, :vkBindBufferMemory, :vkGetImageMemoryRequirements, :vkBindImageMemory, :vkGetImageSparseMemoryRequirements, :vkQueueBindSparse, :vkCreateFence, :vkDestroyFence, :vkResetFences, :vkGetFenceStatus, :vkWaitForFences, :vkCreateSemaphore, :vkDestroySemaphore, :vkCreateEvent, :vkDestroyEvent, :vkGetEventStatus, :vkSetEvent, :vkResetEvent, :vkCreateQueryPool, :vkDestroyQueryPool, :vkGetQueryPoolResults, :vkResetQueryPool, :vkCreateBuffer, :vkDestroyBuffer, :vkCreateBufferView, :vkDestroyBufferView, :vkCreateImage, :vkDestroyImage, :vkGetImageSubresourceLayout, :vkCreateImageView, :vkDestroyImageView, :vkCreateShaderModule, :vkDestroyShaderModule, :vkCreatePipelineCache, :vkDestroyPipelineCache, :vkGetPipelineCacheData, :vkMergePipelineCaches, :vkCreateGraphicsPipelines, :vkCreateComputePipelines, :vkGetDeviceSubpassShadingMaxWorkgroupSizeHUAWEI, :vkDestroyPipeline, :vkCreatePipelineLayout, :vkDestroyPipelineLayout, :vkCreateSampler, :vkDestroySampler, :vkCreateDescriptorSetLayout, :vkDestroyDescriptorSetLayout, :vkCreateDescriptorPool, :vkDestroyDescriptorPool, :vkResetDescriptorPool, :vkAllocateDescriptorSets, :vkFreeDescriptorSets, :vkUpdateDescriptorSets, :vkCreateFramebuffer, :vkDestroyFramebuffer, :vkCreateRenderPass, :vkDestroyRenderPass, :vkGetRenderAreaGranularity, :vkCreateCommandPool, :vkDestroyCommandPool, :vkResetCommandPool, :vkAllocateCommandBuffers, :vkFreeCommandBuffers, :vkBeginCommandBuffer, :vkEndCommandBuffer, :vkResetCommandBuffer, :vkCmdBindPipeline, :vkCmdSetViewport, :vkCmdSetScissor, :vkCmdSetLineWidth, :vkCmdSetDepthBias, :vkCmdSetBlendConstants, :vkCmdSetDepthBounds, :vkCmdSetStencilCompareMask, :vkCmdSetStencilWriteMask, :vkCmdSetStencilReference, :vkCmdBindDescriptorSets, :vkCmdBindIndexBuffer, :vkCmdBindVertexBuffers, :vkCmdDraw, :vkCmdDrawIndexed, :vkCmdDrawMultiEXT, :vkCmdDrawMultiIndexedEXT, :vkCmdDrawIndirect, :vkCmdDrawIndexedIndirect, :vkCmdDispatch, :vkCmdDispatchIndirect, :vkCmdSubpassShadingHUAWEI, :vkCmdDrawClusterHUAWEI, :vkCmdDrawClusterIndirectHUAWEI, :vkCmdCopyBuffer, :vkCmdCopyImage, :vkCmdBlitImage, :vkCmdCopyBufferToImage, :vkCmdCopyImageToBuffer, :vkCmdCopyMemoryIndirectNV, :vkCmdCopyMemoryToImageIndirectNV, :vkCmdUpdateBuffer, :vkCmdFillBuffer, :vkCmdClearColorImage, :vkCmdClearDepthStencilImage, :vkCmdClearAttachments, :vkCmdResolveImage, :vkCmdSetEvent, :vkCmdResetEvent, :vkCmdWaitEvents, :vkCmdPipelineBarrier, :vkCmdBeginQuery, :vkCmdEndQuery, :vkCmdBeginConditionalRenderingEXT, :vkCmdEndConditionalRenderingEXT, :vkCmdResetQueryPool, :vkCmdWriteTimestamp, :vkCmdCopyQueryPoolResults, :vkCmdPushConstants, :vkCmdBeginRenderPass, :vkCmdNextSubpass, :vkCmdEndRenderPass, :vkCmdExecuteCommands, :vkCreateSharedSwapchainsKHR, :vkCreateSwapchainKHR, :vkDestroySwapchainKHR, :vkGetSwapchainImagesKHR, :vkAcquireNextImageKHR, :vkQueuePresentKHR, :vkDebugMarkerSetObjectNameEXT, :vkDebugMarkerSetObjectTagEXT, :vkCmdDebugMarkerBeginEXT, :vkCmdDebugMarkerEndEXT, :vkCmdDebugMarkerInsertEXT, :vkGetMemoryWin32HandleNV, :vkCmdExecuteGeneratedCommandsNV, :vkCmdPreprocessGeneratedCommandsNV, :vkCmdBindPipelineShaderGroupNV, :vkGetGeneratedCommandsMemoryRequirementsNV, :vkCreateIndirectCommandsLayoutNV, :vkDestroyIndirectCommandsLayoutNV, :vkCmdPushDescriptorSetKHR, :vkTrimCommandPool, :vkGetMemoryWin32HandleKHR, :vkGetMemoryWin32HandlePropertiesKHR, :vkGetMemoryFdKHR, :vkGetMemoryFdPropertiesKHR, :vkGetMemoryZirconHandleFUCHSIA, :vkGetMemoryZirconHandlePropertiesFUCHSIA, :vkGetMemoryRemoteAddressNV, :vkGetSemaphoreWin32HandleKHR, :vkImportSemaphoreWin32HandleKHR, :vkGetSemaphoreFdKHR, :vkImportSemaphoreFdKHR, :vkGetSemaphoreZirconHandleFUCHSIA, :vkImportSemaphoreZirconHandleFUCHSIA, :vkGetFenceWin32HandleKHR, :vkImportFenceWin32HandleKHR, :vkGetFenceFdKHR, :vkImportFenceFdKHR, :vkDisplayPowerControlEXT, :vkRegisterDeviceEventEXT, :vkRegisterDisplayEventEXT, :vkGetSwapchainCounterEXT, :vkGetDeviceGroupPeerMemoryFeatures, :vkBindBufferMemory2, :vkBindImageMemory2, :vkCmdSetDeviceMask, :vkGetDeviceGroupPresentCapabilitiesKHR, :vkGetDeviceGroupSurfacePresentModesKHR, :vkAcquireNextImage2KHR, :vkCmdDispatchBase, :vkCreateDescriptorUpdateTemplate, :vkDestroyDescriptorUpdateTemplate, :vkUpdateDescriptorSetWithTemplate, :vkCmdPushDescriptorSetWithTemplateKHR, :vkSetHdrMetadataEXT, :vkGetSwapchainStatusKHR, :vkGetRefreshCycleDurationGOOGLE, :vkGetPastPresentationTimingGOOGLE, :vkCmdSetViewportWScalingNV, :vkCmdSetDiscardRectangleEXT, :vkCmdSetSampleLocationsEXT, :vkGetBufferMemoryRequirements2, :vkGetImageMemoryRequirements2, :vkGetImageSparseMemoryRequirements2, :vkGetDeviceBufferMemoryRequirements, :vkGetDeviceImageMemoryRequirements, :vkGetDeviceImageSparseMemoryRequirements, :vkCreateSamplerYcbcrConversion, :vkDestroySamplerYcbcrConversion, :vkGetDeviceQueue2, :vkCreateValidationCacheEXT, :vkDestroyValidationCacheEXT, :vkGetValidationCacheDataEXT, :vkMergeValidationCachesEXT, :vkGetDescriptorSetLayoutSupport, :vkGetShaderInfoAMD, :vkSetLocalDimmingAMD, :vkGetCalibratedTimestampsEXT, :vkSetDebugUtilsObjectNameEXT, :vkSetDebugUtilsObjectTagEXT, :vkQueueBeginDebugUtilsLabelEXT, :vkQueueEndDebugUtilsLabelEXT, :vkQueueInsertDebugUtilsLabelEXT, :vkCmdBeginDebugUtilsLabelEXT, :vkCmdEndDebugUtilsLabelEXT, :vkCmdInsertDebugUtilsLabelEXT, :vkGetMemoryHostPointerPropertiesEXT, :vkCmdWriteBufferMarkerAMD, :vkCreateRenderPass2, :vkCmdBeginRenderPass2, :vkCmdNextSubpass2, :vkCmdEndRenderPass2, :vkGetSemaphoreCounterValue, :vkWaitSemaphores, :vkSignalSemaphore, :vkGetAndroidHardwareBufferPropertiesANDROID, :vkGetMemoryAndroidHardwareBufferANDROID, :vkCmdDrawIndirectCount, :vkCmdDrawIndexedIndirectCount, :vkCmdSetCheckpointNV, :vkGetQueueCheckpointDataNV, :vkCmdBindTransformFeedbackBuffersEXT, :vkCmdBeginTransformFeedbackEXT, :vkCmdEndTransformFeedbackEXT, :vkCmdBeginQueryIndexedEXT, :vkCmdEndQueryIndexedEXT, :vkCmdDrawIndirectByteCountEXT, :vkCmdSetExclusiveScissorNV, :vkCmdBindShadingRateImageNV, :vkCmdSetViewportShadingRatePaletteNV, :vkCmdSetCoarseSampleOrderNV, :vkCmdDrawMeshTasksNV, :vkCmdDrawMeshTasksIndirectNV, :vkCmdDrawMeshTasksIndirectCountNV, :vkCmdDrawMeshTasksEXT, :vkCmdDrawMeshTasksIndirectEXT, :vkCmdDrawMeshTasksIndirectCountEXT, :vkCompileDeferredNV, :vkCreateAccelerationStructureNV, :vkCmdBindInvocationMaskHUAWEI, :vkDestroyAccelerationStructureKHR, :vkDestroyAccelerationStructureNV, :vkGetAccelerationStructureMemoryRequirementsNV, :vkBindAccelerationStructureMemoryNV, :vkCmdCopyAccelerationStructureNV, :vkCmdCopyAccelerationStructureKHR, :vkCopyAccelerationStructureKHR, :vkCmdCopyAccelerationStructureToMemoryKHR, :vkCopyAccelerationStructureToMemoryKHR, :vkCmdCopyMemoryToAccelerationStructureKHR, :vkCopyMemoryToAccelerationStructureKHR, :vkCmdWriteAccelerationStructuresPropertiesKHR, :vkCmdWriteAccelerationStructuresPropertiesNV, :vkCmdBuildAccelerationStructureNV, :vkWriteAccelerationStructuresPropertiesKHR, :vkCmdTraceRaysKHR, :vkCmdTraceRaysNV, :vkGetRayTracingShaderGroupHandlesKHR, :vkGetRayTracingCaptureReplayShaderGroupHandlesKHR, :vkGetAccelerationStructureHandleNV, :vkCreateRayTracingPipelinesNV, :vkCreateRayTracingPipelinesKHR, :vkCmdTraceRaysIndirectKHR, :vkCmdTraceRaysIndirect2KHR, :vkGetDeviceAccelerationStructureCompatibilityKHR, :vkGetRayTracingShaderGroupStackSizeKHR, :vkCmdSetRayTracingPipelineStackSizeKHR, :vkGetImageViewHandleNVX, :vkGetImageViewAddressNVX, :vkGetDeviceGroupSurfacePresentModes2EXT, :vkAcquireFullScreenExclusiveModeEXT, :vkReleaseFullScreenExclusiveModeEXT, :vkAcquireProfilingLockKHR, :vkReleaseProfilingLockKHR, :vkGetImageDrmFormatModifierPropertiesEXT, :vkGetBufferOpaqueCaptureAddress, :vkGetBufferDeviceAddress, :vkInitializePerformanceApiINTEL, :vkUninitializePerformanceApiINTEL, :vkCmdSetPerformanceMarkerINTEL, :vkCmdSetPerformanceStreamMarkerINTEL, :vkCmdSetPerformanceOverrideINTEL, :vkAcquirePerformanceConfigurationINTEL, :vkReleasePerformanceConfigurationINTEL, :vkQueueSetPerformanceConfigurationINTEL, :vkGetPerformanceParameterINTEL, :vkGetDeviceMemoryOpaqueCaptureAddress, :vkGetPipelineExecutablePropertiesKHR, :vkGetPipelineExecutableStatisticsKHR, :vkGetPipelineExecutableInternalRepresentationsKHR, :vkCmdSetLineStippleEXT, :vkCreateAccelerationStructureKHR, :vkCmdBuildAccelerationStructuresKHR, :vkCmdBuildAccelerationStructuresIndirectKHR, :vkBuildAccelerationStructuresKHR, :vkGetAccelerationStructureDeviceAddressKHR, :vkCreateDeferredOperationKHR, :vkDestroyDeferredOperationKHR, :vkGetDeferredOperationMaxConcurrencyKHR, :vkGetDeferredOperationResultKHR, :vkDeferredOperationJoinKHR, :vkCmdSetCullMode, :vkCmdSetFrontFace, :vkCmdSetPrimitiveTopology, :vkCmdSetViewportWithCount, :vkCmdSetScissorWithCount, :vkCmdBindVertexBuffers2, :vkCmdSetDepthTestEnable, :vkCmdSetDepthWriteEnable, :vkCmdSetDepthCompareOp, :vkCmdSetDepthBoundsTestEnable, :vkCmdSetStencilTestEnable, :vkCmdSetStencilOp, :vkCmdSetPatchControlPointsEXT, :vkCmdSetRasterizerDiscardEnable, :vkCmdSetDepthBiasEnable, :vkCmdSetLogicOpEXT, :vkCmdSetPrimitiveRestartEnable, :vkCmdSetTessellationDomainOriginEXT, :vkCmdSetDepthClampEnableEXT, :vkCmdSetPolygonModeEXT, :vkCmdSetRasterizationSamplesEXT, :vkCmdSetSampleMaskEXT, :vkCmdSetAlphaToCoverageEnableEXT, :vkCmdSetAlphaToOneEnableEXT, :vkCmdSetLogicOpEnableEXT, :vkCmdSetColorBlendEnableEXT, :vkCmdSetColorBlendEquationEXT, :vkCmdSetColorWriteMaskEXT, :vkCmdSetRasterizationStreamEXT, :vkCmdSetConservativeRasterizationModeEXT, :vkCmdSetExtraPrimitiveOverestimationSizeEXT, :vkCmdSetDepthClipEnableEXT, :vkCmdSetSampleLocationsEnableEXT, :vkCmdSetColorBlendAdvancedEXT, :vkCmdSetProvokingVertexModeEXT, :vkCmdSetLineRasterizationModeEXT, :vkCmdSetLineStippleEnableEXT, :vkCmdSetDepthClipNegativeOneToOneEXT, :vkCmdSetViewportWScalingEnableNV, :vkCmdSetViewportSwizzleNV, :vkCmdSetCoverageToColorEnableNV, :vkCmdSetCoverageToColorLocationNV, :vkCmdSetCoverageModulationModeNV, :vkCmdSetCoverageModulationTableEnableNV, :vkCmdSetCoverageModulationTableNV, :vkCmdSetShadingRateImageEnableNV, :vkCmdSetCoverageReductionModeNV, :vkCmdSetRepresentativeFragmentTestEnableNV, :vkCreatePrivateDataSlot, :vkDestroyPrivateDataSlot, :vkSetPrivateData, :vkGetPrivateData, :vkCmdCopyBuffer2, :vkCmdCopyImage2, :vkCmdBlitImage2, :vkCmdCopyBufferToImage2, :vkCmdCopyImageToBuffer2, :vkCmdResolveImage2, :vkCmdSetFragmentShadingRateKHR, :vkCmdSetFragmentShadingRateEnumNV, :vkGetAccelerationStructureBuildSizesKHR, :vkCmdSetVertexInputEXT, :vkCmdSetColorWriteEnableEXT, :vkCmdSetEvent2, :vkCmdResetEvent2, :vkCmdWaitEvents2, :vkCmdPipelineBarrier2, :vkQueueSubmit2, :vkCmdWriteTimestamp2, :vkCmdWriteBufferMarker2AMD, :vkGetQueueCheckpointData2NV, :vkCreateVideoSessionKHR, :vkDestroyVideoSessionKHR, :vkCreateVideoSessionParametersKHR, :vkUpdateVideoSessionParametersKHR, :vkDestroyVideoSessionParametersKHR, :vkGetVideoSessionMemoryRequirementsKHR, :vkBindVideoSessionMemoryKHR, :vkCmdDecodeVideoKHR, :vkCmdBeginVideoCodingKHR, :vkCmdControlVideoCodingKHR, :vkCmdEndVideoCodingKHR, :vkCmdEncodeVideoKHR, :vkCmdDecompressMemoryNV, :vkCmdDecompressMemoryIndirectCountNV, :vkCreateCuModuleNVX, :vkCreateCuFunctionNVX, :vkDestroyCuModuleNVX, :vkDestroyCuFunctionNVX, :vkCmdCuLaunchKernelNVX, :vkGetDescriptorSetLayoutSizeEXT, :vkGetDescriptorSetLayoutBindingOffsetEXT, :vkGetDescriptorEXT, :vkCmdBindDescriptorBuffersEXT, :vkCmdSetDescriptorBufferOffsetsEXT, :vkCmdBindDescriptorBufferEmbeddedSamplersEXT, :vkGetBufferOpaqueCaptureDescriptorDataEXT, :vkGetImageOpaqueCaptureDescriptorDataEXT, :vkGetImageViewOpaqueCaptureDescriptorDataEXT, :vkGetSamplerOpaqueCaptureDescriptorDataEXT, :vkGetAccelerationStructureOpaqueCaptureDescriptorDataEXT, :vkSetDeviceMemoryPriorityEXT, :vkWaitForPresentKHR, :vkCreateBufferCollectionFUCHSIA, :vkSetBufferCollectionBufferConstraintsFUCHSIA, :vkSetBufferCollectionImageConstraintsFUCHSIA, :vkDestroyBufferCollectionFUCHSIA, :vkGetBufferCollectionPropertiesFUCHSIA, :vkCmdBeginRendering, :vkCmdEndRendering, :vkGetDescriptorSetLayoutHostMappingInfoVALVE, :vkGetDescriptorSetHostMappingVALVE, :vkCreateMicromapEXT, :vkCmdBuildMicromapsEXT, :vkBuildMicromapsEXT, :vkDestroyMicromapEXT, :vkCmdCopyMicromapEXT, :vkCopyMicromapEXT, :vkCmdCopyMicromapToMemoryEXT, :vkCopyMicromapToMemoryEXT, :vkCmdCopyMemoryToMicromapEXT, :vkCopyMemoryToMicromapEXT, :vkCmdWriteMicromapsPropertiesEXT, :vkWriteMicromapsPropertiesEXT, :vkGetDeviceMicromapCompatibilityEXT, :vkGetMicromapBuildSizesEXT, :vkGetShaderModuleIdentifierEXT, :vkGetShaderModuleCreateInfoIdentifierEXT, :vkGetImageSubresourceLayout2EXT, :vkGetPipelinePropertiesEXT, :vkExportMetalObjectsEXT, :vkGetFramebufferTilePropertiesQCOM, :vkGetDynamicRenderingTilePropertiesQCOM, :vkCreateOpticalFlowSessionNV, :vkDestroyOpticalFlowSessionNV, :vkBindOpticalFlowSessionImageNV, :vkCmdOpticalFlowExecuteNV, :vkGetDeviceFaultInfoEXT, :vkReleaseSwapchainImagesEXT, :vkBindBufferMemory2KHR, :vkBindImageMemory2KHR, :vkCmdBeginRenderPass2KHR, :vkCmdBeginRenderingKHR, :vkCmdBindVertexBuffers2EXT, :vkCmdBlitImage2KHR, :vkCmdCopyBuffer2KHR, :vkCmdCopyBufferToImage2KHR, :vkCmdCopyImage2KHR, :vkCmdCopyImageToBuffer2KHR, :vkCmdDispatchBaseKHR, :vkCmdDrawIndexedIndirectCountAMD, :vkCmdDrawIndexedIndirectCountKHR, :vkCmdDrawIndirectCountAMD, :vkCmdDrawIndirectCountKHR, :vkCmdEndRenderPass2KHR, :vkCmdEndRenderingKHR, :vkCmdNextSubpass2KHR, :vkCmdPipelineBarrier2KHR, :vkCmdResetEvent2KHR, :vkCmdResolveImage2KHR, :vkCmdSetCullModeEXT, :vkCmdSetDepthBiasEnableEXT, :vkCmdSetDepthBoundsTestEnableEXT, :vkCmdSetDepthCompareOpEXT, :vkCmdSetDepthTestEnableEXT, :vkCmdSetDepthWriteEnableEXT, :vkCmdSetDeviceMaskKHR, :vkCmdSetEvent2KHR, :vkCmdSetFrontFaceEXT, :vkCmdSetPrimitiveRestartEnableEXT, :vkCmdSetPrimitiveTopologyEXT, :vkCmdSetRasterizerDiscardEnableEXT, :vkCmdSetScissorWithCountEXT, :vkCmdSetStencilOpEXT, :vkCmdSetStencilTestEnableEXT, :vkCmdSetViewportWithCountEXT, :vkCmdWaitEvents2KHR, :vkCmdWriteTimestamp2KHR, :vkCreateDescriptorUpdateTemplateKHR, :vkCreatePrivateDataSlotEXT, :vkCreateRenderPass2KHR, :vkCreateSamplerYcbcrConversionKHR, :vkDestroyDescriptorUpdateTemplateKHR, :vkDestroyPrivateDataSlotEXT, :vkDestroySamplerYcbcrConversionKHR, :vkGetBufferDeviceAddressEXT, :vkGetBufferDeviceAddressKHR, :vkGetBufferMemoryRequirements2KHR, :vkGetBufferOpaqueCaptureAddressKHR, :vkGetDescriptorSetLayoutSupportKHR, :vkGetDeviceBufferMemoryRequirementsKHR, :vkGetDeviceGroupPeerMemoryFeaturesKHR, :vkGetDeviceImageMemoryRequirementsKHR, :vkGetDeviceImageSparseMemoryRequirementsKHR, :vkGetDeviceMemoryOpaqueCaptureAddressKHR, :vkGetImageMemoryRequirements2KHR, :vkGetImageSparseMemoryRequirements2KHR, :vkGetPrivateDataEXT, :vkGetRayTracingShaderGroupHandlesNV, :vkGetSemaphoreCounterValueKHR, :vkQueueSubmit2KHR, :vkResetQueryPoolEXT, :vkSetPrivateDataEXT, :vkSignalSemaphoreKHR, :vkTrimCommandPoolKHR, :vkUpdateDescriptorSetWithTemplateKHR, :vkWaitSemaphoresKHR] export MAX_PHYSICAL_DEVICE_NAME_SIZE, UUID_SIZE, LUID_SIZE, MAX_DESCRIPTION_SIZE, MAX_MEMORY_TYPES, MAX_MEMORY_HEAPS, LOD_CLAMP_NONE, REMAINING_MIP_LEVELS, REMAINING_ARRAY_LAYERS, WHOLE_SIZE, ATTACHMENT_UNUSED, QUEUE_FAMILY_IGNORED, QUEUE_FAMILY_EXTERNAL, QUEUE_FAMILY_FOREIGN_EXT, SUBPASS_EXTERNAL, MAX_DEVICE_GROUP_SIZE, MAX_DRIVER_NAME_SIZE, MAX_DRIVER_INFO_SIZE, SHADER_UNUSED_KHR, MAX_GLOBAL_PRIORITY_SIZE_KHR, MAX_SHADER_MODULE_IDENTIFIER_SIZE_EXT, ImageLayout, IMAGE_LAYOUT_UNDEFINED, IMAGE_LAYOUT_GENERAL, IMAGE_LAYOUT_COLOR_ATTACHMENT_OPTIMAL, IMAGE_LAYOUT_DEPTH_STENCIL_ATTACHMENT_OPTIMAL, IMAGE_LAYOUT_DEPTH_STENCIL_READ_ONLY_OPTIMAL, IMAGE_LAYOUT_SHADER_READ_ONLY_OPTIMAL, IMAGE_LAYOUT_TRANSFER_SRC_OPTIMAL, IMAGE_LAYOUT_TRANSFER_DST_OPTIMAL, IMAGE_LAYOUT_PREINITIALIZED, IMAGE_LAYOUT_DEPTH_READ_ONLY_STENCIL_ATTACHMENT_OPTIMAL, IMAGE_LAYOUT_DEPTH_ATTACHMENT_STENCIL_READ_ONLY_OPTIMAL, IMAGE_LAYOUT_DEPTH_ATTACHMENT_OPTIMAL, IMAGE_LAYOUT_DEPTH_READ_ONLY_OPTIMAL, IMAGE_LAYOUT_STENCIL_ATTACHMENT_OPTIMAL, IMAGE_LAYOUT_STENCIL_READ_ONLY_OPTIMAL, IMAGE_LAYOUT_READ_ONLY_OPTIMAL, IMAGE_LAYOUT_ATTACHMENT_OPTIMAL, IMAGE_LAYOUT_PRESENT_SRC_KHR, IMAGE_LAYOUT_VIDEO_DECODE_DST_KHR, IMAGE_LAYOUT_VIDEO_DECODE_SRC_KHR, IMAGE_LAYOUT_VIDEO_DECODE_DPB_KHR, IMAGE_LAYOUT_SHARED_PRESENT_KHR, IMAGE_LAYOUT_FRAGMENT_DENSITY_MAP_OPTIMAL_EXT, IMAGE_LAYOUT_FRAGMENT_SHADING_RATE_ATTACHMENT_OPTIMAL_KHR, IMAGE_LAYOUT_VIDEO_ENCODE_DST_KHR, IMAGE_LAYOUT_VIDEO_ENCODE_SRC_KHR, IMAGE_LAYOUT_VIDEO_ENCODE_DPB_KHR, IMAGE_LAYOUT_ATTACHMENT_FEEDBACK_LOOP_OPTIMAL_EXT, AttachmentLoadOp, ATTACHMENT_LOAD_OP_LOAD, ATTACHMENT_LOAD_OP_CLEAR, ATTACHMENT_LOAD_OP_DONT_CARE, ATTACHMENT_LOAD_OP_NONE_EXT, AttachmentStoreOp, ATTACHMENT_STORE_OP_STORE, ATTACHMENT_STORE_OP_DONT_CARE, ATTACHMENT_STORE_OP_NONE, ImageType, IMAGE_TYPE_1D, IMAGE_TYPE_2D, IMAGE_TYPE_3D, ImageTiling, IMAGE_TILING_OPTIMAL, IMAGE_TILING_LINEAR, IMAGE_TILING_DRM_FORMAT_MODIFIER_EXT, ImageViewType, IMAGE_VIEW_TYPE_1D, IMAGE_VIEW_TYPE_2D, IMAGE_VIEW_TYPE_3D, IMAGE_VIEW_TYPE_CUBE, IMAGE_VIEW_TYPE_1D_ARRAY, IMAGE_VIEW_TYPE_2D_ARRAY, IMAGE_VIEW_TYPE_CUBE_ARRAY, CommandBufferLevel, COMMAND_BUFFER_LEVEL_PRIMARY, COMMAND_BUFFER_LEVEL_SECONDARY, ComponentSwizzle, COMPONENT_SWIZZLE_IDENTITY, COMPONENT_SWIZZLE_ZERO, COMPONENT_SWIZZLE_ONE, COMPONENT_SWIZZLE_R, COMPONENT_SWIZZLE_G, COMPONENT_SWIZZLE_B, COMPONENT_SWIZZLE_A, DescriptorType, DESCRIPTOR_TYPE_SAMPLER, DESCRIPTOR_TYPE_COMBINED_IMAGE_SAMPLER, DESCRIPTOR_TYPE_SAMPLED_IMAGE, DESCRIPTOR_TYPE_STORAGE_IMAGE, DESCRIPTOR_TYPE_UNIFORM_TEXEL_BUFFER, DESCRIPTOR_TYPE_STORAGE_TEXEL_BUFFER, DESCRIPTOR_TYPE_UNIFORM_BUFFER, DESCRIPTOR_TYPE_STORAGE_BUFFER, DESCRIPTOR_TYPE_UNIFORM_BUFFER_DYNAMIC, DESCRIPTOR_TYPE_STORAGE_BUFFER_DYNAMIC, DESCRIPTOR_TYPE_INPUT_ATTACHMENT, DESCRIPTOR_TYPE_INLINE_UNIFORM_BLOCK, DESCRIPTOR_TYPE_ACCELERATION_STRUCTURE_KHR, DESCRIPTOR_TYPE_ACCELERATION_STRUCTURE_NV, DESCRIPTOR_TYPE_SAMPLE_WEIGHT_IMAGE_QCOM, DESCRIPTOR_TYPE_BLOCK_MATCH_IMAGE_QCOM, DESCRIPTOR_TYPE_MUTABLE_EXT, QueryType, QUERY_TYPE_OCCLUSION, QUERY_TYPE_PIPELINE_STATISTICS, QUERY_TYPE_TIMESTAMP, QUERY_TYPE_RESULT_STATUS_ONLY_KHR, QUERY_TYPE_TRANSFORM_FEEDBACK_STREAM_EXT, QUERY_TYPE_PERFORMANCE_QUERY_KHR, QUERY_TYPE_ACCELERATION_STRUCTURE_COMPACTED_SIZE_KHR, QUERY_TYPE_ACCELERATION_STRUCTURE_SERIALIZATION_SIZE_KHR, QUERY_TYPE_ACCELERATION_STRUCTURE_COMPACTED_SIZE_NV, QUERY_TYPE_PERFORMANCE_QUERY_INTEL, QUERY_TYPE_VIDEO_ENCODE_BITSTREAM_BUFFER_RANGE_KHR, QUERY_TYPE_MESH_PRIMITIVES_GENERATED_EXT, QUERY_TYPE_PRIMITIVES_GENERATED_EXT, QUERY_TYPE_ACCELERATION_STRUCTURE_SERIALIZATION_BOTTOM_LEVEL_POINTERS_KHR, QUERY_TYPE_ACCELERATION_STRUCTURE_SIZE_KHR, QUERY_TYPE_MICROMAP_SERIALIZATION_SIZE_EXT, QUERY_TYPE_MICROMAP_COMPACTED_SIZE_EXT, BorderColor, BORDER_COLOR_FLOAT_TRANSPARENT_BLACK, BORDER_COLOR_INT_TRANSPARENT_BLACK, BORDER_COLOR_FLOAT_OPAQUE_BLACK, BORDER_COLOR_INT_OPAQUE_BLACK, BORDER_COLOR_FLOAT_OPAQUE_WHITE, BORDER_COLOR_INT_OPAQUE_WHITE, BORDER_COLOR_FLOAT_CUSTOM_EXT, BORDER_COLOR_INT_CUSTOM_EXT, PipelineBindPoint, PIPELINE_BIND_POINT_GRAPHICS, PIPELINE_BIND_POINT_COMPUTE, PIPELINE_BIND_POINT_RAY_TRACING_KHR, PIPELINE_BIND_POINT_SUBPASS_SHADING_HUAWEI, PipelineCacheHeaderVersion, PIPELINE_CACHE_HEADER_VERSION_ONE, PrimitiveTopology, PRIMITIVE_TOPOLOGY_POINT_LIST, PRIMITIVE_TOPOLOGY_LINE_LIST, PRIMITIVE_TOPOLOGY_LINE_STRIP, PRIMITIVE_TOPOLOGY_TRIANGLE_LIST, PRIMITIVE_TOPOLOGY_TRIANGLE_STRIP, PRIMITIVE_TOPOLOGY_TRIANGLE_FAN, PRIMITIVE_TOPOLOGY_LINE_LIST_WITH_ADJACENCY, PRIMITIVE_TOPOLOGY_LINE_STRIP_WITH_ADJACENCY, PRIMITIVE_TOPOLOGY_TRIANGLE_LIST_WITH_ADJACENCY, PRIMITIVE_TOPOLOGY_TRIANGLE_STRIP_WITH_ADJACENCY, PRIMITIVE_TOPOLOGY_PATCH_LIST, SharingMode, SHARING_MODE_EXCLUSIVE, SHARING_MODE_CONCURRENT, IndexType, INDEX_TYPE_UINT16, INDEX_TYPE_UINT32, INDEX_TYPE_NONE_KHR, INDEX_TYPE_UINT8_EXT, Filter, FILTER_NEAREST, FILTER_LINEAR, FILTER_CUBIC_EXT, SamplerMipmapMode, SAMPLER_MIPMAP_MODE_NEAREST, SAMPLER_MIPMAP_MODE_LINEAR, SamplerAddressMode, SAMPLER_ADDRESS_MODE_REPEAT, SAMPLER_ADDRESS_MODE_MIRRORED_REPEAT, SAMPLER_ADDRESS_MODE_CLAMP_TO_EDGE, SAMPLER_ADDRESS_MODE_CLAMP_TO_BORDER, SAMPLER_ADDRESS_MODE_MIRROR_CLAMP_TO_EDGE, CompareOp, COMPARE_OP_NEVER, COMPARE_OP_LESS, COMPARE_OP_EQUAL, COMPARE_OP_LESS_OR_EQUAL, COMPARE_OP_GREATER, COMPARE_OP_NOT_EQUAL, COMPARE_OP_GREATER_OR_EQUAL, COMPARE_OP_ALWAYS, PolygonMode, POLYGON_MODE_FILL, POLYGON_MODE_LINE, POLYGON_MODE_POINT, POLYGON_MODE_FILL_RECTANGLE_NV, FrontFace, FRONT_FACE_COUNTER_CLOCKWISE, FRONT_FACE_CLOCKWISE, BlendFactor, BLEND_FACTOR_ZERO, BLEND_FACTOR_ONE, BLEND_FACTOR_SRC_COLOR, BLEND_FACTOR_ONE_MINUS_SRC_COLOR, BLEND_FACTOR_DST_COLOR, BLEND_FACTOR_ONE_MINUS_DST_COLOR, BLEND_FACTOR_SRC_ALPHA, BLEND_FACTOR_ONE_MINUS_SRC_ALPHA, BLEND_FACTOR_DST_ALPHA, BLEND_FACTOR_ONE_MINUS_DST_ALPHA, BLEND_FACTOR_CONSTANT_COLOR, BLEND_FACTOR_ONE_MINUS_CONSTANT_COLOR, BLEND_FACTOR_CONSTANT_ALPHA, BLEND_FACTOR_ONE_MINUS_CONSTANT_ALPHA, BLEND_FACTOR_SRC_ALPHA_SATURATE, BLEND_FACTOR_SRC1_COLOR, BLEND_FACTOR_ONE_MINUS_SRC1_COLOR, BLEND_FACTOR_SRC1_ALPHA, BLEND_FACTOR_ONE_MINUS_SRC1_ALPHA, BlendOp, BLEND_OP_ADD, BLEND_OP_SUBTRACT, BLEND_OP_REVERSE_SUBTRACT, BLEND_OP_MIN, BLEND_OP_MAX, BLEND_OP_ZERO_EXT, BLEND_OP_SRC_EXT, BLEND_OP_DST_EXT, BLEND_OP_SRC_OVER_EXT, BLEND_OP_DST_OVER_EXT, BLEND_OP_SRC_IN_EXT, BLEND_OP_DST_IN_EXT, BLEND_OP_SRC_OUT_EXT, BLEND_OP_DST_OUT_EXT, BLEND_OP_SRC_ATOP_EXT, BLEND_OP_DST_ATOP_EXT, BLEND_OP_XOR_EXT, BLEND_OP_MULTIPLY_EXT, BLEND_OP_SCREEN_EXT, BLEND_OP_OVERLAY_EXT, BLEND_OP_DARKEN_EXT, BLEND_OP_LIGHTEN_EXT, BLEND_OP_COLORDODGE_EXT, BLEND_OP_COLORBURN_EXT, BLEND_OP_HARDLIGHT_EXT, BLEND_OP_SOFTLIGHT_EXT, BLEND_OP_DIFFERENCE_EXT, BLEND_OP_EXCLUSION_EXT, BLEND_OP_INVERT_EXT, BLEND_OP_INVERT_RGB_EXT, BLEND_OP_LINEARDODGE_EXT, BLEND_OP_LINEARBURN_EXT, BLEND_OP_VIVIDLIGHT_EXT, BLEND_OP_LINEARLIGHT_EXT, BLEND_OP_PINLIGHT_EXT, BLEND_OP_HARDMIX_EXT, BLEND_OP_HSL_HUE_EXT, BLEND_OP_HSL_SATURATION_EXT, BLEND_OP_HSL_COLOR_EXT, BLEND_OP_HSL_LUMINOSITY_EXT, BLEND_OP_PLUS_EXT, BLEND_OP_PLUS_CLAMPED_EXT, BLEND_OP_PLUS_CLAMPED_ALPHA_EXT, BLEND_OP_PLUS_DARKER_EXT, BLEND_OP_MINUS_EXT, BLEND_OP_MINUS_CLAMPED_EXT, BLEND_OP_CONTRAST_EXT, BLEND_OP_INVERT_OVG_EXT, BLEND_OP_RED_EXT, BLEND_OP_GREEN_EXT, BLEND_OP_BLUE_EXT, StencilOp, STENCIL_OP_KEEP, STENCIL_OP_ZERO, STENCIL_OP_REPLACE, STENCIL_OP_INCREMENT_AND_CLAMP, STENCIL_OP_DECREMENT_AND_CLAMP, STENCIL_OP_INVERT, STENCIL_OP_INCREMENT_AND_WRAP, STENCIL_OP_DECREMENT_AND_WRAP, LogicOp, LOGIC_OP_CLEAR, LOGIC_OP_AND, LOGIC_OP_AND_REVERSE, LOGIC_OP_COPY, LOGIC_OP_AND_INVERTED, LOGIC_OP_NO_OP, LOGIC_OP_XOR, LOGIC_OP_OR, LOGIC_OP_NOR, LOGIC_OP_EQUIVALENT, LOGIC_OP_INVERT, LOGIC_OP_OR_REVERSE, LOGIC_OP_COPY_INVERTED, LOGIC_OP_OR_INVERTED, LOGIC_OP_NAND, LOGIC_OP_SET, InternalAllocationType, INTERNAL_ALLOCATION_TYPE_EXECUTABLE, SystemAllocationScope, SYSTEM_ALLOCATION_SCOPE_COMMAND, SYSTEM_ALLOCATION_SCOPE_OBJECT, SYSTEM_ALLOCATION_SCOPE_CACHE, SYSTEM_ALLOCATION_SCOPE_DEVICE, SYSTEM_ALLOCATION_SCOPE_INSTANCE, PhysicalDeviceType, PHYSICAL_DEVICE_TYPE_OTHER, PHYSICAL_DEVICE_TYPE_INTEGRATED_GPU, PHYSICAL_DEVICE_TYPE_DISCRETE_GPU, PHYSICAL_DEVICE_TYPE_VIRTUAL_GPU, PHYSICAL_DEVICE_TYPE_CPU, VertexInputRate, VERTEX_INPUT_RATE_VERTEX, VERTEX_INPUT_RATE_INSTANCE, Format, FORMAT_UNDEFINED, FORMAT_R4G4_UNORM_PACK8, FORMAT_R4G4B4A4_UNORM_PACK16, FORMAT_B4G4R4A4_UNORM_PACK16, FORMAT_R5G6B5_UNORM_PACK16, FORMAT_B5G6R5_UNORM_PACK16, FORMAT_R5G5B5A1_UNORM_PACK16, FORMAT_B5G5R5A1_UNORM_PACK16, FORMAT_A1R5G5B5_UNORM_PACK16, FORMAT_R8_UNORM, FORMAT_R8_SNORM, FORMAT_R8_USCALED, FORMAT_R8_SSCALED, FORMAT_R8_UINT, FORMAT_R8_SINT, FORMAT_R8_SRGB, FORMAT_R8G8_UNORM, FORMAT_R8G8_SNORM, FORMAT_R8G8_USCALED, FORMAT_R8G8_SSCALED, FORMAT_R8G8_UINT, FORMAT_R8G8_SINT, FORMAT_R8G8_SRGB, FORMAT_R8G8B8_UNORM, FORMAT_R8G8B8_SNORM, FORMAT_R8G8B8_USCALED, FORMAT_R8G8B8_SSCALED, FORMAT_R8G8B8_UINT, FORMAT_R8G8B8_SINT, FORMAT_R8G8B8_SRGB, FORMAT_B8G8R8_UNORM, FORMAT_B8G8R8_SNORM, FORMAT_B8G8R8_USCALED, FORMAT_B8G8R8_SSCALED, FORMAT_B8G8R8_UINT, FORMAT_B8G8R8_SINT, FORMAT_B8G8R8_SRGB, FORMAT_R8G8B8A8_UNORM, FORMAT_R8G8B8A8_SNORM, FORMAT_R8G8B8A8_USCALED, FORMAT_R8G8B8A8_SSCALED, FORMAT_R8G8B8A8_UINT, FORMAT_R8G8B8A8_SINT, FORMAT_R8G8B8A8_SRGB, FORMAT_B8G8R8A8_UNORM, FORMAT_B8G8R8A8_SNORM, FORMAT_B8G8R8A8_USCALED, FORMAT_B8G8R8A8_SSCALED, FORMAT_B8G8R8A8_UINT, FORMAT_B8G8R8A8_SINT, FORMAT_B8G8R8A8_SRGB, FORMAT_A8B8G8R8_UNORM_PACK32, FORMAT_A8B8G8R8_SNORM_PACK32, FORMAT_A8B8G8R8_USCALED_PACK32, FORMAT_A8B8G8R8_SSCALED_PACK32, FORMAT_A8B8G8R8_UINT_PACK32, FORMAT_A8B8G8R8_SINT_PACK32, FORMAT_A8B8G8R8_SRGB_PACK32, FORMAT_A2R10G10B10_UNORM_PACK32, FORMAT_A2R10G10B10_SNORM_PACK32, FORMAT_A2R10G10B10_USCALED_PACK32, FORMAT_A2R10G10B10_SSCALED_PACK32, FORMAT_A2R10G10B10_UINT_PACK32, FORMAT_A2R10G10B10_SINT_PACK32, FORMAT_A2B10G10R10_UNORM_PACK32, FORMAT_A2B10G10R10_SNORM_PACK32, FORMAT_A2B10G10R10_USCALED_PACK32, FORMAT_A2B10G10R10_SSCALED_PACK32, FORMAT_A2B10G10R10_UINT_PACK32, FORMAT_A2B10G10R10_SINT_PACK32, FORMAT_R16_UNORM, FORMAT_R16_SNORM, FORMAT_R16_USCALED, FORMAT_R16_SSCALED, FORMAT_R16_UINT, FORMAT_R16_SINT, FORMAT_R16_SFLOAT, FORMAT_R16G16_UNORM, FORMAT_R16G16_SNORM, FORMAT_R16G16_USCALED, FORMAT_R16G16_SSCALED, FORMAT_R16G16_UINT, FORMAT_R16G16_SINT, FORMAT_R16G16_SFLOAT, FORMAT_R16G16B16_UNORM, FORMAT_R16G16B16_SNORM, FORMAT_R16G16B16_USCALED, FORMAT_R16G16B16_SSCALED, FORMAT_R16G16B16_UINT, FORMAT_R16G16B16_SINT, FORMAT_R16G16B16_SFLOAT, FORMAT_R16G16B16A16_UNORM, FORMAT_R16G16B16A16_SNORM, FORMAT_R16G16B16A16_USCALED, FORMAT_R16G16B16A16_SSCALED, FORMAT_R16G16B16A16_UINT, FORMAT_R16G16B16A16_SINT, FORMAT_R16G16B16A16_SFLOAT, FORMAT_R32_UINT, FORMAT_R32_SINT, FORMAT_R32_SFLOAT, FORMAT_R32G32_UINT, FORMAT_R32G32_SINT, FORMAT_R32G32_SFLOAT, FORMAT_R32G32B32_UINT, FORMAT_R32G32B32_SINT, FORMAT_R32G32B32_SFLOAT, FORMAT_R32G32B32A32_UINT, FORMAT_R32G32B32A32_SINT, FORMAT_R32G32B32A32_SFLOAT, FORMAT_R64_UINT, FORMAT_R64_SINT, FORMAT_R64_SFLOAT, FORMAT_R64G64_UINT, FORMAT_R64G64_SINT, FORMAT_R64G64_SFLOAT, FORMAT_R64G64B64_UINT, FORMAT_R64G64B64_SINT, FORMAT_R64G64B64_SFLOAT, FORMAT_R64G64B64A64_UINT, FORMAT_R64G64B64A64_SINT, FORMAT_R64G64B64A64_SFLOAT, FORMAT_B10G11R11_UFLOAT_PACK32, FORMAT_E5B9G9R9_UFLOAT_PACK32, FORMAT_D16_UNORM, FORMAT_X8_D24_UNORM_PACK32, FORMAT_D32_SFLOAT, FORMAT_S8_UINT, FORMAT_D16_UNORM_S8_UINT, FORMAT_D24_UNORM_S8_UINT, FORMAT_D32_SFLOAT_S8_UINT, FORMAT_BC1_RGB_UNORM_BLOCK, FORMAT_BC1_RGB_SRGB_BLOCK, FORMAT_BC1_RGBA_UNORM_BLOCK, FORMAT_BC1_RGBA_SRGB_BLOCK, FORMAT_BC2_UNORM_BLOCK, FORMAT_BC2_SRGB_BLOCK, FORMAT_BC3_UNORM_BLOCK, FORMAT_BC3_SRGB_BLOCK, FORMAT_BC4_UNORM_BLOCK, FORMAT_BC4_SNORM_BLOCK, FORMAT_BC5_UNORM_BLOCK, FORMAT_BC5_SNORM_BLOCK, FORMAT_BC6H_UFLOAT_BLOCK, FORMAT_BC6H_SFLOAT_BLOCK, FORMAT_BC7_UNORM_BLOCK, FORMAT_BC7_SRGB_BLOCK, FORMAT_ETC2_R8G8B8_UNORM_BLOCK, FORMAT_ETC2_R8G8B8_SRGB_BLOCK, FORMAT_ETC2_R8G8B8A1_UNORM_BLOCK, FORMAT_ETC2_R8G8B8A1_SRGB_BLOCK, FORMAT_ETC2_R8G8B8A8_UNORM_BLOCK, FORMAT_ETC2_R8G8B8A8_SRGB_BLOCK, FORMAT_EAC_R11_UNORM_BLOCK, FORMAT_EAC_R11_SNORM_BLOCK, FORMAT_EAC_R11G11_UNORM_BLOCK, FORMAT_EAC_R11G11_SNORM_BLOCK, FORMAT_ASTC_4x4_UNORM_BLOCK, FORMAT_ASTC_4x4_SRGB_BLOCK, FORMAT_ASTC_5x4_UNORM_BLOCK, FORMAT_ASTC_5x4_SRGB_BLOCK, FORMAT_ASTC_5x5_UNORM_BLOCK, FORMAT_ASTC_5x5_SRGB_BLOCK, FORMAT_ASTC_6x5_UNORM_BLOCK, FORMAT_ASTC_6x5_SRGB_BLOCK, FORMAT_ASTC_6x6_UNORM_BLOCK, FORMAT_ASTC_6x6_SRGB_BLOCK, FORMAT_ASTC_8x5_UNORM_BLOCK, FORMAT_ASTC_8x5_SRGB_BLOCK, FORMAT_ASTC_8x6_UNORM_BLOCK, FORMAT_ASTC_8x6_SRGB_BLOCK, FORMAT_ASTC_8x8_UNORM_BLOCK, FORMAT_ASTC_8x8_SRGB_BLOCK, FORMAT_ASTC_10x5_UNORM_BLOCK, FORMAT_ASTC_10x5_SRGB_BLOCK, FORMAT_ASTC_10x6_UNORM_BLOCK, FORMAT_ASTC_10x6_SRGB_BLOCK, FORMAT_ASTC_10x8_UNORM_BLOCK, FORMAT_ASTC_10x8_SRGB_BLOCK, FORMAT_ASTC_10x10_UNORM_BLOCK, FORMAT_ASTC_10x10_SRGB_BLOCK, FORMAT_ASTC_12x10_UNORM_BLOCK, FORMAT_ASTC_12x10_SRGB_BLOCK, FORMAT_ASTC_12x12_UNORM_BLOCK, FORMAT_ASTC_12x12_SRGB_BLOCK, FORMAT_G8B8G8R8_422_UNORM, FORMAT_B8G8R8G8_422_UNORM, FORMAT_G8_B8_R8_3PLANE_420_UNORM, FORMAT_G8_B8R8_2PLANE_420_UNORM, FORMAT_G8_B8_R8_3PLANE_422_UNORM, FORMAT_G8_B8R8_2PLANE_422_UNORM, FORMAT_G8_B8_R8_3PLANE_444_UNORM, FORMAT_R10X6_UNORM_PACK16, FORMAT_R10X6G10X6_UNORM_2PACK16, FORMAT_R10X6G10X6B10X6A10X6_UNORM_4PACK16, FORMAT_G10X6B10X6G10X6R10X6_422_UNORM_4PACK16, FORMAT_B10X6G10X6R10X6G10X6_422_UNORM_4PACK16, FORMAT_G10X6_B10X6_R10X6_3PLANE_420_UNORM_3PACK16, FORMAT_G10X6_B10X6R10X6_2PLANE_420_UNORM_3PACK16, FORMAT_G10X6_B10X6_R10X6_3PLANE_422_UNORM_3PACK16, FORMAT_G10X6_B10X6R10X6_2PLANE_422_UNORM_3PACK16, FORMAT_G10X6_B10X6_R10X6_3PLANE_444_UNORM_3PACK16, FORMAT_R12X4_UNORM_PACK16, FORMAT_R12X4G12X4_UNORM_2PACK16, FORMAT_R12X4G12X4B12X4A12X4_UNORM_4PACK16, FORMAT_G12X4B12X4G12X4R12X4_422_UNORM_4PACK16, FORMAT_B12X4G12X4R12X4G12X4_422_UNORM_4PACK16, FORMAT_G12X4_B12X4_R12X4_3PLANE_420_UNORM_3PACK16, FORMAT_G12X4_B12X4R12X4_2PLANE_420_UNORM_3PACK16, FORMAT_G12X4_B12X4_R12X4_3PLANE_422_UNORM_3PACK16, FORMAT_G12X4_B12X4R12X4_2PLANE_422_UNORM_3PACK16, FORMAT_G12X4_B12X4_R12X4_3PLANE_444_UNORM_3PACK16, FORMAT_G16B16G16R16_422_UNORM, FORMAT_B16G16R16G16_422_UNORM, FORMAT_G16_B16_R16_3PLANE_420_UNORM, FORMAT_G16_B16R16_2PLANE_420_UNORM, FORMAT_G16_B16_R16_3PLANE_422_UNORM, FORMAT_G16_B16R16_2PLANE_422_UNORM, FORMAT_G16_B16_R16_3PLANE_444_UNORM, FORMAT_G8_B8R8_2PLANE_444_UNORM, FORMAT_G10X6_B10X6R10X6_2PLANE_444_UNORM_3PACK16, FORMAT_G12X4_B12X4R12X4_2PLANE_444_UNORM_3PACK16, FORMAT_G16_B16R16_2PLANE_444_UNORM, FORMAT_A4R4G4B4_UNORM_PACK16, FORMAT_A4B4G4R4_UNORM_PACK16, FORMAT_ASTC_4x4_SFLOAT_BLOCK, FORMAT_ASTC_5x4_SFLOAT_BLOCK, FORMAT_ASTC_5x5_SFLOAT_BLOCK, FORMAT_ASTC_6x5_SFLOAT_BLOCK, FORMAT_ASTC_6x6_SFLOAT_BLOCK, FORMAT_ASTC_8x5_SFLOAT_BLOCK, FORMAT_ASTC_8x6_SFLOAT_BLOCK, FORMAT_ASTC_8x8_SFLOAT_BLOCK, FORMAT_ASTC_10x5_SFLOAT_BLOCK, FORMAT_ASTC_10x6_SFLOAT_BLOCK, FORMAT_ASTC_10x8_SFLOAT_BLOCK, FORMAT_ASTC_10x10_SFLOAT_BLOCK, FORMAT_ASTC_12x10_SFLOAT_BLOCK, FORMAT_ASTC_12x12_SFLOAT_BLOCK, FORMAT_PVRTC1_2BPP_UNORM_BLOCK_IMG, FORMAT_PVRTC1_4BPP_UNORM_BLOCK_IMG, FORMAT_PVRTC2_2BPP_UNORM_BLOCK_IMG, FORMAT_PVRTC2_4BPP_UNORM_BLOCK_IMG, FORMAT_PVRTC1_2BPP_SRGB_BLOCK_IMG, FORMAT_PVRTC1_4BPP_SRGB_BLOCK_IMG, FORMAT_PVRTC2_2BPP_SRGB_BLOCK_IMG, FORMAT_PVRTC2_4BPP_SRGB_BLOCK_IMG, FORMAT_R16G16_S10_5_NV, StructureType, STRUCTURE_TYPE_APPLICATION_INFO, STRUCTURE_TYPE_INSTANCE_CREATE_INFO, STRUCTURE_TYPE_DEVICE_QUEUE_CREATE_INFO, STRUCTURE_TYPE_DEVICE_CREATE_INFO, STRUCTURE_TYPE_SUBMIT_INFO, STRUCTURE_TYPE_MEMORY_ALLOCATE_INFO, STRUCTURE_TYPE_MAPPED_MEMORY_RANGE, STRUCTURE_TYPE_BIND_SPARSE_INFO, STRUCTURE_TYPE_FENCE_CREATE_INFO, STRUCTURE_TYPE_SEMAPHORE_CREATE_INFO, STRUCTURE_TYPE_EVENT_CREATE_INFO, STRUCTURE_TYPE_QUERY_POOL_CREATE_INFO, STRUCTURE_TYPE_BUFFER_CREATE_INFO, STRUCTURE_TYPE_BUFFER_VIEW_CREATE_INFO, STRUCTURE_TYPE_IMAGE_CREATE_INFO, STRUCTURE_TYPE_IMAGE_VIEW_CREATE_INFO, STRUCTURE_TYPE_SHADER_MODULE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_CACHE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_SHADER_STAGE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_VERTEX_INPUT_STATE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_INPUT_ASSEMBLY_STATE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_TESSELLATION_STATE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_VIEWPORT_STATE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_RASTERIZATION_STATE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_MULTISAMPLE_STATE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_DEPTH_STENCIL_STATE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_COLOR_BLEND_STATE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_DYNAMIC_STATE_CREATE_INFO, STRUCTURE_TYPE_GRAPHICS_PIPELINE_CREATE_INFO, STRUCTURE_TYPE_COMPUTE_PIPELINE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_LAYOUT_CREATE_INFO, STRUCTURE_TYPE_SAMPLER_CREATE_INFO, STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_CREATE_INFO, STRUCTURE_TYPE_DESCRIPTOR_POOL_CREATE_INFO, STRUCTURE_TYPE_DESCRIPTOR_SET_ALLOCATE_INFO, STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET, STRUCTURE_TYPE_COPY_DESCRIPTOR_SET, STRUCTURE_TYPE_FRAMEBUFFER_CREATE_INFO, STRUCTURE_TYPE_RENDER_PASS_CREATE_INFO, STRUCTURE_TYPE_COMMAND_POOL_CREATE_INFO, STRUCTURE_TYPE_COMMAND_BUFFER_ALLOCATE_INFO, STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_INFO, STRUCTURE_TYPE_COMMAND_BUFFER_BEGIN_INFO, STRUCTURE_TYPE_RENDER_PASS_BEGIN_INFO, STRUCTURE_TYPE_BUFFER_MEMORY_BARRIER, STRUCTURE_TYPE_IMAGE_MEMORY_BARRIER, STRUCTURE_TYPE_MEMORY_BARRIER, STRUCTURE_TYPE_LOADER_INSTANCE_CREATE_INFO, STRUCTURE_TYPE_LOADER_DEVICE_CREATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_PROPERTIES, STRUCTURE_TYPE_BIND_BUFFER_MEMORY_INFO, STRUCTURE_TYPE_BIND_IMAGE_MEMORY_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_16BIT_STORAGE_FEATURES, STRUCTURE_TYPE_MEMORY_DEDICATED_REQUIREMENTS, STRUCTURE_TYPE_MEMORY_DEDICATED_ALLOCATE_INFO, STRUCTURE_TYPE_MEMORY_ALLOCATE_FLAGS_INFO, STRUCTURE_TYPE_DEVICE_GROUP_RENDER_PASS_BEGIN_INFO, STRUCTURE_TYPE_DEVICE_GROUP_COMMAND_BUFFER_BEGIN_INFO, STRUCTURE_TYPE_DEVICE_GROUP_SUBMIT_INFO, STRUCTURE_TYPE_DEVICE_GROUP_BIND_SPARSE_INFO, STRUCTURE_TYPE_BIND_BUFFER_MEMORY_DEVICE_GROUP_INFO, STRUCTURE_TYPE_BIND_IMAGE_MEMORY_DEVICE_GROUP_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_GROUP_PROPERTIES, STRUCTURE_TYPE_DEVICE_GROUP_DEVICE_CREATE_INFO, STRUCTURE_TYPE_BUFFER_MEMORY_REQUIREMENTS_INFO_2, STRUCTURE_TYPE_IMAGE_MEMORY_REQUIREMENTS_INFO_2, STRUCTURE_TYPE_IMAGE_SPARSE_MEMORY_REQUIREMENTS_INFO_2, STRUCTURE_TYPE_MEMORY_REQUIREMENTS_2, STRUCTURE_TYPE_SPARSE_IMAGE_MEMORY_REQUIREMENTS_2, STRUCTURE_TYPE_PHYSICAL_DEVICE_FEATURES_2, STRUCTURE_TYPE_PHYSICAL_DEVICE_PROPERTIES_2, STRUCTURE_TYPE_FORMAT_PROPERTIES_2, STRUCTURE_TYPE_IMAGE_FORMAT_PROPERTIES_2, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_FORMAT_INFO_2, STRUCTURE_TYPE_QUEUE_FAMILY_PROPERTIES_2, STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_PROPERTIES_2, STRUCTURE_TYPE_SPARSE_IMAGE_FORMAT_PROPERTIES_2, STRUCTURE_TYPE_PHYSICAL_DEVICE_SPARSE_IMAGE_FORMAT_INFO_2, STRUCTURE_TYPE_PHYSICAL_DEVICE_POINT_CLIPPING_PROPERTIES, STRUCTURE_TYPE_RENDER_PASS_INPUT_ATTACHMENT_ASPECT_CREATE_INFO, STRUCTURE_TYPE_IMAGE_VIEW_USAGE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_TESSELLATION_DOMAIN_ORIGIN_STATE_CREATE_INFO, STRUCTURE_TYPE_RENDER_PASS_MULTIVIEW_CREATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_PROPERTIES, STRUCTURE_TYPE_PHYSICAL_DEVICE_VARIABLE_POINTERS_FEATURES, STRUCTURE_TYPE_PROTECTED_SUBMIT_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_PROTECTED_MEMORY_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_PROTECTED_MEMORY_PROPERTIES, STRUCTURE_TYPE_DEVICE_QUEUE_INFO_2, STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_CREATE_INFO, STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_INFO, STRUCTURE_TYPE_BIND_IMAGE_PLANE_MEMORY_INFO, STRUCTURE_TYPE_IMAGE_PLANE_MEMORY_REQUIREMENTS_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLER_YCBCR_CONVERSION_FEATURES, STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_IMAGE_FORMAT_PROPERTIES, STRUCTURE_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_CREATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_IMAGE_FORMAT_INFO, STRUCTURE_TYPE_EXTERNAL_IMAGE_FORMAT_PROPERTIES, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_BUFFER_INFO, STRUCTURE_TYPE_EXTERNAL_BUFFER_PROPERTIES, STRUCTURE_TYPE_PHYSICAL_DEVICE_ID_PROPERTIES, STRUCTURE_TYPE_EXTERNAL_MEMORY_BUFFER_CREATE_INFO, STRUCTURE_TYPE_EXTERNAL_MEMORY_IMAGE_CREATE_INFO, STRUCTURE_TYPE_EXPORT_MEMORY_ALLOCATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_FENCE_INFO, STRUCTURE_TYPE_EXTERNAL_FENCE_PROPERTIES, STRUCTURE_TYPE_EXPORT_FENCE_CREATE_INFO, STRUCTURE_TYPE_EXPORT_SEMAPHORE_CREATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_SEMAPHORE_INFO, STRUCTURE_TYPE_EXTERNAL_SEMAPHORE_PROPERTIES, STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_3_PROPERTIES, STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_SUPPORT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_DRAW_PARAMETERS_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_1_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_1_PROPERTIES, STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_2_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_2_PROPERTIES, STRUCTURE_TYPE_IMAGE_FORMAT_LIST_CREATE_INFO, STRUCTURE_TYPE_ATTACHMENT_DESCRIPTION_2, STRUCTURE_TYPE_ATTACHMENT_REFERENCE_2, STRUCTURE_TYPE_SUBPASS_DESCRIPTION_2, STRUCTURE_TYPE_SUBPASS_DEPENDENCY_2, STRUCTURE_TYPE_RENDER_PASS_CREATE_INFO_2, STRUCTURE_TYPE_SUBPASS_BEGIN_INFO, STRUCTURE_TYPE_SUBPASS_END_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_8BIT_STORAGE_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_DRIVER_PROPERTIES, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_ATOMIC_INT64_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_FLOAT16_INT8_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_FLOAT_CONTROLS_PROPERTIES, STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_BINDING_FLAGS_CREATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_INDEXING_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_INDEXING_PROPERTIES, STRUCTURE_TYPE_DESCRIPTOR_SET_VARIABLE_DESCRIPTOR_COUNT_ALLOCATE_INFO, STRUCTURE_TYPE_DESCRIPTOR_SET_VARIABLE_DESCRIPTOR_COUNT_LAYOUT_SUPPORT, STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_STENCIL_RESOLVE_PROPERTIES, STRUCTURE_TYPE_SUBPASS_DESCRIPTION_DEPTH_STENCIL_RESOLVE, STRUCTURE_TYPE_PHYSICAL_DEVICE_SCALAR_BLOCK_LAYOUT_FEATURES, STRUCTURE_TYPE_IMAGE_STENCIL_USAGE_CREATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLER_FILTER_MINMAX_PROPERTIES, STRUCTURE_TYPE_SAMPLER_REDUCTION_MODE_CREATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_MEMORY_MODEL_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGELESS_FRAMEBUFFER_FEATURES, STRUCTURE_TYPE_FRAMEBUFFER_ATTACHMENTS_CREATE_INFO, STRUCTURE_TYPE_FRAMEBUFFER_ATTACHMENT_IMAGE_INFO, STRUCTURE_TYPE_RENDER_PASS_ATTACHMENT_BEGIN_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_UNIFORM_BUFFER_STANDARD_LAYOUT_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SUBGROUP_EXTENDED_TYPES_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_SEPARATE_DEPTH_STENCIL_LAYOUTS_FEATURES, STRUCTURE_TYPE_ATTACHMENT_REFERENCE_STENCIL_LAYOUT, STRUCTURE_TYPE_ATTACHMENT_DESCRIPTION_STENCIL_LAYOUT, STRUCTURE_TYPE_PHYSICAL_DEVICE_HOST_QUERY_RESET_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_TIMELINE_SEMAPHORE_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_TIMELINE_SEMAPHORE_PROPERTIES, STRUCTURE_TYPE_SEMAPHORE_TYPE_CREATE_INFO, STRUCTURE_TYPE_TIMELINE_SEMAPHORE_SUBMIT_INFO, STRUCTURE_TYPE_SEMAPHORE_WAIT_INFO, STRUCTURE_TYPE_SEMAPHORE_SIGNAL_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_BUFFER_DEVICE_ADDRESS_FEATURES, STRUCTURE_TYPE_BUFFER_DEVICE_ADDRESS_INFO, STRUCTURE_TYPE_BUFFER_OPAQUE_CAPTURE_ADDRESS_CREATE_INFO, STRUCTURE_TYPE_MEMORY_OPAQUE_CAPTURE_ADDRESS_ALLOCATE_INFO, STRUCTURE_TYPE_DEVICE_MEMORY_OPAQUE_CAPTURE_ADDRESS_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_3_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_3_PROPERTIES, STRUCTURE_TYPE_PIPELINE_CREATION_FEEDBACK_CREATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_TERMINATE_INVOCATION_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_TOOL_PROPERTIES, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_DEMOTE_TO_HELPER_INVOCATION_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_PRIVATE_DATA_FEATURES, STRUCTURE_TYPE_DEVICE_PRIVATE_DATA_CREATE_INFO, STRUCTURE_TYPE_PRIVATE_DATA_SLOT_CREATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_CREATION_CACHE_CONTROL_FEATURES, STRUCTURE_TYPE_MEMORY_BARRIER_2, STRUCTURE_TYPE_BUFFER_MEMORY_BARRIER_2, STRUCTURE_TYPE_IMAGE_MEMORY_BARRIER_2, STRUCTURE_TYPE_DEPENDENCY_INFO, STRUCTURE_TYPE_SUBMIT_INFO_2, STRUCTURE_TYPE_SEMAPHORE_SUBMIT_INFO, STRUCTURE_TYPE_COMMAND_BUFFER_SUBMIT_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_SYNCHRONIZATION_2_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_ZERO_INITIALIZE_WORKGROUP_MEMORY_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_ROBUSTNESS_FEATURES, STRUCTURE_TYPE_COPY_BUFFER_INFO_2, STRUCTURE_TYPE_COPY_IMAGE_INFO_2, STRUCTURE_TYPE_COPY_BUFFER_TO_IMAGE_INFO_2, STRUCTURE_TYPE_COPY_IMAGE_TO_BUFFER_INFO_2, STRUCTURE_TYPE_BLIT_IMAGE_INFO_2, STRUCTURE_TYPE_RESOLVE_IMAGE_INFO_2, STRUCTURE_TYPE_BUFFER_COPY_2, STRUCTURE_TYPE_IMAGE_COPY_2, STRUCTURE_TYPE_IMAGE_BLIT_2, STRUCTURE_TYPE_BUFFER_IMAGE_COPY_2, STRUCTURE_TYPE_IMAGE_RESOLVE_2, STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_SIZE_CONTROL_PROPERTIES, STRUCTURE_TYPE_PIPELINE_SHADER_STAGE_REQUIRED_SUBGROUP_SIZE_CREATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_SIZE_CONTROL_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_INLINE_UNIFORM_BLOCK_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_INLINE_UNIFORM_BLOCK_PROPERTIES, STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET_INLINE_UNIFORM_BLOCK, STRUCTURE_TYPE_DESCRIPTOR_POOL_INLINE_UNIFORM_BLOCK_CREATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXTURE_COMPRESSION_ASTC_HDR_FEATURES, STRUCTURE_TYPE_RENDERING_INFO, STRUCTURE_TYPE_RENDERING_ATTACHMENT_INFO, STRUCTURE_TYPE_PIPELINE_RENDERING_CREATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_DYNAMIC_RENDERING_FEATURES, STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_RENDERING_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_DOT_PRODUCT_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_DOT_PRODUCT_PROPERTIES, STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXEL_BUFFER_ALIGNMENT_PROPERTIES, STRUCTURE_TYPE_FORMAT_PROPERTIES_3, STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_4_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_4_PROPERTIES, STRUCTURE_TYPE_DEVICE_BUFFER_MEMORY_REQUIREMENTS, STRUCTURE_TYPE_DEVICE_IMAGE_MEMORY_REQUIREMENTS, STRUCTURE_TYPE_SWAPCHAIN_CREATE_INFO_KHR, STRUCTURE_TYPE_PRESENT_INFO_KHR, STRUCTURE_TYPE_DEVICE_GROUP_PRESENT_CAPABILITIES_KHR, STRUCTURE_TYPE_IMAGE_SWAPCHAIN_CREATE_INFO_KHR, STRUCTURE_TYPE_BIND_IMAGE_MEMORY_SWAPCHAIN_INFO_KHR, STRUCTURE_TYPE_ACQUIRE_NEXT_IMAGE_INFO_KHR, STRUCTURE_TYPE_DEVICE_GROUP_PRESENT_INFO_KHR, STRUCTURE_TYPE_DEVICE_GROUP_SWAPCHAIN_CREATE_INFO_KHR, STRUCTURE_TYPE_DISPLAY_MODE_CREATE_INFO_KHR, STRUCTURE_TYPE_DISPLAY_SURFACE_CREATE_INFO_KHR, STRUCTURE_TYPE_DISPLAY_PRESENT_INFO_KHR, STRUCTURE_TYPE_XLIB_SURFACE_CREATE_INFO_KHR, STRUCTURE_TYPE_XCB_SURFACE_CREATE_INFO_KHR, STRUCTURE_TYPE_WAYLAND_SURFACE_CREATE_INFO_KHR, STRUCTURE_TYPE_ANDROID_SURFACE_CREATE_INFO_KHR, STRUCTURE_TYPE_WIN32_SURFACE_CREATE_INFO_KHR, STRUCTURE_TYPE_DEBUG_REPORT_CALLBACK_CREATE_INFO_EXT, STRUCTURE_TYPE_PIPELINE_RASTERIZATION_STATE_RASTERIZATION_ORDER_AMD, STRUCTURE_TYPE_DEBUG_MARKER_OBJECT_NAME_INFO_EXT, STRUCTURE_TYPE_DEBUG_MARKER_OBJECT_TAG_INFO_EXT, STRUCTURE_TYPE_DEBUG_MARKER_MARKER_INFO_EXT, STRUCTURE_TYPE_VIDEO_PROFILE_INFO_KHR, STRUCTURE_TYPE_VIDEO_CAPABILITIES_KHR, STRUCTURE_TYPE_VIDEO_PICTURE_RESOURCE_INFO_KHR, STRUCTURE_TYPE_VIDEO_SESSION_MEMORY_REQUIREMENTS_KHR, STRUCTURE_TYPE_BIND_VIDEO_SESSION_MEMORY_INFO_KHR, STRUCTURE_TYPE_VIDEO_SESSION_CREATE_INFO_KHR, STRUCTURE_TYPE_VIDEO_SESSION_PARAMETERS_CREATE_INFO_KHR, STRUCTURE_TYPE_VIDEO_SESSION_PARAMETERS_UPDATE_INFO_KHR, STRUCTURE_TYPE_VIDEO_BEGIN_CODING_INFO_KHR, STRUCTURE_TYPE_VIDEO_END_CODING_INFO_KHR, STRUCTURE_TYPE_VIDEO_CODING_CONTROL_INFO_KHR, STRUCTURE_TYPE_VIDEO_REFERENCE_SLOT_INFO_KHR, STRUCTURE_TYPE_QUEUE_FAMILY_VIDEO_PROPERTIES_KHR, STRUCTURE_TYPE_VIDEO_PROFILE_LIST_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_VIDEO_FORMAT_INFO_KHR, STRUCTURE_TYPE_VIDEO_FORMAT_PROPERTIES_KHR, STRUCTURE_TYPE_QUEUE_FAMILY_QUERY_RESULT_STATUS_PROPERTIES_KHR, STRUCTURE_TYPE_VIDEO_DECODE_INFO_KHR, STRUCTURE_TYPE_VIDEO_DECODE_CAPABILITIES_KHR, STRUCTURE_TYPE_VIDEO_DECODE_USAGE_INFO_KHR, STRUCTURE_TYPE_DEDICATED_ALLOCATION_IMAGE_CREATE_INFO_NV, STRUCTURE_TYPE_DEDICATED_ALLOCATION_BUFFER_CREATE_INFO_NV, STRUCTURE_TYPE_DEDICATED_ALLOCATION_MEMORY_ALLOCATE_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_TRANSFORM_FEEDBACK_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_TRANSFORM_FEEDBACK_PROPERTIES_EXT, STRUCTURE_TYPE_PIPELINE_RASTERIZATION_STATE_STREAM_CREATE_INFO_EXT, STRUCTURE_TYPE_CU_MODULE_CREATE_INFO_NVX, STRUCTURE_TYPE_CU_FUNCTION_CREATE_INFO_NVX, STRUCTURE_TYPE_CU_LAUNCH_INFO_NVX, STRUCTURE_TYPE_IMAGE_VIEW_HANDLE_INFO_NVX, STRUCTURE_TYPE_IMAGE_VIEW_ADDRESS_PROPERTIES_NVX, STRUCTURE_TYPE_VIDEO_ENCODE_H264_CAPABILITIES_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H264_SESSION_PARAMETERS_CREATE_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H264_SESSION_PARAMETERS_ADD_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H264_VCL_FRAME_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H264_DPB_SLOT_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H264_NALU_SLICE_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H264_EMIT_PICTURE_PARAMETERS_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H264_PROFILE_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H264_RATE_CONTROL_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H264_RATE_CONTROL_LAYER_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H264_REFERENCE_LISTS_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H265_CAPABILITIES_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H265_SESSION_PARAMETERS_CREATE_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H265_SESSION_PARAMETERS_ADD_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H265_VCL_FRAME_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H265_DPB_SLOT_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H265_NALU_SLICE_SEGMENT_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H265_EMIT_PICTURE_PARAMETERS_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H265_PROFILE_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H265_REFERENCE_LISTS_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H265_RATE_CONTROL_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H265_RATE_CONTROL_LAYER_INFO_EXT, STRUCTURE_TYPE_VIDEO_DECODE_H264_CAPABILITIES_KHR, STRUCTURE_TYPE_VIDEO_DECODE_H264_PICTURE_INFO_KHR, STRUCTURE_TYPE_VIDEO_DECODE_H264_PROFILE_INFO_KHR, STRUCTURE_TYPE_VIDEO_DECODE_H264_SESSION_PARAMETERS_CREATE_INFO_KHR, STRUCTURE_TYPE_VIDEO_DECODE_H264_SESSION_PARAMETERS_ADD_INFO_KHR, STRUCTURE_TYPE_VIDEO_DECODE_H264_DPB_SLOT_INFO_KHR, STRUCTURE_TYPE_TEXTURE_LOD_GATHER_FORMAT_PROPERTIES_AMD, STRUCTURE_TYPE_RENDERING_FRAGMENT_SHADING_RATE_ATTACHMENT_INFO_KHR, STRUCTURE_TYPE_RENDERING_FRAGMENT_DENSITY_MAP_ATTACHMENT_INFO_EXT, STRUCTURE_TYPE_ATTACHMENT_SAMPLE_COUNT_INFO_AMD, STRUCTURE_TYPE_MULTIVIEW_PER_VIEW_ATTRIBUTES_INFO_NVX, STRUCTURE_TYPE_STREAM_DESCRIPTOR_SURFACE_CREATE_INFO_GGP, STRUCTURE_TYPE_PHYSICAL_DEVICE_CORNER_SAMPLED_IMAGE_FEATURES_NV, STRUCTURE_TYPE_EXTERNAL_MEMORY_IMAGE_CREATE_INFO_NV, STRUCTURE_TYPE_EXPORT_MEMORY_ALLOCATE_INFO_NV, STRUCTURE_TYPE_IMPORT_MEMORY_WIN32_HANDLE_INFO_NV, STRUCTURE_TYPE_EXPORT_MEMORY_WIN32_HANDLE_INFO_NV, STRUCTURE_TYPE_WIN32_KEYED_MUTEX_ACQUIRE_RELEASE_INFO_NV, STRUCTURE_TYPE_VALIDATION_FLAGS_EXT, STRUCTURE_TYPE_VI_SURFACE_CREATE_INFO_NN, STRUCTURE_TYPE_IMAGE_VIEW_ASTC_DECODE_MODE_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_ASTC_DECODE_FEATURES_EXT, STRUCTURE_TYPE_PIPELINE_ROBUSTNESS_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_ROBUSTNESS_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_ROBUSTNESS_PROPERTIES_EXT, STRUCTURE_TYPE_IMPORT_MEMORY_WIN32_HANDLE_INFO_KHR, STRUCTURE_TYPE_EXPORT_MEMORY_WIN32_HANDLE_INFO_KHR, STRUCTURE_TYPE_MEMORY_WIN32_HANDLE_PROPERTIES_KHR, STRUCTURE_TYPE_MEMORY_GET_WIN32_HANDLE_INFO_KHR, STRUCTURE_TYPE_IMPORT_MEMORY_FD_INFO_KHR, STRUCTURE_TYPE_MEMORY_FD_PROPERTIES_KHR, STRUCTURE_TYPE_MEMORY_GET_FD_INFO_KHR, STRUCTURE_TYPE_WIN32_KEYED_MUTEX_ACQUIRE_RELEASE_INFO_KHR, STRUCTURE_TYPE_IMPORT_SEMAPHORE_WIN32_HANDLE_INFO_KHR, STRUCTURE_TYPE_EXPORT_SEMAPHORE_WIN32_HANDLE_INFO_KHR, STRUCTURE_TYPE_D3D12_FENCE_SUBMIT_INFO_KHR, STRUCTURE_TYPE_SEMAPHORE_GET_WIN32_HANDLE_INFO_KHR, STRUCTURE_TYPE_IMPORT_SEMAPHORE_FD_INFO_KHR, STRUCTURE_TYPE_SEMAPHORE_GET_FD_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_PUSH_DESCRIPTOR_PROPERTIES_KHR, STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_CONDITIONAL_RENDERING_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_CONDITIONAL_RENDERING_FEATURES_EXT, STRUCTURE_TYPE_CONDITIONAL_RENDERING_BEGIN_INFO_EXT, STRUCTURE_TYPE_PRESENT_REGIONS_KHR, STRUCTURE_TYPE_PIPELINE_VIEWPORT_W_SCALING_STATE_CREATE_INFO_NV, STRUCTURE_TYPE_SURFACE_CAPABILITIES_2_EXT, STRUCTURE_TYPE_DISPLAY_POWER_INFO_EXT, STRUCTURE_TYPE_DEVICE_EVENT_INFO_EXT, STRUCTURE_TYPE_DISPLAY_EVENT_INFO_EXT, STRUCTURE_TYPE_SWAPCHAIN_COUNTER_CREATE_INFO_EXT, STRUCTURE_TYPE_PRESENT_TIMES_INFO_GOOGLE, STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_PER_VIEW_ATTRIBUTES_PROPERTIES_NVX, STRUCTURE_TYPE_PIPELINE_VIEWPORT_SWIZZLE_STATE_CREATE_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_DISCARD_RECTANGLE_PROPERTIES_EXT, STRUCTURE_TYPE_PIPELINE_DISCARD_RECTANGLE_STATE_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_CONSERVATIVE_RASTERIZATION_PROPERTIES_EXT, STRUCTURE_TYPE_PIPELINE_RASTERIZATION_CONSERVATIVE_STATE_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_CLIP_ENABLE_FEATURES_EXT, STRUCTURE_TYPE_PIPELINE_RASTERIZATION_DEPTH_CLIP_STATE_CREATE_INFO_EXT, STRUCTURE_TYPE_HDR_METADATA_EXT, STRUCTURE_TYPE_SHARED_PRESENT_SURFACE_CAPABILITIES_KHR, STRUCTURE_TYPE_IMPORT_FENCE_WIN32_HANDLE_INFO_KHR, STRUCTURE_TYPE_EXPORT_FENCE_WIN32_HANDLE_INFO_KHR, STRUCTURE_TYPE_FENCE_GET_WIN32_HANDLE_INFO_KHR, STRUCTURE_TYPE_IMPORT_FENCE_FD_INFO_KHR, STRUCTURE_TYPE_FENCE_GET_FD_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_PERFORMANCE_QUERY_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_PERFORMANCE_QUERY_PROPERTIES_KHR, STRUCTURE_TYPE_QUERY_POOL_PERFORMANCE_CREATE_INFO_KHR, STRUCTURE_TYPE_PERFORMANCE_QUERY_SUBMIT_INFO_KHR, STRUCTURE_TYPE_ACQUIRE_PROFILING_LOCK_INFO_KHR, STRUCTURE_TYPE_PERFORMANCE_COUNTER_KHR, STRUCTURE_TYPE_PERFORMANCE_COUNTER_DESCRIPTION_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SURFACE_INFO_2_KHR, STRUCTURE_TYPE_SURFACE_CAPABILITIES_2_KHR, STRUCTURE_TYPE_SURFACE_FORMAT_2_KHR, STRUCTURE_TYPE_DISPLAY_PROPERTIES_2_KHR, STRUCTURE_TYPE_DISPLAY_PLANE_PROPERTIES_2_KHR, STRUCTURE_TYPE_DISPLAY_MODE_PROPERTIES_2_KHR, STRUCTURE_TYPE_DISPLAY_PLANE_INFO_2_KHR, STRUCTURE_TYPE_DISPLAY_PLANE_CAPABILITIES_2_KHR, STRUCTURE_TYPE_IOS_SURFACE_CREATE_INFO_MVK, STRUCTURE_TYPE_MACOS_SURFACE_CREATE_INFO_MVK, STRUCTURE_TYPE_DEBUG_UTILS_OBJECT_NAME_INFO_EXT, STRUCTURE_TYPE_DEBUG_UTILS_OBJECT_TAG_INFO_EXT, STRUCTURE_TYPE_DEBUG_UTILS_LABEL_EXT, STRUCTURE_TYPE_DEBUG_UTILS_MESSENGER_CALLBACK_DATA_EXT, STRUCTURE_TYPE_DEBUG_UTILS_MESSENGER_CREATE_INFO_EXT, STRUCTURE_TYPE_ANDROID_HARDWARE_BUFFER_USAGE_ANDROID, STRUCTURE_TYPE_ANDROID_HARDWARE_BUFFER_PROPERTIES_ANDROID, STRUCTURE_TYPE_ANDROID_HARDWARE_BUFFER_FORMAT_PROPERTIES_ANDROID, STRUCTURE_TYPE_IMPORT_ANDROID_HARDWARE_BUFFER_INFO_ANDROID, STRUCTURE_TYPE_MEMORY_GET_ANDROID_HARDWARE_BUFFER_INFO_ANDROID, STRUCTURE_TYPE_EXTERNAL_FORMAT_ANDROID, STRUCTURE_TYPE_ANDROID_HARDWARE_BUFFER_FORMAT_PROPERTIES_2_ANDROID, STRUCTURE_TYPE_SAMPLE_LOCATIONS_INFO_EXT, STRUCTURE_TYPE_RENDER_PASS_SAMPLE_LOCATIONS_BEGIN_INFO_EXT, STRUCTURE_TYPE_PIPELINE_SAMPLE_LOCATIONS_STATE_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLE_LOCATIONS_PROPERTIES_EXT, STRUCTURE_TYPE_MULTISAMPLE_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_BLEND_OPERATION_ADVANCED_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_BLEND_OPERATION_ADVANCED_PROPERTIES_EXT, STRUCTURE_TYPE_PIPELINE_COLOR_BLEND_ADVANCED_STATE_CREATE_INFO_EXT, STRUCTURE_TYPE_PIPELINE_COVERAGE_TO_COLOR_STATE_CREATE_INFO_NV, STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET_ACCELERATION_STRUCTURE_KHR, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_BUILD_GEOMETRY_INFO_KHR, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_DEVICE_ADDRESS_INFO_KHR, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_AABBS_DATA_KHR, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_INSTANCES_DATA_KHR, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_TRIANGLES_DATA_KHR, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_KHR, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_VERSION_INFO_KHR, STRUCTURE_TYPE_COPY_ACCELERATION_STRUCTURE_INFO_KHR, STRUCTURE_TYPE_COPY_ACCELERATION_STRUCTURE_TO_MEMORY_INFO_KHR, STRUCTURE_TYPE_COPY_MEMORY_TO_ACCELERATION_STRUCTURE_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_ACCELERATION_STRUCTURE_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_ACCELERATION_STRUCTURE_PROPERTIES_KHR, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_CREATE_INFO_KHR, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_BUILD_SIZES_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_PIPELINE_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_PIPELINE_PROPERTIES_KHR, STRUCTURE_TYPE_RAY_TRACING_PIPELINE_CREATE_INFO_KHR, STRUCTURE_TYPE_RAY_TRACING_SHADER_GROUP_CREATE_INFO_KHR, STRUCTURE_TYPE_RAY_TRACING_PIPELINE_INTERFACE_CREATE_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_QUERY_FEATURES_KHR, STRUCTURE_TYPE_PIPELINE_COVERAGE_MODULATION_STATE_CREATE_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SM_BUILTINS_FEATURES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SM_BUILTINS_PROPERTIES_NV, STRUCTURE_TYPE_DRM_FORMAT_MODIFIER_PROPERTIES_LIST_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_DRM_FORMAT_MODIFIER_INFO_EXT, STRUCTURE_TYPE_IMAGE_DRM_FORMAT_MODIFIER_LIST_CREATE_INFO_EXT, STRUCTURE_TYPE_IMAGE_DRM_FORMAT_MODIFIER_EXPLICIT_CREATE_INFO_EXT, STRUCTURE_TYPE_IMAGE_DRM_FORMAT_MODIFIER_PROPERTIES_EXT, STRUCTURE_TYPE_DRM_FORMAT_MODIFIER_PROPERTIES_LIST_2_EXT, STRUCTURE_TYPE_VALIDATION_CACHE_CREATE_INFO_EXT, STRUCTURE_TYPE_SHADER_MODULE_VALIDATION_CACHE_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PORTABILITY_SUBSET_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_PORTABILITY_SUBSET_PROPERTIES_KHR, STRUCTURE_TYPE_PIPELINE_VIEWPORT_SHADING_RATE_IMAGE_STATE_CREATE_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADING_RATE_IMAGE_FEATURES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADING_RATE_IMAGE_PROPERTIES_NV, STRUCTURE_TYPE_PIPELINE_VIEWPORT_COARSE_SAMPLE_ORDER_STATE_CREATE_INFO_NV, STRUCTURE_TYPE_RAY_TRACING_PIPELINE_CREATE_INFO_NV, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_CREATE_INFO_NV, STRUCTURE_TYPE_GEOMETRY_NV, STRUCTURE_TYPE_GEOMETRY_TRIANGLES_NV, STRUCTURE_TYPE_GEOMETRY_AABB_NV, STRUCTURE_TYPE_BIND_ACCELERATION_STRUCTURE_MEMORY_INFO_NV, STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET_ACCELERATION_STRUCTURE_NV, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_MEMORY_REQUIREMENTS_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_PROPERTIES_NV, STRUCTURE_TYPE_RAY_TRACING_SHADER_GROUP_CREATE_INFO_NV, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_REPRESENTATIVE_FRAGMENT_TEST_FEATURES_NV, STRUCTURE_TYPE_PIPELINE_REPRESENTATIVE_FRAGMENT_TEST_STATE_CREATE_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_VIEW_IMAGE_FORMAT_INFO_EXT, STRUCTURE_TYPE_FILTER_CUBIC_IMAGE_VIEW_IMAGE_FORMAT_PROPERTIES_EXT, STRUCTURE_TYPE_IMPORT_MEMORY_HOST_POINTER_INFO_EXT, STRUCTURE_TYPE_MEMORY_HOST_POINTER_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_MEMORY_HOST_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CLOCK_FEATURES_KHR, STRUCTURE_TYPE_PIPELINE_COMPILER_CONTROL_CREATE_INFO_AMD, STRUCTURE_TYPE_CALIBRATED_TIMESTAMP_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CORE_PROPERTIES_AMD, STRUCTURE_TYPE_VIDEO_DECODE_H265_CAPABILITIES_KHR, STRUCTURE_TYPE_VIDEO_DECODE_H265_SESSION_PARAMETERS_CREATE_INFO_KHR, STRUCTURE_TYPE_VIDEO_DECODE_H265_SESSION_PARAMETERS_ADD_INFO_KHR, STRUCTURE_TYPE_VIDEO_DECODE_H265_PROFILE_INFO_KHR, STRUCTURE_TYPE_VIDEO_DECODE_H265_PICTURE_INFO_KHR, STRUCTURE_TYPE_VIDEO_DECODE_H265_DPB_SLOT_INFO_KHR, STRUCTURE_TYPE_DEVICE_QUEUE_GLOBAL_PRIORITY_CREATE_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_GLOBAL_PRIORITY_QUERY_FEATURES_KHR, STRUCTURE_TYPE_QUEUE_FAMILY_GLOBAL_PRIORITY_PROPERTIES_KHR, STRUCTURE_TYPE_DEVICE_MEMORY_OVERALLOCATION_CREATE_INFO_AMD, STRUCTURE_TYPE_PHYSICAL_DEVICE_VERTEX_ATTRIBUTE_DIVISOR_PROPERTIES_EXT, STRUCTURE_TYPE_PIPELINE_VERTEX_INPUT_DIVISOR_STATE_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_VERTEX_ATTRIBUTE_DIVISOR_FEATURES_EXT, STRUCTURE_TYPE_PRESENT_FRAME_TOKEN_GGP, STRUCTURE_TYPE_PHYSICAL_DEVICE_COMPUTE_SHADER_DERIVATIVES_FEATURES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_MESH_SHADER_FEATURES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_MESH_SHADER_PROPERTIES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_IMAGE_FOOTPRINT_FEATURES_NV, STRUCTURE_TYPE_PIPELINE_VIEWPORT_EXCLUSIVE_SCISSOR_STATE_CREATE_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXCLUSIVE_SCISSOR_FEATURES_NV, STRUCTURE_TYPE_CHECKPOINT_DATA_NV, STRUCTURE_TYPE_QUEUE_FAMILY_CHECKPOINT_PROPERTIES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_FUNCTIONS_2_FEATURES_INTEL, STRUCTURE_TYPE_QUERY_POOL_PERFORMANCE_QUERY_CREATE_INFO_INTEL, STRUCTURE_TYPE_INITIALIZE_PERFORMANCE_API_INFO_INTEL, STRUCTURE_TYPE_PERFORMANCE_MARKER_INFO_INTEL, STRUCTURE_TYPE_PERFORMANCE_STREAM_MARKER_INFO_INTEL, STRUCTURE_TYPE_PERFORMANCE_OVERRIDE_INFO_INTEL, STRUCTURE_TYPE_PERFORMANCE_CONFIGURATION_ACQUIRE_INFO_INTEL, STRUCTURE_TYPE_PHYSICAL_DEVICE_PCI_BUS_INFO_PROPERTIES_EXT, STRUCTURE_TYPE_DISPLAY_NATIVE_HDR_SURFACE_CAPABILITIES_AMD, STRUCTURE_TYPE_SWAPCHAIN_DISPLAY_NATIVE_HDR_CREATE_INFO_AMD, STRUCTURE_TYPE_IMAGEPIPE_SURFACE_CREATE_INFO_FUCHSIA, STRUCTURE_TYPE_METAL_SURFACE_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_PROPERTIES_EXT, STRUCTURE_TYPE_RENDER_PASS_FRAGMENT_DENSITY_MAP_CREATE_INFO_EXT, STRUCTURE_TYPE_FRAGMENT_SHADING_RATE_ATTACHMENT_INFO_KHR, STRUCTURE_TYPE_PIPELINE_FRAGMENT_SHADING_RATE_STATE_CREATE_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CORE_PROPERTIES_2_AMD, STRUCTURE_TYPE_PHYSICAL_DEVICE_COHERENT_MEMORY_FEATURES_AMD, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_IMAGE_ATOMIC_INT64_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_BUDGET_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_PRIORITY_FEATURES_EXT, STRUCTURE_TYPE_MEMORY_PRIORITY_ALLOCATE_INFO_EXT, STRUCTURE_TYPE_SURFACE_PROTECTED_CAPABILITIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_DEDICATED_ALLOCATION_IMAGE_ALIASING_FEATURES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_BUFFER_DEVICE_ADDRESS_FEATURES_EXT, STRUCTURE_TYPE_BUFFER_DEVICE_ADDRESS_CREATE_INFO_EXT, STRUCTURE_TYPE_VALIDATION_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PRESENT_WAIT_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_COOPERATIVE_MATRIX_FEATURES_NV, STRUCTURE_TYPE_COOPERATIVE_MATRIX_PROPERTIES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_COOPERATIVE_MATRIX_PROPERTIES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_COVERAGE_REDUCTION_MODE_FEATURES_NV, STRUCTURE_TYPE_PIPELINE_COVERAGE_REDUCTION_STATE_CREATE_INFO_NV, STRUCTURE_TYPE_FRAMEBUFFER_MIXED_SAMPLES_COMBINATION_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADER_INTERLOCK_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_YCBCR_IMAGE_ARRAYS_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PROVOKING_VERTEX_FEATURES_EXT, STRUCTURE_TYPE_PIPELINE_RASTERIZATION_PROVOKING_VERTEX_STATE_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PROVOKING_VERTEX_PROPERTIES_EXT, STRUCTURE_TYPE_SURFACE_FULL_SCREEN_EXCLUSIVE_INFO_EXT, STRUCTURE_TYPE_SURFACE_CAPABILITIES_FULL_SCREEN_EXCLUSIVE_EXT, STRUCTURE_TYPE_SURFACE_FULL_SCREEN_EXCLUSIVE_WIN32_INFO_EXT, STRUCTURE_TYPE_HEADLESS_SURFACE_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_LINE_RASTERIZATION_FEATURES_EXT, STRUCTURE_TYPE_PIPELINE_RASTERIZATION_LINE_STATE_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_LINE_RASTERIZATION_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_ATOMIC_FLOAT_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_INDEX_TYPE_UINT8_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTENDED_DYNAMIC_STATE_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_EXECUTABLE_PROPERTIES_FEATURES_KHR, STRUCTURE_TYPE_PIPELINE_INFO_KHR, STRUCTURE_TYPE_PIPELINE_EXECUTABLE_PROPERTIES_KHR, STRUCTURE_TYPE_PIPELINE_EXECUTABLE_INFO_KHR, STRUCTURE_TYPE_PIPELINE_EXECUTABLE_STATISTIC_KHR, STRUCTURE_TYPE_PIPELINE_EXECUTABLE_INTERNAL_REPRESENTATION_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_ATOMIC_FLOAT_2_FEATURES_EXT, STRUCTURE_TYPE_SURFACE_PRESENT_MODE_EXT, STRUCTURE_TYPE_SURFACE_PRESENT_SCALING_CAPABILITIES_EXT, STRUCTURE_TYPE_SURFACE_PRESENT_MODE_COMPATIBILITY_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SWAPCHAIN_MAINTENANCE_1_FEATURES_EXT, STRUCTURE_TYPE_SWAPCHAIN_PRESENT_FENCE_INFO_EXT, STRUCTURE_TYPE_SWAPCHAIN_PRESENT_MODES_CREATE_INFO_EXT, STRUCTURE_TYPE_SWAPCHAIN_PRESENT_MODE_INFO_EXT, STRUCTURE_TYPE_SWAPCHAIN_PRESENT_SCALING_CREATE_INFO_EXT, STRUCTURE_TYPE_RELEASE_SWAPCHAIN_IMAGES_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_DEVICE_GENERATED_COMMANDS_PROPERTIES_NV, STRUCTURE_TYPE_GRAPHICS_SHADER_GROUP_CREATE_INFO_NV, STRUCTURE_TYPE_GRAPHICS_PIPELINE_SHADER_GROUPS_CREATE_INFO_NV, STRUCTURE_TYPE_INDIRECT_COMMANDS_LAYOUT_TOKEN_NV, STRUCTURE_TYPE_INDIRECT_COMMANDS_LAYOUT_CREATE_INFO_NV, STRUCTURE_TYPE_GENERATED_COMMANDS_INFO_NV, STRUCTURE_TYPE_GENERATED_COMMANDS_MEMORY_REQUIREMENTS_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_DEVICE_GENERATED_COMMANDS_FEATURES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_INHERITED_VIEWPORT_SCISSOR_FEATURES_NV, STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_VIEWPORT_SCISSOR_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXEL_BUFFER_ALIGNMENT_FEATURES_EXT, STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_RENDER_PASS_TRANSFORM_INFO_QCOM, STRUCTURE_TYPE_RENDER_PASS_TRANSFORM_BEGIN_INFO_QCOM, STRUCTURE_TYPE_PHYSICAL_DEVICE_DEVICE_MEMORY_REPORT_FEATURES_EXT, STRUCTURE_TYPE_DEVICE_DEVICE_MEMORY_REPORT_CREATE_INFO_EXT, STRUCTURE_TYPE_DEVICE_MEMORY_REPORT_CALLBACK_DATA_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_ROBUSTNESS_2_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_ROBUSTNESS_2_PROPERTIES_EXT, STRUCTURE_TYPE_SAMPLER_CUSTOM_BORDER_COLOR_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_CUSTOM_BORDER_COLOR_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_CUSTOM_BORDER_COLOR_FEATURES_EXT, STRUCTURE_TYPE_PIPELINE_LIBRARY_CREATE_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_PRESENT_BARRIER_FEATURES_NV, STRUCTURE_TYPE_SURFACE_CAPABILITIES_PRESENT_BARRIER_NV, STRUCTURE_TYPE_SWAPCHAIN_PRESENT_BARRIER_CREATE_INFO_NV, STRUCTURE_TYPE_PRESENT_ID_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_PRESENT_ID_FEATURES_KHR, STRUCTURE_TYPE_VIDEO_ENCODE_INFO_KHR, STRUCTURE_TYPE_VIDEO_ENCODE_RATE_CONTROL_INFO_KHR, STRUCTURE_TYPE_VIDEO_ENCODE_RATE_CONTROL_LAYER_INFO_KHR, STRUCTURE_TYPE_VIDEO_ENCODE_CAPABILITIES_KHR, STRUCTURE_TYPE_VIDEO_ENCODE_USAGE_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_DIAGNOSTICS_CONFIG_FEATURES_NV, STRUCTURE_TYPE_DEVICE_DIAGNOSTICS_CONFIG_CREATE_INFO_NV, STRUCTURE_TYPE_EXPORT_METAL_OBJECT_CREATE_INFO_EXT, STRUCTURE_TYPE_EXPORT_METAL_OBJECTS_INFO_EXT, STRUCTURE_TYPE_EXPORT_METAL_DEVICE_INFO_EXT, STRUCTURE_TYPE_EXPORT_METAL_COMMAND_QUEUE_INFO_EXT, STRUCTURE_TYPE_EXPORT_METAL_BUFFER_INFO_EXT, STRUCTURE_TYPE_IMPORT_METAL_BUFFER_INFO_EXT, STRUCTURE_TYPE_EXPORT_METAL_TEXTURE_INFO_EXT, STRUCTURE_TYPE_IMPORT_METAL_TEXTURE_INFO_EXT, STRUCTURE_TYPE_EXPORT_METAL_IO_SURFACE_INFO_EXT, STRUCTURE_TYPE_IMPORT_METAL_IO_SURFACE_INFO_EXT, STRUCTURE_TYPE_EXPORT_METAL_SHARED_EVENT_INFO_EXT, STRUCTURE_TYPE_IMPORT_METAL_SHARED_EVENT_INFO_EXT, STRUCTURE_TYPE_QUEUE_FAMILY_CHECKPOINT_PROPERTIES_2_NV, STRUCTURE_TYPE_CHECKPOINT_DATA_2_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_BUFFER_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_BUFFER_DENSITY_MAP_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_BUFFER_FEATURES_EXT, STRUCTURE_TYPE_DESCRIPTOR_ADDRESS_INFO_EXT, STRUCTURE_TYPE_DESCRIPTOR_GET_INFO_EXT, STRUCTURE_TYPE_BUFFER_CAPTURE_DESCRIPTOR_DATA_INFO_EXT, STRUCTURE_TYPE_IMAGE_CAPTURE_DESCRIPTOR_DATA_INFO_EXT, STRUCTURE_TYPE_IMAGE_VIEW_CAPTURE_DESCRIPTOR_DATA_INFO_EXT, STRUCTURE_TYPE_SAMPLER_CAPTURE_DESCRIPTOR_DATA_INFO_EXT, STRUCTURE_TYPE_OPAQUE_CAPTURE_DESCRIPTOR_DATA_CREATE_INFO_EXT, STRUCTURE_TYPE_DESCRIPTOR_BUFFER_BINDING_INFO_EXT, STRUCTURE_TYPE_DESCRIPTOR_BUFFER_BINDING_PUSH_DESCRIPTOR_BUFFER_HANDLE_EXT, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_CAPTURE_DESCRIPTOR_DATA_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_GRAPHICS_PIPELINE_LIBRARY_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_GRAPHICS_PIPELINE_LIBRARY_PROPERTIES_EXT, STRUCTURE_TYPE_GRAPHICS_PIPELINE_LIBRARY_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_EARLY_AND_LATE_FRAGMENT_TESTS_FEATURES_AMD, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADER_BARYCENTRIC_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADER_BARYCENTRIC_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SUBGROUP_UNIFORM_CONTROL_FLOW_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_ENUMS_PROPERTIES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_ENUMS_FEATURES_NV, STRUCTURE_TYPE_PIPELINE_FRAGMENT_SHADING_RATE_ENUM_STATE_CREATE_INFO_NV, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_MOTION_TRIANGLES_DATA_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_MOTION_BLUR_FEATURES_NV, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_MOTION_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_MESH_SHADER_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_MESH_SHADER_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_YCBCR_2_PLANE_444_FORMATS_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_2_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_2_PROPERTIES_EXT, STRUCTURE_TYPE_COPY_COMMAND_TRANSFORM_INFO_QCOM, STRUCTURE_TYPE_PHYSICAL_DEVICE_WORKGROUP_MEMORY_EXPLICIT_LAYOUT_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_COMPRESSION_CONTROL_FEATURES_EXT, STRUCTURE_TYPE_IMAGE_COMPRESSION_CONTROL_EXT, STRUCTURE_TYPE_SUBRESOURCE_LAYOUT_2_EXT, STRUCTURE_TYPE_IMAGE_SUBRESOURCE_2_EXT, STRUCTURE_TYPE_IMAGE_COMPRESSION_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_ATTACHMENT_FEEDBACK_LOOP_LAYOUT_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_4444_FORMATS_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_FAULT_FEATURES_EXT, STRUCTURE_TYPE_DEVICE_FAULT_COUNTS_EXT, STRUCTURE_TYPE_DEVICE_FAULT_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_RGBA10X6_FORMATS_FEATURES_EXT, STRUCTURE_TYPE_DIRECTFB_SURFACE_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_VERTEX_INPUT_DYNAMIC_STATE_FEATURES_EXT, STRUCTURE_TYPE_VERTEX_INPUT_BINDING_DESCRIPTION_2_EXT, STRUCTURE_TYPE_VERTEX_INPUT_ATTRIBUTE_DESCRIPTION_2_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_DRM_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_ADDRESS_BINDING_REPORT_FEATURES_EXT, STRUCTURE_TYPE_DEVICE_ADDRESS_BINDING_CALLBACK_DATA_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_CLIP_CONTROL_FEATURES_EXT, STRUCTURE_TYPE_PIPELINE_VIEWPORT_DEPTH_CLIP_CONTROL_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PRIMITIVE_TOPOLOGY_LIST_RESTART_FEATURES_EXT, STRUCTURE_TYPE_IMPORT_MEMORY_ZIRCON_HANDLE_INFO_FUCHSIA, STRUCTURE_TYPE_MEMORY_ZIRCON_HANDLE_PROPERTIES_FUCHSIA, STRUCTURE_TYPE_MEMORY_GET_ZIRCON_HANDLE_INFO_FUCHSIA, STRUCTURE_TYPE_IMPORT_SEMAPHORE_ZIRCON_HANDLE_INFO_FUCHSIA, STRUCTURE_TYPE_SEMAPHORE_GET_ZIRCON_HANDLE_INFO_FUCHSIA, STRUCTURE_TYPE_BUFFER_COLLECTION_CREATE_INFO_FUCHSIA, STRUCTURE_TYPE_IMPORT_MEMORY_BUFFER_COLLECTION_FUCHSIA, STRUCTURE_TYPE_BUFFER_COLLECTION_IMAGE_CREATE_INFO_FUCHSIA, STRUCTURE_TYPE_BUFFER_COLLECTION_PROPERTIES_FUCHSIA, STRUCTURE_TYPE_BUFFER_CONSTRAINTS_INFO_FUCHSIA, STRUCTURE_TYPE_BUFFER_COLLECTION_BUFFER_CREATE_INFO_FUCHSIA, STRUCTURE_TYPE_IMAGE_CONSTRAINTS_INFO_FUCHSIA, STRUCTURE_TYPE_IMAGE_FORMAT_CONSTRAINTS_INFO_FUCHSIA, STRUCTURE_TYPE_SYSMEM_COLOR_SPACE_FUCHSIA, STRUCTURE_TYPE_BUFFER_COLLECTION_CONSTRAINTS_INFO_FUCHSIA, STRUCTURE_TYPE_SUBPASS_SHADING_PIPELINE_CREATE_INFO_HUAWEI, STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBPASS_SHADING_FEATURES_HUAWEI, STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBPASS_SHADING_PROPERTIES_HUAWEI, STRUCTURE_TYPE_PHYSICAL_DEVICE_INVOCATION_MASK_FEATURES_HUAWEI, STRUCTURE_TYPE_MEMORY_GET_REMOTE_ADDRESS_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_MEMORY_RDMA_FEATURES_NV, STRUCTURE_TYPE_PIPELINE_PROPERTIES_IDENTIFIER_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_PROPERTIES_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTISAMPLED_RENDER_TO_SINGLE_SAMPLED_FEATURES_EXT, STRUCTURE_TYPE_SUBPASS_RESOLVE_PERFORMANCE_QUERY_EXT, STRUCTURE_TYPE_MULTISAMPLED_RENDER_TO_SINGLE_SAMPLED_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTENDED_DYNAMIC_STATE_2_FEATURES_EXT, STRUCTURE_TYPE_SCREEN_SURFACE_CREATE_INFO_QNX, STRUCTURE_TYPE_PHYSICAL_DEVICE_COLOR_WRITE_ENABLE_FEATURES_EXT, STRUCTURE_TYPE_PIPELINE_COLOR_WRITE_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PRIMITIVES_GENERATED_QUERY_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_MAINTENANCE_1_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_VIEW_MIN_LOD_FEATURES_EXT, STRUCTURE_TYPE_IMAGE_VIEW_MIN_LOD_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTI_DRAW_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTI_DRAW_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_2D_VIEW_OF_3D_FEATURES_EXT, STRUCTURE_TYPE_MICROMAP_BUILD_INFO_EXT, STRUCTURE_TYPE_MICROMAP_VERSION_INFO_EXT, STRUCTURE_TYPE_COPY_MICROMAP_INFO_EXT, STRUCTURE_TYPE_COPY_MICROMAP_TO_MEMORY_INFO_EXT, STRUCTURE_TYPE_COPY_MEMORY_TO_MICROMAP_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_OPACITY_MICROMAP_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_OPACITY_MICROMAP_PROPERTIES_EXT, STRUCTURE_TYPE_MICROMAP_CREATE_INFO_EXT, STRUCTURE_TYPE_MICROMAP_BUILD_SIZES_INFO_EXT, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_TRIANGLES_OPACITY_MICROMAP_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_CLUSTER_CULLING_SHADER_FEATURES_HUAWEI, STRUCTURE_TYPE_PHYSICAL_DEVICE_CLUSTER_CULLING_SHADER_PROPERTIES_HUAWEI, STRUCTURE_TYPE_PHYSICAL_DEVICE_BORDER_COLOR_SWIZZLE_FEATURES_EXT, STRUCTURE_TYPE_SAMPLER_BORDER_COLOR_COMPONENT_MAPPING_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PAGEABLE_DEVICE_LOCAL_MEMORY_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_SET_HOST_MAPPING_FEATURES_VALVE, STRUCTURE_TYPE_DESCRIPTOR_SET_BINDING_REFERENCE_VALVE, STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_HOST_MAPPING_INFO_VALVE, STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_CLAMP_ZERO_ONE_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_NON_SEAMLESS_CUBE_MAP_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_OFFSET_FEATURES_QCOM, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_OFFSET_PROPERTIES_QCOM, STRUCTURE_TYPE_SUBPASS_FRAGMENT_DENSITY_MAP_OFFSET_END_INFO_QCOM, STRUCTURE_TYPE_PHYSICAL_DEVICE_COPY_MEMORY_INDIRECT_FEATURES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_COPY_MEMORY_INDIRECT_PROPERTIES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_DECOMPRESSION_FEATURES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_DECOMPRESSION_PROPERTIES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_LINEAR_COLOR_ATTACHMENT_FEATURES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_COMPRESSION_CONTROL_SWAPCHAIN_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_PROCESSING_FEATURES_QCOM, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_PROCESSING_PROPERTIES_QCOM, STRUCTURE_TYPE_IMAGE_VIEW_SAMPLE_WEIGHT_CREATE_INFO_QCOM, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTENDED_DYNAMIC_STATE_3_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTENDED_DYNAMIC_STATE_3_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBPASS_MERGE_FEEDBACK_FEATURES_EXT, STRUCTURE_TYPE_RENDER_PASS_CREATION_CONTROL_EXT, STRUCTURE_TYPE_RENDER_PASS_CREATION_FEEDBACK_CREATE_INFO_EXT, STRUCTURE_TYPE_RENDER_PASS_SUBPASS_FEEDBACK_CREATE_INFO_EXT, STRUCTURE_TYPE_DIRECT_DRIVER_LOADING_INFO_LUNARG, STRUCTURE_TYPE_DIRECT_DRIVER_LOADING_LIST_LUNARG, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_MODULE_IDENTIFIER_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_MODULE_IDENTIFIER_PROPERTIES_EXT, STRUCTURE_TYPE_PIPELINE_SHADER_STAGE_MODULE_IDENTIFIER_CREATE_INFO_EXT, STRUCTURE_TYPE_SHADER_MODULE_IDENTIFIER_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_RASTERIZATION_ORDER_ATTACHMENT_ACCESS_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_OPTICAL_FLOW_FEATURES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_OPTICAL_FLOW_PROPERTIES_NV, STRUCTURE_TYPE_OPTICAL_FLOW_IMAGE_FORMAT_INFO_NV, STRUCTURE_TYPE_OPTICAL_FLOW_IMAGE_FORMAT_PROPERTIES_NV, STRUCTURE_TYPE_OPTICAL_FLOW_SESSION_CREATE_INFO_NV, STRUCTURE_TYPE_OPTICAL_FLOW_EXECUTE_INFO_NV, STRUCTURE_TYPE_OPTICAL_FLOW_SESSION_CREATE_PRIVATE_DATA_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_LEGACY_DITHERING_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_PROTECTED_ACCESS_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_TILE_PROPERTIES_FEATURES_QCOM, STRUCTURE_TYPE_TILE_PROPERTIES_QCOM, STRUCTURE_TYPE_PHYSICAL_DEVICE_AMIGO_PROFILING_FEATURES_SEC, STRUCTURE_TYPE_AMIGO_PROFILING_SUBMIT_INFO_SEC, STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_PER_VIEW_VIEWPORTS_FEATURES_QCOM, STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_INVOCATION_REORDER_FEATURES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_INVOCATION_REORDER_PROPERTIES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_MUTABLE_DESCRIPTOR_TYPE_FEATURES_EXT, STRUCTURE_TYPE_MUTABLE_DESCRIPTOR_TYPE_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CORE_BUILTINS_FEATURES_ARM, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CORE_BUILTINS_PROPERTIES_ARM, STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_LIBRARY_GROUP_HANDLES_FEATURES_EXT, SubpassContents, SUBPASS_CONTENTS_INLINE, SUBPASS_CONTENTS_SECONDARY_COMMAND_BUFFERS, Result, SUCCESS, NOT_READY, TIMEOUT, EVENT_SET, EVENT_RESET, INCOMPLETE, ERROR_OUT_OF_HOST_MEMORY, ERROR_OUT_OF_DEVICE_MEMORY, ERROR_INITIALIZATION_FAILED, ERROR_DEVICE_LOST, ERROR_MEMORY_MAP_FAILED, ERROR_LAYER_NOT_PRESENT, ERROR_EXTENSION_NOT_PRESENT, ERROR_FEATURE_NOT_PRESENT, ERROR_INCOMPATIBLE_DRIVER, ERROR_TOO_MANY_OBJECTS, ERROR_FORMAT_NOT_SUPPORTED, ERROR_FRAGMENTED_POOL, ERROR_UNKNOWN, ERROR_OUT_OF_POOL_MEMORY, ERROR_INVALID_EXTERNAL_HANDLE, ERROR_FRAGMENTATION, ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS, PIPELINE_COMPILE_REQUIRED, ERROR_SURFACE_LOST_KHR, ERROR_NATIVE_WINDOW_IN_USE_KHR, SUBOPTIMAL_KHR, ERROR_OUT_OF_DATE_KHR, ERROR_INCOMPATIBLE_DISPLAY_KHR, ERROR_VALIDATION_FAILED_EXT, ERROR_INVALID_SHADER_NV, ERROR_IMAGE_USAGE_NOT_SUPPORTED_KHR, ERROR_VIDEO_PICTURE_LAYOUT_NOT_SUPPORTED_KHR, ERROR_VIDEO_PROFILE_OPERATION_NOT_SUPPORTED_KHR, ERROR_VIDEO_PROFILE_FORMAT_NOT_SUPPORTED_KHR, ERROR_VIDEO_PROFILE_CODEC_NOT_SUPPORTED_KHR, ERROR_VIDEO_STD_VERSION_NOT_SUPPORTED_KHR, ERROR_INVALID_DRM_FORMAT_MODIFIER_PLANE_LAYOUT_EXT, ERROR_NOT_PERMITTED_KHR, ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT, THREAD_IDLE_KHR, THREAD_DONE_KHR, OPERATION_DEFERRED_KHR, OPERATION_NOT_DEFERRED_KHR, ERROR_COMPRESSION_EXHAUSTED_EXT, DynamicState, DYNAMIC_STATE_VIEWPORT, DYNAMIC_STATE_SCISSOR, DYNAMIC_STATE_LINE_WIDTH, DYNAMIC_STATE_DEPTH_BIAS, DYNAMIC_STATE_BLEND_CONSTANTS, DYNAMIC_STATE_DEPTH_BOUNDS, DYNAMIC_STATE_STENCIL_COMPARE_MASK, DYNAMIC_STATE_STENCIL_WRITE_MASK, DYNAMIC_STATE_STENCIL_REFERENCE, DYNAMIC_STATE_CULL_MODE, DYNAMIC_STATE_FRONT_FACE, DYNAMIC_STATE_PRIMITIVE_TOPOLOGY, DYNAMIC_STATE_VIEWPORT_WITH_COUNT, DYNAMIC_STATE_SCISSOR_WITH_COUNT, DYNAMIC_STATE_VERTEX_INPUT_BINDING_STRIDE, DYNAMIC_STATE_DEPTH_TEST_ENABLE, DYNAMIC_STATE_DEPTH_WRITE_ENABLE, DYNAMIC_STATE_DEPTH_COMPARE_OP, DYNAMIC_STATE_DEPTH_BOUNDS_TEST_ENABLE, DYNAMIC_STATE_STENCIL_TEST_ENABLE, DYNAMIC_STATE_STENCIL_OP, DYNAMIC_STATE_RASTERIZER_DISCARD_ENABLE, DYNAMIC_STATE_DEPTH_BIAS_ENABLE, DYNAMIC_STATE_PRIMITIVE_RESTART_ENABLE, DYNAMIC_STATE_VIEWPORT_W_SCALING_NV, DYNAMIC_STATE_DISCARD_RECTANGLE_EXT, DYNAMIC_STATE_SAMPLE_LOCATIONS_EXT, DYNAMIC_STATE_RAY_TRACING_PIPELINE_STACK_SIZE_KHR, DYNAMIC_STATE_VIEWPORT_SHADING_RATE_PALETTE_NV, DYNAMIC_STATE_VIEWPORT_COARSE_SAMPLE_ORDER_NV, DYNAMIC_STATE_EXCLUSIVE_SCISSOR_NV, DYNAMIC_STATE_FRAGMENT_SHADING_RATE_KHR, DYNAMIC_STATE_LINE_STIPPLE_EXT, DYNAMIC_STATE_VERTEX_INPUT_EXT, DYNAMIC_STATE_PATCH_CONTROL_POINTS_EXT, DYNAMIC_STATE_LOGIC_OP_EXT, DYNAMIC_STATE_COLOR_WRITE_ENABLE_EXT, DYNAMIC_STATE_TESSELLATION_DOMAIN_ORIGIN_EXT, DYNAMIC_STATE_DEPTH_CLAMP_ENABLE_EXT, DYNAMIC_STATE_POLYGON_MODE_EXT, DYNAMIC_STATE_RASTERIZATION_SAMPLES_EXT, DYNAMIC_STATE_SAMPLE_MASK_EXT, DYNAMIC_STATE_ALPHA_TO_COVERAGE_ENABLE_EXT, DYNAMIC_STATE_ALPHA_TO_ONE_ENABLE_EXT, DYNAMIC_STATE_LOGIC_OP_ENABLE_EXT, DYNAMIC_STATE_COLOR_BLEND_ENABLE_EXT, DYNAMIC_STATE_COLOR_BLEND_EQUATION_EXT, DYNAMIC_STATE_COLOR_WRITE_MASK_EXT, DYNAMIC_STATE_RASTERIZATION_STREAM_EXT, DYNAMIC_STATE_CONSERVATIVE_RASTERIZATION_MODE_EXT, DYNAMIC_STATE_EXTRA_PRIMITIVE_OVERESTIMATION_SIZE_EXT, DYNAMIC_STATE_DEPTH_CLIP_ENABLE_EXT, DYNAMIC_STATE_SAMPLE_LOCATIONS_ENABLE_EXT, DYNAMIC_STATE_COLOR_BLEND_ADVANCED_EXT, DYNAMIC_STATE_PROVOKING_VERTEX_MODE_EXT, DYNAMIC_STATE_LINE_RASTERIZATION_MODE_EXT, DYNAMIC_STATE_LINE_STIPPLE_ENABLE_EXT, DYNAMIC_STATE_DEPTH_CLIP_NEGATIVE_ONE_TO_ONE_EXT, DYNAMIC_STATE_VIEWPORT_W_SCALING_ENABLE_NV, DYNAMIC_STATE_VIEWPORT_SWIZZLE_NV, DYNAMIC_STATE_COVERAGE_TO_COLOR_ENABLE_NV, DYNAMIC_STATE_COVERAGE_TO_COLOR_LOCATION_NV, DYNAMIC_STATE_COVERAGE_MODULATION_MODE_NV, DYNAMIC_STATE_COVERAGE_MODULATION_TABLE_ENABLE_NV, DYNAMIC_STATE_COVERAGE_MODULATION_TABLE_NV, DYNAMIC_STATE_SHADING_RATE_IMAGE_ENABLE_NV, DYNAMIC_STATE_REPRESENTATIVE_FRAGMENT_TEST_ENABLE_NV, DYNAMIC_STATE_COVERAGE_REDUCTION_MODE_NV, DescriptorUpdateTemplateType, DESCRIPTOR_UPDATE_TEMPLATE_TYPE_DESCRIPTOR_SET, DESCRIPTOR_UPDATE_TEMPLATE_TYPE_PUSH_DESCRIPTORS_KHR, ObjectType, OBJECT_TYPE_UNKNOWN, OBJECT_TYPE_INSTANCE, OBJECT_TYPE_PHYSICAL_DEVICE, OBJECT_TYPE_DEVICE, OBJECT_TYPE_QUEUE, OBJECT_TYPE_SEMAPHORE, OBJECT_TYPE_COMMAND_BUFFER, OBJECT_TYPE_FENCE, OBJECT_TYPE_DEVICE_MEMORY, OBJECT_TYPE_BUFFER, OBJECT_TYPE_IMAGE, OBJECT_TYPE_EVENT, OBJECT_TYPE_QUERY_POOL, OBJECT_TYPE_BUFFER_VIEW, OBJECT_TYPE_IMAGE_VIEW, OBJECT_TYPE_SHADER_MODULE, OBJECT_TYPE_PIPELINE_CACHE, OBJECT_TYPE_PIPELINE_LAYOUT, OBJECT_TYPE_RENDER_PASS, OBJECT_TYPE_PIPELINE, OBJECT_TYPE_DESCRIPTOR_SET_LAYOUT, OBJECT_TYPE_SAMPLER, OBJECT_TYPE_DESCRIPTOR_POOL, OBJECT_TYPE_DESCRIPTOR_SET, OBJECT_TYPE_FRAMEBUFFER, OBJECT_TYPE_COMMAND_POOL, OBJECT_TYPE_SAMPLER_YCBCR_CONVERSION, OBJECT_TYPE_DESCRIPTOR_UPDATE_TEMPLATE, OBJECT_TYPE_PRIVATE_DATA_SLOT, OBJECT_TYPE_SURFACE_KHR, OBJECT_TYPE_SWAPCHAIN_KHR, OBJECT_TYPE_DISPLAY_KHR, OBJECT_TYPE_DISPLAY_MODE_KHR, OBJECT_TYPE_DEBUG_REPORT_CALLBACK_EXT, OBJECT_TYPE_VIDEO_SESSION_KHR, OBJECT_TYPE_VIDEO_SESSION_PARAMETERS_KHR, OBJECT_TYPE_CU_MODULE_NVX, OBJECT_TYPE_CU_FUNCTION_NVX, OBJECT_TYPE_DEBUG_UTILS_MESSENGER_EXT, OBJECT_TYPE_ACCELERATION_STRUCTURE_KHR, OBJECT_TYPE_VALIDATION_CACHE_EXT, OBJECT_TYPE_ACCELERATION_STRUCTURE_NV, OBJECT_TYPE_PERFORMANCE_CONFIGURATION_INTEL, OBJECT_TYPE_DEFERRED_OPERATION_KHR, OBJECT_TYPE_INDIRECT_COMMANDS_LAYOUT_NV, OBJECT_TYPE_BUFFER_COLLECTION_FUCHSIA, OBJECT_TYPE_MICROMAP_EXT, OBJECT_TYPE_OPTICAL_FLOW_SESSION_NV, RayTracingInvocationReorderModeNV, RAY_TRACING_INVOCATION_REORDER_MODE_NONE_NV, RAY_TRACING_INVOCATION_REORDER_MODE_REORDER_NV, DirectDriverLoadingModeLUNARG, DIRECT_DRIVER_LOADING_MODE_EXCLUSIVE_LUNARG, DIRECT_DRIVER_LOADING_MODE_INCLUSIVE_LUNARG, SemaphoreType, SEMAPHORE_TYPE_BINARY, SEMAPHORE_TYPE_TIMELINE, PresentModeKHR, PRESENT_MODE_IMMEDIATE_KHR, PRESENT_MODE_MAILBOX_KHR, PRESENT_MODE_FIFO_KHR, PRESENT_MODE_FIFO_RELAXED_KHR, PRESENT_MODE_SHARED_DEMAND_REFRESH_KHR, PRESENT_MODE_SHARED_CONTINUOUS_REFRESH_KHR, ColorSpaceKHR, COLOR_SPACE_SRGB_NONLINEAR_KHR, COLOR_SPACE_DISPLAY_P3_NONLINEAR_EXT, COLOR_SPACE_EXTENDED_SRGB_LINEAR_EXT, COLOR_SPACE_DISPLAY_P3_LINEAR_EXT, COLOR_SPACE_DCI_P3_NONLINEAR_EXT, COLOR_SPACE_BT709_LINEAR_EXT, COLOR_SPACE_BT709_NONLINEAR_EXT, COLOR_SPACE_BT2020_LINEAR_EXT, COLOR_SPACE_HDR10_ST2084_EXT, COLOR_SPACE_DOLBYVISION_EXT, COLOR_SPACE_HDR10_HLG_EXT, COLOR_SPACE_ADOBERGB_LINEAR_EXT, COLOR_SPACE_ADOBERGB_NONLINEAR_EXT, COLOR_SPACE_PASS_THROUGH_EXT, COLOR_SPACE_EXTENDED_SRGB_NONLINEAR_EXT, COLOR_SPACE_DISPLAY_NATIVE_AMD, TimeDomainEXT, TIME_DOMAIN_DEVICE_EXT, TIME_DOMAIN_CLOCK_MONOTONIC_EXT, TIME_DOMAIN_CLOCK_MONOTONIC_RAW_EXT, TIME_DOMAIN_QUERY_PERFORMANCE_COUNTER_EXT, DebugReportObjectTypeEXT, DEBUG_REPORT_OBJECT_TYPE_UNKNOWN_EXT, DEBUG_REPORT_OBJECT_TYPE_INSTANCE_EXT, DEBUG_REPORT_OBJECT_TYPE_PHYSICAL_DEVICE_EXT, DEBUG_REPORT_OBJECT_TYPE_DEVICE_EXT, DEBUG_REPORT_OBJECT_TYPE_QUEUE_EXT, DEBUG_REPORT_OBJECT_TYPE_SEMAPHORE_EXT, DEBUG_REPORT_OBJECT_TYPE_COMMAND_BUFFER_EXT, DEBUG_REPORT_OBJECT_TYPE_FENCE_EXT, DEBUG_REPORT_OBJECT_TYPE_DEVICE_MEMORY_EXT, DEBUG_REPORT_OBJECT_TYPE_BUFFER_EXT, DEBUG_REPORT_OBJECT_TYPE_IMAGE_EXT, DEBUG_REPORT_OBJECT_TYPE_EVENT_EXT, DEBUG_REPORT_OBJECT_TYPE_QUERY_POOL_EXT, DEBUG_REPORT_OBJECT_TYPE_BUFFER_VIEW_EXT, DEBUG_REPORT_OBJECT_TYPE_IMAGE_VIEW_EXT, DEBUG_REPORT_OBJECT_TYPE_SHADER_MODULE_EXT, DEBUG_REPORT_OBJECT_TYPE_PIPELINE_CACHE_EXT, DEBUG_REPORT_OBJECT_TYPE_PIPELINE_LAYOUT_EXT, DEBUG_REPORT_OBJECT_TYPE_RENDER_PASS_EXT, DEBUG_REPORT_OBJECT_TYPE_PIPELINE_EXT, DEBUG_REPORT_OBJECT_TYPE_DESCRIPTOR_SET_LAYOUT_EXT, DEBUG_REPORT_OBJECT_TYPE_SAMPLER_EXT, DEBUG_REPORT_OBJECT_TYPE_DESCRIPTOR_POOL_EXT, DEBUG_REPORT_OBJECT_TYPE_DESCRIPTOR_SET_EXT, DEBUG_REPORT_OBJECT_TYPE_FRAMEBUFFER_EXT, DEBUG_REPORT_OBJECT_TYPE_COMMAND_POOL_EXT, DEBUG_REPORT_OBJECT_TYPE_SURFACE_KHR_EXT, DEBUG_REPORT_OBJECT_TYPE_SWAPCHAIN_KHR_EXT, DEBUG_REPORT_OBJECT_TYPE_DEBUG_REPORT_CALLBACK_EXT_EXT, DEBUG_REPORT_OBJECT_TYPE_DISPLAY_KHR_EXT, DEBUG_REPORT_OBJECT_TYPE_DISPLAY_MODE_KHR_EXT, DEBUG_REPORT_OBJECT_TYPE_VALIDATION_CACHE_EXT_EXT, DEBUG_REPORT_OBJECT_TYPE_SAMPLER_YCBCR_CONVERSION_EXT, DEBUG_REPORT_OBJECT_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_EXT, DEBUG_REPORT_OBJECT_TYPE_CU_MODULE_NVX_EXT, DEBUG_REPORT_OBJECT_TYPE_CU_FUNCTION_NVX_EXT, DEBUG_REPORT_OBJECT_TYPE_ACCELERATION_STRUCTURE_KHR_EXT, DEBUG_REPORT_OBJECT_TYPE_ACCELERATION_STRUCTURE_NV_EXT, DEBUG_REPORT_OBJECT_TYPE_BUFFER_COLLECTION_FUCHSIA_EXT, DeviceMemoryReportEventTypeEXT, DEVICE_MEMORY_REPORT_EVENT_TYPE_ALLOCATE_EXT, DEVICE_MEMORY_REPORT_EVENT_TYPE_FREE_EXT, DEVICE_MEMORY_REPORT_EVENT_TYPE_IMPORT_EXT, DEVICE_MEMORY_REPORT_EVENT_TYPE_UNIMPORT_EXT, DEVICE_MEMORY_REPORT_EVENT_TYPE_ALLOCATION_FAILED_EXT, RasterizationOrderAMD, RASTERIZATION_ORDER_STRICT_AMD, RASTERIZATION_ORDER_RELAXED_AMD, ValidationCheckEXT, VALIDATION_CHECK_ALL_EXT, VALIDATION_CHECK_SHADERS_EXT, ValidationFeatureEnableEXT, VALIDATION_FEATURE_ENABLE_GPU_ASSISTED_EXT, VALIDATION_FEATURE_ENABLE_GPU_ASSISTED_RESERVE_BINDING_SLOT_EXT, VALIDATION_FEATURE_ENABLE_BEST_PRACTICES_EXT, VALIDATION_FEATURE_ENABLE_DEBUG_PRINTF_EXT, VALIDATION_FEATURE_ENABLE_SYNCHRONIZATION_VALIDATION_EXT, ValidationFeatureDisableEXT, VALIDATION_FEATURE_DISABLE_ALL_EXT, VALIDATION_FEATURE_DISABLE_SHADERS_EXT, VALIDATION_FEATURE_DISABLE_THREAD_SAFETY_EXT, VALIDATION_FEATURE_DISABLE_API_PARAMETERS_EXT, VALIDATION_FEATURE_DISABLE_OBJECT_LIFETIMES_EXT, VALIDATION_FEATURE_DISABLE_CORE_CHECKS_EXT, VALIDATION_FEATURE_DISABLE_UNIQUE_HANDLES_EXT, VALIDATION_FEATURE_DISABLE_SHADER_VALIDATION_CACHE_EXT, IndirectCommandsTokenTypeNV, INDIRECT_COMMANDS_TOKEN_TYPE_SHADER_GROUP_NV, INDIRECT_COMMANDS_TOKEN_TYPE_STATE_FLAGS_NV, INDIRECT_COMMANDS_TOKEN_TYPE_INDEX_BUFFER_NV, INDIRECT_COMMANDS_TOKEN_TYPE_VERTEX_BUFFER_NV, INDIRECT_COMMANDS_TOKEN_TYPE_PUSH_CONSTANT_NV, INDIRECT_COMMANDS_TOKEN_TYPE_DRAW_INDEXED_NV, INDIRECT_COMMANDS_TOKEN_TYPE_DRAW_NV, INDIRECT_COMMANDS_TOKEN_TYPE_DRAW_TASKS_NV, INDIRECT_COMMANDS_TOKEN_TYPE_DRAW_MESH_TASKS_NV, DisplayPowerStateEXT, DISPLAY_POWER_STATE_OFF_EXT, DISPLAY_POWER_STATE_SUSPEND_EXT, DISPLAY_POWER_STATE_ON_EXT, DeviceEventTypeEXT, DEVICE_EVENT_TYPE_DISPLAY_HOTPLUG_EXT, DisplayEventTypeEXT, DISPLAY_EVENT_TYPE_FIRST_PIXEL_OUT_EXT, ViewportCoordinateSwizzleNV, VIEWPORT_COORDINATE_SWIZZLE_POSITIVE_X_NV, VIEWPORT_COORDINATE_SWIZZLE_NEGATIVE_X_NV, VIEWPORT_COORDINATE_SWIZZLE_POSITIVE_Y_NV, VIEWPORT_COORDINATE_SWIZZLE_NEGATIVE_Y_NV, VIEWPORT_COORDINATE_SWIZZLE_POSITIVE_Z_NV, VIEWPORT_COORDINATE_SWIZZLE_NEGATIVE_Z_NV, VIEWPORT_COORDINATE_SWIZZLE_POSITIVE_W_NV, VIEWPORT_COORDINATE_SWIZZLE_NEGATIVE_W_NV, DiscardRectangleModeEXT, DISCARD_RECTANGLE_MODE_INCLUSIVE_EXT, DISCARD_RECTANGLE_MODE_EXCLUSIVE_EXT, PointClippingBehavior, POINT_CLIPPING_BEHAVIOR_ALL_CLIP_PLANES, POINT_CLIPPING_BEHAVIOR_USER_CLIP_PLANES_ONLY, SamplerReductionMode, SAMPLER_REDUCTION_MODE_WEIGHTED_AVERAGE, SAMPLER_REDUCTION_MODE_MIN, SAMPLER_REDUCTION_MODE_MAX, TessellationDomainOrigin, TESSELLATION_DOMAIN_ORIGIN_UPPER_LEFT, TESSELLATION_DOMAIN_ORIGIN_LOWER_LEFT, SamplerYcbcrModelConversion, SAMPLER_YCBCR_MODEL_CONVERSION_RGB_IDENTITY, SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_IDENTITY, SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_709, SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_601, SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_2020, SamplerYcbcrRange, SAMPLER_YCBCR_RANGE_ITU_FULL, SAMPLER_YCBCR_RANGE_ITU_NARROW, ChromaLocation, CHROMA_LOCATION_COSITED_EVEN, CHROMA_LOCATION_MIDPOINT, BlendOverlapEXT, BLEND_OVERLAP_UNCORRELATED_EXT, BLEND_OVERLAP_DISJOINT_EXT, BLEND_OVERLAP_CONJOINT_EXT, CoverageModulationModeNV, COVERAGE_MODULATION_MODE_NONE_NV, COVERAGE_MODULATION_MODE_RGB_NV, COVERAGE_MODULATION_MODE_ALPHA_NV, COVERAGE_MODULATION_MODE_RGBA_NV, CoverageReductionModeNV, COVERAGE_REDUCTION_MODE_MERGE_NV, COVERAGE_REDUCTION_MODE_TRUNCATE_NV, ValidationCacheHeaderVersionEXT, VALIDATION_CACHE_HEADER_VERSION_ONE_EXT, ShaderInfoTypeAMD, SHADER_INFO_TYPE_STATISTICS_AMD, SHADER_INFO_TYPE_BINARY_AMD, SHADER_INFO_TYPE_DISASSEMBLY_AMD, QueueGlobalPriorityKHR, QUEUE_GLOBAL_PRIORITY_LOW_KHR, QUEUE_GLOBAL_PRIORITY_MEDIUM_KHR, QUEUE_GLOBAL_PRIORITY_HIGH_KHR, QUEUE_GLOBAL_PRIORITY_REALTIME_KHR, ConservativeRasterizationModeEXT, CONSERVATIVE_RASTERIZATION_MODE_DISABLED_EXT, CONSERVATIVE_RASTERIZATION_MODE_OVERESTIMATE_EXT, CONSERVATIVE_RASTERIZATION_MODE_UNDERESTIMATE_EXT, VendorId, VENDOR_ID_VIV, VENDOR_ID_VSI, VENDOR_ID_KAZAN, VENDOR_ID_CODEPLAY, VENDOR_ID_MESA, VENDOR_ID_POCL, DriverId, DRIVER_ID_AMD_PROPRIETARY, DRIVER_ID_AMD_OPEN_SOURCE, DRIVER_ID_MESA_RADV, DRIVER_ID_NVIDIA_PROPRIETARY, DRIVER_ID_INTEL_PROPRIETARY_WINDOWS, DRIVER_ID_INTEL_OPEN_SOURCE_MESA, DRIVER_ID_IMAGINATION_PROPRIETARY, DRIVER_ID_QUALCOMM_PROPRIETARY, DRIVER_ID_ARM_PROPRIETARY, DRIVER_ID_GOOGLE_SWIFTSHADER, DRIVER_ID_GGP_PROPRIETARY, DRIVER_ID_BROADCOM_PROPRIETARY, DRIVER_ID_MESA_LLVMPIPE, DRIVER_ID_MOLTENVK, DRIVER_ID_COREAVI_PROPRIETARY, DRIVER_ID_JUICE_PROPRIETARY, DRIVER_ID_VERISILICON_PROPRIETARY, DRIVER_ID_MESA_TURNIP, DRIVER_ID_MESA_V3DV, DRIVER_ID_MESA_PANVK, DRIVER_ID_SAMSUNG_PROPRIETARY, DRIVER_ID_MESA_VENUS, DRIVER_ID_MESA_DOZEN, DRIVER_ID_MESA_NVK, DRIVER_ID_IMAGINATION_OPEN_SOURCE_MESA, ShadingRatePaletteEntryNV, SHADING_RATE_PALETTE_ENTRY_NO_INVOCATIONS_NV, SHADING_RATE_PALETTE_ENTRY_16_INVOCATIONS_PER_PIXEL_NV, SHADING_RATE_PALETTE_ENTRY_8_INVOCATIONS_PER_PIXEL_NV, SHADING_RATE_PALETTE_ENTRY_4_INVOCATIONS_PER_PIXEL_NV, SHADING_RATE_PALETTE_ENTRY_2_INVOCATIONS_PER_PIXEL_NV, SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_PIXEL_NV, SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_2X1_PIXELS_NV, SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_1X2_PIXELS_NV, SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_2X2_PIXELS_NV, SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_4X2_PIXELS_NV, SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_2X4_PIXELS_NV, SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_4X4_PIXELS_NV, CoarseSampleOrderTypeNV, COARSE_SAMPLE_ORDER_TYPE_DEFAULT_NV, COARSE_SAMPLE_ORDER_TYPE_CUSTOM_NV, COARSE_SAMPLE_ORDER_TYPE_PIXEL_MAJOR_NV, COARSE_SAMPLE_ORDER_TYPE_SAMPLE_MAJOR_NV, CopyAccelerationStructureModeKHR, COPY_ACCELERATION_STRUCTURE_MODE_CLONE_KHR, COPY_ACCELERATION_STRUCTURE_MODE_COMPACT_KHR, COPY_ACCELERATION_STRUCTURE_MODE_SERIALIZE_KHR, COPY_ACCELERATION_STRUCTURE_MODE_DESERIALIZE_KHR, BuildAccelerationStructureModeKHR, BUILD_ACCELERATION_STRUCTURE_MODE_BUILD_KHR, BUILD_ACCELERATION_STRUCTURE_MODE_UPDATE_KHR, AccelerationStructureTypeKHR, ACCELERATION_STRUCTURE_TYPE_TOP_LEVEL_KHR, ACCELERATION_STRUCTURE_TYPE_BOTTOM_LEVEL_KHR, ACCELERATION_STRUCTURE_TYPE_GENERIC_KHR, GeometryTypeKHR, GEOMETRY_TYPE_TRIANGLES_KHR, GEOMETRY_TYPE_AABBS_KHR, GEOMETRY_TYPE_INSTANCES_KHR, AccelerationStructureMemoryRequirementsTypeNV, ACCELERATION_STRUCTURE_MEMORY_REQUIREMENTS_TYPE_OBJECT_NV, ACCELERATION_STRUCTURE_MEMORY_REQUIREMENTS_TYPE_BUILD_SCRATCH_NV, ACCELERATION_STRUCTURE_MEMORY_REQUIREMENTS_TYPE_UPDATE_SCRATCH_NV, AccelerationStructureBuildTypeKHR, ACCELERATION_STRUCTURE_BUILD_TYPE_HOST_KHR, ACCELERATION_STRUCTURE_BUILD_TYPE_DEVICE_KHR, ACCELERATION_STRUCTURE_BUILD_TYPE_HOST_OR_DEVICE_KHR, RayTracingShaderGroupTypeKHR, RAY_TRACING_SHADER_GROUP_TYPE_GENERAL_KHR, RAY_TRACING_SHADER_GROUP_TYPE_TRIANGLES_HIT_GROUP_KHR, RAY_TRACING_SHADER_GROUP_TYPE_PROCEDURAL_HIT_GROUP_KHR, AccelerationStructureCompatibilityKHR, ACCELERATION_STRUCTURE_COMPATIBILITY_COMPATIBLE_KHR, ACCELERATION_STRUCTURE_COMPATIBILITY_INCOMPATIBLE_KHR, ShaderGroupShaderKHR, SHADER_GROUP_SHADER_GENERAL_KHR, SHADER_GROUP_SHADER_CLOSEST_HIT_KHR, SHADER_GROUP_SHADER_ANY_HIT_KHR, SHADER_GROUP_SHADER_INTERSECTION_KHR, MemoryOverallocationBehaviorAMD, MEMORY_OVERALLOCATION_BEHAVIOR_DEFAULT_AMD, MEMORY_OVERALLOCATION_BEHAVIOR_ALLOWED_AMD, MEMORY_OVERALLOCATION_BEHAVIOR_DISALLOWED_AMD, ScopeNV, SCOPE_DEVICE_NV, SCOPE_WORKGROUP_NV, SCOPE_SUBGROUP_NV, SCOPE_QUEUE_FAMILY_NV, ComponentTypeNV, COMPONENT_TYPE_FLOAT16_NV, COMPONENT_TYPE_FLOAT32_NV, COMPONENT_TYPE_FLOAT64_NV, COMPONENT_TYPE_SINT8_NV, COMPONENT_TYPE_SINT16_NV, COMPONENT_TYPE_SINT32_NV, COMPONENT_TYPE_SINT64_NV, COMPONENT_TYPE_UINT8_NV, COMPONENT_TYPE_UINT16_NV, COMPONENT_TYPE_UINT32_NV, COMPONENT_TYPE_UINT64_NV, PerformanceCounterScopeKHR, PERFORMANCE_COUNTER_SCOPE_COMMAND_BUFFER_KHR, PERFORMANCE_COUNTER_SCOPE_RENDER_PASS_KHR, PERFORMANCE_COUNTER_SCOPE_COMMAND_KHR, PerformanceCounterUnitKHR, PERFORMANCE_COUNTER_UNIT_GENERIC_KHR, PERFORMANCE_COUNTER_UNIT_PERCENTAGE_KHR, PERFORMANCE_COUNTER_UNIT_NANOSECONDS_KHR, PERFORMANCE_COUNTER_UNIT_BYTES_KHR, PERFORMANCE_COUNTER_UNIT_BYTES_PER_SECOND_KHR, PERFORMANCE_COUNTER_UNIT_KELVIN_KHR, PERFORMANCE_COUNTER_UNIT_WATTS_KHR, PERFORMANCE_COUNTER_UNIT_VOLTS_KHR, PERFORMANCE_COUNTER_UNIT_AMPS_KHR, PERFORMANCE_COUNTER_UNIT_HERTZ_KHR, PERFORMANCE_COUNTER_UNIT_CYCLES_KHR, PerformanceCounterStorageKHR, PERFORMANCE_COUNTER_STORAGE_INT32_KHR, PERFORMANCE_COUNTER_STORAGE_INT64_KHR, PERFORMANCE_COUNTER_STORAGE_UINT32_KHR, PERFORMANCE_COUNTER_STORAGE_UINT64_KHR, PERFORMANCE_COUNTER_STORAGE_FLOAT32_KHR, PERFORMANCE_COUNTER_STORAGE_FLOAT64_KHR, PerformanceConfigurationTypeINTEL, PERFORMANCE_CONFIGURATION_TYPE_COMMAND_QUEUE_METRICS_DISCOVERY_ACTIVATED_INTEL, QueryPoolSamplingModeINTEL, QUERY_POOL_SAMPLING_MODE_MANUAL_INTEL, PerformanceOverrideTypeINTEL, PERFORMANCE_OVERRIDE_TYPE_NULL_HARDWARE_INTEL, PERFORMANCE_OVERRIDE_TYPE_FLUSH_GPU_CACHES_INTEL, PerformanceParameterTypeINTEL, PERFORMANCE_PARAMETER_TYPE_HW_COUNTERS_SUPPORTED_INTEL, PERFORMANCE_PARAMETER_TYPE_STREAM_MARKER_VALID_BITS_INTEL, PerformanceValueTypeINTEL, PERFORMANCE_VALUE_TYPE_UINT32_INTEL, PERFORMANCE_VALUE_TYPE_UINT64_INTEL, PERFORMANCE_VALUE_TYPE_FLOAT_INTEL, PERFORMANCE_VALUE_TYPE_BOOL_INTEL, PERFORMANCE_VALUE_TYPE_STRING_INTEL, ShaderFloatControlsIndependence, SHADER_FLOAT_CONTROLS_INDEPENDENCE_32_BIT_ONLY, SHADER_FLOAT_CONTROLS_INDEPENDENCE_ALL, SHADER_FLOAT_CONTROLS_INDEPENDENCE_NONE, PipelineExecutableStatisticFormatKHR, PIPELINE_EXECUTABLE_STATISTIC_FORMAT_BOOL32_KHR, PIPELINE_EXECUTABLE_STATISTIC_FORMAT_INT64_KHR, PIPELINE_EXECUTABLE_STATISTIC_FORMAT_UINT64_KHR, PIPELINE_EXECUTABLE_STATISTIC_FORMAT_FLOAT64_KHR, LineRasterizationModeEXT, LINE_RASTERIZATION_MODE_DEFAULT_EXT, LINE_RASTERIZATION_MODE_RECTANGULAR_EXT, LINE_RASTERIZATION_MODE_BRESENHAM_EXT, LINE_RASTERIZATION_MODE_RECTANGULAR_SMOOTH_EXT, FragmentShadingRateCombinerOpKHR, FRAGMENT_SHADING_RATE_COMBINER_OP_KEEP_KHR, FRAGMENT_SHADING_RATE_COMBINER_OP_REPLACE_KHR, FRAGMENT_SHADING_RATE_COMBINER_OP_MIN_KHR, FRAGMENT_SHADING_RATE_COMBINER_OP_MAX_KHR, FRAGMENT_SHADING_RATE_COMBINER_OP_MUL_KHR, FragmentShadingRateNV, FRAGMENT_SHADING_RATE_1_INVOCATION_PER_PIXEL_NV, FRAGMENT_SHADING_RATE_1_INVOCATION_PER_1X2_PIXELS_NV, FRAGMENT_SHADING_RATE_1_INVOCATION_PER_2X1_PIXELS_NV, FRAGMENT_SHADING_RATE_1_INVOCATION_PER_2X2_PIXELS_NV, FRAGMENT_SHADING_RATE_1_INVOCATION_PER_2X4_PIXELS_NV, FRAGMENT_SHADING_RATE_1_INVOCATION_PER_4X2_PIXELS_NV, FRAGMENT_SHADING_RATE_1_INVOCATION_PER_4X4_PIXELS_NV, FRAGMENT_SHADING_RATE_2_INVOCATIONS_PER_PIXEL_NV, FRAGMENT_SHADING_RATE_4_INVOCATIONS_PER_PIXEL_NV, FRAGMENT_SHADING_RATE_8_INVOCATIONS_PER_PIXEL_NV, FRAGMENT_SHADING_RATE_16_INVOCATIONS_PER_PIXEL_NV, FRAGMENT_SHADING_RATE_NO_INVOCATIONS_NV, FragmentShadingRateTypeNV, FRAGMENT_SHADING_RATE_TYPE_FRAGMENT_SIZE_NV, FRAGMENT_SHADING_RATE_TYPE_ENUMS_NV, SubpassMergeStatusEXT, SUBPASS_MERGE_STATUS_MERGED_EXT, SUBPASS_MERGE_STATUS_DISALLOWED_EXT, SUBPASS_MERGE_STATUS_NOT_MERGED_SIDE_EFFECTS_EXT, SUBPASS_MERGE_STATUS_NOT_MERGED_SAMPLES_MISMATCH_EXT, SUBPASS_MERGE_STATUS_NOT_MERGED_VIEWS_MISMATCH_EXT, SUBPASS_MERGE_STATUS_NOT_MERGED_ALIASING_EXT, SUBPASS_MERGE_STATUS_NOT_MERGED_DEPENDENCIES_EXT, SUBPASS_MERGE_STATUS_NOT_MERGED_INCOMPATIBLE_INPUT_ATTACHMENT_EXT, SUBPASS_MERGE_STATUS_NOT_MERGED_TOO_MANY_ATTACHMENTS_EXT, SUBPASS_MERGE_STATUS_NOT_MERGED_INSUFFICIENT_STORAGE_EXT, SUBPASS_MERGE_STATUS_NOT_MERGED_DEPTH_STENCIL_COUNT_EXT, SUBPASS_MERGE_STATUS_NOT_MERGED_RESOLVE_ATTACHMENT_REUSE_EXT, SUBPASS_MERGE_STATUS_NOT_MERGED_SINGLE_SUBPASS_EXT, SUBPASS_MERGE_STATUS_NOT_MERGED_UNSPECIFIED_EXT, ProvokingVertexModeEXT, PROVOKING_VERTEX_MODE_FIRST_VERTEX_EXT, PROVOKING_VERTEX_MODE_LAST_VERTEX_EXT, AccelerationStructureMotionInstanceTypeNV, ACCELERATION_STRUCTURE_MOTION_INSTANCE_TYPE_STATIC_NV, ACCELERATION_STRUCTURE_MOTION_INSTANCE_TYPE_MATRIX_MOTION_NV, ACCELERATION_STRUCTURE_MOTION_INSTANCE_TYPE_SRT_MOTION_NV, DeviceAddressBindingTypeEXT, DEVICE_ADDRESS_BINDING_TYPE_BIND_EXT, DEVICE_ADDRESS_BINDING_TYPE_UNBIND_EXT, QueryResultStatusKHR, QUERY_RESULT_STATUS_ERROR_KHR, QUERY_RESULT_STATUS_NOT_READY_KHR, QUERY_RESULT_STATUS_COMPLETE_KHR, PipelineRobustnessBufferBehaviorEXT, PIPELINE_ROBUSTNESS_BUFFER_BEHAVIOR_DEVICE_DEFAULT_EXT, PIPELINE_ROBUSTNESS_BUFFER_BEHAVIOR_DISABLED_EXT, PIPELINE_ROBUSTNESS_BUFFER_BEHAVIOR_ROBUST_BUFFER_ACCESS_EXT, PIPELINE_ROBUSTNESS_BUFFER_BEHAVIOR_ROBUST_BUFFER_ACCESS_2_EXT, PipelineRobustnessImageBehaviorEXT, PIPELINE_ROBUSTNESS_IMAGE_BEHAVIOR_DEVICE_DEFAULT_EXT, PIPELINE_ROBUSTNESS_IMAGE_BEHAVIOR_DISABLED_EXT, PIPELINE_ROBUSTNESS_IMAGE_BEHAVIOR_ROBUST_IMAGE_ACCESS_EXT, PIPELINE_ROBUSTNESS_IMAGE_BEHAVIOR_ROBUST_IMAGE_ACCESS_2_EXT, OpticalFlowPerformanceLevelNV, OPTICAL_FLOW_PERFORMANCE_LEVEL_UNKNOWN_NV, OPTICAL_FLOW_PERFORMANCE_LEVEL_SLOW_NV, OPTICAL_FLOW_PERFORMANCE_LEVEL_MEDIUM_NV, OPTICAL_FLOW_PERFORMANCE_LEVEL_FAST_NV, OpticalFlowSessionBindingPointNV, OPTICAL_FLOW_SESSION_BINDING_POINT_UNKNOWN_NV, OPTICAL_FLOW_SESSION_BINDING_POINT_INPUT_NV, OPTICAL_FLOW_SESSION_BINDING_POINT_REFERENCE_NV, OPTICAL_FLOW_SESSION_BINDING_POINT_HINT_NV, OPTICAL_FLOW_SESSION_BINDING_POINT_FLOW_VECTOR_NV, OPTICAL_FLOW_SESSION_BINDING_POINT_BACKWARD_FLOW_VECTOR_NV, OPTICAL_FLOW_SESSION_BINDING_POINT_COST_NV, OPTICAL_FLOW_SESSION_BINDING_POINT_BACKWARD_COST_NV, OPTICAL_FLOW_SESSION_BINDING_POINT_GLOBAL_FLOW_NV, MicromapTypeEXT, MICROMAP_TYPE_OPACITY_MICROMAP_EXT, CopyMicromapModeEXT, COPY_MICROMAP_MODE_CLONE_EXT, COPY_MICROMAP_MODE_SERIALIZE_EXT, COPY_MICROMAP_MODE_DESERIALIZE_EXT, COPY_MICROMAP_MODE_COMPACT_EXT, BuildMicromapModeEXT, BUILD_MICROMAP_MODE_BUILD_EXT, OpacityMicromapFormatEXT, OPACITY_MICROMAP_FORMAT_2_STATE_EXT, OPACITY_MICROMAP_FORMAT_4_STATE_EXT, OpacityMicromapSpecialIndexEXT, OPACITY_MICROMAP_SPECIAL_INDEX_FULLY_TRANSPARENT_EXT, OPACITY_MICROMAP_SPECIAL_INDEX_FULLY_OPAQUE_EXT, OPACITY_MICROMAP_SPECIAL_INDEX_FULLY_UNKNOWN_TRANSPARENT_EXT, OPACITY_MICROMAP_SPECIAL_INDEX_FULLY_UNKNOWN_OPAQUE_EXT, DeviceFaultAddressTypeEXT, DEVICE_FAULT_ADDRESS_TYPE_NONE_EXT, DEVICE_FAULT_ADDRESS_TYPE_READ_INVALID_EXT, DEVICE_FAULT_ADDRESS_TYPE_WRITE_INVALID_EXT, DEVICE_FAULT_ADDRESS_TYPE_EXECUTE_INVALID_EXT, DEVICE_FAULT_ADDRESS_TYPE_INSTRUCTION_POINTER_UNKNOWN_EXT, DEVICE_FAULT_ADDRESS_TYPE_INSTRUCTION_POINTER_INVALID_EXT, DEVICE_FAULT_ADDRESS_TYPE_INSTRUCTION_POINTER_FAULT_EXT, DeviceFaultVendorBinaryHeaderVersionEXT, DEVICE_FAULT_VENDOR_BINARY_HEADER_VERSION_ONE_EXT, PipelineCacheCreateFlag, PIPELINE_CACHE_CREATE_EXTERNALLY_SYNCHRONIZED_BIT, QueueFlag, QUEUE_GRAPHICS_BIT, QUEUE_COMPUTE_BIT, QUEUE_TRANSFER_BIT, QUEUE_SPARSE_BINDING_BIT, QUEUE_PROTECTED_BIT, QUEUE_VIDEO_DECODE_BIT_KHR, QUEUE_VIDEO_ENCODE_BIT_KHR, QUEUE_OPTICAL_FLOW_BIT_NV, CullModeFlag, CULL_MODE_FRONT_BIT, CULL_MODE_BACK_BIT, CULL_MODE_NONE, CULL_MODE_FRONT_AND_BACK, RenderPassCreateFlag, RENDER_PASS_CREATE_TRANSFORM_BIT_QCOM, DeviceQueueCreateFlag, DEVICE_QUEUE_CREATE_PROTECTED_BIT, MemoryPropertyFlag, MEMORY_PROPERTY_DEVICE_LOCAL_BIT, MEMORY_PROPERTY_HOST_VISIBLE_BIT, MEMORY_PROPERTY_HOST_COHERENT_BIT, MEMORY_PROPERTY_HOST_CACHED_BIT, MEMORY_PROPERTY_LAZILY_ALLOCATED_BIT, MEMORY_PROPERTY_PROTECTED_BIT, MEMORY_PROPERTY_DEVICE_COHERENT_BIT_AMD, MEMORY_PROPERTY_DEVICE_UNCACHED_BIT_AMD, MEMORY_PROPERTY_RDMA_CAPABLE_BIT_NV, MemoryHeapFlag, MEMORY_HEAP_DEVICE_LOCAL_BIT, MEMORY_HEAP_MULTI_INSTANCE_BIT, AccessFlag, ACCESS_INDIRECT_COMMAND_READ_BIT, ACCESS_INDEX_READ_BIT, ACCESS_VERTEX_ATTRIBUTE_READ_BIT, ACCESS_UNIFORM_READ_BIT, ACCESS_INPUT_ATTACHMENT_READ_BIT, ACCESS_SHADER_READ_BIT, ACCESS_SHADER_WRITE_BIT, ACCESS_COLOR_ATTACHMENT_READ_BIT, ACCESS_COLOR_ATTACHMENT_WRITE_BIT, ACCESS_DEPTH_STENCIL_ATTACHMENT_READ_BIT, ACCESS_DEPTH_STENCIL_ATTACHMENT_WRITE_BIT, ACCESS_TRANSFER_READ_BIT, ACCESS_TRANSFER_WRITE_BIT, ACCESS_HOST_READ_BIT, ACCESS_HOST_WRITE_BIT, ACCESS_MEMORY_READ_BIT, ACCESS_MEMORY_WRITE_BIT, ACCESS_TRANSFORM_FEEDBACK_WRITE_BIT_EXT, ACCESS_TRANSFORM_FEEDBACK_COUNTER_READ_BIT_EXT, ACCESS_TRANSFORM_FEEDBACK_COUNTER_WRITE_BIT_EXT, ACCESS_CONDITIONAL_RENDERING_READ_BIT_EXT, ACCESS_COLOR_ATTACHMENT_READ_NONCOHERENT_BIT_EXT, ACCESS_ACCELERATION_STRUCTURE_READ_BIT_KHR, ACCESS_ACCELERATION_STRUCTURE_WRITE_BIT_KHR, ACCESS_FRAGMENT_DENSITY_MAP_READ_BIT_EXT, ACCESS_FRAGMENT_SHADING_RATE_ATTACHMENT_READ_BIT_KHR, ACCESS_COMMAND_PREPROCESS_READ_BIT_NV, ACCESS_COMMAND_PREPROCESS_WRITE_BIT_NV, ACCESS_NONE, BufferUsageFlag, BUFFER_USAGE_TRANSFER_SRC_BIT, BUFFER_USAGE_TRANSFER_DST_BIT, BUFFER_USAGE_UNIFORM_TEXEL_BUFFER_BIT, BUFFER_USAGE_STORAGE_TEXEL_BUFFER_BIT, BUFFER_USAGE_UNIFORM_BUFFER_BIT, BUFFER_USAGE_STORAGE_BUFFER_BIT, BUFFER_USAGE_INDEX_BUFFER_BIT, BUFFER_USAGE_VERTEX_BUFFER_BIT, BUFFER_USAGE_INDIRECT_BUFFER_BIT, BUFFER_USAGE_SHADER_DEVICE_ADDRESS_BIT, BUFFER_USAGE_VIDEO_DECODE_SRC_BIT_KHR, BUFFER_USAGE_VIDEO_DECODE_DST_BIT_KHR, BUFFER_USAGE_TRANSFORM_FEEDBACK_BUFFER_BIT_EXT, BUFFER_USAGE_TRANSFORM_FEEDBACK_COUNTER_BUFFER_BIT_EXT, BUFFER_USAGE_CONDITIONAL_RENDERING_BIT_EXT, BUFFER_USAGE_ACCELERATION_STRUCTURE_BUILD_INPUT_READ_ONLY_BIT_KHR, BUFFER_USAGE_ACCELERATION_STRUCTURE_STORAGE_BIT_KHR, BUFFER_USAGE_SHADER_BINDING_TABLE_BIT_KHR, BUFFER_USAGE_VIDEO_ENCODE_DST_BIT_KHR, BUFFER_USAGE_VIDEO_ENCODE_SRC_BIT_KHR, BUFFER_USAGE_SAMPLER_DESCRIPTOR_BUFFER_BIT_EXT, BUFFER_USAGE_RESOURCE_DESCRIPTOR_BUFFER_BIT_EXT, BUFFER_USAGE_PUSH_DESCRIPTORS_DESCRIPTOR_BUFFER_BIT_EXT, BUFFER_USAGE_MICROMAP_BUILD_INPUT_READ_ONLY_BIT_EXT, BUFFER_USAGE_MICROMAP_STORAGE_BIT_EXT, BufferCreateFlag, BUFFER_CREATE_SPARSE_BINDING_BIT, BUFFER_CREATE_SPARSE_RESIDENCY_BIT, BUFFER_CREATE_SPARSE_ALIASED_BIT, BUFFER_CREATE_PROTECTED_BIT, BUFFER_CREATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT, BUFFER_CREATE_DESCRIPTOR_BUFFER_CAPTURE_REPLAY_BIT_EXT, ShaderStageFlag, SHADER_STAGE_VERTEX_BIT, SHADER_STAGE_TESSELLATION_CONTROL_BIT, SHADER_STAGE_TESSELLATION_EVALUATION_BIT, SHADER_STAGE_GEOMETRY_BIT, SHADER_STAGE_FRAGMENT_BIT, SHADER_STAGE_COMPUTE_BIT, SHADER_STAGE_RAYGEN_BIT_KHR, SHADER_STAGE_ANY_HIT_BIT_KHR, SHADER_STAGE_CLOSEST_HIT_BIT_KHR, SHADER_STAGE_MISS_BIT_KHR, SHADER_STAGE_INTERSECTION_BIT_KHR, SHADER_STAGE_CALLABLE_BIT_KHR, SHADER_STAGE_TASK_BIT_EXT, SHADER_STAGE_MESH_BIT_EXT, SHADER_STAGE_SUBPASS_SHADING_BIT_HUAWEI, SHADER_STAGE_CLUSTER_CULLING_BIT_HUAWEI, SHADER_STAGE_ALL_GRAPHICS, SHADER_STAGE_ALL, ImageUsageFlag, IMAGE_USAGE_TRANSFER_SRC_BIT, IMAGE_USAGE_TRANSFER_DST_BIT, IMAGE_USAGE_SAMPLED_BIT, IMAGE_USAGE_STORAGE_BIT, IMAGE_USAGE_COLOR_ATTACHMENT_BIT, IMAGE_USAGE_DEPTH_STENCIL_ATTACHMENT_BIT, IMAGE_USAGE_TRANSIENT_ATTACHMENT_BIT, IMAGE_USAGE_INPUT_ATTACHMENT_BIT, IMAGE_USAGE_VIDEO_DECODE_DST_BIT_KHR, IMAGE_USAGE_VIDEO_DECODE_SRC_BIT_KHR, IMAGE_USAGE_VIDEO_DECODE_DPB_BIT_KHR, IMAGE_USAGE_FRAGMENT_DENSITY_MAP_BIT_EXT, IMAGE_USAGE_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR, IMAGE_USAGE_VIDEO_ENCODE_DST_BIT_KHR, IMAGE_USAGE_VIDEO_ENCODE_SRC_BIT_KHR, IMAGE_USAGE_VIDEO_ENCODE_DPB_BIT_KHR, IMAGE_USAGE_ATTACHMENT_FEEDBACK_LOOP_BIT_EXT, IMAGE_USAGE_INVOCATION_MASK_BIT_HUAWEI, IMAGE_USAGE_SAMPLE_WEIGHT_BIT_QCOM, IMAGE_USAGE_SAMPLE_BLOCK_MATCH_BIT_QCOM, ImageCreateFlag, IMAGE_CREATE_SPARSE_BINDING_BIT, IMAGE_CREATE_SPARSE_RESIDENCY_BIT, IMAGE_CREATE_SPARSE_ALIASED_BIT, IMAGE_CREATE_MUTABLE_FORMAT_BIT, IMAGE_CREATE_CUBE_COMPATIBLE_BIT, IMAGE_CREATE_ALIAS_BIT, IMAGE_CREATE_SPLIT_INSTANCE_BIND_REGIONS_BIT, IMAGE_CREATE_2D_ARRAY_COMPATIBLE_BIT, IMAGE_CREATE_BLOCK_TEXEL_VIEW_COMPATIBLE_BIT, IMAGE_CREATE_EXTENDED_USAGE_BIT, IMAGE_CREATE_PROTECTED_BIT, IMAGE_CREATE_DISJOINT_BIT, IMAGE_CREATE_CORNER_SAMPLED_BIT_NV, IMAGE_CREATE_SAMPLE_LOCATIONS_COMPATIBLE_DEPTH_BIT_EXT, IMAGE_CREATE_SUBSAMPLED_BIT_EXT, IMAGE_CREATE_DESCRIPTOR_BUFFER_CAPTURE_REPLAY_BIT_EXT, IMAGE_CREATE_MULTISAMPLED_RENDER_TO_SINGLE_SAMPLED_BIT_EXT, IMAGE_CREATE_2D_VIEW_COMPATIBLE_BIT_EXT, IMAGE_CREATE_FRAGMENT_DENSITY_MAP_OFFSET_BIT_QCOM, ImageViewCreateFlag, IMAGE_VIEW_CREATE_FRAGMENT_DENSITY_MAP_DYNAMIC_BIT_EXT, IMAGE_VIEW_CREATE_DESCRIPTOR_BUFFER_CAPTURE_REPLAY_BIT_EXT, IMAGE_VIEW_CREATE_FRAGMENT_DENSITY_MAP_DEFERRED_BIT_EXT, SamplerCreateFlag, SAMPLER_CREATE_SUBSAMPLED_BIT_EXT, SAMPLER_CREATE_SUBSAMPLED_COARSE_RECONSTRUCTION_BIT_EXT, SAMPLER_CREATE_DESCRIPTOR_BUFFER_CAPTURE_REPLAY_BIT_EXT, SAMPLER_CREATE_NON_SEAMLESS_CUBE_MAP_BIT_EXT, SAMPLER_CREATE_IMAGE_PROCESSING_BIT_QCOM, PipelineCreateFlag, PIPELINE_CREATE_DISABLE_OPTIMIZATION_BIT, PIPELINE_CREATE_ALLOW_DERIVATIVES_BIT, PIPELINE_CREATE_DERIVATIVE_BIT, PIPELINE_CREATE_VIEW_INDEX_FROM_DEVICE_INDEX_BIT, PIPELINE_CREATE_DISPATCH_BASE_BIT, PIPELINE_CREATE_FAIL_ON_PIPELINE_COMPILE_REQUIRED_BIT, PIPELINE_CREATE_EARLY_RETURN_ON_FAILURE_BIT, PIPELINE_CREATE_RENDERING_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR, PIPELINE_CREATE_RENDERING_FRAGMENT_DENSITY_MAP_ATTACHMENT_BIT_EXT, PIPELINE_CREATE_RAY_TRACING_NO_NULL_ANY_HIT_SHADERS_BIT_KHR, PIPELINE_CREATE_RAY_TRACING_NO_NULL_CLOSEST_HIT_SHADERS_BIT_KHR, PIPELINE_CREATE_RAY_TRACING_NO_NULL_MISS_SHADERS_BIT_KHR, PIPELINE_CREATE_RAY_TRACING_NO_NULL_INTERSECTION_SHADERS_BIT_KHR, PIPELINE_CREATE_RAY_TRACING_SKIP_TRIANGLES_BIT_KHR, PIPELINE_CREATE_RAY_TRACING_SKIP_AABBS_BIT_KHR, PIPELINE_CREATE_RAY_TRACING_SHADER_GROUP_HANDLE_CAPTURE_REPLAY_BIT_KHR, PIPELINE_CREATE_DEFER_COMPILE_BIT_NV, PIPELINE_CREATE_CAPTURE_STATISTICS_BIT_KHR, PIPELINE_CREATE_CAPTURE_INTERNAL_REPRESENTATIONS_BIT_KHR, PIPELINE_CREATE_INDIRECT_BINDABLE_BIT_NV, PIPELINE_CREATE_LIBRARY_BIT_KHR, PIPELINE_CREATE_DESCRIPTOR_BUFFER_BIT_EXT, PIPELINE_CREATE_RETAIN_LINK_TIME_OPTIMIZATION_INFO_BIT_EXT, PIPELINE_CREATE_LINK_TIME_OPTIMIZATION_BIT_EXT, PIPELINE_CREATE_RAY_TRACING_ALLOW_MOTION_BIT_NV, PIPELINE_CREATE_COLOR_ATTACHMENT_FEEDBACK_LOOP_BIT_EXT, PIPELINE_CREATE_DEPTH_STENCIL_ATTACHMENT_FEEDBACK_LOOP_BIT_EXT, PIPELINE_CREATE_RAY_TRACING_OPACITY_MICROMAP_BIT_EXT, PIPELINE_CREATE_NO_PROTECTED_ACCESS_BIT_EXT, PIPELINE_CREATE_PROTECTED_ACCESS_ONLY_BIT_EXT, PipelineShaderStageCreateFlag, PIPELINE_SHADER_STAGE_CREATE_ALLOW_VARYING_SUBGROUP_SIZE_BIT, PIPELINE_SHADER_STAGE_CREATE_REQUIRE_FULL_SUBGROUPS_BIT, ColorComponentFlag, COLOR_COMPONENT_R_BIT, COLOR_COMPONENT_G_BIT, COLOR_COMPONENT_B_BIT, COLOR_COMPONENT_A_BIT, FenceCreateFlag, FENCE_CREATE_SIGNALED_BIT, SemaphoreCreateFlag, FormatFeatureFlag, FORMAT_FEATURE_SAMPLED_IMAGE_BIT, FORMAT_FEATURE_STORAGE_IMAGE_BIT, FORMAT_FEATURE_STORAGE_IMAGE_ATOMIC_BIT, FORMAT_FEATURE_UNIFORM_TEXEL_BUFFER_BIT, FORMAT_FEATURE_STORAGE_TEXEL_BUFFER_BIT, FORMAT_FEATURE_STORAGE_TEXEL_BUFFER_ATOMIC_BIT, FORMAT_FEATURE_VERTEX_BUFFER_BIT, FORMAT_FEATURE_COLOR_ATTACHMENT_BIT, FORMAT_FEATURE_COLOR_ATTACHMENT_BLEND_BIT, FORMAT_FEATURE_DEPTH_STENCIL_ATTACHMENT_BIT, FORMAT_FEATURE_BLIT_SRC_BIT, FORMAT_FEATURE_BLIT_DST_BIT, FORMAT_FEATURE_SAMPLED_IMAGE_FILTER_LINEAR_BIT, FORMAT_FEATURE_TRANSFER_SRC_BIT, FORMAT_FEATURE_TRANSFER_DST_BIT, FORMAT_FEATURE_MIDPOINT_CHROMA_SAMPLES_BIT, FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_LINEAR_FILTER_BIT, FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_SEPARATE_RECONSTRUCTION_FILTER_BIT, FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_BIT, FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_FORCEABLE_BIT, FORMAT_FEATURE_DISJOINT_BIT, FORMAT_FEATURE_COSITED_CHROMA_SAMPLES_BIT, FORMAT_FEATURE_SAMPLED_IMAGE_FILTER_MINMAX_BIT, FORMAT_FEATURE_VIDEO_DECODE_OUTPUT_BIT_KHR, FORMAT_FEATURE_VIDEO_DECODE_DPB_BIT_KHR, FORMAT_FEATURE_ACCELERATION_STRUCTURE_VERTEX_BUFFER_BIT_KHR, FORMAT_FEATURE_SAMPLED_IMAGE_FILTER_CUBIC_BIT_EXT, FORMAT_FEATURE_FRAGMENT_DENSITY_MAP_BIT_EXT, FORMAT_FEATURE_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR, FORMAT_FEATURE_VIDEO_ENCODE_INPUT_BIT_KHR, FORMAT_FEATURE_VIDEO_ENCODE_DPB_BIT_KHR, QueryControlFlag, QUERY_CONTROL_PRECISE_BIT, QueryResultFlag, QUERY_RESULT_64_BIT, QUERY_RESULT_WAIT_BIT, QUERY_RESULT_WITH_AVAILABILITY_BIT, QUERY_RESULT_PARTIAL_BIT, QUERY_RESULT_WITH_STATUS_BIT_KHR, CommandBufferUsageFlag, COMMAND_BUFFER_USAGE_ONE_TIME_SUBMIT_BIT, COMMAND_BUFFER_USAGE_RENDER_PASS_CONTINUE_BIT, COMMAND_BUFFER_USAGE_SIMULTANEOUS_USE_BIT, QueryPipelineStatisticFlag, QUERY_PIPELINE_STATISTIC_INPUT_ASSEMBLY_VERTICES_BIT, QUERY_PIPELINE_STATISTIC_INPUT_ASSEMBLY_PRIMITIVES_BIT, QUERY_PIPELINE_STATISTIC_VERTEX_SHADER_INVOCATIONS_BIT, QUERY_PIPELINE_STATISTIC_GEOMETRY_SHADER_INVOCATIONS_BIT, QUERY_PIPELINE_STATISTIC_GEOMETRY_SHADER_PRIMITIVES_BIT, QUERY_PIPELINE_STATISTIC_CLIPPING_INVOCATIONS_BIT, QUERY_PIPELINE_STATISTIC_CLIPPING_PRIMITIVES_BIT, QUERY_PIPELINE_STATISTIC_FRAGMENT_SHADER_INVOCATIONS_BIT, QUERY_PIPELINE_STATISTIC_TESSELLATION_CONTROL_SHADER_PATCHES_BIT, QUERY_PIPELINE_STATISTIC_TESSELLATION_EVALUATION_SHADER_INVOCATIONS_BIT, QUERY_PIPELINE_STATISTIC_COMPUTE_SHADER_INVOCATIONS_BIT, QUERY_PIPELINE_STATISTIC_TASK_SHADER_INVOCATIONS_BIT_EXT, QUERY_PIPELINE_STATISTIC_MESH_SHADER_INVOCATIONS_BIT_EXT, QUERY_PIPELINE_STATISTIC_CLUSTER_CULLING_SHADER_INVOCATIONS_BIT_HUAWEI, ImageAspectFlag, IMAGE_ASPECT_COLOR_BIT, IMAGE_ASPECT_DEPTH_BIT, IMAGE_ASPECT_STENCIL_BIT, IMAGE_ASPECT_METADATA_BIT, IMAGE_ASPECT_PLANE_0_BIT, IMAGE_ASPECT_PLANE_1_BIT, IMAGE_ASPECT_PLANE_2_BIT, IMAGE_ASPECT_MEMORY_PLANE_0_BIT_EXT, IMAGE_ASPECT_MEMORY_PLANE_1_BIT_EXT, IMAGE_ASPECT_MEMORY_PLANE_2_BIT_EXT, IMAGE_ASPECT_MEMORY_PLANE_3_BIT_EXT, IMAGE_ASPECT_NONE, SparseImageFormatFlag, SPARSE_IMAGE_FORMAT_SINGLE_MIPTAIL_BIT, SPARSE_IMAGE_FORMAT_ALIGNED_MIP_SIZE_BIT, SPARSE_IMAGE_FORMAT_NONSTANDARD_BLOCK_SIZE_BIT, SparseMemoryBindFlag, SPARSE_MEMORY_BIND_METADATA_BIT, PipelineStageFlag, PIPELINE_STAGE_TOP_OF_PIPE_BIT, PIPELINE_STAGE_DRAW_INDIRECT_BIT, PIPELINE_STAGE_VERTEX_INPUT_BIT, PIPELINE_STAGE_VERTEX_SHADER_BIT, PIPELINE_STAGE_TESSELLATION_CONTROL_SHADER_BIT, PIPELINE_STAGE_TESSELLATION_EVALUATION_SHADER_BIT, PIPELINE_STAGE_GEOMETRY_SHADER_BIT, PIPELINE_STAGE_FRAGMENT_SHADER_BIT, PIPELINE_STAGE_EARLY_FRAGMENT_TESTS_BIT, PIPELINE_STAGE_LATE_FRAGMENT_TESTS_BIT, PIPELINE_STAGE_COLOR_ATTACHMENT_OUTPUT_BIT, PIPELINE_STAGE_COMPUTE_SHADER_BIT, PIPELINE_STAGE_TRANSFER_BIT, PIPELINE_STAGE_BOTTOM_OF_PIPE_BIT, PIPELINE_STAGE_HOST_BIT, PIPELINE_STAGE_ALL_GRAPHICS_BIT, PIPELINE_STAGE_ALL_COMMANDS_BIT, PIPELINE_STAGE_TRANSFORM_FEEDBACK_BIT_EXT, PIPELINE_STAGE_CONDITIONAL_RENDERING_BIT_EXT, PIPELINE_STAGE_ACCELERATION_STRUCTURE_BUILD_BIT_KHR, PIPELINE_STAGE_RAY_TRACING_SHADER_BIT_KHR, PIPELINE_STAGE_FRAGMENT_DENSITY_PROCESS_BIT_EXT, PIPELINE_STAGE_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR, PIPELINE_STAGE_COMMAND_PREPROCESS_BIT_NV, PIPELINE_STAGE_TASK_SHADER_BIT_EXT, PIPELINE_STAGE_MESH_SHADER_BIT_EXT, PIPELINE_STAGE_NONE, CommandPoolCreateFlag, COMMAND_POOL_CREATE_TRANSIENT_BIT, COMMAND_POOL_CREATE_RESET_COMMAND_BUFFER_BIT, COMMAND_POOL_CREATE_PROTECTED_BIT, CommandPoolResetFlag, COMMAND_POOL_RESET_RELEASE_RESOURCES_BIT, CommandBufferResetFlag, COMMAND_BUFFER_RESET_RELEASE_RESOURCES_BIT, SampleCountFlag, SAMPLE_COUNT_1_BIT, SAMPLE_COUNT_2_BIT, SAMPLE_COUNT_4_BIT, SAMPLE_COUNT_8_BIT, SAMPLE_COUNT_16_BIT, SAMPLE_COUNT_32_BIT, SAMPLE_COUNT_64_BIT, AttachmentDescriptionFlag, ATTACHMENT_DESCRIPTION_MAY_ALIAS_BIT, StencilFaceFlag, STENCIL_FACE_FRONT_BIT, STENCIL_FACE_BACK_BIT, STENCIL_FACE_FRONT_AND_BACK, DescriptorPoolCreateFlag, DESCRIPTOR_POOL_CREATE_FREE_DESCRIPTOR_SET_BIT, DESCRIPTOR_POOL_CREATE_UPDATE_AFTER_BIND_BIT, DESCRIPTOR_POOL_CREATE_HOST_ONLY_BIT_EXT, DependencyFlag, DEPENDENCY_BY_REGION_BIT, DEPENDENCY_DEVICE_GROUP_BIT, DEPENDENCY_VIEW_LOCAL_BIT, DEPENDENCY_FEEDBACK_LOOP_BIT_EXT, SemaphoreWaitFlag, SEMAPHORE_WAIT_ANY_BIT, DisplayPlaneAlphaFlagKHR, DISPLAY_PLANE_ALPHA_OPAQUE_BIT_KHR, DISPLAY_PLANE_ALPHA_GLOBAL_BIT_KHR, DISPLAY_PLANE_ALPHA_PER_PIXEL_BIT_KHR, DISPLAY_PLANE_ALPHA_PER_PIXEL_PREMULTIPLIED_BIT_KHR, CompositeAlphaFlagKHR, COMPOSITE_ALPHA_OPAQUE_BIT_KHR, COMPOSITE_ALPHA_PRE_MULTIPLIED_BIT_KHR, COMPOSITE_ALPHA_POST_MULTIPLIED_BIT_KHR, COMPOSITE_ALPHA_INHERIT_BIT_KHR, SurfaceTransformFlagKHR, SURFACE_TRANSFORM_IDENTITY_BIT_KHR, SURFACE_TRANSFORM_ROTATE_90_BIT_KHR, SURFACE_TRANSFORM_ROTATE_180_BIT_KHR, SURFACE_TRANSFORM_ROTATE_270_BIT_KHR, SURFACE_TRANSFORM_HORIZONTAL_MIRROR_BIT_KHR, SURFACE_TRANSFORM_HORIZONTAL_MIRROR_ROTATE_90_BIT_KHR, SURFACE_TRANSFORM_HORIZONTAL_MIRROR_ROTATE_180_BIT_KHR, SURFACE_TRANSFORM_HORIZONTAL_MIRROR_ROTATE_270_BIT_KHR, SURFACE_TRANSFORM_INHERIT_BIT_KHR, DebugReportFlagEXT, DEBUG_REPORT_INFORMATION_BIT_EXT, DEBUG_REPORT_WARNING_BIT_EXT, DEBUG_REPORT_PERFORMANCE_WARNING_BIT_EXT, DEBUG_REPORT_ERROR_BIT_EXT, DEBUG_REPORT_DEBUG_BIT_EXT, ExternalMemoryHandleTypeFlagNV, EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_BIT_NV, EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT_NV, EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_IMAGE_BIT_NV, EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_IMAGE_KMT_BIT_NV, ExternalMemoryFeatureFlagNV, EXTERNAL_MEMORY_FEATURE_DEDICATED_ONLY_BIT_NV, EXTERNAL_MEMORY_FEATURE_EXPORTABLE_BIT_NV, EXTERNAL_MEMORY_FEATURE_IMPORTABLE_BIT_NV, SubgroupFeatureFlag, SUBGROUP_FEATURE_BASIC_BIT, SUBGROUP_FEATURE_VOTE_BIT, SUBGROUP_FEATURE_ARITHMETIC_BIT, SUBGROUP_FEATURE_BALLOT_BIT, SUBGROUP_FEATURE_SHUFFLE_BIT, SUBGROUP_FEATURE_SHUFFLE_RELATIVE_BIT, SUBGROUP_FEATURE_CLUSTERED_BIT, SUBGROUP_FEATURE_QUAD_BIT, SUBGROUP_FEATURE_PARTITIONED_BIT_NV, IndirectCommandsLayoutUsageFlagNV, INDIRECT_COMMANDS_LAYOUT_USAGE_EXPLICIT_PREPROCESS_BIT_NV, INDIRECT_COMMANDS_LAYOUT_USAGE_INDEXED_SEQUENCES_BIT_NV, INDIRECT_COMMANDS_LAYOUT_USAGE_UNORDERED_SEQUENCES_BIT_NV, IndirectStateFlagNV, INDIRECT_STATE_FLAG_FRONTFACE_BIT_NV, PrivateDataSlotCreateFlag, DescriptorSetLayoutCreateFlag, DESCRIPTOR_SET_LAYOUT_CREATE_UPDATE_AFTER_BIND_POOL_BIT, DESCRIPTOR_SET_LAYOUT_CREATE_PUSH_DESCRIPTOR_BIT_KHR, DESCRIPTOR_SET_LAYOUT_CREATE_DESCRIPTOR_BUFFER_BIT_EXT, DESCRIPTOR_SET_LAYOUT_CREATE_EMBEDDED_IMMUTABLE_SAMPLERS_BIT_EXT, DESCRIPTOR_SET_LAYOUT_CREATE_HOST_ONLY_POOL_BIT_EXT, ExternalMemoryHandleTypeFlag, EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_FD_BIT, EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_BIT, EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT, EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_TEXTURE_BIT, EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_TEXTURE_KMT_BIT, EXTERNAL_MEMORY_HANDLE_TYPE_D3D12_HEAP_BIT, EXTERNAL_MEMORY_HANDLE_TYPE_D3D12_RESOURCE_BIT, EXTERNAL_MEMORY_HANDLE_TYPE_DMA_BUF_BIT_EXT, EXTERNAL_MEMORY_HANDLE_TYPE_ANDROID_HARDWARE_BUFFER_BIT_ANDROID, EXTERNAL_MEMORY_HANDLE_TYPE_HOST_ALLOCATION_BIT_EXT, EXTERNAL_MEMORY_HANDLE_TYPE_HOST_MAPPED_FOREIGN_MEMORY_BIT_EXT, EXTERNAL_MEMORY_HANDLE_TYPE_ZIRCON_VMO_BIT_FUCHSIA, EXTERNAL_MEMORY_HANDLE_TYPE_RDMA_ADDRESS_BIT_NV, ExternalMemoryFeatureFlag, EXTERNAL_MEMORY_FEATURE_DEDICATED_ONLY_BIT, EXTERNAL_MEMORY_FEATURE_EXPORTABLE_BIT, EXTERNAL_MEMORY_FEATURE_IMPORTABLE_BIT, ExternalSemaphoreHandleTypeFlag, EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_FD_BIT, EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_WIN32_BIT, EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT, EXTERNAL_SEMAPHORE_HANDLE_TYPE_D3D12_FENCE_BIT, EXTERNAL_SEMAPHORE_HANDLE_TYPE_SYNC_FD_BIT, EXTERNAL_SEMAPHORE_HANDLE_TYPE_ZIRCON_EVENT_BIT_FUCHSIA, ExternalSemaphoreFeatureFlag, EXTERNAL_SEMAPHORE_FEATURE_EXPORTABLE_BIT, EXTERNAL_SEMAPHORE_FEATURE_IMPORTABLE_BIT, SemaphoreImportFlag, SEMAPHORE_IMPORT_TEMPORARY_BIT, ExternalFenceHandleTypeFlag, EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_FD_BIT, EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_WIN32_BIT, EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT, EXTERNAL_FENCE_HANDLE_TYPE_SYNC_FD_BIT, ExternalFenceFeatureFlag, EXTERNAL_FENCE_FEATURE_EXPORTABLE_BIT, EXTERNAL_FENCE_FEATURE_IMPORTABLE_BIT, FenceImportFlag, FENCE_IMPORT_TEMPORARY_BIT, SurfaceCounterFlagEXT, SURFACE_COUNTER_VBLANK_BIT_EXT, PeerMemoryFeatureFlag, PEER_MEMORY_FEATURE_COPY_SRC_BIT, PEER_MEMORY_FEATURE_COPY_DST_BIT, PEER_MEMORY_FEATURE_GENERIC_SRC_BIT, PEER_MEMORY_FEATURE_GENERIC_DST_BIT, MemoryAllocateFlag, MEMORY_ALLOCATE_DEVICE_MASK_BIT, MEMORY_ALLOCATE_DEVICE_ADDRESS_BIT, MEMORY_ALLOCATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT, DeviceGroupPresentModeFlagKHR, DEVICE_GROUP_PRESENT_MODE_LOCAL_BIT_KHR, DEVICE_GROUP_PRESENT_MODE_REMOTE_BIT_KHR, DEVICE_GROUP_PRESENT_MODE_SUM_BIT_KHR, DEVICE_GROUP_PRESENT_MODE_LOCAL_MULTI_DEVICE_BIT_KHR, SwapchainCreateFlagKHR, SWAPCHAIN_CREATE_SPLIT_INSTANCE_BIND_REGIONS_BIT_KHR, SWAPCHAIN_CREATE_PROTECTED_BIT_KHR, SWAPCHAIN_CREATE_MUTABLE_FORMAT_BIT_KHR, SWAPCHAIN_CREATE_DEFERRED_MEMORY_ALLOCATION_BIT_EXT, SubpassDescriptionFlag, SUBPASS_DESCRIPTION_PER_VIEW_ATTRIBUTES_BIT_NVX, SUBPASS_DESCRIPTION_PER_VIEW_POSITION_X_ONLY_BIT_NVX, SUBPASS_DESCRIPTION_FRAGMENT_REGION_BIT_QCOM, SUBPASS_DESCRIPTION_SHADER_RESOLVE_BIT_QCOM, SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_COLOR_ACCESS_BIT_EXT, SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_DEPTH_ACCESS_BIT_EXT, SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_STENCIL_ACCESS_BIT_EXT, SUBPASS_DESCRIPTION_ENABLE_LEGACY_DITHERING_BIT_EXT, DebugUtilsMessageSeverityFlagEXT, DEBUG_UTILS_MESSAGE_SEVERITY_VERBOSE_BIT_EXT, DEBUG_UTILS_MESSAGE_SEVERITY_INFO_BIT_EXT, DEBUG_UTILS_MESSAGE_SEVERITY_WARNING_BIT_EXT, DEBUG_UTILS_MESSAGE_SEVERITY_ERROR_BIT_EXT, DebugUtilsMessageTypeFlagEXT, DEBUG_UTILS_MESSAGE_TYPE_GENERAL_BIT_EXT, DEBUG_UTILS_MESSAGE_TYPE_VALIDATION_BIT_EXT, DEBUG_UTILS_MESSAGE_TYPE_PERFORMANCE_BIT_EXT, DEBUG_UTILS_MESSAGE_TYPE_DEVICE_ADDRESS_BINDING_BIT_EXT, DescriptorBindingFlag, DESCRIPTOR_BINDING_UPDATE_AFTER_BIND_BIT, DESCRIPTOR_BINDING_UPDATE_UNUSED_WHILE_PENDING_BIT, DESCRIPTOR_BINDING_PARTIALLY_BOUND_BIT, DESCRIPTOR_BINDING_VARIABLE_DESCRIPTOR_COUNT_BIT, ConditionalRenderingFlagEXT, CONDITIONAL_RENDERING_INVERTED_BIT_EXT, ResolveModeFlag, RESOLVE_MODE_SAMPLE_ZERO_BIT, RESOLVE_MODE_AVERAGE_BIT, RESOLVE_MODE_MIN_BIT, RESOLVE_MODE_MAX_BIT, RESOLVE_MODE_NONE, GeometryInstanceFlagKHR, GEOMETRY_INSTANCE_TRIANGLE_FACING_CULL_DISABLE_BIT_KHR, GEOMETRY_INSTANCE_TRIANGLE_FLIP_FACING_BIT_KHR, GEOMETRY_INSTANCE_FORCE_OPAQUE_BIT_KHR, GEOMETRY_INSTANCE_FORCE_NO_OPAQUE_BIT_KHR, GEOMETRY_INSTANCE_FORCE_OPACITY_MICROMAP_2_STATE_EXT, GEOMETRY_INSTANCE_DISABLE_OPACITY_MICROMAPS_EXT, GeometryFlagKHR, GEOMETRY_OPAQUE_BIT_KHR, GEOMETRY_NO_DUPLICATE_ANY_HIT_INVOCATION_BIT_KHR, BuildAccelerationStructureFlagKHR, BUILD_ACCELERATION_STRUCTURE_ALLOW_UPDATE_BIT_KHR, BUILD_ACCELERATION_STRUCTURE_ALLOW_COMPACTION_BIT_KHR, BUILD_ACCELERATION_STRUCTURE_PREFER_FAST_TRACE_BIT_KHR, BUILD_ACCELERATION_STRUCTURE_PREFER_FAST_BUILD_BIT_KHR, BUILD_ACCELERATION_STRUCTURE_LOW_MEMORY_BIT_KHR, BUILD_ACCELERATION_STRUCTURE_MOTION_BIT_NV, BUILD_ACCELERATION_STRUCTURE_ALLOW_OPACITY_MICROMAP_UPDATE_EXT, BUILD_ACCELERATION_STRUCTURE_ALLOW_DISABLE_OPACITY_MICROMAPS_EXT, BUILD_ACCELERATION_STRUCTURE_ALLOW_OPACITY_MICROMAP_DATA_UPDATE_EXT, AccelerationStructureCreateFlagKHR, ACCELERATION_STRUCTURE_CREATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT_KHR, ACCELERATION_STRUCTURE_CREATE_DESCRIPTOR_BUFFER_CAPTURE_REPLAY_BIT_EXT, ACCELERATION_STRUCTURE_CREATE_MOTION_BIT_NV, FramebufferCreateFlag, FRAMEBUFFER_CREATE_IMAGELESS_BIT, DeviceDiagnosticsConfigFlagNV, DEVICE_DIAGNOSTICS_CONFIG_ENABLE_SHADER_DEBUG_INFO_BIT_NV, DEVICE_DIAGNOSTICS_CONFIG_ENABLE_RESOURCE_TRACKING_BIT_NV, DEVICE_DIAGNOSTICS_CONFIG_ENABLE_AUTOMATIC_CHECKPOINTS_BIT_NV, DEVICE_DIAGNOSTICS_CONFIG_ENABLE_SHADER_ERROR_REPORTING_BIT_NV, PipelineCreationFeedbackFlag, PIPELINE_CREATION_FEEDBACK_VALID_BIT, PIPELINE_CREATION_FEEDBACK_APPLICATION_PIPELINE_CACHE_HIT_BIT, PIPELINE_CREATION_FEEDBACK_BASE_PIPELINE_ACCELERATION_BIT, MemoryDecompressionMethodFlagNV, MEMORY_DECOMPRESSION_METHOD_GDEFLATE_1_0_BIT_NV, PerformanceCounterDescriptionFlagKHR, PERFORMANCE_COUNTER_DESCRIPTION_PERFORMANCE_IMPACTING_BIT_KHR, PERFORMANCE_COUNTER_DESCRIPTION_CONCURRENTLY_IMPACTED_BIT_KHR, AcquireProfilingLockFlagKHR, ShaderCorePropertiesFlagAMD, ShaderModuleCreateFlag, PipelineCompilerControlFlagAMD, ToolPurposeFlag, TOOL_PURPOSE_VALIDATION_BIT, TOOL_PURPOSE_PROFILING_BIT, TOOL_PURPOSE_TRACING_BIT, TOOL_PURPOSE_ADDITIONAL_FEATURES_BIT, TOOL_PURPOSE_MODIFYING_FEATURES_BIT, TOOL_PURPOSE_DEBUG_REPORTING_BIT_EXT, TOOL_PURPOSE_DEBUG_MARKERS_BIT_EXT, AccessFlag2, ACCESS_2_INDIRECT_COMMAND_READ_BIT, ACCESS_2_INDEX_READ_BIT, ACCESS_2_VERTEX_ATTRIBUTE_READ_BIT, ACCESS_2_UNIFORM_READ_BIT, ACCESS_2_INPUT_ATTACHMENT_READ_BIT, ACCESS_2_SHADER_READ_BIT, ACCESS_2_SHADER_WRITE_BIT, ACCESS_2_COLOR_ATTACHMENT_READ_BIT, ACCESS_2_COLOR_ATTACHMENT_WRITE_BIT, ACCESS_2_DEPTH_STENCIL_ATTACHMENT_READ_BIT, ACCESS_2_DEPTH_STENCIL_ATTACHMENT_WRITE_BIT, ACCESS_2_TRANSFER_READ_BIT, ACCESS_2_TRANSFER_WRITE_BIT, ACCESS_2_HOST_READ_BIT, ACCESS_2_HOST_WRITE_BIT, ACCESS_2_MEMORY_READ_BIT, ACCESS_2_MEMORY_WRITE_BIT, ACCESS_2_SHADER_SAMPLED_READ_BIT, ACCESS_2_SHADER_STORAGE_READ_BIT, ACCESS_2_SHADER_STORAGE_WRITE_BIT, ACCESS_2_VIDEO_DECODE_READ_BIT_KHR, ACCESS_2_VIDEO_DECODE_WRITE_BIT_KHR, ACCESS_2_VIDEO_ENCODE_READ_BIT_KHR, ACCESS_2_VIDEO_ENCODE_WRITE_BIT_KHR, ACCESS_2_TRANSFORM_FEEDBACK_WRITE_BIT_EXT, ACCESS_2_TRANSFORM_FEEDBACK_COUNTER_READ_BIT_EXT, ACCESS_2_TRANSFORM_FEEDBACK_COUNTER_WRITE_BIT_EXT, ACCESS_2_CONDITIONAL_RENDERING_READ_BIT_EXT, ACCESS_2_COMMAND_PREPROCESS_READ_BIT_NV, ACCESS_2_COMMAND_PREPROCESS_WRITE_BIT_NV, ACCESS_2_FRAGMENT_SHADING_RATE_ATTACHMENT_READ_BIT_KHR, ACCESS_2_ACCELERATION_STRUCTURE_READ_BIT_KHR, ACCESS_2_ACCELERATION_STRUCTURE_WRITE_BIT_KHR, ACCESS_2_FRAGMENT_DENSITY_MAP_READ_BIT_EXT, ACCESS_2_COLOR_ATTACHMENT_READ_NONCOHERENT_BIT_EXT, ACCESS_2_DESCRIPTOR_BUFFER_READ_BIT_EXT, ACCESS_2_INVOCATION_MASK_READ_BIT_HUAWEI, ACCESS_2_SHADER_BINDING_TABLE_READ_BIT_KHR, ACCESS_2_MICROMAP_READ_BIT_EXT, ACCESS_2_MICROMAP_WRITE_BIT_EXT, ACCESS_2_OPTICAL_FLOW_READ_BIT_NV, ACCESS_2_OPTICAL_FLOW_WRITE_BIT_NV, ACCESS_2_NONE, PipelineStageFlag2, PIPELINE_STAGE_2_TOP_OF_PIPE_BIT, PIPELINE_STAGE_2_DRAW_INDIRECT_BIT, PIPELINE_STAGE_2_VERTEX_INPUT_BIT, PIPELINE_STAGE_2_VERTEX_SHADER_BIT, PIPELINE_STAGE_2_TESSELLATION_CONTROL_SHADER_BIT, PIPELINE_STAGE_2_TESSELLATION_EVALUATION_SHADER_BIT, PIPELINE_STAGE_2_GEOMETRY_SHADER_BIT, PIPELINE_STAGE_2_FRAGMENT_SHADER_BIT, PIPELINE_STAGE_2_EARLY_FRAGMENT_TESTS_BIT, PIPELINE_STAGE_2_LATE_FRAGMENT_TESTS_BIT, PIPELINE_STAGE_2_COLOR_ATTACHMENT_OUTPUT_BIT, PIPELINE_STAGE_2_COMPUTE_SHADER_BIT, PIPELINE_STAGE_2_ALL_TRANSFER_BIT, PIPELINE_STAGE_2_BOTTOM_OF_PIPE_BIT, PIPELINE_STAGE_2_HOST_BIT, PIPELINE_STAGE_2_ALL_GRAPHICS_BIT, PIPELINE_STAGE_2_ALL_COMMANDS_BIT, PIPELINE_STAGE_2_COPY_BIT, PIPELINE_STAGE_2_RESOLVE_BIT, PIPELINE_STAGE_2_BLIT_BIT, PIPELINE_STAGE_2_CLEAR_BIT, PIPELINE_STAGE_2_INDEX_INPUT_BIT, PIPELINE_STAGE_2_VERTEX_ATTRIBUTE_INPUT_BIT, PIPELINE_STAGE_2_PRE_RASTERIZATION_SHADERS_BIT, PIPELINE_STAGE_2_VIDEO_DECODE_BIT_KHR, PIPELINE_STAGE_2_VIDEO_ENCODE_BIT_KHR, PIPELINE_STAGE_2_TRANSFORM_FEEDBACK_BIT_EXT, PIPELINE_STAGE_2_CONDITIONAL_RENDERING_BIT_EXT, PIPELINE_STAGE_2_COMMAND_PREPROCESS_BIT_NV, PIPELINE_STAGE_2_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR, PIPELINE_STAGE_2_ACCELERATION_STRUCTURE_BUILD_BIT_KHR, PIPELINE_STAGE_2_RAY_TRACING_SHADER_BIT_KHR, PIPELINE_STAGE_2_FRAGMENT_DENSITY_PROCESS_BIT_EXT, PIPELINE_STAGE_2_TASK_SHADER_BIT_EXT, PIPELINE_STAGE_2_MESH_SHADER_BIT_EXT, PIPELINE_STAGE_2_SUBPASS_SHADING_BIT_HUAWEI, PIPELINE_STAGE_2_INVOCATION_MASK_BIT_HUAWEI, PIPELINE_STAGE_2_ACCELERATION_STRUCTURE_COPY_BIT_KHR, PIPELINE_STAGE_2_MICROMAP_BUILD_BIT_EXT, PIPELINE_STAGE_2_CLUSTER_CULLING_SHADER_BIT_HUAWEI, PIPELINE_STAGE_2_OPTICAL_FLOW_BIT_NV, PIPELINE_STAGE_2_NONE, SubmitFlag, SUBMIT_PROTECTED_BIT, EventCreateFlag, EVENT_CREATE_DEVICE_ONLY_BIT, PipelineLayoutCreateFlag, PIPELINE_LAYOUT_CREATE_INDEPENDENT_SETS_BIT_EXT, PipelineColorBlendStateCreateFlag, PIPELINE_COLOR_BLEND_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_ACCESS_BIT_EXT, PipelineDepthStencilStateCreateFlag, PIPELINE_DEPTH_STENCIL_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_DEPTH_ACCESS_BIT_EXT, PIPELINE_DEPTH_STENCIL_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_STENCIL_ACCESS_BIT_EXT, GraphicsPipelineLibraryFlagEXT, GRAPHICS_PIPELINE_LIBRARY_VERTEX_INPUT_INTERFACE_BIT_EXT, GRAPHICS_PIPELINE_LIBRARY_PRE_RASTERIZATION_SHADERS_BIT_EXT, GRAPHICS_PIPELINE_LIBRARY_FRAGMENT_SHADER_BIT_EXT, GRAPHICS_PIPELINE_LIBRARY_FRAGMENT_OUTPUT_INTERFACE_BIT_EXT, DeviceAddressBindingFlagEXT, DEVICE_ADDRESS_BINDING_INTERNAL_OBJECT_BIT_EXT, PresentScalingFlagEXT, PRESENT_SCALING_ONE_TO_ONE_BIT_EXT, PRESENT_SCALING_ASPECT_RATIO_STRETCH_BIT_EXT, PRESENT_SCALING_STRETCH_BIT_EXT, PresentGravityFlagEXT, PRESENT_GRAVITY_MIN_BIT_EXT, PRESENT_GRAVITY_MAX_BIT_EXT, PRESENT_GRAVITY_CENTERED_BIT_EXT, VideoCodecOperationFlagKHR, VIDEO_CODEC_OPERATION_ENCODE_H264_BIT_EXT, VIDEO_CODEC_OPERATION_ENCODE_H265_BIT_EXT, VIDEO_CODEC_OPERATION_DECODE_H264_BIT_KHR, VIDEO_CODEC_OPERATION_DECODE_H265_BIT_KHR, VIDEO_CODEC_OPERATION_NONE_KHR, VideoChromaSubsamplingFlagKHR, VIDEO_CHROMA_SUBSAMPLING_MONOCHROME_BIT_KHR, VIDEO_CHROMA_SUBSAMPLING_420_BIT_KHR, VIDEO_CHROMA_SUBSAMPLING_422_BIT_KHR, VIDEO_CHROMA_SUBSAMPLING_444_BIT_KHR, VIDEO_CHROMA_SUBSAMPLING_INVALID_KHR, VideoComponentBitDepthFlagKHR, VIDEO_COMPONENT_BIT_DEPTH_8_BIT_KHR, VIDEO_COMPONENT_BIT_DEPTH_10_BIT_KHR, VIDEO_COMPONENT_BIT_DEPTH_12_BIT_KHR, VIDEO_COMPONENT_BIT_DEPTH_INVALID_KHR, VideoCapabilityFlagKHR, VIDEO_CAPABILITY_PROTECTED_CONTENT_BIT_KHR, VIDEO_CAPABILITY_SEPARATE_REFERENCE_IMAGES_BIT_KHR, VideoSessionCreateFlagKHR, VIDEO_SESSION_CREATE_PROTECTED_CONTENT_BIT_KHR, VideoDecodeH264PictureLayoutFlagKHR, VIDEO_DECODE_H264_PICTURE_LAYOUT_INTERLACED_INTERLEAVED_LINES_BIT_KHR, VIDEO_DECODE_H264_PICTURE_LAYOUT_INTERLACED_SEPARATE_PLANES_BIT_KHR, VIDEO_DECODE_H264_PICTURE_LAYOUT_PROGRESSIVE_KHR, VideoCodingControlFlagKHR, VIDEO_CODING_CONTROL_RESET_BIT_KHR, VIDEO_CODING_CONTROL_ENCODE_RATE_CONTROL_BIT_KHR, VIDEO_CODING_CONTROL_ENCODE_RATE_CONTROL_LAYER_BIT_KHR, VideoDecodeUsageFlagKHR, VIDEO_DECODE_USAGE_TRANSCODING_BIT_KHR, VIDEO_DECODE_USAGE_OFFLINE_BIT_KHR, VIDEO_DECODE_USAGE_STREAMING_BIT_KHR, VIDEO_DECODE_USAGE_DEFAULT_KHR, VideoDecodeCapabilityFlagKHR, VIDEO_DECODE_CAPABILITY_DPB_AND_OUTPUT_COINCIDE_BIT_KHR, VIDEO_DECODE_CAPABILITY_DPB_AND_OUTPUT_DISTINCT_BIT_KHR, ImageFormatConstraintsFlagFUCHSIA, FormatFeatureFlag2, FORMAT_FEATURE_2_SAMPLED_IMAGE_BIT, FORMAT_FEATURE_2_STORAGE_IMAGE_BIT, FORMAT_FEATURE_2_STORAGE_IMAGE_ATOMIC_BIT, FORMAT_FEATURE_2_UNIFORM_TEXEL_BUFFER_BIT, FORMAT_FEATURE_2_STORAGE_TEXEL_BUFFER_BIT, FORMAT_FEATURE_2_STORAGE_TEXEL_BUFFER_ATOMIC_BIT, FORMAT_FEATURE_2_VERTEX_BUFFER_BIT, FORMAT_FEATURE_2_COLOR_ATTACHMENT_BIT, FORMAT_FEATURE_2_COLOR_ATTACHMENT_BLEND_BIT, FORMAT_FEATURE_2_DEPTH_STENCIL_ATTACHMENT_BIT, FORMAT_FEATURE_2_BLIT_SRC_BIT, FORMAT_FEATURE_2_BLIT_DST_BIT, FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_LINEAR_BIT, FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_CUBIC_BIT, FORMAT_FEATURE_2_TRANSFER_SRC_BIT, FORMAT_FEATURE_2_TRANSFER_DST_BIT, FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_MINMAX_BIT, FORMAT_FEATURE_2_MIDPOINT_CHROMA_SAMPLES_BIT, FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_LINEAR_FILTER_BIT, FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_SEPARATE_RECONSTRUCTION_FILTER_BIT, FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_BIT, FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_FORCEABLE_BIT, FORMAT_FEATURE_2_DISJOINT_BIT, FORMAT_FEATURE_2_COSITED_CHROMA_SAMPLES_BIT, FORMAT_FEATURE_2_STORAGE_READ_WITHOUT_FORMAT_BIT, FORMAT_FEATURE_2_STORAGE_WRITE_WITHOUT_FORMAT_BIT, FORMAT_FEATURE_2_SAMPLED_IMAGE_DEPTH_COMPARISON_BIT, FORMAT_FEATURE_2_VIDEO_DECODE_OUTPUT_BIT_KHR, FORMAT_FEATURE_2_VIDEO_DECODE_DPB_BIT_KHR, FORMAT_FEATURE_2_ACCELERATION_STRUCTURE_VERTEX_BUFFER_BIT_KHR, FORMAT_FEATURE_2_FRAGMENT_DENSITY_MAP_BIT_EXT, FORMAT_FEATURE_2_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR, FORMAT_FEATURE_2_VIDEO_ENCODE_INPUT_BIT_KHR, FORMAT_FEATURE_2_VIDEO_ENCODE_DPB_BIT_KHR, FORMAT_FEATURE_2_LINEAR_COLOR_ATTACHMENT_BIT_NV, FORMAT_FEATURE_2_WEIGHT_IMAGE_BIT_QCOM, FORMAT_FEATURE_2_WEIGHT_SAMPLED_IMAGE_BIT_QCOM, FORMAT_FEATURE_2_BLOCK_MATCHING_BIT_QCOM, FORMAT_FEATURE_2_BOX_FILTER_SAMPLED_BIT_QCOM, FORMAT_FEATURE_2_OPTICAL_FLOW_IMAGE_BIT_NV, FORMAT_FEATURE_2_OPTICAL_FLOW_VECTOR_BIT_NV, FORMAT_FEATURE_2_OPTICAL_FLOW_COST_BIT_NV, RenderingFlag, RENDERING_CONTENTS_SECONDARY_COMMAND_BUFFERS_BIT, RENDERING_SUSPENDING_BIT, RENDERING_RESUMING_BIT, RENDERING_ENABLE_LEGACY_DITHERING_BIT_EXT, InstanceCreateFlag, INSTANCE_CREATE_ENUMERATE_PORTABILITY_BIT_KHR, ImageCompressionFlagEXT, IMAGE_COMPRESSION_FIXED_RATE_DEFAULT_EXT, IMAGE_COMPRESSION_FIXED_RATE_EXPLICIT_EXT, IMAGE_COMPRESSION_DISABLED_EXT, IMAGE_COMPRESSION_DEFAULT_EXT, ImageCompressionFixedRateFlagEXT, IMAGE_COMPRESSION_FIXED_RATE_1BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_2BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_3BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_4BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_5BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_6BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_7BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_8BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_9BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_10BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_11BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_12BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_13BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_14BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_15BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_16BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_17BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_18BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_19BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_20BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_21BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_22BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_23BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_24BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_NONE_EXT, OpticalFlowGridSizeFlagNV, OPTICAL_FLOW_GRID_SIZE_1X1_BIT_NV, OPTICAL_FLOW_GRID_SIZE_2X2_BIT_NV, OPTICAL_FLOW_GRID_SIZE_4X4_BIT_NV, OPTICAL_FLOW_GRID_SIZE_8X8_BIT_NV, OPTICAL_FLOW_GRID_SIZE_UNKNOWN_NV, OpticalFlowUsageFlagNV, OPTICAL_FLOW_USAGE_INPUT_BIT_NV, OPTICAL_FLOW_USAGE_OUTPUT_BIT_NV, OPTICAL_FLOW_USAGE_HINT_BIT_NV, OPTICAL_FLOW_USAGE_COST_BIT_NV, OPTICAL_FLOW_USAGE_GLOBAL_FLOW_BIT_NV, OPTICAL_FLOW_USAGE_UNKNOWN_NV, OpticalFlowSessionCreateFlagNV, OPTICAL_FLOW_SESSION_CREATE_ENABLE_HINT_BIT_NV, OPTICAL_FLOW_SESSION_CREATE_ENABLE_COST_BIT_NV, OPTICAL_FLOW_SESSION_CREATE_ENABLE_GLOBAL_FLOW_BIT_NV, OPTICAL_FLOW_SESSION_CREATE_ALLOW_REGIONS_BIT_NV, OPTICAL_FLOW_SESSION_CREATE_BOTH_DIRECTIONS_BIT_NV, OpticalFlowExecuteFlagNV, OPTICAL_FLOW_EXECUTE_DISABLE_TEMPORAL_HINTS_BIT_NV, BuildMicromapFlagEXT, BUILD_MICROMAP_PREFER_FAST_TRACE_BIT_EXT, BUILD_MICROMAP_PREFER_FAST_BUILD_BIT_EXT, BUILD_MICROMAP_ALLOW_COMPACTION_BIT_EXT, MicromapCreateFlagEXT, MICROMAP_CREATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT_EXT, Instance, PhysicalDevice, Device, Queue, CommandBuffer, DeviceMemory, CommandPool, Buffer, BufferView, Image, ImageView, ShaderModule, Pipeline, PipelineLayout, Sampler, DescriptorSet, DescriptorSetLayout, DescriptorPool, Fence, Semaphore, Event, QueryPool, Framebuffer, RenderPass, PipelineCache, IndirectCommandsLayoutNV, DescriptorUpdateTemplate, SamplerYcbcrConversion, ValidationCacheEXT, AccelerationStructureKHR, AccelerationStructureNV, PerformanceConfigurationINTEL, DeferredOperationKHR, PrivateDataSlot, CuModuleNVX, CuFunctionNVX, OpticalFlowSessionNV, MicromapEXT, DisplayKHR, DisplayModeKHR, SurfaceKHR, SwapchainKHR, DebugReportCallbackEXT, DebugUtilsMessengerEXT, VideoSessionKHR, VideoSessionParametersKHR, _BaseOutStructure, _BaseInStructure, _Offset2D, _Offset3D, _Extent2D, _Extent3D, _Viewport, _Rect2D, _ClearRect, _ComponentMapping, _PhysicalDeviceProperties, _ExtensionProperties, _LayerProperties, _ApplicationInfo, _AllocationCallbacks, _DeviceQueueCreateInfo, _DeviceCreateInfo, _InstanceCreateInfo, _QueueFamilyProperties, _PhysicalDeviceMemoryProperties, _MemoryAllocateInfo, _MemoryRequirements, _SparseImageFormatProperties, _SparseImageMemoryRequirements, _MemoryType, _MemoryHeap, _MappedMemoryRange, _FormatProperties, _ImageFormatProperties, _DescriptorBufferInfo, _DescriptorImageInfo, _WriteDescriptorSet, _CopyDescriptorSet, _BufferCreateInfo, _BufferViewCreateInfo, _ImageSubresource, _ImageSubresourceLayers, _ImageSubresourceRange, _MemoryBarrier, _BufferMemoryBarrier, _ImageMemoryBarrier, _ImageCreateInfo, _SubresourceLayout, _ImageViewCreateInfo, _BufferCopy, _SparseMemoryBind, _SparseImageMemoryBind, _SparseBufferMemoryBindInfo, _SparseImageOpaqueMemoryBindInfo, _SparseImageMemoryBindInfo, _BindSparseInfo, _ImageCopy, _ImageBlit, _BufferImageCopy, _CopyMemoryIndirectCommandNV, _CopyMemoryToImageIndirectCommandNV, _ImageResolve, _ShaderModuleCreateInfo, _DescriptorSetLayoutBinding, _DescriptorSetLayoutCreateInfo, _DescriptorPoolSize, _DescriptorPoolCreateInfo, _DescriptorSetAllocateInfo, _SpecializationMapEntry, _SpecializationInfo, _PipelineShaderStageCreateInfo, _ComputePipelineCreateInfo, _VertexInputBindingDescription, _VertexInputAttributeDescription, _PipelineVertexInputStateCreateInfo, _PipelineInputAssemblyStateCreateInfo, _PipelineTessellationStateCreateInfo, _PipelineViewportStateCreateInfo, _PipelineRasterizationStateCreateInfo, _PipelineMultisampleStateCreateInfo, _PipelineColorBlendAttachmentState, _PipelineColorBlendStateCreateInfo, _PipelineDynamicStateCreateInfo, _StencilOpState, _PipelineDepthStencilStateCreateInfo, _GraphicsPipelineCreateInfo, _PipelineCacheCreateInfo, _PipelineCacheHeaderVersionOne, _PushConstantRange, _PipelineLayoutCreateInfo, _SamplerCreateInfo, _CommandPoolCreateInfo, _CommandBufferAllocateInfo, _CommandBufferInheritanceInfo, _CommandBufferBeginInfo, _RenderPassBeginInfo, _ClearDepthStencilValue, _ClearAttachment, _AttachmentDescription, _AttachmentReference, _SubpassDescription, _SubpassDependency, _RenderPassCreateInfo, _EventCreateInfo, _FenceCreateInfo, _PhysicalDeviceFeatures, _PhysicalDeviceSparseProperties, _PhysicalDeviceLimits, _SemaphoreCreateInfo, _QueryPoolCreateInfo, _FramebufferCreateInfo, _DrawIndirectCommand, _DrawIndexedIndirectCommand, _DispatchIndirectCommand, _MultiDrawInfoEXT, _MultiDrawIndexedInfoEXT, _SubmitInfo, _DisplayPropertiesKHR, _DisplayPlanePropertiesKHR, _DisplayModeParametersKHR, _DisplayModePropertiesKHR, _DisplayModeCreateInfoKHR, _DisplayPlaneCapabilitiesKHR, _DisplaySurfaceCreateInfoKHR, _DisplayPresentInfoKHR, _SurfaceCapabilitiesKHR, _WaylandSurfaceCreateInfoKHR, _XlibSurfaceCreateInfoKHR, _XcbSurfaceCreateInfoKHR, _SurfaceFormatKHR, _SwapchainCreateInfoKHR, _PresentInfoKHR, _DebugReportCallbackCreateInfoEXT, _ValidationFlagsEXT, _ValidationFeaturesEXT, _PipelineRasterizationStateRasterizationOrderAMD, _DebugMarkerObjectNameInfoEXT, _DebugMarkerObjectTagInfoEXT, _DebugMarkerMarkerInfoEXT, _DedicatedAllocationImageCreateInfoNV, _DedicatedAllocationBufferCreateInfoNV, _DedicatedAllocationMemoryAllocateInfoNV, _ExternalImageFormatPropertiesNV, _ExternalMemoryImageCreateInfoNV, _ExportMemoryAllocateInfoNV, _PhysicalDeviceDeviceGeneratedCommandsFeaturesNV, _DevicePrivateDataCreateInfo, _PrivateDataSlotCreateInfo, _PhysicalDevicePrivateDataFeatures, _PhysicalDeviceDeviceGeneratedCommandsPropertiesNV, _PhysicalDeviceMultiDrawPropertiesEXT, _GraphicsShaderGroupCreateInfoNV, _GraphicsPipelineShaderGroupsCreateInfoNV, _BindShaderGroupIndirectCommandNV, _BindIndexBufferIndirectCommandNV, _BindVertexBufferIndirectCommandNV, _SetStateFlagsIndirectCommandNV, _IndirectCommandsStreamNV, _IndirectCommandsLayoutTokenNV, _IndirectCommandsLayoutCreateInfoNV, _GeneratedCommandsInfoNV, _GeneratedCommandsMemoryRequirementsInfoNV, _PhysicalDeviceFeatures2, _PhysicalDeviceProperties2, _FormatProperties2, _ImageFormatProperties2, _PhysicalDeviceImageFormatInfo2, _QueueFamilyProperties2, _PhysicalDeviceMemoryProperties2, _SparseImageFormatProperties2, _PhysicalDeviceSparseImageFormatInfo2, _PhysicalDevicePushDescriptorPropertiesKHR, _ConformanceVersion, _PhysicalDeviceDriverProperties, _PresentRegionsKHR, _PresentRegionKHR, _RectLayerKHR, _PhysicalDeviceVariablePointersFeatures, _ExternalMemoryProperties, _PhysicalDeviceExternalImageFormatInfo, _ExternalImageFormatProperties, _PhysicalDeviceExternalBufferInfo, _ExternalBufferProperties, _PhysicalDeviceIDProperties, _ExternalMemoryImageCreateInfo, _ExternalMemoryBufferCreateInfo, _ExportMemoryAllocateInfo, _ImportMemoryFdInfoKHR, _MemoryFdPropertiesKHR, _MemoryGetFdInfoKHR, _PhysicalDeviceExternalSemaphoreInfo, _ExternalSemaphoreProperties, _ExportSemaphoreCreateInfo, _ImportSemaphoreFdInfoKHR, _SemaphoreGetFdInfoKHR, _PhysicalDeviceExternalFenceInfo, _ExternalFenceProperties, _ExportFenceCreateInfo, _ImportFenceFdInfoKHR, _FenceGetFdInfoKHR, _PhysicalDeviceMultiviewFeatures, _PhysicalDeviceMultiviewProperties, _RenderPassMultiviewCreateInfo, _SurfaceCapabilities2EXT, _DisplayPowerInfoEXT, _DeviceEventInfoEXT, _DisplayEventInfoEXT, _SwapchainCounterCreateInfoEXT, _PhysicalDeviceGroupProperties, _MemoryAllocateFlagsInfo, _BindBufferMemoryInfo, _BindBufferMemoryDeviceGroupInfo, _BindImageMemoryInfo, _BindImageMemoryDeviceGroupInfo, _DeviceGroupRenderPassBeginInfo, _DeviceGroupCommandBufferBeginInfo, _DeviceGroupSubmitInfo, _DeviceGroupBindSparseInfo, _DeviceGroupPresentCapabilitiesKHR, _ImageSwapchainCreateInfoKHR, _BindImageMemorySwapchainInfoKHR, _AcquireNextImageInfoKHR, _DeviceGroupPresentInfoKHR, _DeviceGroupDeviceCreateInfo, _DeviceGroupSwapchainCreateInfoKHR, _DescriptorUpdateTemplateEntry, _DescriptorUpdateTemplateCreateInfo, _XYColorEXT, _PhysicalDevicePresentIdFeaturesKHR, _PresentIdKHR, _PhysicalDevicePresentWaitFeaturesKHR, _HdrMetadataEXT, _DisplayNativeHdrSurfaceCapabilitiesAMD, _SwapchainDisplayNativeHdrCreateInfoAMD, _RefreshCycleDurationGOOGLE, _PastPresentationTimingGOOGLE, _PresentTimesInfoGOOGLE, _PresentTimeGOOGLE, _ViewportWScalingNV, _PipelineViewportWScalingStateCreateInfoNV, _ViewportSwizzleNV, _PipelineViewportSwizzleStateCreateInfoNV, _PhysicalDeviceDiscardRectanglePropertiesEXT, _PipelineDiscardRectangleStateCreateInfoEXT, _PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX, _InputAttachmentAspectReference, _RenderPassInputAttachmentAspectCreateInfo, _PhysicalDeviceSurfaceInfo2KHR, _SurfaceCapabilities2KHR, _SurfaceFormat2KHR, _DisplayProperties2KHR, _DisplayPlaneProperties2KHR, _DisplayModeProperties2KHR, _DisplayPlaneInfo2KHR, _DisplayPlaneCapabilities2KHR, _SharedPresentSurfaceCapabilitiesKHR, _PhysicalDevice16BitStorageFeatures, _PhysicalDeviceSubgroupProperties, _PhysicalDeviceShaderSubgroupExtendedTypesFeatures, _BufferMemoryRequirementsInfo2, _DeviceBufferMemoryRequirements, _ImageMemoryRequirementsInfo2, _ImageSparseMemoryRequirementsInfo2, _DeviceImageMemoryRequirements, _MemoryRequirements2, _SparseImageMemoryRequirements2, _PhysicalDevicePointClippingProperties, _MemoryDedicatedRequirements, _MemoryDedicatedAllocateInfo, _ImageViewUsageCreateInfo, _PipelineTessellationDomainOriginStateCreateInfo, _SamplerYcbcrConversionInfo, _SamplerYcbcrConversionCreateInfo, _BindImagePlaneMemoryInfo, _ImagePlaneMemoryRequirementsInfo, _PhysicalDeviceSamplerYcbcrConversionFeatures, _SamplerYcbcrConversionImageFormatProperties, _TextureLODGatherFormatPropertiesAMD, _ConditionalRenderingBeginInfoEXT, _ProtectedSubmitInfo, _PhysicalDeviceProtectedMemoryFeatures, _PhysicalDeviceProtectedMemoryProperties, _DeviceQueueInfo2, _PipelineCoverageToColorStateCreateInfoNV, _PhysicalDeviceSamplerFilterMinmaxProperties, _SampleLocationEXT, _SampleLocationsInfoEXT, _AttachmentSampleLocationsEXT, _SubpassSampleLocationsEXT, _RenderPassSampleLocationsBeginInfoEXT, _PipelineSampleLocationsStateCreateInfoEXT, _PhysicalDeviceSampleLocationsPropertiesEXT, _MultisamplePropertiesEXT, _SamplerReductionModeCreateInfo, _PhysicalDeviceBlendOperationAdvancedFeaturesEXT, _PhysicalDeviceMultiDrawFeaturesEXT, _PhysicalDeviceBlendOperationAdvancedPropertiesEXT, _PipelineColorBlendAdvancedStateCreateInfoEXT, _PhysicalDeviceInlineUniformBlockFeatures, _PhysicalDeviceInlineUniformBlockProperties, _WriteDescriptorSetInlineUniformBlock, _DescriptorPoolInlineUniformBlockCreateInfo, _PipelineCoverageModulationStateCreateInfoNV, _ImageFormatListCreateInfo, _ValidationCacheCreateInfoEXT, _ShaderModuleValidationCacheCreateInfoEXT, _PhysicalDeviceMaintenance3Properties, _PhysicalDeviceMaintenance4Features, _PhysicalDeviceMaintenance4Properties, _DescriptorSetLayoutSupport, _PhysicalDeviceShaderDrawParametersFeatures, _PhysicalDeviceShaderFloat16Int8Features, _PhysicalDeviceFloatControlsProperties, _PhysicalDeviceHostQueryResetFeatures, _ShaderResourceUsageAMD, _ShaderStatisticsInfoAMD, _DeviceQueueGlobalPriorityCreateInfoKHR, _PhysicalDeviceGlobalPriorityQueryFeaturesKHR, _QueueFamilyGlobalPriorityPropertiesKHR, _DebugUtilsObjectNameInfoEXT, _DebugUtilsObjectTagInfoEXT, _DebugUtilsLabelEXT, _DebugUtilsMessengerCreateInfoEXT, _DebugUtilsMessengerCallbackDataEXT, _PhysicalDeviceDeviceMemoryReportFeaturesEXT, _DeviceDeviceMemoryReportCreateInfoEXT, _DeviceMemoryReportCallbackDataEXT, _ImportMemoryHostPointerInfoEXT, _MemoryHostPointerPropertiesEXT, _PhysicalDeviceExternalMemoryHostPropertiesEXT, _PhysicalDeviceConservativeRasterizationPropertiesEXT, _CalibratedTimestampInfoEXT, _PhysicalDeviceShaderCorePropertiesAMD, _PhysicalDeviceShaderCoreProperties2AMD, _PipelineRasterizationConservativeStateCreateInfoEXT, _PhysicalDeviceDescriptorIndexingFeatures, _PhysicalDeviceDescriptorIndexingProperties, _DescriptorSetLayoutBindingFlagsCreateInfo, _DescriptorSetVariableDescriptorCountAllocateInfo, _DescriptorSetVariableDescriptorCountLayoutSupport, _AttachmentDescription2, _AttachmentReference2, _SubpassDescription2, _SubpassDependency2, _RenderPassCreateInfo2, _SubpassBeginInfo, _SubpassEndInfo, _PhysicalDeviceTimelineSemaphoreFeatures, _PhysicalDeviceTimelineSemaphoreProperties, _SemaphoreTypeCreateInfo, _TimelineSemaphoreSubmitInfo, _SemaphoreWaitInfo, _SemaphoreSignalInfo, _VertexInputBindingDivisorDescriptionEXT, _PipelineVertexInputDivisorStateCreateInfoEXT, _PhysicalDeviceVertexAttributeDivisorPropertiesEXT, _PhysicalDevicePCIBusInfoPropertiesEXT, _CommandBufferInheritanceConditionalRenderingInfoEXT, _PhysicalDevice8BitStorageFeatures, _PhysicalDeviceConditionalRenderingFeaturesEXT, _PhysicalDeviceVulkanMemoryModelFeatures, _PhysicalDeviceShaderAtomicInt64Features, _PhysicalDeviceShaderAtomicFloatFeaturesEXT, _PhysicalDeviceShaderAtomicFloat2FeaturesEXT, _PhysicalDeviceVertexAttributeDivisorFeaturesEXT, _QueueFamilyCheckpointPropertiesNV, _CheckpointDataNV, _PhysicalDeviceDepthStencilResolveProperties, _SubpassDescriptionDepthStencilResolve, _ImageViewASTCDecodeModeEXT, _PhysicalDeviceASTCDecodeFeaturesEXT, _PhysicalDeviceTransformFeedbackFeaturesEXT, _PhysicalDeviceTransformFeedbackPropertiesEXT, _PipelineRasterizationStateStreamCreateInfoEXT, _PhysicalDeviceRepresentativeFragmentTestFeaturesNV, _PipelineRepresentativeFragmentTestStateCreateInfoNV, _PhysicalDeviceExclusiveScissorFeaturesNV, _PipelineViewportExclusiveScissorStateCreateInfoNV, _PhysicalDeviceCornerSampledImageFeaturesNV, _PhysicalDeviceComputeShaderDerivativesFeaturesNV, _PhysicalDeviceShaderImageFootprintFeaturesNV, _PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV, _PhysicalDeviceCopyMemoryIndirectFeaturesNV, _PhysicalDeviceCopyMemoryIndirectPropertiesNV, _PhysicalDeviceMemoryDecompressionFeaturesNV, _PhysicalDeviceMemoryDecompressionPropertiesNV, _ShadingRatePaletteNV, _PipelineViewportShadingRateImageStateCreateInfoNV, _PhysicalDeviceShadingRateImageFeaturesNV, _PhysicalDeviceShadingRateImagePropertiesNV, _PhysicalDeviceInvocationMaskFeaturesHUAWEI, _CoarseSampleLocationNV, _CoarseSampleOrderCustomNV, _PipelineViewportCoarseSampleOrderStateCreateInfoNV, _PhysicalDeviceMeshShaderFeaturesNV, _PhysicalDeviceMeshShaderPropertiesNV, _DrawMeshTasksIndirectCommandNV, _PhysicalDeviceMeshShaderFeaturesEXT, _PhysicalDeviceMeshShaderPropertiesEXT, _DrawMeshTasksIndirectCommandEXT, _RayTracingShaderGroupCreateInfoNV, _RayTracingShaderGroupCreateInfoKHR, _RayTracingPipelineCreateInfoNV, _RayTracingPipelineCreateInfoKHR, _GeometryTrianglesNV, _GeometryAABBNV, _GeometryDataNV, _GeometryNV, _AccelerationStructureInfoNV, _AccelerationStructureCreateInfoNV, _BindAccelerationStructureMemoryInfoNV, _WriteDescriptorSetAccelerationStructureKHR, _WriteDescriptorSetAccelerationStructureNV, _AccelerationStructureMemoryRequirementsInfoNV, _PhysicalDeviceAccelerationStructureFeaturesKHR, _PhysicalDeviceRayTracingPipelineFeaturesKHR, _PhysicalDeviceRayQueryFeaturesKHR, _PhysicalDeviceAccelerationStructurePropertiesKHR, _PhysicalDeviceRayTracingPipelinePropertiesKHR, _PhysicalDeviceRayTracingPropertiesNV, _StridedDeviceAddressRegionKHR, _TraceRaysIndirectCommandKHR, _TraceRaysIndirectCommand2KHR, _PhysicalDeviceRayTracingMaintenance1FeaturesKHR, _DrmFormatModifierPropertiesListEXT, _DrmFormatModifierPropertiesEXT, _PhysicalDeviceImageDrmFormatModifierInfoEXT, _ImageDrmFormatModifierListCreateInfoEXT, _ImageDrmFormatModifierExplicitCreateInfoEXT, _ImageDrmFormatModifierPropertiesEXT, _ImageStencilUsageCreateInfo, _DeviceMemoryOverallocationCreateInfoAMD, _PhysicalDeviceFragmentDensityMapFeaturesEXT, _PhysicalDeviceFragmentDensityMap2FeaturesEXT, _PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM, _PhysicalDeviceFragmentDensityMapPropertiesEXT, _PhysicalDeviceFragmentDensityMap2PropertiesEXT, _PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM, _RenderPassFragmentDensityMapCreateInfoEXT, _SubpassFragmentDensityMapOffsetEndInfoQCOM, _PhysicalDeviceScalarBlockLayoutFeatures, _SurfaceProtectedCapabilitiesKHR, _PhysicalDeviceUniformBufferStandardLayoutFeatures, _PhysicalDeviceDepthClipEnableFeaturesEXT, _PipelineRasterizationDepthClipStateCreateInfoEXT, _PhysicalDeviceMemoryBudgetPropertiesEXT, _PhysicalDeviceMemoryPriorityFeaturesEXT, _MemoryPriorityAllocateInfoEXT, _PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT, _PhysicalDeviceBufferDeviceAddressFeatures, _PhysicalDeviceBufferDeviceAddressFeaturesEXT, _BufferDeviceAddressInfo, _BufferOpaqueCaptureAddressCreateInfo, _BufferDeviceAddressCreateInfoEXT, _PhysicalDeviceImageViewImageFormatInfoEXT, _FilterCubicImageViewImageFormatPropertiesEXT, _PhysicalDeviceImagelessFramebufferFeatures, _FramebufferAttachmentsCreateInfo, _FramebufferAttachmentImageInfo, _RenderPassAttachmentBeginInfo, _PhysicalDeviceTextureCompressionASTCHDRFeatures, _PhysicalDeviceCooperativeMatrixFeaturesNV, _PhysicalDeviceCooperativeMatrixPropertiesNV, _CooperativeMatrixPropertiesNV, _PhysicalDeviceYcbcrImageArraysFeaturesEXT, _ImageViewHandleInfoNVX, _ImageViewAddressPropertiesNVX, _PipelineCreationFeedback, _PipelineCreationFeedbackCreateInfo, _PhysicalDevicePresentBarrierFeaturesNV, _SurfaceCapabilitiesPresentBarrierNV, _SwapchainPresentBarrierCreateInfoNV, _PhysicalDevicePerformanceQueryFeaturesKHR, _PhysicalDevicePerformanceQueryPropertiesKHR, _PerformanceCounterKHR, _PerformanceCounterDescriptionKHR, _QueryPoolPerformanceCreateInfoKHR, _AcquireProfilingLockInfoKHR, _PerformanceQuerySubmitInfoKHR, _HeadlessSurfaceCreateInfoEXT, _PhysicalDeviceCoverageReductionModeFeaturesNV, _PipelineCoverageReductionStateCreateInfoNV, _FramebufferMixedSamplesCombinationNV, _PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL, _PerformanceValueINTEL, _InitializePerformanceApiInfoINTEL, _QueryPoolPerformanceQueryCreateInfoINTEL, _PerformanceMarkerInfoINTEL, _PerformanceStreamMarkerInfoINTEL, _PerformanceOverrideInfoINTEL, _PerformanceConfigurationAcquireInfoINTEL, _PhysicalDeviceShaderClockFeaturesKHR, _PhysicalDeviceIndexTypeUint8FeaturesEXT, _PhysicalDeviceShaderSMBuiltinsPropertiesNV, _PhysicalDeviceShaderSMBuiltinsFeaturesNV, _PhysicalDeviceFragmentShaderInterlockFeaturesEXT, _PhysicalDeviceSeparateDepthStencilLayoutsFeatures, _AttachmentReferenceStencilLayout, _PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT, _AttachmentDescriptionStencilLayout, _PhysicalDevicePipelineExecutablePropertiesFeaturesKHR, _PipelineInfoKHR, _PipelineExecutablePropertiesKHR, _PipelineExecutableInfoKHR, _PipelineExecutableStatisticKHR, _PipelineExecutableInternalRepresentationKHR, _PhysicalDeviceShaderDemoteToHelperInvocationFeatures, _PhysicalDeviceTexelBufferAlignmentFeaturesEXT, _PhysicalDeviceTexelBufferAlignmentProperties, _PhysicalDeviceSubgroupSizeControlFeatures, _PhysicalDeviceSubgroupSizeControlProperties, _PipelineShaderStageRequiredSubgroupSizeCreateInfo, _SubpassShadingPipelineCreateInfoHUAWEI, _PhysicalDeviceSubpassShadingPropertiesHUAWEI, _PhysicalDeviceClusterCullingShaderPropertiesHUAWEI, _MemoryOpaqueCaptureAddressAllocateInfo, _DeviceMemoryOpaqueCaptureAddressInfo, _PhysicalDeviceLineRasterizationFeaturesEXT, _PhysicalDeviceLineRasterizationPropertiesEXT, _PipelineRasterizationLineStateCreateInfoEXT, _PhysicalDevicePipelineCreationCacheControlFeatures, _PhysicalDeviceVulkan11Features, _PhysicalDeviceVulkan11Properties, _PhysicalDeviceVulkan12Features, _PhysicalDeviceVulkan12Properties, _PhysicalDeviceVulkan13Features, _PhysicalDeviceVulkan13Properties, _PipelineCompilerControlCreateInfoAMD, _PhysicalDeviceCoherentMemoryFeaturesAMD, _PhysicalDeviceToolProperties, _SamplerCustomBorderColorCreateInfoEXT, _PhysicalDeviceCustomBorderColorPropertiesEXT, _PhysicalDeviceCustomBorderColorFeaturesEXT, _SamplerBorderColorComponentMappingCreateInfoEXT, _PhysicalDeviceBorderColorSwizzleFeaturesEXT, _AccelerationStructureGeometryTrianglesDataKHR, _AccelerationStructureGeometryAabbsDataKHR, _AccelerationStructureGeometryInstancesDataKHR, _AccelerationStructureGeometryKHR, _AccelerationStructureBuildGeometryInfoKHR, _AccelerationStructureBuildRangeInfoKHR, _AccelerationStructureCreateInfoKHR, _AabbPositionsKHR, _TransformMatrixKHR, _AccelerationStructureInstanceKHR, _AccelerationStructureDeviceAddressInfoKHR, _AccelerationStructureVersionInfoKHR, _CopyAccelerationStructureInfoKHR, _CopyAccelerationStructureToMemoryInfoKHR, _CopyMemoryToAccelerationStructureInfoKHR, _RayTracingPipelineInterfaceCreateInfoKHR, _PipelineLibraryCreateInfoKHR, _PhysicalDeviceExtendedDynamicStateFeaturesEXT, _PhysicalDeviceExtendedDynamicState2FeaturesEXT, _PhysicalDeviceExtendedDynamicState3FeaturesEXT, _PhysicalDeviceExtendedDynamicState3PropertiesEXT, _ColorBlendEquationEXT, _ColorBlendAdvancedEXT, _RenderPassTransformBeginInfoQCOM, _CopyCommandTransformInfoQCOM, _CommandBufferInheritanceRenderPassTransformInfoQCOM, _PhysicalDeviceDiagnosticsConfigFeaturesNV, _DeviceDiagnosticsConfigCreateInfoNV, _PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures, _PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR, _PhysicalDeviceRobustness2FeaturesEXT, _PhysicalDeviceRobustness2PropertiesEXT, _PhysicalDeviceImageRobustnessFeatures, _PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR, _PhysicalDevice4444FormatsFeaturesEXT, _PhysicalDeviceSubpassShadingFeaturesHUAWEI, _PhysicalDeviceClusterCullingShaderFeaturesHUAWEI, _BufferCopy2, _ImageCopy2, _ImageBlit2, _BufferImageCopy2, _ImageResolve2, _CopyBufferInfo2, _CopyImageInfo2, _BlitImageInfo2, _CopyBufferToImageInfo2, _CopyImageToBufferInfo2, _ResolveImageInfo2, _PhysicalDeviceShaderImageAtomicInt64FeaturesEXT, _FragmentShadingRateAttachmentInfoKHR, _PipelineFragmentShadingRateStateCreateInfoKHR, _PhysicalDeviceFragmentShadingRateFeaturesKHR, _PhysicalDeviceFragmentShadingRatePropertiesKHR, _PhysicalDeviceFragmentShadingRateKHR, _PhysicalDeviceShaderTerminateInvocationFeatures, _PhysicalDeviceFragmentShadingRateEnumsFeaturesNV, _PhysicalDeviceFragmentShadingRateEnumsPropertiesNV, _PipelineFragmentShadingRateEnumStateCreateInfoNV, _AccelerationStructureBuildSizesInfoKHR, _PhysicalDeviceImage2DViewOf3DFeaturesEXT, _PhysicalDeviceMutableDescriptorTypeFeaturesEXT, _MutableDescriptorTypeListEXT, _MutableDescriptorTypeCreateInfoEXT, _PhysicalDeviceDepthClipControlFeaturesEXT, _PipelineViewportDepthClipControlCreateInfoEXT, _PhysicalDeviceVertexInputDynamicStateFeaturesEXT, _PhysicalDeviceExternalMemoryRDMAFeaturesNV, _VertexInputBindingDescription2EXT, _VertexInputAttributeDescription2EXT, _PhysicalDeviceColorWriteEnableFeaturesEXT, _PipelineColorWriteCreateInfoEXT, _MemoryBarrier2, _ImageMemoryBarrier2, _BufferMemoryBarrier2, _DependencyInfo, _SemaphoreSubmitInfo, _CommandBufferSubmitInfo, _SubmitInfo2, _QueueFamilyCheckpointProperties2NV, _CheckpointData2NV, _PhysicalDeviceSynchronization2Features, _PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT, _PhysicalDeviceLegacyDitheringFeaturesEXT, _PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT, _SubpassResolvePerformanceQueryEXT, _MultisampledRenderToSingleSampledInfoEXT, _PhysicalDevicePipelineProtectedAccessFeaturesEXT, _QueueFamilyVideoPropertiesKHR, _QueueFamilyQueryResultStatusPropertiesKHR, _VideoProfileListInfoKHR, _PhysicalDeviceVideoFormatInfoKHR, _VideoFormatPropertiesKHR, _VideoProfileInfoKHR, _VideoCapabilitiesKHR, _VideoSessionMemoryRequirementsKHR, _BindVideoSessionMemoryInfoKHR, _VideoPictureResourceInfoKHR, _VideoReferenceSlotInfoKHR, _VideoDecodeCapabilitiesKHR, _VideoDecodeUsageInfoKHR, _VideoDecodeInfoKHR, _VideoDecodeH264ProfileInfoKHR, _VideoDecodeH264CapabilitiesKHR, _VideoDecodeH264SessionParametersAddInfoKHR, _VideoDecodeH264SessionParametersCreateInfoKHR, _VideoDecodeH264PictureInfoKHR, _VideoDecodeH264DpbSlotInfoKHR, _VideoDecodeH265ProfileInfoKHR, _VideoDecodeH265CapabilitiesKHR, _VideoDecodeH265SessionParametersAddInfoKHR, _VideoDecodeH265SessionParametersCreateInfoKHR, _VideoDecodeH265PictureInfoKHR, _VideoDecodeH265DpbSlotInfoKHR, _VideoSessionCreateInfoKHR, _VideoSessionParametersCreateInfoKHR, _VideoSessionParametersUpdateInfoKHR, _VideoBeginCodingInfoKHR, _VideoEndCodingInfoKHR, _VideoCodingControlInfoKHR, _PhysicalDeviceInheritedViewportScissorFeaturesNV, _CommandBufferInheritanceViewportScissorInfoNV, _PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT, _PhysicalDeviceProvokingVertexFeaturesEXT, _PhysicalDeviceProvokingVertexPropertiesEXT, _PipelineRasterizationProvokingVertexStateCreateInfoEXT, _CuModuleCreateInfoNVX, _CuFunctionCreateInfoNVX, _CuLaunchInfoNVX, _PhysicalDeviceDescriptorBufferFeaturesEXT, _PhysicalDeviceDescriptorBufferPropertiesEXT, _PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT, _DescriptorAddressInfoEXT, _DescriptorBufferBindingInfoEXT, _DescriptorBufferBindingPushDescriptorBufferHandleEXT, _DescriptorGetInfoEXT, _BufferCaptureDescriptorDataInfoEXT, _ImageCaptureDescriptorDataInfoEXT, _ImageViewCaptureDescriptorDataInfoEXT, _SamplerCaptureDescriptorDataInfoEXT, _AccelerationStructureCaptureDescriptorDataInfoEXT, _OpaqueCaptureDescriptorDataCreateInfoEXT, _PhysicalDeviceShaderIntegerDotProductFeatures, _PhysicalDeviceShaderIntegerDotProductProperties, _PhysicalDeviceDrmPropertiesEXT, _PhysicalDeviceFragmentShaderBarycentricFeaturesKHR, _PhysicalDeviceFragmentShaderBarycentricPropertiesKHR, _PhysicalDeviceRayTracingMotionBlurFeaturesNV, _AccelerationStructureGeometryMotionTrianglesDataNV, _AccelerationStructureMotionInfoNV, _SRTDataNV, _AccelerationStructureSRTMotionInstanceNV, _AccelerationStructureMatrixMotionInstanceNV, _AccelerationStructureMotionInstanceNV, _MemoryGetRemoteAddressInfoNV, _PhysicalDeviceRGBA10X6FormatsFeaturesEXT, _FormatProperties3, _DrmFormatModifierPropertiesList2EXT, _DrmFormatModifierProperties2EXT, _PipelineRenderingCreateInfo, _RenderingInfo, _RenderingAttachmentInfo, _RenderingFragmentShadingRateAttachmentInfoKHR, _RenderingFragmentDensityMapAttachmentInfoEXT, _PhysicalDeviceDynamicRenderingFeatures, _CommandBufferInheritanceRenderingInfo, _AttachmentSampleCountInfoAMD, _MultiviewPerViewAttributesInfoNVX, _PhysicalDeviceImageViewMinLodFeaturesEXT, _ImageViewMinLodCreateInfoEXT, _PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT, _PhysicalDeviceLinearColorAttachmentFeaturesNV, _PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT, _PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT, _GraphicsPipelineLibraryCreateInfoEXT, _PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE, _DescriptorSetBindingReferenceVALVE, _DescriptorSetLayoutHostMappingInfoVALVE, _PhysicalDeviceShaderModuleIdentifierFeaturesEXT, _PhysicalDeviceShaderModuleIdentifierPropertiesEXT, _PipelineShaderStageModuleIdentifierCreateInfoEXT, _ShaderModuleIdentifierEXT, _ImageCompressionControlEXT, _PhysicalDeviceImageCompressionControlFeaturesEXT, _ImageCompressionPropertiesEXT, _PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT, _ImageSubresource2EXT, _SubresourceLayout2EXT, _RenderPassCreationControlEXT, _RenderPassCreationFeedbackInfoEXT, _RenderPassCreationFeedbackCreateInfoEXT, _RenderPassSubpassFeedbackInfoEXT, _RenderPassSubpassFeedbackCreateInfoEXT, _PhysicalDeviceSubpassMergeFeedbackFeaturesEXT, _MicromapBuildInfoEXT, _MicromapCreateInfoEXT, _MicromapVersionInfoEXT, _CopyMicromapInfoEXT, _CopyMicromapToMemoryInfoEXT, _CopyMemoryToMicromapInfoEXT, _MicromapBuildSizesInfoEXT, _MicromapUsageEXT, _MicromapTriangleEXT, _PhysicalDeviceOpacityMicromapFeaturesEXT, _PhysicalDeviceOpacityMicromapPropertiesEXT, _AccelerationStructureTrianglesOpacityMicromapEXT, _PipelinePropertiesIdentifierEXT, _PhysicalDevicePipelinePropertiesFeaturesEXT, _PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD, _PhysicalDeviceNonSeamlessCubeMapFeaturesEXT, _PhysicalDevicePipelineRobustnessFeaturesEXT, _PipelineRobustnessCreateInfoEXT, _PhysicalDevicePipelineRobustnessPropertiesEXT, _ImageViewSampleWeightCreateInfoQCOM, _PhysicalDeviceImageProcessingFeaturesQCOM, _PhysicalDeviceImageProcessingPropertiesQCOM, _PhysicalDeviceTilePropertiesFeaturesQCOM, _TilePropertiesQCOM, _PhysicalDeviceAmigoProfilingFeaturesSEC, _AmigoProfilingSubmitInfoSEC, _PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT, _PhysicalDeviceDepthClampZeroOneFeaturesEXT, _PhysicalDeviceAddressBindingReportFeaturesEXT, _DeviceAddressBindingCallbackDataEXT, _PhysicalDeviceOpticalFlowFeaturesNV, _PhysicalDeviceOpticalFlowPropertiesNV, _OpticalFlowImageFormatInfoNV, _OpticalFlowImageFormatPropertiesNV, _OpticalFlowSessionCreateInfoNV, _OpticalFlowSessionCreatePrivateDataInfoNV, _OpticalFlowExecuteInfoNV, _PhysicalDeviceFaultFeaturesEXT, _DeviceFaultAddressInfoEXT, _DeviceFaultVendorInfoEXT, _DeviceFaultCountsEXT, _DeviceFaultInfoEXT, _DeviceFaultVendorBinaryHeaderVersionOneEXT, _PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT, _DecompressMemoryRegionNV, _PhysicalDeviceShaderCoreBuiltinsPropertiesARM, _PhysicalDeviceShaderCoreBuiltinsFeaturesARM, _SurfacePresentModeEXT, _SurfacePresentScalingCapabilitiesEXT, _SurfacePresentModeCompatibilityEXT, _PhysicalDeviceSwapchainMaintenance1FeaturesEXT, _SwapchainPresentFenceInfoEXT, _SwapchainPresentModesCreateInfoEXT, _SwapchainPresentModeInfoEXT, _SwapchainPresentScalingCreateInfoEXT, _ReleaseSwapchainImagesInfoEXT, _PhysicalDeviceRayTracingInvocationReorderFeaturesNV, _PhysicalDeviceRayTracingInvocationReorderPropertiesNV, _DirectDriverLoadingInfoLUNARG, _DirectDriverLoadingListLUNARG, _PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM, _ClearColorValue, _ClearValue, _PerformanceCounterResultKHR, _PerformanceValueDataINTEL, _PipelineExecutableStatisticValueKHR, _DeviceOrHostAddressKHR, _DeviceOrHostAddressConstKHR, _AccelerationStructureGeometryDataKHR, _DescriptorDataEXT, _AccelerationStructureMotionInstanceDataNV, BaseOutStructure, BaseInStructure, Offset2D, Offset3D, Extent2D, Extent3D, Viewport, Rect2D, ClearRect, ComponentMapping, PhysicalDeviceProperties, ExtensionProperties, LayerProperties, ApplicationInfo, AllocationCallbacks, DeviceQueueCreateInfo, DeviceCreateInfo, InstanceCreateInfo, QueueFamilyProperties, PhysicalDeviceMemoryProperties, MemoryAllocateInfo, MemoryRequirements, SparseImageFormatProperties, SparseImageMemoryRequirements, MemoryType, MemoryHeap, MappedMemoryRange, FormatProperties, ImageFormatProperties, DescriptorBufferInfo, DescriptorImageInfo, WriteDescriptorSet, CopyDescriptorSet, BufferCreateInfo, BufferViewCreateInfo, ImageSubresource, ImageSubresourceLayers, ImageSubresourceRange, MemoryBarrier, BufferMemoryBarrier, ImageMemoryBarrier, ImageCreateInfo, SubresourceLayout, ImageViewCreateInfo, BufferCopy, SparseMemoryBind, SparseImageMemoryBind, SparseBufferMemoryBindInfo, SparseImageOpaqueMemoryBindInfo, SparseImageMemoryBindInfo, BindSparseInfo, ImageCopy, ImageBlit, BufferImageCopy, CopyMemoryIndirectCommandNV, CopyMemoryToImageIndirectCommandNV, ImageResolve, ShaderModuleCreateInfo, DescriptorSetLayoutBinding, DescriptorSetLayoutCreateInfo, DescriptorPoolSize, DescriptorPoolCreateInfo, DescriptorSetAllocateInfo, SpecializationMapEntry, SpecializationInfo, PipelineShaderStageCreateInfo, ComputePipelineCreateInfo, VertexInputBindingDescription, VertexInputAttributeDescription, PipelineVertexInputStateCreateInfo, PipelineInputAssemblyStateCreateInfo, PipelineTessellationStateCreateInfo, PipelineViewportStateCreateInfo, PipelineRasterizationStateCreateInfo, PipelineMultisampleStateCreateInfo, PipelineColorBlendAttachmentState, PipelineColorBlendStateCreateInfo, PipelineDynamicStateCreateInfo, StencilOpState, PipelineDepthStencilStateCreateInfo, GraphicsPipelineCreateInfo, PipelineCacheCreateInfo, PipelineCacheHeaderVersionOne, PushConstantRange, PipelineLayoutCreateInfo, SamplerCreateInfo, CommandPoolCreateInfo, CommandBufferAllocateInfo, CommandBufferInheritanceInfo, CommandBufferBeginInfo, RenderPassBeginInfo, ClearDepthStencilValue, ClearAttachment, AttachmentDescription, AttachmentReference, SubpassDescription, SubpassDependency, RenderPassCreateInfo, EventCreateInfo, FenceCreateInfo, PhysicalDeviceFeatures, PhysicalDeviceSparseProperties, PhysicalDeviceLimits, SemaphoreCreateInfo, QueryPoolCreateInfo, FramebufferCreateInfo, DrawIndirectCommand, DrawIndexedIndirectCommand, DispatchIndirectCommand, MultiDrawInfoEXT, MultiDrawIndexedInfoEXT, SubmitInfo, DisplayPropertiesKHR, DisplayPlanePropertiesKHR, DisplayModeParametersKHR, DisplayModePropertiesKHR, DisplayModeCreateInfoKHR, DisplayPlaneCapabilitiesKHR, DisplaySurfaceCreateInfoKHR, DisplayPresentInfoKHR, SurfaceCapabilitiesKHR, WaylandSurfaceCreateInfoKHR, XlibSurfaceCreateInfoKHR, XcbSurfaceCreateInfoKHR, SurfaceFormatKHR, SwapchainCreateInfoKHR, PresentInfoKHR, DebugReportCallbackCreateInfoEXT, ValidationFlagsEXT, ValidationFeaturesEXT, PipelineRasterizationStateRasterizationOrderAMD, DebugMarkerObjectNameInfoEXT, DebugMarkerObjectTagInfoEXT, DebugMarkerMarkerInfoEXT, DedicatedAllocationImageCreateInfoNV, DedicatedAllocationBufferCreateInfoNV, DedicatedAllocationMemoryAllocateInfoNV, ExternalImageFormatPropertiesNV, ExternalMemoryImageCreateInfoNV, ExportMemoryAllocateInfoNV, PhysicalDeviceDeviceGeneratedCommandsFeaturesNV, DevicePrivateDataCreateInfo, PrivateDataSlotCreateInfo, PhysicalDevicePrivateDataFeatures, PhysicalDeviceDeviceGeneratedCommandsPropertiesNV, PhysicalDeviceMultiDrawPropertiesEXT, GraphicsShaderGroupCreateInfoNV, GraphicsPipelineShaderGroupsCreateInfoNV, BindShaderGroupIndirectCommandNV, BindIndexBufferIndirectCommandNV, BindVertexBufferIndirectCommandNV, SetStateFlagsIndirectCommandNV, IndirectCommandsStreamNV, IndirectCommandsLayoutTokenNV, IndirectCommandsLayoutCreateInfoNV, GeneratedCommandsInfoNV, GeneratedCommandsMemoryRequirementsInfoNV, PhysicalDeviceFeatures2, PhysicalDeviceProperties2, FormatProperties2, ImageFormatProperties2, PhysicalDeviceImageFormatInfo2, QueueFamilyProperties2, PhysicalDeviceMemoryProperties2, SparseImageFormatProperties2, PhysicalDeviceSparseImageFormatInfo2, PhysicalDevicePushDescriptorPropertiesKHR, ConformanceVersion, PhysicalDeviceDriverProperties, PresentRegionsKHR, PresentRegionKHR, RectLayerKHR, PhysicalDeviceVariablePointersFeatures, ExternalMemoryProperties, PhysicalDeviceExternalImageFormatInfo, ExternalImageFormatProperties, PhysicalDeviceExternalBufferInfo, ExternalBufferProperties, PhysicalDeviceIDProperties, ExternalMemoryImageCreateInfo, ExternalMemoryBufferCreateInfo, ExportMemoryAllocateInfo, ImportMemoryFdInfoKHR, MemoryFdPropertiesKHR, MemoryGetFdInfoKHR, PhysicalDeviceExternalSemaphoreInfo, ExternalSemaphoreProperties, ExportSemaphoreCreateInfo, ImportSemaphoreFdInfoKHR, SemaphoreGetFdInfoKHR, PhysicalDeviceExternalFenceInfo, ExternalFenceProperties, ExportFenceCreateInfo, ImportFenceFdInfoKHR, FenceGetFdInfoKHR, PhysicalDeviceMultiviewFeatures, PhysicalDeviceMultiviewProperties, RenderPassMultiviewCreateInfo, SurfaceCapabilities2EXT, DisplayPowerInfoEXT, DeviceEventInfoEXT, DisplayEventInfoEXT, SwapchainCounterCreateInfoEXT, PhysicalDeviceGroupProperties, MemoryAllocateFlagsInfo, BindBufferMemoryInfo, BindBufferMemoryDeviceGroupInfo, BindImageMemoryInfo, BindImageMemoryDeviceGroupInfo, DeviceGroupRenderPassBeginInfo, DeviceGroupCommandBufferBeginInfo, DeviceGroupSubmitInfo, DeviceGroupBindSparseInfo, DeviceGroupPresentCapabilitiesKHR, ImageSwapchainCreateInfoKHR, BindImageMemorySwapchainInfoKHR, AcquireNextImageInfoKHR, DeviceGroupPresentInfoKHR, DeviceGroupDeviceCreateInfo, DeviceGroupSwapchainCreateInfoKHR, DescriptorUpdateTemplateEntry, DescriptorUpdateTemplateCreateInfo, XYColorEXT, PhysicalDevicePresentIdFeaturesKHR, PresentIdKHR, PhysicalDevicePresentWaitFeaturesKHR, HdrMetadataEXT, DisplayNativeHdrSurfaceCapabilitiesAMD, SwapchainDisplayNativeHdrCreateInfoAMD, RefreshCycleDurationGOOGLE, PastPresentationTimingGOOGLE, PresentTimesInfoGOOGLE, PresentTimeGOOGLE, ViewportWScalingNV, PipelineViewportWScalingStateCreateInfoNV, ViewportSwizzleNV, PipelineViewportSwizzleStateCreateInfoNV, PhysicalDeviceDiscardRectanglePropertiesEXT, PipelineDiscardRectangleStateCreateInfoEXT, PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX, InputAttachmentAspectReference, RenderPassInputAttachmentAspectCreateInfo, PhysicalDeviceSurfaceInfo2KHR, SurfaceCapabilities2KHR, SurfaceFormat2KHR, DisplayProperties2KHR, DisplayPlaneProperties2KHR, DisplayModeProperties2KHR, DisplayPlaneInfo2KHR, DisplayPlaneCapabilities2KHR, SharedPresentSurfaceCapabilitiesKHR, PhysicalDevice16BitStorageFeatures, PhysicalDeviceSubgroupProperties, PhysicalDeviceShaderSubgroupExtendedTypesFeatures, BufferMemoryRequirementsInfo2, DeviceBufferMemoryRequirements, ImageMemoryRequirementsInfo2, ImageSparseMemoryRequirementsInfo2, DeviceImageMemoryRequirements, MemoryRequirements2, SparseImageMemoryRequirements2, PhysicalDevicePointClippingProperties, MemoryDedicatedRequirements, MemoryDedicatedAllocateInfo, ImageViewUsageCreateInfo, PipelineTessellationDomainOriginStateCreateInfo, SamplerYcbcrConversionInfo, SamplerYcbcrConversionCreateInfo, BindImagePlaneMemoryInfo, ImagePlaneMemoryRequirementsInfo, PhysicalDeviceSamplerYcbcrConversionFeatures, SamplerYcbcrConversionImageFormatProperties, TextureLODGatherFormatPropertiesAMD, ConditionalRenderingBeginInfoEXT, ProtectedSubmitInfo, PhysicalDeviceProtectedMemoryFeatures, PhysicalDeviceProtectedMemoryProperties, DeviceQueueInfo2, PipelineCoverageToColorStateCreateInfoNV, PhysicalDeviceSamplerFilterMinmaxProperties, SampleLocationEXT, SampleLocationsInfoEXT, AttachmentSampleLocationsEXT, SubpassSampleLocationsEXT, RenderPassSampleLocationsBeginInfoEXT, PipelineSampleLocationsStateCreateInfoEXT, PhysicalDeviceSampleLocationsPropertiesEXT, MultisamplePropertiesEXT, SamplerReductionModeCreateInfo, PhysicalDeviceBlendOperationAdvancedFeaturesEXT, PhysicalDeviceMultiDrawFeaturesEXT, PhysicalDeviceBlendOperationAdvancedPropertiesEXT, PipelineColorBlendAdvancedStateCreateInfoEXT, PhysicalDeviceInlineUniformBlockFeatures, PhysicalDeviceInlineUniformBlockProperties, WriteDescriptorSetInlineUniformBlock, DescriptorPoolInlineUniformBlockCreateInfo, PipelineCoverageModulationStateCreateInfoNV, ImageFormatListCreateInfo, ValidationCacheCreateInfoEXT, ShaderModuleValidationCacheCreateInfoEXT, PhysicalDeviceMaintenance3Properties, PhysicalDeviceMaintenance4Features, PhysicalDeviceMaintenance4Properties, DescriptorSetLayoutSupport, PhysicalDeviceShaderDrawParametersFeatures, PhysicalDeviceShaderFloat16Int8Features, PhysicalDeviceFloatControlsProperties, PhysicalDeviceHostQueryResetFeatures, ShaderResourceUsageAMD, ShaderStatisticsInfoAMD, DeviceQueueGlobalPriorityCreateInfoKHR, PhysicalDeviceGlobalPriorityQueryFeaturesKHR, QueueFamilyGlobalPriorityPropertiesKHR, DebugUtilsObjectNameInfoEXT, DebugUtilsObjectTagInfoEXT, DebugUtilsLabelEXT, DebugUtilsMessengerCreateInfoEXT, DebugUtilsMessengerCallbackDataEXT, PhysicalDeviceDeviceMemoryReportFeaturesEXT, DeviceDeviceMemoryReportCreateInfoEXT, DeviceMemoryReportCallbackDataEXT, ImportMemoryHostPointerInfoEXT, MemoryHostPointerPropertiesEXT, PhysicalDeviceExternalMemoryHostPropertiesEXT, PhysicalDeviceConservativeRasterizationPropertiesEXT, CalibratedTimestampInfoEXT, PhysicalDeviceShaderCorePropertiesAMD, PhysicalDeviceShaderCoreProperties2AMD, PipelineRasterizationConservativeStateCreateInfoEXT, PhysicalDeviceDescriptorIndexingFeatures, PhysicalDeviceDescriptorIndexingProperties, DescriptorSetLayoutBindingFlagsCreateInfo, DescriptorSetVariableDescriptorCountAllocateInfo, DescriptorSetVariableDescriptorCountLayoutSupport, AttachmentDescription2, AttachmentReference2, SubpassDescription2, SubpassDependency2, RenderPassCreateInfo2, SubpassBeginInfo, SubpassEndInfo, PhysicalDeviceTimelineSemaphoreFeatures, PhysicalDeviceTimelineSemaphoreProperties, SemaphoreTypeCreateInfo, TimelineSemaphoreSubmitInfo, SemaphoreWaitInfo, SemaphoreSignalInfo, VertexInputBindingDivisorDescriptionEXT, PipelineVertexInputDivisorStateCreateInfoEXT, PhysicalDeviceVertexAttributeDivisorPropertiesEXT, PhysicalDevicePCIBusInfoPropertiesEXT, CommandBufferInheritanceConditionalRenderingInfoEXT, PhysicalDevice8BitStorageFeatures, PhysicalDeviceConditionalRenderingFeaturesEXT, PhysicalDeviceVulkanMemoryModelFeatures, PhysicalDeviceShaderAtomicInt64Features, PhysicalDeviceShaderAtomicFloatFeaturesEXT, PhysicalDeviceShaderAtomicFloat2FeaturesEXT, PhysicalDeviceVertexAttributeDivisorFeaturesEXT, QueueFamilyCheckpointPropertiesNV, CheckpointDataNV, PhysicalDeviceDepthStencilResolveProperties, SubpassDescriptionDepthStencilResolve, ImageViewASTCDecodeModeEXT, PhysicalDeviceASTCDecodeFeaturesEXT, PhysicalDeviceTransformFeedbackFeaturesEXT, PhysicalDeviceTransformFeedbackPropertiesEXT, PipelineRasterizationStateStreamCreateInfoEXT, PhysicalDeviceRepresentativeFragmentTestFeaturesNV, PipelineRepresentativeFragmentTestStateCreateInfoNV, PhysicalDeviceExclusiveScissorFeaturesNV, PipelineViewportExclusiveScissorStateCreateInfoNV, PhysicalDeviceCornerSampledImageFeaturesNV, PhysicalDeviceComputeShaderDerivativesFeaturesNV, PhysicalDeviceShaderImageFootprintFeaturesNV, PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV, PhysicalDeviceCopyMemoryIndirectFeaturesNV, PhysicalDeviceCopyMemoryIndirectPropertiesNV, PhysicalDeviceMemoryDecompressionFeaturesNV, PhysicalDeviceMemoryDecompressionPropertiesNV, ShadingRatePaletteNV, PipelineViewportShadingRateImageStateCreateInfoNV, PhysicalDeviceShadingRateImageFeaturesNV, PhysicalDeviceShadingRateImagePropertiesNV, PhysicalDeviceInvocationMaskFeaturesHUAWEI, CoarseSampleLocationNV, CoarseSampleOrderCustomNV, PipelineViewportCoarseSampleOrderStateCreateInfoNV, PhysicalDeviceMeshShaderFeaturesNV, PhysicalDeviceMeshShaderPropertiesNV, DrawMeshTasksIndirectCommandNV, PhysicalDeviceMeshShaderFeaturesEXT, PhysicalDeviceMeshShaderPropertiesEXT, DrawMeshTasksIndirectCommandEXT, RayTracingShaderGroupCreateInfoNV, RayTracingShaderGroupCreateInfoKHR, RayTracingPipelineCreateInfoNV, RayTracingPipelineCreateInfoKHR, GeometryTrianglesNV, GeometryAABBNV, GeometryDataNV, GeometryNV, AccelerationStructureInfoNV, AccelerationStructureCreateInfoNV, BindAccelerationStructureMemoryInfoNV, WriteDescriptorSetAccelerationStructureKHR, WriteDescriptorSetAccelerationStructureNV, AccelerationStructureMemoryRequirementsInfoNV, PhysicalDeviceAccelerationStructureFeaturesKHR, PhysicalDeviceRayTracingPipelineFeaturesKHR, PhysicalDeviceRayQueryFeaturesKHR, PhysicalDeviceAccelerationStructurePropertiesKHR, PhysicalDeviceRayTracingPipelinePropertiesKHR, PhysicalDeviceRayTracingPropertiesNV, StridedDeviceAddressRegionKHR, TraceRaysIndirectCommandKHR, TraceRaysIndirectCommand2KHR, PhysicalDeviceRayTracingMaintenance1FeaturesKHR, DrmFormatModifierPropertiesListEXT, DrmFormatModifierPropertiesEXT, PhysicalDeviceImageDrmFormatModifierInfoEXT, ImageDrmFormatModifierListCreateInfoEXT, ImageDrmFormatModifierExplicitCreateInfoEXT, ImageDrmFormatModifierPropertiesEXT, ImageStencilUsageCreateInfo, DeviceMemoryOverallocationCreateInfoAMD, PhysicalDeviceFragmentDensityMapFeaturesEXT, PhysicalDeviceFragmentDensityMap2FeaturesEXT, PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM, PhysicalDeviceFragmentDensityMapPropertiesEXT, PhysicalDeviceFragmentDensityMap2PropertiesEXT, PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM, RenderPassFragmentDensityMapCreateInfoEXT, SubpassFragmentDensityMapOffsetEndInfoQCOM, PhysicalDeviceScalarBlockLayoutFeatures, SurfaceProtectedCapabilitiesKHR, PhysicalDeviceUniformBufferStandardLayoutFeatures, PhysicalDeviceDepthClipEnableFeaturesEXT, PipelineRasterizationDepthClipStateCreateInfoEXT, PhysicalDeviceMemoryBudgetPropertiesEXT, PhysicalDeviceMemoryPriorityFeaturesEXT, MemoryPriorityAllocateInfoEXT, PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT, PhysicalDeviceBufferDeviceAddressFeatures, PhysicalDeviceBufferDeviceAddressFeaturesEXT, BufferDeviceAddressInfo, BufferOpaqueCaptureAddressCreateInfo, BufferDeviceAddressCreateInfoEXT, PhysicalDeviceImageViewImageFormatInfoEXT, FilterCubicImageViewImageFormatPropertiesEXT, PhysicalDeviceImagelessFramebufferFeatures, FramebufferAttachmentsCreateInfo, FramebufferAttachmentImageInfo, RenderPassAttachmentBeginInfo, PhysicalDeviceTextureCompressionASTCHDRFeatures, PhysicalDeviceCooperativeMatrixFeaturesNV, PhysicalDeviceCooperativeMatrixPropertiesNV, CooperativeMatrixPropertiesNV, PhysicalDeviceYcbcrImageArraysFeaturesEXT, ImageViewHandleInfoNVX, ImageViewAddressPropertiesNVX, PipelineCreationFeedback, PipelineCreationFeedbackCreateInfo, PhysicalDevicePresentBarrierFeaturesNV, SurfaceCapabilitiesPresentBarrierNV, SwapchainPresentBarrierCreateInfoNV, PhysicalDevicePerformanceQueryFeaturesKHR, PhysicalDevicePerformanceQueryPropertiesKHR, PerformanceCounterKHR, PerformanceCounterDescriptionKHR, QueryPoolPerformanceCreateInfoKHR, AcquireProfilingLockInfoKHR, PerformanceQuerySubmitInfoKHR, HeadlessSurfaceCreateInfoEXT, PhysicalDeviceCoverageReductionModeFeaturesNV, PipelineCoverageReductionStateCreateInfoNV, FramebufferMixedSamplesCombinationNV, PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL, PerformanceValueINTEL, InitializePerformanceApiInfoINTEL, QueryPoolPerformanceQueryCreateInfoINTEL, PerformanceMarkerInfoINTEL, PerformanceStreamMarkerInfoINTEL, PerformanceOverrideInfoINTEL, PerformanceConfigurationAcquireInfoINTEL, PhysicalDeviceShaderClockFeaturesKHR, PhysicalDeviceIndexTypeUint8FeaturesEXT, PhysicalDeviceShaderSMBuiltinsPropertiesNV, PhysicalDeviceShaderSMBuiltinsFeaturesNV, PhysicalDeviceFragmentShaderInterlockFeaturesEXT, PhysicalDeviceSeparateDepthStencilLayoutsFeatures, AttachmentReferenceStencilLayout, PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT, AttachmentDescriptionStencilLayout, PhysicalDevicePipelineExecutablePropertiesFeaturesKHR, PipelineInfoKHR, PipelineExecutablePropertiesKHR, PipelineExecutableInfoKHR, PipelineExecutableStatisticKHR, PipelineExecutableInternalRepresentationKHR, PhysicalDeviceShaderDemoteToHelperInvocationFeatures, PhysicalDeviceTexelBufferAlignmentFeaturesEXT, PhysicalDeviceTexelBufferAlignmentProperties, PhysicalDeviceSubgroupSizeControlFeatures, PhysicalDeviceSubgroupSizeControlProperties, PipelineShaderStageRequiredSubgroupSizeCreateInfo, SubpassShadingPipelineCreateInfoHUAWEI, PhysicalDeviceSubpassShadingPropertiesHUAWEI, PhysicalDeviceClusterCullingShaderPropertiesHUAWEI, MemoryOpaqueCaptureAddressAllocateInfo, DeviceMemoryOpaqueCaptureAddressInfo, PhysicalDeviceLineRasterizationFeaturesEXT, PhysicalDeviceLineRasterizationPropertiesEXT, PipelineRasterizationLineStateCreateInfoEXT, PhysicalDevicePipelineCreationCacheControlFeatures, PhysicalDeviceVulkan11Features, PhysicalDeviceVulkan11Properties, PhysicalDeviceVulkan12Features, PhysicalDeviceVulkan12Properties, PhysicalDeviceVulkan13Features, PhysicalDeviceVulkan13Properties, PipelineCompilerControlCreateInfoAMD, PhysicalDeviceCoherentMemoryFeaturesAMD, PhysicalDeviceToolProperties, SamplerCustomBorderColorCreateInfoEXT, PhysicalDeviceCustomBorderColorPropertiesEXT, PhysicalDeviceCustomBorderColorFeaturesEXT, SamplerBorderColorComponentMappingCreateInfoEXT, PhysicalDeviceBorderColorSwizzleFeaturesEXT, AccelerationStructureGeometryTrianglesDataKHR, AccelerationStructureGeometryAabbsDataKHR, AccelerationStructureGeometryInstancesDataKHR, AccelerationStructureGeometryKHR, AccelerationStructureBuildGeometryInfoKHR, AccelerationStructureBuildRangeInfoKHR, AccelerationStructureCreateInfoKHR, AabbPositionsKHR, TransformMatrixKHR, AccelerationStructureInstanceKHR, AccelerationStructureDeviceAddressInfoKHR, AccelerationStructureVersionInfoKHR, CopyAccelerationStructureInfoKHR, CopyAccelerationStructureToMemoryInfoKHR, CopyMemoryToAccelerationStructureInfoKHR, RayTracingPipelineInterfaceCreateInfoKHR, PipelineLibraryCreateInfoKHR, PhysicalDeviceExtendedDynamicStateFeaturesEXT, PhysicalDeviceExtendedDynamicState2FeaturesEXT, PhysicalDeviceExtendedDynamicState3FeaturesEXT, PhysicalDeviceExtendedDynamicState3PropertiesEXT, ColorBlendEquationEXT, ColorBlendAdvancedEXT, RenderPassTransformBeginInfoQCOM, CopyCommandTransformInfoQCOM, CommandBufferInheritanceRenderPassTransformInfoQCOM, PhysicalDeviceDiagnosticsConfigFeaturesNV, DeviceDiagnosticsConfigCreateInfoNV, PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures, PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR, PhysicalDeviceRobustness2FeaturesEXT, PhysicalDeviceRobustness2PropertiesEXT, PhysicalDeviceImageRobustnessFeatures, PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR, PhysicalDevice4444FormatsFeaturesEXT, PhysicalDeviceSubpassShadingFeaturesHUAWEI, PhysicalDeviceClusterCullingShaderFeaturesHUAWEI, BufferCopy2, ImageCopy2, ImageBlit2, BufferImageCopy2, ImageResolve2, CopyBufferInfo2, CopyImageInfo2, BlitImageInfo2, CopyBufferToImageInfo2, CopyImageToBufferInfo2, ResolveImageInfo2, PhysicalDeviceShaderImageAtomicInt64FeaturesEXT, FragmentShadingRateAttachmentInfoKHR, PipelineFragmentShadingRateStateCreateInfoKHR, PhysicalDeviceFragmentShadingRateFeaturesKHR, PhysicalDeviceFragmentShadingRatePropertiesKHR, PhysicalDeviceFragmentShadingRateKHR, PhysicalDeviceShaderTerminateInvocationFeatures, PhysicalDeviceFragmentShadingRateEnumsFeaturesNV, PhysicalDeviceFragmentShadingRateEnumsPropertiesNV, PipelineFragmentShadingRateEnumStateCreateInfoNV, AccelerationStructureBuildSizesInfoKHR, PhysicalDeviceImage2DViewOf3DFeaturesEXT, PhysicalDeviceMutableDescriptorTypeFeaturesEXT, MutableDescriptorTypeListEXT, MutableDescriptorTypeCreateInfoEXT, PhysicalDeviceDepthClipControlFeaturesEXT, PipelineViewportDepthClipControlCreateInfoEXT, PhysicalDeviceVertexInputDynamicStateFeaturesEXT, PhysicalDeviceExternalMemoryRDMAFeaturesNV, VertexInputBindingDescription2EXT, VertexInputAttributeDescription2EXT, PhysicalDeviceColorWriteEnableFeaturesEXT, PipelineColorWriteCreateInfoEXT, MemoryBarrier2, ImageMemoryBarrier2, BufferMemoryBarrier2, DependencyInfo, SemaphoreSubmitInfo, CommandBufferSubmitInfo, SubmitInfo2, QueueFamilyCheckpointProperties2NV, CheckpointData2NV, PhysicalDeviceSynchronization2Features, PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT, PhysicalDeviceLegacyDitheringFeaturesEXT, PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT, SubpassResolvePerformanceQueryEXT, MultisampledRenderToSingleSampledInfoEXT, PhysicalDevicePipelineProtectedAccessFeaturesEXT, QueueFamilyVideoPropertiesKHR, QueueFamilyQueryResultStatusPropertiesKHR, VideoProfileListInfoKHR, PhysicalDeviceVideoFormatInfoKHR, VideoFormatPropertiesKHR, VideoProfileInfoKHR, VideoCapabilitiesKHR, VideoSessionMemoryRequirementsKHR, BindVideoSessionMemoryInfoKHR, VideoPictureResourceInfoKHR, VideoReferenceSlotInfoKHR, VideoDecodeCapabilitiesKHR, VideoDecodeUsageInfoKHR, VideoDecodeInfoKHR, VideoDecodeH264ProfileInfoKHR, VideoDecodeH264CapabilitiesKHR, VideoDecodeH264SessionParametersAddInfoKHR, VideoDecodeH264SessionParametersCreateInfoKHR, VideoDecodeH264PictureInfoKHR, VideoDecodeH264DpbSlotInfoKHR, VideoDecodeH265ProfileInfoKHR, VideoDecodeH265CapabilitiesKHR, VideoDecodeH265SessionParametersAddInfoKHR, VideoDecodeH265SessionParametersCreateInfoKHR, VideoDecodeH265PictureInfoKHR, VideoDecodeH265DpbSlotInfoKHR, VideoSessionCreateInfoKHR, VideoSessionParametersCreateInfoKHR, VideoSessionParametersUpdateInfoKHR, VideoBeginCodingInfoKHR, VideoEndCodingInfoKHR, VideoCodingControlInfoKHR, PhysicalDeviceInheritedViewportScissorFeaturesNV, CommandBufferInheritanceViewportScissorInfoNV, PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT, PhysicalDeviceProvokingVertexFeaturesEXT, PhysicalDeviceProvokingVertexPropertiesEXT, PipelineRasterizationProvokingVertexStateCreateInfoEXT, CuModuleCreateInfoNVX, CuFunctionCreateInfoNVX, CuLaunchInfoNVX, PhysicalDeviceDescriptorBufferFeaturesEXT, PhysicalDeviceDescriptorBufferPropertiesEXT, PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT, DescriptorAddressInfoEXT, DescriptorBufferBindingInfoEXT, DescriptorBufferBindingPushDescriptorBufferHandleEXT, DescriptorGetInfoEXT, BufferCaptureDescriptorDataInfoEXT, ImageCaptureDescriptorDataInfoEXT, ImageViewCaptureDescriptorDataInfoEXT, SamplerCaptureDescriptorDataInfoEXT, AccelerationStructureCaptureDescriptorDataInfoEXT, OpaqueCaptureDescriptorDataCreateInfoEXT, PhysicalDeviceShaderIntegerDotProductFeatures, PhysicalDeviceShaderIntegerDotProductProperties, PhysicalDeviceDrmPropertiesEXT, PhysicalDeviceFragmentShaderBarycentricFeaturesKHR, PhysicalDeviceFragmentShaderBarycentricPropertiesKHR, PhysicalDeviceRayTracingMotionBlurFeaturesNV, AccelerationStructureGeometryMotionTrianglesDataNV, AccelerationStructureMotionInfoNV, SRTDataNV, AccelerationStructureSRTMotionInstanceNV, AccelerationStructureMatrixMotionInstanceNV, AccelerationStructureMotionInstanceNV, MemoryGetRemoteAddressInfoNV, PhysicalDeviceRGBA10X6FormatsFeaturesEXT, FormatProperties3, DrmFormatModifierPropertiesList2EXT, DrmFormatModifierProperties2EXT, PipelineRenderingCreateInfo, RenderingInfo, RenderingAttachmentInfo, RenderingFragmentShadingRateAttachmentInfoKHR, RenderingFragmentDensityMapAttachmentInfoEXT, PhysicalDeviceDynamicRenderingFeatures, CommandBufferInheritanceRenderingInfo, AttachmentSampleCountInfoAMD, MultiviewPerViewAttributesInfoNVX, PhysicalDeviceImageViewMinLodFeaturesEXT, ImageViewMinLodCreateInfoEXT, PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT, PhysicalDeviceLinearColorAttachmentFeaturesNV, PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT, PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT, GraphicsPipelineLibraryCreateInfoEXT, PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE, DescriptorSetBindingReferenceVALVE, DescriptorSetLayoutHostMappingInfoVALVE, PhysicalDeviceShaderModuleIdentifierFeaturesEXT, PhysicalDeviceShaderModuleIdentifierPropertiesEXT, PipelineShaderStageModuleIdentifierCreateInfoEXT, ShaderModuleIdentifierEXT, ImageCompressionControlEXT, PhysicalDeviceImageCompressionControlFeaturesEXT, ImageCompressionPropertiesEXT, PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT, ImageSubresource2EXT, SubresourceLayout2EXT, RenderPassCreationControlEXT, RenderPassCreationFeedbackInfoEXT, RenderPassCreationFeedbackCreateInfoEXT, RenderPassSubpassFeedbackInfoEXT, RenderPassSubpassFeedbackCreateInfoEXT, PhysicalDeviceSubpassMergeFeedbackFeaturesEXT, MicromapBuildInfoEXT, MicromapCreateInfoEXT, MicromapVersionInfoEXT, CopyMicromapInfoEXT, CopyMicromapToMemoryInfoEXT, CopyMemoryToMicromapInfoEXT, MicromapBuildSizesInfoEXT, MicromapUsageEXT, MicromapTriangleEXT, PhysicalDeviceOpacityMicromapFeaturesEXT, PhysicalDeviceOpacityMicromapPropertiesEXT, AccelerationStructureTrianglesOpacityMicromapEXT, PipelinePropertiesIdentifierEXT, PhysicalDevicePipelinePropertiesFeaturesEXT, PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD, PhysicalDeviceNonSeamlessCubeMapFeaturesEXT, PhysicalDevicePipelineRobustnessFeaturesEXT, PipelineRobustnessCreateInfoEXT, PhysicalDevicePipelineRobustnessPropertiesEXT, ImageViewSampleWeightCreateInfoQCOM, PhysicalDeviceImageProcessingFeaturesQCOM, PhysicalDeviceImageProcessingPropertiesQCOM, PhysicalDeviceTilePropertiesFeaturesQCOM, TilePropertiesQCOM, PhysicalDeviceAmigoProfilingFeaturesSEC, AmigoProfilingSubmitInfoSEC, PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT, PhysicalDeviceDepthClampZeroOneFeaturesEXT, PhysicalDeviceAddressBindingReportFeaturesEXT, DeviceAddressBindingCallbackDataEXT, PhysicalDeviceOpticalFlowFeaturesNV, PhysicalDeviceOpticalFlowPropertiesNV, OpticalFlowImageFormatInfoNV, OpticalFlowImageFormatPropertiesNV, OpticalFlowSessionCreateInfoNV, OpticalFlowSessionCreatePrivateDataInfoNV, OpticalFlowExecuteInfoNV, PhysicalDeviceFaultFeaturesEXT, DeviceFaultAddressInfoEXT, DeviceFaultVendorInfoEXT, DeviceFaultCountsEXT, DeviceFaultInfoEXT, DeviceFaultVendorBinaryHeaderVersionOneEXT, PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT, DecompressMemoryRegionNV, PhysicalDeviceShaderCoreBuiltinsPropertiesARM, PhysicalDeviceShaderCoreBuiltinsFeaturesARM, SurfacePresentModeEXT, SurfacePresentScalingCapabilitiesEXT, SurfacePresentModeCompatibilityEXT, PhysicalDeviceSwapchainMaintenance1FeaturesEXT, SwapchainPresentFenceInfoEXT, SwapchainPresentModesCreateInfoEXT, SwapchainPresentModeInfoEXT, SwapchainPresentScalingCreateInfoEXT, ReleaseSwapchainImagesInfoEXT, PhysicalDeviceRayTracingInvocationReorderFeaturesNV, PhysicalDeviceRayTracingInvocationReorderPropertiesNV, DirectDriverLoadingInfoLUNARG, DirectDriverLoadingListLUNARG, PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM, ClearColorValue, ClearValue, PerformanceCounterResultKHR, PerformanceValueDataINTEL, PipelineExecutableStatisticValueKHR, DeviceOrHostAddressKHR, DeviceOrHostAddressConstKHR, AccelerationStructureGeometryDataKHR, DescriptorDataEXT, AccelerationStructureMotionInstanceDataNV, _create_instance, _destroy_instance, _enumerate_physical_devices, _get_device_proc_addr, _get_instance_proc_addr, _get_physical_device_properties, _get_physical_device_queue_family_properties, _get_physical_device_memory_properties, _get_physical_device_features, _get_physical_device_format_properties, _get_physical_device_image_format_properties, _create_device, _destroy_device, _enumerate_instance_version, _enumerate_instance_layer_properties, _enumerate_instance_extension_properties, _enumerate_device_layer_properties, _enumerate_device_extension_properties, _get_device_queue, _queue_submit, _queue_wait_idle, _device_wait_idle, _allocate_memory, _free_memory, _map_memory, _unmap_memory, _flush_mapped_memory_ranges, _invalidate_mapped_memory_ranges, _get_device_memory_commitment, _get_buffer_memory_requirements, _bind_buffer_memory, _get_image_memory_requirements, _bind_image_memory, _get_image_sparse_memory_requirements, _get_physical_device_sparse_image_format_properties, _queue_bind_sparse, _create_fence, _destroy_fence, _reset_fences, _get_fence_status, _wait_for_fences, _create_semaphore, _destroy_semaphore, _create_event, _destroy_event, _get_event_status, _set_event, _reset_event, _create_query_pool, _destroy_query_pool, _get_query_pool_results, _reset_query_pool, _create_buffer, _destroy_buffer, _create_buffer_view, _destroy_buffer_view, _create_image, _destroy_image, _get_image_subresource_layout, _create_image_view, _destroy_image_view, _create_shader_module, _destroy_shader_module, _create_pipeline_cache, _destroy_pipeline_cache, _get_pipeline_cache_data, _merge_pipeline_caches, _create_graphics_pipelines, _create_compute_pipelines, _get_device_subpass_shading_max_workgroup_size_huawei, _destroy_pipeline, _create_pipeline_layout, _destroy_pipeline_layout, _create_sampler, _destroy_sampler, _create_descriptor_set_layout, _destroy_descriptor_set_layout, _create_descriptor_pool, _destroy_descriptor_pool, _reset_descriptor_pool, _allocate_descriptor_sets, _free_descriptor_sets, _update_descriptor_sets, _create_framebuffer, _destroy_framebuffer, _create_render_pass, _destroy_render_pass, _get_render_area_granularity, _create_command_pool, _destroy_command_pool, _reset_command_pool, _allocate_command_buffers, _free_command_buffers, _begin_command_buffer, _end_command_buffer, _reset_command_buffer, _cmd_bind_pipeline, _cmd_set_viewport, _cmd_set_scissor, _cmd_set_line_width, _cmd_set_depth_bias, _cmd_set_blend_constants, _cmd_set_depth_bounds, _cmd_set_stencil_compare_mask, _cmd_set_stencil_write_mask, _cmd_set_stencil_reference, _cmd_bind_descriptor_sets, _cmd_bind_index_buffer, _cmd_bind_vertex_buffers, _cmd_draw, _cmd_draw_indexed, _cmd_draw_multi_ext, _cmd_draw_multi_indexed_ext, _cmd_draw_indirect, _cmd_draw_indexed_indirect, _cmd_dispatch, _cmd_dispatch_indirect, _cmd_subpass_shading_huawei, _cmd_draw_cluster_huawei, _cmd_draw_cluster_indirect_huawei, _cmd_copy_buffer, _cmd_copy_image, _cmd_blit_image, _cmd_copy_buffer_to_image, _cmd_copy_image_to_buffer, _cmd_copy_memory_indirect_nv, _cmd_copy_memory_to_image_indirect_nv, _cmd_update_buffer, _cmd_fill_buffer, _cmd_clear_color_image, _cmd_clear_depth_stencil_image, _cmd_clear_attachments, _cmd_resolve_image, _cmd_set_event, _cmd_reset_event, _cmd_wait_events, _cmd_pipeline_barrier, _cmd_begin_query, _cmd_end_query, _cmd_begin_conditional_rendering_ext, _cmd_end_conditional_rendering_ext, _cmd_reset_query_pool, _cmd_write_timestamp, _cmd_copy_query_pool_results, _cmd_push_constants, _cmd_begin_render_pass, _cmd_next_subpass, _cmd_end_render_pass, _cmd_execute_commands, _get_physical_device_display_properties_khr, _get_physical_device_display_plane_properties_khr, _get_display_plane_supported_displays_khr, _get_display_mode_properties_khr, _create_display_mode_khr, _get_display_plane_capabilities_khr, _create_display_plane_surface_khr, _create_shared_swapchains_khr, _destroy_surface_khr, _get_physical_device_surface_support_khr, _get_physical_device_surface_capabilities_khr, _get_physical_device_surface_formats_khr, _get_physical_device_surface_present_modes_khr, _create_swapchain_khr, _destroy_swapchain_khr, _get_swapchain_images_khr, _acquire_next_image_khr, _queue_present_khr, _create_wayland_surface_khr, _get_physical_device_wayland_presentation_support_khr, _create_xlib_surface_khr, _get_physical_device_xlib_presentation_support_khr, _create_xcb_surface_khr, _get_physical_device_xcb_presentation_support_khr, _create_debug_report_callback_ext, _destroy_debug_report_callback_ext, _debug_report_message_ext, _debug_marker_set_object_name_ext, _debug_marker_set_object_tag_ext, _cmd_debug_marker_begin_ext, _cmd_debug_marker_end_ext, _cmd_debug_marker_insert_ext, _get_physical_device_external_image_format_properties_nv, _cmd_execute_generated_commands_nv, _cmd_preprocess_generated_commands_nv, _cmd_bind_pipeline_shader_group_nv, _get_generated_commands_memory_requirements_nv, _create_indirect_commands_layout_nv, _destroy_indirect_commands_layout_nv, _get_physical_device_features_2, _get_physical_device_properties_2, _get_physical_device_format_properties_2, _get_physical_device_image_format_properties_2, _get_physical_device_queue_family_properties_2, _get_physical_device_memory_properties_2, _get_physical_device_sparse_image_format_properties_2, _cmd_push_descriptor_set_khr, _trim_command_pool, _get_physical_device_external_buffer_properties, _get_memory_fd_khr, _get_memory_fd_properties_khr, _get_memory_remote_address_nv, _get_physical_device_external_semaphore_properties, _get_semaphore_fd_khr, _import_semaphore_fd_khr, _get_physical_device_external_fence_properties, _get_fence_fd_khr, _import_fence_fd_khr, _release_display_ext, _acquire_xlib_display_ext, _get_rand_r_output_display_ext, _display_power_control_ext, _register_device_event_ext, _register_display_event_ext, _get_swapchain_counter_ext, _get_physical_device_surface_capabilities_2_ext, _enumerate_physical_device_groups, _get_device_group_peer_memory_features, _bind_buffer_memory_2, _bind_image_memory_2, _cmd_set_device_mask, _get_device_group_present_capabilities_khr, _get_device_group_surface_present_modes_khr, _acquire_next_image_2_khr, _cmd_dispatch_base, _get_physical_device_present_rectangles_khr, _create_descriptor_update_template, _destroy_descriptor_update_template, _update_descriptor_set_with_template, _cmd_push_descriptor_set_with_template_khr, _set_hdr_metadata_ext, _get_swapchain_status_khr, _get_refresh_cycle_duration_google, _get_past_presentation_timing_google, _cmd_set_viewport_w_scaling_nv, _cmd_set_discard_rectangle_ext, _cmd_set_sample_locations_ext, _get_physical_device_multisample_properties_ext, _get_physical_device_surface_capabilities_2_khr, _get_physical_device_surface_formats_2_khr, _get_physical_device_display_properties_2_khr, _get_physical_device_display_plane_properties_2_khr, _get_display_mode_properties_2_khr, _get_display_plane_capabilities_2_khr, _get_buffer_memory_requirements_2, _get_image_memory_requirements_2, _get_image_sparse_memory_requirements_2, _get_device_buffer_memory_requirements, _get_device_image_memory_requirements, _get_device_image_sparse_memory_requirements, _create_sampler_ycbcr_conversion, _destroy_sampler_ycbcr_conversion, _get_device_queue_2, _create_validation_cache_ext, _destroy_validation_cache_ext, _get_validation_cache_data_ext, _merge_validation_caches_ext, _get_descriptor_set_layout_support, _get_shader_info_amd, _set_local_dimming_amd, _get_physical_device_calibrateable_time_domains_ext, _get_calibrated_timestamps_ext, _set_debug_utils_object_name_ext, _set_debug_utils_object_tag_ext, _queue_begin_debug_utils_label_ext, _queue_end_debug_utils_label_ext, _queue_insert_debug_utils_label_ext, _cmd_begin_debug_utils_label_ext, _cmd_end_debug_utils_label_ext, _cmd_insert_debug_utils_label_ext, _create_debug_utils_messenger_ext, _destroy_debug_utils_messenger_ext, _submit_debug_utils_message_ext, _get_memory_host_pointer_properties_ext, _cmd_write_buffer_marker_amd, _create_render_pass_2, _cmd_begin_render_pass_2, _cmd_next_subpass_2, _cmd_end_render_pass_2, _get_semaphore_counter_value, _wait_semaphores, _signal_semaphore, _cmd_draw_indirect_count, _cmd_draw_indexed_indirect_count, _cmd_set_checkpoint_nv, _get_queue_checkpoint_data_nv, _cmd_bind_transform_feedback_buffers_ext, _cmd_begin_transform_feedback_ext, _cmd_end_transform_feedback_ext, _cmd_begin_query_indexed_ext, _cmd_end_query_indexed_ext, _cmd_draw_indirect_byte_count_ext, _cmd_set_exclusive_scissor_nv, _cmd_bind_shading_rate_image_nv, _cmd_set_viewport_shading_rate_palette_nv, _cmd_set_coarse_sample_order_nv, _cmd_draw_mesh_tasks_nv, _cmd_draw_mesh_tasks_indirect_nv, _cmd_draw_mesh_tasks_indirect_count_nv, _cmd_draw_mesh_tasks_ext, _cmd_draw_mesh_tasks_indirect_ext, _cmd_draw_mesh_tasks_indirect_count_ext, _compile_deferred_nv, _create_acceleration_structure_nv, _cmd_bind_invocation_mask_huawei, _destroy_acceleration_structure_khr, _destroy_acceleration_structure_nv, _get_acceleration_structure_memory_requirements_nv, _bind_acceleration_structure_memory_nv, _cmd_copy_acceleration_structure_nv, _cmd_copy_acceleration_structure_khr, _copy_acceleration_structure_khr, _cmd_copy_acceleration_structure_to_memory_khr, _copy_acceleration_structure_to_memory_khr, _cmd_copy_memory_to_acceleration_structure_khr, _copy_memory_to_acceleration_structure_khr, _cmd_write_acceleration_structures_properties_khr, _cmd_write_acceleration_structures_properties_nv, _cmd_build_acceleration_structure_nv, _write_acceleration_structures_properties_khr, _cmd_trace_rays_khr, _cmd_trace_rays_nv, _get_ray_tracing_shader_group_handles_khr, _get_ray_tracing_capture_replay_shader_group_handles_khr, _get_acceleration_structure_handle_nv, _create_ray_tracing_pipelines_nv, _create_ray_tracing_pipelines_khr, _get_physical_device_cooperative_matrix_properties_nv, _cmd_trace_rays_indirect_khr, _cmd_trace_rays_indirect_2_khr, _get_device_acceleration_structure_compatibility_khr, _get_ray_tracing_shader_group_stack_size_khr, _cmd_set_ray_tracing_pipeline_stack_size_khr, _get_image_view_handle_nvx, _get_image_view_address_nvx, _enumerate_physical_device_queue_family_performance_query_counters_khr, _get_physical_device_queue_family_performance_query_passes_khr, _acquire_profiling_lock_khr, _release_profiling_lock_khr, _get_image_drm_format_modifier_properties_ext, _get_buffer_opaque_capture_address, _get_buffer_device_address, _create_headless_surface_ext, _get_physical_device_supported_framebuffer_mixed_samples_combinations_nv, _initialize_performance_api_intel, _uninitialize_performance_api_intel, _cmd_set_performance_marker_intel, _cmd_set_performance_stream_marker_intel, _cmd_set_performance_override_intel, _acquire_performance_configuration_intel, _release_performance_configuration_intel, _queue_set_performance_configuration_intel, _get_performance_parameter_intel, _get_device_memory_opaque_capture_address, _get_pipeline_executable_properties_khr, _get_pipeline_executable_statistics_khr, _get_pipeline_executable_internal_representations_khr, _cmd_set_line_stipple_ext, _get_physical_device_tool_properties, _create_acceleration_structure_khr, _cmd_build_acceleration_structures_khr, _cmd_build_acceleration_structures_indirect_khr, _build_acceleration_structures_khr, _get_acceleration_structure_device_address_khr, _create_deferred_operation_khr, _destroy_deferred_operation_khr, _get_deferred_operation_max_concurrency_khr, _get_deferred_operation_result_khr, _deferred_operation_join_khr, _cmd_set_cull_mode, _cmd_set_front_face, _cmd_set_primitive_topology, _cmd_set_viewport_with_count, _cmd_set_scissor_with_count, _cmd_bind_vertex_buffers_2, _cmd_set_depth_test_enable, _cmd_set_depth_write_enable, _cmd_set_depth_compare_op, _cmd_set_depth_bounds_test_enable, _cmd_set_stencil_test_enable, _cmd_set_stencil_op, _cmd_set_patch_control_points_ext, _cmd_set_rasterizer_discard_enable, _cmd_set_depth_bias_enable, _cmd_set_logic_op_ext, _cmd_set_primitive_restart_enable, _cmd_set_tessellation_domain_origin_ext, _cmd_set_depth_clamp_enable_ext, _cmd_set_polygon_mode_ext, _cmd_set_rasterization_samples_ext, _cmd_set_sample_mask_ext, _cmd_set_alpha_to_coverage_enable_ext, _cmd_set_alpha_to_one_enable_ext, _cmd_set_logic_op_enable_ext, _cmd_set_color_blend_enable_ext, _cmd_set_color_blend_equation_ext, _cmd_set_color_write_mask_ext, _cmd_set_rasterization_stream_ext, _cmd_set_conservative_rasterization_mode_ext, _cmd_set_extra_primitive_overestimation_size_ext, _cmd_set_depth_clip_enable_ext, _cmd_set_sample_locations_enable_ext, _cmd_set_color_blend_advanced_ext, _cmd_set_provoking_vertex_mode_ext, _cmd_set_line_rasterization_mode_ext, _cmd_set_line_stipple_enable_ext, _cmd_set_depth_clip_negative_one_to_one_ext, _cmd_set_viewport_w_scaling_enable_nv, _cmd_set_viewport_swizzle_nv, _cmd_set_coverage_to_color_enable_nv, _cmd_set_coverage_to_color_location_nv, _cmd_set_coverage_modulation_mode_nv, _cmd_set_coverage_modulation_table_enable_nv, _cmd_set_coverage_modulation_table_nv, _cmd_set_shading_rate_image_enable_nv, _cmd_set_coverage_reduction_mode_nv, _cmd_set_representative_fragment_test_enable_nv, _create_private_data_slot, _destroy_private_data_slot, _set_private_data, _get_private_data, _cmd_copy_buffer_2, _cmd_copy_image_2, _cmd_blit_image_2, _cmd_copy_buffer_to_image_2, _cmd_copy_image_to_buffer_2, _cmd_resolve_image_2, _cmd_set_fragment_shading_rate_khr, _get_physical_device_fragment_shading_rates_khr, _cmd_set_fragment_shading_rate_enum_nv, _get_acceleration_structure_build_sizes_khr, _cmd_set_vertex_input_ext, _cmd_set_color_write_enable_ext, _cmd_set_event_2, _cmd_reset_event_2, _cmd_wait_events_2, _cmd_pipeline_barrier_2, _queue_submit_2, _cmd_write_timestamp_2, _cmd_write_buffer_marker_2_amd, _get_queue_checkpoint_data_2_nv, _get_physical_device_video_capabilities_khr, _get_physical_device_video_format_properties_khr, _create_video_session_khr, _destroy_video_session_khr, _create_video_session_parameters_khr, _update_video_session_parameters_khr, _destroy_video_session_parameters_khr, _get_video_session_memory_requirements_khr, _bind_video_session_memory_khr, _cmd_decode_video_khr, _cmd_begin_video_coding_khr, _cmd_control_video_coding_khr, _cmd_end_video_coding_khr, _cmd_decompress_memory_nv, _cmd_decompress_memory_indirect_count_nv, _create_cu_module_nvx, _create_cu_function_nvx, _destroy_cu_module_nvx, _destroy_cu_function_nvx, _cmd_cu_launch_kernel_nvx, _get_descriptor_set_layout_size_ext, _get_descriptor_set_layout_binding_offset_ext, _get_descriptor_ext, _cmd_bind_descriptor_buffers_ext, _cmd_set_descriptor_buffer_offsets_ext, _cmd_bind_descriptor_buffer_embedded_samplers_ext, _get_buffer_opaque_capture_descriptor_data_ext, _get_image_opaque_capture_descriptor_data_ext, _get_image_view_opaque_capture_descriptor_data_ext, _get_sampler_opaque_capture_descriptor_data_ext, _get_acceleration_structure_opaque_capture_descriptor_data_ext, _set_device_memory_priority_ext, _acquire_drm_display_ext, _get_drm_display_ext, _wait_for_present_khr, _cmd_begin_rendering, _cmd_end_rendering, _get_descriptor_set_layout_host_mapping_info_valve, _get_descriptor_set_host_mapping_valve, _create_micromap_ext, _cmd_build_micromaps_ext, _build_micromaps_ext, _destroy_micromap_ext, _cmd_copy_micromap_ext, _copy_micromap_ext, _cmd_copy_micromap_to_memory_ext, _copy_micromap_to_memory_ext, _cmd_copy_memory_to_micromap_ext, _copy_memory_to_micromap_ext, _cmd_write_micromaps_properties_ext, _write_micromaps_properties_ext, _get_device_micromap_compatibility_ext, _get_micromap_build_sizes_ext, _get_shader_module_identifier_ext, _get_shader_module_create_info_identifier_ext, _get_image_subresource_layout_2_ext, _get_pipeline_properties_ext, _get_framebuffer_tile_properties_qcom, _get_dynamic_rendering_tile_properties_qcom, _get_physical_device_optical_flow_image_formats_nv, _create_optical_flow_session_nv, _destroy_optical_flow_session_nv, _bind_optical_flow_session_image_nv, _cmd_optical_flow_execute_nv, _get_device_fault_info_ext, _release_swapchain_images_ext, create_instance, destroy_instance, enumerate_physical_devices, get_device_proc_addr, get_instance_proc_addr, get_physical_device_properties, get_physical_device_queue_family_properties, get_physical_device_memory_properties, get_physical_device_features, get_physical_device_format_properties, get_physical_device_image_format_properties, create_device, destroy_device, enumerate_instance_version, enumerate_instance_layer_properties, enumerate_instance_extension_properties, enumerate_device_layer_properties, enumerate_device_extension_properties, get_device_queue, queue_submit, queue_wait_idle, device_wait_idle, allocate_memory, free_memory, map_memory, unmap_memory, flush_mapped_memory_ranges, invalidate_mapped_memory_ranges, get_device_memory_commitment, get_buffer_memory_requirements, bind_buffer_memory, get_image_memory_requirements, bind_image_memory, get_image_sparse_memory_requirements, get_physical_device_sparse_image_format_properties, queue_bind_sparse, create_fence, destroy_fence, reset_fences, get_fence_status, wait_for_fences, create_semaphore, destroy_semaphore, create_event, destroy_event, get_event_status, set_event, reset_event, create_query_pool, destroy_query_pool, get_query_pool_results, reset_query_pool, create_buffer, destroy_buffer, create_buffer_view, destroy_buffer_view, create_image, destroy_image, get_image_subresource_layout, create_image_view, destroy_image_view, create_shader_module, destroy_shader_module, create_pipeline_cache, destroy_pipeline_cache, get_pipeline_cache_data, merge_pipeline_caches, create_graphics_pipelines, create_compute_pipelines, get_device_subpass_shading_max_workgroup_size_huawei, destroy_pipeline, create_pipeline_layout, destroy_pipeline_layout, create_sampler, destroy_sampler, create_descriptor_set_layout, destroy_descriptor_set_layout, create_descriptor_pool, destroy_descriptor_pool, reset_descriptor_pool, allocate_descriptor_sets, free_descriptor_sets, update_descriptor_sets, create_framebuffer, destroy_framebuffer, create_render_pass, destroy_render_pass, get_render_area_granularity, create_command_pool, destroy_command_pool, reset_command_pool, allocate_command_buffers, free_command_buffers, begin_command_buffer, end_command_buffer, reset_command_buffer, cmd_bind_pipeline, cmd_set_viewport, cmd_set_scissor, cmd_set_line_width, cmd_set_depth_bias, cmd_set_blend_constants, cmd_set_depth_bounds, cmd_set_stencil_compare_mask, cmd_set_stencil_write_mask, cmd_set_stencil_reference, cmd_bind_descriptor_sets, cmd_bind_index_buffer, cmd_bind_vertex_buffers, cmd_draw, cmd_draw_indexed, cmd_draw_multi_ext, cmd_draw_multi_indexed_ext, cmd_draw_indirect, cmd_draw_indexed_indirect, cmd_dispatch, cmd_dispatch_indirect, cmd_subpass_shading_huawei, cmd_draw_cluster_huawei, cmd_draw_cluster_indirect_huawei, cmd_copy_buffer, cmd_copy_image, cmd_blit_image, cmd_copy_buffer_to_image, cmd_copy_image_to_buffer, cmd_copy_memory_indirect_nv, cmd_copy_memory_to_image_indirect_nv, cmd_update_buffer, cmd_fill_buffer, cmd_clear_color_image, cmd_clear_depth_stencil_image, cmd_clear_attachments, cmd_resolve_image, cmd_set_event, cmd_reset_event, cmd_wait_events, cmd_pipeline_barrier, cmd_begin_query, cmd_end_query, cmd_begin_conditional_rendering_ext, cmd_end_conditional_rendering_ext, cmd_reset_query_pool, cmd_write_timestamp, cmd_copy_query_pool_results, cmd_push_constants, cmd_begin_render_pass, cmd_next_subpass, cmd_end_render_pass, cmd_execute_commands, get_physical_device_display_properties_khr, get_physical_device_display_plane_properties_khr, get_display_plane_supported_displays_khr, get_display_mode_properties_khr, create_display_mode_khr, get_display_plane_capabilities_khr, create_display_plane_surface_khr, create_shared_swapchains_khr, destroy_surface_khr, get_physical_device_surface_support_khr, get_physical_device_surface_capabilities_khr, get_physical_device_surface_formats_khr, get_physical_device_surface_present_modes_khr, create_swapchain_khr, destroy_swapchain_khr, get_swapchain_images_khr, acquire_next_image_khr, queue_present_khr, create_wayland_surface_khr, get_physical_device_wayland_presentation_support_khr, create_xlib_surface_khr, get_physical_device_xlib_presentation_support_khr, create_xcb_surface_khr, get_physical_device_xcb_presentation_support_khr, create_debug_report_callback_ext, destroy_debug_report_callback_ext, debug_report_message_ext, debug_marker_set_object_name_ext, debug_marker_set_object_tag_ext, cmd_debug_marker_begin_ext, cmd_debug_marker_end_ext, cmd_debug_marker_insert_ext, get_physical_device_external_image_format_properties_nv, cmd_execute_generated_commands_nv, cmd_preprocess_generated_commands_nv, cmd_bind_pipeline_shader_group_nv, get_generated_commands_memory_requirements_nv, create_indirect_commands_layout_nv, destroy_indirect_commands_layout_nv, get_physical_device_features_2, get_physical_device_properties_2, get_physical_device_format_properties_2, get_physical_device_image_format_properties_2, get_physical_device_queue_family_properties_2, get_physical_device_memory_properties_2, get_physical_device_sparse_image_format_properties_2, cmd_push_descriptor_set_khr, trim_command_pool, get_physical_device_external_buffer_properties, get_memory_fd_khr, get_memory_fd_properties_khr, get_memory_remote_address_nv, get_physical_device_external_semaphore_properties, get_semaphore_fd_khr, import_semaphore_fd_khr, get_physical_device_external_fence_properties, get_fence_fd_khr, import_fence_fd_khr, release_display_ext, acquire_xlib_display_ext, get_rand_r_output_display_ext, display_power_control_ext, register_device_event_ext, register_display_event_ext, get_swapchain_counter_ext, get_physical_device_surface_capabilities_2_ext, enumerate_physical_device_groups, get_device_group_peer_memory_features, bind_buffer_memory_2, bind_image_memory_2, cmd_set_device_mask, get_device_group_present_capabilities_khr, get_device_group_surface_present_modes_khr, acquire_next_image_2_khr, cmd_dispatch_base, get_physical_device_present_rectangles_khr, create_descriptor_update_template, destroy_descriptor_update_template, update_descriptor_set_with_template, cmd_push_descriptor_set_with_template_khr, set_hdr_metadata_ext, get_swapchain_status_khr, get_refresh_cycle_duration_google, get_past_presentation_timing_google, cmd_set_viewport_w_scaling_nv, cmd_set_discard_rectangle_ext, cmd_set_sample_locations_ext, get_physical_device_multisample_properties_ext, get_physical_device_surface_capabilities_2_khr, get_physical_device_surface_formats_2_khr, get_physical_device_display_properties_2_khr, get_physical_device_display_plane_properties_2_khr, get_display_mode_properties_2_khr, get_display_plane_capabilities_2_khr, get_buffer_memory_requirements_2, get_image_memory_requirements_2, get_image_sparse_memory_requirements_2, get_device_buffer_memory_requirements, get_device_image_memory_requirements, get_device_image_sparse_memory_requirements, create_sampler_ycbcr_conversion, destroy_sampler_ycbcr_conversion, get_device_queue_2, create_validation_cache_ext, destroy_validation_cache_ext, get_validation_cache_data_ext, merge_validation_caches_ext, get_descriptor_set_layout_support, get_shader_info_amd, set_local_dimming_amd, get_physical_device_calibrateable_time_domains_ext, get_calibrated_timestamps_ext, set_debug_utils_object_name_ext, set_debug_utils_object_tag_ext, queue_begin_debug_utils_label_ext, queue_end_debug_utils_label_ext, queue_insert_debug_utils_label_ext, cmd_begin_debug_utils_label_ext, cmd_end_debug_utils_label_ext, cmd_insert_debug_utils_label_ext, create_debug_utils_messenger_ext, destroy_debug_utils_messenger_ext, submit_debug_utils_message_ext, get_memory_host_pointer_properties_ext, cmd_write_buffer_marker_amd, create_render_pass_2, cmd_begin_render_pass_2, cmd_next_subpass_2, cmd_end_render_pass_2, get_semaphore_counter_value, wait_semaphores, signal_semaphore, cmd_draw_indirect_count, cmd_draw_indexed_indirect_count, cmd_set_checkpoint_nv, get_queue_checkpoint_data_nv, cmd_bind_transform_feedback_buffers_ext, cmd_begin_transform_feedback_ext, cmd_end_transform_feedback_ext, cmd_begin_query_indexed_ext, cmd_end_query_indexed_ext, cmd_draw_indirect_byte_count_ext, cmd_set_exclusive_scissor_nv, cmd_bind_shading_rate_image_nv, cmd_set_viewport_shading_rate_palette_nv, cmd_set_coarse_sample_order_nv, cmd_draw_mesh_tasks_nv, cmd_draw_mesh_tasks_indirect_nv, cmd_draw_mesh_tasks_indirect_count_nv, cmd_draw_mesh_tasks_ext, cmd_draw_mesh_tasks_indirect_ext, cmd_draw_mesh_tasks_indirect_count_ext, compile_deferred_nv, create_acceleration_structure_nv, cmd_bind_invocation_mask_huawei, destroy_acceleration_structure_khr, destroy_acceleration_structure_nv, get_acceleration_structure_memory_requirements_nv, bind_acceleration_structure_memory_nv, cmd_copy_acceleration_structure_nv, cmd_copy_acceleration_structure_khr, copy_acceleration_structure_khr, cmd_copy_acceleration_structure_to_memory_khr, copy_acceleration_structure_to_memory_khr, cmd_copy_memory_to_acceleration_structure_khr, copy_memory_to_acceleration_structure_khr, cmd_write_acceleration_structures_properties_khr, cmd_write_acceleration_structures_properties_nv, cmd_build_acceleration_structure_nv, write_acceleration_structures_properties_khr, cmd_trace_rays_khr, cmd_trace_rays_nv, get_ray_tracing_shader_group_handles_khr, get_ray_tracing_capture_replay_shader_group_handles_khr, get_acceleration_structure_handle_nv, create_ray_tracing_pipelines_nv, create_ray_tracing_pipelines_khr, get_physical_device_cooperative_matrix_properties_nv, cmd_trace_rays_indirect_khr, cmd_trace_rays_indirect_2_khr, get_device_acceleration_structure_compatibility_khr, get_ray_tracing_shader_group_stack_size_khr, cmd_set_ray_tracing_pipeline_stack_size_khr, get_image_view_handle_nvx, get_image_view_address_nvx, enumerate_physical_device_queue_family_performance_query_counters_khr, get_physical_device_queue_family_performance_query_passes_khr, acquire_profiling_lock_khr, release_profiling_lock_khr, get_image_drm_format_modifier_properties_ext, get_buffer_opaque_capture_address, get_buffer_device_address, create_headless_surface_ext, get_physical_device_supported_framebuffer_mixed_samples_combinations_nv, initialize_performance_api_intel, uninitialize_performance_api_intel, cmd_set_performance_marker_intel, cmd_set_performance_stream_marker_intel, cmd_set_performance_override_intel, acquire_performance_configuration_intel, release_performance_configuration_intel, queue_set_performance_configuration_intel, get_performance_parameter_intel, get_device_memory_opaque_capture_address, get_pipeline_executable_properties_khr, get_pipeline_executable_statistics_khr, get_pipeline_executable_internal_representations_khr, cmd_set_line_stipple_ext, get_physical_device_tool_properties, create_acceleration_structure_khr, cmd_build_acceleration_structures_khr, cmd_build_acceleration_structures_indirect_khr, build_acceleration_structures_khr, get_acceleration_structure_device_address_khr, create_deferred_operation_khr, destroy_deferred_operation_khr, get_deferred_operation_max_concurrency_khr, get_deferred_operation_result_khr, deferred_operation_join_khr, cmd_set_cull_mode, cmd_set_front_face, cmd_set_primitive_topology, cmd_set_viewport_with_count, cmd_set_scissor_with_count, cmd_bind_vertex_buffers_2, cmd_set_depth_test_enable, cmd_set_depth_write_enable, cmd_set_depth_compare_op, cmd_set_depth_bounds_test_enable, cmd_set_stencil_test_enable, cmd_set_stencil_op, cmd_set_patch_control_points_ext, cmd_set_rasterizer_discard_enable, cmd_set_depth_bias_enable, cmd_set_logic_op_ext, cmd_set_primitive_restart_enable, cmd_set_tessellation_domain_origin_ext, cmd_set_depth_clamp_enable_ext, cmd_set_polygon_mode_ext, cmd_set_rasterization_samples_ext, cmd_set_sample_mask_ext, cmd_set_alpha_to_coverage_enable_ext, cmd_set_alpha_to_one_enable_ext, cmd_set_logic_op_enable_ext, cmd_set_color_blend_enable_ext, cmd_set_color_blend_equation_ext, cmd_set_color_write_mask_ext, cmd_set_rasterization_stream_ext, cmd_set_conservative_rasterization_mode_ext, cmd_set_extra_primitive_overestimation_size_ext, cmd_set_depth_clip_enable_ext, cmd_set_sample_locations_enable_ext, cmd_set_color_blend_advanced_ext, cmd_set_provoking_vertex_mode_ext, cmd_set_line_rasterization_mode_ext, cmd_set_line_stipple_enable_ext, cmd_set_depth_clip_negative_one_to_one_ext, cmd_set_viewport_w_scaling_enable_nv, cmd_set_viewport_swizzle_nv, cmd_set_coverage_to_color_enable_nv, cmd_set_coverage_to_color_location_nv, cmd_set_coverage_modulation_mode_nv, cmd_set_coverage_modulation_table_enable_nv, cmd_set_coverage_modulation_table_nv, cmd_set_shading_rate_image_enable_nv, cmd_set_coverage_reduction_mode_nv, cmd_set_representative_fragment_test_enable_nv, create_private_data_slot, destroy_private_data_slot, set_private_data, get_private_data, cmd_copy_buffer_2, cmd_copy_image_2, cmd_blit_image_2, cmd_copy_buffer_to_image_2, cmd_copy_image_to_buffer_2, cmd_resolve_image_2, cmd_set_fragment_shading_rate_khr, get_physical_device_fragment_shading_rates_khr, cmd_set_fragment_shading_rate_enum_nv, get_acceleration_structure_build_sizes_khr, cmd_set_vertex_input_ext, cmd_set_color_write_enable_ext, cmd_set_event_2, cmd_reset_event_2, cmd_wait_events_2, cmd_pipeline_barrier_2, queue_submit_2, cmd_write_timestamp_2, cmd_write_buffer_marker_2_amd, get_queue_checkpoint_data_2_nv, get_physical_device_video_capabilities_khr, get_physical_device_video_format_properties_khr, create_video_session_khr, destroy_video_session_khr, create_video_session_parameters_khr, update_video_session_parameters_khr, destroy_video_session_parameters_khr, get_video_session_memory_requirements_khr, bind_video_session_memory_khr, cmd_decode_video_khr, cmd_begin_video_coding_khr, cmd_control_video_coding_khr, cmd_end_video_coding_khr, cmd_decompress_memory_nv, cmd_decompress_memory_indirect_count_nv, create_cu_module_nvx, create_cu_function_nvx, destroy_cu_module_nvx, destroy_cu_function_nvx, cmd_cu_launch_kernel_nvx, get_descriptor_set_layout_size_ext, get_descriptor_set_layout_binding_offset_ext, get_descriptor_ext, cmd_bind_descriptor_buffers_ext, cmd_set_descriptor_buffer_offsets_ext, cmd_bind_descriptor_buffer_embedded_samplers_ext, get_buffer_opaque_capture_descriptor_data_ext, get_image_opaque_capture_descriptor_data_ext, get_image_view_opaque_capture_descriptor_data_ext, get_sampler_opaque_capture_descriptor_data_ext, get_acceleration_structure_opaque_capture_descriptor_data_ext, set_device_memory_priority_ext, acquire_drm_display_ext, get_drm_display_ext, wait_for_present_khr, cmd_begin_rendering, cmd_end_rendering, get_descriptor_set_layout_host_mapping_info_valve, get_descriptor_set_host_mapping_valve, create_micromap_ext, cmd_build_micromaps_ext, build_micromaps_ext, destroy_micromap_ext, cmd_copy_micromap_ext, copy_micromap_ext, cmd_copy_micromap_to_memory_ext, copy_micromap_to_memory_ext, cmd_copy_memory_to_micromap_ext, copy_memory_to_micromap_ext, cmd_write_micromaps_properties_ext, write_micromaps_properties_ext, get_device_micromap_compatibility_ext, get_micromap_build_sizes_ext, get_shader_module_identifier_ext, get_shader_module_create_info_identifier_ext, get_image_subresource_layout_2_ext, get_pipeline_properties_ext, get_framebuffer_tile_properties_qcom, get_dynamic_rendering_tile_properties_qcom, get_physical_device_optical_flow_image_formats_nv, create_optical_flow_session_nv, destroy_optical_flow_session_nv, bind_optical_flow_session_image_nv, cmd_optical_flow_execute_nv, get_device_fault_info_ext, release_swapchain_images_ext, SPIRV_EXTENSIONS, SPIRV_CAPABILITIES, CORE_FUNCTIONS, INSTANCE_FUNCTIONS, DEVICE_FUNCTIONS, bind_buffer_memory_2_khr, bind_image_memory_2_khr, cmd_begin_render_pass_2_khr, cmd_begin_rendering_khr, cmd_bind_vertex_buffers_2_ext, cmd_blit_image_2_khr, cmd_copy_buffer_2_khr, cmd_copy_buffer_to_image_2_khr, cmd_copy_image_2_khr, cmd_copy_image_to_buffer_2_khr, cmd_dispatch_base_khr, cmd_draw_indexed_indirect_count_amd, cmd_draw_indexed_indirect_count_khr, cmd_draw_indirect_count_amd, cmd_draw_indirect_count_khr, cmd_end_render_pass_2_khr, cmd_end_rendering_khr, cmd_next_subpass_2_khr, cmd_pipeline_barrier_2_khr, cmd_reset_event_2_khr, cmd_resolve_image_2_khr, cmd_set_cull_mode_ext, cmd_set_depth_bias_enable_ext, cmd_set_depth_bounds_test_enable_ext, cmd_set_depth_compare_op_ext, cmd_set_depth_test_enable_ext, cmd_set_depth_write_enable_ext, cmd_set_device_mask_khr, cmd_set_event_2_khr, cmd_set_front_face_ext, cmd_set_primitive_restart_enable_ext, cmd_set_primitive_topology_ext, cmd_set_rasterizer_discard_enable_ext, cmd_set_scissor_with_count_ext, cmd_set_stencil_op_ext, cmd_set_stencil_test_enable_ext, cmd_set_viewport_with_count_ext, cmd_wait_events_2_khr, cmd_write_timestamp_2_khr, create_descriptor_update_template_khr, create_private_data_slot_ext, create_render_pass_2_khr, create_sampler_ycbcr_conversion_khr, destroy_descriptor_update_template_khr, destroy_private_data_slot_ext, destroy_sampler_ycbcr_conversion_khr, enumerate_physical_device_groups_khr, get_buffer_device_address_ext, get_buffer_device_address_khr, get_buffer_memory_requirements_2_khr, get_buffer_opaque_capture_address_khr, get_descriptor_set_layout_support_khr, get_device_buffer_memory_requirements_khr, get_device_group_peer_memory_features_khr, get_device_image_memory_requirements_khr, get_device_image_sparse_memory_requirements_khr, get_device_memory_opaque_capture_address_khr, get_image_memory_requirements_2_khr, get_image_sparse_memory_requirements_2_khr, get_physical_device_external_buffer_properties_khr, get_physical_device_external_fence_properties_khr, get_physical_device_external_semaphore_properties_khr, get_physical_device_features_2_khr, get_physical_device_format_properties_2_khr, get_physical_device_image_format_properties_2_khr, get_physical_device_memory_properties_2_khr, get_physical_device_properties_2_khr, get_physical_device_queue_family_properties_2_khr, get_physical_device_sparse_image_format_properties_2_khr, get_physical_device_tool_properties_ext, get_private_data_ext, get_ray_tracing_shader_group_handles_nv, get_semaphore_counter_value_khr, queue_submit_2_khr, reset_query_pool_ext, set_private_data_ext, signal_semaphore_khr, trim_command_pool_khr, update_descriptor_set_with_template_khr, wait_semaphores_khr, ACCELERATION_STRUCTURE_TYPE_BOTTOM_LEVEL_NV, ACCELERATION_STRUCTURE_TYPE_TOP_LEVEL_NV, ACCESS_2_ACCELERATION_STRUCTURE_READ_BIT_NV, ACCESS_2_ACCELERATION_STRUCTURE_WRITE_BIT_NV, ACCESS_2_COLOR_ATTACHMENT_READ_BIT_KHR, ACCESS_2_COLOR_ATTACHMENT_WRITE_BIT_KHR, ACCESS_2_DEPTH_STENCIL_ATTACHMENT_READ_BIT_KHR, ACCESS_2_DEPTH_STENCIL_ATTACHMENT_WRITE_BIT_KHR, ACCESS_2_HOST_READ_BIT_KHR, ACCESS_2_HOST_WRITE_BIT_KHR, ACCESS_2_INDEX_READ_BIT_KHR, ACCESS_2_INDIRECT_COMMAND_READ_BIT_KHR, ACCESS_2_INPUT_ATTACHMENT_READ_BIT_KHR, ACCESS_2_MEMORY_READ_BIT_KHR, ACCESS_2_MEMORY_WRITE_BIT_KHR, ACCESS_2_NONE_KHR, ACCESS_2_SHADER_READ_BIT_KHR, ACCESS_2_SHADER_SAMPLED_READ_BIT_KHR, ACCESS_2_SHADER_STORAGE_READ_BIT_KHR, ACCESS_2_SHADER_STORAGE_WRITE_BIT_KHR, ACCESS_2_SHADER_WRITE_BIT_KHR, ACCESS_2_SHADING_RATE_IMAGE_READ_BIT_NV, ACCESS_2_TRANSFER_READ_BIT_KHR, ACCESS_2_TRANSFER_WRITE_BIT_KHR, ACCESS_2_UNIFORM_READ_BIT_KHR, ACCESS_2_VERTEX_ATTRIBUTE_READ_BIT_KHR, ACCESS_ACCELERATION_STRUCTURE_READ_BIT_NV, ACCESS_ACCELERATION_STRUCTURE_WRITE_BIT_NV, ACCESS_NONE_KHR, ACCESS_SHADING_RATE_IMAGE_READ_BIT_NV, ATTACHMENT_STORE_OP_NONE_EXT, ATTACHMENT_STORE_OP_NONE_KHR, ATTACHMENT_STORE_OP_NONE_QCOM, BUFFER_CREATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT_EXT, BUFFER_CREATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT_KHR, BUFFER_USAGE_RAY_TRACING_BIT_NV, BUFFER_USAGE_SHADER_DEVICE_ADDRESS_BIT_EXT, BUFFER_USAGE_SHADER_DEVICE_ADDRESS_BIT_KHR, BUILD_ACCELERATION_STRUCTURE_ALLOW_COMPACTION_BIT_NV, BUILD_ACCELERATION_STRUCTURE_ALLOW_UPDATE_BIT_NV, BUILD_ACCELERATION_STRUCTURE_LOW_MEMORY_BIT_NV, BUILD_ACCELERATION_STRUCTURE_PREFER_FAST_BUILD_BIT_NV, BUILD_ACCELERATION_STRUCTURE_PREFER_FAST_TRACE_BIT_NV, CHROMA_LOCATION_COSITED_EVEN_KHR, CHROMA_LOCATION_MIDPOINT_KHR, COLORSPACE_SRGB_NONLINEAR_KHR, COLOR_SPACE_DCI_P3_LINEAR_EXT, COPY_ACCELERATION_STRUCTURE_MODE_CLONE_NV, COPY_ACCELERATION_STRUCTURE_MODE_COMPACT_NV, DEBUG_REPORT_OBJECT_TYPE_DEBUG_REPORT_EXT, DEBUG_REPORT_OBJECT_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_KHR_EXT, DEBUG_REPORT_OBJECT_TYPE_SAMPLER_YCBCR_CONVERSION_KHR_EXT, DEBUG_REPORT_OBJECT_TYPE_VALIDATION_CACHE_EXT, DEPENDENCY_DEVICE_GROUP_BIT_KHR, DEPENDENCY_VIEW_LOCAL_BIT_KHR, DESCRIPTOR_BINDING_PARTIALLY_BOUND_BIT_EXT, DESCRIPTOR_BINDING_UPDATE_AFTER_BIND_BIT_EXT, DESCRIPTOR_BINDING_UPDATE_UNUSED_WHILE_PENDING_BIT_EXT, DESCRIPTOR_BINDING_VARIABLE_DESCRIPTOR_COUNT_BIT_EXT, DESCRIPTOR_POOL_CREATE_HOST_ONLY_BIT_VALVE, DESCRIPTOR_POOL_CREATE_UPDATE_AFTER_BIND_BIT_EXT, DESCRIPTOR_SET_LAYOUT_CREATE_HOST_ONLY_POOL_BIT_VALVE, DESCRIPTOR_SET_LAYOUT_CREATE_UPDATE_AFTER_BIND_POOL_BIT_EXT, DESCRIPTOR_TYPE_INLINE_UNIFORM_BLOCK_EXT, DESCRIPTOR_TYPE_MUTABLE_VALVE, DESCRIPTOR_UPDATE_TEMPLATE_TYPE_DESCRIPTOR_SET_KHR, DRIVER_ID_AMD_OPEN_SOURCE_KHR, DRIVER_ID_AMD_PROPRIETARY_KHR, DRIVER_ID_ARM_PROPRIETARY_KHR, DRIVER_ID_BROADCOM_PROPRIETARY_KHR, DRIVER_ID_GGP_PROPRIETARY_KHR, DRIVER_ID_GOOGLE_SWIFTSHADER_KHR, DRIVER_ID_IMAGINATION_PROPRIETARY_KHR, DRIVER_ID_INTEL_OPEN_SOURCE_MESA_KHR, DRIVER_ID_INTEL_PROPRIETARY_WINDOWS_KHR, DRIVER_ID_MESA_RADV_KHR, DRIVER_ID_NVIDIA_PROPRIETARY_KHR, DRIVER_ID_QUALCOMM_PROPRIETARY_KHR, DYNAMIC_STATE_CULL_MODE_EXT, DYNAMIC_STATE_DEPTH_BIAS_ENABLE_EXT, DYNAMIC_STATE_DEPTH_BOUNDS_TEST_ENABLE_EXT, DYNAMIC_STATE_DEPTH_COMPARE_OP_EXT, DYNAMIC_STATE_DEPTH_TEST_ENABLE_EXT, DYNAMIC_STATE_DEPTH_WRITE_ENABLE_EXT, DYNAMIC_STATE_FRONT_FACE_EXT, DYNAMIC_STATE_PRIMITIVE_RESTART_ENABLE_EXT, DYNAMIC_STATE_PRIMITIVE_TOPOLOGY_EXT, DYNAMIC_STATE_RASTERIZER_DISCARD_ENABLE_EXT, DYNAMIC_STATE_SCISSOR_WITH_COUNT_EXT, DYNAMIC_STATE_STENCIL_OP_EXT, DYNAMIC_STATE_STENCIL_TEST_ENABLE_EXT, DYNAMIC_STATE_VERTEX_INPUT_BINDING_STRIDE_EXT, DYNAMIC_STATE_VIEWPORT_WITH_COUNT_EXT, ERROR_FRAGMENTATION_EXT, ERROR_INVALID_DEVICE_ADDRESS_EXT, ERROR_INVALID_EXTERNAL_HANDLE_KHR, ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR, ERROR_NOT_PERMITTED_EXT, ERROR_OUT_OF_POOL_MEMORY_KHR, ERROR_PIPELINE_COMPILE_REQUIRED_EXT, EVENT_CREATE_DEVICE_ONLY_BIT_KHR, EXTERNAL_FENCE_FEATURE_EXPORTABLE_BIT_KHR, EXTERNAL_FENCE_FEATURE_IMPORTABLE_BIT_KHR, EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_FD_BIT_KHR, EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_WIN32_BIT_KHR, EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT_KHR, EXTERNAL_FENCE_HANDLE_TYPE_SYNC_FD_BIT_KHR, EXTERNAL_MEMORY_FEATURE_DEDICATED_ONLY_BIT_KHR, EXTERNAL_MEMORY_FEATURE_EXPORTABLE_BIT_KHR, EXTERNAL_MEMORY_FEATURE_IMPORTABLE_BIT_KHR, EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_TEXTURE_BIT_KHR, EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_TEXTURE_KMT_BIT_KHR, EXTERNAL_MEMORY_HANDLE_TYPE_D3D12_HEAP_BIT_KHR, EXTERNAL_MEMORY_HANDLE_TYPE_D3D12_RESOURCE_BIT_KHR, EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_FD_BIT_KHR, EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_BIT_KHR, EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT_KHR, EXTERNAL_SEMAPHORE_FEATURE_EXPORTABLE_BIT_KHR, EXTERNAL_SEMAPHORE_FEATURE_IMPORTABLE_BIT_KHR, EXTERNAL_SEMAPHORE_HANDLE_TYPE_D3D11_FENCE_BIT, EXTERNAL_SEMAPHORE_HANDLE_TYPE_D3D12_FENCE_BIT_KHR, EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_FD_BIT_KHR, EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_WIN32_BIT_KHR, EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT_KHR, EXTERNAL_SEMAPHORE_HANDLE_TYPE_SYNC_FD_BIT_KHR, FENCE_IMPORT_TEMPORARY_BIT_KHR, FILTER_CUBIC_IMG, FORMAT_A4B4G4R4_UNORM_PACK16_EXT, FORMAT_A4R4G4B4_UNORM_PACK16_EXT, FORMAT_ASTC_10x10_SFLOAT_BLOCK_EXT, FORMAT_ASTC_10x5_SFLOAT_BLOCK_EXT, FORMAT_ASTC_10x6_SFLOAT_BLOCK_EXT, FORMAT_ASTC_10x8_SFLOAT_BLOCK_EXT, FORMAT_ASTC_12x10_SFLOAT_BLOCK_EXT, FORMAT_ASTC_12x12_SFLOAT_BLOCK_EXT, FORMAT_ASTC_4x4_SFLOAT_BLOCK_EXT, FORMAT_ASTC_5x4_SFLOAT_BLOCK_EXT, FORMAT_ASTC_5x5_SFLOAT_BLOCK_EXT, FORMAT_ASTC_6x5_SFLOAT_BLOCK_EXT, FORMAT_ASTC_6x6_SFLOAT_BLOCK_EXT, FORMAT_ASTC_8x5_SFLOAT_BLOCK_EXT, FORMAT_ASTC_8x6_SFLOAT_BLOCK_EXT, FORMAT_ASTC_8x8_SFLOAT_BLOCK_EXT, FORMAT_B10X6G10X6R10X6G10X6_422_UNORM_4PACK16_KHR, FORMAT_B12X4G12X4R12X4G12X4_422_UNORM_4PACK16_KHR, FORMAT_B16G16R16G16_422_UNORM_KHR, FORMAT_B8G8R8G8_422_UNORM_KHR, FORMAT_FEATURE_2_BLIT_DST_BIT_KHR, FORMAT_FEATURE_2_BLIT_SRC_BIT_KHR, FORMAT_FEATURE_2_COLOR_ATTACHMENT_BIT_KHR, FORMAT_FEATURE_2_COLOR_ATTACHMENT_BLEND_BIT_KHR, FORMAT_FEATURE_2_COSITED_CHROMA_SAMPLES_BIT_KHR, FORMAT_FEATURE_2_DEPTH_STENCIL_ATTACHMENT_BIT_KHR, FORMAT_FEATURE_2_DISJOINT_BIT_KHR, FORMAT_FEATURE_2_MIDPOINT_CHROMA_SAMPLES_BIT_KHR, FORMAT_FEATURE_2_SAMPLED_IMAGE_BIT_KHR, FORMAT_FEATURE_2_SAMPLED_IMAGE_DEPTH_COMPARISON_BIT_KHR, FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_CUBIC_BIT_EXT, FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_LINEAR_BIT_KHR, FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_MINMAX_BIT_KHR, FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_BIT_KHR, FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_FORCEABLE_BIT_KHR, FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_LINEAR_FILTER_BIT_KHR, FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_SEPARATE_RECONSTRUCTION_FILTER_BIT_KHR, FORMAT_FEATURE_2_STORAGE_IMAGE_ATOMIC_BIT_KHR, FORMAT_FEATURE_2_STORAGE_IMAGE_BIT_KHR, FORMAT_FEATURE_2_STORAGE_READ_WITHOUT_FORMAT_BIT_KHR, FORMAT_FEATURE_2_STORAGE_TEXEL_BUFFER_ATOMIC_BIT_KHR, FORMAT_FEATURE_2_STORAGE_TEXEL_BUFFER_BIT_KHR, FORMAT_FEATURE_2_STORAGE_WRITE_WITHOUT_FORMAT_BIT_KHR, FORMAT_FEATURE_2_TRANSFER_DST_BIT_KHR, FORMAT_FEATURE_2_TRANSFER_SRC_BIT_KHR, FORMAT_FEATURE_2_UNIFORM_TEXEL_BUFFER_BIT_KHR, FORMAT_FEATURE_2_VERTEX_BUFFER_BIT_KHR, FORMAT_FEATURE_COSITED_CHROMA_SAMPLES_BIT_KHR, FORMAT_FEATURE_DISJOINT_BIT_KHR, FORMAT_FEATURE_MIDPOINT_CHROMA_SAMPLES_BIT_KHR, FORMAT_FEATURE_SAMPLED_IMAGE_FILTER_CUBIC_BIT_IMG, FORMAT_FEATURE_SAMPLED_IMAGE_FILTER_MINMAX_BIT_EXT, FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_BIT_KHR, FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_FORCEABLE_BIT_KHR, FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_LINEAR_FILTER_BIT_KHR, FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_SEPARATE_RECONSTRUCTION_FILTER_BIT_KHR, FORMAT_FEATURE_TRANSFER_DST_BIT_KHR, FORMAT_FEATURE_TRANSFER_SRC_BIT_KHR, FORMAT_G10X6B10X6G10X6R10X6_422_UNORM_4PACK16_KHR, FORMAT_G10X6_B10X6R10X6_2PLANE_420_UNORM_3PACK16_KHR, FORMAT_G10X6_B10X6R10X6_2PLANE_422_UNORM_3PACK16_KHR, FORMAT_G10X6_B10X6R10X6_2PLANE_444_UNORM_3PACK16_EXT, FORMAT_G10X6_B10X6_R10X6_3PLANE_420_UNORM_3PACK16_KHR, FORMAT_G10X6_B10X6_R10X6_3PLANE_422_UNORM_3PACK16_KHR, FORMAT_G10X6_B10X6_R10X6_3PLANE_444_UNORM_3PACK16_KHR, FORMAT_G12X4B12X4G12X4R12X4_422_UNORM_4PACK16_KHR, FORMAT_G12X4_B12X4R12X4_2PLANE_420_UNORM_3PACK16_KHR, FORMAT_G12X4_B12X4R12X4_2PLANE_422_UNORM_3PACK16_KHR, FORMAT_G12X4_B12X4R12X4_2PLANE_444_UNORM_3PACK16_EXT, FORMAT_G12X4_B12X4_R12X4_3PLANE_420_UNORM_3PACK16_KHR, FORMAT_G12X4_B12X4_R12X4_3PLANE_422_UNORM_3PACK16_KHR, FORMAT_G12X4_B12X4_R12X4_3PLANE_444_UNORM_3PACK16_KHR, FORMAT_G16B16G16R16_422_UNORM_KHR, FORMAT_G16_B16R16_2PLANE_420_UNORM_KHR, FORMAT_G16_B16R16_2PLANE_422_UNORM_KHR, FORMAT_G16_B16R16_2PLANE_444_UNORM_EXT, FORMAT_G16_B16_R16_3PLANE_420_UNORM_KHR, FORMAT_G16_B16_R16_3PLANE_422_UNORM_KHR, FORMAT_G16_B16_R16_3PLANE_444_UNORM_KHR, FORMAT_G8B8G8R8_422_UNORM_KHR, FORMAT_G8_B8R8_2PLANE_420_UNORM_KHR, FORMAT_G8_B8R8_2PLANE_422_UNORM_KHR, FORMAT_G8_B8R8_2PLANE_444_UNORM_EXT, FORMAT_G8_B8_R8_3PLANE_420_UNORM_KHR, FORMAT_G8_B8_R8_3PLANE_422_UNORM_KHR, FORMAT_G8_B8_R8_3PLANE_444_UNORM_KHR, FORMAT_R10X6G10X6B10X6A10X6_UNORM_4PACK16_KHR, FORMAT_R10X6G10X6_UNORM_2PACK16_KHR, FORMAT_R10X6_UNORM_PACK16_KHR, FORMAT_R12X4G12X4B12X4A12X4_UNORM_4PACK16_KHR, FORMAT_R12X4G12X4_UNORM_2PACK16_KHR, FORMAT_R12X4_UNORM_PACK16_KHR, FRAMEBUFFER_CREATE_IMAGELESS_BIT_KHR, GEOMETRY_INSTANCE_FORCE_NO_OPAQUE_BIT_NV, GEOMETRY_INSTANCE_FORCE_OPAQUE_BIT_NV, GEOMETRY_INSTANCE_TRIANGLE_CULL_DISABLE_BIT_NV, GEOMETRY_INSTANCE_TRIANGLE_FRONT_COUNTERCLOCKWISE_BIT_KHR, GEOMETRY_NO_DUPLICATE_ANY_HIT_INVOCATION_BIT_NV, GEOMETRY_OPAQUE_BIT_NV, GEOMETRY_TYPE_AABBS_NV, GEOMETRY_TYPE_TRIANGLES_NV, IMAGE_ASPECT_NONE_KHR, IMAGE_ASPECT_PLANE_0_BIT_KHR, IMAGE_ASPECT_PLANE_1_BIT_KHR, IMAGE_ASPECT_PLANE_2_BIT_KHR, IMAGE_CREATE_2D_ARRAY_COMPATIBLE_BIT_KHR, IMAGE_CREATE_ALIAS_BIT_KHR, IMAGE_CREATE_BLOCK_TEXEL_VIEW_COMPATIBLE_BIT_KHR, IMAGE_CREATE_DISJOINT_BIT_KHR, IMAGE_CREATE_EXTENDED_USAGE_BIT_KHR, IMAGE_CREATE_SPLIT_INSTANCE_BIND_REGIONS_BIT_KHR, IMAGE_LAYOUT_ATTACHMENT_OPTIMAL_KHR, IMAGE_LAYOUT_DEPTH_ATTACHMENT_OPTIMAL_KHR, IMAGE_LAYOUT_DEPTH_ATTACHMENT_STENCIL_READ_ONLY_OPTIMAL_KHR, IMAGE_LAYOUT_DEPTH_READ_ONLY_OPTIMAL_KHR, IMAGE_LAYOUT_DEPTH_READ_ONLY_STENCIL_ATTACHMENT_OPTIMAL_KHR, IMAGE_LAYOUT_READ_ONLY_OPTIMAL_KHR, IMAGE_LAYOUT_SHADING_RATE_OPTIMAL_NV, IMAGE_LAYOUT_STENCIL_ATTACHMENT_OPTIMAL_KHR, IMAGE_LAYOUT_STENCIL_READ_ONLY_OPTIMAL_KHR, IMAGE_USAGE_SHADING_RATE_IMAGE_BIT_NV, INDEX_TYPE_NONE_NV, LUID_SIZE_KHR, MAX_DEVICE_GROUP_SIZE_KHR, MAX_DRIVER_INFO_SIZE_KHR, MAX_DRIVER_NAME_SIZE_KHR, MAX_GLOBAL_PRIORITY_SIZE_EXT, MEMORY_ALLOCATE_DEVICE_ADDRESS_BIT_KHR, MEMORY_ALLOCATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT_KHR, MEMORY_ALLOCATE_DEVICE_MASK_BIT_KHR, MEMORY_HEAP_MULTI_INSTANCE_BIT_KHR, OBJECT_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_KHR, OBJECT_TYPE_PRIVATE_DATA_SLOT_EXT, OBJECT_TYPE_SAMPLER_YCBCR_CONVERSION_KHR, PEER_MEMORY_FEATURE_COPY_DST_BIT_KHR, PEER_MEMORY_FEATURE_COPY_SRC_BIT_KHR, PEER_MEMORY_FEATURE_GENERIC_DST_BIT_KHR, PEER_MEMORY_FEATURE_GENERIC_SRC_BIT_KHR, PERFORMANCE_COUNTER_DESCRIPTION_CONCURRENTLY_IMPACTED_KHR, PERFORMANCE_COUNTER_DESCRIPTION_PERFORMANCE_IMPACTING_KHR, PIPELINE_BIND_POINT_RAY_TRACING_NV, PIPELINE_CACHE_CREATE_EXTERNALLY_SYNCHRONIZED_BIT_EXT, PIPELINE_COLOR_BLEND_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_ACCESS_BIT_ARM, PIPELINE_COMPILE_REQUIRED_EXT, PIPELINE_CREATE_DISPATCH_BASE, PIPELINE_CREATE_EARLY_RETURN_ON_FAILURE_BIT_EXT, PIPELINE_CREATE_FAIL_ON_PIPELINE_COMPILE_REQUIRED_BIT_EXT, PIPELINE_CREATE_VIEW_INDEX_FROM_DEVICE_INDEX_BIT_KHR, PIPELINE_CREATION_FEEDBACK_APPLICATION_PIPELINE_CACHE_HIT_BIT_EXT, PIPELINE_CREATION_FEEDBACK_BASE_PIPELINE_ACCELERATION_BIT_EXT, PIPELINE_CREATION_FEEDBACK_VALID_BIT_EXT, PIPELINE_DEPTH_STENCIL_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_DEPTH_ACCESS_BIT_ARM, PIPELINE_DEPTH_STENCIL_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_STENCIL_ACCESS_BIT_ARM, PIPELINE_RASTERIZATION_STATE_CREATE_FRAGMENT_DENSITY_MAP_ATTACHMENT_BIT_EXT, PIPELINE_RASTERIZATION_STATE_CREATE_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR, PIPELINE_SHADER_STAGE_CREATE_ALLOW_VARYING_SUBGROUP_SIZE_BIT_EXT, PIPELINE_SHADER_STAGE_CREATE_REQUIRE_FULL_SUBGROUPS_BIT_EXT, PIPELINE_STAGE_2_ACCELERATION_STRUCTURE_BUILD_BIT_NV, PIPELINE_STAGE_2_ALL_COMMANDS_BIT_KHR, PIPELINE_STAGE_2_ALL_GRAPHICS_BIT_KHR, PIPELINE_STAGE_2_ALL_TRANSFER_BIT_KHR, PIPELINE_STAGE_2_BLIT_BIT_KHR, PIPELINE_STAGE_2_BOTTOM_OF_PIPE_BIT_KHR, PIPELINE_STAGE_2_CLEAR_BIT_KHR, PIPELINE_STAGE_2_COLOR_ATTACHMENT_OUTPUT_BIT_KHR, PIPELINE_STAGE_2_COMPUTE_SHADER_BIT_KHR, PIPELINE_STAGE_2_COPY_BIT_KHR, PIPELINE_STAGE_2_DRAW_INDIRECT_BIT_KHR, PIPELINE_STAGE_2_EARLY_FRAGMENT_TESTS_BIT_KHR, PIPELINE_STAGE_2_FRAGMENT_SHADER_BIT_KHR, PIPELINE_STAGE_2_GEOMETRY_SHADER_BIT_KHR, PIPELINE_STAGE_2_HOST_BIT_KHR, PIPELINE_STAGE_2_INDEX_INPUT_BIT_KHR, PIPELINE_STAGE_2_LATE_FRAGMENT_TESTS_BIT_KHR, PIPELINE_STAGE_2_MESH_SHADER_BIT_NV, PIPELINE_STAGE_2_NONE_KHR, PIPELINE_STAGE_2_PRE_RASTERIZATION_SHADERS_BIT_KHR, PIPELINE_STAGE_2_RAY_TRACING_SHADER_BIT_NV, PIPELINE_STAGE_2_RESOLVE_BIT_KHR, PIPELINE_STAGE_2_SHADING_RATE_IMAGE_BIT_NV, PIPELINE_STAGE_2_TASK_SHADER_BIT_NV, PIPELINE_STAGE_2_TESSELLATION_CONTROL_SHADER_BIT_KHR, PIPELINE_STAGE_2_TESSELLATION_EVALUATION_SHADER_BIT_KHR, PIPELINE_STAGE_2_TOP_OF_PIPE_BIT_KHR, PIPELINE_STAGE_2_TRANSFER_BIT_KHR, PIPELINE_STAGE_2_VERTEX_ATTRIBUTE_INPUT_BIT_KHR, PIPELINE_STAGE_2_VERTEX_INPUT_BIT_KHR, PIPELINE_STAGE_2_VERTEX_SHADER_BIT_KHR, PIPELINE_STAGE_ACCELERATION_STRUCTURE_BUILD_BIT_NV, PIPELINE_STAGE_MESH_SHADER_BIT_NV, PIPELINE_STAGE_NONE_KHR, PIPELINE_STAGE_RAY_TRACING_SHADER_BIT_NV, PIPELINE_STAGE_SHADING_RATE_IMAGE_BIT_NV, PIPELINE_STAGE_TASK_SHADER_BIT_NV, POINT_CLIPPING_BEHAVIOR_ALL_CLIP_PLANES_KHR, POINT_CLIPPING_BEHAVIOR_USER_CLIP_PLANES_ONLY_KHR, QUERY_SCOPE_COMMAND_BUFFER_KHR, QUERY_SCOPE_COMMAND_KHR, QUERY_SCOPE_RENDER_PASS_KHR, QUEUE_FAMILY_EXTERNAL_KHR, QUEUE_GLOBAL_PRIORITY_HIGH_EXT, QUEUE_GLOBAL_PRIORITY_LOW_EXT, QUEUE_GLOBAL_PRIORITY_MEDIUM_EXT, QUEUE_GLOBAL_PRIORITY_REALTIME_EXT, RAY_TRACING_SHADER_GROUP_TYPE_GENERAL_NV, RAY_TRACING_SHADER_GROUP_TYPE_PROCEDURAL_HIT_GROUP_NV, RAY_TRACING_SHADER_GROUP_TYPE_TRIANGLES_HIT_GROUP_NV, RENDERING_CONTENTS_SECONDARY_COMMAND_BUFFERS_BIT_KHR, RENDERING_RESUMING_BIT_KHR, RENDERING_SUSPENDING_BIT_KHR, RESOLVE_MODE_AVERAGE_BIT_KHR, RESOLVE_MODE_MAX_BIT_KHR, RESOLVE_MODE_MIN_BIT_KHR, RESOLVE_MODE_NONE_KHR, RESOLVE_MODE_SAMPLE_ZERO_BIT_KHR, SAMPLER_ADDRESS_MODE_MIRROR_CLAMP_TO_EDGE_KHR, SAMPLER_REDUCTION_MODE_MAX_EXT, SAMPLER_REDUCTION_MODE_MIN_EXT, SAMPLER_REDUCTION_MODE_WEIGHTED_AVERAGE_EXT, SAMPLER_YCBCR_MODEL_CONVERSION_RGB_IDENTITY_KHR, SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_2020_KHR, SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_601_KHR, SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_709_KHR, SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_IDENTITY_KHR, SAMPLER_YCBCR_RANGE_ITU_FULL_KHR, SAMPLER_YCBCR_RANGE_ITU_NARROW_KHR, SEMAPHORE_IMPORT_TEMPORARY_BIT_KHR, SEMAPHORE_TYPE_BINARY_KHR, SEMAPHORE_TYPE_TIMELINE_KHR, SEMAPHORE_WAIT_ANY_BIT_KHR, SHADER_FLOAT_CONTROLS_INDEPENDENCE_32_BIT_ONLY_KHR, SHADER_FLOAT_CONTROLS_INDEPENDENCE_ALL_KHR, SHADER_FLOAT_CONTROLS_INDEPENDENCE_NONE_KHR, SHADER_STAGE_ANY_HIT_BIT_NV, SHADER_STAGE_CALLABLE_BIT_NV, SHADER_STAGE_CLOSEST_HIT_BIT_NV, SHADER_STAGE_INTERSECTION_BIT_NV, SHADER_STAGE_MESH_BIT_NV, SHADER_STAGE_MISS_BIT_NV, SHADER_STAGE_RAYGEN_BIT_NV, SHADER_STAGE_TASK_BIT_NV, SHADER_UNUSED_NV, STENCIL_FRONT_AND_BACK, STRUCTURE_TYPE_ATTACHMENT_DESCRIPTION_2_KHR, STRUCTURE_TYPE_ATTACHMENT_DESCRIPTION_STENCIL_LAYOUT_KHR, STRUCTURE_TYPE_ATTACHMENT_REFERENCE_2_KHR, STRUCTURE_TYPE_ATTACHMENT_REFERENCE_STENCIL_LAYOUT_KHR, STRUCTURE_TYPE_ATTACHMENT_SAMPLE_COUNT_INFO_NV, STRUCTURE_TYPE_BIND_BUFFER_MEMORY_DEVICE_GROUP_INFO_KHR, STRUCTURE_TYPE_BIND_BUFFER_MEMORY_INFO_KHR, STRUCTURE_TYPE_BIND_IMAGE_MEMORY_DEVICE_GROUP_INFO_KHR, STRUCTURE_TYPE_BIND_IMAGE_MEMORY_INFO_KHR, STRUCTURE_TYPE_BIND_IMAGE_PLANE_MEMORY_INFO_KHR, STRUCTURE_TYPE_BLIT_IMAGE_INFO_2_KHR, STRUCTURE_TYPE_BUFFER_COPY_2_KHR, STRUCTURE_TYPE_BUFFER_DEVICE_ADDRESS_INFO_EXT, STRUCTURE_TYPE_BUFFER_DEVICE_ADDRESS_INFO_KHR, STRUCTURE_TYPE_BUFFER_IMAGE_COPY_2_KHR, STRUCTURE_TYPE_BUFFER_MEMORY_BARRIER_2_KHR, STRUCTURE_TYPE_BUFFER_MEMORY_REQUIREMENTS_INFO_2_KHR, STRUCTURE_TYPE_BUFFER_OPAQUE_CAPTURE_ADDRESS_CREATE_INFO_KHR, STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_RENDERING_INFO_KHR, STRUCTURE_TYPE_COMMAND_BUFFER_SUBMIT_INFO_KHR, STRUCTURE_TYPE_COPY_BUFFER_INFO_2_KHR, STRUCTURE_TYPE_COPY_BUFFER_TO_IMAGE_INFO_2_KHR, STRUCTURE_TYPE_COPY_IMAGE_INFO_2_KHR, STRUCTURE_TYPE_COPY_IMAGE_TO_BUFFER_INFO_2_KHR, STRUCTURE_TYPE_DEBUG_REPORT_CREATE_INFO_EXT, STRUCTURE_TYPE_DEPENDENCY_INFO_KHR, STRUCTURE_TYPE_DESCRIPTOR_POOL_INLINE_UNIFORM_BLOCK_CREATE_INFO_EXT, STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_BINDING_FLAGS_CREATE_INFO_EXT, STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_SUPPORT_KHR, STRUCTURE_TYPE_DESCRIPTOR_SET_VARIABLE_DESCRIPTOR_COUNT_ALLOCATE_INFO_EXT, STRUCTURE_TYPE_DESCRIPTOR_SET_VARIABLE_DESCRIPTOR_COUNT_LAYOUT_SUPPORT_EXT, STRUCTURE_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_CREATE_INFO_KHR, STRUCTURE_TYPE_DEVICE_BUFFER_MEMORY_REQUIREMENTS_KHR, STRUCTURE_TYPE_DEVICE_GROUP_BIND_SPARSE_INFO_KHR, STRUCTURE_TYPE_DEVICE_GROUP_COMMAND_BUFFER_BEGIN_INFO_KHR, STRUCTURE_TYPE_DEVICE_GROUP_DEVICE_CREATE_INFO_KHR, STRUCTURE_TYPE_DEVICE_GROUP_RENDER_PASS_BEGIN_INFO_KHR, STRUCTURE_TYPE_DEVICE_GROUP_SUBMIT_INFO_KHR, STRUCTURE_TYPE_DEVICE_IMAGE_MEMORY_REQUIREMENTS_KHR, STRUCTURE_TYPE_DEVICE_MEMORY_OPAQUE_CAPTURE_ADDRESS_INFO_KHR, STRUCTURE_TYPE_DEVICE_PRIVATE_DATA_CREATE_INFO_EXT, STRUCTURE_TYPE_DEVICE_QUEUE_GLOBAL_PRIORITY_CREATE_INFO_EXT, STRUCTURE_TYPE_EXPORT_FENCE_CREATE_INFO_KHR, STRUCTURE_TYPE_EXPORT_MEMORY_ALLOCATE_INFO_KHR, STRUCTURE_TYPE_EXPORT_SEMAPHORE_CREATE_INFO_KHR, STRUCTURE_TYPE_EXTERNAL_BUFFER_PROPERTIES_KHR, STRUCTURE_TYPE_EXTERNAL_FENCE_PROPERTIES_KHR, STRUCTURE_TYPE_EXTERNAL_IMAGE_FORMAT_PROPERTIES_KHR, STRUCTURE_TYPE_EXTERNAL_MEMORY_BUFFER_CREATE_INFO_KHR, STRUCTURE_TYPE_EXTERNAL_MEMORY_IMAGE_CREATE_INFO_KHR, STRUCTURE_TYPE_EXTERNAL_SEMAPHORE_PROPERTIES_KHR, STRUCTURE_TYPE_FORMAT_PROPERTIES_2_KHR, STRUCTURE_TYPE_FORMAT_PROPERTIES_3_KHR, STRUCTURE_TYPE_FRAMEBUFFER_ATTACHMENTS_CREATE_INFO_KHR, STRUCTURE_TYPE_FRAMEBUFFER_ATTACHMENT_IMAGE_INFO_KHR, STRUCTURE_TYPE_IMAGE_BLIT_2_KHR, STRUCTURE_TYPE_IMAGE_COPY_2_KHR, STRUCTURE_TYPE_IMAGE_FORMAT_LIST_CREATE_INFO_KHR, STRUCTURE_TYPE_IMAGE_FORMAT_PROPERTIES_2_KHR, STRUCTURE_TYPE_IMAGE_MEMORY_BARRIER_2_KHR, STRUCTURE_TYPE_IMAGE_MEMORY_REQUIREMENTS_INFO_2_KHR, STRUCTURE_TYPE_IMAGE_PLANE_MEMORY_REQUIREMENTS_INFO_KHR, STRUCTURE_TYPE_IMAGE_RESOLVE_2_KHR, STRUCTURE_TYPE_IMAGE_SPARSE_MEMORY_REQUIREMENTS_INFO_2_KHR, STRUCTURE_TYPE_IMAGE_STENCIL_USAGE_CREATE_INFO_EXT, STRUCTURE_TYPE_IMAGE_VIEW_USAGE_CREATE_INFO_KHR, STRUCTURE_TYPE_MEMORY_ALLOCATE_FLAGS_INFO_KHR, STRUCTURE_TYPE_MEMORY_BARRIER_2_KHR, STRUCTURE_TYPE_MEMORY_DEDICATED_ALLOCATE_INFO_KHR, STRUCTURE_TYPE_MEMORY_DEDICATED_REQUIREMENTS_KHR, STRUCTURE_TYPE_MEMORY_OPAQUE_CAPTURE_ADDRESS_ALLOCATE_INFO_KHR, STRUCTURE_TYPE_MEMORY_REQUIREMENTS_2_KHR, STRUCTURE_TYPE_MUTABLE_DESCRIPTOR_TYPE_CREATE_INFO_VALVE, STRUCTURE_TYPE_PHYSICAL_DEVICE_16BIT_STORAGE_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_8BIT_STORAGE_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_BUFFER_ADDRESS_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_BUFFER_DEVICE_ADDRESS_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_STENCIL_RESOLVE_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_INDEXING_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_INDEXING_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_DRIVER_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_DYNAMIC_RENDERING_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_BUFFER_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_FENCE_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_IMAGE_FORMAT_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_SEMAPHORE_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_FEATURES_2_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_FLOAT16_INT8_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_FLOAT_CONTROLS_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADER_BARYCENTRIC_FEATURES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_GLOBAL_PRIORITY_QUERY_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_GROUP_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_HOST_QUERY_RESET_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_ID_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGELESS_FRAMEBUFFER_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_FORMAT_INFO_2_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_ROBUSTNESS_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_INLINE_UNIFORM_BLOCK_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_INLINE_UNIFORM_BLOCK_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_3_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_4_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_4_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_PROPERTIES_2_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_MUTABLE_DESCRIPTOR_TYPE_FEATURES_VALVE, STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_CREATION_CACHE_CONTROL_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_POINT_CLIPPING_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_PRIVATE_DATA_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PROPERTIES_2_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_RASTERIZATION_ORDER_ATTACHMENT_ACCESS_FEATURES_ARM, STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLER_FILTER_MINMAX_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLER_YCBCR_CONVERSION_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SCALAR_BLOCK_LAYOUT_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SEPARATE_DEPTH_STENCIL_LAYOUTS_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_ATOMIC_INT64_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_DEMOTE_TO_HELPER_INVOCATION_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_DRAW_PARAMETER_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_FLOAT16_INT8_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_DOT_PRODUCT_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_DOT_PRODUCT_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SUBGROUP_EXTENDED_TYPES_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_TERMINATE_INVOCATION_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SPARSE_IMAGE_FORMAT_INFO_2_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_SIZE_CONTROL_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_SIZE_CONTROL_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SYNCHRONIZATION_2_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXEL_BUFFER_ALIGNMENT_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXTURE_COMPRESSION_ASTC_HDR_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_TIMELINE_SEMAPHORE_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_TIMELINE_SEMAPHORE_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_TOOL_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_UNIFORM_BUFFER_STANDARD_LAYOUT_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_VARIABLE_POINTERS_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_VARIABLE_POINTER_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_MEMORY_MODEL_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_ZERO_INITIALIZE_WORKGROUP_MEMORY_FEATURES_KHR, STRUCTURE_TYPE_PIPELINE_CREATION_FEEDBACK_CREATE_INFO_EXT, STRUCTURE_TYPE_PIPELINE_INFO_EXT, STRUCTURE_TYPE_PIPELINE_RENDERING_CREATE_INFO_KHR, STRUCTURE_TYPE_PIPELINE_SHADER_STAGE_REQUIRED_SUBGROUP_SIZE_CREATE_INFO_EXT, STRUCTURE_TYPE_PIPELINE_TESSELLATION_DOMAIN_ORIGIN_STATE_CREATE_INFO_KHR, STRUCTURE_TYPE_PRIVATE_DATA_SLOT_CREATE_INFO_EXT, STRUCTURE_TYPE_QUERY_POOL_CREATE_INFO_INTEL, STRUCTURE_TYPE_QUEUE_FAMILY_GLOBAL_PRIORITY_PROPERTIES_EXT, STRUCTURE_TYPE_QUEUE_FAMILY_PROPERTIES_2_KHR, STRUCTURE_TYPE_RENDERING_ATTACHMENT_INFO_KHR, STRUCTURE_TYPE_RENDERING_INFO_KHR, STRUCTURE_TYPE_RENDER_PASS_ATTACHMENT_BEGIN_INFO_KHR, STRUCTURE_TYPE_RENDER_PASS_CREATE_INFO_2_KHR, STRUCTURE_TYPE_RENDER_PASS_INPUT_ATTACHMENT_ASPECT_CREATE_INFO_KHR, STRUCTURE_TYPE_RENDER_PASS_MULTIVIEW_CREATE_INFO_KHR, STRUCTURE_TYPE_RESOLVE_IMAGE_INFO_2_KHR, STRUCTURE_TYPE_SAMPLER_REDUCTION_MODE_CREATE_INFO_EXT, STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_CREATE_INFO_KHR, STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_IMAGE_FORMAT_PROPERTIES_KHR, STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_INFO_KHR, STRUCTURE_TYPE_SEMAPHORE_SIGNAL_INFO_KHR, STRUCTURE_TYPE_SEMAPHORE_SUBMIT_INFO_KHR, STRUCTURE_TYPE_SEMAPHORE_TYPE_CREATE_INFO_KHR, STRUCTURE_TYPE_SEMAPHORE_WAIT_INFO_KHR, STRUCTURE_TYPE_SPARSE_IMAGE_FORMAT_PROPERTIES_2_KHR, STRUCTURE_TYPE_SPARSE_IMAGE_MEMORY_REQUIREMENTS_2_KHR, STRUCTURE_TYPE_SUBMIT_INFO_2_KHR, STRUCTURE_TYPE_SUBPASS_BEGIN_INFO_KHR, STRUCTURE_TYPE_SUBPASS_DEPENDENCY_2_KHR, STRUCTURE_TYPE_SUBPASS_DESCRIPTION_2_KHR, STRUCTURE_TYPE_SUBPASS_DESCRIPTION_DEPTH_STENCIL_RESOLVE_KHR, STRUCTURE_TYPE_SUBPASS_END_INFO_KHR, STRUCTURE_TYPE_SURFACE_CAPABILITIES2_EXT, STRUCTURE_TYPE_TIMELINE_SEMAPHORE_SUBMIT_INFO_KHR, STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET_INLINE_UNIFORM_BLOCK_EXT, SUBMIT_PROTECTED_BIT_KHR, SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_COLOR_ACCESS_BIT_ARM, SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_DEPTH_ACCESS_BIT_ARM, SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_STENCIL_ACCESS_BIT_ARM, SURFACE_COUNTER_VBLANK_EXT, TESSELLATION_DOMAIN_ORIGIN_LOWER_LEFT_KHR, TESSELLATION_DOMAIN_ORIGIN_UPPER_LEFT_KHR, TOOL_PURPOSE_ADDITIONAL_FEATURES_BIT_EXT, TOOL_PURPOSE_MODIFYING_FEATURES_BIT_EXT, TOOL_PURPOSE_PROFILING_BIT_EXT, TOOL_PURPOSE_TRACING_BIT_EXT, TOOL_PURPOSE_VALIDATION_BIT_EXT, AabbPositionsNV, AccelerationStructureInstanceNV, AccelerationStructureTypeNV, AccessFlag2KHR, AttachmentDescription2KHR, AttachmentDescriptionStencilLayoutKHR, AttachmentReference2KHR, AttachmentReferenceStencilLayoutKHR, AttachmentSampleCountInfoNV, BindBufferMemoryDeviceGroupInfoKHR, BindBufferMemoryInfoKHR, BindImageMemoryDeviceGroupInfoKHR, BindImageMemoryInfoKHR, BindImagePlaneMemoryInfoKHR, BlitImageInfo2KHR, BufferCopy2KHR, BufferDeviceAddressInfoEXT, BufferDeviceAddressInfoKHR, BufferImageCopy2KHR, BufferMemoryBarrier2KHR, BufferMemoryRequirementsInfo2KHR, BufferOpaqueCaptureAddressCreateInfoKHR, BuildAccelerationStructureFlagNV, ChromaLocationKHR, CommandBufferInheritanceRenderingInfoKHR, CommandBufferSubmitInfoKHR, ConformanceVersionKHR, CopyAccelerationStructureModeNV, CopyBufferInfo2KHR, CopyBufferToImageInfo2KHR, CopyImageInfo2KHR, CopyImageToBufferInfo2KHR, DependencyInfoKHR, DescriptorBindingFlagEXT, DescriptorPoolInlineUniformBlockCreateInfoEXT, DescriptorSetLayoutBindingFlagsCreateInfoEXT, DescriptorSetLayoutSupportKHR, DescriptorSetVariableDescriptorCountAllocateInfoEXT, DescriptorSetVariableDescriptorCountLayoutSupportEXT, DescriptorUpdateTemplateCreateInfoKHR, DescriptorUpdateTemplateEntryKHR, DescriptorUpdateTemplateKHR, DescriptorUpdateTemplateTypeKHR, DeviceBufferMemoryRequirementsKHR, DeviceGroupBindSparseInfoKHR, DeviceGroupCommandBufferBeginInfoKHR, DeviceGroupDeviceCreateInfoKHR, DeviceGroupRenderPassBeginInfoKHR, DeviceGroupSubmitInfoKHR, DeviceImageMemoryRequirementsKHR, DeviceMemoryOpaqueCaptureAddressInfoKHR, DevicePrivateDataCreateInfoEXT, DeviceQueueGlobalPriorityCreateInfoEXT, DriverIdKHR, ExportFenceCreateInfoKHR, ExportMemoryAllocateInfoKHR, ExportSemaphoreCreateInfoKHR, ExternalBufferPropertiesKHR, ExternalFenceFeatureFlagKHR, ExternalFenceHandleTypeFlagKHR, ExternalFencePropertiesKHR, ExternalImageFormatPropertiesKHR, ExternalMemoryBufferCreateInfoKHR, ExternalMemoryFeatureFlagKHR, ExternalMemoryHandleTypeFlagKHR, ExternalMemoryImageCreateInfoKHR, ExternalMemoryPropertiesKHR, ExternalSemaphoreFeatureFlagKHR, ExternalSemaphoreHandleTypeFlagKHR, ExternalSemaphorePropertiesKHR, FenceImportFlagKHR, FormatFeatureFlag2KHR, FormatProperties2KHR, FormatProperties3KHR, FramebufferAttachmentImageInfoKHR, FramebufferAttachmentsCreateInfoKHR, GeometryFlagNV, GeometryInstanceFlagNV, GeometryTypeNV, ImageBlit2KHR, ImageCopy2KHR, ImageFormatListCreateInfoKHR, ImageFormatProperties2KHR, ImageMemoryBarrier2KHR, ImageMemoryRequirementsInfo2KHR, ImagePlaneMemoryRequirementsInfoKHR, ImageResolve2KHR, ImageSparseMemoryRequirementsInfo2KHR, ImageStencilUsageCreateInfoEXT, ImageViewUsageCreateInfoKHR, InputAttachmentAspectReferenceKHR, MemoryAllocateFlagKHR, MemoryAllocateFlagsInfoKHR, MemoryBarrier2KHR, MemoryDedicatedAllocateInfoKHR, MemoryDedicatedRequirementsKHR, MemoryOpaqueCaptureAddressAllocateInfoKHR, MemoryRequirements2KHR, MutableDescriptorTypeCreateInfoVALVE, MutableDescriptorTypeListVALVE, PeerMemoryFeatureFlagKHR, PhysicalDevice16BitStorageFeaturesKHR, PhysicalDevice8BitStorageFeaturesKHR, PhysicalDeviceBufferAddressFeaturesEXT, PhysicalDeviceBufferDeviceAddressFeaturesKHR, PhysicalDeviceDepthStencilResolvePropertiesKHR, PhysicalDeviceDescriptorIndexingFeaturesEXT, PhysicalDeviceDescriptorIndexingPropertiesEXT, PhysicalDeviceDriverPropertiesKHR, PhysicalDeviceDynamicRenderingFeaturesKHR, PhysicalDeviceExternalBufferInfoKHR, PhysicalDeviceExternalFenceInfoKHR, PhysicalDeviceExternalImageFormatInfoKHR, PhysicalDeviceExternalSemaphoreInfoKHR, PhysicalDeviceFeatures2KHR, PhysicalDeviceFloat16Int8FeaturesKHR, PhysicalDeviceFloatControlsPropertiesKHR, PhysicalDeviceFragmentShaderBarycentricFeaturesNV, PhysicalDeviceGlobalPriorityQueryFeaturesEXT, PhysicalDeviceGroupPropertiesKHR, PhysicalDeviceHostQueryResetFeaturesEXT, PhysicalDeviceIDPropertiesKHR, PhysicalDeviceImageFormatInfo2KHR, PhysicalDeviceImageRobustnessFeaturesEXT, PhysicalDeviceImagelessFramebufferFeaturesKHR, PhysicalDeviceInlineUniformBlockFeaturesEXT, PhysicalDeviceInlineUniformBlockPropertiesEXT, PhysicalDeviceMaintenance3PropertiesKHR, PhysicalDeviceMaintenance4FeaturesKHR, PhysicalDeviceMaintenance4PropertiesKHR, PhysicalDeviceMemoryProperties2KHR, PhysicalDeviceMultiviewFeaturesKHR, PhysicalDeviceMultiviewPropertiesKHR, PhysicalDeviceMutableDescriptorTypeFeaturesVALVE, PhysicalDevicePipelineCreationCacheControlFeaturesEXT, PhysicalDevicePointClippingPropertiesKHR, PhysicalDevicePrivateDataFeaturesEXT, PhysicalDeviceProperties2KHR, PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesARM, PhysicalDeviceSamplerFilterMinmaxPropertiesEXT, PhysicalDeviceSamplerYcbcrConversionFeaturesKHR, PhysicalDeviceScalarBlockLayoutFeaturesEXT, PhysicalDeviceSeparateDepthStencilLayoutsFeaturesKHR, PhysicalDeviceShaderAtomicInt64FeaturesKHR, PhysicalDeviceShaderDemoteToHelperInvocationFeaturesEXT, PhysicalDeviceShaderDrawParameterFeatures, PhysicalDeviceShaderFloat16Int8FeaturesKHR, PhysicalDeviceShaderIntegerDotProductFeaturesKHR, PhysicalDeviceShaderIntegerDotProductPropertiesKHR, PhysicalDeviceShaderSubgroupExtendedTypesFeaturesKHR, PhysicalDeviceShaderTerminateInvocationFeaturesKHR, PhysicalDeviceSparseImageFormatInfo2KHR, PhysicalDeviceSubgroupSizeControlFeaturesEXT, PhysicalDeviceSubgroupSizeControlPropertiesEXT, PhysicalDeviceSynchronization2FeaturesKHR, PhysicalDeviceTexelBufferAlignmentPropertiesEXT, PhysicalDeviceTextureCompressionASTCHDRFeaturesEXT, PhysicalDeviceTimelineSemaphoreFeaturesKHR, PhysicalDeviceTimelineSemaphorePropertiesKHR, PhysicalDeviceToolPropertiesEXT, PhysicalDeviceUniformBufferStandardLayoutFeaturesKHR, PhysicalDeviceVariablePointerFeatures, PhysicalDeviceVariablePointerFeaturesKHR, PhysicalDeviceVariablePointersFeaturesKHR, PhysicalDeviceVulkanMemoryModelFeaturesKHR, PhysicalDeviceZeroInitializeWorkgroupMemoryFeaturesKHR, PipelineCreationFeedbackCreateInfoEXT, PipelineCreationFeedbackEXT, PipelineCreationFeedbackFlagEXT, PipelineInfoEXT, PipelineRenderingCreateInfoKHR, PipelineShaderStageRequiredSubgroupSizeCreateInfoEXT, PipelineStageFlag2KHR, PipelineTessellationDomainOriginStateCreateInfoKHR, PointClippingBehaviorKHR, PrivateDataSlotCreateFlagEXT, PrivateDataSlotCreateInfoEXT, PrivateDataSlotEXT, QueryPoolCreateInfoINTEL, QueueFamilyGlobalPriorityPropertiesEXT, QueueFamilyProperties2KHR, QueueGlobalPriorityEXT, RayTracingShaderGroupTypeNV, RenderPassAttachmentBeginInfoKHR, RenderPassCreateInfo2KHR, RenderPassInputAttachmentAspectCreateInfoKHR, RenderPassMultiviewCreateInfoKHR, RenderingAttachmentInfoKHR, RenderingFlagKHR, RenderingInfoKHR, ResolveImageInfo2KHR, ResolveModeFlagKHR, SamplerReductionModeCreateInfoEXT, SamplerReductionModeEXT, SamplerYcbcrConversionCreateInfoKHR, SamplerYcbcrConversionImageFormatPropertiesKHR, SamplerYcbcrConversionInfoKHR, SamplerYcbcrConversionKHR, SamplerYcbcrModelConversionKHR, SamplerYcbcrRangeKHR, SemaphoreImportFlagKHR, SemaphoreSignalInfoKHR, SemaphoreSubmitInfoKHR, SemaphoreTypeCreateInfoKHR, SemaphoreTypeKHR, SemaphoreWaitFlagKHR, SemaphoreWaitInfoKHR, ShaderFloatControlsIndependenceKHR, SparseImageFormatProperties2KHR, SparseImageMemoryRequirements2KHR, SubmitFlagKHR, SubmitInfo2KHR, SubpassBeginInfoKHR, SubpassDependency2KHR, SubpassDescription2KHR, SubpassDescriptionDepthStencilResolveKHR, SubpassEndInfoKHR, TessellationDomainOriginKHR, TimelineSemaphoreSubmitInfoKHR, ToolPurposeFlagEXT, TransformMatrixNV, WriteDescriptorSetInlineUniformBlockEXT
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
4669071
const MAX_PHYSICAL_DEVICE_NAME_SIZE = VK_MAX_PHYSICAL_DEVICE_NAME_SIZE const UUID_SIZE = VK_UUID_SIZE const LUID_SIZE = VK_LUID_SIZE const MAX_DESCRIPTION_SIZE = VK_MAX_DESCRIPTION_SIZE const MAX_MEMORY_TYPES = VK_MAX_MEMORY_TYPES const MAX_MEMORY_HEAPS = VK_MAX_MEMORY_HEAPS const LOD_CLAMP_NONE = VK_LOD_CLAMP_NONE const REMAINING_MIP_LEVELS = VK_REMAINING_MIP_LEVELS const REMAINING_ARRAY_LAYERS = VK_REMAINING_ARRAY_LAYERS const WHOLE_SIZE = VK_WHOLE_SIZE const ATTACHMENT_UNUSED = VK_ATTACHMENT_UNUSED const QUEUE_FAMILY_IGNORED = VK_QUEUE_FAMILY_IGNORED const QUEUE_FAMILY_EXTERNAL = VK_QUEUE_FAMILY_EXTERNAL const QUEUE_FAMILY_FOREIGN_EXT = VK_QUEUE_FAMILY_FOREIGN_EXT const SUBPASS_EXTERNAL = VK_SUBPASS_EXTERNAL const MAX_DEVICE_GROUP_SIZE = VK_MAX_DEVICE_GROUP_SIZE const MAX_DRIVER_NAME_SIZE = VK_MAX_DRIVER_NAME_SIZE const MAX_DRIVER_INFO_SIZE = VK_MAX_DRIVER_INFO_SIZE const SHADER_UNUSED_KHR = VK_SHADER_UNUSED_KHR const MAX_GLOBAL_PRIORITY_SIZE_KHR = VK_MAX_GLOBAL_PRIORITY_SIZE_KHR const MAX_SHADER_MODULE_IDENTIFIER_SIZE_EXT = VK_MAX_SHADER_MODULE_IDENTIFIER_SIZE_EXT @cenum ImageLayout::UInt32 begin IMAGE_LAYOUT_UNDEFINED = 0 IMAGE_LAYOUT_GENERAL = 1 IMAGE_LAYOUT_COLOR_ATTACHMENT_OPTIMAL = 2 IMAGE_LAYOUT_DEPTH_STENCIL_ATTACHMENT_OPTIMAL = 3 IMAGE_LAYOUT_DEPTH_STENCIL_READ_ONLY_OPTIMAL = 4 IMAGE_LAYOUT_SHADER_READ_ONLY_OPTIMAL = 5 IMAGE_LAYOUT_TRANSFER_SRC_OPTIMAL = 6 IMAGE_LAYOUT_TRANSFER_DST_OPTIMAL = 7 IMAGE_LAYOUT_PREINITIALIZED = 8 IMAGE_LAYOUT_DEPTH_READ_ONLY_STENCIL_ATTACHMENT_OPTIMAL = 1000117000 IMAGE_LAYOUT_DEPTH_ATTACHMENT_STENCIL_READ_ONLY_OPTIMAL = 1000117001 IMAGE_LAYOUT_DEPTH_ATTACHMENT_OPTIMAL = 1000241000 IMAGE_LAYOUT_DEPTH_READ_ONLY_OPTIMAL = 1000241001 IMAGE_LAYOUT_STENCIL_ATTACHMENT_OPTIMAL = 1000241002 IMAGE_LAYOUT_STENCIL_READ_ONLY_OPTIMAL = 1000241003 IMAGE_LAYOUT_READ_ONLY_OPTIMAL = 1000314000 IMAGE_LAYOUT_ATTACHMENT_OPTIMAL = 1000314001 IMAGE_LAYOUT_PRESENT_SRC_KHR = 1000001002 IMAGE_LAYOUT_VIDEO_DECODE_DST_KHR = 1000024000 IMAGE_LAYOUT_VIDEO_DECODE_SRC_KHR = 1000024001 IMAGE_LAYOUT_VIDEO_DECODE_DPB_KHR = 1000024002 IMAGE_LAYOUT_SHARED_PRESENT_KHR = 1000111000 IMAGE_LAYOUT_FRAGMENT_DENSITY_MAP_OPTIMAL_EXT = 1000218000 IMAGE_LAYOUT_FRAGMENT_SHADING_RATE_ATTACHMENT_OPTIMAL_KHR = 1000164003 IMAGE_LAYOUT_VIDEO_ENCODE_DST_KHR = 1000299000 IMAGE_LAYOUT_VIDEO_ENCODE_SRC_KHR = 1000299001 IMAGE_LAYOUT_VIDEO_ENCODE_DPB_KHR = 1000299002 IMAGE_LAYOUT_ATTACHMENT_FEEDBACK_LOOP_OPTIMAL_EXT = 1000339000 end @cenum AttachmentLoadOp::UInt32 begin ATTACHMENT_LOAD_OP_LOAD = 0 ATTACHMENT_LOAD_OP_CLEAR = 1 ATTACHMENT_LOAD_OP_DONT_CARE = 2 ATTACHMENT_LOAD_OP_NONE_EXT = 1000400000 end @cenum AttachmentStoreOp::UInt32 begin ATTACHMENT_STORE_OP_STORE = 0 ATTACHMENT_STORE_OP_DONT_CARE = 1 ATTACHMENT_STORE_OP_NONE = 1000301000 end @cenum ImageType::UInt32 begin IMAGE_TYPE_1D = 0 IMAGE_TYPE_2D = 1 IMAGE_TYPE_3D = 2 end @cenum ImageTiling::UInt32 begin IMAGE_TILING_OPTIMAL = 0 IMAGE_TILING_LINEAR = 1 IMAGE_TILING_DRM_FORMAT_MODIFIER_EXT = 1000158000 end @cenum ImageViewType::UInt32 begin IMAGE_VIEW_TYPE_1D = 0 IMAGE_VIEW_TYPE_2D = 1 IMAGE_VIEW_TYPE_3D = 2 IMAGE_VIEW_TYPE_CUBE = 3 IMAGE_VIEW_TYPE_1D_ARRAY = 4 IMAGE_VIEW_TYPE_2D_ARRAY = 5 IMAGE_VIEW_TYPE_CUBE_ARRAY = 6 end @cenum CommandBufferLevel::UInt32 begin COMMAND_BUFFER_LEVEL_PRIMARY = 0 COMMAND_BUFFER_LEVEL_SECONDARY = 1 end @cenum ComponentSwizzle::UInt32 begin COMPONENT_SWIZZLE_IDENTITY = 0 COMPONENT_SWIZZLE_ZERO = 1 COMPONENT_SWIZZLE_ONE = 2 COMPONENT_SWIZZLE_R = 3 COMPONENT_SWIZZLE_G = 4 COMPONENT_SWIZZLE_B = 5 COMPONENT_SWIZZLE_A = 6 end @cenum DescriptorType::UInt32 begin DESCRIPTOR_TYPE_SAMPLER = 0 DESCRIPTOR_TYPE_COMBINED_IMAGE_SAMPLER = 1 DESCRIPTOR_TYPE_SAMPLED_IMAGE = 2 DESCRIPTOR_TYPE_STORAGE_IMAGE = 3 DESCRIPTOR_TYPE_UNIFORM_TEXEL_BUFFER = 4 DESCRIPTOR_TYPE_STORAGE_TEXEL_BUFFER = 5 DESCRIPTOR_TYPE_UNIFORM_BUFFER = 6 DESCRIPTOR_TYPE_STORAGE_BUFFER = 7 DESCRIPTOR_TYPE_UNIFORM_BUFFER_DYNAMIC = 8 DESCRIPTOR_TYPE_STORAGE_BUFFER_DYNAMIC = 9 DESCRIPTOR_TYPE_INPUT_ATTACHMENT = 10 DESCRIPTOR_TYPE_INLINE_UNIFORM_BLOCK = 1000138000 DESCRIPTOR_TYPE_ACCELERATION_STRUCTURE_KHR = 1000150000 DESCRIPTOR_TYPE_ACCELERATION_STRUCTURE_NV = 1000165000 DESCRIPTOR_TYPE_SAMPLE_WEIGHT_IMAGE_QCOM = 1000440000 DESCRIPTOR_TYPE_BLOCK_MATCH_IMAGE_QCOM = 1000440001 DESCRIPTOR_TYPE_MUTABLE_EXT = 1000351000 end @cenum QueryType::UInt32 begin QUERY_TYPE_OCCLUSION = 0 QUERY_TYPE_PIPELINE_STATISTICS = 1 QUERY_TYPE_TIMESTAMP = 2 QUERY_TYPE_RESULT_STATUS_ONLY_KHR = 1000023000 QUERY_TYPE_TRANSFORM_FEEDBACK_STREAM_EXT = 1000028004 QUERY_TYPE_PERFORMANCE_QUERY_KHR = 1000116000 QUERY_TYPE_ACCELERATION_STRUCTURE_COMPACTED_SIZE_KHR = 1000150000 QUERY_TYPE_ACCELERATION_STRUCTURE_SERIALIZATION_SIZE_KHR = 1000150001 QUERY_TYPE_ACCELERATION_STRUCTURE_COMPACTED_SIZE_NV = 1000165000 QUERY_TYPE_PERFORMANCE_QUERY_INTEL = 1000210000 QUERY_TYPE_VIDEO_ENCODE_BITSTREAM_BUFFER_RANGE_KHR = 1000299000 QUERY_TYPE_MESH_PRIMITIVES_GENERATED_EXT = 1000328000 QUERY_TYPE_PRIMITIVES_GENERATED_EXT = 1000382000 QUERY_TYPE_ACCELERATION_STRUCTURE_SERIALIZATION_BOTTOM_LEVEL_POINTERS_KHR = 1000386000 QUERY_TYPE_ACCELERATION_STRUCTURE_SIZE_KHR = 1000386001 QUERY_TYPE_MICROMAP_SERIALIZATION_SIZE_EXT = 1000396000 QUERY_TYPE_MICROMAP_COMPACTED_SIZE_EXT = 1000396001 end @cenum BorderColor::UInt32 begin BORDER_COLOR_FLOAT_TRANSPARENT_BLACK = 0 BORDER_COLOR_INT_TRANSPARENT_BLACK = 1 BORDER_COLOR_FLOAT_OPAQUE_BLACK = 2 BORDER_COLOR_INT_OPAQUE_BLACK = 3 BORDER_COLOR_FLOAT_OPAQUE_WHITE = 4 BORDER_COLOR_INT_OPAQUE_WHITE = 5 BORDER_COLOR_FLOAT_CUSTOM_EXT = 1000287003 BORDER_COLOR_INT_CUSTOM_EXT = 1000287004 end @cenum PipelineBindPoint::UInt32 begin PIPELINE_BIND_POINT_GRAPHICS = 0 PIPELINE_BIND_POINT_COMPUTE = 1 PIPELINE_BIND_POINT_RAY_TRACING_KHR = 1000165000 PIPELINE_BIND_POINT_SUBPASS_SHADING_HUAWEI = 1000369003 end @cenum PipelineCacheHeaderVersion::UInt32 begin PIPELINE_CACHE_HEADER_VERSION_ONE = 1 end @cenum PrimitiveTopology::UInt32 begin PRIMITIVE_TOPOLOGY_POINT_LIST = 0 PRIMITIVE_TOPOLOGY_LINE_LIST = 1 PRIMITIVE_TOPOLOGY_LINE_STRIP = 2 PRIMITIVE_TOPOLOGY_TRIANGLE_LIST = 3 PRIMITIVE_TOPOLOGY_TRIANGLE_STRIP = 4 PRIMITIVE_TOPOLOGY_TRIANGLE_FAN = 5 PRIMITIVE_TOPOLOGY_LINE_LIST_WITH_ADJACENCY = 6 PRIMITIVE_TOPOLOGY_LINE_STRIP_WITH_ADJACENCY = 7 PRIMITIVE_TOPOLOGY_TRIANGLE_LIST_WITH_ADJACENCY = 8 PRIMITIVE_TOPOLOGY_TRIANGLE_STRIP_WITH_ADJACENCY = 9 PRIMITIVE_TOPOLOGY_PATCH_LIST = 10 end @cenum SharingMode::UInt32 begin SHARING_MODE_EXCLUSIVE = 0 SHARING_MODE_CONCURRENT = 1 end @cenum IndexType::UInt32 begin INDEX_TYPE_UINT16 = 0 INDEX_TYPE_UINT32 = 1 INDEX_TYPE_NONE_KHR = 1000165000 INDEX_TYPE_UINT8_EXT = 1000265000 end @cenum Filter::UInt32 begin FILTER_NEAREST = 0 FILTER_LINEAR = 1 FILTER_CUBIC_EXT = 1000015000 end @cenum SamplerMipmapMode::UInt32 begin SAMPLER_MIPMAP_MODE_NEAREST = 0 SAMPLER_MIPMAP_MODE_LINEAR = 1 end @cenum SamplerAddressMode::UInt32 begin SAMPLER_ADDRESS_MODE_REPEAT = 0 SAMPLER_ADDRESS_MODE_MIRRORED_REPEAT = 1 SAMPLER_ADDRESS_MODE_CLAMP_TO_EDGE = 2 SAMPLER_ADDRESS_MODE_CLAMP_TO_BORDER = 3 SAMPLER_ADDRESS_MODE_MIRROR_CLAMP_TO_EDGE = 4 end @cenum CompareOp::UInt32 begin COMPARE_OP_NEVER = 0 COMPARE_OP_LESS = 1 COMPARE_OP_EQUAL = 2 COMPARE_OP_LESS_OR_EQUAL = 3 COMPARE_OP_GREATER = 4 COMPARE_OP_NOT_EQUAL = 5 COMPARE_OP_GREATER_OR_EQUAL = 6 COMPARE_OP_ALWAYS = 7 end @cenum PolygonMode::UInt32 begin POLYGON_MODE_FILL = 0 POLYGON_MODE_LINE = 1 POLYGON_MODE_POINT = 2 POLYGON_MODE_FILL_RECTANGLE_NV = 1000153000 end @cenum FrontFace::UInt32 begin FRONT_FACE_COUNTER_CLOCKWISE = 0 FRONT_FACE_CLOCKWISE = 1 end @cenum BlendFactor::UInt32 begin BLEND_FACTOR_ZERO = 0 BLEND_FACTOR_ONE = 1 BLEND_FACTOR_SRC_COLOR = 2 BLEND_FACTOR_ONE_MINUS_SRC_COLOR = 3 BLEND_FACTOR_DST_COLOR = 4 BLEND_FACTOR_ONE_MINUS_DST_COLOR = 5 BLEND_FACTOR_SRC_ALPHA = 6 BLEND_FACTOR_ONE_MINUS_SRC_ALPHA = 7 BLEND_FACTOR_DST_ALPHA = 8 BLEND_FACTOR_ONE_MINUS_DST_ALPHA = 9 BLEND_FACTOR_CONSTANT_COLOR = 10 BLEND_FACTOR_ONE_MINUS_CONSTANT_COLOR = 11 BLEND_FACTOR_CONSTANT_ALPHA = 12 BLEND_FACTOR_ONE_MINUS_CONSTANT_ALPHA = 13 BLEND_FACTOR_SRC_ALPHA_SATURATE = 14 BLEND_FACTOR_SRC1_COLOR = 15 BLEND_FACTOR_ONE_MINUS_SRC1_COLOR = 16 BLEND_FACTOR_SRC1_ALPHA = 17 BLEND_FACTOR_ONE_MINUS_SRC1_ALPHA = 18 end @cenum BlendOp::UInt32 begin BLEND_OP_ADD = 0 BLEND_OP_SUBTRACT = 1 BLEND_OP_REVERSE_SUBTRACT = 2 BLEND_OP_MIN = 3 BLEND_OP_MAX = 4 BLEND_OP_ZERO_EXT = 1000148000 BLEND_OP_SRC_EXT = 1000148001 BLEND_OP_DST_EXT = 1000148002 BLEND_OP_SRC_OVER_EXT = 1000148003 BLEND_OP_DST_OVER_EXT = 1000148004 BLEND_OP_SRC_IN_EXT = 1000148005 BLEND_OP_DST_IN_EXT = 1000148006 BLEND_OP_SRC_OUT_EXT = 1000148007 BLEND_OP_DST_OUT_EXT = 1000148008 BLEND_OP_SRC_ATOP_EXT = 1000148009 BLEND_OP_DST_ATOP_EXT = 1000148010 BLEND_OP_XOR_EXT = 1000148011 BLEND_OP_MULTIPLY_EXT = 1000148012 BLEND_OP_SCREEN_EXT = 1000148013 BLEND_OP_OVERLAY_EXT = 1000148014 BLEND_OP_DARKEN_EXT = 1000148015 BLEND_OP_LIGHTEN_EXT = 1000148016 BLEND_OP_COLORDODGE_EXT = 1000148017 BLEND_OP_COLORBURN_EXT = 1000148018 BLEND_OP_HARDLIGHT_EXT = 1000148019 BLEND_OP_SOFTLIGHT_EXT = 1000148020 BLEND_OP_DIFFERENCE_EXT = 1000148021 BLEND_OP_EXCLUSION_EXT = 1000148022 BLEND_OP_INVERT_EXT = 1000148023 BLEND_OP_INVERT_RGB_EXT = 1000148024 BLEND_OP_LINEARDODGE_EXT = 1000148025 BLEND_OP_LINEARBURN_EXT = 1000148026 BLEND_OP_VIVIDLIGHT_EXT = 1000148027 BLEND_OP_LINEARLIGHT_EXT = 1000148028 BLEND_OP_PINLIGHT_EXT = 1000148029 BLEND_OP_HARDMIX_EXT = 1000148030 BLEND_OP_HSL_HUE_EXT = 1000148031 BLEND_OP_HSL_SATURATION_EXT = 1000148032 BLEND_OP_HSL_COLOR_EXT = 1000148033 BLEND_OP_HSL_LUMINOSITY_EXT = 1000148034 BLEND_OP_PLUS_EXT = 1000148035 BLEND_OP_PLUS_CLAMPED_EXT = 1000148036 BLEND_OP_PLUS_CLAMPED_ALPHA_EXT = 1000148037 BLEND_OP_PLUS_DARKER_EXT = 1000148038 BLEND_OP_MINUS_EXT = 1000148039 BLEND_OP_MINUS_CLAMPED_EXT = 1000148040 BLEND_OP_CONTRAST_EXT = 1000148041 BLEND_OP_INVERT_OVG_EXT = 1000148042 BLEND_OP_RED_EXT = 1000148043 BLEND_OP_GREEN_EXT = 1000148044 BLEND_OP_BLUE_EXT = 1000148045 end @cenum StencilOp::UInt32 begin STENCIL_OP_KEEP = 0 STENCIL_OP_ZERO = 1 STENCIL_OP_REPLACE = 2 STENCIL_OP_INCREMENT_AND_CLAMP = 3 STENCIL_OP_DECREMENT_AND_CLAMP = 4 STENCIL_OP_INVERT = 5 STENCIL_OP_INCREMENT_AND_WRAP = 6 STENCIL_OP_DECREMENT_AND_WRAP = 7 end @cenum LogicOp::UInt32 begin LOGIC_OP_CLEAR = 0 LOGIC_OP_AND = 1 LOGIC_OP_AND_REVERSE = 2 LOGIC_OP_COPY = 3 LOGIC_OP_AND_INVERTED = 4 LOGIC_OP_NO_OP = 5 LOGIC_OP_XOR = 6 LOGIC_OP_OR = 7 LOGIC_OP_NOR = 8 LOGIC_OP_EQUIVALENT = 9 LOGIC_OP_INVERT = 10 LOGIC_OP_OR_REVERSE = 11 LOGIC_OP_COPY_INVERTED = 12 LOGIC_OP_OR_INVERTED = 13 LOGIC_OP_NAND = 14 LOGIC_OP_SET = 15 end @cenum InternalAllocationType::UInt32 begin INTERNAL_ALLOCATION_TYPE_EXECUTABLE = 0 end @cenum SystemAllocationScope::UInt32 begin SYSTEM_ALLOCATION_SCOPE_COMMAND = 0 SYSTEM_ALLOCATION_SCOPE_OBJECT = 1 SYSTEM_ALLOCATION_SCOPE_CACHE = 2 SYSTEM_ALLOCATION_SCOPE_DEVICE = 3 SYSTEM_ALLOCATION_SCOPE_INSTANCE = 4 end @cenum PhysicalDeviceType::UInt32 begin PHYSICAL_DEVICE_TYPE_OTHER = 0 PHYSICAL_DEVICE_TYPE_INTEGRATED_GPU = 1 PHYSICAL_DEVICE_TYPE_DISCRETE_GPU = 2 PHYSICAL_DEVICE_TYPE_VIRTUAL_GPU = 3 PHYSICAL_DEVICE_TYPE_CPU = 4 end @cenum VertexInputRate::UInt32 begin VERTEX_INPUT_RATE_VERTEX = 0 VERTEX_INPUT_RATE_INSTANCE = 1 end @cenum Format::UInt32 begin FORMAT_UNDEFINED = 0 FORMAT_R4G4_UNORM_PACK8 = 1 FORMAT_R4G4B4A4_UNORM_PACK16 = 2 FORMAT_B4G4R4A4_UNORM_PACK16 = 3 FORMAT_R5G6B5_UNORM_PACK16 = 4 FORMAT_B5G6R5_UNORM_PACK16 = 5 FORMAT_R5G5B5A1_UNORM_PACK16 = 6 FORMAT_B5G5R5A1_UNORM_PACK16 = 7 FORMAT_A1R5G5B5_UNORM_PACK16 = 8 FORMAT_R8_UNORM = 9 FORMAT_R8_SNORM = 10 FORMAT_R8_USCALED = 11 FORMAT_R8_SSCALED = 12 FORMAT_R8_UINT = 13 FORMAT_R8_SINT = 14 FORMAT_R8_SRGB = 15 FORMAT_R8G8_UNORM = 16 FORMAT_R8G8_SNORM = 17 FORMAT_R8G8_USCALED = 18 FORMAT_R8G8_SSCALED = 19 FORMAT_R8G8_UINT = 20 FORMAT_R8G8_SINT = 21 FORMAT_R8G8_SRGB = 22 FORMAT_R8G8B8_UNORM = 23 FORMAT_R8G8B8_SNORM = 24 FORMAT_R8G8B8_USCALED = 25 FORMAT_R8G8B8_SSCALED = 26 FORMAT_R8G8B8_UINT = 27 FORMAT_R8G8B8_SINT = 28 FORMAT_R8G8B8_SRGB = 29 FORMAT_B8G8R8_UNORM = 30 FORMAT_B8G8R8_SNORM = 31 FORMAT_B8G8R8_USCALED = 32 FORMAT_B8G8R8_SSCALED = 33 FORMAT_B8G8R8_UINT = 34 FORMAT_B8G8R8_SINT = 35 FORMAT_B8G8R8_SRGB = 36 FORMAT_R8G8B8A8_UNORM = 37 FORMAT_R8G8B8A8_SNORM = 38 FORMAT_R8G8B8A8_USCALED = 39 FORMAT_R8G8B8A8_SSCALED = 40 FORMAT_R8G8B8A8_UINT = 41 FORMAT_R8G8B8A8_SINT = 42 FORMAT_R8G8B8A8_SRGB = 43 FORMAT_B8G8R8A8_UNORM = 44 FORMAT_B8G8R8A8_SNORM = 45 FORMAT_B8G8R8A8_USCALED = 46 FORMAT_B8G8R8A8_SSCALED = 47 FORMAT_B8G8R8A8_UINT = 48 FORMAT_B8G8R8A8_SINT = 49 FORMAT_B8G8R8A8_SRGB = 50 FORMAT_A8B8G8R8_UNORM_PACK32 = 51 FORMAT_A8B8G8R8_SNORM_PACK32 = 52 FORMAT_A8B8G8R8_USCALED_PACK32 = 53 FORMAT_A8B8G8R8_SSCALED_PACK32 = 54 FORMAT_A8B8G8R8_UINT_PACK32 = 55 FORMAT_A8B8G8R8_SINT_PACK32 = 56 FORMAT_A8B8G8R8_SRGB_PACK32 = 57 FORMAT_A2R10G10B10_UNORM_PACK32 = 58 FORMAT_A2R10G10B10_SNORM_PACK32 = 59 FORMAT_A2R10G10B10_USCALED_PACK32 = 60 FORMAT_A2R10G10B10_SSCALED_PACK32 = 61 FORMAT_A2R10G10B10_UINT_PACK32 = 62 FORMAT_A2R10G10B10_SINT_PACK32 = 63 FORMAT_A2B10G10R10_UNORM_PACK32 = 64 FORMAT_A2B10G10R10_SNORM_PACK32 = 65 FORMAT_A2B10G10R10_USCALED_PACK32 = 66 FORMAT_A2B10G10R10_SSCALED_PACK32 = 67 FORMAT_A2B10G10R10_UINT_PACK32 = 68 FORMAT_A2B10G10R10_SINT_PACK32 = 69 FORMAT_R16_UNORM = 70 FORMAT_R16_SNORM = 71 FORMAT_R16_USCALED = 72 FORMAT_R16_SSCALED = 73 FORMAT_R16_UINT = 74 FORMAT_R16_SINT = 75 FORMAT_R16_SFLOAT = 76 FORMAT_R16G16_UNORM = 77 FORMAT_R16G16_SNORM = 78 FORMAT_R16G16_USCALED = 79 FORMAT_R16G16_SSCALED = 80 FORMAT_R16G16_UINT = 81 FORMAT_R16G16_SINT = 82 FORMAT_R16G16_SFLOAT = 83 FORMAT_R16G16B16_UNORM = 84 FORMAT_R16G16B16_SNORM = 85 FORMAT_R16G16B16_USCALED = 86 FORMAT_R16G16B16_SSCALED = 87 FORMAT_R16G16B16_UINT = 88 FORMAT_R16G16B16_SINT = 89 FORMAT_R16G16B16_SFLOAT = 90 FORMAT_R16G16B16A16_UNORM = 91 FORMAT_R16G16B16A16_SNORM = 92 FORMAT_R16G16B16A16_USCALED = 93 FORMAT_R16G16B16A16_SSCALED = 94 FORMAT_R16G16B16A16_UINT = 95 FORMAT_R16G16B16A16_SINT = 96 FORMAT_R16G16B16A16_SFLOAT = 97 FORMAT_R32_UINT = 98 FORMAT_R32_SINT = 99 FORMAT_R32_SFLOAT = 100 FORMAT_R32G32_UINT = 101 FORMAT_R32G32_SINT = 102 FORMAT_R32G32_SFLOAT = 103 FORMAT_R32G32B32_UINT = 104 FORMAT_R32G32B32_SINT = 105 FORMAT_R32G32B32_SFLOAT = 106 FORMAT_R32G32B32A32_UINT = 107 FORMAT_R32G32B32A32_SINT = 108 FORMAT_R32G32B32A32_SFLOAT = 109 FORMAT_R64_UINT = 110 FORMAT_R64_SINT = 111 FORMAT_R64_SFLOAT = 112 FORMAT_R64G64_UINT = 113 FORMAT_R64G64_SINT = 114 FORMAT_R64G64_SFLOAT = 115 FORMAT_R64G64B64_UINT = 116 FORMAT_R64G64B64_SINT = 117 FORMAT_R64G64B64_SFLOAT = 118 FORMAT_R64G64B64A64_UINT = 119 FORMAT_R64G64B64A64_SINT = 120 FORMAT_R64G64B64A64_SFLOAT = 121 FORMAT_B10G11R11_UFLOAT_PACK32 = 122 FORMAT_E5B9G9R9_UFLOAT_PACK32 = 123 FORMAT_D16_UNORM = 124 FORMAT_X8_D24_UNORM_PACK32 = 125 FORMAT_D32_SFLOAT = 126 FORMAT_S8_UINT = 127 FORMAT_D16_UNORM_S8_UINT = 128 FORMAT_D24_UNORM_S8_UINT = 129 FORMAT_D32_SFLOAT_S8_UINT = 130 FORMAT_BC1_RGB_UNORM_BLOCK = 131 FORMAT_BC1_RGB_SRGB_BLOCK = 132 FORMAT_BC1_RGBA_UNORM_BLOCK = 133 FORMAT_BC1_RGBA_SRGB_BLOCK = 134 FORMAT_BC2_UNORM_BLOCK = 135 FORMAT_BC2_SRGB_BLOCK = 136 FORMAT_BC3_UNORM_BLOCK = 137 FORMAT_BC3_SRGB_BLOCK = 138 FORMAT_BC4_UNORM_BLOCK = 139 FORMAT_BC4_SNORM_BLOCK = 140 FORMAT_BC5_UNORM_BLOCK = 141 FORMAT_BC5_SNORM_BLOCK = 142 FORMAT_BC6H_UFLOAT_BLOCK = 143 FORMAT_BC6H_SFLOAT_BLOCK = 144 FORMAT_BC7_UNORM_BLOCK = 145 FORMAT_BC7_SRGB_BLOCK = 146 FORMAT_ETC2_R8G8B8_UNORM_BLOCK = 147 FORMAT_ETC2_R8G8B8_SRGB_BLOCK = 148 FORMAT_ETC2_R8G8B8A1_UNORM_BLOCK = 149 FORMAT_ETC2_R8G8B8A1_SRGB_BLOCK = 150 FORMAT_ETC2_R8G8B8A8_UNORM_BLOCK = 151 FORMAT_ETC2_R8G8B8A8_SRGB_BLOCK = 152 FORMAT_EAC_R11_UNORM_BLOCK = 153 FORMAT_EAC_R11_SNORM_BLOCK = 154 FORMAT_EAC_R11G11_UNORM_BLOCK = 155 FORMAT_EAC_R11G11_SNORM_BLOCK = 156 FORMAT_ASTC_4x4_UNORM_BLOCK = 157 FORMAT_ASTC_4x4_SRGB_BLOCK = 158 FORMAT_ASTC_5x4_UNORM_BLOCK = 159 FORMAT_ASTC_5x4_SRGB_BLOCK = 160 FORMAT_ASTC_5x5_UNORM_BLOCK = 161 FORMAT_ASTC_5x5_SRGB_BLOCK = 162 FORMAT_ASTC_6x5_UNORM_BLOCK = 163 FORMAT_ASTC_6x5_SRGB_BLOCK = 164 FORMAT_ASTC_6x6_UNORM_BLOCK = 165 FORMAT_ASTC_6x6_SRGB_BLOCK = 166 FORMAT_ASTC_8x5_UNORM_BLOCK = 167 FORMAT_ASTC_8x5_SRGB_BLOCK = 168 FORMAT_ASTC_8x6_UNORM_BLOCK = 169 FORMAT_ASTC_8x6_SRGB_BLOCK = 170 FORMAT_ASTC_8x8_UNORM_BLOCK = 171 FORMAT_ASTC_8x8_SRGB_BLOCK = 172 FORMAT_ASTC_10x5_UNORM_BLOCK = 173 FORMAT_ASTC_10x5_SRGB_BLOCK = 174 FORMAT_ASTC_10x6_UNORM_BLOCK = 175 FORMAT_ASTC_10x6_SRGB_BLOCK = 176 FORMAT_ASTC_10x8_UNORM_BLOCK = 177 FORMAT_ASTC_10x8_SRGB_BLOCK = 178 FORMAT_ASTC_10x10_UNORM_BLOCK = 179 FORMAT_ASTC_10x10_SRGB_BLOCK = 180 FORMAT_ASTC_12x10_UNORM_BLOCK = 181 FORMAT_ASTC_12x10_SRGB_BLOCK = 182 FORMAT_ASTC_12x12_UNORM_BLOCK = 183 FORMAT_ASTC_12x12_SRGB_BLOCK = 184 FORMAT_G8B8G8R8_422_UNORM = 1000156000 FORMAT_B8G8R8G8_422_UNORM = 1000156001 FORMAT_G8_B8_R8_3PLANE_420_UNORM = 1000156002 FORMAT_G8_B8R8_2PLANE_420_UNORM = 1000156003 FORMAT_G8_B8_R8_3PLANE_422_UNORM = 1000156004 FORMAT_G8_B8R8_2PLANE_422_UNORM = 1000156005 FORMAT_G8_B8_R8_3PLANE_444_UNORM = 1000156006 FORMAT_R10X6_UNORM_PACK16 = 1000156007 FORMAT_R10X6G10X6_UNORM_2PACK16 = 1000156008 FORMAT_R10X6G10X6B10X6A10X6_UNORM_4PACK16 = 1000156009 FORMAT_G10X6B10X6G10X6R10X6_422_UNORM_4PACK16 = 1000156010 FORMAT_B10X6G10X6R10X6G10X6_422_UNORM_4PACK16 = 1000156011 FORMAT_G10X6_B10X6_R10X6_3PLANE_420_UNORM_3PACK16 = 1000156012 FORMAT_G10X6_B10X6R10X6_2PLANE_420_UNORM_3PACK16 = 1000156013 FORMAT_G10X6_B10X6_R10X6_3PLANE_422_UNORM_3PACK16 = 1000156014 FORMAT_G10X6_B10X6R10X6_2PLANE_422_UNORM_3PACK16 = 1000156015 FORMAT_G10X6_B10X6_R10X6_3PLANE_444_UNORM_3PACK16 = 1000156016 FORMAT_R12X4_UNORM_PACK16 = 1000156017 FORMAT_R12X4G12X4_UNORM_2PACK16 = 1000156018 FORMAT_R12X4G12X4B12X4A12X4_UNORM_4PACK16 = 1000156019 FORMAT_G12X4B12X4G12X4R12X4_422_UNORM_4PACK16 = 1000156020 FORMAT_B12X4G12X4R12X4G12X4_422_UNORM_4PACK16 = 1000156021 FORMAT_G12X4_B12X4_R12X4_3PLANE_420_UNORM_3PACK16 = 1000156022 FORMAT_G12X4_B12X4R12X4_2PLANE_420_UNORM_3PACK16 = 1000156023 FORMAT_G12X4_B12X4_R12X4_3PLANE_422_UNORM_3PACK16 = 1000156024 FORMAT_G12X4_B12X4R12X4_2PLANE_422_UNORM_3PACK16 = 1000156025 FORMAT_G12X4_B12X4_R12X4_3PLANE_444_UNORM_3PACK16 = 1000156026 FORMAT_G16B16G16R16_422_UNORM = 1000156027 FORMAT_B16G16R16G16_422_UNORM = 1000156028 FORMAT_G16_B16_R16_3PLANE_420_UNORM = 1000156029 FORMAT_G16_B16R16_2PLANE_420_UNORM = 1000156030 FORMAT_G16_B16_R16_3PLANE_422_UNORM = 1000156031 FORMAT_G16_B16R16_2PLANE_422_UNORM = 1000156032 FORMAT_G16_B16_R16_3PLANE_444_UNORM = 1000156033 FORMAT_G8_B8R8_2PLANE_444_UNORM = 1000330000 FORMAT_G10X6_B10X6R10X6_2PLANE_444_UNORM_3PACK16 = 1000330001 FORMAT_G12X4_B12X4R12X4_2PLANE_444_UNORM_3PACK16 = 1000330002 FORMAT_G16_B16R16_2PLANE_444_UNORM = 1000330003 FORMAT_A4R4G4B4_UNORM_PACK16 = 1000340000 FORMAT_A4B4G4R4_UNORM_PACK16 = 1000340001 FORMAT_ASTC_4x4_SFLOAT_BLOCK = 1000066000 FORMAT_ASTC_5x4_SFLOAT_BLOCK = 1000066001 FORMAT_ASTC_5x5_SFLOAT_BLOCK = 1000066002 FORMAT_ASTC_6x5_SFLOAT_BLOCK = 1000066003 FORMAT_ASTC_6x6_SFLOAT_BLOCK = 1000066004 FORMAT_ASTC_8x5_SFLOAT_BLOCK = 1000066005 FORMAT_ASTC_8x6_SFLOAT_BLOCK = 1000066006 FORMAT_ASTC_8x8_SFLOAT_BLOCK = 1000066007 FORMAT_ASTC_10x5_SFLOAT_BLOCK = 1000066008 FORMAT_ASTC_10x6_SFLOAT_BLOCK = 1000066009 FORMAT_ASTC_10x8_SFLOAT_BLOCK = 1000066010 FORMAT_ASTC_10x10_SFLOAT_BLOCK = 1000066011 FORMAT_ASTC_12x10_SFLOAT_BLOCK = 1000066012 FORMAT_ASTC_12x12_SFLOAT_BLOCK = 1000066013 FORMAT_PVRTC1_2BPP_UNORM_BLOCK_IMG = 1000054000 FORMAT_PVRTC1_4BPP_UNORM_BLOCK_IMG = 1000054001 FORMAT_PVRTC2_2BPP_UNORM_BLOCK_IMG = 1000054002 FORMAT_PVRTC2_4BPP_UNORM_BLOCK_IMG = 1000054003 FORMAT_PVRTC1_2BPP_SRGB_BLOCK_IMG = 1000054004 FORMAT_PVRTC1_4BPP_SRGB_BLOCK_IMG = 1000054005 FORMAT_PVRTC2_2BPP_SRGB_BLOCK_IMG = 1000054006 FORMAT_PVRTC2_4BPP_SRGB_BLOCK_IMG = 1000054007 FORMAT_R16G16_S10_5_NV = 1000464000 end @cenum StructureType::UInt32 begin STRUCTURE_TYPE_APPLICATION_INFO = 0 STRUCTURE_TYPE_INSTANCE_CREATE_INFO = 1 STRUCTURE_TYPE_DEVICE_QUEUE_CREATE_INFO = 2 STRUCTURE_TYPE_DEVICE_CREATE_INFO = 3 STRUCTURE_TYPE_SUBMIT_INFO = 4 STRUCTURE_TYPE_MEMORY_ALLOCATE_INFO = 5 STRUCTURE_TYPE_MAPPED_MEMORY_RANGE = 6 STRUCTURE_TYPE_BIND_SPARSE_INFO = 7 STRUCTURE_TYPE_FENCE_CREATE_INFO = 8 STRUCTURE_TYPE_SEMAPHORE_CREATE_INFO = 9 STRUCTURE_TYPE_EVENT_CREATE_INFO = 10 STRUCTURE_TYPE_QUERY_POOL_CREATE_INFO = 11 STRUCTURE_TYPE_BUFFER_CREATE_INFO = 12 STRUCTURE_TYPE_BUFFER_VIEW_CREATE_INFO = 13 STRUCTURE_TYPE_IMAGE_CREATE_INFO = 14 STRUCTURE_TYPE_IMAGE_VIEW_CREATE_INFO = 15 STRUCTURE_TYPE_SHADER_MODULE_CREATE_INFO = 16 STRUCTURE_TYPE_PIPELINE_CACHE_CREATE_INFO = 17 STRUCTURE_TYPE_PIPELINE_SHADER_STAGE_CREATE_INFO = 18 STRUCTURE_TYPE_PIPELINE_VERTEX_INPUT_STATE_CREATE_INFO = 19 STRUCTURE_TYPE_PIPELINE_INPUT_ASSEMBLY_STATE_CREATE_INFO = 20 STRUCTURE_TYPE_PIPELINE_TESSELLATION_STATE_CREATE_INFO = 21 STRUCTURE_TYPE_PIPELINE_VIEWPORT_STATE_CREATE_INFO = 22 STRUCTURE_TYPE_PIPELINE_RASTERIZATION_STATE_CREATE_INFO = 23 STRUCTURE_TYPE_PIPELINE_MULTISAMPLE_STATE_CREATE_INFO = 24 STRUCTURE_TYPE_PIPELINE_DEPTH_STENCIL_STATE_CREATE_INFO = 25 STRUCTURE_TYPE_PIPELINE_COLOR_BLEND_STATE_CREATE_INFO = 26 STRUCTURE_TYPE_PIPELINE_DYNAMIC_STATE_CREATE_INFO = 27 STRUCTURE_TYPE_GRAPHICS_PIPELINE_CREATE_INFO = 28 STRUCTURE_TYPE_COMPUTE_PIPELINE_CREATE_INFO = 29 STRUCTURE_TYPE_PIPELINE_LAYOUT_CREATE_INFO = 30 STRUCTURE_TYPE_SAMPLER_CREATE_INFO = 31 STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_CREATE_INFO = 32 STRUCTURE_TYPE_DESCRIPTOR_POOL_CREATE_INFO = 33 STRUCTURE_TYPE_DESCRIPTOR_SET_ALLOCATE_INFO = 34 STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET = 35 STRUCTURE_TYPE_COPY_DESCRIPTOR_SET = 36 STRUCTURE_TYPE_FRAMEBUFFER_CREATE_INFO = 37 STRUCTURE_TYPE_RENDER_PASS_CREATE_INFO = 38 STRUCTURE_TYPE_COMMAND_POOL_CREATE_INFO = 39 STRUCTURE_TYPE_COMMAND_BUFFER_ALLOCATE_INFO = 40 STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_INFO = 41 STRUCTURE_TYPE_COMMAND_BUFFER_BEGIN_INFO = 42 STRUCTURE_TYPE_RENDER_PASS_BEGIN_INFO = 43 STRUCTURE_TYPE_BUFFER_MEMORY_BARRIER = 44 STRUCTURE_TYPE_IMAGE_MEMORY_BARRIER = 45 STRUCTURE_TYPE_MEMORY_BARRIER = 46 STRUCTURE_TYPE_LOADER_INSTANCE_CREATE_INFO = 47 STRUCTURE_TYPE_LOADER_DEVICE_CREATE_INFO = 48 STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_PROPERTIES = 1000094000 STRUCTURE_TYPE_BIND_BUFFER_MEMORY_INFO = 1000157000 STRUCTURE_TYPE_BIND_IMAGE_MEMORY_INFO = 1000157001 STRUCTURE_TYPE_PHYSICAL_DEVICE_16BIT_STORAGE_FEATURES = 1000083000 STRUCTURE_TYPE_MEMORY_DEDICATED_REQUIREMENTS = 1000127000 STRUCTURE_TYPE_MEMORY_DEDICATED_ALLOCATE_INFO = 1000127001 STRUCTURE_TYPE_MEMORY_ALLOCATE_FLAGS_INFO = 1000060000 STRUCTURE_TYPE_DEVICE_GROUP_RENDER_PASS_BEGIN_INFO = 1000060003 STRUCTURE_TYPE_DEVICE_GROUP_COMMAND_BUFFER_BEGIN_INFO = 1000060004 STRUCTURE_TYPE_DEVICE_GROUP_SUBMIT_INFO = 1000060005 STRUCTURE_TYPE_DEVICE_GROUP_BIND_SPARSE_INFO = 1000060006 STRUCTURE_TYPE_BIND_BUFFER_MEMORY_DEVICE_GROUP_INFO = 1000060013 STRUCTURE_TYPE_BIND_IMAGE_MEMORY_DEVICE_GROUP_INFO = 1000060014 STRUCTURE_TYPE_PHYSICAL_DEVICE_GROUP_PROPERTIES = 1000070000 STRUCTURE_TYPE_DEVICE_GROUP_DEVICE_CREATE_INFO = 1000070001 STRUCTURE_TYPE_BUFFER_MEMORY_REQUIREMENTS_INFO_2 = 1000146000 STRUCTURE_TYPE_IMAGE_MEMORY_REQUIREMENTS_INFO_2 = 1000146001 STRUCTURE_TYPE_IMAGE_SPARSE_MEMORY_REQUIREMENTS_INFO_2 = 1000146002 STRUCTURE_TYPE_MEMORY_REQUIREMENTS_2 = 1000146003 STRUCTURE_TYPE_SPARSE_IMAGE_MEMORY_REQUIREMENTS_2 = 1000146004 STRUCTURE_TYPE_PHYSICAL_DEVICE_FEATURES_2 = 1000059000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PROPERTIES_2 = 1000059001 STRUCTURE_TYPE_FORMAT_PROPERTIES_2 = 1000059002 STRUCTURE_TYPE_IMAGE_FORMAT_PROPERTIES_2 = 1000059003 STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_FORMAT_INFO_2 = 1000059004 STRUCTURE_TYPE_QUEUE_FAMILY_PROPERTIES_2 = 1000059005 STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_PROPERTIES_2 = 1000059006 STRUCTURE_TYPE_SPARSE_IMAGE_FORMAT_PROPERTIES_2 = 1000059007 STRUCTURE_TYPE_PHYSICAL_DEVICE_SPARSE_IMAGE_FORMAT_INFO_2 = 1000059008 STRUCTURE_TYPE_PHYSICAL_DEVICE_POINT_CLIPPING_PROPERTIES = 1000117000 STRUCTURE_TYPE_RENDER_PASS_INPUT_ATTACHMENT_ASPECT_CREATE_INFO = 1000117001 STRUCTURE_TYPE_IMAGE_VIEW_USAGE_CREATE_INFO = 1000117002 STRUCTURE_TYPE_PIPELINE_TESSELLATION_DOMAIN_ORIGIN_STATE_CREATE_INFO = 1000117003 STRUCTURE_TYPE_RENDER_PASS_MULTIVIEW_CREATE_INFO = 1000053000 STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_FEATURES = 1000053001 STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_PROPERTIES = 1000053002 STRUCTURE_TYPE_PHYSICAL_DEVICE_VARIABLE_POINTERS_FEATURES = 1000120000 STRUCTURE_TYPE_PROTECTED_SUBMIT_INFO = 1000145000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PROTECTED_MEMORY_FEATURES = 1000145001 STRUCTURE_TYPE_PHYSICAL_DEVICE_PROTECTED_MEMORY_PROPERTIES = 1000145002 STRUCTURE_TYPE_DEVICE_QUEUE_INFO_2 = 1000145003 STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_CREATE_INFO = 1000156000 STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_INFO = 1000156001 STRUCTURE_TYPE_BIND_IMAGE_PLANE_MEMORY_INFO = 1000156002 STRUCTURE_TYPE_IMAGE_PLANE_MEMORY_REQUIREMENTS_INFO = 1000156003 STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLER_YCBCR_CONVERSION_FEATURES = 1000156004 STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_IMAGE_FORMAT_PROPERTIES = 1000156005 STRUCTURE_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_CREATE_INFO = 1000085000 STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_IMAGE_FORMAT_INFO = 1000071000 STRUCTURE_TYPE_EXTERNAL_IMAGE_FORMAT_PROPERTIES = 1000071001 STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_BUFFER_INFO = 1000071002 STRUCTURE_TYPE_EXTERNAL_BUFFER_PROPERTIES = 1000071003 STRUCTURE_TYPE_PHYSICAL_DEVICE_ID_PROPERTIES = 1000071004 STRUCTURE_TYPE_EXTERNAL_MEMORY_BUFFER_CREATE_INFO = 1000072000 STRUCTURE_TYPE_EXTERNAL_MEMORY_IMAGE_CREATE_INFO = 1000072001 STRUCTURE_TYPE_EXPORT_MEMORY_ALLOCATE_INFO = 1000072002 STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_FENCE_INFO = 1000112000 STRUCTURE_TYPE_EXTERNAL_FENCE_PROPERTIES = 1000112001 STRUCTURE_TYPE_EXPORT_FENCE_CREATE_INFO = 1000113000 STRUCTURE_TYPE_EXPORT_SEMAPHORE_CREATE_INFO = 1000077000 STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_SEMAPHORE_INFO = 1000076000 STRUCTURE_TYPE_EXTERNAL_SEMAPHORE_PROPERTIES = 1000076001 STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_3_PROPERTIES = 1000168000 STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_SUPPORT = 1000168001 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_DRAW_PARAMETERS_FEATURES = 1000063000 STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_1_FEATURES = 49 STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_1_PROPERTIES = 50 STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_2_FEATURES = 51 STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_2_PROPERTIES = 52 STRUCTURE_TYPE_IMAGE_FORMAT_LIST_CREATE_INFO = 1000147000 STRUCTURE_TYPE_ATTACHMENT_DESCRIPTION_2 = 1000109000 STRUCTURE_TYPE_ATTACHMENT_REFERENCE_2 = 1000109001 STRUCTURE_TYPE_SUBPASS_DESCRIPTION_2 = 1000109002 STRUCTURE_TYPE_SUBPASS_DEPENDENCY_2 = 1000109003 STRUCTURE_TYPE_RENDER_PASS_CREATE_INFO_2 = 1000109004 STRUCTURE_TYPE_SUBPASS_BEGIN_INFO = 1000109005 STRUCTURE_TYPE_SUBPASS_END_INFO = 1000109006 STRUCTURE_TYPE_PHYSICAL_DEVICE_8BIT_STORAGE_FEATURES = 1000177000 STRUCTURE_TYPE_PHYSICAL_DEVICE_DRIVER_PROPERTIES = 1000196000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_ATOMIC_INT64_FEATURES = 1000180000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_FLOAT16_INT8_FEATURES = 1000082000 STRUCTURE_TYPE_PHYSICAL_DEVICE_FLOAT_CONTROLS_PROPERTIES = 1000197000 STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_BINDING_FLAGS_CREATE_INFO = 1000161000 STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_INDEXING_FEATURES = 1000161001 STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_INDEXING_PROPERTIES = 1000161002 STRUCTURE_TYPE_DESCRIPTOR_SET_VARIABLE_DESCRIPTOR_COUNT_ALLOCATE_INFO = 1000161003 STRUCTURE_TYPE_DESCRIPTOR_SET_VARIABLE_DESCRIPTOR_COUNT_LAYOUT_SUPPORT = 1000161004 STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_STENCIL_RESOLVE_PROPERTIES = 1000199000 STRUCTURE_TYPE_SUBPASS_DESCRIPTION_DEPTH_STENCIL_RESOLVE = 1000199001 STRUCTURE_TYPE_PHYSICAL_DEVICE_SCALAR_BLOCK_LAYOUT_FEATURES = 1000221000 STRUCTURE_TYPE_IMAGE_STENCIL_USAGE_CREATE_INFO = 1000246000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLER_FILTER_MINMAX_PROPERTIES = 1000130000 STRUCTURE_TYPE_SAMPLER_REDUCTION_MODE_CREATE_INFO = 1000130001 STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_MEMORY_MODEL_FEATURES = 1000211000 STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGELESS_FRAMEBUFFER_FEATURES = 1000108000 STRUCTURE_TYPE_FRAMEBUFFER_ATTACHMENTS_CREATE_INFO = 1000108001 STRUCTURE_TYPE_FRAMEBUFFER_ATTACHMENT_IMAGE_INFO = 1000108002 STRUCTURE_TYPE_RENDER_PASS_ATTACHMENT_BEGIN_INFO = 1000108003 STRUCTURE_TYPE_PHYSICAL_DEVICE_UNIFORM_BUFFER_STANDARD_LAYOUT_FEATURES = 1000253000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SUBGROUP_EXTENDED_TYPES_FEATURES = 1000175000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SEPARATE_DEPTH_STENCIL_LAYOUTS_FEATURES = 1000241000 STRUCTURE_TYPE_ATTACHMENT_REFERENCE_STENCIL_LAYOUT = 1000241001 STRUCTURE_TYPE_ATTACHMENT_DESCRIPTION_STENCIL_LAYOUT = 1000241002 STRUCTURE_TYPE_PHYSICAL_DEVICE_HOST_QUERY_RESET_FEATURES = 1000261000 STRUCTURE_TYPE_PHYSICAL_DEVICE_TIMELINE_SEMAPHORE_FEATURES = 1000207000 STRUCTURE_TYPE_PHYSICAL_DEVICE_TIMELINE_SEMAPHORE_PROPERTIES = 1000207001 STRUCTURE_TYPE_SEMAPHORE_TYPE_CREATE_INFO = 1000207002 STRUCTURE_TYPE_TIMELINE_SEMAPHORE_SUBMIT_INFO = 1000207003 STRUCTURE_TYPE_SEMAPHORE_WAIT_INFO = 1000207004 STRUCTURE_TYPE_SEMAPHORE_SIGNAL_INFO = 1000207005 STRUCTURE_TYPE_PHYSICAL_DEVICE_BUFFER_DEVICE_ADDRESS_FEATURES = 1000257000 STRUCTURE_TYPE_BUFFER_DEVICE_ADDRESS_INFO = 1000244001 STRUCTURE_TYPE_BUFFER_OPAQUE_CAPTURE_ADDRESS_CREATE_INFO = 1000257002 STRUCTURE_TYPE_MEMORY_OPAQUE_CAPTURE_ADDRESS_ALLOCATE_INFO = 1000257003 STRUCTURE_TYPE_DEVICE_MEMORY_OPAQUE_CAPTURE_ADDRESS_INFO = 1000257004 STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_3_FEATURES = 53 STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_3_PROPERTIES = 54 STRUCTURE_TYPE_PIPELINE_CREATION_FEEDBACK_CREATE_INFO = 1000192000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_TERMINATE_INVOCATION_FEATURES = 1000215000 STRUCTURE_TYPE_PHYSICAL_DEVICE_TOOL_PROPERTIES = 1000245000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_DEMOTE_TO_HELPER_INVOCATION_FEATURES = 1000276000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PRIVATE_DATA_FEATURES = 1000295000 STRUCTURE_TYPE_DEVICE_PRIVATE_DATA_CREATE_INFO = 1000295001 STRUCTURE_TYPE_PRIVATE_DATA_SLOT_CREATE_INFO = 1000295002 STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_CREATION_CACHE_CONTROL_FEATURES = 1000297000 STRUCTURE_TYPE_MEMORY_BARRIER_2 = 1000314000 STRUCTURE_TYPE_BUFFER_MEMORY_BARRIER_2 = 1000314001 STRUCTURE_TYPE_IMAGE_MEMORY_BARRIER_2 = 1000314002 STRUCTURE_TYPE_DEPENDENCY_INFO = 1000314003 STRUCTURE_TYPE_SUBMIT_INFO_2 = 1000314004 STRUCTURE_TYPE_SEMAPHORE_SUBMIT_INFO = 1000314005 STRUCTURE_TYPE_COMMAND_BUFFER_SUBMIT_INFO = 1000314006 STRUCTURE_TYPE_PHYSICAL_DEVICE_SYNCHRONIZATION_2_FEATURES = 1000314007 STRUCTURE_TYPE_PHYSICAL_DEVICE_ZERO_INITIALIZE_WORKGROUP_MEMORY_FEATURES = 1000325000 STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_ROBUSTNESS_FEATURES = 1000335000 STRUCTURE_TYPE_COPY_BUFFER_INFO_2 = 1000337000 STRUCTURE_TYPE_COPY_IMAGE_INFO_2 = 1000337001 STRUCTURE_TYPE_COPY_BUFFER_TO_IMAGE_INFO_2 = 1000337002 STRUCTURE_TYPE_COPY_IMAGE_TO_BUFFER_INFO_2 = 1000337003 STRUCTURE_TYPE_BLIT_IMAGE_INFO_2 = 1000337004 STRUCTURE_TYPE_RESOLVE_IMAGE_INFO_2 = 1000337005 STRUCTURE_TYPE_BUFFER_COPY_2 = 1000337006 STRUCTURE_TYPE_IMAGE_COPY_2 = 1000337007 STRUCTURE_TYPE_IMAGE_BLIT_2 = 1000337008 STRUCTURE_TYPE_BUFFER_IMAGE_COPY_2 = 1000337009 STRUCTURE_TYPE_IMAGE_RESOLVE_2 = 1000337010 STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_SIZE_CONTROL_PROPERTIES = 1000225000 STRUCTURE_TYPE_PIPELINE_SHADER_STAGE_REQUIRED_SUBGROUP_SIZE_CREATE_INFO = 1000225001 STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_SIZE_CONTROL_FEATURES = 1000225002 STRUCTURE_TYPE_PHYSICAL_DEVICE_INLINE_UNIFORM_BLOCK_FEATURES = 1000138000 STRUCTURE_TYPE_PHYSICAL_DEVICE_INLINE_UNIFORM_BLOCK_PROPERTIES = 1000138001 STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET_INLINE_UNIFORM_BLOCK = 1000138002 STRUCTURE_TYPE_DESCRIPTOR_POOL_INLINE_UNIFORM_BLOCK_CREATE_INFO = 1000138003 STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXTURE_COMPRESSION_ASTC_HDR_FEATURES = 1000066000 STRUCTURE_TYPE_RENDERING_INFO = 1000044000 STRUCTURE_TYPE_RENDERING_ATTACHMENT_INFO = 1000044001 STRUCTURE_TYPE_PIPELINE_RENDERING_CREATE_INFO = 1000044002 STRUCTURE_TYPE_PHYSICAL_DEVICE_DYNAMIC_RENDERING_FEATURES = 1000044003 STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_RENDERING_INFO = 1000044004 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_DOT_PRODUCT_FEATURES = 1000280000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_DOT_PRODUCT_PROPERTIES = 1000280001 STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXEL_BUFFER_ALIGNMENT_PROPERTIES = 1000281001 STRUCTURE_TYPE_FORMAT_PROPERTIES_3 = 1000360000 STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_4_FEATURES = 1000413000 STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_4_PROPERTIES = 1000413001 STRUCTURE_TYPE_DEVICE_BUFFER_MEMORY_REQUIREMENTS = 1000413002 STRUCTURE_TYPE_DEVICE_IMAGE_MEMORY_REQUIREMENTS = 1000413003 STRUCTURE_TYPE_SWAPCHAIN_CREATE_INFO_KHR = 1000001000 STRUCTURE_TYPE_PRESENT_INFO_KHR = 1000001001 STRUCTURE_TYPE_DEVICE_GROUP_PRESENT_CAPABILITIES_KHR = 1000060007 STRUCTURE_TYPE_IMAGE_SWAPCHAIN_CREATE_INFO_KHR = 1000060008 STRUCTURE_TYPE_BIND_IMAGE_MEMORY_SWAPCHAIN_INFO_KHR = 1000060009 STRUCTURE_TYPE_ACQUIRE_NEXT_IMAGE_INFO_KHR = 1000060010 STRUCTURE_TYPE_DEVICE_GROUP_PRESENT_INFO_KHR = 1000060011 STRUCTURE_TYPE_DEVICE_GROUP_SWAPCHAIN_CREATE_INFO_KHR = 1000060012 STRUCTURE_TYPE_DISPLAY_MODE_CREATE_INFO_KHR = 1000002000 STRUCTURE_TYPE_DISPLAY_SURFACE_CREATE_INFO_KHR = 1000002001 STRUCTURE_TYPE_DISPLAY_PRESENT_INFO_KHR = 1000003000 STRUCTURE_TYPE_XLIB_SURFACE_CREATE_INFO_KHR = 1000004000 STRUCTURE_TYPE_XCB_SURFACE_CREATE_INFO_KHR = 1000005000 STRUCTURE_TYPE_WAYLAND_SURFACE_CREATE_INFO_KHR = 1000006000 STRUCTURE_TYPE_ANDROID_SURFACE_CREATE_INFO_KHR = 1000008000 STRUCTURE_TYPE_WIN32_SURFACE_CREATE_INFO_KHR = 1000009000 STRUCTURE_TYPE_DEBUG_REPORT_CALLBACK_CREATE_INFO_EXT = 1000011000 STRUCTURE_TYPE_PIPELINE_RASTERIZATION_STATE_RASTERIZATION_ORDER_AMD = 1000018000 STRUCTURE_TYPE_DEBUG_MARKER_OBJECT_NAME_INFO_EXT = 1000022000 STRUCTURE_TYPE_DEBUG_MARKER_OBJECT_TAG_INFO_EXT = 1000022001 STRUCTURE_TYPE_DEBUG_MARKER_MARKER_INFO_EXT = 1000022002 STRUCTURE_TYPE_VIDEO_PROFILE_INFO_KHR = 1000023000 STRUCTURE_TYPE_VIDEO_CAPABILITIES_KHR = 1000023001 STRUCTURE_TYPE_VIDEO_PICTURE_RESOURCE_INFO_KHR = 1000023002 STRUCTURE_TYPE_VIDEO_SESSION_MEMORY_REQUIREMENTS_KHR = 1000023003 STRUCTURE_TYPE_BIND_VIDEO_SESSION_MEMORY_INFO_KHR = 1000023004 STRUCTURE_TYPE_VIDEO_SESSION_CREATE_INFO_KHR = 1000023005 STRUCTURE_TYPE_VIDEO_SESSION_PARAMETERS_CREATE_INFO_KHR = 1000023006 STRUCTURE_TYPE_VIDEO_SESSION_PARAMETERS_UPDATE_INFO_KHR = 1000023007 STRUCTURE_TYPE_VIDEO_BEGIN_CODING_INFO_KHR = 1000023008 STRUCTURE_TYPE_VIDEO_END_CODING_INFO_KHR = 1000023009 STRUCTURE_TYPE_VIDEO_CODING_CONTROL_INFO_KHR = 1000023010 STRUCTURE_TYPE_VIDEO_REFERENCE_SLOT_INFO_KHR = 1000023011 STRUCTURE_TYPE_QUEUE_FAMILY_VIDEO_PROPERTIES_KHR = 1000023012 STRUCTURE_TYPE_VIDEO_PROFILE_LIST_INFO_KHR = 1000023013 STRUCTURE_TYPE_PHYSICAL_DEVICE_VIDEO_FORMAT_INFO_KHR = 1000023014 STRUCTURE_TYPE_VIDEO_FORMAT_PROPERTIES_KHR = 1000023015 STRUCTURE_TYPE_QUEUE_FAMILY_QUERY_RESULT_STATUS_PROPERTIES_KHR = 1000023016 STRUCTURE_TYPE_VIDEO_DECODE_INFO_KHR = 1000024000 STRUCTURE_TYPE_VIDEO_DECODE_CAPABILITIES_KHR = 1000024001 STRUCTURE_TYPE_VIDEO_DECODE_USAGE_INFO_KHR = 1000024002 STRUCTURE_TYPE_DEDICATED_ALLOCATION_IMAGE_CREATE_INFO_NV = 1000026000 STRUCTURE_TYPE_DEDICATED_ALLOCATION_BUFFER_CREATE_INFO_NV = 1000026001 STRUCTURE_TYPE_DEDICATED_ALLOCATION_MEMORY_ALLOCATE_INFO_NV = 1000026002 STRUCTURE_TYPE_PHYSICAL_DEVICE_TRANSFORM_FEEDBACK_FEATURES_EXT = 1000028000 STRUCTURE_TYPE_PHYSICAL_DEVICE_TRANSFORM_FEEDBACK_PROPERTIES_EXT = 1000028001 STRUCTURE_TYPE_PIPELINE_RASTERIZATION_STATE_STREAM_CREATE_INFO_EXT = 1000028002 STRUCTURE_TYPE_CU_MODULE_CREATE_INFO_NVX = 1000029000 STRUCTURE_TYPE_CU_FUNCTION_CREATE_INFO_NVX = 1000029001 STRUCTURE_TYPE_CU_LAUNCH_INFO_NVX = 1000029002 STRUCTURE_TYPE_IMAGE_VIEW_HANDLE_INFO_NVX = 1000030000 STRUCTURE_TYPE_IMAGE_VIEW_ADDRESS_PROPERTIES_NVX = 1000030001 STRUCTURE_TYPE_VIDEO_ENCODE_H264_CAPABILITIES_EXT = 1000038000 STRUCTURE_TYPE_VIDEO_ENCODE_H264_SESSION_PARAMETERS_CREATE_INFO_EXT = 1000038001 STRUCTURE_TYPE_VIDEO_ENCODE_H264_SESSION_PARAMETERS_ADD_INFO_EXT = 1000038002 STRUCTURE_TYPE_VIDEO_ENCODE_H264_VCL_FRAME_INFO_EXT = 1000038003 STRUCTURE_TYPE_VIDEO_ENCODE_H264_DPB_SLOT_INFO_EXT = 1000038004 STRUCTURE_TYPE_VIDEO_ENCODE_H264_NALU_SLICE_INFO_EXT = 1000038005 STRUCTURE_TYPE_VIDEO_ENCODE_H264_EMIT_PICTURE_PARAMETERS_INFO_EXT = 1000038006 STRUCTURE_TYPE_VIDEO_ENCODE_H264_PROFILE_INFO_EXT = 1000038007 STRUCTURE_TYPE_VIDEO_ENCODE_H264_RATE_CONTROL_INFO_EXT = 1000038008 STRUCTURE_TYPE_VIDEO_ENCODE_H264_RATE_CONTROL_LAYER_INFO_EXT = 1000038009 STRUCTURE_TYPE_VIDEO_ENCODE_H264_REFERENCE_LISTS_INFO_EXT = 1000038010 STRUCTURE_TYPE_VIDEO_ENCODE_H265_CAPABILITIES_EXT = 1000039000 STRUCTURE_TYPE_VIDEO_ENCODE_H265_SESSION_PARAMETERS_CREATE_INFO_EXT = 1000039001 STRUCTURE_TYPE_VIDEO_ENCODE_H265_SESSION_PARAMETERS_ADD_INFO_EXT = 1000039002 STRUCTURE_TYPE_VIDEO_ENCODE_H265_VCL_FRAME_INFO_EXT = 1000039003 STRUCTURE_TYPE_VIDEO_ENCODE_H265_DPB_SLOT_INFO_EXT = 1000039004 STRUCTURE_TYPE_VIDEO_ENCODE_H265_NALU_SLICE_SEGMENT_INFO_EXT = 1000039005 STRUCTURE_TYPE_VIDEO_ENCODE_H265_EMIT_PICTURE_PARAMETERS_INFO_EXT = 1000039006 STRUCTURE_TYPE_VIDEO_ENCODE_H265_PROFILE_INFO_EXT = 1000039007 STRUCTURE_TYPE_VIDEO_ENCODE_H265_REFERENCE_LISTS_INFO_EXT = 1000039008 STRUCTURE_TYPE_VIDEO_ENCODE_H265_RATE_CONTROL_INFO_EXT = 1000039009 STRUCTURE_TYPE_VIDEO_ENCODE_H265_RATE_CONTROL_LAYER_INFO_EXT = 1000039010 STRUCTURE_TYPE_VIDEO_DECODE_H264_CAPABILITIES_KHR = 1000040000 STRUCTURE_TYPE_VIDEO_DECODE_H264_PICTURE_INFO_KHR = 1000040001 STRUCTURE_TYPE_VIDEO_DECODE_H264_PROFILE_INFO_KHR = 1000040003 STRUCTURE_TYPE_VIDEO_DECODE_H264_SESSION_PARAMETERS_CREATE_INFO_KHR = 1000040004 STRUCTURE_TYPE_VIDEO_DECODE_H264_SESSION_PARAMETERS_ADD_INFO_KHR = 1000040005 STRUCTURE_TYPE_VIDEO_DECODE_H264_DPB_SLOT_INFO_KHR = 1000040006 STRUCTURE_TYPE_TEXTURE_LOD_GATHER_FORMAT_PROPERTIES_AMD = 1000041000 STRUCTURE_TYPE_RENDERING_FRAGMENT_SHADING_RATE_ATTACHMENT_INFO_KHR = 1000044006 STRUCTURE_TYPE_RENDERING_FRAGMENT_DENSITY_MAP_ATTACHMENT_INFO_EXT = 1000044007 STRUCTURE_TYPE_ATTACHMENT_SAMPLE_COUNT_INFO_AMD = 1000044008 STRUCTURE_TYPE_MULTIVIEW_PER_VIEW_ATTRIBUTES_INFO_NVX = 1000044009 STRUCTURE_TYPE_STREAM_DESCRIPTOR_SURFACE_CREATE_INFO_GGP = 1000049000 STRUCTURE_TYPE_PHYSICAL_DEVICE_CORNER_SAMPLED_IMAGE_FEATURES_NV = 1000050000 STRUCTURE_TYPE_EXTERNAL_MEMORY_IMAGE_CREATE_INFO_NV = 1000056000 STRUCTURE_TYPE_EXPORT_MEMORY_ALLOCATE_INFO_NV = 1000056001 STRUCTURE_TYPE_IMPORT_MEMORY_WIN32_HANDLE_INFO_NV = 1000057000 STRUCTURE_TYPE_EXPORT_MEMORY_WIN32_HANDLE_INFO_NV = 1000057001 STRUCTURE_TYPE_WIN32_KEYED_MUTEX_ACQUIRE_RELEASE_INFO_NV = 1000058000 STRUCTURE_TYPE_VALIDATION_FLAGS_EXT = 1000061000 STRUCTURE_TYPE_VI_SURFACE_CREATE_INFO_NN = 1000062000 STRUCTURE_TYPE_IMAGE_VIEW_ASTC_DECODE_MODE_EXT = 1000067000 STRUCTURE_TYPE_PHYSICAL_DEVICE_ASTC_DECODE_FEATURES_EXT = 1000067001 STRUCTURE_TYPE_PIPELINE_ROBUSTNESS_CREATE_INFO_EXT = 1000068000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_ROBUSTNESS_FEATURES_EXT = 1000068001 STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_ROBUSTNESS_PROPERTIES_EXT = 1000068002 STRUCTURE_TYPE_IMPORT_MEMORY_WIN32_HANDLE_INFO_KHR = 1000073000 STRUCTURE_TYPE_EXPORT_MEMORY_WIN32_HANDLE_INFO_KHR = 1000073001 STRUCTURE_TYPE_MEMORY_WIN32_HANDLE_PROPERTIES_KHR = 1000073002 STRUCTURE_TYPE_MEMORY_GET_WIN32_HANDLE_INFO_KHR = 1000073003 STRUCTURE_TYPE_IMPORT_MEMORY_FD_INFO_KHR = 1000074000 STRUCTURE_TYPE_MEMORY_FD_PROPERTIES_KHR = 1000074001 STRUCTURE_TYPE_MEMORY_GET_FD_INFO_KHR = 1000074002 STRUCTURE_TYPE_WIN32_KEYED_MUTEX_ACQUIRE_RELEASE_INFO_KHR = 1000075000 STRUCTURE_TYPE_IMPORT_SEMAPHORE_WIN32_HANDLE_INFO_KHR = 1000078000 STRUCTURE_TYPE_EXPORT_SEMAPHORE_WIN32_HANDLE_INFO_KHR = 1000078001 STRUCTURE_TYPE_D3D12_FENCE_SUBMIT_INFO_KHR = 1000078002 STRUCTURE_TYPE_SEMAPHORE_GET_WIN32_HANDLE_INFO_KHR = 1000078003 STRUCTURE_TYPE_IMPORT_SEMAPHORE_FD_INFO_KHR = 1000079000 STRUCTURE_TYPE_SEMAPHORE_GET_FD_INFO_KHR = 1000079001 STRUCTURE_TYPE_PHYSICAL_DEVICE_PUSH_DESCRIPTOR_PROPERTIES_KHR = 1000080000 STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_CONDITIONAL_RENDERING_INFO_EXT = 1000081000 STRUCTURE_TYPE_PHYSICAL_DEVICE_CONDITIONAL_RENDERING_FEATURES_EXT = 1000081001 STRUCTURE_TYPE_CONDITIONAL_RENDERING_BEGIN_INFO_EXT = 1000081002 STRUCTURE_TYPE_PRESENT_REGIONS_KHR = 1000084000 STRUCTURE_TYPE_PIPELINE_VIEWPORT_W_SCALING_STATE_CREATE_INFO_NV = 1000087000 STRUCTURE_TYPE_SURFACE_CAPABILITIES_2_EXT = 1000090000 STRUCTURE_TYPE_DISPLAY_POWER_INFO_EXT = 1000091000 STRUCTURE_TYPE_DEVICE_EVENT_INFO_EXT = 1000091001 STRUCTURE_TYPE_DISPLAY_EVENT_INFO_EXT = 1000091002 STRUCTURE_TYPE_SWAPCHAIN_COUNTER_CREATE_INFO_EXT = 1000091003 STRUCTURE_TYPE_PRESENT_TIMES_INFO_GOOGLE = 1000092000 STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_PER_VIEW_ATTRIBUTES_PROPERTIES_NVX = 1000097000 STRUCTURE_TYPE_PIPELINE_VIEWPORT_SWIZZLE_STATE_CREATE_INFO_NV = 1000098000 STRUCTURE_TYPE_PHYSICAL_DEVICE_DISCARD_RECTANGLE_PROPERTIES_EXT = 1000099000 STRUCTURE_TYPE_PIPELINE_DISCARD_RECTANGLE_STATE_CREATE_INFO_EXT = 1000099001 STRUCTURE_TYPE_PHYSICAL_DEVICE_CONSERVATIVE_RASTERIZATION_PROPERTIES_EXT = 1000101000 STRUCTURE_TYPE_PIPELINE_RASTERIZATION_CONSERVATIVE_STATE_CREATE_INFO_EXT = 1000101001 STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_CLIP_ENABLE_FEATURES_EXT = 1000102000 STRUCTURE_TYPE_PIPELINE_RASTERIZATION_DEPTH_CLIP_STATE_CREATE_INFO_EXT = 1000102001 STRUCTURE_TYPE_HDR_METADATA_EXT = 1000105000 STRUCTURE_TYPE_SHARED_PRESENT_SURFACE_CAPABILITIES_KHR = 1000111000 STRUCTURE_TYPE_IMPORT_FENCE_WIN32_HANDLE_INFO_KHR = 1000114000 STRUCTURE_TYPE_EXPORT_FENCE_WIN32_HANDLE_INFO_KHR = 1000114001 STRUCTURE_TYPE_FENCE_GET_WIN32_HANDLE_INFO_KHR = 1000114002 STRUCTURE_TYPE_IMPORT_FENCE_FD_INFO_KHR = 1000115000 STRUCTURE_TYPE_FENCE_GET_FD_INFO_KHR = 1000115001 STRUCTURE_TYPE_PHYSICAL_DEVICE_PERFORMANCE_QUERY_FEATURES_KHR = 1000116000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PERFORMANCE_QUERY_PROPERTIES_KHR = 1000116001 STRUCTURE_TYPE_QUERY_POOL_PERFORMANCE_CREATE_INFO_KHR = 1000116002 STRUCTURE_TYPE_PERFORMANCE_QUERY_SUBMIT_INFO_KHR = 1000116003 STRUCTURE_TYPE_ACQUIRE_PROFILING_LOCK_INFO_KHR = 1000116004 STRUCTURE_TYPE_PERFORMANCE_COUNTER_KHR = 1000116005 STRUCTURE_TYPE_PERFORMANCE_COUNTER_DESCRIPTION_KHR = 1000116006 STRUCTURE_TYPE_PHYSICAL_DEVICE_SURFACE_INFO_2_KHR = 1000119000 STRUCTURE_TYPE_SURFACE_CAPABILITIES_2_KHR = 1000119001 STRUCTURE_TYPE_SURFACE_FORMAT_2_KHR = 1000119002 STRUCTURE_TYPE_DISPLAY_PROPERTIES_2_KHR = 1000121000 STRUCTURE_TYPE_DISPLAY_PLANE_PROPERTIES_2_KHR = 1000121001 STRUCTURE_TYPE_DISPLAY_MODE_PROPERTIES_2_KHR = 1000121002 STRUCTURE_TYPE_DISPLAY_PLANE_INFO_2_KHR = 1000121003 STRUCTURE_TYPE_DISPLAY_PLANE_CAPABILITIES_2_KHR = 1000121004 STRUCTURE_TYPE_IOS_SURFACE_CREATE_INFO_MVK = 1000122000 STRUCTURE_TYPE_MACOS_SURFACE_CREATE_INFO_MVK = 1000123000 STRUCTURE_TYPE_DEBUG_UTILS_OBJECT_NAME_INFO_EXT = 1000128000 STRUCTURE_TYPE_DEBUG_UTILS_OBJECT_TAG_INFO_EXT = 1000128001 STRUCTURE_TYPE_DEBUG_UTILS_LABEL_EXT = 1000128002 STRUCTURE_TYPE_DEBUG_UTILS_MESSENGER_CALLBACK_DATA_EXT = 1000128003 STRUCTURE_TYPE_DEBUG_UTILS_MESSENGER_CREATE_INFO_EXT = 1000128004 STRUCTURE_TYPE_ANDROID_HARDWARE_BUFFER_USAGE_ANDROID = 1000129000 STRUCTURE_TYPE_ANDROID_HARDWARE_BUFFER_PROPERTIES_ANDROID = 1000129001 STRUCTURE_TYPE_ANDROID_HARDWARE_BUFFER_FORMAT_PROPERTIES_ANDROID = 1000129002 STRUCTURE_TYPE_IMPORT_ANDROID_HARDWARE_BUFFER_INFO_ANDROID = 1000129003 STRUCTURE_TYPE_MEMORY_GET_ANDROID_HARDWARE_BUFFER_INFO_ANDROID = 1000129004 STRUCTURE_TYPE_EXTERNAL_FORMAT_ANDROID = 1000129005 STRUCTURE_TYPE_ANDROID_HARDWARE_BUFFER_FORMAT_PROPERTIES_2_ANDROID = 1000129006 STRUCTURE_TYPE_SAMPLE_LOCATIONS_INFO_EXT = 1000143000 STRUCTURE_TYPE_RENDER_PASS_SAMPLE_LOCATIONS_BEGIN_INFO_EXT = 1000143001 STRUCTURE_TYPE_PIPELINE_SAMPLE_LOCATIONS_STATE_CREATE_INFO_EXT = 1000143002 STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLE_LOCATIONS_PROPERTIES_EXT = 1000143003 STRUCTURE_TYPE_MULTISAMPLE_PROPERTIES_EXT = 1000143004 STRUCTURE_TYPE_PHYSICAL_DEVICE_BLEND_OPERATION_ADVANCED_FEATURES_EXT = 1000148000 STRUCTURE_TYPE_PHYSICAL_DEVICE_BLEND_OPERATION_ADVANCED_PROPERTIES_EXT = 1000148001 STRUCTURE_TYPE_PIPELINE_COLOR_BLEND_ADVANCED_STATE_CREATE_INFO_EXT = 1000148002 STRUCTURE_TYPE_PIPELINE_COVERAGE_TO_COLOR_STATE_CREATE_INFO_NV = 1000149000 STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET_ACCELERATION_STRUCTURE_KHR = 1000150007 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_BUILD_GEOMETRY_INFO_KHR = 1000150000 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_DEVICE_ADDRESS_INFO_KHR = 1000150002 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_AABBS_DATA_KHR = 1000150003 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_INSTANCES_DATA_KHR = 1000150004 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_TRIANGLES_DATA_KHR = 1000150005 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_KHR = 1000150006 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_VERSION_INFO_KHR = 1000150009 STRUCTURE_TYPE_COPY_ACCELERATION_STRUCTURE_INFO_KHR = 1000150010 STRUCTURE_TYPE_COPY_ACCELERATION_STRUCTURE_TO_MEMORY_INFO_KHR = 1000150011 STRUCTURE_TYPE_COPY_MEMORY_TO_ACCELERATION_STRUCTURE_INFO_KHR = 1000150012 STRUCTURE_TYPE_PHYSICAL_DEVICE_ACCELERATION_STRUCTURE_FEATURES_KHR = 1000150013 STRUCTURE_TYPE_PHYSICAL_DEVICE_ACCELERATION_STRUCTURE_PROPERTIES_KHR = 1000150014 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_CREATE_INFO_KHR = 1000150017 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_BUILD_SIZES_INFO_KHR = 1000150020 STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_PIPELINE_FEATURES_KHR = 1000347000 STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_PIPELINE_PROPERTIES_KHR = 1000347001 STRUCTURE_TYPE_RAY_TRACING_PIPELINE_CREATE_INFO_KHR = 1000150015 STRUCTURE_TYPE_RAY_TRACING_SHADER_GROUP_CREATE_INFO_KHR = 1000150016 STRUCTURE_TYPE_RAY_TRACING_PIPELINE_INTERFACE_CREATE_INFO_KHR = 1000150018 STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_QUERY_FEATURES_KHR = 1000348013 STRUCTURE_TYPE_PIPELINE_COVERAGE_MODULATION_STATE_CREATE_INFO_NV = 1000152000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SM_BUILTINS_FEATURES_NV = 1000154000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SM_BUILTINS_PROPERTIES_NV = 1000154001 STRUCTURE_TYPE_DRM_FORMAT_MODIFIER_PROPERTIES_LIST_EXT = 1000158000 STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_DRM_FORMAT_MODIFIER_INFO_EXT = 1000158002 STRUCTURE_TYPE_IMAGE_DRM_FORMAT_MODIFIER_LIST_CREATE_INFO_EXT = 1000158003 STRUCTURE_TYPE_IMAGE_DRM_FORMAT_MODIFIER_EXPLICIT_CREATE_INFO_EXT = 1000158004 STRUCTURE_TYPE_IMAGE_DRM_FORMAT_MODIFIER_PROPERTIES_EXT = 1000158005 STRUCTURE_TYPE_DRM_FORMAT_MODIFIER_PROPERTIES_LIST_2_EXT = 1000158006 STRUCTURE_TYPE_VALIDATION_CACHE_CREATE_INFO_EXT = 1000160000 STRUCTURE_TYPE_SHADER_MODULE_VALIDATION_CACHE_CREATE_INFO_EXT = 1000160001 STRUCTURE_TYPE_PHYSICAL_DEVICE_PORTABILITY_SUBSET_FEATURES_KHR = 1000163000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PORTABILITY_SUBSET_PROPERTIES_KHR = 1000163001 STRUCTURE_TYPE_PIPELINE_VIEWPORT_SHADING_RATE_IMAGE_STATE_CREATE_INFO_NV = 1000164000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADING_RATE_IMAGE_FEATURES_NV = 1000164001 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADING_RATE_IMAGE_PROPERTIES_NV = 1000164002 STRUCTURE_TYPE_PIPELINE_VIEWPORT_COARSE_SAMPLE_ORDER_STATE_CREATE_INFO_NV = 1000164005 STRUCTURE_TYPE_RAY_TRACING_PIPELINE_CREATE_INFO_NV = 1000165000 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_CREATE_INFO_NV = 1000165001 STRUCTURE_TYPE_GEOMETRY_NV = 1000165003 STRUCTURE_TYPE_GEOMETRY_TRIANGLES_NV = 1000165004 STRUCTURE_TYPE_GEOMETRY_AABB_NV = 1000165005 STRUCTURE_TYPE_BIND_ACCELERATION_STRUCTURE_MEMORY_INFO_NV = 1000165006 STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET_ACCELERATION_STRUCTURE_NV = 1000165007 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_MEMORY_REQUIREMENTS_INFO_NV = 1000165008 STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_PROPERTIES_NV = 1000165009 STRUCTURE_TYPE_RAY_TRACING_SHADER_GROUP_CREATE_INFO_NV = 1000165011 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_INFO_NV = 1000165012 STRUCTURE_TYPE_PHYSICAL_DEVICE_REPRESENTATIVE_FRAGMENT_TEST_FEATURES_NV = 1000166000 STRUCTURE_TYPE_PIPELINE_REPRESENTATIVE_FRAGMENT_TEST_STATE_CREATE_INFO_NV = 1000166001 STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_VIEW_IMAGE_FORMAT_INFO_EXT = 1000170000 STRUCTURE_TYPE_FILTER_CUBIC_IMAGE_VIEW_IMAGE_FORMAT_PROPERTIES_EXT = 1000170001 STRUCTURE_TYPE_IMPORT_MEMORY_HOST_POINTER_INFO_EXT = 1000178000 STRUCTURE_TYPE_MEMORY_HOST_POINTER_PROPERTIES_EXT = 1000178001 STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_MEMORY_HOST_PROPERTIES_EXT = 1000178002 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CLOCK_FEATURES_KHR = 1000181000 STRUCTURE_TYPE_PIPELINE_COMPILER_CONTROL_CREATE_INFO_AMD = 1000183000 STRUCTURE_TYPE_CALIBRATED_TIMESTAMP_INFO_EXT = 1000184000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CORE_PROPERTIES_AMD = 1000185000 STRUCTURE_TYPE_VIDEO_DECODE_H265_CAPABILITIES_KHR = 1000187000 STRUCTURE_TYPE_VIDEO_DECODE_H265_SESSION_PARAMETERS_CREATE_INFO_KHR = 1000187001 STRUCTURE_TYPE_VIDEO_DECODE_H265_SESSION_PARAMETERS_ADD_INFO_KHR = 1000187002 STRUCTURE_TYPE_VIDEO_DECODE_H265_PROFILE_INFO_KHR = 1000187003 STRUCTURE_TYPE_VIDEO_DECODE_H265_PICTURE_INFO_KHR = 1000187004 STRUCTURE_TYPE_VIDEO_DECODE_H265_DPB_SLOT_INFO_KHR = 1000187005 STRUCTURE_TYPE_DEVICE_QUEUE_GLOBAL_PRIORITY_CREATE_INFO_KHR = 1000174000 STRUCTURE_TYPE_PHYSICAL_DEVICE_GLOBAL_PRIORITY_QUERY_FEATURES_KHR = 1000388000 STRUCTURE_TYPE_QUEUE_FAMILY_GLOBAL_PRIORITY_PROPERTIES_KHR = 1000388001 STRUCTURE_TYPE_DEVICE_MEMORY_OVERALLOCATION_CREATE_INFO_AMD = 1000189000 STRUCTURE_TYPE_PHYSICAL_DEVICE_VERTEX_ATTRIBUTE_DIVISOR_PROPERTIES_EXT = 1000190000 STRUCTURE_TYPE_PIPELINE_VERTEX_INPUT_DIVISOR_STATE_CREATE_INFO_EXT = 1000190001 STRUCTURE_TYPE_PHYSICAL_DEVICE_VERTEX_ATTRIBUTE_DIVISOR_FEATURES_EXT = 1000190002 STRUCTURE_TYPE_PRESENT_FRAME_TOKEN_GGP = 1000191000 STRUCTURE_TYPE_PHYSICAL_DEVICE_COMPUTE_SHADER_DERIVATIVES_FEATURES_NV = 1000201000 STRUCTURE_TYPE_PHYSICAL_DEVICE_MESH_SHADER_FEATURES_NV = 1000202000 STRUCTURE_TYPE_PHYSICAL_DEVICE_MESH_SHADER_PROPERTIES_NV = 1000202001 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_IMAGE_FOOTPRINT_FEATURES_NV = 1000204000 STRUCTURE_TYPE_PIPELINE_VIEWPORT_EXCLUSIVE_SCISSOR_STATE_CREATE_INFO_NV = 1000205000 STRUCTURE_TYPE_PHYSICAL_DEVICE_EXCLUSIVE_SCISSOR_FEATURES_NV = 1000205002 STRUCTURE_TYPE_CHECKPOINT_DATA_NV = 1000206000 STRUCTURE_TYPE_QUEUE_FAMILY_CHECKPOINT_PROPERTIES_NV = 1000206001 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_FUNCTIONS_2_FEATURES_INTEL = 1000209000 STRUCTURE_TYPE_QUERY_POOL_PERFORMANCE_QUERY_CREATE_INFO_INTEL = 1000210000 STRUCTURE_TYPE_INITIALIZE_PERFORMANCE_API_INFO_INTEL = 1000210001 STRUCTURE_TYPE_PERFORMANCE_MARKER_INFO_INTEL = 1000210002 STRUCTURE_TYPE_PERFORMANCE_STREAM_MARKER_INFO_INTEL = 1000210003 STRUCTURE_TYPE_PERFORMANCE_OVERRIDE_INFO_INTEL = 1000210004 STRUCTURE_TYPE_PERFORMANCE_CONFIGURATION_ACQUIRE_INFO_INTEL = 1000210005 STRUCTURE_TYPE_PHYSICAL_DEVICE_PCI_BUS_INFO_PROPERTIES_EXT = 1000212000 STRUCTURE_TYPE_DISPLAY_NATIVE_HDR_SURFACE_CAPABILITIES_AMD = 1000213000 STRUCTURE_TYPE_SWAPCHAIN_DISPLAY_NATIVE_HDR_CREATE_INFO_AMD = 1000213001 STRUCTURE_TYPE_IMAGEPIPE_SURFACE_CREATE_INFO_FUCHSIA = 1000214000 STRUCTURE_TYPE_METAL_SURFACE_CREATE_INFO_EXT = 1000217000 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_FEATURES_EXT = 1000218000 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_PROPERTIES_EXT = 1000218001 STRUCTURE_TYPE_RENDER_PASS_FRAGMENT_DENSITY_MAP_CREATE_INFO_EXT = 1000218002 STRUCTURE_TYPE_FRAGMENT_SHADING_RATE_ATTACHMENT_INFO_KHR = 1000226000 STRUCTURE_TYPE_PIPELINE_FRAGMENT_SHADING_RATE_STATE_CREATE_INFO_KHR = 1000226001 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_PROPERTIES_KHR = 1000226002 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_FEATURES_KHR = 1000226003 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_KHR = 1000226004 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CORE_PROPERTIES_2_AMD = 1000227000 STRUCTURE_TYPE_PHYSICAL_DEVICE_COHERENT_MEMORY_FEATURES_AMD = 1000229000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_IMAGE_ATOMIC_INT64_FEATURES_EXT = 1000234000 STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_BUDGET_PROPERTIES_EXT = 1000237000 STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_PRIORITY_FEATURES_EXT = 1000238000 STRUCTURE_TYPE_MEMORY_PRIORITY_ALLOCATE_INFO_EXT = 1000238001 STRUCTURE_TYPE_SURFACE_PROTECTED_CAPABILITIES_KHR = 1000239000 STRUCTURE_TYPE_PHYSICAL_DEVICE_DEDICATED_ALLOCATION_IMAGE_ALIASING_FEATURES_NV = 1000240000 STRUCTURE_TYPE_PHYSICAL_DEVICE_BUFFER_DEVICE_ADDRESS_FEATURES_EXT = 1000244000 STRUCTURE_TYPE_BUFFER_DEVICE_ADDRESS_CREATE_INFO_EXT = 1000244002 STRUCTURE_TYPE_VALIDATION_FEATURES_EXT = 1000247000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PRESENT_WAIT_FEATURES_KHR = 1000248000 STRUCTURE_TYPE_PHYSICAL_DEVICE_COOPERATIVE_MATRIX_FEATURES_NV = 1000249000 STRUCTURE_TYPE_COOPERATIVE_MATRIX_PROPERTIES_NV = 1000249001 STRUCTURE_TYPE_PHYSICAL_DEVICE_COOPERATIVE_MATRIX_PROPERTIES_NV = 1000249002 STRUCTURE_TYPE_PHYSICAL_DEVICE_COVERAGE_REDUCTION_MODE_FEATURES_NV = 1000250000 STRUCTURE_TYPE_PIPELINE_COVERAGE_REDUCTION_STATE_CREATE_INFO_NV = 1000250001 STRUCTURE_TYPE_FRAMEBUFFER_MIXED_SAMPLES_COMBINATION_NV = 1000250002 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADER_INTERLOCK_FEATURES_EXT = 1000251000 STRUCTURE_TYPE_PHYSICAL_DEVICE_YCBCR_IMAGE_ARRAYS_FEATURES_EXT = 1000252000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PROVOKING_VERTEX_FEATURES_EXT = 1000254000 STRUCTURE_TYPE_PIPELINE_RASTERIZATION_PROVOKING_VERTEX_STATE_CREATE_INFO_EXT = 1000254001 STRUCTURE_TYPE_PHYSICAL_DEVICE_PROVOKING_VERTEX_PROPERTIES_EXT = 1000254002 STRUCTURE_TYPE_SURFACE_FULL_SCREEN_EXCLUSIVE_INFO_EXT = 1000255000 STRUCTURE_TYPE_SURFACE_CAPABILITIES_FULL_SCREEN_EXCLUSIVE_EXT = 1000255002 STRUCTURE_TYPE_SURFACE_FULL_SCREEN_EXCLUSIVE_WIN32_INFO_EXT = 1000255001 STRUCTURE_TYPE_HEADLESS_SURFACE_CREATE_INFO_EXT = 1000256000 STRUCTURE_TYPE_PHYSICAL_DEVICE_LINE_RASTERIZATION_FEATURES_EXT = 1000259000 STRUCTURE_TYPE_PIPELINE_RASTERIZATION_LINE_STATE_CREATE_INFO_EXT = 1000259001 STRUCTURE_TYPE_PHYSICAL_DEVICE_LINE_RASTERIZATION_PROPERTIES_EXT = 1000259002 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_ATOMIC_FLOAT_FEATURES_EXT = 1000260000 STRUCTURE_TYPE_PHYSICAL_DEVICE_INDEX_TYPE_UINT8_FEATURES_EXT = 1000265000 STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTENDED_DYNAMIC_STATE_FEATURES_EXT = 1000267000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_EXECUTABLE_PROPERTIES_FEATURES_KHR = 1000269000 STRUCTURE_TYPE_PIPELINE_INFO_KHR = 1000269001 STRUCTURE_TYPE_PIPELINE_EXECUTABLE_PROPERTIES_KHR = 1000269002 STRUCTURE_TYPE_PIPELINE_EXECUTABLE_INFO_KHR = 1000269003 STRUCTURE_TYPE_PIPELINE_EXECUTABLE_STATISTIC_KHR = 1000269004 STRUCTURE_TYPE_PIPELINE_EXECUTABLE_INTERNAL_REPRESENTATION_KHR = 1000269005 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_ATOMIC_FLOAT_2_FEATURES_EXT = 1000273000 STRUCTURE_TYPE_SURFACE_PRESENT_MODE_EXT = 1000274000 STRUCTURE_TYPE_SURFACE_PRESENT_SCALING_CAPABILITIES_EXT = 1000274001 STRUCTURE_TYPE_SURFACE_PRESENT_MODE_COMPATIBILITY_EXT = 1000274002 STRUCTURE_TYPE_PHYSICAL_DEVICE_SWAPCHAIN_MAINTENANCE_1_FEATURES_EXT = 1000275000 STRUCTURE_TYPE_SWAPCHAIN_PRESENT_FENCE_INFO_EXT = 1000275001 STRUCTURE_TYPE_SWAPCHAIN_PRESENT_MODES_CREATE_INFO_EXT = 1000275002 STRUCTURE_TYPE_SWAPCHAIN_PRESENT_MODE_INFO_EXT = 1000275003 STRUCTURE_TYPE_SWAPCHAIN_PRESENT_SCALING_CREATE_INFO_EXT = 1000275004 STRUCTURE_TYPE_RELEASE_SWAPCHAIN_IMAGES_INFO_EXT = 1000275005 STRUCTURE_TYPE_PHYSICAL_DEVICE_DEVICE_GENERATED_COMMANDS_PROPERTIES_NV = 1000277000 STRUCTURE_TYPE_GRAPHICS_SHADER_GROUP_CREATE_INFO_NV = 1000277001 STRUCTURE_TYPE_GRAPHICS_PIPELINE_SHADER_GROUPS_CREATE_INFO_NV = 1000277002 STRUCTURE_TYPE_INDIRECT_COMMANDS_LAYOUT_TOKEN_NV = 1000277003 STRUCTURE_TYPE_INDIRECT_COMMANDS_LAYOUT_CREATE_INFO_NV = 1000277004 STRUCTURE_TYPE_GENERATED_COMMANDS_INFO_NV = 1000277005 STRUCTURE_TYPE_GENERATED_COMMANDS_MEMORY_REQUIREMENTS_INFO_NV = 1000277006 STRUCTURE_TYPE_PHYSICAL_DEVICE_DEVICE_GENERATED_COMMANDS_FEATURES_NV = 1000277007 STRUCTURE_TYPE_PHYSICAL_DEVICE_INHERITED_VIEWPORT_SCISSOR_FEATURES_NV = 1000278000 STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_VIEWPORT_SCISSOR_INFO_NV = 1000278001 STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXEL_BUFFER_ALIGNMENT_FEATURES_EXT = 1000281000 STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_RENDER_PASS_TRANSFORM_INFO_QCOM = 1000282000 STRUCTURE_TYPE_RENDER_PASS_TRANSFORM_BEGIN_INFO_QCOM = 1000282001 STRUCTURE_TYPE_PHYSICAL_DEVICE_DEVICE_MEMORY_REPORT_FEATURES_EXT = 1000284000 STRUCTURE_TYPE_DEVICE_DEVICE_MEMORY_REPORT_CREATE_INFO_EXT = 1000284001 STRUCTURE_TYPE_DEVICE_MEMORY_REPORT_CALLBACK_DATA_EXT = 1000284002 STRUCTURE_TYPE_PHYSICAL_DEVICE_ROBUSTNESS_2_FEATURES_EXT = 1000286000 STRUCTURE_TYPE_PHYSICAL_DEVICE_ROBUSTNESS_2_PROPERTIES_EXT = 1000286001 STRUCTURE_TYPE_SAMPLER_CUSTOM_BORDER_COLOR_CREATE_INFO_EXT = 1000287000 STRUCTURE_TYPE_PHYSICAL_DEVICE_CUSTOM_BORDER_COLOR_PROPERTIES_EXT = 1000287001 STRUCTURE_TYPE_PHYSICAL_DEVICE_CUSTOM_BORDER_COLOR_FEATURES_EXT = 1000287002 STRUCTURE_TYPE_PIPELINE_LIBRARY_CREATE_INFO_KHR = 1000290000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PRESENT_BARRIER_FEATURES_NV = 1000292000 STRUCTURE_TYPE_SURFACE_CAPABILITIES_PRESENT_BARRIER_NV = 1000292001 STRUCTURE_TYPE_SWAPCHAIN_PRESENT_BARRIER_CREATE_INFO_NV = 1000292002 STRUCTURE_TYPE_PRESENT_ID_KHR = 1000294000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PRESENT_ID_FEATURES_KHR = 1000294001 STRUCTURE_TYPE_VIDEO_ENCODE_INFO_KHR = 1000299000 STRUCTURE_TYPE_VIDEO_ENCODE_RATE_CONTROL_INFO_KHR = 1000299001 STRUCTURE_TYPE_VIDEO_ENCODE_RATE_CONTROL_LAYER_INFO_KHR = 1000299002 STRUCTURE_TYPE_VIDEO_ENCODE_CAPABILITIES_KHR = 1000299003 STRUCTURE_TYPE_VIDEO_ENCODE_USAGE_INFO_KHR = 1000299004 STRUCTURE_TYPE_PHYSICAL_DEVICE_DIAGNOSTICS_CONFIG_FEATURES_NV = 1000300000 STRUCTURE_TYPE_DEVICE_DIAGNOSTICS_CONFIG_CREATE_INFO_NV = 1000300001 STRUCTURE_TYPE_EXPORT_METAL_OBJECT_CREATE_INFO_EXT = 1000311000 STRUCTURE_TYPE_EXPORT_METAL_OBJECTS_INFO_EXT = 1000311001 STRUCTURE_TYPE_EXPORT_METAL_DEVICE_INFO_EXT = 1000311002 STRUCTURE_TYPE_EXPORT_METAL_COMMAND_QUEUE_INFO_EXT = 1000311003 STRUCTURE_TYPE_EXPORT_METAL_BUFFER_INFO_EXT = 1000311004 STRUCTURE_TYPE_IMPORT_METAL_BUFFER_INFO_EXT = 1000311005 STRUCTURE_TYPE_EXPORT_METAL_TEXTURE_INFO_EXT = 1000311006 STRUCTURE_TYPE_IMPORT_METAL_TEXTURE_INFO_EXT = 1000311007 STRUCTURE_TYPE_EXPORT_METAL_IO_SURFACE_INFO_EXT = 1000311008 STRUCTURE_TYPE_IMPORT_METAL_IO_SURFACE_INFO_EXT = 1000311009 STRUCTURE_TYPE_EXPORT_METAL_SHARED_EVENT_INFO_EXT = 1000311010 STRUCTURE_TYPE_IMPORT_METAL_SHARED_EVENT_INFO_EXT = 1000311011 STRUCTURE_TYPE_QUEUE_FAMILY_CHECKPOINT_PROPERTIES_2_NV = 1000314008 STRUCTURE_TYPE_CHECKPOINT_DATA_2_NV = 1000314009 STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_BUFFER_PROPERTIES_EXT = 1000316000 STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_BUFFER_DENSITY_MAP_PROPERTIES_EXT = 1000316001 STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_BUFFER_FEATURES_EXT = 1000316002 STRUCTURE_TYPE_DESCRIPTOR_ADDRESS_INFO_EXT = 1000316003 STRUCTURE_TYPE_DESCRIPTOR_GET_INFO_EXT = 1000316004 STRUCTURE_TYPE_BUFFER_CAPTURE_DESCRIPTOR_DATA_INFO_EXT = 1000316005 STRUCTURE_TYPE_IMAGE_CAPTURE_DESCRIPTOR_DATA_INFO_EXT = 1000316006 STRUCTURE_TYPE_IMAGE_VIEW_CAPTURE_DESCRIPTOR_DATA_INFO_EXT = 1000316007 STRUCTURE_TYPE_SAMPLER_CAPTURE_DESCRIPTOR_DATA_INFO_EXT = 1000316008 STRUCTURE_TYPE_OPAQUE_CAPTURE_DESCRIPTOR_DATA_CREATE_INFO_EXT = 1000316010 STRUCTURE_TYPE_DESCRIPTOR_BUFFER_BINDING_INFO_EXT = 1000316011 STRUCTURE_TYPE_DESCRIPTOR_BUFFER_BINDING_PUSH_DESCRIPTOR_BUFFER_HANDLE_EXT = 1000316012 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_CAPTURE_DESCRIPTOR_DATA_INFO_EXT = 1000316009 STRUCTURE_TYPE_PHYSICAL_DEVICE_GRAPHICS_PIPELINE_LIBRARY_FEATURES_EXT = 1000320000 STRUCTURE_TYPE_PHYSICAL_DEVICE_GRAPHICS_PIPELINE_LIBRARY_PROPERTIES_EXT = 1000320001 STRUCTURE_TYPE_GRAPHICS_PIPELINE_LIBRARY_CREATE_INFO_EXT = 1000320002 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_EARLY_AND_LATE_FRAGMENT_TESTS_FEATURES_AMD = 1000321000 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADER_BARYCENTRIC_FEATURES_KHR = 1000203000 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADER_BARYCENTRIC_PROPERTIES_KHR = 1000322000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SUBGROUP_UNIFORM_CONTROL_FLOW_FEATURES_KHR = 1000323000 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_ENUMS_PROPERTIES_NV = 1000326000 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_ENUMS_FEATURES_NV = 1000326001 STRUCTURE_TYPE_PIPELINE_FRAGMENT_SHADING_RATE_ENUM_STATE_CREATE_INFO_NV = 1000326002 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_MOTION_TRIANGLES_DATA_NV = 1000327000 STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_MOTION_BLUR_FEATURES_NV = 1000327001 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_MOTION_INFO_NV = 1000327002 STRUCTURE_TYPE_PHYSICAL_DEVICE_MESH_SHADER_FEATURES_EXT = 1000328000 STRUCTURE_TYPE_PHYSICAL_DEVICE_MESH_SHADER_PROPERTIES_EXT = 1000328001 STRUCTURE_TYPE_PHYSICAL_DEVICE_YCBCR_2_PLANE_444_FORMATS_FEATURES_EXT = 1000330000 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_2_FEATURES_EXT = 1000332000 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_2_PROPERTIES_EXT = 1000332001 STRUCTURE_TYPE_COPY_COMMAND_TRANSFORM_INFO_QCOM = 1000333000 STRUCTURE_TYPE_PHYSICAL_DEVICE_WORKGROUP_MEMORY_EXPLICIT_LAYOUT_FEATURES_KHR = 1000336000 STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_COMPRESSION_CONTROL_FEATURES_EXT = 1000338000 STRUCTURE_TYPE_IMAGE_COMPRESSION_CONTROL_EXT = 1000338001 STRUCTURE_TYPE_SUBRESOURCE_LAYOUT_2_EXT = 1000338002 STRUCTURE_TYPE_IMAGE_SUBRESOURCE_2_EXT = 1000338003 STRUCTURE_TYPE_IMAGE_COMPRESSION_PROPERTIES_EXT = 1000338004 STRUCTURE_TYPE_PHYSICAL_DEVICE_ATTACHMENT_FEEDBACK_LOOP_LAYOUT_FEATURES_EXT = 1000339000 STRUCTURE_TYPE_PHYSICAL_DEVICE_4444_FORMATS_FEATURES_EXT = 1000340000 STRUCTURE_TYPE_PHYSICAL_DEVICE_FAULT_FEATURES_EXT = 1000341000 STRUCTURE_TYPE_DEVICE_FAULT_COUNTS_EXT = 1000341001 STRUCTURE_TYPE_DEVICE_FAULT_INFO_EXT = 1000341002 STRUCTURE_TYPE_PHYSICAL_DEVICE_RGBA10X6_FORMATS_FEATURES_EXT = 1000344000 STRUCTURE_TYPE_DIRECTFB_SURFACE_CREATE_INFO_EXT = 1000346000 STRUCTURE_TYPE_PHYSICAL_DEVICE_VERTEX_INPUT_DYNAMIC_STATE_FEATURES_EXT = 1000352000 STRUCTURE_TYPE_VERTEX_INPUT_BINDING_DESCRIPTION_2_EXT = 1000352001 STRUCTURE_TYPE_VERTEX_INPUT_ATTRIBUTE_DESCRIPTION_2_EXT = 1000352002 STRUCTURE_TYPE_PHYSICAL_DEVICE_DRM_PROPERTIES_EXT = 1000353000 STRUCTURE_TYPE_PHYSICAL_DEVICE_ADDRESS_BINDING_REPORT_FEATURES_EXT = 1000354000 STRUCTURE_TYPE_DEVICE_ADDRESS_BINDING_CALLBACK_DATA_EXT = 1000354001 STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_CLIP_CONTROL_FEATURES_EXT = 1000355000 STRUCTURE_TYPE_PIPELINE_VIEWPORT_DEPTH_CLIP_CONTROL_CREATE_INFO_EXT = 1000355001 STRUCTURE_TYPE_PHYSICAL_DEVICE_PRIMITIVE_TOPOLOGY_LIST_RESTART_FEATURES_EXT = 1000356000 STRUCTURE_TYPE_IMPORT_MEMORY_ZIRCON_HANDLE_INFO_FUCHSIA = 1000364000 STRUCTURE_TYPE_MEMORY_ZIRCON_HANDLE_PROPERTIES_FUCHSIA = 1000364001 STRUCTURE_TYPE_MEMORY_GET_ZIRCON_HANDLE_INFO_FUCHSIA = 1000364002 STRUCTURE_TYPE_IMPORT_SEMAPHORE_ZIRCON_HANDLE_INFO_FUCHSIA = 1000365000 STRUCTURE_TYPE_SEMAPHORE_GET_ZIRCON_HANDLE_INFO_FUCHSIA = 1000365001 STRUCTURE_TYPE_BUFFER_COLLECTION_CREATE_INFO_FUCHSIA = 1000366000 STRUCTURE_TYPE_IMPORT_MEMORY_BUFFER_COLLECTION_FUCHSIA = 1000366001 STRUCTURE_TYPE_BUFFER_COLLECTION_IMAGE_CREATE_INFO_FUCHSIA = 1000366002 STRUCTURE_TYPE_BUFFER_COLLECTION_PROPERTIES_FUCHSIA = 1000366003 STRUCTURE_TYPE_BUFFER_CONSTRAINTS_INFO_FUCHSIA = 1000366004 STRUCTURE_TYPE_BUFFER_COLLECTION_BUFFER_CREATE_INFO_FUCHSIA = 1000366005 STRUCTURE_TYPE_IMAGE_CONSTRAINTS_INFO_FUCHSIA = 1000366006 STRUCTURE_TYPE_IMAGE_FORMAT_CONSTRAINTS_INFO_FUCHSIA = 1000366007 STRUCTURE_TYPE_SYSMEM_COLOR_SPACE_FUCHSIA = 1000366008 STRUCTURE_TYPE_BUFFER_COLLECTION_CONSTRAINTS_INFO_FUCHSIA = 1000366009 STRUCTURE_TYPE_SUBPASS_SHADING_PIPELINE_CREATE_INFO_HUAWEI = 1000369000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBPASS_SHADING_FEATURES_HUAWEI = 1000369001 STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBPASS_SHADING_PROPERTIES_HUAWEI = 1000369002 STRUCTURE_TYPE_PHYSICAL_DEVICE_INVOCATION_MASK_FEATURES_HUAWEI = 1000370000 STRUCTURE_TYPE_MEMORY_GET_REMOTE_ADDRESS_INFO_NV = 1000371000 STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_MEMORY_RDMA_FEATURES_NV = 1000371001 STRUCTURE_TYPE_PIPELINE_PROPERTIES_IDENTIFIER_EXT = 1000372000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_PROPERTIES_FEATURES_EXT = 1000372001 STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTISAMPLED_RENDER_TO_SINGLE_SAMPLED_FEATURES_EXT = 1000376000 STRUCTURE_TYPE_SUBPASS_RESOLVE_PERFORMANCE_QUERY_EXT = 1000376001 STRUCTURE_TYPE_MULTISAMPLED_RENDER_TO_SINGLE_SAMPLED_INFO_EXT = 1000376002 STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTENDED_DYNAMIC_STATE_2_FEATURES_EXT = 1000377000 STRUCTURE_TYPE_SCREEN_SURFACE_CREATE_INFO_QNX = 1000378000 STRUCTURE_TYPE_PHYSICAL_DEVICE_COLOR_WRITE_ENABLE_FEATURES_EXT = 1000381000 STRUCTURE_TYPE_PIPELINE_COLOR_WRITE_CREATE_INFO_EXT = 1000381001 STRUCTURE_TYPE_PHYSICAL_DEVICE_PRIMITIVES_GENERATED_QUERY_FEATURES_EXT = 1000382000 STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_MAINTENANCE_1_FEATURES_KHR = 1000386000 STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_VIEW_MIN_LOD_FEATURES_EXT = 1000391000 STRUCTURE_TYPE_IMAGE_VIEW_MIN_LOD_CREATE_INFO_EXT = 1000391001 STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTI_DRAW_FEATURES_EXT = 1000392000 STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTI_DRAW_PROPERTIES_EXT = 1000392001 STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_2D_VIEW_OF_3D_FEATURES_EXT = 1000393000 STRUCTURE_TYPE_MICROMAP_BUILD_INFO_EXT = 1000396000 STRUCTURE_TYPE_MICROMAP_VERSION_INFO_EXT = 1000396001 STRUCTURE_TYPE_COPY_MICROMAP_INFO_EXT = 1000396002 STRUCTURE_TYPE_COPY_MICROMAP_TO_MEMORY_INFO_EXT = 1000396003 STRUCTURE_TYPE_COPY_MEMORY_TO_MICROMAP_INFO_EXT = 1000396004 STRUCTURE_TYPE_PHYSICAL_DEVICE_OPACITY_MICROMAP_FEATURES_EXT = 1000396005 STRUCTURE_TYPE_PHYSICAL_DEVICE_OPACITY_MICROMAP_PROPERTIES_EXT = 1000396006 STRUCTURE_TYPE_MICROMAP_CREATE_INFO_EXT = 1000396007 STRUCTURE_TYPE_MICROMAP_BUILD_SIZES_INFO_EXT = 1000396008 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_TRIANGLES_OPACITY_MICROMAP_EXT = 1000396009 STRUCTURE_TYPE_PHYSICAL_DEVICE_CLUSTER_CULLING_SHADER_FEATURES_HUAWEI = 1000404000 STRUCTURE_TYPE_PHYSICAL_DEVICE_CLUSTER_CULLING_SHADER_PROPERTIES_HUAWEI = 1000404001 STRUCTURE_TYPE_PHYSICAL_DEVICE_BORDER_COLOR_SWIZZLE_FEATURES_EXT = 1000411000 STRUCTURE_TYPE_SAMPLER_BORDER_COLOR_COMPONENT_MAPPING_CREATE_INFO_EXT = 1000411001 STRUCTURE_TYPE_PHYSICAL_DEVICE_PAGEABLE_DEVICE_LOCAL_MEMORY_FEATURES_EXT = 1000412000 STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_SET_HOST_MAPPING_FEATURES_VALVE = 1000420000 STRUCTURE_TYPE_DESCRIPTOR_SET_BINDING_REFERENCE_VALVE = 1000420001 STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_HOST_MAPPING_INFO_VALVE = 1000420002 STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_CLAMP_ZERO_ONE_FEATURES_EXT = 1000421000 STRUCTURE_TYPE_PHYSICAL_DEVICE_NON_SEAMLESS_CUBE_MAP_FEATURES_EXT = 1000422000 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_OFFSET_FEATURES_QCOM = 1000425000 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_OFFSET_PROPERTIES_QCOM = 1000425001 STRUCTURE_TYPE_SUBPASS_FRAGMENT_DENSITY_MAP_OFFSET_END_INFO_QCOM = 1000425002 STRUCTURE_TYPE_PHYSICAL_DEVICE_COPY_MEMORY_INDIRECT_FEATURES_NV = 1000426000 STRUCTURE_TYPE_PHYSICAL_DEVICE_COPY_MEMORY_INDIRECT_PROPERTIES_NV = 1000426001 STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_DECOMPRESSION_FEATURES_NV = 1000427000 STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_DECOMPRESSION_PROPERTIES_NV = 1000427001 STRUCTURE_TYPE_PHYSICAL_DEVICE_LINEAR_COLOR_ATTACHMENT_FEATURES_NV = 1000430000 STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_COMPRESSION_CONTROL_SWAPCHAIN_FEATURES_EXT = 1000437000 STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_PROCESSING_FEATURES_QCOM = 1000440000 STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_PROCESSING_PROPERTIES_QCOM = 1000440001 STRUCTURE_TYPE_IMAGE_VIEW_SAMPLE_WEIGHT_CREATE_INFO_QCOM = 1000440002 STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTENDED_DYNAMIC_STATE_3_FEATURES_EXT = 1000455000 STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTENDED_DYNAMIC_STATE_3_PROPERTIES_EXT = 1000455001 STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBPASS_MERGE_FEEDBACK_FEATURES_EXT = 1000458000 STRUCTURE_TYPE_RENDER_PASS_CREATION_CONTROL_EXT = 1000458001 STRUCTURE_TYPE_RENDER_PASS_CREATION_FEEDBACK_CREATE_INFO_EXT = 1000458002 STRUCTURE_TYPE_RENDER_PASS_SUBPASS_FEEDBACK_CREATE_INFO_EXT = 1000458003 STRUCTURE_TYPE_DIRECT_DRIVER_LOADING_INFO_LUNARG = 1000459000 STRUCTURE_TYPE_DIRECT_DRIVER_LOADING_LIST_LUNARG = 1000459001 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_MODULE_IDENTIFIER_FEATURES_EXT = 1000462000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_MODULE_IDENTIFIER_PROPERTIES_EXT = 1000462001 STRUCTURE_TYPE_PIPELINE_SHADER_STAGE_MODULE_IDENTIFIER_CREATE_INFO_EXT = 1000462002 STRUCTURE_TYPE_SHADER_MODULE_IDENTIFIER_EXT = 1000462003 STRUCTURE_TYPE_PHYSICAL_DEVICE_RASTERIZATION_ORDER_ATTACHMENT_ACCESS_FEATURES_EXT = 1000342000 STRUCTURE_TYPE_PHYSICAL_DEVICE_OPTICAL_FLOW_FEATURES_NV = 1000464000 STRUCTURE_TYPE_PHYSICAL_DEVICE_OPTICAL_FLOW_PROPERTIES_NV = 1000464001 STRUCTURE_TYPE_OPTICAL_FLOW_IMAGE_FORMAT_INFO_NV = 1000464002 STRUCTURE_TYPE_OPTICAL_FLOW_IMAGE_FORMAT_PROPERTIES_NV = 1000464003 STRUCTURE_TYPE_OPTICAL_FLOW_SESSION_CREATE_INFO_NV = 1000464004 STRUCTURE_TYPE_OPTICAL_FLOW_EXECUTE_INFO_NV = 1000464005 STRUCTURE_TYPE_OPTICAL_FLOW_SESSION_CREATE_PRIVATE_DATA_INFO_NV = 1000464010 STRUCTURE_TYPE_PHYSICAL_DEVICE_LEGACY_DITHERING_FEATURES_EXT = 1000465000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_PROTECTED_ACCESS_FEATURES_EXT = 1000466000 STRUCTURE_TYPE_PHYSICAL_DEVICE_TILE_PROPERTIES_FEATURES_QCOM = 1000484000 STRUCTURE_TYPE_TILE_PROPERTIES_QCOM = 1000484001 STRUCTURE_TYPE_PHYSICAL_DEVICE_AMIGO_PROFILING_FEATURES_SEC = 1000485000 STRUCTURE_TYPE_AMIGO_PROFILING_SUBMIT_INFO_SEC = 1000485001 STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_PER_VIEW_VIEWPORTS_FEATURES_QCOM = 1000488000 STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_INVOCATION_REORDER_FEATURES_NV = 1000490000 STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_INVOCATION_REORDER_PROPERTIES_NV = 1000490001 STRUCTURE_TYPE_PHYSICAL_DEVICE_MUTABLE_DESCRIPTOR_TYPE_FEATURES_EXT = 1000351000 STRUCTURE_TYPE_MUTABLE_DESCRIPTOR_TYPE_CREATE_INFO_EXT = 1000351002 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CORE_BUILTINS_FEATURES_ARM = 1000497000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CORE_BUILTINS_PROPERTIES_ARM = 1000497001 STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_LIBRARY_GROUP_HANDLES_FEATURES_EXT = 1000498000 end @cenum SubpassContents::UInt32 begin SUBPASS_CONTENTS_INLINE = 0 SUBPASS_CONTENTS_SECONDARY_COMMAND_BUFFERS = 1 end @cenum Result::Int32 begin SUCCESS = 0 NOT_READY = 1 TIMEOUT = 2 EVENT_SET = 3 EVENT_RESET = 4 INCOMPLETE = 5 ERROR_OUT_OF_HOST_MEMORY = -1 ERROR_OUT_OF_DEVICE_MEMORY = -2 ERROR_INITIALIZATION_FAILED = -3 ERROR_DEVICE_LOST = -4 ERROR_MEMORY_MAP_FAILED = -5 ERROR_LAYER_NOT_PRESENT = -6 ERROR_EXTENSION_NOT_PRESENT = -7 ERROR_FEATURE_NOT_PRESENT = -8 ERROR_INCOMPATIBLE_DRIVER = -9 ERROR_TOO_MANY_OBJECTS = -10 ERROR_FORMAT_NOT_SUPPORTED = -11 ERROR_FRAGMENTED_POOL = -12 ERROR_UNKNOWN = -13 ERROR_OUT_OF_POOL_MEMORY = -1000069000 ERROR_INVALID_EXTERNAL_HANDLE = -1000072003 ERROR_FRAGMENTATION = -1000161000 ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS = -1000257000 PIPELINE_COMPILE_REQUIRED = 1000297000 ERROR_SURFACE_LOST_KHR = -1000000000 ERROR_NATIVE_WINDOW_IN_USE_KHR = -1000000001 SUBOPTIMAL_KHR = 1000001003 ERROR_OUT_OF_DATE_KHR = -1000001004 ERROR_INCOMPATIBLE_DISPLAY_KHR = -1000003001 ERROR_VALIDATION_FAILED_EXT = -1000011001 ERROR_INVALID_SHADER_NV = -1000012000 ERROR_IMAGE_USAGE_NOT_SUPPORTED_KHR = -1000023000 ERROR_VIDEO_PICTURE_LAYOUT_NOT_SUPPORTED_KHR = -1000023001 ERROR_VIDEO_PROFILE_OPERATION_NOT_SUPPORTED_KHR = -1000023002 ERROR_VIDEO_PROFILE_FORMAT_NOT_SUPPORTED_KHR = -1000023003 ERROR_VIDEO_PROFILE_CODEC_NOT_SUPPORTED_KHR = -1000023004 ERROR_VIDEO_STD_VERSION_NOT_SUPPORTED_KHR = -1000023005 ERROR_INVALID_DRM_FORMAT_MODIFIER_PLANE_LAYOUT_EXT = -1000158000 ERROR_NOT_PERMITTED_KHR = -1000174001 ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT = -1000255000 THREAD_IDLE_KHR = 1000268000 THREAD_DONE_KHR = 1000268001 OPERATION_DEFERRED_KHR = 1000268002 OPERATION_NOT_DEFERRED_KHR = 1000268003 ERROR_COMPRESSION_EXHAUSTED_EXT = -1000338000 end @cenum DynamicState::UInt32 begin DYNAMIC_STATE_VIEWPORT = 0 DYNAMIC_STATE_SCISSOR = 1 DYNAMIC_STATE_LINE_WIDTH = 2 DYNAMIC_STATE_DEPTH_BIAS = 3 DYNAMIC_STATE_BLEND_CONSTANTS = 4 DYNAMIC_STATE_DEPTH_BOUNDS = 5 DYNAMIC_STATE_STENCIL_COMPARE_MASK = 6 DYNAMIC_STATE_STENCIL_WRITE_MASK = 7 DYNAMIC_STATE_STENCIL_REFERENCE = 8 DYNAMIC_STATE_CULL_MODE = 1000267000 DYNAMIC_STATE_FRONT_FACE = 1000267001 DYNAMIC_STATE_PRIMITIVE_TOPOLOGY = 1000267002 DYNAMIC_STATE_VIEWPORT_WITH_COUNT = 1000267003 DYNAMIC_STATE_SCISSOR_WITH_COUNT = 1000267004 DYNAMIC_STATE_VERTEX_INPUT_BINDING_STRIDE = 1000267005 DYNAMIC_STATE_DEPTH_TEST_ENABLE = 1000267006 DYNAMIC_STATE_DEPTH_WRITE_ENABLE = 1000267007 DYNAMIC_STATE_DEPTH_COMPARE_OP = 1000267008 DYNAMIC_STATE_DEPTH_BOUNDS_TEST_ENABLE = 1000267009 DYNAMIC_STATE_STENCIL_TEST_ENABLE = 1000267010 DYNAMIC_STATE_STENCIL_OP = 1000267011 DYNAMIC_STATE_RASTERIZER_DISCARD_ENABLE = 1000377001 DYNAMIC_STATE_DEPTH_BIAS_ENABLE = 1000377002 DYNAMIC_STATE_PRIMITIVE_RESTART_ENABLE = 1000377004 DYNAMIC_STATE_VIEWPORT_W_SCALING_NV = 1000087000 DYNAMIC_STATE_DISCARD_RECTANGLE_EXT = 1000099000 DYNAMIC_STATE_SAMPLE_LOCATIONS_EXT = 1000143000 DYNAMIC_STATE_RAY_TRACING_PIPELINE_STACK_SIZE_KHR = 1000347000 DYNAMIC_STATE_VIEWPORT_SHADING_RATE_PALETTE_NV = 1000164004 DYNAMIC_STATE_VIEWPORT_COARSE_SAMPLE_ORDER_NV = 1000164006 DYNAMIC_STATE_EXCLUSIVE_SCISSOR_NV = 1000205001 DYNAMIC_STATE_FRAGMENT_SHADING_RATE_KHR = 1000226000 DYNAMIC_STATE_LINE_STIPPLE_EXT = 1000259000 DYNAMIC_STATE_VERTEX_INPUT_EXT = 1000352000 DYNAMIC_STATE_PATCH_CONTROL_POINTS_EXT = 1000377000 DYNAMIC_STATE_LOGIC_OP_EXT = 1000377003 DYNAMIC_STATE_COLOR_WRITE_ENABLE_EXT = 1000381000 DYNAMIC_STATE_TESSELLATION_DOMAIN_ORIGIN_EXT = 1000455002 DYNAMIC_STATE_DEPTH_CLAMP_ENABLE_EXT = 1000455003 DYNAMIC_STATE_POLYGON_MODE_EXT = 1000455004 DYNAMIC_STATE_RASTERIZATION_SAMPLES_EXT = 1000455005 DYNAMIC_STATE_SAMPLE_MASK_EXT = 1000455006 DYNAMIC_STATE_ALPHA_TO_COVERAGE_ENABLE_EXT = 1000455007 DYNAMIC_STATE_ALPHA_TO_ONE_ENABLE_EXT = 1000455008 DYNAMIC_STATE_LOGIC_OP_ENABLE_EXT = 1000455009 DYNAMIC_STATE_COLOR_BLEND_ENABLE_EXT = 1000455010 DYNAMIC_STATE_COLOR_BLEND_EQUATION_EXT = 1000455011 DYNAMIC_STATE_COLOR_WRITE_MASK_EXT = 1000455012 DYNAMIC_STATE_RASTERIZATION_STREAM_EXT = 1000455013 DYNAMIC_STATE_CONSERVATIVE_RASTERIZATION_MODE_EXT = 1000455014 DYNAMIC_STATE_EXTRA_PRIMITIVE_OVERESTIMATION_SIZE_EXT = 1000455015 DYNAMIC_STATE_DEPTH_CLIP_ENABLE_EXT = 1000455016 DYNAMIC_STATE_SAMPLE_LOCATIONS_ENABLE_EXT = 1000455017 DYNAMIC_STATE_COLOR_BLEND_ADVANCED_EXT = 1000455018 DYNAMIC_STATE_PROVOKING_VERTEX_MODE_EXT = 1000455019 DYNAMIC_STATE_LINE_RASTERIZATION_MODE_EXT = 1000455020 DYNAMIC_STATE_LINE_STIPPLE_ENABLE_EXT = 1000455021 DYNAMIC_STATE_DEPTH_CLIP_NEGATIVE_ONE_TO_ONE_EXT = 1000455022 DYNAMIC_STATE_VIEWPORT_W_SCALING_ENABLE_NV = 1000455023 DYNAMIC_STATE_VIEWPORT_SWIZZLE_NV = 1000455024 DYNAMIC_STATE_COVERAGE_TO_COLOR_ENABLE_NV = 1000455025 DYNAMIC_STATE_COVERAGE_TO_COLOR_LOCATION_NV = 1000455026 DYNAMIC_STATE_COVERAGE_MODULATION_MODE_NV = 1000455027 DYNAMIC_STATE_COVERAGE_MODULATION_TABLE_ENABLE_NV = 1000455028 DYNAMIC_STATE_COVERAGE_MODULATION_TABLE_NV = 1000455029 DYNAMIC_STATE_SHADING_RATE_IMAGE_ENABLE_NV = 1000455030 DYNAMIC_STATE_REPRESENTATIVE_FRAGMENT_TEST_ENABLE_NV = 1000455031 DYNAMIC_STATE_COVERAGE_REDUCTION_MODE_NV = 1000455032 end @cenum DescriptorUpdateTemplateType::UInt32 begin DESCRIPTOR_UPDATE_TEMPLATE_TYPE_DESCRIPTOR_SET = 0 DESCRIPTOR_UPDATE_TEMPLATE_TYPE_PUSH_DESCRIPTORS_KHR = 1 end @cenum ObjectType::UInt32 begin OBJECT_TYPE_UNKNOWN = 0 OBJECT_TYPE_INSTANCE = 1 OBJECT_TYPE_PHYSICAL_DEVICE = 2 OBJECT_TYPE_DEVICE = 3 OBJECT_TYPE_QUEUE = 4 OBJECT_TYPE_SEMAPHORE = 5 OBJECT_TYPE_COMMAND_BUFFER = 6 OBJECT_TYPE_FENCE = 7 OBJECT_TYPE_DEVICE_MEMORY = 8 OBJECT_TYPE_BUFFER = 9 OBJECT_TYPE_IMAGE = 10 OBJECT_TYPE_EVENT = 11 OBJECT_TYPE_QUERY_POOL = 12 OBJECT_TYPE_BUFFER_VIEW = 13 OBJECT_TYPE_IMAGE_VIEW = 14 OBJECT_TYPE_SHADER_MODULE = 15 OBJECT_TYPE_PIPELINE_CACHE = 16 OBJECT_TYPE_PIPELINE_LAYOUT = 17 OBJECT_TYPE_RENDER_PASS = 18 OBJECT_TYPE_PIPELINE = 19 OBJECT_TYPE_DESCRIPTOR_SET_LAYOUT = 20 OBJECT_TYPE_SAMPLER = 21 OBJECT_TYPE_DESCRIPTOR_POOL = 22 OBJECT_TYPE_DESCRIPTOR_SET = 23 OBJECT_TYPE_FRAMEBUFFER = 24 OBJECT_TYPE_COMMAND_POOL = 25 OBJECT_TYPE_SAMPLER_YCBCR_CONVERSION = 1000156000 OBJECT_TYPE_DESCRIPTOR_UPDATE_TEMPLATE = 1000085000 OBJECT_TYPE_PRIVATE_DATA_SLOT = 1000295000 OBJECT_TYPE_SURFACE_KHR = 1000000000 OBJECT_TYPE_SWAPCHAIN_KHR = 1000001000 OBJECT_TYPE_DISPLAY_KHR = 1000002000 OBJECT_TYPE_DISPLAY_MODE_KHR = 1000002001 OBJECT_TYPE_DEBUG_REPORT_CALLBACK_EXT = 1000011000 OBJECT_TYPE_VIDEO_SESSION_KHR = 1000023000 OBJECT_TYPE_VIDEO_SESSION_PARAMETERS_KHR = 1000023001 OBJECT_TYPE_CU_MODULE_NVX = 1000029000 OBJECT_TYPE_CU_FUNCTION_NVX = 1000029001 OBJECT_TYPE_DEBUG_UTILS_MESSENGER_EXT = 1000128000 OBJECT_TYPE_ACCELERATION_STRUCTURE_KHR = 1000150000 OBJECT_TYPE_VALIDATION_CACHE_EXT = 1000160000 OBJECT_TYPE_ACCELERATION_STRUCTURE_NV = 1000165000 OBJECT_TYPE_PERFORMANCE_CONFIGURATION_INTEL = 1000210000 OBJECT_TYPE_DEFERRED_OPERATION_KHR = 1000268000 OBJECT_TYPE_INDIRECT_COMMANDS_LAYOUT_NV = 1000277000 OBJECT_TYPE_BUFFER_COLLECTION_FUCHSIA = 1000366000 OBJECT_TYPE_MICROMAP_EXT = 1000396000 OBJECT_TYPE_OPTICAL_FLOW_SESSION_NV = 1000464000 end @cenum RayTracingInvocationReorderModeNV::UInt32 begin RAY_TRACING_INVOCATION_REORDER_MODE_NONE_NV = 0 RAY_TRACING_INVOCATION_REORDER_MODE_REORDER_NV = 1 end @cenum DirectDriverLoadingModeLUNARG::UInt32 begin DIRECT_DRIVER_LOADING_MODE_EXCLUSIVE_LUNARG = 0 DIRECT_DRIVER_LOADING_MODE_INCLUSIVE_LUNARG = 1 end @cenum SemaphoreType::UInt32 begin SEMAPHORE_TYPE_BINARY = 0 SEMAPHORE_TYPE_TIMELINE = 1 end @cenum PresentModeKHR::UInt32 begin PRESENT_MODE_IMMEDIATE_KHR = 0 PRESENT_MODE_MAILBOX_KHR = 1 PRESENT_MODE_FIFO_KHR = 2 PRESENT_MODE_FIFO_RELAXED_KHR = 3 PRESENT_MODE_SHARED_DEMAND_REFRESH_KHR = 1000111000 PRESENT_MODE_SHARED_CONTINUOUS_REFRESH_KHR = 1000111001 end @cenum ColorSpaceKHR::UInt32 begin COLOR_SPACE_SRGB_NONLINEAR_KHR = 0 COLOR_SPACE_DISPLAY_P3_NONLINEAR_EXT = 1000104001 COLOR_SPACE_EXTENDED_SRGB_LINEAR_EXT = 1000104002 COLOR_SPACE_DISPLAY_P3_LINEAR_EXT = 1000104003 COLOR_SPACE_DCI_P3_NONLINEAR_EXT = 1000104004 COLOR_SPACE_BT709_LINEAR_EXT = 1000104005 COLOR_SPACE_BT709_NONLINEAR_EXT = 1000104006 COLOR_SPACE_BT2020_LINEAR_EXT = 1000104007 COLOR_SPACE_HDR10_ST2084_EXT = 1000104008 COLOR_SPACE_DOLBYVISION_EXT = 1000104009 COLOR_SPACE_HDR10_HLG_EXT = 1000104010 COLOR_SPACE_ADOBERGB_LINEAR_EXT = 1000104011 COLOR_SPACE_ADOBERGB_NONLINEAR_EXT = 1000104012 COLOR_SPACE_PASS_THROUGH_EXT = 1000104013 COLOR_SPACE_EXTENDED_SRGB_NONLINEAR_EXT = 1000104014 COLOR_SPACE_DISPLAY_NATIVE_AMD = 1000213000 end @cenum TimeDomainEXT::UInt32 begin TIME_DOMAIN_DEVICE_EXT = 0 TIME_DOMAIN_CLOCK_MONOTONIC_EXT = 1 TIME_DOMAIN_CLOCK_MONOTONIC_RAW_EXT = 2 TIME_DOMAIN_QUERY_PERFORMANCE_COUNTER_EXT = 3 end @cenum DebugReportObjectTypeEXT::UInt32 begin DEBUG_REPORT_OBJECT_TYPE_UNKNOWN_EXT = 0 DEBUG_REPORT_OBJECT_TYPE_INSTANCE_EXT = 1 DEBUG_REPORT_OBJECT_TYPE_PHYSICAL_DEVICE_EXT = 2 DEBUG_REPORT_OBJECT_TYPE_DEVICE_EXT = 3 DEBUG_REPORT_OBJECT_TYPE_QUEUE_EXT = 4 DEBUG_REPORT_OBJECT_TYPE_SEMAPHORE_EXT = 5 DEBUG_REPORT_OBJECT_TYPE_COMMAND_BUFFER_EXT = 6 DEBUG_REPORT_OBJECT_TYPE_FENCE_EXT = 7 DEBUG_REPORT_OBJECT_TYPE_DEVICE_MEMORY_EXT = 8 DEBUG_REPORT_OBJECT_TYPE_BUFFER_EXT = 9 DEBUG_REPORT_OBJECT_TYPE_IMAGE_EXT = 10 DEBUG_REPORT_OBJECT_TYPE_EVENT_EXT = 11 DEBUG_REPORT_OBJECT_TYPE_QUERY_POOL_EXT = 12 DEBUG_REPORT_OBJECT_TYPE_BUFFER_VIEW_EXT = 13 DEBUG_REPORT_OBJECT_TYPE_IMAGE_VIEW_EXT = 14 DEBUG_REPORT_OBJECT_TYPE_SHADER_MODULE_EXT = 15 DEBUG_REPORT_OBJECT_TYPE_PIPELINE_CACHE_EXT = 16 DEBUG_REPORT_OBJECT_TYPE_PIPELINE_LAYOUT_EXT = 17 DEBUG_REPORT_OBJECT_TYPE_RENDER_PASS_EXT = 18 DEBUG_REPORT_OBJECT_TYPE_PIPELINE_EXT = 19 DEBUG_REPORT_OBJECT_TYPE_DESCRIPTOR_SET_LAYOUT_EXT = 20 DEBUG_REPORT_OBJECT_TYPE_SAMPLER_EXT = 21 DEBUG_REPORT_OBJECT_TYPE_DESCRIPTOR_POOL_EXT = 22 DEBUG_REPORT_OBJECT_TYPE_DESCRIPTOR_SET_EXT = 23 DEBUG_REPORT_OBJECT_TYPE_FRAMEBUFFER_EXT = 24 DEBUG_REPORT_OBJECT_TYPE_COMMAND_POOL_EXT = 25 DEBUG_REPORT_OBJECT_TYPE_SURFACE_KHR_EXT = 26 DEBUG_REPORT_OBJECT_TYPE_SWAPCHAIN_KHR_EXT = 27 DEBUG_REPORT_OBJECT_TYPE_DEBUG_REPORT_CALLBACK_EXT_EXT = 28 DEBUG_REPORT_OBJECT_TYPE_DISPLAY_KHR_EXT = 29 DEBUG_REPORT_OBJECT_TYPE_DISPLAY_MODE_KHR_EXT = 30 DEBUG_REPORT_OBJECT_TYPE_VALIDATION_CACHE_EXT_EXT = 33 DEBUG_REPORT_OBJECT_TYPE_SAMPLER_YCBCR_CONVERSION_EXT = 1000156000 DEBUG_REPORT_OBJECT_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_EXT = 1000085000 DEBUG_REPORT_OBJECT_TYPE_CU_MODULE_NVX_EXT = 1000029000 DEBUG_REPORT_OBJECT_TYPE_CU_FUNCTION_NVX_EXT = 1000029001 DEBUG_REPORT_OBJECT_TYPE_ACCELERATION_STRUCTURE_KHR_EXT = 1000150000 DEBUG_REPORT_OBJECT_TYPE_ACCELERATION_STRUCTURE_NV_EXT = 1000165000 DEBUG_REPORT_OBJECT_TYPE_BUFFER_COLLECTION_FUCHSIA_EXT = 1000366000 end @cenum DeviceMemoryReportEventTypeEXT::UInt32 begin DEVICE_MEMORY_REPORT_EVENT_TYPE_ALLOCATE_EXT = 0 DEVICE_MEMORY_REPORT_EVENT_TYPE_FREE_EXT = 1 DEVICE_MEMORY_REPORT_EVENT_TYPE_IMPORT_EXT = 2 DEVICE_MEMORY_REPORT_EVENT_TYPE_UNIMPORT_EXT = 3 DEVICE_MEMORY_REPORT_EVENT_TYPE_ALLOCATION_FAILED_EXT = 4 end @cenum RasterizationOrderAMD::UInt32 begin RASTERIZATION_ORDER_STRICT_AMD = 0 RASTERIZATION_ORDER_RELAXED_AMD = 1 end @cenum ValidationCheckEXT::UInt32 begin VALIDATION_CHECK_ALL_EXT = 0 VALIDATION_CHECK_SHADERS_EXT = 1 end @cenum ValidationFeatureEnableEXT::UInt32 begin VALIDATION_FEATURE_ENABLE_GPU_ASSISTED_EXT = 0 VALIDATION_FEATURE_ENABLE_GPU_ASSISTED_RESERVE_BINDING_SLOT_EXT = 1 VALIDATION_FEATURE_ENABLE_BEST_PRACTICES_EXT = 2 VALIDATION_FEATURE_ENABLE_DEBUG_PRINTF_EXT = 3 VALIDATION_FEATURE_ENABLE_SYNCHRONIZATION_VALIDATION_EXT = 4 end @cenum ValidationFeatureDisableEXT::UInt32 begin VALIDATION_FEATURE_DISABLE_ALL_EXT = 0 VALIDATION_FEATURE_DISABLE_SHADERS_EXT = 1 VALIDATION_FEATURE_DISABLE_THREAD_SAFETY_EXT = 2 VALIDATION_FEATURE_DISABLE_API_PARAMETERS_EXT = 3 VALIDATION_FEATURE_DISABLE_OBJECT_LIFETIMES_EXT = 4 VALIDATION_FEATURE_DISABLE_CORE_CHECKS_EXT = 5 VALIDATION_FEATURE_DISABLE_UNIQUE_HANDLES_EXT = 6 VALIDATION_FEATURE_DISABLE_SHADER_VALIDATION_CACHE_EXT = 7 end @cenum IndirectCommandsTokenTypeNV::UInt32 begin INDIRECT_COMMANDS_TOKEN_TYPE_SHADER_GROUP_NV = 0 INDIRECT_COMMANDS_TOKEN_TYPE_STATE_FLAGS_NV = 1 INDIRECT_COMMANDS_TOKEN_TYPE_INDEX_BUFFER_NV = 2 INDIRECT_COMMANDS_TOKEN_TYPE_VERTEX_BUFFER_NV = 3 INDIRECT_COMMANDS_TOKEN_TYPE_PUSH_CONSTANT_NV = 4 INDIRECT_COMMANDS_TOKEN_TYPE_DRAW_INDEXED_NV = 5 INDIRECT_COMMANDS_TOKEN_TYPE_DRAW_NV = 6 INDIRECT_COMMANDS_TOKEN_TYPE_DRAW_TASKS_NV = 7 INDIRECT_COMMANDS_TOKEN_TYPE_DRAW_MESH_TASKS_NV = 1000328000 end @cenum DisplayPowerStateEXT::UInt32 begin DISPLAY_POWER_STATE_OFF_EXT = 0 DISPLAY_POWER_STATE_SUSPEND_EXT = 1 DISPLAY_POWER_STATE_ON_EXT = 2 end @cenum DeviceEventTypeEXT::UInt32 begin DEVICE_EVENT_TYPE_DISPLAY_HOTPLUG_EXT = 0 end @cenum DisplayEventTypeEXT::UInt32 begin DISPLAY_EVENT_TYPE_FIRST_PIXEL_OUT_EXT = 0 end @cenum ViewportCoordinateSwizzleNV::UInt32 begin VIEWPORT_COORDINATE_SWIZZLE_POSITIVE_X_NV = 0 VIEWPORT_COORDINATE_SWIZZLE_NEGATIVE_X_NV = 1 VIEWPORT_COORDINATE_SWIZZLE_POSITIVE_Y_NV = 2 VIEWPORT_COORDINATE_SWIZZLE_NEGATIVE_Y_NV = 3 VIEWPORT_COORDINATE_SWIZZLE_POSITIVE_Z_NV = 4 VIEWPORT_COORDINATE_SWIZZLE_NEGATIVE_Z_NV = 5 VIEWPORT_COORDINATE_SWIZZLE_POSITIVE_W_NV = 6 VIEWPORT_COORDINATE_SWIZZLE_NEGATIVE_W_NV = 7 end @cenum DiscardRectangleModeEXT::UInt32 begin DISCARD_RECTANGLE_MODE_INCLUSIVE_EXT = 0 DISCARD_RECTANGLE_MODE_EXCLUSIVE_EXT = 1 end @cenum PointClippingBehavior::UInt32 begin POINT_CLIPPING_BEHAVIOR_ALL_CLIP_PLANES = 0 POINT_CLIPPING_BEHAVIOR_USER_CLIP_PLANES_ONLY = 1 end @cenum SamplerReductionMode::UInt32 begin SAMPLER_REDUCTION_MODE_WEIGHTED_AVERAGE = 0 SAMPLER_REDUCTION_MODE_MIN = 1 SAMPLER_REDUCTION_MODE_MAX = 2 end @cenum TessellationDomainOrigin::UInt32 begin TESSELLATION_DOMAIN_ORIGIN_UPPER_LEFT = 0 TESSELLATION_DOMAIN_ORIGIN_LOWER_LEFT = 1 end @cenum SamplerYcbcrModelConversion::UInt32 begin SAMPLER_YCBCR_MODEL_CONVERSION_RGB_IDENTITY = 0 SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_IDENTITY = 1 SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_709 = 2 SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_601 = 3 SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_2020 = 4 end @cenum SamplerYcbcrRange::UInt32 begin SAMPLER_YCBCR_RANGE_ITU_FULL = 0 SAMPLER_YCBCR_RANGE_ITU_NARROW = 1 end @cenum ChromaLocation::UInt32 begin CHROMA_LOCATION_COSITED_EVEN = 0 CHROMA_LOCATION_MIDPOINT = 1 end @cenum BlendOverlapEXT::UInt32 begin BLEND_OVERLAP_UNCORRELATED_EXT = 0 BLEND_OVERLAP_DISJOINT_EXT = 1 BLEND_OVERLAP_CONJOINT_EXT = 2 end @cenum CoverageModulationModeNV::UInt32 begin COVERAGE_MODULATION_MODE_NONE_NV = 0 COVERAGE_MODULATION_MODE_RGB_NV = 1 COVERAGE_MODULATION_MODE_ALPHA_NV = 2 COVERAGE_MODULATION_MODE_RGBA_NV = 3 end @cenum CoverageReductionModeNV::UInt32 begin COVERAGE_REDUCTION_MODE_MERGE_NV = 0 COVERAGE_REDUCTION_MODE_TRUNCATE_NV = 1 end @cenum ValidationCacheHeaderVersionEXT::UInt32 begin VALIDATION_CACHE_HEADER_VERSION_ONE_EXT = 1 end @cenum ShaderInfoTypeAMD::UInt32 begin SHADER_INFO_TYPE_STATISTICS_AMD = 0 SHADER_INFO_TYPE_BINARY_AMD = 1 SHADER_INFO_TYPE_DISASSEMBLY_AMD = 2 end @cenum QueueGlobalPriorityKHR::UInt32 begin QUEUE_GLOBAL_PRIORITY_LOW_KHR = 128 QUEUE_GLOBAL_PRIORITY_MEDIUM_KHR = 256 QUEUE_GLOBAL_PRIORITY_HIGH_KHR = 512 QUEUE_GLOBAL_PRIORITY_REALTIME_KHR = 1024 end @cenum ConservativeRasterizationModeEXT::UInt32 begin CONSERVATIVE_RASTERIZATION_MODE_DISABLED_EXT = 0 CONSERVATIVE_RASTERIZATION_MODE_OVERESTIMATE_EXT = 1 CONSERVATIVE_RASTERIZATION_MODE_UNDERESTIMATE_EXT = 2 end @cenum VendorId::UInt32 begin VENDOR_ID_VIV = 0x00010001 VENDOR_ID_VSI = 0x00010002 VENDOR_ID_KAZAN = 0x00010003 VENDOR_ID_CODEPLAY = 0x00010004 VENDOR_ID_MESA = 0x00010005 VENDOR_ID_POCL = 0x00010006 end @cenum DriverId::UInt32 begin DRIVER_ID_AMD_PROPRIETARY = 1 DRIVER_ID_AMD_OPEN_SOURCE = 2 DRIVER_ID_MESA_RADV = 3 DRIVER_ID_NVIDIA_PROPRIETARY = 4 DRIVER_ID_INTEL_PROPRIETARY_WINDOWS = 5 DRIVER_ID_INTEL_OPEN_SOURCE_MESA = 6 DRIVER_ID_IMAGINATION_PROPRIETARY = 7 DRIVER_ID_QUALCOMM_PROPRIETARY = 8 DRIVER_ID_ARM_PROPRIETARY = 9 DRIVER_ID_GOOGLE_SWIFTSHADER = 10 DRIVER_ID_GGP_PROPRIETARY = 11 DRIVER_ID_BROADCOM_PROPRIETARY = 12 DRIVER_ID_MESA_LLVMPIPE = 13 DRIVER_ID_MOLTENVK = 14 DRIVER_ID_COREAVI_PROPRIETARY = 15 DRIVER_ID_JUICE_PROPRIETARY = 16 DRIVER_ID_VERISILICON_PROPRIETARY = 17 DRIVER_ID_MESA_TURNIP = 18 DRIVER_ID_MESA_V3DV = 19 DRIVER_ID_MESA_PANVK = 20 DRIVER_ID_SAMSUNG_PROPRIETARY = 21 DRIVER_ID_MESA_VENUS = 22 DRIVER_ID_MESA_DOZEN = 23 DRIVER_ID_MESA_NVK = 24 DRIVER_ID_IMAGINATION_OPEN_SOURCE_MESA = 25 end @cenum ShadingRatePaletteEntryNV::UInt32 begin SHADING_RATE_PALETTE_ENTRY_NO_INVOCATIONS_NV = 0 SHADING_RATE_PALETTE_ENTRY_16_INVOCATIONS_PER_PIXEL_NV = 1 SHADING_RATE_PALETTE_ENTRY_8_INVOCATIONS_PER_PIXEL_NV = 2 SHADING_RATE_PALETTE_ENTRY_4_INVOCATIONS_PER_PIXEL_NV = 3 SHADING_RATE_PALETTE_ENTRY_2_INVOCATIONS_PER_PIXEL_NV = 4 SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_PIXEL_NV = 5 SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_2X1_PIXELS_NV = 6 SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_1X2_PIXELS_NV = 7 SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_2X2_PIXELS_NV = 8 SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_4X2_PIXELS_NV = 9 SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_2X4_PIXELS_NV = 10 SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_4X4_PIXELS_NV = 11 end @cenum CoarseSampleOrderTypeNV::UInt32 begin COARSE_SAMPLE_ORDER_TYPE_DEFAULT_NV = 0 COARSE_SAMPLE_ORDER_TYPE_CUSTOM_NV = 1 COARSE_SAMPLE_ORDER_TYPE_PIXEL_MAJOR_NV = 2 COARSE_SAMPLE_ORDER_TYPE_SAMPLE_MAJOR_NV = 3 end @cenum CopyAccelerationStructureModeKHR::UInt32 begin COPY_ACCELERATION_STRUCTURE_MODE_CLONE_KHR = 0 COPY_ACCELERATION_STRUCTURE_MODE_COMPACT_KHR = 1 COPY_ACCELERATION_STRUCTURE_MODE_SERIALIZE_KHR = 2 COPY_ACCELERATION_STRUCTURE_MODE_DESERIALIZE_KHR = 3 end @cenum BuildAccelerationStructureModeKHR::UInt32 begin BUILD_ACCELERATION_STRUCTURE_MODE_BUILD_KHR = 0 BUILD_ACCELERATION_STRUCTURE_MODE_UPDATE_KHR = 1 end @cenum AccelerationStructureTypeKHR::UInt32 begin ACCELERATION_STRUCTURE_TYPE_TOP_LEVEL_KHR = 0 ACCELERATION_STRUCTURE_TYPE_BOTTOM_LEVEL_KHR = 1 ACCELERATION_STRUCTURE_TYPE_GENERIC_KHR = 2 end @cenum GeometryTypeKHR::UInt32 begin GEOMETRY_TYPE_TRIANGLES_KHR = 0 GEOMETRY_TYPE_AABBS_KHR = 1 GEOMETRY_TYPE_INSTANCES_KHR = 2 end @cenum AccelerationStructureMemoryRequirementsTypeNV::UInt32 begin ACCELERATION_STRUCTURE_MEMORY_REQUIREMENTS_TYPE_OBJECT_NV = 0 ACCELERATION_STRUCTURE_MEMORY_REQUIREMENTS_TYPE_BUILD_SCRATCH_NV = 1 ACCELERATION_STRUCTURE_MEMORY_REQUIREMENTS_TYPE_UPDATE_SCRATCH_NV = 2 end @cenum AccelerationStructureBuildTypeKHR::UInt32 begin ACCELERATION_STRUCTURE_BUILD_TYPE_HOST_KHR = 0 ACCELERATION_STRUCTURE_BUILD_TYPE_DEVICE_KHR = 1 ACCELERATION_STRUCTURE_BUILD_TYPE_HOST_OR_DEVICE_KHR = 2 end @cenum RayTracingShaderGroupTypeKHR::UInt32 begin RAY_TRACING_SHADER_GROUP_TYPE_GENERAL_KHR = 0 RAY_TRACING_SHADER_GROUP_TYPE_TRIANGLES_HIT_GROUP_KHR = 1 RAY_TRACING_SHADER_GROUP_TYPE_PROCEDURAL_HIT_GROUP_KHR = 2 end @cenum AccelerationStructureCompatibilityKHR::UInt32 begin ACCELERATION_STRUCTURE_COMPATIBILITY_COMPATIBLE_KHR = 0 ACCELERATION_STRUCTURE_COMPATIBILITY_INCOMPATIBLE_KHR = 1 end @cenum ShaderGroupShaderKHR::UInt32 begin SHADER_GROUP_SHADER_GENERAL_KHR = 0 SHADER_GROUP_SHADER_CLOSEST_HIT_KHR = 1 SHADER_GROUP_SHADER_ANY_HIT_KHR = 2 SHADER_GROUP_SHADER_INTERSECTION_KHR = 3 end @cenum MemoryOverallocationBehaviorAMD::UInt32 begin MEMORY_OVERALLOCATION_BEHAVIOR_DEFAULT_AMD = 0 MEMORY_OVERALLOCATION_BEHAVIOR_ALLOWED_AMD = 1 MEMORY_OVERALLOCATION_BEHAVIOR_DISALLOWED_AMD = 2 end @cenum ScopeNV::UInt32 begin SCOPE_DEVICE_NV = 1 SCOPE_WORKGROUP_NV = 2 SCOPE_SUBGROUP_NV = 3 SCOPE_QUEUE_FAMILY_NV = 5 end @cenum ComponentTypeNV::UInt32 begin COMPONENT_TYPE_FLOAT16_NV = 0 COMPONENT_TYPE_FLOAT32_NV = 1 COMPONENT_TYPE_FLOAT64_NV = 2 COMPONENT_TYPE_SINT8_NV = 3 COMPONENT_TYPE_SINT16_NV = 4 COMPONENT_TYPE_SINT32_NV = 5 COMPONENT_TYPE_SINT64_NV = 6 COMPONENT_TYPE_UINT8_NV = 7 COMPONENT_TYPE_UINT16_NV = 8 COMPONENT_TYPE_UINT32_NV = 9 COMPONENT_TYPE_UINT64_NV = 10 end @cenum PerformanceCounterScopeKHR::UInt32 begin PERFORMANCE_COUNTER_SCOPE_COMMAND_BUFFER_KHR = 0 PERFORMANCE_COUNTER_SCOPE_RENDER_PASS_KHR = 1 PERFORMANCE_COUNTER_SCOPE_COMMAND_KHR = 2 end @cenum PerformanceCounterUnitKHR::UInt32 begin PERFORMANCE_COUNTER_UNIT_GENERIC_KHR = 0 PERFORMANCE_COUNTER_UNIT_PERCENTAGE_KHR = 1 PERFORMANCE_COUNTER_UNIT_NANOSECONDS_KHR = 2 PERFORMANCE_COUNTER_UNIT_BYTES_KHR = 3 PERFORMANCE_COUNTER_UNIT_BYTES_PER_SECOND_KHR = 4 PERFORMANCE_COUNTER_UNIT_KELVIN_KHR = 5 PERFORMANCE_COUNTER_UNIT_WATTS_KHR = 6 PERFORMANCE_COUNTER_UNIT_VOLTS_KHR = 7 PERFORMANCE_COUNTER_UNIT_AMPS_KHR = 8 PERFORMANCE_COUNTER_UNIT_HERTZ_KHR = 9 PERFORMANCE_COUNTER_UNIT_CYCLES_KHR = 10 end @cenum PerformanceCounterStorageKHR::UInt32 begin PERFORMANCE_COUNTER_STORAGE_INT32_KHR = 0 PERFORMANCE_COUNTER_STORAGE_INT64_KHR = 1 PERFORMANCE_COUNTER_STORAGE_UINT32_KHR = 2 PERFORMANCE_COUNTER_STORAGE_UINT64_KHR = 3 PERFORMANCE_COUNTER_STORAGE_FLOAT32_KHR = 4 PERFORMANCE_COUNTER_STORAGE_FLOAT64_KHR = 5 end @cenum PerformanceConfigurationTypeINTEL::UInt32 begin PERFORMANCE_CONFIGURATION_TYPE_COMMAND_QUEUE_METRICS_DISCOVERY_ACTIVATED_INTEL = 0 end @cenum QueryPoolSamplingModeINTEL::UInt32 begin QUERY_POOL_SAMPLING_MODE_MANUAL_INTEL = 0 end @cenum PerformanceOverrideTypeINTEL::UInt32 begin PERFORMANCE_OVERRIDE_TYPE_NULL_HARDWARE_INTEL = 0 PERFORMANCE_OVERRIDE_TYPE_FLUSH_GPU_CACHES_INTEL = 1 end @cenum PerformanceParameterTypeINTEL::UInt32 begin PERFORMANCE_PARAMETER_TYPE_HW_COUNTERS_SUPPORTED_INTEL = 0 PERFORMANCE_PARAMETER_TYPE_STREAM_MARKER_VALID_BITS_INTEL = 1 end @cenum PerformanceValueTypeINTEL::UInt32 begin PERFORMANCE_VALUE_TYPE_UINT32_INTEL = 0 PERFORMANCE_VALUE_TYPE_UINT64_INTEL = 1 PERFORMANCE_VALUE_TYPE_FLOAT_INTEL = 2 PERFORMANCE_VALUE_TYPE_BOOL_INTEL = 3 PERFORMANCE_VALUE_TYPE_STRING_INTEL = 4 end @cenum ShaderFloatControlsIndependence::UInt32 begin SHADER_FLOAT_CONTROLS_INDEPENDENCE_32_BIT_ONLY = 0 SHADER_FLOAT_CONTROLS_INDEPENDENCE_ALL = 1 SHADER_FLOAT_CONTROLS_INDEPENDENCE_NONE = 2 end @cenum PipelineExecutableStatisticFormatKHR::UInt32 begin PIPELINE_EXECUTABLE_STATISTIC_FORMAT_BOOL32_KHR = 0 PIPELINE_EXECUTABLE_STATISTIC_FORMAT_INT64_KHR = 1 PIPELINE_EXECUTABLE_STATISTIC_FORMAT_UINT64_KHR = 2 PIPELINE_EXECUTABLE_STATISTIC_FORMAT_FLOAT64_KHR = 3 end @cenum LineRasterizationModeEXT::UInt32 begin LINE_RASTERIZATION_MODE_DEFAULT_EXT = 0 LINE_RASTERIZATION_MODE_RECTANGULAR_EXT = 1 LINE_RASTERIZATION_MODE_BRESENHAM_EXT = 2 LINE_RASTERIZATION_MODE_RECTANGULAR_SMOOTH_EXT = 3 end @cenum FragmentShadingRateCombinerOpKHR::UInt32 begin FRAGMENT_SHADING_RATE_COMBINER_OP_KEEP_KHR = 0 FRAGMENT_SHADING_RATE_COMBINER_OP_REPLACE_KHR = 1 FRAGMENT_SHADING_RATE_COMBINER_OP_MIN_KHR = 2 FRAGMENT_SHADING_RATE_COMBINER_OP_MAX_KHR = 3 FRAGMENT_SHADING_RATE_COMBINER_OP_MUL_KHR = 4 end @cenum FragmentShadingRateNV::UInt32 begin FRAGMENT_SHADING_RATE_1_INVOCATION_PER_PIXEL_NV = 0 FRAGMENT_SHADING_RATE_1_INVOCATION_PER_1X2_PIXELS_NV = 1 FRAGMENT_SHADING_RATE_1_INVOCATION_PER_2X1_PIXELS_NV = 4 FRAGMENT_SHADING_RATE_1_INVOCATION_PER_2X2_PIXELS_NV = 5 FRAGMENT_SHADING_RATE_1_INVOCATION_PER_2X4_PIXELS_NV = 6 FRAGMENT_SHADING_RATE_1_INVOCATION_PER_4X2_PIXELS_NV = 9 FRAGMENT_SHADING_RATE_1_INVOCATION_PER_4X4_PIXELS_NV = 10 FRAGMENT_SHADING_RATE_2_INVOCATIONS_PER_PIXEL_NV = 11 FRAGMENT_SHADING_RATE_4_INVOCATIONS_PER_PIXEL_NV = 12 FRAGMENT_SHADING_RATE_8_INVOCATIONS_PER_PIXEL_NV = 13 FRAGMENT_SHADING_RATE_16_INVOCATIONS_PER_PIXEL_NV = 14 FRAGMENT_SHADING_RATE_NO_INVOCATIONS_NV = 15 end @cenum FragmentShadingRateTypeNV::UInt32 begin FRAGMENT_SHADING_RATE_TYPE_FRAGMENT_SIZE_NV = 0 FRAGMENT_SHADING_RATE_TYPE_ENUMS_NV = 1 end @cenum SubpassMergeStatusEXT::UInt32 begin SUBPASS_MERGE_STATUS_MERGED_EXT = 0 SUBPASS_MERGE_STATUS_DISALLOWED_EXT = 1 SUBPASS_MERGE_STATUS_NOT_MERGED_SIDE_EFFECTS_EXT = 2 SUBPASS_MERGE_STATUS_NOT_MERGED_SAMPLES_MISMATCH_EXT = 3 SUBPASS_MERGE_STATUS_NOT_MERGED_VIEWS_MISMATCH_EXT = 4 SUBPASS_MERGE_STATUS_NOT_MERGED_ALIASING_EXT = 5 SUBPASS_MERGE_STATUS_NOT_MERGED_DEPENDENCIES_EXT = 6 SUBPASS_MERGE_STATUS_NOT_MERGED_INCOMPATIBLE_INPUT_ATTACHMENT_EXT = 7 SUBPASS_MERGE_STATUS_NOT_MERGED_TOO_MANY_ATTACHMENTS_EXT = 8 SUBPASS_MERGE_STATUS_NOT_MERGED_INSUFFICIENT_STORAGE_EXT = 9 SUBPASS_MERGE_STATUS_NOT_MERGED_DEPTH_STENCIL_COUNT_EXT = 10 SUBPASS_MERGE_STATUS_NOT_MERGED_RESOLVE_ATTACHMENT_REUSE_EXT = 11 SUBPASS_MERGE_STATUS_NOT_MERGED_SINGLE_SUBPASS_EXT = 12 SUBPASS_MERGE_STATUS_NOT_MERGED_UNSPECIFIED_EXT = 13 end @cenum ProvokingVertexModeEXT::UInt32 begin PROVOKING_VERTEX_MODE_FIRST_VERTEX_EXT = 0 PROVOKING_VERTEX_MODE_LAST_VERTEX_EXT = 1 end @cenum AccelerationStructureMotionInstanceTypeNV::UInt32 begin ACCELERATION_STRUCTURE_MOTION_INSTANCE_TYPE_STATIC_NV = 0 ACCELERATION_STRUCTURE_MOTION_INSTANCE_TYPE_MATRIX_MOTION_NV = 1 ACCELERATION_STRUCTURE_MOTION_INSTANCE_TYPE_SRT_MOTION_NV = 2 end @cenum DeviceAddressBindingTypeEXT::UInt32 begin DEVICE_ADDRESS_BINDING_TYPE_BIND_EXT = 0 DEVICE_ADDRESS_BINDING_TYPE_UNBIND_EXT = 1 end @cenum QueryResultStatusKHR::Int32 begin QUERY_RESULT_STATUS_ERROR_KHR = -1 QUERY_RESULT_STATUS_NOT_READY_KHR = 0 QUERY_RESULT_STATUS_COMPLETE_KHR = 1 end @cenum PipelineRobustnessBufferBehaviorEXT::UInt32 begin PIPELINE_ROBUSTNESS_BUFFER_BEHAVIOR_DEVICE_DEFAULT_EXT = 0 PIPELINE_ROBUSTNESS_BUFFER_BEHAVIOR_DISABLED_EXT = 1 PIPELINE_ROBUSTNESS_BUFFER_BEHAVIOR_ROBUST_BUFFER_ACCESS_EXT = 2 PIPELINE_ROBUSTNESS_BUFFER_BEHAVIOR_ROBUST_BUFFER_ACCESS_2_EXT = 3 end @cenum PipelineRobustnessImageBehaviorEXT::UInt32 begin PIPELINE_ROBUSTNESS_IMAGE_BEHAVIOR_DEVICE_DEFAULT_EXT = 0 PIPELINE_ROBUSTNESS_IMAGE_BEHAVIOR_DISABLED_EXT = 1 PIPELINE_ROBUSTNESS_IMAGE_BEHAVIOR_ROBUST_IMAGE_ACCESS_EXT = 2 PIPELINE_ROBUSTNESS_IMAGE_BEHAVIOR_ROBUST_IMAGE_ACCESS_2_EXT = 3 end @cenum OpticalFlowPerformanceLevelNV::UInt32 begin OPTICAL_FLOW_PERFORMANCE_LEVEL_UNKNOWN_NV = 0 OPTICAL_FLOW_PERFORMANCE_LEVEL_SLOW_NV = 1 OPTICAL_FLOW_PERFORMANCE_LEVEL_MEDIUM_NV = 2 OPTICAL_FLOW_PERFORMANCE_LEVEL_FAST_NV = 3 end @cenum OpticalFlowSessionBindingPointNV::UInt32 begin OPTICAL_FLOW_SESSION_BINDING_POINT_UNKNOWN_NV = 0 OPTICAL_FLOW_SESSION_BINDING_POINT_INPUT_NV = 1 OPTICAL_FLOW_SESSION_BINDING_POINT_REFERENCE_NV = 2 OPTICAL_FLOW_SESSION_BINDING_POINT_HINT_NV = 3 OPTICAL_FLOW_SESSION_BINDING_POINT_FLOW_VECTOR_NV = 4 OPTICAL_FLOW_SESSION_BINDING_POINT_BACKWARD_FLOW_VECTOR_NV = 5 OPTICAL_FLOW_SESSION_BINDING_POINT_COST_NV = 6 OPTICAL_FLOW_SESSION_BINDING_POINT_BACKWARD_COST_NV = 7 OPTICAL_FLOW_SESSION_BINDING_POINT_GLOBAL_FLOW_NV = 8 end @cenum MicromapTypeEXT::UInt32 begin MICROMAP_TYPE_OPACITY_MICROMAP_EXT = 0 end @cenum CopyMicromapModeEXT::UInt32 begin COPY_MICROMAP_MODE_CLONE_EXT = 0 COPY_MICROMAP_MODE_SERIALIZE_EXT = 1 COPY_MICROMAP_MODE_DESERIALIZE_EXT = 2 COPY_MICROMAP_MODE_COMPACT_EXT = 3 end @cenum BuildMicromapModeEXT::UInt32 begin BUILD_MICROMAP_MODE_BUILD_EXT = 0 end @cenum OpacityMicromapFormatEXT::UInt32 begin OPACITY_MICROMAP_FORMAT_2_STATE_EXT = 1 OPACITY_MICROMAP_FORMAT_4_STATE_EXT = 2 end @cenum OpacityMicromapSpecialIndexEXT::Int32 begin OPACITY_MICROMAP_SPECIAL_INDEX_FULLY_TRANSPARENT_EXT = -1 OPACITY_MICROMAP_SPECIAL_INDEX_FULLY_OPAQUE_EXT = -2 OPACITY_MICROMAP_SPECIAL_INDEX_FULLY_UNKNOWN_TRANSPARENT_EXT = -3 OPACITY_MICROMAP_SPECIAL_INDEX_FULLY_UNKNOWN_OPAQUE_EXT = -4 end @cenum DeviceFaultAddressTypeEXT::UInt32 begin DEVICE_FAULT_ADDRESS_TYPE_NONE_EXT = 0 DEVICE_FAULT_ADDRESS_TYPE_READ_INVALID_EXT = 1 DEVICE_FAULT_ADDRESS_TYPE_WRITE_INVALID_EXT = 2 DEVICE_FAULT_ADDRESS_TYPE_EXECUTE_INVALID_EXT = 3 DEVICE_FAULT_ADDRESS_TYPE_INSTRUCTION_POINTER_UNKNOWN_EXT = 4 DEVICE_FAULT_ADDRESS_TYPE_INSTRUCTION_POINTER_INVALID_EXT = 5 DEVICE_FAULT_ADDRESS_TYPE_INSTRUCTION_POINTER_FAULT_EXT = 6 end @cenum DeviceFaultVendorBinaryHeaderVersionEXT::UInt32 begin DEVICE_FAULT_VENDOR_BINARY_HEADER_VERSION_ONE_EXT = 1 end convert(T::Type{UInt32}, x::ImageLayout) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::AttachmentLoadOp) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::AttachmentStoreOp) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ImageType) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ImageTiling) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ImageViewType) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::CommandBufferLevel) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ComponentSwizzle) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::DescriptorType) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::QueryType) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::BorderColor) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PipelineBindPoint) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PipelineCacheHeaderVersion) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PrimitiveTopology) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::SharingMode) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::IndexType) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::Filter) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::SamplerMipmapMode) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::SamplerAddressMode) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::CompareOp) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PolygonMode) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::FrontFace) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::BlendFactor) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::BlendOp) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::StencilOp) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::LogicOp) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::InternalAllocationType) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::SystemAllocationScope) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PhysicalDeviceType) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::VertexInputRate) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::Format) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::StructureType) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::SubpassContents) = Base.bitcast(UInt32, x) convert(T::Type{Int32}, x::Result) = Base.bitcast(Int32, x) convert(T::Type{UInt32}, x::DynamicState) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::DescriptorUpdateTemplateType) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ObjectType) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::RayTracingInvocationReorderModeNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::DirectDriverLoadingModeLUNARG) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::SemaphoreType) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PresentModeKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ColorSpaceKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::TimeDomainEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::DebugReportObjectTypeEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::DeviceMemoryReportEventTypeEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::RasterizationOrderAMD) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ValidationCheckEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ValidationFeatureEnableEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ValidationFeatureDisableEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::IndirectCommandsTokenTypeNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::DisplayPowerStateEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::DeviceEventTypeEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::DisplayEventTypeEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ViewportCoordinateSwizzleNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::DiscardRectangleModeEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PointClippingBehavior) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::SamplerReductionMode) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::TessellationDomainOrigin) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::SamplerYcbcrModelConversion) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::SamplerYcbcrRange) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ChromaLocation) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::BlendOverlapEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::CoverageModulationModeNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::CoverageReductionModeNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ValidationCacheHeaderVersionEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ShaderInfoTypeAMD) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::QueueGlobalPriorityKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ConservativeRasterizationModeEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::VendorId) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::DriverId) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ShadingRatePaletteEntryNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::CoarseSampleOrderTypeNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::CopyAccelerationStructureModeKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::BuildAccelerationStructureModeKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::AccelerationStructureTypeKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::GeometryTypeKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::AccelerationStructureMemoryRequirementsTypeNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::AccelerationStructureBuildTypeKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::RayTracingShaderGroupTypeKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::AccelerationStructureCompatibilityKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ShaderGroupShaderKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::MemoryOverallocationBehaviorAMD) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ScopeNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ComponentTypeNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PerformanceCounterScopeKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PerformanceCounterUnitKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PerformanceCounterStorageKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PerformanceConfigurationTypeINTEL) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::QueryPoolSamplingModeINTEL) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PerformanceOverrideTypeINTEL) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PerformanceParameterTypeINTEL) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PerformanceValueTypeINTEL) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ShaderFloatControlsIndependence) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PipelineExecutableStatisticFormatKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::LineRasterizationModeEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::FragmentShadingRateCombinerOpKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::FragmentShadingRateNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::FragmentShadingRateTypeNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::SubpassMergeStatusEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ProvokingVertexModeEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::AccelerationStructureMotionInstanceTypeNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::DeviceAddressBindingTypeEXT) = Base.bitcast(UInt32, x) convert(T::Type{Int32}, x::QueryResultStatusKHR) = Base.bitcast(Int32, x) convert(T::Type{UInt32}, x::PipelineRobustnessBufferBehaviorEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PipelineRobustnessImageBehaviorEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::OpticalFlowPerformanceLevelNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::OpticalFlowSessionBindingPointNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::MicromapTypeEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::CopyMicromapModeEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::BuildMicromapModeEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::OpacityMicromapFormatEXT) = Base.bitcast(UInt32, x) convert(T::Type{Int32}, x::OpacityMicromapSpecialIndexEXT) = Base.bitcast(Int32, x) convert(T::Type{UInt32}, x::DeviceFaultAddressTypeEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::DeviceFaultVendorBinaryHeaderVersionEXT) = Base.bitcast(UInt32, x) convert(T::Type{ImageLayout}, x::UInt32) = Base.bitcast(ImageLayout, x) convert(T::Type{AttachmentLoadOp}, x::UInt32) = Base.bitcast(AttachmentLoadOp, x) convert(T::Type{AttachmentStoreOp}, x::UInt32) = Base.bitcast(AttachmentStoreOp, x) convert(T::Type{ImageType}, x::UInt32) = Base.bitcast(ImageType, x) convert(T::Type{ImageTiling}, x::UInt32) = Base.bitcast(ImageTiling, x) convert(T::Type{ImageViewType}, x::UInt32) = Base.bitcast(ImageViewType, x) convert(T::Type{CommandBufferLevel}, x::UInt32) = Base.bitcast(CommandBufferLevel, x) convert(T::Type{ComponentSwizzle}, x::UInt32) = Base.bitcast(ComponentSwizzle, x) convert(T::Type{DescriptorType}, x::UInt32) = Base.bitcast(DescriptorType, x) convert(T::Type{QueryType}, x::UInt32) = Base.bitcast(QueryType, x) convert(T::Type{BorderColor}, x::UInt32) = Base.bitcast(BorderColor, x) convert(T::Type{PipelineBindPoint}, x::UInt32) = Base.bitcast(PipelineBindPoint, x) convert(T::Type{PipelineCacheHeaderVersion}, x::UInt32) = Base.bitcast(PipelineCacheHeaderVersion, x) convert(T::Type{PrimitiveTopology}, x::UInt32) = Base.bitcast(PrimitiveTopology, x) convert(T::Type{SharingMode}, x::UInt32) = Base.bitcast(SharingMode, x) convert(T::Type{IndexType}, x::UInt32) = Base.bitcast(IndexType, x) convert(T::Type{Filter}, x::UInt32) = Base.bitcast(Filter, x) convert(T::Type{SamplerMipmapMode}, x::UInt32) = Base.bitcast(SamplerMipmapMode, x) convert(T::Type{SamplerAddressMode}, x::UInt32) = Base.bitcast(SamplerAddressMode, x) convert(T::Type{CompareOp}, x::UInt32) = Base.bitcast(CompareOp, x) convert(T::Type{PolygonMode}, x::UInt32) = Base.bitcast(PolygonMode, x) convert(T::Type{FrontFace}, x::UInt32) = Base.bitcast(FrontFace, x) convert(T::Type{BlendFactor}, x::UInt32) = Base.bitcast(BlendFactor, x) convert(T::Type{BlendOp}, x::UInt32) = Base.bitcast(BlendOp, x) convert(T::Type{StencilOp}, x::UInt32) = Base.bitcast(StencilOp, x) convert(T::Type{LogicOp}, x::UInt32) = Base.bitcast(LogicOp, x) convert(T::Type{InternalAllocationType}, x::UInt32) = Base.bitcast(InternalAllocationType, x) convert(T::Type{SystemAllocationScope}, x::UInt32) = Base.bitcast(SystemAllocationScope, x) convert(T::Type{PhysicalDeviceType}, x::UInt32) = Base.bitcast(PhysicalDeviceType, x) convert(T::Type{VertexInputRate}, x::UInt32) = Base.bitcast(VertexInputRate, x) convert(T::Type{Format}, x::UInt32) = Base.bitcast(Format, x) convert(T::Type{StructureType}, x::UInt32) = Base.bitcast(StructureType, x) convert(T::Type{SubpassContents}, x::UInt32) = Base.bitcast(SubpassContents, x) convert(T::Type{Result}, x::Int32) = Base.bitcast(Result, x) convert(T::Type{DynamicState}, x::UInt32) = Base.bitcast(DynamicState, x) convert(T::Type{DescriptorUpdateTemplateType}, x::UInt32) = Base.bitcast(DescriptorUpdateTemplateType, x) convert(T::Type{ObjectType}, x::UInt32) = Base.bitcast(ObjectType, x) convert(T::Type{RayTracingInvocationReorderModeNV}, x::UInt32) = Base.bitcast(RayTracingInvocationReorderModeNV, x) convert(T::Type{DirectDriverLoadingModeLUNARG}, x::UInt32) = Base.bitcast(DirectDriverLoadingModeLUNARG, x) convert(T::Type{SemaphoreType}, x::UInt32) = Base.bitcast(SemaphoreType, x) convert(T::Type{PresentModeKHR}, x::UInt32) = Base.bitcast(PresentModeKHR, x) convert(T::Type{ColorSpaceKHR}, x::UInt32) = Base.bitcast(ColorSpaceKHR, x) convert(T::Type{TimeDomainEXT}, x::UInt32) = Base.bitcast(TimeDomainEXT, x) convert(T::Type{DebugReportObjectTypeEXT}, x::UInt32) = Base.bitcast(DebugReportObjectTypeEXT, x) convert(T::Type{DeviceMemoryReportEventTypeEXT}, x::UInt32) = Base.bitcast(DeviceMemoryReportEventTypeEXT, x) convert(T::Type{RasterizationOrderAMD}, x::UInt32) = Base.bitcast(RasterizationOrderAMD, x) convert(T::Type{ValidationCheckEXT}, x::UInt32) = Base.bitcast(ValidationCheckEXT, x) convert(T::Type{ValidationFeatureEnableEXT}, x::UInt32) = Base.bitcast(ValidationFeatureEnableEXT, x) convert(T::Type{ValidationFeatureDisableEXT}, x::UInt32) = Base.bitcast(ValidationFeatureDisableEXT, x) convert(T::Type{IndirectCommandsTokenTypeNV}, x::UInt32) = Base.bitcast(IndirectCommandsTokenTypeNV, x) convert(T::Type{DisplayPowerStateEXT}, x::UInt32) = Base.bitcast(DisplayPowerStateEXT, x) convert(T::Type{DeviceEventTypeEXT}, x::UInt32) = Base.bitcast(DeviceEventTypeEXT, x) convert(T::Type{DisplayEventTypeEXT}, x::UInt32) = Base.bitcast(DisplayEventTypeEXT, x) convert(T::Type{ViewportCoordinateSwizzleNV}, x::UInt32) = Base.bitcast(ViewportCoordinateSwizzleNV, x) convert(T::Type{DiscardRectangleModeEXT}, x::UInt32) = Base.bitcast(DiscardRectangleModeEXT, x) convert(T::Type{PointClippingBehavior}, x::UInt32) = Base.bitcast(PointClippingBehavior, x) convert(T::Type{SamplerReductionMode}, x::UInt32) = Base.bitcast(SamplerReductionMode, x) convert(T::Type{TessellationDomainOrigin}, x::UInt32) = Base.bitcast(TessellationDomainOrigin, x) convert(T::Type{SamplerYcbcrModelConversion}, x::UInt32) = Base.bitcast(SamplerYcbcrModelConversion, x) convert(T::Type{SamplerYcbcrRange}, x::UInt32) = Base.bitcast(SamplerYcbcrRange, x) convert(T::Type{ChromaLocation}, x::UInt32) = Base.bitcast(ChromaLocation, x) convert(T::Type{BlendOverlapEXT}, x::UInt32) = Base.bitcast(BlendOverlapEXT, x) convert(T::Type{CoverageModulationModeNV}, x::UInt32) = Base.bitcast(CoverageModulationModeNV, x) convert(T::Type{CoverageReductionModeNV}, x::UInt32) = Base.bitcast(CoverageReductionModeNV, x) convert(T::Type{ValidationCacheHeaderVersionEXT}, x::UInt32) = Base.bitcast(ValidationCacheHeaderVersionEXT, x) convert(T::Type{ShaderInfoTypeAMD}, x::UInt32) = Base.bitcast(ShaderInfoTypeAMD, x) convert(T::Type{QueueGlobalPriorityKHR}, x::UInt32) = Base.bitcast(QueueGlobalPriorityKHR, x) convert(T::Type{ConservativeRasterizationModeEXT}, x::UInt32) = Base.bitcast(ConservativeRasterizationModeEXT, x) convert(T::Type{VendorId}, x::UInt32) = Base.bitcast(VendorId, x) convert(T::Type{DriverId}, x::UInt32) = Base.bitcast(DriverId, x) convert(T::Type{ShadingRatePaletteEntryNV}, x::UInt32) = Base.bitcast(ShadingRatePaletteEntryNV, x) convert(T::Type{CoarseSampleOrderTypeNV}, x::UInt32) = Base.bitcast(CoarseSampleOrderTypeNV, x) convert(T::Type{CopyAccelerationStructureModeKHR}, x::UInt32) = Base.bitcast(CopyAccelerationStructureModeKHR, x) convert(T::Type{BuildAccelerationStructureModeKHR}, x::UInt32) = Base.bitcast(BuildAccelerationStructureModeKHR, x) convert(T::Type{AccelerationStructureTypeKHR}, x::UInt32) = Base.bitcast(AccelerationStructureTypeKHR, x) convert(T::Type{GeometryTypeKHR}, x::UInt32) = Base.bitcast(GeometryTypeKHR, x) convert(T::Type{AccelerationStructureMemoryRequirementsTypeNV}, x::UInt32) = Base.bitcast(AccelerationStructureMemoryRequirementsTypeNV, x) convert(T::Type{AccelerationStructureBuildTypeKHR}, x::UInt32) = Base.bitcast(AccelerationStructureBuildTypeKHR, x) convert(T::Type{RayTracingShaderGroupTypeKHR}, x::UInt32) = Base.bitcast(RayTracingShaderGroupTypeKHR, x) convert(T::Type{AccelerationStructureCompatibilityKHR}, x::UInt32) = Base.bitcast(AccelerationStructureCompatibilityKHR, x) convert(T::Type{ShaderGroupShaderKHR}, x::UInt32) = Base.bitcast(ShaderGroupShaderKHR, x) convert(T::Type{MemoryOverallocationBehaviorAMD}, x::UInt32) = Base.bitcast(MemoryOverallocationBehaviorAMD, x) convert(T::Type{ScopeNV}, x::UInt32) = Base.bitcast(ScopeNV, x) convert(T::Type{ComponentTypeNV}, x::UInt32) = Base.bitcast(ComponentTypeNV, x) convert(T::Type{PerformanceCounterScopeKHR}, x::UInt32) = Base.bitcast(PerformanceCounterScopeKHR, x) convert(T::Type{PerformanceCounterUnitKHR}, x::UInt32) = Base.bitcast(PerformanceCounterUnitKHR, x) convert(T::Type{PerformanceCounterStorageKHR}, x::UInt32) = Base.bitcast(PerformanceCounterStorageKHR, x) convert(T::Type{PerformanceConfigurationTypeINTEL}, x::UInt32) = Base.bitcast(PerformanceConfigurationTypeINTEL, x) convert(T::Type{QueryPoolSamplingModeINTEL}, x::UInt32) = Base.bitcast(QueryPoolSamplingModeINTEL, x) convert(T::Type{PerformanceOverrideTypeINTEL}, x::UInt32) = Base.bitcast(PerformanceOverrideTypeINTEL, x) convert(T::Type{PerformanceParameterTypeINTEL}, x::UInt32) = Base.bitcast(PerformanceParameterTypeINTEL, x) convert(T::Type{PerformanceValueTypeINTEL}, x::UInt32) = Base.bitcast(PerformanceValueTypeINTEL, x) convert(T::Type{ShaderFloatControlsIndependence}, x::UInt32) = Base.bitcast(ShaderFloatControlsIndependence, x) convert(T::Type{PipelineExecutableStatisticFormatKHR}, x::UInt32) = Base.bitcast(PipelineExecutableStatisticFormatKHR, x) convert(T::Type{LineRasterizationModeEXT}, x::UInt32) = Base.bitcast(LineRasterizationModeEXT, x) convert(T::Type{FragmentShadingRateCombinerOpKHR}, x::UInt32) = Base.bitcast(FragmentShadingRateCombinerOpKHR, x) convert(T::Type{FragmentShadingRateNV}, x::UInt32) = Base.bitcast(FragmentShadingRateNV, x) convert(T::Type{FragmentShadingRateTypeNV}, x::UInt32) = Base.bitcast(FragmentShadingRateTypeNV, x) convert(T::Type{SubpassMergeStatusEXT}, x::UInt32) = Base.bitcast(SubpassMergeStatusEXT, x) convert(T::Type{ProvokingVertexModeEXT}, x::UInt32) = Base.bitcast(ProvokingVertexModeEXT, x) convert(T::Type{AccelerationStructureMotionInstanceTypeNV}, x::UInt32) = Base.bitcast(AccelerationStructureMotionInstanceTypeNV, x) convert(T::Type{DeviceAddressBindingTypeEXT}, x::UInt32) = Base.bitcast(DeviceAddressBindingTypeEXT, x) convert(T::Type{QueryResultStatusKHR}, x::Int32) = Base.bitcast(QueryResultStatusKHR, x) convert(T::Type{PipelineRobustnessBufferBehaviorEXT}, x::UInt32) = Base.bitcast(PipelineRobustnessBufferBehaviorEXT, x) convert(T::Type{PipelineRobustnessImageBehaviorEXT}, x::UInt32) = Base.bitcast(PipelineRobustnessImageBehaviorEXT, x) convert(T::Type{OpticalFlowPerformanceLevelNV}, x::UInt32) = Base.bitcast(OpticalFlowPerformanceLevelNV, x) convert(T::Type{OpticalFlowSessionBindingPointNV}, x::UInt32) = Base.bitcast(OpticalFlowSessionBindingPointNV, x) convert(T::Type{MicromapTypeEXT}, x::UInt32) = Base.bitcast(MicromapTypeEXT, x) convert(T::Type{CopyMicromapModeEXT}, x::UInt32) = Base.bitcast(CopyMicromapModeEXT, x) convert(T::Type{BuildMicromapModeEXT}, x::UInt32) = Base.bitcast(BuildMicromapModeEXT, x) convert(T::Type{OpacityMicromapFormatEXT}, x::UInt32) = Base.bitcast(OpacityMicromapFormatEXT, x) convert(T::Type{OpacityMicromapSpecialIndexEXT}, x::Int32) = Base.bitcast(OpacityMicromapSpecialIndexEXT, x) convert(T::Type{DeviceFaultAddressTypeEXT}, x::UInt32) = Base.bitcast(DeviceFaultAddressTypeEXT, x) convert(T::Type{DeviceFaultVendorBinaryHeaderVersionEXT}, x::UInt32) = Base.bitcast(DeviceFaultVendorBinaryHeaderVersionEXT, x) convert(T::Type{ImageLayout}, x::VkImageLayout) = Base.bitcast(ImageLayout, x) convert(T::Type{AttachmentLoadOp}, x::VkAttachmentLoadOp) = Base.bitcast(AttachmentLoadOp, x) convert(T::Type{AttachmentStoreOp}, x::VkAttachmentStoreOp) = Base.bitcast(AttachmentStoreOp, x) convert(T::Type{ImageType}, x::VkImageType) = Base.bitcast(ImageType, x) convert(T::Type{ImageTiling}, x::VkImageTiling) = Base.bitcast(ImageTiling, x) convert(T::Type{ImageViewType}, x::VkImageViewType) = Base.bitcast(ImageViewType, x) convert(T::Type{CommandBufferLevel}, x::VkCommandBufferLevel) = Base.bitcast(CommandBufferLevel, x) convert(T::Type{ComponentSwizzle}, x::VkComponentSwizzle) = Base.bitcast(ComponentSwizzle, x) convert(T::Type{DescriptorType}, x::VkDescriptorType) = Base.bitcast(DescriptorType, x) convert(T::Type{QueryType}, x::VkQueryType) = Base.bitcast(QueryType, x) convert(T::Type{BorderColor}, x::VkBorderColor) = Base.bitcast(BorderColor, x) convert(T::Type{PipelineBindPoint}, x::VkPipelineBindPoint) = Base.bitcast(PipelineBindPoint, x) convert(T::Type{PipelineCacheHeaderVersion}, x::VkPipelineCacheHeaderVersion) = Base.bitcast(PipelineCacheHeaderVersion, x) convert(T::Type{PrimitiveTopology}, x::VkPrimitiveTopology) = Base.bitcast(PrimitiveTopology, x) convert(T::Type{SharingMode}, x::VkSharingMode) = Base.bitcast(SharingMode, x) convert(T::Type{IndexType}, x::VkIndexType) = Base.bitcast(IndexType, x) convert(T::Type{Filter}, x::VkFilter) = Base.bitcast(Filter, x) convert(T::Type{SamplerMipmapMode}, x::VkSamplerMipmapMode) = Base.bitcast(SamplerMipmapMode, x) convert(T::Type{SamplerAddressMode}, x::VkSamplerAddressMode) = Base.bitcast(SamplerAddressMode, x) convert(T::Type{CompareOp}, x::VkCompareOp) = Base.bitcast(CompareOp, x) convert(T::Type{PolygonMode}, x::VkPolygonMode) = Base.bitcast(PolygonMode, x) convert(T::Type{FrontFace}, x::VkFrontFace) = Base.bitcast(FrontFace, x) convert(T::Type{BlendFactor}, x::VkBlendFactor) = Base.bitcast(BlendFactor, x) convert(T::Type{BlendOp}, x::VkBlendOp) = Base.bitcast(BlendOp, x) convert(T::Type{StencilOp}, x::VkStencilOp) = Base.bitcast(StencilOp, x) convert(T::Type{LogicOp}, x::VkLogicOp) = Base.bitcast(LogicOp, x) convert(T::Type{InternalAllocationType}, x::VkInternalAllocationType) = Base.bitcast(InternalAllocationType, x) convert(T::Type{SystemAllocationScope}, x::VkSystemAllocationScope) = Base.bitcast(SystemAllocationScope, x) convert(T::Type{PhysicalDeviceType}, x::VkPhysicalDeviceType) = Base.bitcast(PhysicalDeviceType, x) convert(T::Type{VertexInputRate}, x::VkVertexInputRate) = Base.bitcast(VertexInputRate, x) convert(T::Type{Format}, x::VkFormat) = Base.bitcast(Format, x) convert(T::Type{StructureType}, x::VkStructureType) = Base.bitcast(StructureType, x) convert(T::Type{SubpassContents}, x::VkSubpassContents) = Base.bitcast(SubpassContents, x) convert(T::Type{Result}, x::VkResult) = Base.bitcast(Result, x) convert(T::Type{DynamicState}, x::VkDynamicState) = Base.bitcast(DynamicState, x) convert(T::Type{DescriptorUpdateTemplateType}, x::VkDescriptorUpdateTemplateType) = Base.bitcast(DescriptorUpdateTemplateType, x) convert(T::Type{ObjectType}, x::VkObjectType) = Base.bitcast(ObjectType, x) convert(T::Type{RayTracingInvocationReorderModeNV}, x::VkRayTracingInvocationReorderModeNV) = Base.bitcast(RayTracingInvocationReorderModeNV, x) convert(T::Type{DirectDriverLoadingModeLUNARG}, x::VkDirectDriverLoadingModeLUNARG) = Base.bitcast(DirectDriverLoadingModeLUNARG, x) convert(T::Type{SemaphoreType}, x::VkSemaphoreType) = Base.bitcast(SemaphoreType, x) convert(T::Type{PresentModeKHR}, x::VkPresentModeKHR) = Base.bitcast(PresentModeKHR, x) convert(T::Type{ColorSpaceKHR}, x::VkColorSpaceKHR) = Base.bitcast(ColorSpaceKHR, x) convert(T::Type{TimeDomainEXT}, x::VkTimeDomainEXT) = Base.bitcast(TimeDomainEXT, x) convert(T::Type{DebugReportObjectTypeEXT}, x::VkDebugReportObjectTypeEXT) = Base.bitcast(DebugReportObjectTypeEXT, x) convert(T::Type{DeviceMemoryReportEventTypeEXT}, x::VkDeviceMemoryReportEventTypeEXT) = Base.bitcast(DeviceMemoryReportEventTypeEXT, x) convert(T::Type{RasterizationOrderAMD}, x::VkRasterizationOrderAMD) = Base.bitcast(RasterizationOrderAMD, x) convert(T::Type{ValidationCheckEXT}, x::VkValidationCheckEXT) = Base.bitcast(ValidationCheckEXT, x) convert(T::Type{ValidationFeatureEnableEXT}, x::VkValidationFeatureEnableEXT) = Base.bitcast(ValidationFeatureEnableEXT, x) convert(T::Type{ValidationFeatureDisableEXT}, x::VkValidationFeatureDisableEXT) = Base.bitcast(ValidationFeatureDisableEXT, x) convert(T::Type{IndirectCommandsTokenTypeNV}, x::VkIndirectCommandsTokenTypeNV) = Base.bitcast(IndirectCommandsTokenTypeNV, x) convert(T::Type{DisplayPowerStateEXT}, x::VkDisplayPowerStateEXT) = Base.bitcast(DisplayPowerStateEXT, x) convert(T::Type{DeviceEventTypeEXT}, x::VkDeviceEventTypeEXT) = Base.bitcast(DeviceEventTypeEXT, x) convert(T::Type{DisplayEventTypeEXT}, x::VkDisplayEventTypeEXT) = Base.bitcast(DisplayEventTypeEXT, x) convert(T::Type{ViewportCoordinateSwizzleNV}, x::VkViewportCoordinateSwizzleNV) = Base.bitcast(ViewportCoordinateSwizzleNV, x) convert(T::Type{DiscardRectangleModeEXT}, x::VkDiscardRectangleModeEXT) = Base.bitcast(DiscardRectangleModeEXT, x) convert(T::Type{PointClippingBehavior}, x::VkPointClippingBehavior) = Base.bitcast(PointClippingBehavior, x) convert(T::Type{SamplerReductionMode}, x::VkSamplerReductionMode) = Base.bitcast(SamplerReductionMode, x) convert(T::Type{TessellationDomainOrigin}, x::VkTessellationDomainOrigin) = Base.bitcast(TessellationDomainOrigin, x) convert(T::Type{SamplerYcbcrModelConversion}, x::VkSamplerYcbcrModelConversion) = Base.bitcast(SamplerYcbcrModelConversion, x) convert(T::Type{SamplerYcbcrRange}, x::VkSamplerYcbcrRange) = Base.bitcast(SamplerYcbcrRange, x) convert(T::Type{ChromaLocation}, x::VkChromaLocation) = Base.bitcast(ChromaLocation, x) convert(T::Type{BlendOverlapEXT}, x::VkBlendOverlapEXT) = Base.bitcast(BlendOverlapEXT, x) convert(T::Type{CoverageModulationModeNV}, x::VkCoverageModulationModeNV) = Base.bitcast(CoverageModulationModeNV, x) convert(T::Type{CoverageReductionModeNV}, x::VkCoverageReductionModeNV) = Base.bitcast(CoverageReductionModeNV, x) convert(T::Type{ValidationCacheHeaderVersionEXT}, x::VkValidationCacheHeaderVersionEXT) = Base.bitcast(ValidationCacheHeaderVersionEXT, x) convert(T::Type{ShaderInfoTypeAMD}, x::VkShaderInfoTypeAMD) = Base.bitcast(ShaderInfoTypeAMD, x) convert(T::Type{QueueGlobalPriorityKHR}, x::VkQueueGlobalPriorityKHR) = Base.bitcast(QueueGlobalPriorityKHR, x) convert(T::Type{ConservativeRasterizationModeEXT}, x::VkConservativeRasterizationModeEXT) = Base.bitcast(ConservativeRasterizationModeEXT, x) convert(T::Type{VendorId}, x::VkVendorId) = Base.bitcast(VendorId, x) convert(T::Type{DriverId}, x::VkDriverId) = Base.bitcast(DriverId, x) convert(T::Type{ShadingRatePaletteEntryNV}, x::VkShadingRatePaletteEntryNV) = Base.bitcast(ShadingRatePaletteEntryNV, x) convert(T::Type{CoarseSampleOrderTypeNV}, x::VkCoarseSampleOrderTypeNV) = Base.bitcast(CoarseSampleOrderTypeNV, x) convert(T::Type{CopyAccelerationStructureModeKHR}, x::VkCopyAccelerationStructureModeKHR) = Base.bitcast(CopyAccelerationStructureModeKHR, x) convert(T::Type{BuildAccelerationStructureModeKHR}, x::VkBuildAccelerationStructureModeKHR) = Base.bitcast(BuildAccelerationStructureModeKHR, x) convert(T::Type{AccelerationStructureTypeKHR}, x::VkAccelerationStructureTypeKHR) = Base.bitcast(AccelerationStructureTypeKHR, x) convert(T::Type{GeometryTypeKHR}, x::VkGeometryTypeKHR) = Base.bitcast(GeometryTypeKHR, x) convert(T::Type{AccelerationStructureMemoryRequirementsTypeNV}, x::VkAccelerationStructureMemoryRequirementsTypeNV) = Base.bitcast(AccelerationStructureMemoryRequirementsTypeNV, x) convert(T::Type{AccelerationStructureBuildTypeKHR}, x::VkAccelerationStructureBuildTypeKHR) = Base.bitcast(AccelerationStructureBuildTypeKHR, x) convert(T::Type{RayTracingShaderGroupTypeKHR}, x::VkRayTracingShaderGroupTypeKHR) = Base.bitcast(RayTracingShaderGroupTypeKHR, x) convert(T::Type{AccelerationStructureCompatibilityKHR}, x::VkAccelerationStructureCompatibilityKHR) = Base.bitcast(AccelerationStructureCompatibilityKHR, x) convert(T::Type{ShaderGroupShaderKHR}, x::VkShaderGroupShaderKHR) = Base.bitcast(ShaderGroupShaderKHR, x) convert(T::Type{MemoryOverallocationBehaviorAMD}, x::VkMemoryOverallocationBehaviorAMD) = Base.bitcast(MemoryOverallocationBehaviorAMD, x) convert(T::Type{ScopeNV}, x::VkScopeNV) = Base.bitcast(ScopeNV, x) convert(T::Type{ComponentTypeNV}, x::VkComponentTypeNV) = Base.bitcast(ComponentTypeNV, x) convert(T::Type{PerformanceCounterScopeKHR}, x::VkPerformanceCounterScopeKHR) = Base.bitcast(PerformanceCounterScopeKHR, x) convert(T::Type{PerformanceCounterUnitKHR}, x::VkPerformanceCounterUnitKHR) = Base.bitcast(PerformanceCounterUnitKHR, x) convert(T::Type{PerformanceCounterStorageKHR}, x::VkPerformanceCounterStorageKHR) = Base.bitcast(PerformanceCounterStorageKHR, x) convert(T::Type{PerformanceConfigurationTypeINTEL}, x::VkPerformanceConfigurationTypeINTEL) = Base.bitcast(PerformanceConfigurationTypeINTEL, x) convert(T::Type{QueryPoolSamplingModeINTEL}, x::VkQueryPoolSamplingModeINTEL) = Base.bitcast(QueryPoolSamplingModeINTEL, x) convert(T::Type{PerformanceOverrideTypeINTEL}, x::VkPerformanceOverrideTypeINTEL) = Base.bitcast(PerformanceOverrideTypeINTEL, x) convert(T::Type{PerformanceParameterTypeINTEL}, x::VkPerformanceParameterTypeINTEL) = Base.bitcast(PerformanceParameterTypeINTEL, x) convert(T::Type{PerformanceValueTypeINTEL}, x::VkPerformanceValueTypeINTEL) = Base.bitcast(PerformanceValueTypeINTEL, x) convert(T::Type{ShaderFloatControlsIndependence}, x::VkShaderFloatControlsIndependence) = Base.bitcast(ShaderFloatControlsIndependence, x) convert(T::Type{PipelineExecutableStatisticFormatKHR}, x::VkPipelineExecutableStatisticFormatKHR) = Base.bitcast(PipelineExecutableStatisticFormatKHR, x) convert(T::Type{LineRasterizationModeEXT}, x::VkLineRasterizationModeEXT) = Base.bitcast(LineRasterizationModeEXT, x) convert(T::Type{FragmentShadingRateCombinerOpKHR}, x::VkFragmentShadingRateCombinerOpKHR) = Base.bitcast(FragmentShadingRateCombinerOpKHR, x) convert(T::Type{FragmentShadingRateNV}, x::VkFragmentShadingRateNV) = Base.bitcast(FragmentShadingRateNV, x) convert(T::Type{FragmentShadingRateTypeNV}, x::VkFragmentShadingRateTypeNV) = Base.bitcast(FragmentShadingRateTypeNV, x) convert(T::Type{SubpassMergeStatusEXT}, x::VkSubpassMergeStatusEXT) = Base.bitcast(SubpassMergeStatusEXT, x) convert(T::Type{ProvokingVertexModeEXT}, x::VkProvokingVertexModeEXT) = Base.bitcast(ProvokingVertexModeEXT, x) convert(T::Type{AccelerationStructureMotionInstanceTypeNV}, x::VkAccelerationStructureMotionInstanceTypeNV) = Base.bitcast(AccelerationStructureMotionInstanceTypeNV, x) convert(T::Type{DeviceAddressBindingTypeEXT}, x::VkDeviceAddressBindingTypeEXT) = Base.bitcast(DeviceAddressBindingTypeEXT, x) convert(T::Type{QueryResultStatusKHR}, x::VkQueryResultStatusKHR) = Base.bitcast(QueryResultStatusKHR, x) convert(T::Type{PipelineRobustnessBufferBehaviorEXT}, x::VkPipelineRobustnessBufferBehaviorEXT) = Base.bitcast(PipelineRobustnessBufferBehaviorEXT, x) convert(T::Type{PipelineRobustnessImageBehaviorEXT}, x::VkPipelineRobustnessImageBehaviorEXT) = Base.bitcast(PipelineRobustnessImageBehaviorEXT, x) convert(T::Type{OpticalFlowPerformanceLevelNV}, x::VkOpticalFlowPerformanceLevelNV) = Base.bitcast(OpticalFlowPerformanceLevelNV, x) convert(T::Type{OpticalFlowSessionBindingPointNV}, x::VkOpticalFlowSessionBindingPointNV) = Base.bitcast(OpticalFlowSessionBindingPointNV, x) convert(T::Type{MicromapTypeEXT}, x::VkMicromapTypeEXT) = Base.bitcast(MicromapTypeEXT, x) convert(T::Type{CopyMicromapModeEXT}, x::VkCopyMicromapModeEXT) = Base.bitcast(CopyMicromapModeEXT, x) convert(T::Type{BuildMicromapModeEXT}, x::VkBuildMicromapModeEXT) = Base.bitcast(BuildMicromapModeEXT, x) convert(T::Type{OpacityMicromapFormatEXT}, x::VkOpacityMicromapFormatEXT) = Base.bitcast(OpacityMicromapFormatEXT, x) convert(T::Type{OpacityMicromapSpecialIndexEXT}, x::VkOpacityMicromapSpecialIndexEXT) = Base.bitcast(OpacityMicromapSpecialIndexEXT, x) convert(T::Type{DeviceFaultAddressTypeEXT}, x::VkDeviceFaultAddressTypeEXT) = Base.bitcast(DeviceFaultAddressTypeEXT, x) convert(T::Type{DeviceFaultVendorBinaryHeaderVersionEXT}, x::VkDeviceFaultVendorBinaryHeaderVersionEXT) = Base.bitcast(DeviceFaultVendorBinaryHeaderVersionEXT, x) convert(T::Type{VkImageLayout}, x::ImageLayout) = Base.bitcast(VkImageLayout, x) convert(T::Type{VkAttachmentLoadOp}, x::AttachmentLoadOp) = Base.bitcast(VkAttachmentLoadOp, x) convert(T::Type{VkAttachmentStoreOp}, x::AttachmentStoreOp) = Base.bitcast(VkAttachmentStoreOp, x) convert(T::Type{VkImageType}, x::ImageType) = Base.bitcast(VkImageType, x) convert(T::Type{VkImageTiling}, x::ImageTiling) = Base.bitcast(VkImageTiling, x) convert(T::Type{VkImageViewType}, x::ImageViewType) = Base.bitcast(VkImageViewType, x) convert(T::Type{VkCommandBufferLevel}, x::CommandBufferLevel) = Base.bitcast(VkCommandBufferLevel, x) convert(T::Type{VkComponentSwizzle}, x::ComponentSwizzle) = Base.bitcast(VkComponentSwizzle, x) convert(T::Type{VkDescriptorType}, x::DescriptorType) = Base.bitcast(VkDescriptorType, x) convert(T::Type{VkQueryType}, x::QueryType) = Base.bitcast(VkQueryType, x) convert(T::Type{VkBorderColor}, x::BorderColor) = Base.bitcast(VkBorderColor, x) convert(T::Type{VkPipelineBindPoint}, x::PipelineBindPoint) = Base.bitcast(VkPipelineBindPoint, x) convert(T::Type{VkPipelineCacheHeaderVersion}, x::PipelineCacheHeaderVersion) = Base.bitcast(VkPipelineCacheHeaderVersion, x) convert(T::Type{VkPrimitiveTopology}, x::PrimitiveTopology) = Base.bitcast(VkPrimitiveTopology, x) convert(T::Type{VkSharingMode}, x::SharingMode) = Base.bitcast(VkSharingMode, x) convert(T::Type{VkIndexType}, x::IndexType) = Base.bitcast(VkIndexType, x) convert(T::Type{VkFilter}, x::Filter) = Base.bitcast(VkFilter, x) convert(T::Type{VkSamplerMipmapMode}, x::SamplerMipmapMode) = Base.bitcast(VkSamplerMipmapMode, x) convert(T::Type{VkSamplerAddressMode}, x::SamplerAddressMode) = Base.bitcast(VkSamplerAddressMode, x) convert(T::Type{VkCompareOp}, x::CompareOp) = Base.bitcast(VkCompareOp, x) convert(T::Type{VkPolygonMode}, x::PolygonMode) = Base.bitcast(VkPolygonMode, x) convert(T::Type{VkFrontFace}, x::FrontFace) = Base.bitcast(VkFrontFace, x) convert(T::Type{VkBlendFactor}, x::BlendFactor) = Base.bitcast(VkBlendFactor, x) convert(T::Type{VkBlendOp}, x::BlendOp) = Base.bitcast(VkBlendOp, x) convert(T::Type{VkStencilOp}, x::StencilOp) = Base.bitcast(VkStencilOp, x) convert(T::Type{VkLogicOp}, x::LogicOp) = Base.bitcast(VkLogicOp, x) convert(T::Type{VkInternalAllocationType}, x::InternalAllocationType) = Base.bitcast(VkInternalAllocationType, x) convert(T::Type{VkSystemAllocationScope}, x::SystemAllocationScope) = Base.bitcast(VkSystemAllocationScope, x) convert(T::Type{VkPhysicalDeviceType}, x::PhysicalDeviceType) = Base.bitcast(VkPhysicalDeviceType, x) convert(T::Type{VkVertexInputRate}, x::VertexInputRate) = Base.bitcast(VkVertexInputRate, x) convert(T::Type{VkFormat}, x::Format) = Base.bitcast(VkFormat, x) convert(T::Type{VkStructureType}, x::StructureType) = Base.bitcast(VkStructureType, x) convert(T::Type{VkSubpassContents}, x::SubpassContents) = Base.bitcast(VkSubpassContents, x) convert(T::Type{VkResult}, x::Result) = Base.bitcast(VkResult, x) convert(T::Type{VkDynamicState}, x::DynamicState) = Base.bitcast(VkDynamicState, x) convert(T::Type{VkDescriptorUpdateTemplateType}, x::DescriptorUpdateTemplateType) = Base.bitcast(VkDescriptorUpdateTemplateType, x) convert(T::Type{VkObjectType}, x::ObjectType) = Base.bitcast(VkObjectType, x) convert(T::Type{VkRayTracingInvocationReorderModeNV}, x::RayTracingInvocationReorderModeNV) = Base.bitcast(VkRayTracingInvocationReorderModeNV, x) convert(T::Type{VkDirectDriverLoadingModeLUNARG}, x::DirectDriverLoadingModeLUNARG) = Base.bitcast(VkDirectDriverLoadingModeLUNARG, x) convert(T::Type{VkSemaphoreType}, x::SemaphoreType) = Base.bitcast(VkSemaphoreType, x) convert(T::Type{VkPresentModeKHR}, x::PresentModeKHR) = Base.bitcast(VkPresentModeKHR, x) convert(T::Type{VkColorSpaceKHR}, x::ColorSpaceKHR) = Base.bitcast(VkColorSpaceKHR, x) convert(T::Type{VkTimeDomainEXT}, x::TimeDomainEXT) = Base.bitcast(VkTimeDomainEXT, x) convert(T::Type{VkDebugReportObjectTypeEXT}, x::DebugReportObjectTypeEXT) = Base.bitcast(VkDebugReportObjectTypeEXT, x) convert(T::Type{VkDeviceMemoryReportEventTypeEXT}, x::DeviceMemoryReportEventTypeEXT) = Base.bitcast(VkDeviceMemoryReportEventTypeEXT, x) convert(T::Type{VkRasterizationOrderAMD}, x::RasterizationOrderAMD) = Base.bitcast(VkRasterizationOrderAMD, x) convert(T::Type{VkValidationCheckEXT}, x::ValidationCheckEXT) = Base.bitcast(VkValidationCheckEXT, x) convert(T::Type{VkValidationFeatureEnableEXT}, x::ValidationFeatureEnableEXT) = Base.bitcast(VkValidationFeatureEnableEXT, x) convert(T::Type{VkValidationFeatureDisableEXT}, x::ValidationFeatureDisableEXT) = Base.bitcast(VkValidationFeatureDisableEXT, x) convert(T::Type{VkIndirectCommandsTokenTypeNV}, x::IndirectCommandsTokenTypeNV) = Base.bitcast(VkIndirectCommandsTokenTypeNV, x) convert(T::Type{VkDisplayPowerStateEXT}, x::DisplayPowerStateEXT) = Base.bitcast(VkDisplayPowerStateEXT, x) convert(T::Type{VkDeviceEventTypeEXT}, x::DeviceEventTypeEXT) = Base.bitcast(VkDeviceEventTypeEXT, x) convert(T::Type{VkDisplayEventTypeEXT}, x::DisplayEventTypeEXT) = Base.bitcast(VkDisplayEventTypeEXT, x) convert(T::Type{VkViewportCoordinateSwizzleNV}, x::ViewportCoordinateSwizzleNV) = Base.bitcast(VkViewportCoordinateSwizzleNV, x) convert(T::Type{VkDiscardRectangleModeEXT}, x::DiscardRectangleModeEXT) = Base.bitcast(VkDiscardRectangleModeEXT, x) convert(T::Type{VkPointClippingBehavior}, x::PointClippingBehavior) = Base.bitcast(VkPointClippingBehavior, x) convert(T::Type{VkSamplerReductionMode}, x::SamplerReductionMode) = Base.bitcast(VkSamplerReductionMode, x) convert(T::Type{VkTessellationDomainOrigin}, x::TessellationDomainOrigin) = Base.bitcast(VkTessellationDomainOrigin, x) convert(T::Type{VkSamplerYcbcrModelConversion}, x::SamplerYcbcrModelConversion) = Base.bitcast(VkSamplerYcbcrModelConversion, x) convert(T::Type{VkSamplerYcbcrRange}, x::SamplerYcbcrRange) = Base.bitcast(VkSamplerYcbcrRange, x) convert(T::Type{VkChromaLocation}, x::ChromaLocation) = Base.bitcast(VkChromaLocation, x) convert(T::Type{VkBlendOverlapEXT}, x::BlendOverlapEXT) = Base.bitcast(VkBlendOverlapEXT, x) convert(T::Type{VkCoverageModulationModeNV}, x::CoverageModulationModeNV) = Base.bitcast(VkCoverageModulationModeNV, x) convert(T::Type{VkCoverageReductionModeNV}, x::CoverageReductionModeNV) = Base.bitcast(VkCoverageReductionModeNV, x) convert(T::Type{VkValidationCacheHeaderVersionEXT}, x::ValidationCacheHeaderVersionEXT) = Base.bitcast(VkValidationCacheHeaderVersionEXT, x) convert(T::Type{VkShaderInfoTypeAMD}, x::ShaderInfoTypeAMD) = Base.bitcast(VkShaderInfoTypeAMD, x) convert(T::Type{VkQueueGlobalPriorityKHR}, x::QueueGlobalPriorityKHR) = Base.bitcast(VkQueueGlobalPriorityKHR, x) convert(T::Type{VkConservativeRasterizationModeEXT}, x::ConservativeRasterizationModeEXT) = Base.bitcast(VkConservativeRasterizationModeEXT, x) convert(T::Type{VkVendorId}, x::VendorId) = Base.bitcast(VkVendorId, x) convert(T::Type{VkDriverId}, x::DriverId) = Base.bitcast(VkDriverId, x) convert(T::Type{VkShadingRatePaletteEntryNV}, x::ShadingRatePaletteEntryNV) = Base.bitcast(VkShadingRatePaletteEntryNV, x) convert(T::Type{VkCoarseSampleOrderTypeNV}, x::CoarseSampleOrderTypeNV) = Base.bitcast(VkCoarseSampleOrderTypeNV, x) convert(T::Type{VkCopyAccelerationStructureModeKHR}, x::CopyAccelerationStructureModeKHR) = Base.bitcast(VkCopyAccelerationStructureModeKHR, x) convert(T::Type{VkBuildAccelerationStructureModeKHR}, x::BuildAccelerationStructureModeKHR) = Base.bitcast(VkBuildAccelerationStructureModeKHR, x) convert(T::Type{VkAccelerationStructureTypeKHR}, x::AccelerationStructureTypeKHR) = Base.bitcast(VkAccelerationStructureTypeKHR, x) convert(T::Type{VkGeometryTypeKHR}, x::GeometryTypeKHR) = Base.bitcast(VkGeometryTypeKHR, x) convert(T::Type{VkAccelerationStructureMemoryRequirementsTypeNV}, x::AccelerationStructureMemoryRequirementsTypeNV) = Base.bitcast(VkAccelerationStructureMemoryRequirementsTypeNV, x) convert(T::Type{VkAccelerationStructureBuildTypeKHR}, x::AccelerationStructureBuildTypeKHR) = Base.bitcast(VkAccelerationStructureBuildTypeKHR, x) convert(T::Type{VkRayTracingShaderGroupTypeKHR}, x::RayTracingShaderGroupTypeKHR) = Base.bitcast(VkRayTracingShaderGroupTypeKHR, x) convert(T::Type{VkAccelerationStructureCompatibilityKHR}, x::AccelerationStructureCompatibilityKHR) = Base.bitcast(VkAccelerationStructureCompatibilityKHR, x) convert(T::Type{VkShaderGroupShaderKHR}, x::ShaderGroupShaderKHR) = Base.bitcast(VkShaderGroupShaderKHR, x) convert(T::Type{VkMemoryOverallocationBehaviorAMD}, x::MemoryOverallocationBehaviorAMD) = Base.bitcast(VkMemoryOverallocationBehaviorAMD, x) convert(T::Type{VkScopeNV}, x::ScopeNV) = Base.bitcast(VkScopeNV, x) convert(T::Type{VkComponentTypeNV}, x::ComponentTypeNV) = Base.bitcast(VkComponentTypeNV, x) convert(T::Type{VkPerformanceCounterScopeKHR}, x::PerformanceCounterScopeKHR) = Base.bitcast(VkPerformanceCounterScopeKHR, x) convert(T::Type{VkPerformanceCounterUnitKHR}, x::PerformanceCounterUnitKHR) = Base.bitcast(VkPerformanceCounterUnitKHR, x) convert(T::Type{VkPerformanceCounterStorageKHR}, x::PerformanceCounterStorageKHR) = Base.bitcast(VkPerformanceCounterStorageKHR, x) convert(T::Type{VkPerformanceConfigurationTypeINTEL}, x::PerformanceConfigurationTypeINTEL) = Base.bitcast(VkPerformanceConfigurationTypeINTEL, x) convert(T::Type{VkQueryPoolSamplingModeINTEL}, x::QueryPoolSamplingModeINTEL) = Base.bitcast(VkQueryPoolSamplingModeINTEL, x) convert(T::Type{VkPerformanceOverrideTypeINTEL}, x::PerformanceOverrideTypeINTEL) = Base.bitcast(VkPerformanceOverrideTypeINTEL, x) convert(T::Type{VkPerformanceParameterTypeINTEL}, x::PerformanceParameterTypeINTEL) = Base.bitcast(VkPerformanceParameterTypeINTEL, x) convert(T::Type{VkPerformanceValueTypeINTEL}, x::PerformanceValueTypeINTEL) = Base.bitcast(VkPerformanceValueTypeINTEL, x) convert(T::Type{VkShaderFloatControlsIndependence}, x::ShaderFloatControlsIndependence) = Base.bitcast(VkShaderFloatControlsIndependence, x) convert(T::Type{VkPipelineExecutableStatisticFormatKHR}, x::PipelineExecutableStatisticFormatKHR) = Base.bitcast(VkPipelineExecutableStatisticFormatKHR, x) convert(T::Type{VkLineRasterizationModeEXT}, x::LineRasterizationModeEXT) = Base.bitcast(VkLineRasterizationModeEXT, x) convert(T::Type{VkFragmentShadingRateCombinerOpKHR}, x::FragmentShadingRateCombinerOpKHR) = Base.bitcast(VkFragmentShadingRateCombinerOpKHR, x) convert(T::Type{VkFragmentShadingRateNV}, x::FragmentShadingRateNV) = Base.bitcast(VkFragmentShadingRateNV, x) convert(T::Type{VkFragmentShadingRateTypeNV}, x::FragmentShadingRateTypeNV) = Base.bitcast(VkFragmentShadingRateTypeNV, x) convert(T::Type{VkSubpassMergeStatusEXT}, x::SubpassMergeStatusEXT) = Base.bitcast(VkSubpassMergeStatusEXT, x) convert(T::Type{VkProvokingVertexModeEXT}, x::ProvokingVertexModeEXT) = Base.bitcast(VkProvokingVertexModeEXT, x) convert(T::Type{VkAccelerationStructureMotionInstanceTypeNV}, x::AccelerationStructureMotionInstanceTypeNV) = Base.bitcast(VkAccelerationStructureMotionInstanceTypeNV, x) convert(T::Type{VkDeviceAddressBindingTypeEXT}, x::DeviceAddressBindingTypeEXT) = Base.bitcast(VkDeviceAddressBindingTypeEXT, x) convert(T::Type{VkQueryResultStatusKHR}, x::QueryResultStatusKHR) = Base.bitcast(VkQueryResultStatusKHR, x) convert(T::Type{VkPipelineRobustnessBufferBehaviorEXT}, x::PipelineRobustnessBufferBehaviorEXT) = Base.bitcast(VkPipelineRobustnessBufferBehaviorEXT, x) convert(T::Type{VkPipelineRobustnessImageBehaviorEXT}, x::PipelineRobustnessImageBehaviorEXT) = Base.bitcast(VkPipelineRobustnessImageBehaviorEXT, x) convert(T::Type{VkOpticalFlowPerformanceLevelNV}, x::OpticalFlowPerformanceLevelNV) = Base.bitcast(VkOpticalFlowPerformanceLevelNV, x) convert(T::Type{VkOpticalFlowSessionBindingPointNV}, x::OpticalFlowSessionBindingPointNV) = Base.bitcast(VkOpticalFlowSessionBindingPointNV, x) convert(T::Type{VkMicromapTypeEXT}, x::MicromapTypeEXT) = Base.bitcast(VkMicromapTypeEXT, x) convert(T::Type{VkCopyMicromapModeEXT}, x::CopyMicromapModeEXT) = Base.bitcast(VkCopyMicromapModeEXT, x) convert(T::Type{VkBuildMicromapModeEXT}, x::BuildMicromapModeEXT) = Base.bitcast(VkBuildMicromapModeEXT, x) convert(T::Type{VkOpacityMicromapFormatEXT}, x::OpacityMicromapFormatEXT) = Base.bitcast(VkOpacityMicromapFormatEXT, x) convert(T::Type{VkOpacityMicromapSpecialIndexEXT}, x::OpacityMicromapSpecialIndexEXT) = Base.bitcast(VkOpacityMicromapSpecialIndexEXT, x) convert(T::Type{VkDeviceFaultAddressTypeEXT}, x::DeviceFaultAddressTypeEXT) = Base.bitcast(VkDeviceFaultAddressTypeEXT, x) convert(T::Type{VkDeviceFaultVendorBinaryHeaderVersionEXT}, x::DeviceFaultVendorBinaryHeaderVersionEXT) = Base.bitcast(VkDeviceFaultVendorBinaryHeaderVersionEXT, x) @bitmask PipelineCacheCreateFlag::UInt32 begin PIPELINE_CACHE_CREATE_EXTERNALLY_SYNCHRONIZED_BIT = 1 end @bitmask QueueFlag::UInt32 begin QUEUE_GRAPHICS_BIT = 1 QUEUE_COMPUTE_BIT = 2 QUEUE_TRANSFER_BIT = 4 QUEUE_SPARSE_BINDING_BIT = 8 QUEUE_PROTECTED_BIT = 16 QUEUE_VIDEO_DECODE_BIT_KHR = 32 QUEUE_VIDEO_ENCODE_BIT_KHR = 64 QUEUE_OPTICAL_FLOW_BIT_NV = 256 end @bitmask CullModeFlag::UInt32 begin CULL_MODE_FRONT_BIT = 1 CULL_MODE_BACK_BIT = 2 CULL_MODE_NONE = 0 CULL_MODE_FRONT_AND_BACK = 3 end @bitmask RenderPassCreateFlag::UInt32 begin RENDER_PASS_CREATE_TRANSFORM_BIT_QCOM = 2 end @bitmask DeviceQueueCreateFlag::UInt32 begin DEVICE_QUEUE_CREATE_PROTECTED_BIT = 1 end @bitmask MemoryPropertyFlag::UInt32 begin MEMORY_PROPERTY_DEVICE_LOCAL_BIT = 1 MEMORY_PROPERTY_HOST_VISIBLE_BIT = 2 MEMORY_PROPERTY_HOST_COHERENT_BIT = 4 MEMORY_PROPERTY_HOST_CACHED_BIT = 8 MEMORY_PROPERTY_LAZILY_ALLOCATED_BIT = 16 MEMORY_PROPERTY_PROTECTED_BIT = 32 MEMORY_PROPERTY_DEVICE_COHERENT_BIT_AMD = 64 MEMORY_PROPERTY_DEVICE_UNCACHED_BIT_AMD = 128 MEMORY_PROPERTY_RDMA_CAPABLE_BIT_NV = 256 end @bitmask MemoryHeapFlag::UInt32 begin MEMORY_HEAP_DEVICE_LOCAL_BIT = 1 MEMORY_HEAP_MULTI_INSTANCE_BIT = 2 end @bitmask AccessFlag::UInt32 begin ACCESS_INDIRECT_COMMAND_READ_BIT = 1 ACCESS_INDEX_READ_BIT = 2 ACCESS_VERTEX_ATTRIBUTE_READ_BIT = 4 ACCESS_UNIFORM_READ_BIT = 8 ACCESS_INPUT_ATTACHMENT_READ_BIT = 16 ACCESS_SHADER_READ_BIT = 32 ACCESS_SHADER_WRITE_BIT = 64 ACCESS_COLOR_ATTACHMENT_READ_BIT = 128 ACCESS_COLOR_ATTACHMENT_WRITE_BIT = 256 ACCESS_DEPTH_STENCIL_ATTACHMENT_READ_BIT = 512 ACCESS_DEPTH_STENCIL_ATTACHMENT_WRITE_BIT = 1024 ACCESS_TRANSFER_READ_BIT = 2048 ACCESS_TRANSFER_WRITE_BIT = 4096 ACCESS_HOST_READ_BIT = 8192 ACCESS_HOST_WRITE_BIT = 16384 ACCESS_MEMORY_READ_BIT = 32768 ACCESS_MEMORY_WRITE_BIT = 65536 ACCESS_TRANSFORM_FEEDBACK_WRITE_BIT_EXT = 33554432 ACCESS_TRANSFORM_FEEDBACK_COUNTER_READ_BIT_EXT = 67108864 ACCESS_TRANSFORM_FEEDBACK_COUNTER_WRITE_BIT_EXT = 134217728 ACCESS_CONDITIONAL_RENDERING_READ_BIT_EXT = 1048576 ACCESS_COLOR_ATTACHMENT_READ_NONCOHERENT_BIT_EXT = 524288 ACCESS_ACCELERATION_STRUCTURE_READ_BIT_KHR = 2097152 ACCESS_ACCELERATION_STRUCTURE_WRITE_BIT_KHR = 4194304 ACCESS_FRAGMENT_DENSITY_MAP_READ_BIT_EXT = 16777216 ACCESS_FRAGMENT_SHADING_RATE_ATTACHMENT_READ_BIT_KHR = 8388608 ACCESS_COMMAND_PREPROCESS_READ_BIT_NV = 131072 ACCESS_COMMAND_PREPROCESS_WRITE_BIT_NV = 262144 ACCESS_NONE = 0 end @bitmask BufferUsageFlag::UInt32 begin BUFFER_USAGE_TRANSFER_SRC_BIT = 1 BUFFER_USAGE_TRANSFER_DST_BIT = 2 BUFFER_USAGE_UNIFORM_TEXEL_BUFFER_BIT = 4 BUFFER_USAGE_STORAGE_TEXEL_BUFFER_BIT = 8 BUFFER_USAGE_UNIFORM_BUFFER_BIT = 16 BUFFER_USAGE_STORAGE_BUFFER_BIT = 32 BUFFER_USAGE_INDEX_BUFFER_BIT = 64 BUFFER_USAGE_VERTEX_BUFFER_BIT = 128 BUFFER_USAGE_INDIRECT_BUFFER_BIT = 256 BUFFER_USAGE_SHADER_DEVICE_ADDRESS_BIT = 131072 BUFFER_USAGE_VIDEO_DECODE_SRC_BIT_KHR = 8192 BUFFER_USAGE_VIDEO_DECODE_DST_BIT_KHR = 16384 BUFFER_USAGE_TRANSFORM_FEEDBACK_BUFFER_BIT_EXT = 2048 BUFFER_USAGE_TRANSFORM_FEEDBACK_COUNTER_BUFFER_BIT_EXT = 4096 BUFFER_USAGE_CONDITIONAL_RENDERING_BIT_EXT = 512 BUFFER_USAGE_ACCELERATION_STRUCTURE_BUILD_INPUT_READ_ONLY_BIT_KHR = 524288 BUFFER_USAGE_ACCELERATION_STRUCTURE_STORAGE_BIT_KHR = 1048576 BUFFER_USAGE_SHADER_BINDING_TABLE_BIT_KHR = 1024 BUFFER_USAGE_VIDEO_ENCODE_DST_BIT_KHR = 32768 BUFFER_USAGE_VIDEO_ENCODE_SRC_BIT_KHR = 65536 BUFFER_USAGE_SAMPLER_DESCRIPTOR_BUFFER_BIT_EXT = 2097152 BUFFER_USAGE_RESOURCE_DESCRIPTOR_BUFFER_BIT_EXT = 4194304 BUFFER_USAGE_PUSH_DESCRIPTORS_DESCRIPTOR_BUFFER_BIT_EXT = 67108864 BUFFER_USAGE_MICROMAP_BUILD_INPUT_READ_ONLY_BIT_EXT = 8388608 BUFFER_USAGE_MICROMAP_STORAGE_BIT_EXT = 16777216 end @bitmask BufferCreateFlag::UInt32 begin BUFFER_CREATE_SPARSE_BINDING_BIT = 1 BUFFER_CREATE_SPARSE_RESIDENCY_BIT = 2 BUFFER_CREATE_SPARSE_ALIASED_BIT = 4 BUFFER_CREATE_PROTECTED_BIT = 8 BUFFER_CREATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT = 16 BUFFER_CREATE_DESCRIPTOR_BUFFER_CAPTURE_REPLAY_BIT_EXT = 32 end @bitmask ShaderStageFlag::UInt32 begin SHADER_STAGE_VERTEX_BIT = 1 SHADER_STAGE_TESSELLATION_CONTROL_BIT = 2 SHADER_STAGE_TESSELLATION_EVALUATION_BIT = 4 SHADER_STAGE_GEOMETRY_BIT = 8 SHADER_STAGE_FRAGMENT_BIT = 16 SHADER_STAGE_COMPUTE_BIT = 32 SHADER_STAGE_RAYGEN_BIT_KHR = 256 SHADER_STAGE_ANY_HIT_BIT_KHR = 512 SHADER_STAGE_CLOSEST_HIT_BIT_KHR = 1024 SHADER_STAGE_MISS_BIT_KHR = 2048 SHADER_STAGE_INTERSECTION_BIT_KHR = 4096 SHADER_STAGE_CALLABLE_BIT_KHR = 8192 SHADER_STAGE_TASK_BIT_EXT = 64 SHADER_STAGE_MESH_BIT_EXT = 128 SHADER_STAGE_SUBPASS_SHADING_BIT_HUAWEI = 16384 SHADER_STAGE_CLUSTER_CULLING_BIT_HUAWEI = 524288 SHADER_STAGE_ALL_GRAPHICS = 31 SHADER_STAGE_ALL = 2147483647 end @bitmask ImageUsageFlag::UInt32 begin IMAGE_USAGE_TRANSFER_SRC_BIT = 1 IMAGE_USAGE_TRANSFER_DST_BIT = 2 IMAGE_USAGE_SAMPLED_BIT = 4 IMAGE_USAGE_STORAGE_BIT = 8 IMAGE_USAGE_COLOR_ATTACHMENT_BIT = 16 IMAGE_USAGE_DEPTH_STENCIL_ATTACHMENT_BIT = 32 IMAGE_USAGE_TRANSIENT_ATTACHMENT_BIT = 64 IMAGE_USAGE_INPUT_ATTACHMENT_BIT = 128 IMAGE_USAGE_VIDEO_DECODE_DST_BIT_KHR = 1024 IMAGE_USAGE_VIDEO_DECODE_SRC_BIT_KHR = 2048 IMAGE_USAGE_VIDEO_DECODE_DPB_BIT_KHR = 4096 IMAGE_USAGE_FRAGMENT_DENSITY_MAP_BIT_EXT = 512 IMAGE_USAGE_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR = 256 IMAGE_USAGE_VIDEO_ENCODE_DST_BIT_KHR = 8192 IMAGE_USAGE_VIDEO_ENCODE_SRC_BIT_KHR = 16384 IMAGE_USAGE_VIDEO_ENCODE_DPB_BIT_KHR = 32768 IMAGE_USAGE_ATTACHMENT_FEEDBACK_LOOP_BIT_EXT = 524288 IMAGE_USAGE_INVOCATION_MASK_BIT_HUAWEI = 262144 IMAGE_USAGE_SAMPLE_WEIGHT_BIT_QCOM = 1048576 IMAGE_USAGE_SAMPLE_BLOCK_MATCH_BIT_QCOM = 2097152 end @bitmask ImageCreateFlag::UInt32 begin IMAGE_CREATE_SPARSE_BINDING_BIT = 1 IMAGE_CREATE_SPARSE_RESIDENCY_BIT = 2 IMAGE_CREATE_SPARSE_ALIASED_BIT = 4 IMAGE_CREATE_MUTABLE_FORMAT_BIT = 8 IMAGE_CREATE_CUBE_COMPATIBLE_BIT = 16 IMAGE_CREATE_ALIAS_BIT = 1024 IMAGE_CREATE_SPLIT_INSTANCE_BIND_REGIONS_BIT = 64 IMAGE_CREATE_2D_ARRAY_COMPATIBLE_BIT = 32 IMAGE_CREATE_BLOCK_TEXEL_VIEW_COMPATIBLE_BIT = 128 IMAGE_CREATE_EXTENDED_USAGE_BIT = 256 IMAGE_CREATE_PROTECTED_BIT = 2048 IMAGE_CREATE_DISJOINT_BIT = 512 IMAGE_CREATE_CORNER_SAMPLED_BIT_NV = 8192 IMAGE_CREATE_SAMPLE_LOCATIONS_COMPATIBLE_DEPTH_BIT_EXT = 4096 IMAGE_CREATE_SUBSAMPLED_BIT_EXT = 16384 IMAGE_CREATE_DESCRIPTOR_BUFFER_CAPTURE_REPLAY_BIT_EXT = 65536 IMAGE_CREATE_MULTISAMPLED_RENDER_TO_SINGLE_SAMPLED_BIT_EXT = 262144 IMAGE_CREATE_2D_VIEW_COMPATIBLE_BIT_EXT = 131072 IMAGE_CREATE_FRAGMENT_DENSITY_MAP_OFFSET_BIT_QCOM = 32768 end @bitmask ImageViewCreateFlag::UInt32 begin IMAGE_VIEW_CREATE_FRAGMENT_DENSITY_MAP_DYNAMIC_BIT_EXT = 1 IMAGE_VIEW_CREATE_DESCRIPTOR_BUFFER_CAPTURE_REPLAY_BIT_EXT = 4 IMAGE_VIEW_CREATE_FRAGMENT_DENSITY_MAP_DEFERRED_BIT_EXT = 2 end @bitmask SamplerCreateFlag::UInt32 begin SAMPLER_CREATE_SUBSAMPLED_BIT_EXT = 1 SAMPLER_CREATE_SUBSAMPLED_COARSE_RECONSTRUCTION_BIT_EXT = 2 SAMPLER_CREATE_DESCRIPTOR_BUFFER_CAPTURE_REPLAY_BIT_EXT = 8 SAMPLER_CREATE_NON_SEAMLESS_CUBE_MAP_BIT_EXT = 4 SAMPLER_CREATE_IMAGE_PROCESSING_BIT_QCOM = 16 end @bitmask PipelineCreateFlag::UInt32 begin PIPELINE_CREATE_DISABLE_OPTIMIZATION_BIT = 1 PIPELINE_CREATE_ALLOW_DERIVATIVES_BIT = 2 PIPELINE_CREATE_DERIVATIVE_BIT = 4 PIPELINE_CREATE_VIEW_INDEX_FROM_DEVICE_INDEX_BIT = 8 PIPELINE_CREATE_DISPATCH_BASE_BIT = 16 PIPELINE_CREATE_FAIL_ON_PIPELINE_COMPILE_REQUIRED_BIT = 256 PIPELINE_CREATE_EARLY_RETURN_ON_FAILURE_BIT = 512 PIPELINE_CREATE_RENDERING_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR = 2097152 PIPELINE_CREATE_RENDERING_FRAGMENT_DENSITY_MAP_ATTACHMENT_BIT_EXT = 4194304 PIPELINE_CREATE_RAY_TRACING_NO_NULL_ANY_HIT_SHADERS_BIT_KHR = 16384 PIPELINE_CREATE_RAY_TRACING_NO_NULL_CLOSEST_HIT_SHADERS_BIT_KHR = 32768 PIPELINE_CREATE_RAY_TRACING_NO_NULL_MISS_SHADERS_BIT_KHR = 65536 PIPELINE_CREATE_RAY_TRACING_NO_NULL_INTERSECTION_SHADERS_BIT_KHR = 131072 PIPELINE_CREATE_RAY_TRACING_SKIP_TRIANGLES_BIT_KHR = 4096 PIPELINE_CREATE_RAY_TRACING_SKIP_AABBS_BIT_KHR = 8192 PIPELINE_CREATE_RAY_TRACING_SHADER_GROUP_HANDLE_CAPTURE_REPLAY_BIT_KHR = 524288 PIPELINE_CREATE_DEFER_COMPILE_BIT_NV = 32 PIPELINE_CREATE_CAPTURE_STATISTICS_BIT_KHR = 64 PIPELINE_CREATE_CAPTURE_INTERNAL_REPRESENTATIONS_BIT_KHR = 128 PIPELINE_CREATE_INDIRECT_BINDABLE_BIT_NV = 262144 PIPELINE_CREATE_LIBRARY_BIT_KHR = 2048 PIPELINE_CREATE_DESCRIPTOR_BUFFER_BIT_EXT = 536870912 PIPELINE_CREATE_RETAIN_LINK_TIME_OPTIMIZATION_INFO_BIT_EXT = 8388608 PIPELINE_CREATE_LINK_TIME_OPTIMIZATION_BIT_EXT = 1024 PIPELINE_CREATE_RAY_TRACING_ALLOW_MOTION_BIT_NV = 1048576 PIPELINE_CREATE_COLOR_ATTACHMENT_FEEDBACK_LOOP_BIT_EXT = 33554432 PIPELINE_CREATE_DEPTH_STENCIL_ATTACHMENT_FEEDBACK_LOOP_BIT_EXT = 67108864 PIPELINE_CREATE_RAY_TRACING_OPACITY_MICROMAP_BIT_EXT = 16777216 PIPELINE_CREATE_NO_PROTECTED_ACCESS_BIT_EXT = 134217728 PIPELINE_CREATE_PROTECTED_ACCESS_ONLY_BIT_EXT = 1073741824 end @bitmask PipelineShaderStageCreateFlag::UInt32 begin PIPELINE_SHADER_STAGE_CREATE_ALLOW_VARYING_SUBGROUP_SIZE_BIT = 1 PIPELINE_SHADER_STAGE_CREATE_REQUIRE_FULL_SUBGROUPS_BIT = 2 end @bitmask ColorComponentFlag::UInt32 begin COLOR_COMPONENT_R_BIT = 1 COLOR_COMPONENT_G_BIT = 2 COLOR_COMPONENT_B_BIT = 4 COLOR_COMPONENT_A_BIT = 8 end @bitmask FenceCreateFlag::UInt32 begin FENCE_CREATE_SIGNALED_BIT = 1 end @bitmask SemaphoreCreateFlag::UInt32 begin end @bitmask FormatFeatureFlag::UInt32 begin FORMAT_FEATURE_SAMPLED_IMAGE_BIT = 1 FORMAT_FEATURE_STORAGE_IMAGE_BIT = 2 FORMAT_FEATURE_STORAGE_IMAGE_ATOMIC_BIT = 4 FORMAT_FEATURE_UNIFORM_TEXEL_BUFFER_BIT = 8 FORMAT_FEATURE_STORAGE_TEXEL_BUFFER_BIT = 16 FORMAT_FEATURE_STORAGE_TEXEL_BUFFER_ATOMIC_BIT = 32 FORMAT_FEATURE_VERTEX_BUFFER_BIT = 64 FORMAT_FEATURE_COLOR_ATTACHMENT_BIT = 128 FORMAT_FEATURE_COLOR_ATTACHMENT_BLEND_BIT = 256 FORMAT_FEATURE_DEPTH_STENCIL_ATTACHMENT_BIT = 512 FORMAT_FEATURE_BLIT_SRC_BIT = 1024 FORMAT_FEATURE_BLIT_DST_BIT = 2048 FORMAT_FEATURE_SAMPLED_IMAGE_FILTER_LINEAR_BIT = 4096 FORMAT_FEATURE_TRANSFER_SRC_BIT = 16384 FORMAT_FEATURE_TRANSFER_DST_BIT = 32768 FORMAT_FEATURE_MIDPOINT_CHROMA_SAMPLES_BIT = 131072 FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_LINEAR_FILTER_BIT = 262144 FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_SEPARATE_RECONSTRUCTION_FILTER_BIT = 524288 FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_BIT = 1048576 FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_FORCEABLE_BIT = 2097152 FORMAT_FEATURE_DISJOINT_BIT = 4194304 FORMAT_FEATURE_COSITED_CHROMA_SAMPLES_BIT = 8388608 FORMAT_FEATURE_SAMPLED_IMAGE_FILTER_MINMAX_BIT = 65536 FORMAT_FEATURE_VIDEO_DECODE_OUTPUT_BIT_KHR = 33554432 FORMAT_FEATURE_VIDEO_DECODE_DPB_BIT_KHR = 67108864 FORMAT_FEATURE_ACCELERATION_STRUCTURE_VERTEX_BUFFER_BIT_KHR = 536870912 FORMAT_FEATURE_SAMPLED_IMAGE_FILTER_CUBIC_BIT_EXT = 8192 FORMAT_FEATURE_FRAGMENT_DENSITY_MAP_BIT_EXT = 16777216 FORMAT_FEATURE_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR = 1073741824 FORMAT_FEATURE_VIDEO_ENCODE_INPUT_BIT_KHR = 134217728 FORMAT_FEATURE_VIDEO_ENCODE_DPB_BIT_KHR = 268435456 end @bitmask QueryControlFlag::UInt32 begin QUERY_CONTROL_PRECISE_BIT = 1 end @bitmask QueryResultFlag::UInt32 begin QUERY_RESULT_64_BIT = 1 QUERY_RESULT_WAIT_BIT = 2 QUERY_RESULT_WITH_AVAILABILITY_BIT = 4 QUERY_RESULT_PARTIAL_BIT = 8 QUERY_RESULT_WITH_STATUS_BIT_KHR = 16 end @bitmask CommandBufferUsageFlag::UInt32 begin COMMAND_BUFFER_USAGE_ONE_TIME_SUBMIT_BIT = 1 COMMAND_BUFFER_USAGE_RENDER_PASS_CONTINUE_BIT = 2 COMMAND_BUFFER_USAGE_SIMULTANEOUS_USE_BIT = 4 end @bitmask QueryPipelineStatisticFlag::UInt32 begin QUERY_PIPELINE_STATISTIC_INPUT_ASSEMBLY_VERTICES_BIT = 1 QUERY_PIPELINE_STATISTIC_INPUT_ASSEMBLY_PRIMITIVES_BIT = 2 QUERY_PIPELINE_STATISTIC_VERTEX_SHADER_INVOCATIONS_BIT = 4 QUERY_PIPELINE_STATISTIC_GEOMETRY_SHADER_INVOCATIONS_BIT = 8 QUERY_PIPELINE_STATISTIC_GEOMETRY_SHADER_PRIMITIVES_BIT = 16 QUERY_PIPELINE_STATISTIC_CLIPPING_INVOCATIONS_BIT = 32 QUERY_PIPELINE_STATISTIC_CLIPPING_PRIMITIVES_BIT = 64 QUERY_PIPELINE_STATISTIC_FRAGMENT_SHADER_INVOCATIONS_BIT = 128 QUERY_PIPELINE_STATISTIC_TESSELLATION_CONTROL_SHADER_PATCHES_BIT = 256 QUERY_PIPELINE_STATISTIC_TESSELLATION_EVALUATION_SHADER_INVOCATIONS_BIT = 512 QUERY_PIPELINE_STATISTIC_COMPUTE_SHADER_INVOCATIONS_BIT = 1024 QUERY_PIPELINE_STATISTIC_TASK_SHADER_INVOCATIONS_BIT_EXT = 2048 QUERY_PIPELINE_STATISTIC_MESH_SHADER_INVOCATIONS_BIT_EXT = 4096 QUERY_PIPELINE_STATISTIC_CLUSTER_CULLING_SHADER_INVOCATIONS_BIT_HUAWEI = 8192 end @bitmask ImageAspectFlag::UInt32 begin IMAGE_ASPECT_COLOR_BIT = 1 IMAGE_ASPECT_DEPTH_BIT = 2 IMAGE_ASPECT_STENCIL_BIT = 4 IMAGE_ASPECT_METADATA_BIT = 8 IMAGE_ASPECT_PLANE_0_BIT = 16 IMAGE_ASPECT_PLANE_1_BIT = 32 IMAGE_ASPECT_PLANE_2_BIT = 64 IMAGE_ASPECT_MEMORY_PLANE_0_BIT_EXT = 128 IMAGE_ASPECT_MEMORY_PLANE_1_BIT_EXT = 256 IMAGE_ASPECT_MEMORY_PLANE_2_BIT_EXT = 512 IMAGE_ASPECT_MEMORY_PLANE_3_BIT_EXT = 1024 IMAGE_ASPECT_NONE = 0 end @bitmask SparseImageFormatFlag::UInt32 begin SPARSE_IMAGE_FORMAT_SINGLE_MIPTAIL_BIT = 1 SPARSE_IMAGE_FORMAT_ALIGNED_MIP_SIZE_BIT = 2 SPARSE_IMAGE_FORMAT_NONSTANDARD_BLOCK_SIZE_BIT = 4 end @bitmask SparseMemoryBindFlag::UInt32 begin SPARSE_MEMORY_BIND_METADATA_BIT = 1 end @bitmask PipelineStageFlag::UInt32 begin PIPELINE_STAGE_TOP_OF_PIPE_BIT = 1 PIPELINE_STAGE_DRAW_INDIRECT_BIT = 2 PIPELINE_STAGE_VERTEX_INPUT_BIT = 4 PIPELINE_STAGE_VERTEX_SHADER_BIT = 8 PIPELINE_STAGE_TESSELLATION_CONTROL_SHADER_BIT = 16 PIPELINE_STAGE_TESSELLATION_EVALUATION_SHADER_BIT = 32 PIPELINE_STAGE_GEOMETRY_SHADER_BIT = 64 PIPELINE_STAGE_FRAGMENT_SHADER_BIT = 128 PIPELINE_STAGE_EARLY_FRAGMENT_TESTS_BIT = 256 PIPELINE_STAGE_LATE_FRAGMENT_TESTS_BIT = 512 PIPELINE_STAGE_COLOR_ATTACHMENT_OUTPUT_BIT = 1024 PIPELINE_STAGE_COMPUTE_SHADER_BIT = 2048 PIPELINE_STAGE_TRANSFER_BIT = 4096 PIPELINE_STAGE_BOTTOM_OF_PIPE_BIT = 8192 PIPELINE_STAGE_HOST_BIT = 16384 PIPELINE_STAGE_ALL_GRAPHICS_BIT = 32768 PIPELINE_STAGE_ALL_COMMANDS_BIT = 65536 PIPELINE_STAGE_TRANSFORM_FEEDBACK_BIT_EXT = 16777216 PIPELINE_STAGE_CONDITIONAL_RENDERING_BIT_EXT = 262144 PIPELINE_STAGE_ACCELERATION_STRUCTURE_BUILD_BIT_KHR = 33554432 PIPELINE_STAGE_RAY_TRACING_SHADER_BIT_KHR = 2097152 PIPELINE_STAGE_FRAGMENT_DENSITY_PROCESS_BIT_EXT = 8388608 PIPELINE_STAGE_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR = 4194304 PIPELINE_STAGE_COMMAND_PREPROCESS_BIT_NV = 131072 PIPELINE_STAGE_TASK_SHADER_BIT_EXT = 524288 PIPELINE_STAGE_MESH_SHADER_BIT_EXT = 1048576 PIPELINE_STAGE_NONE = 0 end @bitmask CommandPoolCreateFlag::UInt32 begin COMMAND_POOL_CREATE_TRANSIENT_BIT = 1 COMMAND_POOL_CREATE_RESET_COMMAND_BUFFER_BIT = 2 COMMAND_POOL_CREATE_PROTECTED_BIT = 4 end @bitmask CommandPoolResetFlag::UInt32 begin COMMAND_POOL_RESET_RELEASE_RESOURCES_BIT = 1 end @bitmask CommandBufferResetFlag::UInt32 begin COMMAND_BUFFER_RESET_RELEASE_RESOURCES_BIT = 1 end @bitmask SampleCountFlag::UInt32 begin SAMPLE_COUNT_1_BIT = 1 SAMPLE_COUNT_2_BIT = 2 SAMPLE_COUNT_4_BIT = 4 SAMPLE_COUNT_8_BIT = 8 SAMPLE_COUNT_16_BIT = 16 SAMPLE_COUNT_32_BIT = 32 SAMPLE_COUNT_64_BIT = 64 end @bitmask AttachmentDescriptionFlag::UInt32 begin ATTACHMENT_DESCRIPTION_MAY_ALIAS_BIT = 1 end @bitmask StencilFaceFlag::UInt32 begin STENCIL_FACE_FRONT_BIT = 1 STENCIL_FACE_BACK_BIT = 2 STENCIL_FACE_FRONT_AND_BACK = 3 end @bitmask DescriptorPoolCreateFlag::UInt32 begin DESCRIPTOR_POOL_CREATE_FREE_DESCRIPTOR_SET_BIT = 1 DESCRIPTOR_POOL_CREATE_UPDATE_AFTER_BIND_BIT = 2 DESCRIPTOR_POOL_CREATE_HOST_ONLY_BIT_EXT = 4 end @bitmask DependencyFlag::UInt32 begin DEPENDENCY_BY_REGION_BIT = 1 DEPENDENCY_DEVICE_GROUP_BIT = 4 DEPENDENCY_VIEW_LOCAL_BIT = 2 DEPENDENCY_FEEDBACK_LOOP_BIT_EXT = 8 end @bitmask SemaphoreWaitFlag::UInt32 begin SEMAPHORE_WAIT_ANY_BIT = 1 end @bitmask DisplayPlaneAlphaFlagKHR::UInt32 begin DISPLAY_PLANE_ALPHA_OPAQUE_BIT_KHR = 1 DISPLAY_PLANE_ALPHA_GLOBAL_BIT_KHR = 2 DISPLAY_PLANE_ALPHA_PER_PIXEL_BIT_KHR = 4 DISPLAY_PLANE_ALPHA_PER_PIXEL_PREMULTIPLIED_BIT_KHR = 8 end @bitmask CompositeAlphaFlagKHR::UInt32 begin COMPOSITE_ALPHA_OPAQUE_BIT_KHR = 1 COMPOSITE_ALPHA_PRE_MULTIPLIED_BIT_KHR = 2 COMPOSITE_ALPHA_POST_MULTIPLIED_BIT_KHR = 4 COMPOSITE_ALPHA_INHERIT_BIT_KHR = 8 end @bitmask SurfaceTransformFlagKHR::UInt32 begin SURFACE_TRANSFORM_IDENTITY_BIT_KHR = 1 SURFACE_TRANSFORM_ROTATE_90_BIT_KHR = 2 SURFACE_TRANSFORM_ROTATE_180_BIT_KHR = 4 SURFACE_TRANSFORM_ROTATE_270_BIT_KHR = 8 SURFACE_TRANSFORM_HORIZONTAL_MIRROR_BIT_KHR = 16 SURFACE_TRANSFORM_HORIZONTAL_MIRROR_ROTATE_90_BIT_KHR = 32 SURFACE_TRANSFORM_HORIZONTAL_MIRROR_ROTATE_180_BIT_KHR = 64 SURFACE_TRANSFORM_HORIZONTAL_MIRROR_ROTATE_270_BIT_KHR = 128 SURFACE_TRANSFORM_INHERIT_BIT_KHR = 256 end @bitmask DebugReportFlagEXT::UInt32 begin DEBUG_REPORT_INFORMATION_BIT_EXT = 1 DEBUG_REPORT_WARNING_BIT_EXT = 2 DEBUG_REPORT_PERFORMANCE_WARNING_BIT_EXT = 4 DEBUG_REPORT_ERROR_BIT_EXT = 8 DEBUG_REPORT_DEBUG_BIT_EXT = 16 end @bitmask ExternalMemoryHandleTypeFlagNV::UInt32 begin EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_BIT_NV = 1 EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT_NV = 2 EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_IMAGE_BIT_NV = 4 EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_IMAGE_KMT_BIT_NV = 8 end @bitmask ExternalMemoryFeatureFlagNV::UInt32 begin EXTERNAL_MEMORY_FEATURE_DEDICATED_ONLY_BIT_NV = 1 EXTERNAL_MEMORY_FEATURE_EXPORTABLE_BIT_NV = 2 EXTERNAL_MEMORY_FEATURE_IMPORTABLE_BIT_NV = 4 end @bitmask SubgroupFeatureFlag::UInt32 begin SUBGROUP_FEATURE_BASIC_BIT = 1 SUBGROUP_FEATURE_VOTE_BIT = 2 SUBGROUP_FEATURE_ARITHMETIC_BIT = 4 SUBGROUP_FEATURE_BALLOT_BIT = 8 SUBGROUP_FEATURE_SHUFFLE_BIT = 16 SUBGROUP_FEATURE_SHUFFLE_RELATIVE_BIT = 32 SUBGROUP_FEATURE_CLUSTERED_BIT = 64 SUBGROUP_FEATURE_QUAD_BIT = 128 SUBGROUP_FEATURE_PARTITIONED_BIT_NV = 256 end @bitmask IndirectCommandsLayoutUsageFlagNV::UInt32 begin INDIRECT_COMMANDS_LAYOUT_USAGE_EXPLICIT_PREPROCESS_BIT_NV = 1 INDIRECT_COMMANDS_LAYOUT_USAGE_INDEXED_SEQUENCES_BIT_NV = 2 INDIRECT_COMMANDS_LAYOUT_USAGE_UNORDERED_SEQUENCES_BIT_NV = 4 end @bitmask IndirectStateFlagNV::UInt32 begin INDIRECT_STATE_FLAG_FRONTFACE_BIT_NV = 1 end @bitmask PrivateDataSlotCreateFlag::UInt32 begin end @bitmask DescriptorSetLayoutCreateFlag::UInt32 begin DESCRIPTOR_SET_LAYOUT_CREATE_UPDATE_AFTER_BIND_POOL_BIT = 2 DESCRIPTOR_SET_LAYOUT_CREATE_PUSH_DESCRIPTOR_BIT_KHR = 1 DESCRIPTOR_SET_LAYOUT_CREATE_DESCRIPTOR_BUFFER_BIT_EXT = 16 DESCRIPTOR_SET_LAYOUT_CREATE_EMBEDDED_IMMUTABLE_SAMPLERS_BIT_EXT = 32 DESCRIPTOR_SET_LAYOUT_CREATE_HOST_ONLY_POOL_BIT_EXT = 4 end @bitmask ExternalMemoryHandleTypeFlag::UInt32 begin EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_FD_BIT = 1 EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_BIT = 2 EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT = 4 EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_TEXTURE_BIT = 8 EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_TEXTURE_KMT_BIT = 16 EXTERNAL_MEMORY_HANDLE_TYPE_D3D12_HEAP_BIT = 32 EXTERNAL_MEMORY_HANDLE_TYPE_D3D12_RESOURCE_BIT = 64 EXTERNAL_MEMORY_HANDLE_TYPE_DMA_BUF_BIT_EXT = 512 EXTERNAL_MEMORY_HANDLE_TYPE_ANDROID_HARDWARE_BUFFER_BIT_ANDROID = 1024 EXTERNAL_MEMORY_HANDLE_TYPE_HOST_ALLOCATION_BIT_EXT = 128 EXTERNAL_MEMORY_HANDLE_TYPE_HOST_MAPPED_FOREIGN_MEMORY_BIT_EXT = 256 EXTERNAL_MEMORY_HANDLE_TYPE_ZIRCON_VMO_BIT_FUCHSIA = 2048 EXTERNAL_MEMORY_HANDLE_TYPE_RDMA_ADDRESS_BIT_NV = 4096 end @bitmask ExternalMemoryFeatureFlag::UInt32 begin EXTERNAL_MEMORY_FEATURE_DEDICATED_ONLY_BIT = 1 EXTERNAL_MEMORY_FEATURE_EXPORTABLE_BIT = 2 EXTERNAL_MEMORY_FEATURE_IMPORTABLE_BIT = 4 end @bitmask ExternalSemaphoreHandleTypeFlag::UInt32 begin EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_FD_BIT = 1 EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_WIN32_BIT = 2 EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT = 4 EXTERNAL_SEMAPHORE_HANDLE_TYPE_D3D12_FENCE_BIT = 8 EXTERNAL_SEMAPHORE_HANDLE_TYPE_SYNC_FD_BIT = 16 EXTERNAL_SEMAPHORE_HANDLE_TYPE_ZIRCON_EVENT_BIT_FUCHSIA = 128 end @bitmask ExternalSemaphoreFeatureFlag::UInt32 begin EXTERNAL_SEMAPHORE_FEATURE_EXPORTABLE_BIT = 1 EXTERNAL_SEMAPHORE_FEATURE_IMPORTABLE_BIT = 2 end @bitmask SemaphoreImportFlag::UInt32 begin SEMAPHORE_IMPORT_TEMPORARY_BIT = 1 end @bitmask ExternalFenceHandleTypeFlag::UInt32 begin EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_FD_BIT = 1 EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_WIN32_BIT = 2 EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT = 4 EXTERNAL_FENCE_HANDLE_TYPE_SYNC_FD_BIT = 8 end @bitmask ExternalFenceFeatureFlag::UInt32 begin EXTERNAL_FENCE_FEATURE_EXPORTABLE_BIT = 1 EXTERNAL_FENCE_FEATURE_IMPORTABLE_BIT = 2 end @bitmask FenceImportFlag::UInt32 begin FENCE_IMPORT_TEMPORARY_BIT = 1 end @bitmask SurfaceCounterFlagEXT::UInt32 begin SURFACE_COUNTER_VBLANK_BIT_EXT = 1 end @bitmask PeerMemoryFeatureFlag::UInt32 begin PEER_MEMORY_FEATURE_COPY_SRC_BIT = 1 PEER_MEMORY_FEATURE_COPY_DST_BIT = 2 PEER_MEMORY_FEATURE_GENERIC_SRC_BIT = 4 PEER_MEMORY_FEATURE_GENERIC_DST_BIT = 8 end @bitmask MemoryAllocateFlag::UInt32 begin MEMORY_ALLOCATE_DEVICE_MASK_BIT = 1 MEMORY_ALLOCATE_DEVICE_ADDRESS_BIT = 2 MEMORY_ALLOCATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT = 4 end @bitmask DeviceGroupPresentModeFlagKHR::UInt32 begin DEVICE_GROUP_PRESENT_MODE_LOCAL_BIT_KHR = 1 DEVICE_GROUP_PRESENT_MODE_REMOTE_BIT_KHR = 2 DEVICE_GROUP_PRESENT_MODE_SUM_BIT_KHR = 4 DEVICE_GROUP_PRESENT_MODE_LOCAL_MULTI_DEVICE_BIT_KHR = 8 end @bitmask SwapchainCreateFlagKHR::UInt32 begin SWAPCHAIN_CREATE_SPLIT_INSTANCE_BIND_REGIONS_BIT_KHR = 1 SWAPCHAIN_CREATE_PROTECTED_BIT_KHR = 2 SWAPCHAIN_CREATE_MUTABLE_FORMAT_BIT_KHR = 4 SWAPCHAIN_CREATE_DEFERRED_MEMORY_ALLOCATION_BIT_EXT = 8 end @bitmask SubpassDescriptionFlag::UInt32 begin SUBPASS_DESCRIPTION_PER_VIEW_ATTRIBUTES_BIT_NVX = 1 SUBPASS_DESCRIPTION_PER_VIEW_POSITION_X_ONLY_BIT_NVX = 2 SUBPASS_DESCRIPTION_FRAGMENT_REGION_BIT_QCOM = 4 SUBPASS_DESCRIPTION_SHADER_RESOLVE_BIT_QCOM = 8 SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_COLOR_ACCESS_BIT_EXT = 16 SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_DEPTH_ACCESS_BIT_EXT = 32 SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_STENCIL_ACCESS_BIT_EXT = 64 SUBPASS_DESCRIPTION_ENABLE_LEGACY_DITHERING_BIT_EXT = 128 end @bitmask DebugUtilsMessageSeverityFlagEXT::UInt32 begin DEBUG_UTILS_MESSAGE_SEVERITY_VERBOSE_BIT_EXT = 1 DEBUG_UTILS_MESSAGE_SEVERITY_INFO_BIT_EXT = 16 DEBUG_UTILS_MESSAGE_SEVERITY_WARNING_BIT_EXT = 256 DEBUG_UTILS_MESSAGE_SEVERITY_ERROR_BIT_EXT = 4096 end @bitmask DebugUtilsMessageTypeFlagEXT::UInt32 begin DEBUG_UTILS_MESSAGE_TYPE_GENERAL_BIT_EXT = 1 DEBUG_UTILS_MESSAGE_TYPE_VALIDATION_BIT_EXT = 2 DEBUG_UTILS_MESSAGE_TYPE_PERFORMANCE_BIT_EXT = 4 DEBUG_UTILS_MESSAGE_TYPE_DEVICE_ADDRESS_BINDING_BIT_EXT = 8 end @bitmask DescriptorBindingFlag::UInt32 begin DESCRIPTOR_BINDING_UPDATE_AFTER_BIND_BIT = 1 DESCRIPTOR_BINDING_UPDATE_UNUSED_WHILE_PENDING_BIT = 2 DESCRIPTOR_BINDING_PARTIALLY_BOUND_BIT = 4 DESCRIPTOR_BINDING_VARIABLE_DESCRIPTOR_COUNT_BIT = 8 end @bitmask ConditionalRenderingFlagEXT::UInt32 begin CONDITIONAL_RENDERING_INVERTED_BIT_EXT = 1 end @bitmask ResolveModeFlag::UInt32 begin RESOLVE_MODE_SAMPLE_ZERO_BIT = 1 RESOLVE_MODE_AVERAGE_BIT = 2 RESOLVE_MODE_MIN_BIT = 4 RESOLVE_MODE_MAX_BIT = 8 RESOLVE_MODE_NONE = 0 end @bitmask GeometryInstanceFlagKHR::UInt32 begin GEOMETRY_INSTANCE_TRIANGLE_FACING_CULL_DISABLE_BIT_KHR = 1 GEOMETRY_INSTANCE_TRIANGLE_FLIP_FACING_BIT_KHR = 2 GEOMETRY_INSTANCE_FORCE_OPAQUE_BIT_KHR = 4 GEOMETRY_INSTANCE_FORCE_NO_OPAQUE_BIT_KHR = 8 GEOMETRY_INSTANCE_FORCE_OPACITY_MICROMAP_2_STATE_EXT = 16 GEOMETRY_INSTANCE_DISABLE_OPACITY_MICROMAPS_EXT = 32 end @bitmask GeometryFlagKHR::UInt32 begin GEOMETRY_OPAQUE_BIT_KHR = 1 GEOMETRY_NO_DUPLICATE_ANY_HIT_INVOCATION_BIT_KHR = 2 end @bitmask BuildAccelerationStructureFlagKHR::UInt32 begin BUILD_ACCELERATION_STRUCTURE_ALLOW_UPDATE_BIT_KHR = 1 BUILD_ACCELERATION_STRUCTURE_ALLOW_COMPACTION_BIT_KHR = 2 BUILD_ACCELERATION_STRUCTURE_PREFER_FAST_TRACE_BIT_KHR = 4 BUILD_ACCELERATION_STRUCTURE_PREFER_FAST_BUILD_BIT_KHR = 8 BUILD_ACCELERATION_STRUCTURE_LOW_MEMORY_BIT_KHR = 16 BUILD_ACCELERATION_STRUCTURE_MOTION_BIT_NV = 32 BUILD_ACCELERATION_STRUCTURE_ALLOW_OPACITY_MICROMAP_UPDATE_EXT = 64 BUILD_ACCELERATION_STRUCTURE_ALLOW_DISABLE_OPACITY_MICROMAPS_EXT = 128 BUILD_ACCELERATION_STRUCTURE_ALLOW_OPACITY_MICROMAP_DATA_UPDATE_EXT = 256 end @bitmask AccelerationStructureCreateFlagKHR::UInt32 begin ACCELERATION_STRUCTURE_CREATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT_KHR = 1 ACCELERATION_STRUCTURE_CREATE_DESCRIPTOR_BUFFER_CAPTURE_REPLAY_BIT_EXT = 8 ACCELERATION_STRUCTURE_CREATE_MOTION_BIT_NV = 4 end @bitmask FramebufferCreateFlag::UInt32 begin FRAMEBUFFER_CREATE_IMAGELESS_BIT = 1 end @bitmask DeviceDiagnosticsConfigFlagNV::UInt32 begin DEVICE_DIAGNOSTICS_CONFIG_ENABLE_SHADER_DEBUG_INFO_BIT_NV = 1 DEVICE_DIAGNOSTICS_CONFIG_ENABLE_RESOURCE_TRACKING_BIT_NV = 2 DEVICE_DIAGNOSTICS_CONFIG_ENABLE_AUTOMATIC_CHECKPOINTS_BIT_NV = 4 DEVICE_DIAGNOSTICS_CONFIG_ENABLE_SHADER_ERROR_REPORTING_BIT_NV = 8 end @bitmask PipelineCreationFeedbackFlag::UInt32 begin PIPELINE_CREATION_FEEDBACK_VALID_BIT = 1 PIPELINE_CREATION_FEEDBACK_APPLICATION_PIPELINE_CACHE_HIT_BIT = 2 PIPELINE_CREATION_FEEDBACK_BASE_PIPELINE_ACCELERATION_BIT = 4 end @bitmask MemoryDecompressionMethodFlagNV::UInt64 begin MEMORY_DECOMPRESSION_METHOD_GDEFLATE_1_0_BIT_NV = 1 end @bitmask PerformanceCounterDescriptionFlagKHR::UInt32 begin PERFORMANCE_COUNTER_DESCRIPTION_PERFORMANCE_IMPACTING_BIT_KHR = 1 PERFORMANCE_COUNTER_DESCRIPTION_CONCURRENTLY_IMPACTED_BIT_KHR = 2 end @bitmask AcquireProfilingLockFlagKHR::UInt32 begin end @bitmask ShaderCorePropertiesFlagAMD::UInt32 begin end @bitmask ShaderModuleCreateFlag::UInt32 begin end @bitmask PipelineCompilerControlFlagAMD::UInt32 begin end @bitmask ToolPurposeFlag::UInt32 begin TOOL_PURPOSE_VALIDATION_BIT = 1 TOOL_PURPOSE_PROFILING_BIT = 2 TOOL_PURPOSE_TRACING_BIT = 4 TOOL_PURPOSE_ADDITIONAL_FEATURES_BIT = 8 TOOL_PURPOSE_MODIFYING_FEATURES_BIT = 16 TOOL_PURPOSE_DEBUG_REPORTING_BIT_EXT = 32 TOOL_PURPOSE_DEBUG_MARKERS_BIT_EXT = 64 end @bitmask AccessFlag2::UInt64 begin ACCESS_2_INDIRECT_COMMAND_READ_BIT = 1 ACCESS_2_INDEX_READ_BIT = 2 ACCESS_2_VERTEX_ATTRIBUTE_READ_BIT = 4 ACCESS_2_UNIFORM_READ_BIT = 8 ACCESS_2_INPUT_ATTACHMENT_READ_BIT = 16 ACCESS_2_SHADER_READ_BIT = 32 ACCESS_2_SHADER_WRITE_BIT = 64 ACCESS_2_COLOR_ATTACHMENT_READ_BIT = 128 ACCESS_2_COLOR_ATTACHMENT_WRITE_BIT = 256 ACCESS_2_DEPTH_STENCIL_ATTACHMENT_READ_BIT = 512 ACCESS_2_DEPTH_STENCIL_ATTACHMENT_WRITE_BIT = 1024 ACCESS_2_TRANSFER_READ_BIT = 2048 ACCESS_2_TRANSFER_WRITE_BIT = 4096 ACCESS_2_HOST_READ_BIT = 8192 ACCESS_2_HOST_WRITE_BIT = 16384 ACCESS_2_MEMORY_READ_BIT = 32768 ACCESS_2_MEMORY_WRITE_BIT = 65536 ACCESS_2_SHADER_SAMPLED_READ_BIT = 4294967296 ACCESS_2_SHADER_STORAGE_READ_BIT = 8589934592 ACCESS_2_SHADER_STORAGE_WRITE_BIT = 17179869184 ACCESS_2_VIDEO_DECODE_READ_BIT_KHR = 34359738368 ACCESS_2_VIDEO_DECODE_WRITE_BIT_KHR = 68719476736 ACCESS_2_VIDEO_ENCODE_READ_BIT_KHR = 137438953472 ACCESS_2_VIDEO_ENCODE_WRITE_BIT_KHR = 274877906944 ACCESS_2_TRANSFORM_FEEDBACK_WRITE_BIT_EXT = 33554432 ACCESS_2_TRANSFORM_FEEDBACK_COUNTER_READ_BIT_EXT = 67108864 ACCESS_2_TRANSFORM_FEEDBACK_COUNTER_WRITE_BIT_EXT = 134217728 ACCESS_2_CONDITIONAL_RENDERING_READ_BIT_EXT = 1048576 ACCESS_2_COMMAND_PREPROCESS_READ_BIT_NV = 131072 ACCESS_2_COMMAND_PREPROCESS_WRITE_BIT_NV = 262144 ACCESS_2_FRAGMENT_SHADING_RATE_ATTACHMENT_READ_BIT_KHR = 8388608 ACCESS_2_ACCELERATION_STRUCTURE_READ_BIT_KHR = 2097152 ACCESS_2_ACCELERATION_STRUCTURE_WRITE_BIT_KHR = 4194304 ACCESS_2_FRAGMENT_DENSITY_MAP_READ_BIT_EXT = 16777216 ACCESS_2_COLOR_ATTACHMENT_READ_NONCOHERENT_BIT_EXT = 524288 ACCESS_2_DESCRIPTOR_BUFFER_READ_BIT_EXT = 2199023255552 ACCESS_2_INVOCATION_MASK_READ_BIT_HUAWEI = 549755813888 ACCESS_2_SHADER_BINDING_TABLE_READ_BIT_KHR = 1099511627776 ACCESS_2_MICROMAP_READ_BIT_EXT = 17592186044416 ACCESS_2_MICROMAP_WRITE_BIT_EXT = 35184372088832 ACCESS_2_OPTICAL_FLOW_READ_BIT_NV = 4398046511104 ACCESS_2_OPTICAL_FLOW_WRITE_BIT_NV = 8796093022208 ACCESS_2_NONE = 0 end @bitmask PipelineStageFlag2::UInt64 begin PIPELINE_STAGE_2_TOP_OF_PIPE_BIT = 1 PIPELINE_STAGE_2_DRAW_INDIRECT_BIT = 2 PIPELINE_STAGE_2_VERTEX_INPUT_BIT = 4 PIPELINE_STAGE_2_VERTEX_SHADER_BIT = 8 PIPELINE_STAGE_2_TESSELLATION_CONTROL_SHADER_BIT = 16 PIPELINE_STAGE_2_TESSELLATION_EVALUATION_SHADER_BIT = 32 PIPELINE_STAGE_2_GEOMETRY_SHADER_BIT = 64 PIPELINE_STAGE_2_FRAGMENT_SHADER_BIT = 128 PIPELINE_STAGE_2_EARLY_FRAGMENT_TESTS_BIT = 256 PIPELINE_STAGE_2_LATE_FRAGMENT_TESTS_BIT = 512 PIPELINE_STAGE_2_COLOR_ATTACHMENT_OUTPUT_BIT = 1024 PIPELINE_STAGE_2_COMPUTE_SHADER_BIT = 2048 PIPELINE_STAGE_2_ALL_TRANSFER_BIT = 4096 PIPELINE_STAGE_2_BOTTOM_OF_PIPE_BIT = 8192 PIPELINE_STAGE_2_HOST_BIT = 16384 PIPELINE_STAGE_2_ALL_GRAPHICS_BIT = 32768 PIPELINE_STAGE_2_ALL_COMMANDS_BIT = 65536 PIPELINE_STAGE_2_COPY_BIT = 4294967296 PIPELINE_STAGE_2_RESOLVE_BIT = 8589934592 PIPELINE_STAGE_2_BLIT_BIT = 17179869184 PIPELINE_STAGE_2_CLEAR_BIT = 34359738368 PIPELINE_STAGE_2_INDEX_INPUT_BIT = 68719476736 PIPELINE_STAGE_2_VERTEX_ATTRIBUTE_INPUT_BIT = 137438953472 PIPELINE_STAGE_2_PRE_RASTERIZATION_SHADERS_BIT = 274877906944 PIPELINE_STAGE_2_VIDEO_DECODE_BIT_KHR = 67108864 PIPELINE_STAGE_2_VIDEO_ENCODE_BIT_KHR = 134217728 PIPELINE_STAGE_2_TRANSFORM_FEEDBACK_BIT_EXT = 16777216 PIPELINE_STAGE_2_CONDITIONAL_RENDERING_BIT_EXT = 262144 PIPELINE_STAGE_2_COMMAND_PREPROCESS_BIT_NV = 131072 PIPELINE_STAGE_2_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR = 4194304 PIPELINE_STAGE_2_ACCELERATION_STRUCTURE_BUILD_BIT_KHR = 33554432 PIPELINE_STAGE_2_RAY_TRACING_SHADER_BIT_KHR = 2097152 PIPELINE_STAGE_2_FRAGMENT_DENSITY_PROCESS_BIT_EXT = 8388608 PIPELINE_STAGE_2_TASK_SHADER_BIT_EXT = 524288 PIPELINE_STAGE_2_MESH_SHADER_BIT_EXT = 1048576 PIPELINE_STAGE_2_SUBPASS_SHADING_BIT_HUAWEI = 549755813888 PIPELINE_STAGE_2_INVOCATION_MASK_BIT_HUAWEI = 1099511627776 PIPELINE_STAGE_2_ACCELERATION_STRUCTURE_COPY_BIT_KHR = 268435456 PIPELINE_STAGE_2_MICROMAP_BUILD_BIT_EXT = 1073741824 PIPELINE_STAGE_2_CLUSTER_CULLING_SHADER_BIT_HUAWEI = 2199023255552 PIPELINE_STAGE_2_OPTICAL_FLOW_BIT_NV = 536870912 PIPELINE_STAGE_2_NONE = 0 end @bitmask SubmitFlag::UInt32 begin SUBMIT_PROTECTED_BIT = 1 end @bitmask EventCreateFlag::UInt32 begin EVENT_CREATE_DEVICE_ONLY_BIT = 1 end @bitmask PipelineLayoutCreateFlag::UInt32 begin PIPELINE_LAYOUT_CREATE_INDEPENDENT_SETS_BIT_EXT = 2 end @bitmask PipelineColorBlendStateCreateFlag::UInt32 begin PIPELINE_COLOR_BLEND_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_ACCESS_BIT_EXT = 1 end @bitmask PipelineDepthStencilStateCreateFlag::UInt32 begin PIPELINE_DEPTH_STENCIL_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_DEPTH_ACCESS_BIT_EXT = 1 PIPELINE_DEPTH_STENCIL_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_STENCIL_ACCESS_BIT_EXT = 2 end @bitmask GraphicsPipelineLibraryFlagEXT::UInt32 begin GRAPHICS_PIPELINE_LIBRARY_VERTEX_INPUT_INTERFACE_BIT_EXT = 1 GRAPHICS_PIPELINE_LIBRARY_PRE_RASTERIZATION_SHADERS_BIT_EXT = 2 GRAPHICS_PIPELINE_LIBRARY_FRAGMENT_SHADER_BIT_EXT = 4 GRAPHICS_PIPELINE_LIBRARY_FRAGMENT_OUTPUT_INTERFACE_BIT_EXT = 8 end @bitmask DeviceAddressBindingFlagEXT::UInt32 begin DEVICE_ADDRESS_BINDING_INTERNAL_OBJECT_BIT_EXT = 1 end @bitmask PresentScalingFlagEXT::UInt32 begin PRESENT_SCALING_ONE_TO_ONE_BIT_EXT = 1 PRESENT_SCALING_ASPECT_RATIO_STRETCH_BIT_EXT = 2 PRESENT_SCALING_STRETCH_BIT_EXT = 4 end @bitmask PresentGravityFlagEXT::UInt32 begin PRESENT_GRAVITY_MIN_BIT_EXT = 1 PRESENT_GRAVITY_MAX_BIT_EXT = 2 PRESENT_GRAVITY_CENTERED_BIT_EXT = 4 end @bitmask VideoCodecOperationFlagKHR::UInt32 begin VIDEO_CODEC_OPERATION_ENCODE_H264_BIT_EXT = 65536 VIDEO_CODEC_OPERATION_ENCODE_H265_BIT_EXT = 131072 VIDEO_CODEC_OPERATION_DECODE_H264_BIT_KHR = 1 VIDEO_CODEC_OPERATION_DECODE_H265_BIT_KHR = 2 VIDEO_CODEC_OPERATION_NONE_KHR = 0 end @bitmask VideoChromaSubsamplingFlagKHR::UInt32 begin VIDEO_CHROMA_SUBSAMPLING_MONOCHROME_BIT_KHR = 1 VIDEO_CHROMA_SUBSAMPLING_420_BIT_KHR = 2 VIDEO_CHROMA_SUBSAMPLING_422_BIT_KHR = 4 VIDEO_CHROMA_SUBSAMPLING_444_BIT_KHR = 8 VIDEO_CHROMA_SUBSAMPLING_INVALID_KHR = 0 end @bitmask VideoComponentBitDepthFlagKHR::UInt32 begin VIDEO_COMPONENT_BIT_DEPTH_8_BIT_KHR = 1 VIDEO_COMPONENT_BIT_DEPTH_10_BIT_KHR = 4 VIDEO_COMPONENT_BIT_DEPTH_12_BIT_KHR = 16 VIDEO_COMPONENT_BIT_DEPTH_INVALID_KHR = 0 end @bitmask VideoCapabilityFlagKHR::UInt32 begin VIDEO_CAPABILITY_PROTECTED_CONTENT_BIT_KHR = 1 VIDEO_CAPABILITY_SEPARATE_REFERENCE_IMAGES_BIT_KHR = 2 end @bitmask VideoSessionCreateFlagKHR::UInt32 begin VIDEO_SESSION_CREATE_PROTECTED_CONTENT_BIT_KHR = 1 end @bitmask VideoDecodeH264PictureLayoutFlagKHR::UInt32 begin VIDEO_DECODE_H264_PICTURE_LAYOUT_INTERLACED_INTERLEAVED_LINES_BIT_KHR = 1 VIDEO_DECODE_H264_PICTURE_LAYOUT_INTERLACED_SEPARATE_PLANES_BIT_KHR = 2 VIDEO_DECODE_H264_PICTURE_LAYOUT_PROGRESSIVE_KHR = 0 end @bitmask VideoCodingControlFlagKHR::UInt32 begin VIDEO_CODING_CONTROL_RESET_BIT_KHR = 1 VIDEO_CODING_CONTROL_ENCODE_RATE_CONTROL_BIT_KHR = 2 VIDEO_CODING_CONTROL_ENCODE_RATE_CONTROL_LAYER_BIT_KHR = 4 end @bitmask VideoDecodeUsageFlagKHR::UInt32 begin VIDEO_DECODE_USAGE_TRANSCODING_BIT_KHR = 1 VIDEO_DECODE_USAGE_OFFLINE_BIT_KHR = 2 VIDEO_DECODE_USAGE_STREAMING_BIT_KHR = 4 VIDEO_DECODE_USAGE_DEFAULT_KHR = 0 end @bitmask VideoDecodeCapabilityFlagKHR::UInt32 begin VIDEO_DECODE_CAPABILITY_DPB_AND_OUTPUT_COINCIDE_BIT_KHR = 1 VIDEO_DECODE_CAPABILITY_DPB_AND_OUTPUT_DISTINCT_BIT_KHR = 2 end @bitmask ImageFormatConstraintsFlagFUCHSIA::UInt32 begin end @bitmask FormatFeatureFlag2::UInt64 begin FORMAT_FEATURE_2_SAMPLED_IMAGE_BIT = 1 FORMAT_FEATURE_2_STORAGE_IMAGE_BIT = 2 FORMAT_FEATURE_2_STORAGE_IMAGE_ATOMIC_BIT = 4 FORMAT_FEATURE_2_UNIFORM_TEXEL_BUFFER_BIT = 8 FORMAT_FEATURE_2_STORAGE_TEXEL_BUFFER_BIT = 16 FORMAT_FEATURE_2_STORAGE_TEXEL_BUFFER_ATOMIC_BIT = 32 FORMAT_FEATURE_2_VERTEX_BUFFER_BIT = 64 FORMAT_FEATURE_2_COLOR_ATTACHMENT_BIT = 128 FORMAT_FEATURE_2_COLOR_ATTACHMENT_BLEND_BIT = 256 FORMAT_FEATURE_2_DEPTH_STENCIL_ATTACHMENT_BIT = 512 FORMAT_FEATURE_2_BLIT_SRC_BIT = 1024 FORMAT_FEATURE_2_BLIT_DST_BIT = 2048 FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_LINEAR_BIT = 4096 FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_CUBIC_BIT = 8192 FORMAT_FEATURE_2_TRANSFER_SRC_BIT = 16384 FORMAT_FEATURE_2_TRANSFER_DST_BIT = 32768 FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_MINMAX_BIT = 65536 FORMAT_FEATURE_2_MIDPOINT_CHROMA_SAMPLES_BIT = 131072 FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_LINEAR_FILTER_BIT = 262144 FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_SEPARATE_RECONSTRUCTION_FILTER_BIT = 524288 FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_BIT = 1048576 FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_FORCEABLE_BIT = 2097152 FORMAT_FEATURE_2_DISJOINT_BIT = 4194304 FORMAT_FEATURE_2_COSITED_CHROMA_SAMPLES_BIT = 8388608 FORMAT_FEATURE_2_STORAGE_READ_WITHOUT_FORMAT_BIT = 2147483648 FORMAT_FEATURE_2_STORAGE_WRITE_WITHOUT_FORMAT_BIT = 4294967296 FORMAT_FEATURE_2_SAMPLED_IMAGE_DEPTH_COMPARISON_BIT = 8589934592 FORMAT_FEATURE_2_VIDEO_DECODE_OUTPUT_BIT_KHR = 33554432 FORMAT_FEATURE_2_VIDEO_DECODE_DPB_BIT_KHR = 67108864 FORMAT_FEATURE_2_ACCELERATION_STRUCTURE_VERTEX_BUFFER_BIT_KHR = 536870912 FORMAT_FEATURE_2_FRAGMENT_DENSITY_MAP_BIT_EXT = 16777216 FORMAT_FEATURE_2_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR = 1073741824 FORMAT_FEATURE_2_VIDEO_ENCODE_INPUT_BIT_KHR = 134217728 FORMAT_FEATURE_2_VIDEO_ENCODE_DPB_BIT_KHR = 268435456 FORMAT_FEATURE_2_LINEAR_COLOR_ATTACHMENT_BIT_NV = 274877906944 FORMAT_FEATURE_2_WEIGHT_IMAGE_BIT_QCOM = 17179869184 FORMAT_FEATURE_2_WEIGHT_SAMPLED_IMAGE_BIT_QCOM = 34359738368 FORMAT_FEATURE_2_BLOCK_MATCHING_BIT_QCOM = 68719476736 FORMAT_FEATURE_2_BOX_FILTER_SAMPLED_BIT_QCOM = 137438953472 FORMAT_FEATURE_2_OPTICAL_FLOW_IMAGE_BIT_NV = 1099511627776 FORMAT_FEATURE_2_OPTICAL_FLOW_VECTOR_BIT_NV = 2199023255552 FORMAT_FEATURE_2_OPTICAL_FLOW_COST_BIT_NV = 4398046511104 end @bitmask RenderingFlag::UInt32 begin RENDERING_CONTENTS_SECONDARY_COMMAND_BUFFERS_BIT = 1 RENDERING_SUSPENDING_BIT = 2 RENDERING_RESUMING_BIT = 4 RENDERING_ENABLE_LEGACY_DITHERING_BIT_EXT = 8 end @bitmask InstanceCreateFlag::UInt32 begin INSTANCE_CREATE_ENUMERATE_PORTABILITY_BIT_KHR = 1 end @bitmask ImageCompressionFlagEXT::UInt32 begin IMAGE_COMPRESSION_FIXED_RATE_DEFAULT_EXT = 1 IMAGE_COMPRESSION_FIXED_RATE_EXPLICIT_EXT = 2 IMAGE_COMPRESSION_DISABLED_EXT = 4 IMAGE_COMPRESSION_DEFAULT_EXT = 0 end @bitmask ImageCompressionFixedRateFlagEXT::UInt32 begin IMAGE_COMPRESSION_FIXED_RATE_1BPC_BIT_EXT = 1 IMAGE_COMPRESSION_FIXED_RATE_2BPC_BIT_EXT = 2 IMAGE_COMPRESSION_FIXED_RATE_3BPC_BIT_EXT = 4 IMAGE_COMPRESSION_FIXED_RATE_4BPC_BIT_EXT = 8 IMAGE_COMPRESSION_FIXED_RATE_5BPC_BIT_EXT = 16 IMAGE_COMPRESSION_FIXED_RATE_6BPC_BIT_EXT = 32 IMAGE_COMPRESSION_FIXED_RATE_7BPC_BIT_EXT = 64 IMAGE_COMPRESSION_FIXED_RATE_8BPC_BIT_EXT = 128 IMAGE_COMPRESSION_FIXED_RATE_9BPC_BIT_EXT = 256 IMAGE_COMPRESSION_FIXED_RATE_10BPC_BIT_EXT = 512 IMAGE_COMPRESSION_FIXED_RATE_11BPC_BIT_EXT = 1024 IMAGE_COMPRESSION_FIXED_RATE_12BPC_BIT_EXT = 2048 IMAGE_COMPRESSION_FIXED_RATE_13BPC_BIT_EXT = 4096 IMAGE_COMPRESSION_FIXED_RATE_14BPC_BIT_EXT = 8192 IMAGE_COMPRESSION_FIXED_RATE_15BPC_BIT_EXT = 16384 IMAGE_COMPRESSION_FIXED_RATE_16BPC_BIT_EXT = 32768 IMAGE_COMPRESSION_FIXED_RATE_17BPC_BIT_EXT = 65536 IMAGE_COMPRESSION_FIXED_RATE_18BPC_BIT_EXT = 131072 IMAGE_COMPRESSION_FIXED_RATE_19BPC_BIT_EXT = 262144 IMAGE_COMPRESSION_FIXED_RATE_20BPC_BIT_EXT = 524288 IMAGE_COMPRESSION_FIXED_RATE_21BPC_BIT_EXT = 1048576 IMAGE_COMPRESSION_FIXED_RATE_22BPC_BIT_EXT = 2097152 IMAGE_COMPRESSION_FIXED_RATE_23BPC_BIT_EXT = 4194304 IMAGE_COMPRESSION_FIXED_RATE_24BPC_BIT_EXT = 8388608 IMAGE_COMPRESSION_FIXED_RATE_NONE_EXT = 0 end @bitmask OpticalFlowGridSizeFlagNV::UInt32 begin OPTICAL_FLOW_GRID_SIZE_1X1_BIT_NV = 1 OPTICAL_FLOW_GRID_SIZE_2X2_BIT_NV = 2 OPTICAL_FLOW_GRID_SIZE_4X4_BIT_NV = 4 OPTICAL_FLOW_GRID_SIZE_8X8_BIT_NV = 8 OPTICAL_FLOW_GRID_SIZE_UNKNOWN_NV = 0 end @bitmask OpticalFlowUsageFlagNV::UInt32 begin OPTICAL_FLOW_USAGE_INPUT_BIT_NV = 1 OPTICAL_FLOW_USAGE_OUTPUT_BIT_NV = 2 OPTICAL_FLOW_USAGE_HINT_BIT_NV = 4 OPTICAL_FLOW_USAGE_COST_BIT_NV = 8 OPTICAL_FLOW_USAGE_GLOBAL_FLOW_BIT_NV = 16 OPTICAL_FLOW_USAGE_UNKNOWN_NV = 0 end @bitmask OpticalFlowSessionCreateFlagNV::UInt32 begin OPTICAL_FLOW_SESSION_CREATE_ENABLE_HINT_BIT_NV = 1 OPTICAL_FLOW_SESSION_CREATE_ENABLE_COST_BIT_NV = 2 OPTICAL_FLOW_SESSION_CREATE_ENABLE_GLOBAL_FLOW_BIT_NV = 4 OPTICAL_FLOW_SESSION_CREATE_ALLOW_REGIONS_BIT_NV = 8 OPTICAL_FLOW_SESSION_CREATE_BOTH_DIRECTIONS_BIT_NV = 16 end @bitmask OpticalFlowExecuteFlagNV::UInt32 begin OPTICAL_FLOW_EXECUTE_DISABLE_TEMPORAL_HINTS_BIT_NV = 1 end @bitmask BuildMicromapFlagEXT::UInt32 begin BUILD_MICROMAP_PREFER_FAST_TRACE_BIT_EXT = 1 BUILD_MICROMAP_PREFER_FAST_BUILD_BIT_EXT = 2 BUILD_MICROMAP_ALLOW_COMPACTION_BIT_EXT = 4 end @bitmask MicromapCreateFlagEXT::UInt32 begin MICROMAP_CREATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT_EXT = 1 end """ High-level wrapper for VkAccelerationStructureMotionInstanceDataNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMotionInstanceDataNV.html) """ struct AccelerationStructureMotionInstanceDataNV <: HighLevelStruct vks::VkAccelerationStructureMotionInstanceDataNV end """ High-level wrapper for VkDescriptorDataEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorDataEXT.html) """ struct DescriptorDataEXT <: HighLevelStruct vks::VkDescriptorDataEXT end """ High-level wrapper for VkAccelerationStructureGeometryDataKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryDataKHR.html) """ struct AccelerationStructureGeometryDataKHR <: HighLevelStruct vks::VkAccelerationStructureGeometryDataKHR end """ High-level wrapper for VkDeviceOrHostAddressConstKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceOrHostAddressConstKHR.html) """ struct DeviceOrHostAddressConstKHR <: HighLevelStruct vks::VkDeviceOrHostAddressConstKHR end """ High-level wrapper for VkDeviceOrHostAddressKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceOrHostAddressKHR.html) """ struct DeviceOrHostAddressKHR <: HighLevelStruct vks::VkDeviceOrHostAddressKHR end """ High-level wrapper for VkPipelineExecutableStatisticValueKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableStatisticValueKHR.html) """ struct PipelineExecutableStatisticValueKHR <: HighLevelStruct vks::VkPipelineExecutableStatisticValueKHR end """ High-level wrapper for VkPerformanceValueDataINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceValueDataINTEL.html) """ struct PerformanceValueDataINTEL <: HighLevelStruct vks::VkPerformanceValueDataINTEL end """ High-level wrapper for VkPerformanceCounterResultKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceCounterResultKHR.html) """ struct PerformanceCounterResultKHR <: HighLevelStruct vks::VkPerformanceCounterResultKHR end """ High-level wrapper for VkClearValue. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearValue.html) """ struct ClearValue <: HighLevelStruct vks::VkClearValue end """ High-level wrapper for VkClearColorValue. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearColorValue.html) """ struct ClearColorValue <: HighLevelStruct vks::VkClearColorValue end """ High-level wrapper for VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM. Extension: VK\\_QCOM\\_multiview\\_per\\_view\\_viewports [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM.html) """ @struct_hash_equal struct PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM <: HighLevelStruct next::Any multiview_per_view_viewports::Bool end """ High-level wrapper for VkDirectDriverLoadingInfoLUNARG. Extension: VK\\_LUNARG\\_direct\\_driver\\_loading [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDirectDriverLoadingInfoLUNARG.html) """ @struct_hash_equal struct DirectDriverLoadingInfoLUNARG <: HighLevelStruct next::Any flags::UInt32 pfn_get_instance_proc_addr::FunctionPtr end """ High-level wrapper for VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV. Extension: VK\\_NV\\_ray\\_tracing\\_invocation\\_reorder [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceRayTracingInvocationReorderFeaturesNV <: HighLevelStruct next::Any ray_tracing_invocation_reorder::Bool end """ High-level wrapper for VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT. Extension: VK\\_EXT\\_swapchain\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceSwapchainMaintenance1FeaturesEXT <: HighLevelStruct next::Any swapchain_maintenance_1::Bool end """ High-level wrapper for VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM. Extension: VK\\_ARM\\_shader\\_core\\_builtins [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM.html) """ @struct_hash_equal struct PhysicalDeviceShaderCoreBuiltinsFeaturesARM <: HighLevelStruct next::Any shader_core_builtins::Bool end """ High-level wrapper for VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM. Extension: VK\\_ARM\\_shader\\_core\\_builtins [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM.html) """ @struct_hash_equal struct PhysicalDeviceShaderCoreBuiltinsPropertiesARM <: HighLevelStruct next::Any shader_core_mask::UInt64 shader_core_count::UInt32 shader_warps_per_core::UInt32 end """ High-level wrapper for VkDecompressMemoryRegionNV. Extension: VK\\_NV\\_memory\\_decompression [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDecompressMemoryRegionNV.html) """ @struct_hash_equal struct DecompressMemoryRegionNV <: HighLevelStruct src_address::UInt64 dst_address::UInt64 compressed_size::UInt64 decompressed_size::UInt64 decompression_method::UInt64 end """ High-level wrapper for VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT. Extension: VK\\_EXT\\_pipeline\\_library\\_group\\_handles [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT <: HighLevelStruct next::Any pipeline_library_group_handles::Bool end """ High-level wrapper for VkDeviceFaultCountsEXT. Extension: VK\\_EXT\\_device\\_fault [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultCountsEXT.html) """ @struct_hash_equal struct DeviceFaultCountsEXT <: HighLevelStruct next::Any address_info_count::UInt32 vendor_info_count::UInt32 vendor_binary_size::UInt64 end """ High-level wrapper for VkDeviceFaultVendorInfoEXT. Extension: VK\\_EXT\\_device\\_fault [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultVendorInfoEXT.html) """ @struct_hash_equal struct DeviceFaultVendorInfoEXT <: HighLevelStruct description::String vendor_fault_code::UInt64 vendor_fault_data::UInt64 end """ High-level wrapper for VkPhysicalDeviceFaultFeaturesEXT. Extension: VK\\_EXT\\_device\\_fault [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFaultFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceFaultFeaturesEXT <: HighLevelStruct next::Any device_fault::Bool device_fault_vendor_binary::Bool end """ High-level wrapper for VkOpticalFlowSessionCreatePrivateDataInfoNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowSessionCreatePrivateDataInfoNV.html) """ @struct_hash_equal struct OpticalFlowSessionCreatePrivateDataInfoNV <: HighLevelStruct next::Any id::UInt32 size::UInt32 private_data::Ptr{Cvoid} end """ High-level wrapper for VkPhysicalDeviceOpticalFlowFeaturesNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpticalFlowFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceOpticalFlowFeaturesNV <: HighLevelStruct next::Any optical_flow::Bool end """ High-level wrapper for VkPhysicalDeviceAddressBindingReportFeaturesEXT. Extension: VK\\_EXT\\_device\\_address\\_binding\\_report [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAddressBindingReportFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceAddressBindingReportFeaturesEXT <: HighLevelStruct next::Any report_address_binding::Bool end """ High-level wrapper for VkPhysicalDeviceDepthClampZeroOneFeaturesEXT. Extension: VK\\_EXT\\_depth\\_clamp\\_zero\\_one [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthClampZeroOneFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceDepthClampZeroOneFeaturesEXT <: HighLevelStruct next::Any depth_clamp_zero_one::Bool end """ High-level wrapper for VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT. Extension: VK\\_EXT\\_attachment\\_feedback\\_loop\\_layout [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT <: HighLevelStruct next::Any attachment_feedback_loop_layout::Bool end """ High-level wrapper for VkAmigoProfilingSubmitInfoSEC. Extension: VK\\_SEC\\_amigo\\_profiling [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAmigoProfilingSubmitInfoSEC.html) """ @struct_hash_equal struct AmigoProfilingSubmitInfoSEC <: HighLevelStruct next::Any first_draw_timestamp::UInt64 swap_buffer_timestamp::UInt64 end """ High-level wrapper for VkPhysicalDeviceAmigoProfilingFeaturesSEC. Extension: VK\\_SEC\\_amigo\\_profiling [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAmigoProfilingFeaturesSEC.html) """ @struct_hash_equal struct PhysicalDeviceAmigoProfilingFeaturesSEC <: HighLevelStruct next::Any amigo_profiling::Bool end """ High-level wrapper for VkPhysicalDeviceTilePropertiesFeaturesQCOM. Extension: VK\\_QCOM\\_tile\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTilePropertiesFeaturesQCOM.html) """ @struct_hash_equal struct PhysicalDeviceTilePropertiesFeaturesQCOM <: HighLevelStruct next::Any tile_properties::Bool end """ High-level wrapper for VkPhysicalDeviceImageProcessingFeaturesQCOM. Extension: VK\\_QCOM\\_image\\_processing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageProcessingFeaturesQCOM.html) """ @struct_hash_equal struct PhysicalDeviceImageProcessingFeaturesQCOM <: HighLevelStruct next::Any texture_sample_weighted::Bool texture_box_filter::Bool texture_block_match::Bool end """ High-level wrapper for VkPhysicalDevicePipelineRobustnessFeaturesEXT. Extension: VK\\_EXT\\_pipeline\\_robustness [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineRobustnessFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDevicePipelineRobustnessFeaturesEXT <: HighLevelStruct next::Any pipeline_robustness::Bool end """ High-level wrapper for VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT. Extension: VK\\_EXT\\_non\\_seamless\\_cube\\_map [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceNonSeamlessCubeMapFeaturesEXT <: HighLevelStruct next::Any non_seamless_cube_map::Bool end """ High-level wrapper for VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD. Extension: VK\\_AMD\\_shader\\_early\\_and\\_late\\_fragment\\_tests [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD.html) """ @struct_hash_equal struct PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD <: HighLevelStruct next::Any shader_early_and_late_fragment_tests::Bool end """ High-level wrapper for VkPhysicalDevicePipelinePropertiesFeaturesEXT. Extension: VK\\_EXT\\_pipeline\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelinePropertiesFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDevicePipelinePropertiesFeaturesEXT <: HighLevelStruct next::Any pipeline_properties_identifier::Bool end """ High-level wrapper for VkPipelinePropertiesIdentifierEXT. Extension: VK\\_EXT\\_pipeline\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelinePropertiesIdentifierEXT.html) """ @struct_hash_equal struct PipelinePropertiesIdentifierEXT <: HighLevelStruct next::Any pipeline_identifier::NTuple{Int(VK_UUID_SIZE), UInt8} end """ High-level wrapper for VkPhysicalDeviceOpacityMicromapPropertiesEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpacityMicromapPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceOpacityMicromapPropertiesEXT <: HighLevelStruct next::Any max_opacity_2_state_subdivision_level::UInt32 max_opacity_4_state_subdivision_level::UInt32 end """ High-level wrapper for VkPhysicalDeviceOpacityMicromapFeaturesEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpacityMicromapFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceOpacityMicromapFeaturesEXT <: HighLevelStruct next::Any micromap::Bool micromap_capture_replay::Bool micromap_host_commands::Bool end """ High-level wrapper for VkMicromapTriangleEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapTriangleEXT.html) """ @struct_hash_equal struct MicromapTriangleEXT <: HighLevelStruct data_offset::UInt32 subdivision_level::UInt16 format::UInt16 end """ High-level wrapper for VkMicromapUsageEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapUsageEXT.html) """ @struct_hash_equal struct MicromapUsageEXT <: HighLevelStruct count::UInt32 subdivision_level::UInt32 format::UInt32 end """ High-level wrapper for VkMicromapBuildSizesInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapBuildSizesInfoEXT.html) """ @struct_hash_equal struct MicromapBuildSizesInfoEXT <: HighLevelStruct next::Any micromap_size::UInt64 build_scratch_size::UInt64 discardable::Bool end """ High-level wrapper for VkMicromapVersionInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapVersionInfoEXT.html) """ @struct_hash_equal struct MicromapVersionInfoEXT <: HighLevelStruct next::Any version_data::Vector{UInt8} end """ High-level wrapper for VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT. Extension: VK\\_EXT\\_subpass\\_merge\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceSubpassMergeFeedbackFeaturesEXT <: HighLevelStruct next::Any subpass_merge_feedback::Bool end """ High-level wrapper for VkRenderPassCreationFeedbackInfoEXT. Extension: VK\\_EXT\\_subpass\\_merge\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreationFeedbackInfoEXT.html) """ @struct_hash_equal struct RenderPassCreationFeedbackInfoEXT <: HighLevelStruct post_merge_subpass_count::UInt32 end """ High-level wrapper for VkRenderPassCreationFeedbackCreateInfoEXT. Extension: VK\\_EXT\\_subpass\\_merge\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreationFeedbackCreateInfoEXT.html) """ @struct_hash_equal struct RenderPassCreationFeedbackCreateInfoEXT <: HighLevelStruct next::Any render_pass_feedback::RenderPassCreationFeedbackInfoEXT end """ High-level wrapper for VkRenderPassCreationControlEXT. Extension: VK\\_EXT\\_subpass\\_merge\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreationControlEXT.html) """ @struct_hash_equal struct RenderPassCreationControlEXT <: HighLevelStruct next::Any disallow_merging::Bool end """ High-level wrapper for VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT. Extension: VK\\_EXT\\_image\\_compression\\_control\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT <: HighLevelStruct next::Any image_compression_control_swapchain::Bool end """ High-level wrapper for VkPhysicalDeviceImageCompressionControlFeaturesEXT. Extension: VK\\_EXT\\_image\\_compression\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageCompressionControlFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceImageCompressionControlFeaturesEXT <: HighLevelStruct next::Any image_compression_control::Bool end """ High-level wrapper for VkShaderModuleIdentifierEXT. Extension: VK\\_EXT\\_shader\\_module\\_identifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderModuleIdentifierEXT.html) """ @struct_hash_equal struct ShaderModuleIdentifierEXT <: HighLevelStruct next::Any identifier_size::UInt32 identifier::NTuple{Int(VK_MAX_SHADER_MODULE_IDENTIFIER_SIZE_EXT), UInt8} end """ High-level wrapper for VkPipelineShaderStageModuleIdentifierCreateInfoEXT. Extension: VK\\_EXT\\_shader\\_module\\_identifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineShaderStageModuleIdentifierCreateInfoEXT.html) """ @struct_hash_equal struct PipelineShaderStageModuleIdentifierCreateInfoEXT <: HighLevelStruct next::Any identifier_size::UInt32 identifier::Vector{UInt8} end """ High-level wrapper for VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT. Extension: VK\\_EXT\\_shader\\_module\\_identifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceShaderModuleIdentifierPropertiesEXT <: HighLevelStruct next::Any shader_module_identifier_algorithm_uuid::NTuple{Int(VK_UUID_SIZE), UInt8} end """ High-level wrapper for VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT. Extension: VK\\_EXT\\_shader\\_module\\_identifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceShaderModuleIdentifierFeaturesEXT <: HighLevelStruct next::Any shader_module_identifier::Bool end """ High-level wrapper for VkDescriptorSetLayoutHostMappingInfoVALVE. Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutHostMappingInfoVALVE.html) """ @struct_hash_equal struct DescriptorSetLayoutHostMappingInfoVALVE <: HighLevelStruct next::Any descriptor_offset::UInt descriptor_size::UInt32 end """ High-level wrapper for VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE. Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE.html) """ @struct_hash_equal struct PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE <: HighLevelStruct next::Any descriptor_set_host_mapping::Bool end """ High-level wrapper for VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT. Extension: VK\\_EXT\\_graphics\\_pipeline\\_library [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT <: HighLevelStruct next::Any graphics_pipeline_library_fast_linking::Bool graphics_pipeline_library_independent_interpolation_decoration::Bool end """ High-level wrapper for VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT. Extension: VK\\_EXT\\_graphics\\_pipeline\\_library [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT <: HighLevelStruct next::Any graphics_pipeline_library::Bool end """ High-level wrapper for VkPhysicalDeviceLinearColorAttachmentFeaturesNV. Extension: VK\\_NV\\_linear\\_color\\_attachment [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLinearColorAttachmentFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceLinearColorAttachmentFeaturesNV <: HighLevelStruct next::Any linear_color_attachment::Bool end """ High-level wrapper for VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT. Extension: VK\\_EXT\\_rasterization\\_order\\_attachment\\_access [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT <: HighLevelStruct next::Any rasterization_order_color_attachment_access::Bool rasterization_order_depth_attachment_access::Bool rasterization_order_stencil_attachment_access::Bool end """ High-level wrapper for VkImageViewMinLodCreateInfoEXT. Extension: VK\\_EXT\\_image\\_view\\_min\\_lod [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewMinLodCreateInfoEXT.html) """ @struct_hash_equal struct ImageViewMinLodCreateInfoEXT <: HighLevelStruct next::Any min_lod::Float32 end """ High-level wrapper for VkPhysicalDeviceImageViewMinLodFeaturesEXT. Extension: VK\\_EXT\\_image\\_view\\_min\\_lod [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageViewMinLodFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceImageViewMinLodFeaturesEXT <: HighLevelStruct next::Any min_lod::Bool end """ High-level wrapper for VkMultiviewPerViewAttributesInfoNVX. Extension: VK\\_KHR\\_dynamic\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultiviewPerViewAttributesInfoNVX.html) """ @struct_hash_equal struct MultiviewPerViewAttributesInfoNVX <: HighLevelStruct next::Any per_view_attributes::Bool per_view_attributes_position_x_only::Bool end """ High-level wrapper for VkPhysicalDeviceDynamicRenderingFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDynamicRenderingFeatures.html) """ @struct_hash_equal struct PhysicalDeviceDynamicRenderingFeatures <: HighLevelStruct next::Any dynamic_rendering::Bool end """ High-level wrapper for VkDrmFormatModifierProperties2EXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierProperties2EXT.html) """ @struct_hash_equal struct DrmFormatModifierProperties2EXT <: HighLevelStruct drm_format_modifier::UInt64 drm_format_modifier_plane_count::UInt32 drm_format_modifier_tiling_features::UInt64 end """ High-level wrapper for VkDrmFormatModifierPropertiesList2EXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierPropertiesList2EXT.html) """ @struct_hash_equal struct DrmFormatModifierPropertiesList2EXT <: HighLevelStruct next::Any drm_format_modifier_properties::OptionalPtr{Vector{DrmFormatModifierProperties2EXT}} end """ High-level wrapper for VkFormatProperties3. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFormatProperties3.html) """ @struct_hash_equal struct FormatProperties3 <: HighLevelStruct next::Any linear_tiling_features::UInt64 optimal_tiling_features::UInt64 buffer_features::UInt64 end """ High-level wrapper for VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT. Extension: VK\\_EXT\\_rgba10x6\\_formats [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceRGBA10X6FormatsFeaturesEXT <: HighLevelStruct next::Any format_rgba_1_6_without_y_cb_cr_sampler::Bool end """ High-level wrapper for VkSRTDataNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSRTDataNV.html) """ @struct_hash_equal struct SRTDataNV <: HighLevelStruct sx::Float32 a::Float32 b::Float32 pvx::Float32 sy::Float32 c::Float32 pvy::Float32 sz::Float32 pvz::Float32 qx::Float32 qy::Float32 qz::Float32 qw::Float32 tx::Float32 ty::Float32 tz::Float32 end """ High-level wrapper for VkAccelerationStructureMotionInfoNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMotionInfoNV.html) """ @struct_hash_equal struct AccelerationStructureMotionInfoNV <: HighLevelStruct next::Any max_instances::UInt32 flags::UInt32 end """ High-level wrapper for VkAccelerationStructureGeometryMotionTrianglesDataNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryMotionTrianglesDataNV.html) """ @struct_hash_equal struct AccelerationStructureGeometryMotionTrianglesDataNV <: HighLevelStruct next::Any vertex_data::DeviceOrHostAddressConstKHR end """ High-level wrapper for VkPhysicalDeviceRayTracingMotionBlurFeaturesNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingMotionBlurFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceRayTracingMotionBlurFeaturesNV <: HighLevelStruct next::Any ray_tracing_motion_blur::Bool ray_tracing_motion_blur_pipeline_trace_rays_indirect::Bool end """ High-level wrapper for VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR. Extension: VK\\_KHR\\_fragment\\_shader\\_barycentric [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR.html) """ @struct_hash_equal struct PhysicalDeviceFragmentShaderBarycentricPropertiesKHR <: HighLevelStruct next::Any tri_strip_vertex_order_independent_of_provoking_vertex::Bool end """ High-level wrapper for VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR. Extension: VK\\_KHR\\_fragment\\_shader\\_barycentric [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDeviceFragmentShaderBarycentricFeaturesKHR <: HighLevelStruct next::Any fragment_shader_barycentric::Bool end """ High-level wrapper for VkPhysicalDeviceDrmPropertiesEXT. Extension: VK\\_EXT\\_physical\\_device\\_drm [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDrmPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceDrmPropertiesEXT <: HighLevelStruct next::Any has_primary::Bool has_render::Bool primary_major::Int64 primary_minor::Int64 render_major::Int64 render_minor::Int64 end """ High-level wrapper for VkPhysicalDeviceShaderIntegerDotProductProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderIntegerDotProductProperties.html) """ @struct_hash_equal struct PhysicalDeviceShaderIntegerDotProductProperties <: HighLevelStruct next::Any integer_dot_product_8_bit_unsigned_accelerated::Bool integer_dot_product_8_bit_signed_accelerated::Bool integer_dot_product_8_bit_mixed_signedness_accelerated::Bool integer_dot_product_8_bit_packed_unsigned_accelerated::Bool integer_dot_product_8_bit_packed_signed_accelerated::Bool integer_dot_product_8_bit_packed_mixed_signedness_accelerated::Bool integer_dot_product_16_bit_unsigned_accelerated::Bool integer_dot_product_16_bit_signed_accelerated::Bool integer_dot_product_16_bit_mixed_signedness_accelerated::Bool integer_dot_product_32_bit_unsigned_accelerated::Bool integer_dot_product_32_bit_signed_accelerated::Bool integer_dot_product_32_bit_mixed_signedness_accelerated::Bool integer_dot_product_64_bit_unsigned_accelerated::Bool integer_dot_product_64_bit_signed_accelerated::Bool integer_dot_product_64_bit_mixed_signedness_accelerated::Bool integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated::Bool integer_dot_product_accumulating_saturating_8_bit_signed_accelerated::Bool integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated::Bool integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated::Bool integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated::Bool integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated::Bool integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated::Bool integer_dot_product_accumulating_saturating_16_bit_signed_accelerated::Bool integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated::Bool integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated::Bool integer_dot_product_accumulating_saturating_32_bit_signed_accelerated::Bool integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated::Bool integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated::Bool integer_dot_product_accumulating_saturating_64_bit_signed_accelerated::Bool integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated::Bool end """ High-level wrapper for VkPhysicalDeviceShaderIntegerDotProductFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderIntegerDotProductFeatures.html) """ @struct_hash_equal struct PhysicalDeviceShaderIntegerDotProductFeatures <: HighLevelStruct next::Any shader_integer_dot_product::Bool end """ High-level wrapper for VkOpaqueCaptureDescriptorDataCreateInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpaqueCaptureDescriptorDataCreateInfoEXT.html) """ @struct_hash_equal struct OpaqueCaptureDescriptorDataCreateInfoEXT <: HighLevelStruct next::Any opaque_capture_descriptor_data::Ptr{Cvoid} end """ High-level wrapper for VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT <: HighLevelStruct next::Any combined_image_sampler_density_map_descriptor_size::UInt end """ High-level wrapper for VkPhysicalDeviceDescriptorBufferPropertiesEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorBufferPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceDescriptorBufferPropertiesEXT <: HighLevelStruct next::Any combined_image_sampler_descriptor_single_array::Bool bufferless_push_descriptors::Bool allow_sampler_image_view_post_submit_creation::Bool descriptor_buffer_offset_alignment::UInt64 max_descriptor_buffer_bindings::UInt32 max_resource_descriptor_buffer_bindings::UInt32 max_sampler_descriptor_buffer_bindings::UInt32 max_embedded_immutable_sampler_bindings::UInt32 max_embedded_immutable_samplers::UInt32 buffer_capture_replay_descriptor_data_size::UInt image_capture_replay_descriptor_data_size::UInt image_view_capture_replay_descriptor_data_size::UInt sampler_capture_replay_descriptor_data_size::UInt acceleration_structure_capture_replay_descriptor_data_size::UInt sampler_descriptor_size::UInt combined_image_sampler_descriptor_size::UInt sampled_image_descriptor_size::UInt storage_image_descriptor_size::UInt uniform_texel_buffer_descriptor_size::UInt robust_uniform_texel_buffer_descriptor_size::UInt storage_texel_buffer_descriptor_size::UInt robust_storage_texel_buffer_descriptor_size::UInt uniform_buffer_descriptor_size::UInt robust_uniform_buffer_descriptor_size::UInt storage_buffer_descriptor_size::UInt robust_storage_buffer_descriptor_size::UInt input_attachment_descriptor_size::UInt acceleration_structure_descriptor_size::UInt max_sampler_descriptor_buffer_range::UInt64 max_resource_descriptor_buffer_range::UInt64 sampler_descriptor_buffer_address_space_size::UInt64 resource_descriptor_buffer_address_space_size::UInt64 descriptor_buffer_address_space_size::UInt64 end """ High-level wrapper for VkPhysicalDeviceDescriptorBufferFeaturesEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorBufferFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceDescriptorBufferFeaturesEXT <: HighLevelStruct next::Any descriptor_buffer::Bool descriptor_buffer_capture_replay::Bool descriptor_buffer_image_layout_ignored::Bool descriptor_buffer_push_descriptors::Bool end """ High-level wrapper for VkCuModuleCreateInfoNVX. Extension: VK\\_NVX\\_binary\\_import [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCuModuleCreateInfoNVX.html) """ @struct_hash_equal struct CuModuleCreateInfoNVX <: HighLevelStruct next::Any data_size::UInt data::Ptr{Cvoid} end """ High-level wrapper for VkPhysicalDeviceProvokingVertexPropertiesEXT. Extension: VK\\_EXT\\_provoking\\_vertex [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProvokingVertexPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceProvokingVertexPropertiesEXT <: HighLevelStruct next::Any provoking_vertex_mode_per_pipeline::Bool transform_feedback_preserves_triangle_fan_provoking_vertex::Bool end """ High-level wrapper for VkPhysicalDeviceProvokingVertexFeaturesEXT. Extension: VK\\_EXT\\_provoking\\_vertex [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProvokingVertexFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceProvokingVertexFeaturesEXT <: HighLevelStruct next::Any provoking_vertex_last::Bool transform_feedback_preserves_provoking_vertex::Bool end """ High-level wrapper for VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT. Extension: VK\\_EXT\\_ycbcr\\_2plane\\_444\\_formats [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT <: HighLevelStruct next::Any ycbcr_444_formats::Bool end """ High-level wrapper for VkPhysicalDeviceInheritedViewportScissorFeaturesNV. Extension: VK\\_NV\\_inherited\\_viewport\\_scissor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInheritedViewportScissorFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceInheritedViewportScissorFeaturesNV <: HighLevelStruct next::Any inherited_viewport_scissor_2_d::Bool end """ High-level wrapper for VkVideoEndCodingInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoEndCodingInfoKHR.html) """ @struct_hash_equal struct VideoEndCodingInfoKHR <: HighLevelStruct next::Any flags::UInt32 end """ High-level wrapper for VkVideoSessionParametersUpdateInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionParametersUpdateInfoKHR.html) """ @struct_hash_equal struct VideoSessionParametersUpdateInfoKHR <: HighLevelStruct next::Any update_sequence_count::UInt32 end """ High-level wrapper for VkVideoDecodeH265DpbSlotInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h265 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265DpbSlotInfoKHR.html) """ @struct_hash_equal struct VideoDecodeH265DpbSlotInfoKHR <: HighLevelStruct next::Any std_reference_info::StdVideoDecodeH265ReferenceInfo end """ High-level wrapper for VkVideoDecodeH265PictureInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h265 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265PictureInfoKHR.html) """ @struct_hash_equal struct VideoDecodeH265PictureInfoKHR <: HighLevelStruct next::Any std_picture_info::StdVideoDecodeH265PictureInfo slice_segment_offsets::Vector{UInt32} end """ High-level wrapper for VkVideoDecodeH265SessionParametersAddInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h265 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265SessionParametersAddInfoKHR.html) """ @struct_hash_equal struct VideoDecodeH265SessionParametersAddInfoKHR <: HighLevelStruct next::Any std_vp_ss::Vector{StdVideoH265VideoParameterSet} std_sp_ss::Vector{StdVideoH265SequenceParameterSet} std_pp_ss::Vector{StdVideoH265PictureParameterSet} end """ High-level wrapper for VkVideoDecodeH265SessionParametersCreateInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h265 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265SessionParametersCreateInfoKHR.html) """ @struct_hash_equal struct VideoDecodeH265SessionParametersCreateInfoKHR <: HighLevelStruct next::Any max_std_vps_count::UInt32 max_std_sps_count::UInt32 max_std_pps_count::UInt32 parameters_add_info::OptionalPtr{VideoDecodeH265SessionParametersAddInfoKHR} end """ High-level wrapper for VkVideoDecodeH265CapabilitiesKHR. Extension: VK\\_KHR\\_video\\_decode\\_h265 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265CapabilitiesKHR.html) """ @struct_hash_equal struct VideoDecodeH265CapabilitiesKHR <: HighLevelStruct next::Any max_level_idc::StdVideoH265LevelIdc end """ High-level wrapper for VkVideoDecodeH265ProfileInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h265 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265ProfileInfoKHR.html) """ @struct_hash_equal struct VideoDecodeH265ProfileInfoKHR <: HighLevelStruct next::Any std_profile_idc::StdVideoH265ProfileIdc end """ High-level wrapper for VkVideoDecodeH264DpbSlotInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h264 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264DpbSlotInfoKHR.html) """ @struct_hash_equal struct VideoDecodeH264DpbSlotInfoKHR <: HighLevelStruct next::Any std_reference_info::StdVideoDecodeH264ReferenceInfo end """ High-level wrapper for VkVideoDecodeH264PictureInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h264 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264PictureInfoKHR.html) """ @struct_hash_equal struct VideoDecodeH264PictureInfoKHR <: HighLevelStruct next::Any std_picture_info::StdVideoDecodeH264PictureInfo slice_offsets::Vector{UInt32} end """ High-level wrapper for VkVideoDecodeH264SessionParametersAddInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h264 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264SessionParametersAddInfoKHR.html) """ @struct_hash_equal struct VideoDecodeH264SessionParametersAddInfoKHR <: HighLevelStruct next::Any std_sp_ss::Vector{StdVideoH264SequenceParameterSet} std_pp_ss::Vector{StdVideoH264PictureParameterSet} end """ High-level wrapper for VkVideoDecodeH264SessionParametersCreateInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h264 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264SessionParametersCreateInfoKHR.html) """ @struct_hash_equal struct VideoDecodeH264SessionParametersCreateInfoKHR <: HighLevelStruct next::Any max_std_sps_count::UInt32 max_std_pps_count::UInt32 parameters_add_info::OptionalPtr{VideoDecodeH264SessionParametersAddInfoKHR} end """ High-level wrapper for VkQueueFamilyQueryResultStatusPropertiesKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyQueryResultStatusPropertiesKHR.html) """ @struct_hash_equal struct QueueFamilyQueryResultStatusPropertiesKHR <: HighLevelStruct next::Any query_result_status_support::Bool end """ High-level wrapper for VkPhysicalDevicePipelineProtectedAccessFeaturesEXT. Extension: VK\\_EXT\\_pipeline\\_protected\\_access [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineProtectedAccessFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDevicePipelineProtectedAccessFeaturesEXT <: HighLevelStruct next::Any pipeline_protected_access::Bool end """ High-level wrapper for VkSubpassResolvePerformanceQueryEXT. Extension: VK\\_EXT\\_multisampled\\_render\\_to\\_single\\_sampled [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassResolvePerformanceQueryEXT.html) """ @struct_hash_equal struct SubpassResolvePerformanceQueryEXT <: HighLevelStruct next::Any optimal::Bool end """ High-level wrapper for VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT. Extension: VK\\_EXT\\_multisampled\\_render\\_to\\_single\\_sampled [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT <: HighLevelStruct next::Any multisampled_render_to_single_sampled::Bool end """ High-level wrapper for VkPhysicalDeviceLegacyDitheringFeaturesEXT. Extension: VK\\_EXT\\_legacy\\_dithering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLegacyDitheringFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceLegacyDitheringFeaturesEXT <: HighLevelStruct next::Any legacy_dithering::Bool end """ High-level wrapper for VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT. Extension: VK\\_EXT\\_primitives\\_generated\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT <: HighLevelStruct next::Any primitives_generated_query::Bool primitives_generated_query_with_rasterizer_discard::Bool primitives_generated_query_with_non_zero_streams::Bool end """ High-level wrapper for VkPhysicalDeviceSynchronization2Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSynchronization2Features.html) """ @struct_hash_equal struct PhysicalDeviceSynchronization2Features <: HighLevelStruct next::Any synchronization2::Bool end """ High-level wrapper for VkCheckpointData2NV. Extension: VK\\_KHR\\_synchronization2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCheckpointData2NV.html) """ @struct_hash_equal struct CheckpointData2NV <: HighLevelStruct next::Any stage::UInt64 checkpoint_marker::Ptr{Cvoid} end """ High-level wrapper for VkQueueFamilyCheckpointProperties2NV. Extension: VK\\_KHR\\_synchronization2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyCheckpointProperties2NV.html) """ @struct_hash_equal struct QueueFamilyCheckpointProperties2NV <: HighLevelStruct next::Any checkpoint_execution_stage_mask::UInt64 end """ High-level wrapper for VkMemoryBarrier2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryBarrier2.html) """ @struct_hash_equal struct MemoryBarrier2 <: HighLevelStruct next::Any src_stage_mask::UInt64 src_access_mask::UInt64 dst_stage_mask::UInt64 dst_access_mask::UInt64 end """ High-level wrapper for VkPipelineColorWriteCreateInfoEXT. Extension: VK\\_EXT\\_color\\_write\\_enable [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorWriteCreateInfoEXT.html) """ @struct_hash_equal struct PipelineColorWriteCreateInfoEXT <: HighLevelStruct next::Any color_write_enables::Vector{Bool} end """ High-level wrapper for VkPhysicalDeviceColorWriteEnableFeaturesEXT. Extension: VK\\_EXT\\_color\\_write\\_enable [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceColorWriteEnableFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceColorWriteEnableFeaturesEXT <: HighLevelStruct next::Any color_write_enable::Bool end """ High-level wrapper for VkPhysicalDeviceExternalMemoryRDMAFeaturesNV. Extension: VK\\_NV\\_external\\_memory\\_rdma [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalMemoryRDMAFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceExternalMemoryRDMAFeaturesNV <: HighLevelStruct next::Any external_memory_rdma::Bool end """ High-level wrapper for VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT. Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceVertexInputDynamicStateFeaturesEXT <: HighLevelStruct next::Any vertex_input_dynamic_state::Bool end """ High-level wrapper for VkPipelineViewportDepthClipControlCreateInfoEXT. Extension: VK\\_EXT\\_depth\\_clip\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportDepthClipControlCreateInfoEXT.html) """ @struct_hash_equal struct PipelineViewportDepthClipControlCreateInfoEXT <: HighLevelStruct next::Any negative_one_to_one::Bool end """ High-level wrapper for VkPhysicalDeviceDepthClipControlFeaturesEXT. Extension: VK\\_EXT\\_depth\\_clip\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthClipControlFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceDepthClipControlFeaturesEXT <: HighLevelStruct next::Any depth_clip_control::Bool end """ High-level wrapper for VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT. Extension: VK\\_EXT\\_mutable\\_descriptor\\_type [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceMutableDescriptorTypeFeaturesEXT <: HighLevelStruct next::Any mutable_descriptor_type::Bool end """ High-level wrapper for VkPhysicalDeviceImage2DViewOf3DFeaturesEXT. Extension: VK\\_EXT\\_image\\_2d\\_view\\_of\\_3d [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImage2DViewOf3DFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceImage2DViewOf3DFeaturesEXT <: HighLevelStruct next::Any image_2_d_view_of_3_d::Bool sampler_2_d_view_of_3_d::Bool end """ High-level wrapper for VkAccelerationStructureBuildSizesInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureBuildSizesInfoKHR.html) """ @struct_hash_equal struct AccelerationStructureBuildSizesInfoKHR <: HighLevelStruct next::Any acceleration_structure_size::UInt64 update_scratch_size::UInt64 build_scratch_size::UInt64 end """ High-level wrapper for VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV. Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceFragmentShadingRateEnumsFeaturesNV <: HighLevelStruct next::Any fragment_shading_rate_enums::Bool supersample_fragment_shading_rates::Bool no_invocation_fragment_shading_rates::Bool end """ High-level wrapper for VkPhysicalDeviceShaderTerminateInvocationFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderTerminateInvocationFeatures.html) """ @struct_hash_equal struct PhysicalDeviceShaderTerminateInvocationFeatures <: HighLevelStruct next::Any shader_terminate_invocation::Bool end """ High-level wrapper for VkPhysicalDeviceFragmentShadingRateFeaturesKHR. Extension: VK\\_KHR\\_fragment\\_shading\\_rate [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDeviceFragmentShadingRateFeaturesKHR <: HighLevelStruct next::Any pipeline_fragment_shading_rate::Bool primitive_fragment_shading_rate::Bool attachment_fragment_shading_rate::Bool end """ High-level wrapper for VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT. Extension: VK\\_EXT\\_shader\\_image\\_atomic\\_int64 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceShaderImageAtomicInt64FeaturesEXT <: HighLevelStruct next::Any shader_image_int_64_atomics::Bool sparse_image_int_64_atomics::Bool end """ High-level wrapper for VkBufferCopy2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCopy2.html) """ @struct_hash_equal struct BufferCopy2 <: HighLevelStruct next::Any src_offset::UInt64 dst_offset::UInt64 size::UInt64 end """ High-level wrapper for VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI. Extension: VK\\_HUAWEI\\_cluster\\_culling\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI.html) """ @struct_hash_equal struct PhysicalDeviceClusterCullingShaderFeaturesHUAWEI <: HighLevelStruct next::Any clusterculling_shader::Bool multiview_cluster_culling_shader::Bool end """ High-level wrapper for VkPhysicalDeviceSubpassShadingFeaturesHUAWEI. Extension: VK\\_HUAWEI\\_subpass\\_shading [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubpassShadingFeaturesHUAWEI.html) """ @struct_hash_equal struct PhysicalDeviceSubpassShadingFeaturesHUAWEI <: HighLevelStruct next::Any subpass_shading::Bool end """ High-level wrapper for VkPhysicalDevice4444FormatsFeaturesEXT. Extension: VK\\_EXT\\_4444\\_formats [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevice4444FormatsFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDevice4444FormatsFeaturesEXT <: HighLevelStruct next::Any format_a4r4g4b4::Bool format_a4b4g4r4::Bool end """ High-level wrapper for VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR. Extension: VK\\_KHR\\_workgroup\\_memory\\_explicit\\_layout [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR <: HighLevelStruct next::Any workgroup_memory_explicit_layout::Bool workgroup_memory_explicit_layout_scalar_block_layout::Bool workgroup_memory_explicit_layout_8_bit_access::Bool workgroup_memory_explicit_layout_16_bit_access::Bool end """ High-level wrapper for VkPhysicalDeviceImageRobustnessFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageRobustnessFeatures.html) """ @struct_hash_equal struct PhysicalDeviceImageRobustnessFeatures <: HighLevelStruct next::Any robust_image_access::Bool end """ High-level wrapper for VkPhysicalDeviceRobustness2PropertiesEXT. Extension: VK\\_EXT\\_robustness2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRobustness2PropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceRobustness2PropertiesEXT <: HighLevelStruct next::Any robust_storage_buffer_access_size_alignment::UInt64 robust_uniform_buffer_access_size_alignment::UInt64 end """ High-level wrapper for VkPhysicalDeviceRobustness2FeaturesEXT. Extension: VK\\_EXT\\_robustness2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRobustness2FeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceRobustness2FeaturesEXT <: HighLevelStruct next::Any robust_buffer_access_2::Bool robust_image_access_2::Bool null_descriptor::Bool end """ High-level wrapper for VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR. Extension: VK\\_KHR\\_shader\\_subgroup\\_uniform\\_control\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR <: HighLevelStruct next::Any shader_subgroup_uniform_control_flow::Bool end """ High-level wrapper for VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures.html) """ @struct_hash_equal struct PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures <: HighLevelStruct next::Any shader_zero_initialize_workgroup_memory::Bool end """ High-level wrapper for VkPhysicalDeviceDiagnosticsConfigFeaturesNV. Extension: VK\\_NV\\_device\\_diagnostics\\_config [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDiagnosticsConfigFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceDiagnosticsConfigFeaturesNV <: HighLevelStruct next::Any diagnostics_config::Bool end """ High-level wrapper for VkPhysicalDeviceExtendedDynamicState3PropertiesEXT. Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicState3PropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceExtendedDynamicState3PropertiesEXT <: HighLevelStruct next::Any dynamic_primitive_topology_unrestricted::Bool end """ High-level wrapper for VkPhysicalDeviceExtendedDynamicState3FeaturesEXT. Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicState3FeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceExtendedDynamicState3FeaturesEXT <: HighLevelStruct next::Any extended_dynamic_state_3_tessellation_domain_origin::Bool extended_dynamic_state_3_depth_clamp_enable::Bool extended_dynamic_state_3_polygon_mode::Bool extended_dynamic_state_3_rasterization_samples::Bool extended_dynamic_state_3_sample_mask::Bool extended_dynamic_state_3_alpha_to_coverage_enable::Bool extended_dynamic_state_3_alpha_to_one_enable::Bool extended_dynamic_state_3_logic_op_enable::Bool extended_dynamic_state_3_color_blend_enable::Bool extended_dynamic_state_3_color_blend_equation::Bool extended_dynamic_state_3_color_write_mask::Bool extended_dynamic_state_3_rasterization_stream::Bool extended_dynamic_state_3_conservative_rasterization_mode::Bool extended_dynamic_state_3_extra_primitive_overestimation_size::Bool extended_dynamic_state_3_depth_clip_enable::Bool extended_dynamic_state_3_sample_locations_enable::Bool extended_dynamic_state_3_color_blend_advanced::Bool extended_dynamic_state_3_provoking_vertex_mode::Bool extended_dynamic_state_3_line_rasterization_mode::Bool extended_dynamic_state_3_line_stipple_enable::Bool extended_dynamic_state_3_depth_clip_negative_one_to_one::Bool extended_dynamic_state_3_viewport_w_scaling_enable::Bool extended_dynamic_state_3_viewport_swizzle::Bool extended_dynamic_state_3_coverage_to_color_enable::Bool extended_dynamic_state_3_coverage_to_color_location::Bool extended_dynamic_state_3_coverage_modulation_mode::Bool extended_dynamic_state_3_coverage_modulation_table_enable::Bool extended_dynamic_state_3_coverage_modulation_table::Bool extended_dynamic_state_3_coverage_reduction_mode::Bool extended_dynamic_state_3_representative_fragment_test_enable::Bool extended_dynamic_state_3_shading_rate_image_enable::Bool end """ High-level wrapper for VkPhysicalDeviceExtendedDynamicState2FeaturesEXT. Extension: VK\\_EXT\\_extended\\_dynamic\\_state2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicState2FeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceExtendedDynamicState2FeaturesEXT <: HighLevelStruct next::Any extended_dynamic_state_2::Bool extended_dynamic_state_2_logic_op::Bool extended_dynamic_state_2_patch_control_points::Bool end """ High-level wrapper for VkPhysicalDeviceExtendedDynamicStateFeaturesEXT. Extension: VK\\_EXT\\_extended\\_dynamic\\_state [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicStateFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceExtendedDynamicStateFeaturesEXT <: HighLevelStruct next::Any extended_dynamic_state::Bool end """ High-level wrapper for VkRayTracingPipelineInterfaceCreateInfoKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingPipelineInterfaceCreateInfoKHR.html) """ @struct_hash_equal struct RayTracingPipelineInterfaceCreateInfoKHR <: HighLevelStruct next::Any max_pipeline_ray_payload_size::UInt32 max_pipeline_ray_hit_attribute_size::UInt32 end """ High-level wrapper for VkAccelerationStructureVersionInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureVersionInfoKHR.html) """ @struct_hash_equal struct AccelerationStructureVersionInfoKHR <: HighLevelStruct next::Any version_data::Vector{UInt8} end """ High-level wrapper for VkTransformMatrixKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTransformMatrixKHR.html) """ @struct_hash_equal struct TransformMatrixKHR <: HighLevelStruct matrix::NTuple{3, NTuple{4, Float32}} end """ High-level wrapper for VkAabbPositionsKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAabbPositionsKHR.html) """ @struct_hash_equal struct AabbPositionsKHR <: HighLevelStruct min_x::Float32 min_y::Float32 min_z::Float32 max_x::Float32 max_y::Float32 max_z::Float32 end """ High-level wrapper for VkAccelerationStructureBuildRangeInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureBuildRangeInfoKHR.html) """ @struct_hash_equal struct AccelerationStructureBuildRangeInfoKHR <: HighLevelStruct primitive_count::UInt32 primitive_offset::UInt32 first_vertex::UInt32 transform_offset::UInt32 end """ High-level wrapper for VkAccelerationStructureGeometryInstancesDataKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryInstancesDataKHR.html) """ @struct_hash_equal struct AccelerationStructureGeometryInstancesDataKHR <: HighLevelStruct next::Any array_of_pointers::Bool data::DeviceOrHostAddressConstKHR end """ High-level wrapper for VkAccelerationStructureGeometryAabbsDataKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryAabbsDataKHR.html) """ @struct_hash_equal struct AccelerationStructureGeometryAabbsDataKHR <: HighLevelStruct next::Any data::DeviceOrHostAddressConstKHR stride::UInt64 end """ High-level wrapper for VkPhysicalDeviceBorderColorSwizzleFeaturesEXT. Extension: VK\\_EXT\\_border\\_color\\_swizzle [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBorderColorSwizzleFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceBorderColorSwizzleFeaturesEXT <: HighLevelStruct next::Any border_color_swizzle::Bool border_color_swizzle_from_image::Bool end """ High-level wrapper for VkPhysicalDeviceCustomBorderColorFeaturesEXT. Extension: VK\\_EXT\\_custom\\_border\\_color [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCustomBorderColorFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceCustomBorderColorFeaturesEXT <: HighLevelStruct next::Any custom_border_colors::Bool custom_border_color_without_format::Bool end """ High-level wrapper for VkPhysicalDeviceCustomBorderColorPropertiesEXT. Extension: VK\\_EXT\\_custom\\_border\\_color [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCustomBorderColorPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceCustomBorderColorPropertiesEXT <: HighLevelStruct next::Any max_custom_border_color_samplers::UInt32 end """ High-level wrapper for VkPhysicalDeviceCoherentMemoryFeaturesAMD. Extension: VK\\_AMD\\_device\\_coherent\\_memory [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCoherentMemoryFeaturesAMD.html) """ @struct_hash_equal struct PhysicalDeviceCoherentMemoryFeaturesAMD <: HighLevelStruct next::Any device_coherent_memory::Bool end """ High-level wrapper for VkPhysicalDeviceVulkan13Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan13Features.html) """ @struct_hash_equal struct PhysicalDeviceVulkan13Features <: HighLevelStruct next::Any robust_image_access::Bool inline_uniform_block::Bool descriptor_binding_inline_uniform_block_update_after_bind::Bool pipeline_creation_cache_control::Bool private_data::Bool shader_demote_to_helper_invocation::Bool shader_terminate_invocation::Bool subgroup_size_control::Bool compute_full_subgroups::Bool synchronization2::Bool texture_compression_astc_hdr::Bool shader_zero_initialize_workgroup_memory::Bool dynamic_rendering::Bool shader_integer_dot_product::Bool maintenance4::Bool end """ High-level wrapper for VkPhysicalDeviceVulkan12Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan12Features.html) """ @struct_hash_equal struct PhysicalDeviceVulkan12Features <: HighLevelStruct next::Any sampler_mirror_clamp_to_edge::Bool draw_indirect_count::Bool storage_buffer_8_bit_access::Bool uniform_and_storage_buffer_8_bit_access::Bool storage_push_constant_8::Bool shader_buffer_int_64_atomics::Bool shader_shared_int_64_atomics::Bool shader_float_16::Bool shader_int_8::Bool descriptor_indexing::Bool shader_input_attachment_array_dynamic_indexing::Bool shader_uniform_texel_buffer_array_dynamic_indexing::Bool shader_storage_texel_buffer_array_dynamic_indexing::Bool shader_uniform_buffer_array_non_uniform_indexing::Bool shader_sampled_image_array_non_uniform_indexing::Bool shader_storage_buffer_array_non_uniform_indexing::Bool shader_storage_image_array_non_uniform_indexing::Bool shader_input_attachment_array_non_uniform_indexing::Bool shader_uniform_texel_buffer_array_non_uniform_indexing::Bool shader_storage_texel_buffer_array_non_uniform_indexing::Bool descriptor_binding_uniform_buffer_update_after_bind::Bool descriptor_binding_sampled_image_update_after_bind::Bool descriptor_binding_storage_image_update_after_bind::Bool descriptor_binding_storage_buffer_update_after_bind::Bool descriptor_binding_uniform_texel_buffer_update_after_bind::Bool descriptor_binding_storage_texel_buffer_update_after_bind::Bool descriptor_binding_update_unused_while_pending::Bool descriptor_binding_partially_bound::Bool descriptor_binding_variable_descriptor_count::Bool runtime_descriptor_array::Bool sampler_filter_minmax::Bool scalar_block_layout::Bool imageless_framebuffer::Bool uniform_buffer_standard_layout::Bool shader_subgroup_extended_types::Bool separate_depth_stencil_layouts::Bool host_query_reset::Bool timeline_semaphore::Bool buffer_device_address::Bool buffer_device_address_capture_replay::Bool buffer_device_address_multi_device::Bool vulkan_memory_model::Bool vulkan_memory_model_device_scope::Bool vulkan_memory_model_availability_visibility_chains::Bool shader_output_viewport_index::Bool shader_output_layer::Bool subgroup_broadcast_dynamic_id::Bool end """ High-level wrapper for VkPhysicalDeviceVulkan11Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan11Features.html) """ @struct_hash_equal struct PhysicalDeviceVulkan11Features <: HighLevelStruct next::Any storage_buffer_16_bit_access::Bool uniform_and_storage_buffer_16_bit_access::Bool storage_push_constant_16::Bool storage_input_output_16::Bool multiview::Bool multiview_geometry_shader::Bool multiview_tessellation_shader::Bool variable_pointers_storage_buffer::Bool variable_pointers::Bool protected_memory::Bool sampler_ycbcr_conversion::Bool shader_draw_parameters::Bool end """ High-level wrapper for VkPhysicalDevicePipelineCreationCacheControlFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineCreationCacheControlFeatures.html) """ @struct_hash_equal struct PhysicalDevicePipelineCreationCacheControlFeatures <: HighLevelStruct next::Any pipeline_creation_cache_control::Bool end """ High-level wrapper for VkPhysicalDeviceLineRasterizationPropertiesEXT. Extension: VK\\_EXT\\_line\\_rasterization [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLineRasterizationPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceLineRasterizationPropertiesEXT <: HighLevelStruct next::Any line_sub_pixel_precision_bits::UInt32 end """ High-level wrapper for VkPhysicalDeviceLineRasterizationFeaturesEXT. Extension: VK\\_EXT\\_line\\_rasterization [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLineRasterizationFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceLineRasterizationFeaturesEXT <: HighLevelStruct next::Any rectangular_lines::Bool bresenham_lines::Bool smooth_lines::Bool stippled_rectangular_lines::Bool stippled_bresenham_lines::Bool stippled_smooth_lines::Bool end """ High-level wrapper for VkMemoryOpaqueCaptureAddressAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryOpaqueCaptureAddressAllocateInfo.html) """ @struct_hash_equal struct MemoryOpaqueCaptureAddressAllocateInfo <: HighLevelStruct next::Any opaque_capture_address::UInt64 end """ High-level wrapper for VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI. Extension: VK\\_HUAWEI\\_cluster\\_culling\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI.html) """ @struct_hash_equal struct PhysicalDeviceClusterCullingShaderPropertiesHUAWEI <: HighLevelStruct next::Any max_work_group_count::NTuple{3, UInt32} max_work_group_size::NTuple{3, UInt32} max_output_cluster_count::UInt32 end """ High-level wrapper for VkPhysicalDeviceSubpassShadingPropertiesHUAWEI. Extension: VK\\_HUAWEI\\_subpass\\_shading [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubpassShadingPropertiesHUAWEI.html) """ @struct_hash_equal struct PhysicalDeviceSubpassShadingPropertiesHUAWEI <: HighLevelStruct next::Any max_subpass_shading_workgroup_size_aspect_ratio::UInt32 end """ High-level wrapper for VkPipelineShaderStageRequiredSubgroupSizeCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineShaderStageRequiredSubgroupSizeCreateInfo.html) """ @struct_hash_equal struct PipelineShaderStageRequiredSubgroupSizeCreateInfo <: HighLevelStruct next::Any required_subgroup_size::UInt32 end """ High-level wrapper for VkPhysicalDeviceSubgroupSizeControlFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubgroupSizeControlFeatures.html) """ @struct_hash_equal struct PhysicalDeviceSubgroupSizeControlFeatures <: HighLevelStruct next::Any subgroup_size_control::Bool compute_full_subgroups::Bool end """ High-level wrapper for VkPhysicalDeviceTexelBufferAlignmentProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTexelBufferAlignmentProperties.html) """ @struct_hash_equal struct PhysicalDeviceTexelBufferAlignmentProperties <: HighLevelStruct next::Any storage_texel_buffer_offset_alignment_bytes::UInt64 storage_texel_buffer_offset_single_texel_alignment::Bool uniform_texel_buffer_offset_alignment_bytes::UInt64 uniform_texel_buffer_offset_single_texel_alignment::Bool end """ High-level wrapper for VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT. Extension: VK\\_EXT\\_texel\\_buffer\\_alignment [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceTexelBufferAlignmentFeaturesEXT <: HighLevelStruct next::Any texel_buffer_alignment::Bool end """ High-level wrapper for VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures.html) """ @struct_hash_equal struct PhysicalDeviceShaderDemoteToHelperInvocationFeatures <: HighLevelStruct next::Any shader_demote_to_helper_invocation::Bool end """ High-level wrapper for VkPipelineExecutableInternalRepresentationKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableInternalRepresentationKHR.html) """ @struct_hash_equal struct PipelineExecutableInternalRepresentationKHR <: HighLevelStruct next::Any name::String description::String is_text::Bool data_size::UInt data::OptionalPtr{Ptr{Cvoid}} end """ High-level wrapper for VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDevicePipelineExecutablePropertiesFeaturesKHR <: HighLevelStruct next::Any pipeline_executable_info::Bool end """ High-level wrapper for VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT. Extension: VK\\_EXT\\_primitive\\_topology\\_list\\_restart [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT <: HighLevelStruct next::Any primitive_topology_list_restart::Bool primitive_topology_patch_list_restart::Bool end """ High-level wrapper for VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures.html) """ @struct_hash_equal struct PhysicalDeviceSeparateDepthStencilLayoutsFeatures <: HighLevelStruct next::Any separate_depth_stencil_layouts::Bool end """ High-level wrapper for VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT. Extension: VK\\_EXT\\_fragment\\_shader\\_interlock [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceFragmentShaderInterlockFeaturesEXT <: HighLevelStruct next::Any fragment_shader_sample_interlock::Bool fragment_shader_pixel_interlock::Bool fragment_shader_shading_rate_interlock::Bool end """ High-level wrapper for VkPhysicalDeviceShaderSMBuiltinsFeaturesNV. Extension: VK\\_NV\\_shader\\_sm\\_builtins [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSMBuiltinsFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceShaderSMBuiltinsFeaturesNV <: HighLevelStruct next::Any shader_sm_builtins::Bool end """ High-level wrapper for VkPhysicalDeviceShaderSMBuiltinsPropertiesNV. Extension: VK\\_NV\\_shader\\_sm\\_builtins [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSMBuiltinsPropertiesNV.html) """ @struct_hash_equal struct PhysicalDeviceShaderSMBuiltinsPropertiesNV <: HighLevelStruct next::Any shader_sm_count::UInt32 shader_warps_per_sm::UInt32 end """ High-level wrapper for VkPhysicalDeviceIndexTypeUint8FeaturesEXT. Extension: VK\\_EXT\\_index\\_type\\_uint8 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceIndexTypeUint8FeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceIndexTypeUint8FeaturesEXT <: HighLevelStruct next::Any index_type_uint_8::Bool end """ High-level wrapper for VkPhysicalDeviceShaderClockFeaturesKHR. Extension: VK\\_KHR\\_shader\\_clock [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderClockFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDeviceShaderClockFeaturesKHR <: HighLevelStruct next::Any shader_subgroup_clock::Bool shader_device_clock::Bool end """ High-level wrapper for VkPerformanceStreamMarkerInfoINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceStreamMarkerInfoINTEL.html) """ @struct_hash_equal struct PerformanceStreamMarkerInfoINTEL <: HighLevelStruct next::Any marker::UInt32 end """ High-level wrapper for VkPerformanceMarkerInfoINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceMarkerInfoINTEL.html) """ @struct_hash_equal struct PerformanceMarkerInfoINTEL <: HighLevelStruct next::Any marker::UInt64 end """ High-level wrapper for VkInitializePerformanceApiInfoINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkInitializePerformanceApiInfoINTEL.html) """ @struct_hash_equal struct InitializePerformanceApiInfoINTEL <: HighLevelStruct next::Any user_data::OptionalPtr{Ptr{Cvoid}} end """ High-level wrapper for VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL. Extension: VK\\_INTEL\\_shader\\_integer\\_functions2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL.html) """ @struct_hash_equal struct PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL <: HighLevelStruct next::Any shader_integer_functions_2::Bool end """ High-level wrapper for VkPhysicalDeviceCoverageReductionModeFeaturesNV. Extension: VK\\_NV\\_coverage\\_reduction\\_mode [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCoverageReductionModeFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceCoverageReductionModeFeaturesNV <: HighLevelStruct next::Any coverage_reduction_mode::Bool end """ High-level wrapper for VkHeadlessSurfaceCreateInfoEXT. Extension: VK\\_EXT\\_headless\\_surface [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkHeadlessSurfaceCreateInfoEXT.html) """ @struct_hash_equal struct HeadlessSurfaceCreateInfoEXT <: HighLevelStruct next::Any flags::UInt32 end """ High-level wrapper for VkPerformanceQuerySubmitInfoKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceQuerySubmitInfoKHR.html) """ @struct_hash_equal struct PerformanceQuerySubmitInfoKHR <: HighLevelStruct next::Any counter_pass_index::UInt32 end """ High-level wrapper for VkQueryPoolPerformanceCreateInfoKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueryPoolPerformanceCreateInfoKHR.html) """ @struct_hash_equal struct QueryPoolPerformanceCreateInfoKHR <: HighLevelStruct next::Any queue_family_index::UInt32 counter_indices::Vector{UInt32} end """ High-level wrapper for VkPhysicalDevicePerformanceQueryPropertiesKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePerformanceQueryPropertiesKHR.html) """ @struct_hash_equal struct PhysicalDevicePerformanceQueryPropertiesKHR <: HighLevelStruct next::Any allow_command_buffer_query_copies::Bool end """ High-level wrapper for VkPhysicalDevicePerformanceQueryFeaturesKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePerformanceQueryFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDevicePerformanceQueryFeaturesKHR <: HighLevelStruct next::Any performance_counter_query_pools::Bool performance_counter_multiple_query_pools::Bool end """ High-level wrapper for VkSwapchainPresentBarrierCreateInfoNV. Extension: VK\\_NV\\_present\\_barrier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentBarrierCreateInfoNV.html) """ @struct_hash_equal struct SwapchainPresentBarrierCreateInfoNV <: HighLevelStruct next::Any present_barrier_enable::Bool end """ High-level wrapper for VkSurfaceCapabilitiesPresentBarrierNV. Extension: VK\\_NV\\_present\\_barrier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilitiesPresentBarrierNV.html) """ @struct_hash_equal struct SurfaceCapabilitiesPresentBarrierNV <: HighLevelStruct next::Any present_barrier_supported::Bool end """ High-level wrapper for VkPhysicalDevicePresentBarrierFeaturesNV. Extension: VK\\_NV\\_present\\_barrier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePresentBarrierFeaturesNV.html) """ @struct_hash_equal struct PhysicalDevicePresentBarrierFeaturesNV <: HighLevelStruct next::Any present_barrier::Bool end """ High-level wrapper for VkImageViewAddressPropertiesNVX. Extension: VK\\_NVX\\_image\\_view\\_handle [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewAddressPropertiesNVX.html) """ @struct_hash_equal struct ImageViewAddressPropertiesNVX <: HighLevelStruct next::Any device_address::UInt64 size::UInt64 end """ High-level wrapper for VkPhysicalDeviceYcbcrImageArraysFeaturesEXT. Extension: VK\\_EXT\\_ycbcr\\_image\\_arrays [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceYcbcrImageArraysFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceYcbcrImageArraysFeaturesEXT <: HighLevelStruct next::Any ycbcr_image_arrays::Bool end """ High-level wrapper for VkPhysicalDeviceCooperativeMatrixFeaturesNV. Extension: VK\\_NV\\_cooperative\\_matrix [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCooperativeMatrixFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceCooperativeMatrixFeaturesNV <: HighLevelStruct next::Any cooperative_matrix::Bool cooperative_matrix_robust_buffer_access::Bool end """ High-level wrapper for VkPhysicalDeviceTextureCompressionASTCHDRFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTextureCompressionASTCHDRFeatures.html) """ @struct_hash_equal struct PhysicalDeviceTextureCompressionASTCHDRFeatures <: HighLevelStruct next::Any texture_compression_astc_hdr::Bool end """ High-level wrapper for VkPhysicalDeviceImagelessFramebufferFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImagelessFramebufferFeatures.html) """ @struct_hash_equal struct PhysicalDeviceImagelessFramebufferFeatures <: HighLevelStruct next::Any imageless_framebuffer::Bool end """ High-level wrapper for VkFilterCubicImageViewImageFormatPropertiesEXT. Extension: VK\\_EXT\\_filter\\_cubic [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFilterCubicImageViewImageFormatPropertiesEXT.html) """ @struct_hash_equal struct FilterCubicImageViewImageFormatPropertiesEXT <: HighLevelStruct next::Any filter_cubic::Bool filter_cubic_minmax::Bool end """ High-level wrapper for VkBufferDeviceAddressCreateInfoEXT. Extension: VK\\_EXT\\_buffer\\_device\\_address [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferDeviceAddressCreateInfoEXT.html) """ @struct_hash_equal struct BufferDeviceAddressCreateInfoEXT <: HighLevelStruct next::Any device_address::UInt64 end """ High-level wrapper for VkBufferOpaqueCaptureAddressCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferOpaqueCaptureAddressCreateInfo.html) """ @struct_hash_equal struct BufferOpaqueCaptureAddressCreateInfo <: HighLevelStruct next::Any opaque_capture_address::UInt64 end """ High-level wrapper for VkPhysicalDeviceBufferDeviceAddressFeaturesEXT. Extension: VK\\_EXT\\_buffer\\_device\\_address [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBufferDeviceAddressFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceBufferDeviceAddressFeaturesEXT <: HighLevelStruct next::Any buffer_device_address::Bool buffer_device_address_capture_replay::Bool buffer_device_address_multi_device::Bool end """ High-level wrapper for VkPhysicalDeviceBufferDeviceAddressFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBufferDeviceAddressFeatures.html) """ @struct_hash_equal struct PhysicalDeviceBufferDeviceAddressFeatures <: HighLevelStruct next::Any buffer_device_address::Bool buffer_device_address_capture_replay::Bool buffer_device_address_multi_device::Bool end """ High-level wrapper for VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT. Extension: VK\\_EXT\\_pageable\\_device\\_local\\_memory [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT <: HighLevelStruct next::Any pageable_device_local_memory::Bool end """ High-level wrapper for VkMemoryPriorityAllocateInfoEXT. Extension: VK\\_EXT\\_memory\\_priority [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryPriorityAllocateInfoEXT.html) """ @struct_hash_equal struct MemoryPriorityAllocateInfoEXT <: HighLevelStruct next::Any priority::Float32 end """ High-level wrapper for VkPhysicalDeviceMemoryPriorityFeaturesEXT. Extension: VK\\_EXT\\_memory\\_priority [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryPriorityFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceMemoryPriorityFeaturesEXT <: HighLevelStruct next::Any memory_priority::Bool end """ High-level wrapper for VkPhysicalDeviceMemoryBudgetPropertiesEXT. Extension: VK\\_EXT\\_memory\\_budget [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryBudgetPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceMemoryBudgetPropertiesEXT <: HighLevelStruct next::Any heap_budget::NTuple{Int(VK_MAX_MEMORY_HEAPS), UInt64} heap_usage::NTuple{Int(VK_MAX_MEMORY_HEAPS), UInt64} end """ High-level wrapper for VkPipelineRasterizationDepthClipStateCreateInfoEXT. Extension: VK\\_EXT\\_depth\\_clip\\_enable [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationDepthClipStateCreateInfoEXT.html) """ @struct_hash_equal struct PipelineRasterizationDepthClipStateCreateInfoEXT <: HighLevelStruct next::Any flags::UInt32 depth_clip_enable::Bool end """ High-level wrapper for VkPhysicalDeviceDepthClipEnableFeaturesEXT. Extension: VK\\_EXT\\_depth\\_clip\\_enable [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthClipEnableFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceDepthClipEnableFeaturesEXT <: HighLevelStruct next::Any depth_clip_enable::Bool end """ High-level wrapper for VkPhysicalDeviceUniformBufferStandardLayoutFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceUniformBufferStandardLayoutFeatures.html) """ @struct_hash_equal struct PhysicalDeviceUniformBufferStandardLayoutFeatures <: HighLevelStruct next::Any uniform_buffer_standard_layout::Bool end """ High-level wrapper for VkSurfaceProtectedCapabilitiesKHR. Extension: VK\\_KHR\\_surface\\_protected\\_capabilities [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceProtectedCapabilitiesKHR.html) """ @struct_hash_equal struct SurfaceProtectedCapabilitiesKHR <: HighLevelStruct next::Any supports_protected::Bool end """ High-level wrapper for VkPhysicalDeviceScalarBlockLayoutFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceScalarBlockLayoutFeatures.html) """ @struct_hash_equal struct PhysicalDeviceScalarBlockLayoutFeatures <: HighLevelStruct next::Any scalar_block_layout::Bool end """ High-level wrapper for VkPhysicalDeviceFragmentDensityMap2PropertiesEXT. Extension: VK\\_EXT\\_fragment\\_density\\_map2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMap2PropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceFragmentDensityMap2PropertiesEXT <: HighLevelStruct next::Any subsampled_loads::Bool subsampled_coarse_reconstruction_early_access::Bool max_subsampled_array_layers::UInt32 max_descriptor_set_subsampled_samplers::UInt32 end """ High-level wrapper for VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM. Extension: VK\\_QCOM\\_fragment\\_density\\_map\\_offset [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM.html) """ @struct_hash_equal struct PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM <: HighLevelStruct next::Any fragment_density_map_offset::Bool end """ High-level wrapper for VkPhysicalDeviceFragmentDensityMap2FeaturesEXT. Extension: VK\\_EXT\\_fragment\\_density\\_map2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMap2FeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceFragmentDensityMap2FeaturesEXT <: HighLevelStruct next::Any fragment_density_map_deferred::Bool end """ High-level wrapper for VkPhysicalDeviceFragmentDensityMapFeaturesEXT. Extension: VK\\_EXT\\_fragment\\_density\\_map [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceFragmentDensityMapFeaturesEXT <: HighLevelStruct next::Any fragment_density_map::Bool fragment_density_map_dynamic::Bool fragment_density_map_non_subsampled_images::Bool end """ High-level wrapper for VkImageDrmFormatModifierPropertiesEXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageDrmFormatModifierPropertiesEXT.html) """ @struct_hash_equal struct ImageDrmFormatModifierPropertiesEXT <: HighLevelStruct next::Any drm_format_modifier::UInt64 end """ High-level wrapper for VkImageDrmFormatModifierListCreateInfoEXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageDrmFormatModifierListCreateInfoEXT.html) """ @struct_hash_equal struct ImageDrmFormatModifierListCreateInfoEXT <: HighLevelStruct next::Any drm_format_modifiers::Vector{UInt64} end """ High-level wrapper for VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR.html) """ @struct_hash_equal struct PhysicalDeviceRayTracingMaintenance1FeaturesKHR <: HighLevelStruct next::Any ray_tracing_maintenance_1::Bool ray_tracing_pipeline_trace_rays_indirect_2::Bool end """ High-level wrapper for VkTraceRaysIndirectCommand2KHR. Extension: VK\\_KHR\\_ray\\_tracing\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTraceRaysIndirectCommand2KHR.html) """ @struct_hash_equal struct TraceRaysIndirectCommand2KHR <: HighLevelStruct raygen_shader_record_address::UInt64 raygen_shader_record_size::UInt64 miss_shader_binding_table_address::UInt64 miss_shader_binding_table_size::UInt64 miss_shader_binding_table_stride::UInt64 hit_shader_binding_table_address::UInt64 hit_shader_binding_table_size::UInt64 hit_shader_binding_table_stride::UInt64 callable_shader_binding_table_address::UInt64 callable_shader_binding_table_size::UInt64 callable_shader_binding_table_stride::UInt64 width::UInt32 height::UInt32 depth::UInt32 end """ High-level wrapper for VkTraceRaysIndirectCommandKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTraceRaysIndirectCommandKHR.html) """ @struct_hash_equal struct TraceRaysIndirectCommandKHR <: HighLevelStruct width::UInt32 height::UInt32 depth::UInt32 end """ High-level wrapper for VkStridedDeviceAddressRegionKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkStridedDeviceAddressRegionKHR.html) """ @struct_hash_equal struct StridedDeviceAddressRegionKHR <: HighLevelStruct device_address::UInt64 stride::UInt64 size::UInt64 end """ High-level wrapper for VkPhysicalDeviceRayTracingPropertiesNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingPropertiesNV.html) """ @struct_hash_equal struct PhysicalDeviceRayTracingPropertiesNV <: HighLevelStruct next::Any shader_group_handle_size::UInt32 max_recursion_depth::UInt32 max_shader_group_stride::UInt32 shader_group_base_alignment::UInt32 max_geometry_count::UInt64 max_instance_count::UInt64 max_triangle_count::UInt64 max_descriptor_set_acceleration_structures::UInt32 end """ High-level wrapper for VkPhysicalDeviceRayTracingPipelinePropertiesKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingPipelinePropertiesKHR.html) """ @struct_hash_equal struct PhysicalDeviceRayTracingPipelinePropertiesKHR <: HighLevelStruct next::Any shader_group_handle_size::UInt32 max_ray_recursion_depth::UInt32 max_shader_group_stride::UInt32 shader_group_base_alignment::UInt32 shader_group_handle_capture_replay_size::UInt32 max_ray_dispatch_invocation_count::UInt32 shader_group_handle_alignment::UInt32 max_ray_hit_attribute_size::UInt32 end """ High-level wrapper for VkPhysicalDeviceAccelerationStructurePropertiesKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAccelerationStructurePropertiesKHR.html) """ @struct_hash_equal struct PhysicalDeviceAccelerationStructurePropertiesKHR <: HighLevelStruct next::Any max_geometry_count::UInt64 max_instance_count::UInt64 max_primitive_count::UInt64 max_per_stage_descriptor_acceleration_structures::UInt32 max_per_stage_descriptor_update_after_bind_acceleration_structures::UInt32 max_descriptor_set_acceleration_structures::UInt32 max_descriptor_set_update_after_bind_acceleration_structures::UInt32 min_acceleration_structure_scratch_offset_alignment::UInt32 end """ High-level wrapper for VkPhysicalDeviceRayQueryFeaturesKHR. Extension: VK\\_KHR\\_ray\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayQueryFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDeviceRayQueryFeaturesKHR <: HighLevelStruct next::Any ray_query::Bool end """ High-level wrapper for VkPhysicalDeviceRayTracingPipelineFeaturesKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingPipelineFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDeviceRayTracingPipelineFeaturesKHR <: HighLevelStruct next::Any ray_tracing_pipeline::Bool ray_tracing_pipeline_shader_group_handle_capture_replay::Bool ray_tracing_pipeline_shader_group_handle_capture_replay_mixed::Bool ray_tracing_pipeline_trace_rays_indirect::Bool ray_traversal_primitive_culling::Bool end """ High-level wrapper for VkPhysicalDeviceAccelerationStructureFeaturesKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAccelerationStructureFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDeviceAccelerationStructureFeaturesKHR <: HighLevelStruct next::Any acceleration_structure::Bool acceleration_structure_capture_replay::Bool acceleration_structure_indirect_build::Bool acceleration_structure_host_commands::Bool descriptor_binding_acceleration_structure_update_after_bind::Bool end """ High-level wrapper for VkDrawMeshTasksIndirectCommandEXT. Extension: VK\\_EXT\\_mesh\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrawMeshTasksIndirectCommandEXT.html) """ @struct_hash_equal struct DrawMeshTasksIndirectCommandEXT <: HighLevelStruct group_count_x::UInt32 group_count_y::UInt32 group_count_z::UInt32 end """ High-level wrapper for VkPhysicalDeviceMeshShaderPropertiesEXT. Extension: VK\\_EXT\\_mesh\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceMeshShaderPropertiesEXT <: HighLevelStruct next::Any max_task_work_group_total_count::UInt32 max_task_work_group_count::NTuple{3, UInt32} max_task_work_group_invocations::UInt32 max_task_work_group_size::NTuple{3, UInt32} max_task_payload_size::UInt32 max_task_shared_memory_size::UInt32 max_task_payload_and_shared_memory_size::UInt32 max_mesh_work_group_total_count::UInt32 max_mesh_work_group_count::NTuple{3, UInt32} max_mesh_work_group_invocations::UInt32 max_mesh_work_group_size::NTuple{3, UInt32} max_mesh_shared_memory_size::UInt32 max_mesh_payload_and_shared_memory_size::UInt32 max_mesh_output_memory_size::UInt32 max_mesh_payload_and_output_memory_size::UInt32 max_mesh_output_components::UInt32 max_mesh_output_vertices::UInt32 max_mesh_output_primitives::UInt32 max_mesh_output_layers::UInt32 max_mesh_multiview_view_count::UInt32 mesh_output_per_vertex_granularity::UInt32 mesh_output_per_primitive_granularity::UInt32 max_preferred_task_work_group_invocations::UInt32 max_preferred_mesh_work_group_invocations::UInt32 prefers_local_invocation_vertex_output::Bool prefers_local_invocation_primitive_output::Bool prefers_compact_vertex_output::Bool prefers_compact_primitive_output::Bool end """ High-level wrapper for VkPhysicalDeviceMeshShaderFeaturesEXT. Extension: VK\\_EXT\\_mesh\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceMeshShaderFeaturesEXT <: HighLevelStruct next::Any task_shader::Bool mesh_shader::Bool multiview_mesh_shader::Bool primitive_fragment_shading_rate_mesh_shader::Bool mesh_shader_queries::Bool end """ High-level wrapper for VkDrawMeshTasksIndirectCommandNV. Extension: VK\\_NV\\_mesh\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrawMeshTasksIndirectCommandNV.html) """ @struct_hash_equal struct DrawMeshTasksIndirectCommandNV <: HighLevelStruct task_count::UInt32 first_task::UInt32 end """ High-level wrapper for VkPhysicalDeviceMeshShaderPropertiesNV. Extension: VK\\_NV\\_mesh\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderPropertiesNV.html) """ @struct_hash_equal struct PhysicalDeviceMeshShaderPropertiesNV <: HighLevelStruct next::Any max_draw_mesh_tasks_count::UInt32 max_task_work_group_invocations::UInt32 max_task_work_group_size::NTuple{3, UInt32} max_task_total_memory_size::UInt32 max_task_output_count::UInt32 max_mesh_work_group_invocations::UInt32 max_mesh_work_group_size::NTuple{3, UInt32} max_mesh_total_memory_size::UInt32 max_mesh_output_vertices::UInt32 max_mesh_output_primitives::UInt32 max_mesh_multiview_view_count::UInt32 mesh_output_per_vertex_granularity::UInt32 mesh_output_per_primitive_granularity::UInt32 end """ High-level wrapper for VkPhysicalDeviceMeshShaderFeaturesNV. Extension: VK\\_NV\\_mesh\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceMeshShaderFeaturesNV <: HighLevelStruct next::Any task_shader::Bool mesh_shader::Bool end """ High-level wrapper for VkCoarseSampleLocationNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCoarseSampleLocationNV.html) """ @struct_hash_equal struct CoarseSampleLocationNV <: HighLevelStruct pixel_x::UInt32 pixel_y::UInt32 sample::UInt32 end """ High-level wrapper for VkPhysicalDeviceInvocationMaskFeaturesHUAWEI. Extension: VK\\_HUAWEI\\_invocation\\_mask [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInvocationMaskFeaturesHUAWEI.html) """ @struct_hash_equal struct PhysicalDeviceInvocationMaskFeaturesHUAWEI <: HighLevelStruct next::Any invocation_mask::Bool end """ High-level wrapper for VkPhysicalDeviceShadingRateImageFeaturesNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShadingRateImageFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceShadingRateImageFeaturesNV <: HighLevelStruct next::Any shading_rate_image::Bool shading_rate_coarse_sample_order::Bool end """ High-level wrapper for VkPhysicalDeviceMemoryDecompressionPropertiesNV. Extension: VK\\_NV\\_memory\\_decompression [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryDecompressionPropertiesNV.html) """ @struct_hash_equal struct PhysicalDeviceMemoryDecompressionPropertiesNV <: HighLevelStruct next::Any decompression_methods::UInt64 max_decompression_indirect_count::UInt64 end """ High-level wrapper for VkPhysicalDeviceMemoryDecompressionFeaturesNV. Extension: VK\\_NV\\_memory\\_decompression [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryDecompressionFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceMemoryDecompressionFeaturesNV <: HighLevelStruct next::Any memory_decompression::Bool end """ High-level wrapper for VkPhysicalDeviceCopyMemoryIndirectFeaturesNV. Extension: VK\\_NV\\_copy\\_memory\\_indirect [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCopyMemoryIndirectFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceCopyMemoryIndirectFeaturesNV <: HighLevelStruct next::Any indirect_copy::Bool end """ High-level wrapper for VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV. Extension: VK\\_NV\\_dedicated\\_allocation\\_image\\_aliasing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV <: HighLevelStruct next::Any dedicated_allocation_image_aliasing::Bool end """ High-level wrapper for VkPhysicalDeviceShaderImageFootprintFeaturesNV. Extension: VK\\_NV\\_shader\\_image\\_footprint [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderImageFootprintFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceShaderImageFootprintFeaturesNV <: HighLevelStruct next::Any image_footprint::Bool end """ High-level wrapper for VkPhysicalDeviceComputeShaderDerivativesFeaturesNV. Extension: VK\\_NV\\_compute\\_shader\\_derivatives [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceComputeShaderDerivativesFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceComputeShaderDerivativesFeaturesNV <: HighLevelStruct next::Any compute_derivative_group_quads::Bool compute_derivative_group_linear::Bool end """ High-level wrapper for VkPhysicalDeviceCornerSampledImageFeaturesNV. Extension: VK\\_NV\\_corner\\_sampled\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCornerSampledImageFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceCornerSampledImageFeaturesNV <: HighLevelStruct next::Any corner_sampled_image::Bool end """ High-level wrapper for VkPhysicalDeviceExclusiveScissorFeaturesNV. Extension: VK\\_NV\\_scissor\\_exclusive [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExclusiveScissorFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceExclusiveScissorFeaturesNV <: HighLevelStruct next::Any exclusive_scissor::Bool end """ High-level wrapper for VkPipelineRepresentativeFragmentTestStateCreateInfoNV. Extension: VK\\_NV\\_representative\\_fragment\\_test [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRepresentativeFragmentTestStateCreateInfoNV.html) """ @struct_hash_equal struct PipelineRepresentativeFragmentTestStateCreateInfoNV <: HighLevelStruct next::Any representative_fragment_test_enable::Bool end """ High-level wrapper for VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV. Extension: VK\\_NV\\_representative\\_fragment\\_test [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceRepresentativeFragmentTestFeaturesNV <: HighLevelStruct next::Any representative_fragment_test::Bool end """ High-level wrapper for VkPipelineRasterizationStateStreamCreateInfoEXT. Extension: VK\\_EXT\\_transform\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationStateStreamCreateInfoEXT.html) """ @struct_hash_equal struct PipelineRasterizationStateStreamCreateInfoEXT <: HighLevelStruct next::Any flags::UInt32 rasterization_stream::UInt32 end """ High-level wrapper for VkPhysicalDeviceTransformFeedbackPropertiesEXT. Extension: VK\\_EXT\\_transform\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTransformFeedbackPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceTransformFeedbackPropertiesEXT <: HighLevelStruct next::Any max_transform_feedback_streams::UInt32 max_transform_feedback_buffers::UInt32 max_transform_feedback_buffer_size::UInt64 max_transform_feedback_stream_data_size::UInt32 max_transform_feedback_buffer_data_size::UInt32 max_transform_feedback_buffer_data_stride::UInt32 transform_feedback_queries::Bool transform_feedback_streams_lines_triangles::Bool transform_feedback_rasterization_stream_select::Bool transform_feedback_draw::Bool end """ High-level wrapper for VkPhysicalDeviceTransformFeedbackFeaturesEXT. Extension: VK\\_EXT\\_transform\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTransformFeedbackFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceTransformFeedbackFeaturesEXT <: HighLevelStruct next::Any transform_feedback::Bool geometry_streams::Bool end """ High-level wrapper for VkPhysicalDeviceASTCDecodeFeaturesEXT. Extension: VK\\_EXT\\_astc\\_decode\\_mode [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceASTCDecodeFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceASTCDecodeFeaturesEXT <: HighLevelStruct next::Any decode_mode_shared_exponent::Bool end """ High-level wrapper for VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT. Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceVertexAttributeDivisorFeaturesEXT <: HighLevelStruct next::Any vertex_attribute_instance_rate_divisor::Bool vertex_attribute_instance_rate_zero_divisor::Bool end """ High-level wrapper for VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT. Extension: VK\\_EXT\\_shader\\_atomic\\_float2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceShaderAtomicFloat2FeaturesEXT <: HighLevelStruct next::Any shader_buffer_float_16_atomics::Bool shader_buffer_float_16_atomic_add::Bool shader_buffer_float_16_atomic_min_max::Bool shader_buffer_float_32_atomic_min_max::Bool shader_buffer_float_64_atomic_min_max::Bool shader_shared_float_16_atomics::Bool shader_shared_float_16_atomic_add::Bool shader_shared_float_16_atomic_min_max::Bool shader_shared_float_32_atomic_min_max::Bool shader_shared_float_64_atomic_min_max::Bool shader_image_float_32_atomic_min_max::Bool sparse_image_float_32_atomic_min_max::Bool end """ High-level wrapper for VkPhysicalDeviceShaderAtomicFloatFeaturesEXT. Extension: VK\\_EXT\\_shader\\_atomic\\_float [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderAtomicFloatFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceShaderAtomicFloatFeaturesEXT <: HighLevelStruct next::Any shader_buffer_float_32_atomics::Bool shader_buffer_float_32_atomic_add::Bool shader_buffer_float_64_atomics::Bool shader_buffer_float_64_atomic_add::Bool shader_shared_float_32_atomics::Bool shader_shared_float_32_atomic_add::Bool shader_shared_float_64_atomics::Bool shader_shared_float_64_atomic_add::Bool shader_image_float_32_atomics::Bool shader_image_float_32_atomic_add::Bool sparse_image_float_32_atomics::Bool sparse_image_float_32_atomic_add::Bool end """ High-level wrapper for VkPhysicalDeviceShaderAtomicInt64Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderAtomicInt64Features.html) """ @struct_hash_equal struct PhysicalDeviceShaderAtomicInt64Features <: HighLevelStruct next::Any shader_buffer_int_64_atomics::Bool shader_shared_int_64_atomics::Bool end """ High-level wrapper for VkPhysicalDeviceVulkanMemoryModelFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkanMemoryModelFeatures.html) """ @struct_hash_equal struct PhysicalDeviceVulkanMemoryModelFeatures <: HighLevelStruct next::Any vulkan_memory_model::Bool vulkan_memory_model_device_scope::Bool vulkan_memory_model_availability_visibility_chains::Bool end """ High-level wrapper for VkPhysicalDeviceConditionalRenderingFeaturesEXT. Extension: VK\\_EXT\\_conditional\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceConditionalRenderingFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceConditionalRenderingFeaturesEXT <: HighLevelStruct next::Any conditional_rendering::Bool inherited_conditional_rendering::Bool end """ High-level wrapper for VkPhysicalDevice8BitStorageFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevice8BitStorageFeatures.html) """ @struct_hash_equal struct PhysicalDevice8BitStorageFeatures <: HighLevelStruct next::Any storage_buffer_8_bit_access::Bool uniform_and_storage_buffer_8_bit_access::Bool storage_push_constant_8::Bool end """ High-level wrapper for VkCommandBufferInheritanceConditionalRenderingInfoEXT. Extension: VK\\_EXT\\_conditional\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceConditionalRenderingInfoEXT.html) """ @struct_hash_equal struct CommandBufferInheritanceConditionalRenderingInfoEXT <: HighLevelStruct next::Any conditional_rendering_enable::Bool end """ High-level wrapper for VkPhysicalDevicePCIBusInfoPropertiesEXT. Extension: VK\\_EXT\\_pci\\_bus\\_info [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePCIBusInfoPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDevicePCIBusInfoPropertiesEXT <: HighLevelStruct next::Any pci_domain::UInt32 pci_bus::UInt32 pci_device::UInt32 pci_function::UInt32 end """ High-level wrapper for VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT. Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceVertexAttributeDivisorPropertiesEXT <: HighLevelStruct next::Any max_vertex_attrib_divisor::UInt32 end """ High-level wrapper for VkVertexInputBindingDivisorDescriptionEXT. Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputBindingDivisorDescriptionEXT.html) """ @struct_hash_equal struct VertexInputBindingDivisorDescriptionEXT <: HighLevelStruct binding::UInt32 divisor::UInt32 end """ High-level wrapper for VkPipelineVertexInputDivisorStateCreateInfoEXT. Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineVertexInputDivisorStateCreateInfoEXT.html) """ @struct_hash_equal struct PipelineVertexInputDivisorStateCreateInfoEXT <: HighLevelStruct next::Any vertex_binding_divisors::Vector{VertexInputBindingDivisorDescriptionEXT} end """ High-level wrapper for VkTimelineSemaphoreSubmitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTimelineSemaphoreSubmitInfo.html) """ @struct_hash_equal struct TimelineSemaphoreSubmitInfo <: HighLevelStruct next::Any wait_semaphore_values::OptionalPtr{Vector{UInt64}} signal_semaphore_values::OptionalPtr{Vector{UInt64}} end """ High-level wrapper for VkPhysicalDeviceTimelineSemaphoreProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTimelineSemaphoreProperties.html) """ @struct_hash_equal struct PhysicalDeviceTimelineSemaphoreProperties <: HighLevelStruct next::Any max_timeline_semaphore_value_difference::UInt64 end """ High-level wrapper for VkPhysicalDeviceTimelineSemaphoreFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTimelineSemaphoreFeatures.html) """ @struct_hash_equal struct PhysicalDeviceTimelineSemaphoreFeatures <: HighLevelStruct next::Any timeline_semaphore::Bool end """ High-level wrapper for VkSubpassEndInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassEndInfo.html) """ @struct_hash_equal struct SubpassEndInfo <: HighLevelStruct next::Any end """ High-level wrapper for VkDescriptorSetVariableDescriptorCountLayoutSupport. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetVariableDescriptorCountLayoutSupport.html) """ @struct_hash_equal struct DescriptorSetVariableDescriptorCountLayoutSupport <: HighLevelStruct next::Any max_variable_descriptor_count::UInt32 end """ High-level wrapper for VkDescriptorSetVariableDescriptorCountAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetVariableDescriptorCountAllocateInfo.html) """ @struct_hash_equal struct DescriptorSetVariableDescriptorCountAllocateInfo <: HighLevelStruct next::Any descriptor_counts::Vector{UInt32} end """ High-level wrapper for VkPhysicalDeviceDescriptorIndexingProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorIndexingProperties.html) """ @struct_hash_equal struct PhysicalDeviceDescriptorIndexingProperties <: HighLevelStruct next::Any max_update_after_bind_descriptors_in_all_pools::UInt32 shader_uniform_buffer_array_non_uniform_indexing_native::Bool shader_sampled_image_array_non_uniform_indexing_native::Bool shader_storage_buffer_array_non_uniform_indexing_native::Bool shader_storage_image_array_non_uniform_indexing_native::Bool shader_input_attachment_array_non_uniform_indexing_native::Bool robust_buffer_access_update_after_bind::Bool quad_divergent_implicit_lod::Bool max_per_stage_descriptor_update_after_bind_samplers::UInt32 max_per_stage_descriptor_update_after_bind_uniform_buffers::UInt32 max_per_stage_descriptor_update_after_bind_storage_buffers::UInt32 max_per_stage_descriptor_update_after_bind_sampled_images::UInt32 max_per_stage_descriptor_update_after_bind_storage_images::UInt32 max_per_stage_descriptor_update_after_bind_input_attachments::UInt32 max_per_stage_update_after_bind_resources::UInt32 max_descriptor_set_update_after_bind_samplers::UInt32 max_descriptor_set_update_after_bind_uniform_buffers::UInt32 max_descriptor_set_update_after_bind_uniform_buffers_dynamic::UInt32 max_descriptor_set_update_after_bind_storage_buffers::UInt32 max_descriptor_set_update_after_bind_storage_buffers_dynamic::UInt32 max_descriptor_set_update_after_bind_sampled_images::UInt32 max_descriptor_set_update_after_bind_storage_images::UInt32 max_descriptor_set_update_after_bind_input_attachments::UInt32 end """ High-level wrapper for VkPhysicalDeviceDescriptorIndexingFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorIndexingFeatures.html) """ @struct_hash_equal struct PhysicalDeviceDescriptorIndexingFeatures <: HighLevelStruct next::Any shader_input_attachment_array_dynamic_indexing::Bool shader_uniform_texel_buffer_array_dynamic_indexing::Bool shader_storage_texel_buffer_array_dynamic_indexing::Bool shader_uniform_buffer_array_non_uniform_indexing::Bool shader_sampled_image_array_non_uniform_indexing::Bool shader_storage_buffer_array_non_uniform_indexing::Bool shader_storage_image_array_non_uniform_indexing::Bool shader_input_attachment_array_non_uniform_indexing::Bool shader_uniform_texel_buffer_array_non_uniform_indexing::Bool shader_storage_texel_buffer_array_non_uniform_indexing::Bool descriptor_binding_uniform_buffer_update_after_bind::Bool descriptor_binding_sampled_image_update_after_bind::Bool descriptor_binding_storage_image_update_after_bind::Bool descriptor_binding_storage_buffer_update_after_bind::Bool descriptor_binding_uniform_texel_buffer_update_after_bind::Bool descriptor_binding_storage_texel_buffer_update_after_bind::Bool descriptor_binding_update_unused_while_pending::Bool descriptor_binding_partially_bound::Bool descriptor_binding_variable_descriptor_count::Bool runtime_descriptor_array::Bool end """ High-level wrapper for VkPhysicalDeviceShaderCorePropertiesAMD. Extension: VK\\_AMD\\_shader\\_core\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCorePropertiesAMD.html) """ @struct_hash_equal struct PhysicalDeviceShaderCorePropertiesAMD <: HighLevelStruct next::Any shader_engine_count::UInt32 shader_arrays_per_engine_count::UInt32 compute_units_per_shader_array::UInt32 simd_per_compute_unit::UInt32 wavefronts_per_simd::UInt32 wavefront_size::UInt32 sgprs_per_simd::UInt32 min_sgpr_allocation::UInt32 max_sgpr_allocation::UInt32 sgpr_allocation_granularity::UInt32 vgprs_per_simd::UInt32 min_vgpr_allocation::UInt32 max_vgpr_allocation::UInt32 vgpr_allocation_granularity::UInt32 end """ High-level wrapper for VkPhysicalDeviceConservativeRasterizationPropertiesEXT. Extension: VK\\_EXT\\_conservative\\_rasterization [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceConservativeRasterizationPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceConservativeRasterizationPropertiesEXT <: HighLevelStruct next::Any primitive_overestimation_size::Float32 max_extra_primitive_overestimation_size::Float32 extra_primitive_overestimation_size_granularity::Float32 primitive_underestimation::Bool conservative_point_and_line_rasterization::Bool degenerate_triangles_rasterized::Bool degenerate_lines_rasterized::Bool fully_covered_fragment_shader_input_variable::Bool conservative_rasterization_post_depth_coverage::Bool end """ High-level wrapper for VkPhysicalDeviceExternalMemoryHostPropertiesEXT. Extension: VK\\_EXT\\_external\\_memory\\_host [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalMemoryHostPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceExternalMemoryHostPropertiesEXT <: HighLevelStruct next::Any min_imported_host_pointer_alignment::UInt64 end """ High-level wrapper for VkMemoryHostPointerPropertiesEXT. Extension: VK\\_EXT\\_external\\_memory\\_host [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryHostPointerPropertiesEXT.html) """ @struct_hash_equal struct MemoryHostPointerPropertiesEXT <: HighLevelStruct next::Any memory_type_bits::UInt32 end """ High-level wrapper for VkDeviceDeviceMemoryReportCreateInfoEXT. Extension: VK\\_EXT\\_device\\_memory\\_report [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceDeviceMemoryReportCreateInfoEXT.html) """ @struct_hash_equal struct DeviceDeviceMemoryReportCreateInfoEXT <: HighLevelStruct next::Any flags::UInt32 pfn_user_callback::FunctionPtr user_data::Ptr{Cvoid} end """ High-level wrapper for VkPhysicalDeviceDeviceMemoryReportFeaturesEXT. Extension: VK\\_EXT\\_device\\_memory\\_report [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDeviceMemoryReportFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceDeviceMemoryReportFeaturesEXT <: HighLevelStruct next::Any device_memory_report::Bool end """ High-level wrapper for VkDebugUtilsLabelEXT. Extension: VK\\_EXT\\_debug\\_utils [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsLabelEXT.html) """ @struct_hash_equal struct DebugUtilsLabelEXT <: HighLevelStruct next::Any label_name::String color::NTuple{4, Float32} end """ High-level wrapper for VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR. Extension: VK\\_KHR\\_global\\_priority [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDeviceGlobalPriorityQueryFeaturesKHR <: HighLevelStruct next::Any global_priority_query::Bool end """ High-level wrapper for VkShaderResourceUsageAMD. Extension: VK\\_AMD\\_shader\\_info [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderResourceUsageAMD.html) """ @struct_hash_equal struct ShaderResourceUsageAMD <: HighLevelStruct num_used_vgprs::UInt32 num_used_sgprs::UInt32 lds_size_per_local_work_group::UInt32 lds_usage_size_in_bytes::UInt scratch_mem_usage_in_bytes::UInt end """ High-level wrapper for VkPhysicalDeviceHostQueryResetFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceHostQueryResetFeatures.html) """ @struct_hash_equal struct PhysicalDeviceHostQueryResetFeatures <: HighLevelStruct next::Any host_query_reset::Bool end """ High-level wrapper for VkPhysicalDeviceShaderFloat16Int8Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderFloat16Int8Features.html) """ @struct_hash_equal struct PhysicalDeviceShaderFloat16Int8Features <: HighLevelStruct next::Any shader_float_16::Bool shader_int_8::Bool end """ High-level wrapper for VkPhysicalDeviceShaderDrawParametersFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderDrawParametersFeatures.html) """ @struct_hash_equal struct PhysicalDeviceShaderDrawParametersFeatures <: HighLevelStruct next::Any shader_draw_parameters::Bool end """ High-level wrapper for VkDescriptorSetLayoutSupport. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutSupport.html) """ @struct_hash_equal struct DescriptorSetLayoutSupport <: HighLevelStruct next::Any supported::Bool end """ High-level wrapper for VkPhysicalDeviceMaintenance4Properties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMaintenance4Properties.html) """ @struct_hash_equal struct PhysicalDeviceMaintenance4Properties <: HighLevelStruct next::Any max_buffer_size::UInt64 end """ High-level wrapper for VkPhysicalDeviceMaintenance4Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMaintenance4Features.html) """ @struct_hash_equal struct PhysicalDeviceMaintenance4Features <: HighLevelStruct next::Any maintenance4::Bool end """ High-level wrapper for VkPhysicalDeviceMaintenance3Properties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMaintenance3Properties.html) """ @struct_hash_equal struct PhysicalDeviceMaintenance3Properties <: HighLevelStruct next::Any max_per_set_descriptors::UInt32 max_memory_allocation_size::UInt64 end """ High-level wrapper for VkValidationCacheCreateInfoEXT. Extension: VK\\_EXT\\_validation\\_cache [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkValidationCacheCreateInfoEXT.html) """ @struct_hash_equal struct ValidationCacheCreateInfoEXT <: HighLevelStruct next::Any flags::UInt32 initial_data_size::OptionalPtr{UInt} initial_data::Ptr{Cvoid} end """ High-level wrapper for VkDescriptorPoolInlineUniformBlockCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorPoolInlineUniformBlockCreateInfo.html) """ @struct_hash_equal struct DescriptorPoolInlineUniformBlockCreateInfo <: HighLevelStruct next::Any max_inline_uniform_block_bindings::UInt32 end """ High-level wrapper for VkWriteDescriptorSetInlineUniformBlock. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSetInlineUniformBlock.html) """ @struct_hash_equal struct WriteDescriptorSetInlineUniformBlock <: HighLevelStruct next::Any data_size::UInt32 data::Ptr{Cvoid} end """ High-level wrapper for VkPhysicalDeviceInlineUniformBlockProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInlineUniformBlockProperties.html) """ @struct_hash_equal struct PhysicalDeviceInlineUniformBlockProperties <: HighLevelStruct next::Any max_inline_uniform_block_size::UInt32 max_per_stage_descriptor_inline_uniform_blocks::UInt32 max_per_stage_descriptor_update_after_bind_inline_uniform_blocks::UInt32 max_descriptor_set_inline_uniform_blocks::UInt32 max_descriptor_set_update_after_bind_inline_uniform_blocks::UInt32 end """ High-level wrapper for VkPhysicalDeviceInlineUniformBlockFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInlineUniformBlockFeatures.html) """ @struct_hash_equal struct PhysicalDeviceInlineUniformBlockFeatures <: HighLevelStruct next::Any inline_uniform_block::Bool descriptor_binding_inline_uniform_block_update_after_bind::Bool end """ High-level wrapper for VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT. Extension: VK\\_EXT\\_blend\\_operation\\_advanced [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceBlendOperationAdvancedPropertiesEXT <: HighLevelStruct next::Any advanced_blend_max_color_attachments::UInt32 advanced_blend_independent_blend::Bool advanced_blend_non_premultiplied_src_color::Bool advanced_blend_non_premultiplied_dst_color::Bool advanced_blend_correlated_overlap::Bool advanced_blend_all_operations::Bool end """ High-level wrapper for VkPhysicalDeviceMultiDrawFeaturesEXT. Extension: VK\\_EXT\\_multi\\_draw [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiDrawFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceMultiDrawFeaturesEXT <: HighLevelStruct next::Any multi_draw::Bool end """ High-level wrapper for VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT. Extension: VK\\_EXT\\_blend\\_operation\\_advanced [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceBlendOperationAdvancedFeaturesEXT <: HighLevelStruct next::Any advanced_blend_coherent_operations::Bool end """ High-level wrapper for VkSampleLocationEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSampleLocationEXT.html) """ @struct_hash_equal struct SampleLocationEXT <: HighLevelStruct x::Float32 y::Float32 end """ High-level wrapper for VkPhysicalDeviceSamplerFilterMinmaxProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSamplerFilterMinmaxProperties.html) """ @struct_hash_equal struct PhysicalDeviceSamplerFilterMinmaxProperties <: HighLevelStruct next::Any filter_minmax_single_component_formats::Bool filter_minmax_image_component_mapping::Bool end """ High-level wrapper for VkPipelineCoverageToColorStateCreateInfoNV. Extension: VK\\_NV\\_fragment\\_coverage\\_to\\_color [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCoverageToColorStateCreateInfoNV.html) """ @struct_hash_equal struct PipelineCoverageToColorStateCreateInfoNV <: HighLevelStruct next::Any flags::UInt32 coverage_to_color_enable::Bool coverage_to_color_location::UInt32 end """ High-level wrapper for VkPhysicalDeviceProtectedMemoryProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProtectedMemoryProperties.html) """ @struct_hash_equal struct PhysicalDeviceProtectedMemoryProperties <: HighLevelStruct next::Any protected_no_fault::Bool end """ High-level wrapper for VkPhysicalDeviceProtectedMemoryFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProtectedMemoryFeatures.html) """ @struct_hash_equal struct PhysicalDeviceProtectedMemoryFeatures <: HighLevelStruct next::Any protected_memory::Bool end """ High-level wrapper for VkProtectedSubmitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkProtectedSubmitInfo.html) """ @struct_hash_equal struct ProtectedSubmitInfo <: HighLevelStruct next::Any protected_submit::Bool end """ High-level wrapper for VkTextureLODGatherFormatPropertiesAMD. Extension: VK\\_AMD\\_texture\\_gather\\_bias\\_lod [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTextureLODGatherFormatPropertiesAMD.html) """ @struct_hash_equal struct TextureLODGatherFormatPropertiesAMD <: HighLevelStruct next::Any supports_texture_gather_lod_bias_amd::Bool end """ High-level wrapper for VkSamplerYcbcrConversionImageFormatProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerYcbcrConversionImageFormatProperties.html) """ @struct_hash_equal struct SamplerYcbcrConversionImageFormatProperties <: HighLevelStruct next::Any combined_image_sampler_descriptor_count::UInt32 end """ High-level wrapper for VkPhysicalDeviceSamplerYcbcrConversionFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSamplerYcbcrConversionFeatures.html) """ @struct_hash_equal struct PhysicalDeviceSamplerYcbcrConversionFeatures <: HighLevelStruct next::Any sampler_ycbcr_conversion::Bool end """ High-level wrapper for VkMemoryDedicatedRequirements. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryDedicatedRequirements.html) """ @struct_hash_equal struct MemoryDedicatedRequirements <: HighLevelStruct next::Any prefers_dedicated_allocation::Bool requires_dedicated_allocation::Bool end """ High-level wrapper for VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures.html) """ @struct_hash_equal struct PhysicalDeviceShaderSubgroupExtendedTypesFeatures <: HighLevelStruct next::Any shader_subgroup_extended_types::Bool end """ High-level wrapper for VkPhysicalDevice16BitStorageFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevice16BitStorageFeatures.html) """ @struct_hash_equal struct PhysicalDevice16BitStorageFeatures <: HighLevelStruct next::Any storage_buffer_16_bit_access::Bool uniform_and_storage_buffer_16_bit_access::Bool storage_push_constant_16::Bool storage_input_output_16::Bool end """ High-level wrapper for VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX. Extension: VK\\_NVX\\_multiview\\_per\\_view\\_attributes [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX.html) """ @struct_hash_equal struct PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX <: HighLevelStruct next::Any per_view_position_all_components::Bool end """ High-level wrapper for VkPhysicalDeviceDiscardRectanglePropertiesEXT. Extension: VK\\_EXT\\_discard\\_rectangles [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDiscardRectanglePropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceDiscardRectanglePropertiesEXT <: HighLevelStruct next::Any max_discard_rectangles::UInt32 end """ High-level wrapper for VkViewportWScalingNV. Extension: VK\\_NV\\_clip\\_space\\_w\\_scaling [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkViewportWScalingNV.html) """ @struct_hash_equal struct ViewportWScalingNV <: HighLevelStruct xcoeff::Float32 ycoeff::Float32 end """ High-level wrapper for VkPipelineViewportWScalingStateCreateInfoNV. Extension: VK\\_NV\\_clip\\_space\\_w\\_scaling [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportWScalingStateCreateInfoNV.html) """ @struct_hash_equal struct PipelineViewportWScalingStateCreateInfoNV <: HighLevelStruct next::Any viewport_w_scaling_enable::Bool viewport_w_scalings::OptionalPtr{Vector{ViewportWScalingNV}} end """ High-level wrapper for VkPresentTimeGOOGLE. Extension: VK\\_GOOGLE\\_display\\_timing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentTimeGOOGLE.html) """ @struct_hash_equal struct PresentTimeGOOGLE <: HighLevelStruct present_id::UInt32 desired_present_time::UInt64 end """ High-level wrapper for VkPresentTimesInfoGOOGLE. Extension: VK\\_GOOGLE\\_display\\_timing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentTimesInfoGOOGLE.html) """ @struct_hash_equal struct PresentTimesInfoGOOGLE <: HighLevelStruct next::Any times::OptionalPtr{Vector{PresentTimeGOOGLE}} end """ High-level wrapper for VkPastPresentationTimingGOOGLE. Extension: VK\\_GOOGLE\\_display\\_timing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPastPresentationTimingGOOGLE.html) """ @struct_hash_equal struct PastPresentationTimingGOOGLE <: HighLevelStruct present_id::UInt32 desired_present_time::UInt64 actual_present_time::UInt64 earliest_present_time::UInt64 present_margin::UInt64 end """ High-level wrapper for VkRefreshCycleDurationGOOGLE. Extension: VK\\_GOOGLE\\_display\\_timing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRefreshCycleDurationGOOGLE.html) """ @struct_hash_equal struct RefreshCycleDurationGOOGLE <: HighLevelStruct refresh_duration::UInt64 end """ High-level wrapper for VkSwapchainDisplayNativeHdrCreateInfoAMD. Extension: VK\\_AMD\\_display\\_native\\_hdr [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainDisplayNativeHdrCreateInfoAMD.html) """ @struct_hash_equal struct SwapchainDisplayNativeHdrCreateInfoAMD <: HighLevelStruct next::Any local_dimming_enable::Bool end """ High-level wrapper for VkDisplayNativeHdrSurfaceCapabilitiesAMD. Extension: VK\\_AMD\\_display\\_native\\_hdr [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayNativeHdrSurfaceCapabilitiesAMD.html) """ @struct_hash_equal struct DisplayNativeHdrSurfaceCapabilitiesAMD <: HighLevelStruct next::Any local_dimming_support::Bool end """ High-level wrapper for VkPhysicalDevicePresentWaitFeaturesKHR. Extension: VK\\_KHR\\_present\\_wait [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePresentWaitFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDevicePresentWaitFeaturesKHR <: HighLevelStruct next::Any present_wait::Bool end """ High-level wrapper for VkPresentIdKHR. Extension: VK\\_KHR\\_present\\_id [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentIdKHR.html) """ @struct_hash_equal struct PresentIdKHR <: HighLevelStruct next::Any present_ids::OptionalPtr{Vector{UInt64}} end """ High-level wrapper for VkPhysicalDevicePresentIdFeaturesKHR. Extension: VK\\_KHR\\_present\\_id [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePresentIdFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDevicePresentIdFeaturesKHR <: HighLevelStruct next::Any present_id::Bool end """ High-level wrapper for VkXYColorEXT. Extension: VK\\_EXT\\_hdr\\_metadata [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkXYColorEXT.html) """ @struct_hash_equal struct XYColorEXT <: HighLevelStruct x::Float32 y::Float32 end """ High-level wrapper for VkHdrMetadataEXT. Extension: VK\\_EXT\\_hdr\\_metadata [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkHdrMetadataEXT.html) """ @struct_hash_equal struct HdrMetadataEXT <: HighLevelStruct next::Any display_primary_red::XYColorEXT display_primary_green::XYColorEXT display_primary_blue::XYColorEXT white_point::XYColorEXT max_luminance::Float32 min_luminance::Float32 max_content_light_level::Float32 max_frame_average_light_level::Float32 end """ High-level wrapper for VkDeviceGroupBindSparseInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupBindSparseInfo.html) """ @struct_hash_equal struct DeviceGroupBindSparseInfo <: HighLevelStruct next::Any resource_device_index::UInt32 memory_device_index::UInt32 end """ High-level wrapper for VkDeviceGroupSubmitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupSubmitInfo.html) """ @struct_hash_equal struct DeviceGroupSubmitInfo <: HighLevelStruct next::Any wait_semaphore_device_indices::Vector{UInt32} command_buffer_device_masks::Vector{UInt32} signal_semaphore_device_indices::Vector{UInt32} end """ High-level wrapper for VkDeviceGroupCommandBufferBeginInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupCommandBufferBeginInfo.html) """ @struct_hash_equal struct DeviceGroupCommandBufferBeginInfo <: HighLevelStruct next::Any device_mask::UInt32 end """ High-level wrapper for VkBindBufferMemoryDeviceGroupInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindBufferMemoryDeviceGroupInfo.html) """ @struct_hash_equal struct BindBufferMemoryDeviceGroupInfo <: HighLevelStruct next::Any device_indices::Vector{UInt32} end """ High-level wrapper for VkRenderPassMultiviewCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassMultiviewCreateInfo.html) """ @struct_hash_equal struct RenderPassMultiviewCreateInfo <: HighLevelStruct next::Any view_masks::Vector{UInt32} view_offsets::Vector{Int32} correlation_masks::Vector{UInt32} end """ High-level wrapper for VkPhysicalDeviceMultiviewProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewProperties.html) """ @struct_hash_equal struct PhysicalDeviceMultiviewProperties <: HighLevelStruct next::Any max_multiview_view_count::UInt32 max_multiview_instance_index::UInt32 end """ High-level wrapper for VkPhysicalDeviceMultiviewFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewFeatures.html) """ @struct_hash_equal struct PhysicalDeviceMultiviewFeatures <: HighLevelStruct next::Any multiview::Bool multiview_geometry_shader::Bool multiview_tessellation_shader::Bool end """ High-level wrapper for VkMemoryFdPropertiesKHR. Extension: VK\\_KHR\\_external\\_memory\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryFdPropertiesKHR.html) """ @struct_hash_equal struct MemoryFdPropertiesKHR <: HighLevelStruct next::Any memory_type_bits::UInt32 end """ High-level wrapper for VkPhysicalDeviceIDProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceIDProperties.html) """ @struct_hash_equal struct PhysicalDeviceIDProperties <: HighLevelStruct next::Any device_uuid::NTuple{Int(VK_UUID_SIZE), UInt8} driver_uuid::NTuple{Int(VK_UUID_SIZE), UInt8} device_luid::NTuple{Int(VK_LUID_SIZE), UInt8} device_node_mask::UInt32 device_luid_valid::Bool end """ High-level wrapper for VkPhysicalDeviceVariablePointersFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVariablePointersFeatures.html) """ @struct_hash_equal struct PhysicalDeviceVariablePointersFeatures <: HighLevelStruct next::Any variable_pointers_storage_buffer::Bool variable_pointers::Bool end """ High-level wrapper for VkConformanceVersion. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkConformanceVersion.html) """ @struct_hash_equal struct ConformanceVersion <: HighLevelStruct major::UInt8 minor::UInt8 subminor::UInt8 patch::UInt8 end """ High-level wrapper for VkPhysicalDevicePushDescriptorPropertiesKHR. Extension: VK\\_KHR\\_push\\_descriptor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePushDescriptorPropertiesKHR.html) """ @struct_hash_equal struct PhysicalDevicePushDescriptorPropertiesKHR <: HighLevelStruct next::Any max_push_descriptors::UInt32 end """ High-level wrapper for VkSetStateFlagsIndirectCommandNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSetStateFlagsIndirectCommandNV.html) """ @struct_hash_equal struct SetStateFlagsIndirectCommandNV <: HighLevelStruct data::UInt32 end """ High-level wrapper for VkBindVertexBufferIndirectCommandNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindVertexBufferIndirectCommandNV.html) """ @struct_hash_equal struct BindVertexBufferIndirectCommandNV <: HighLevelStruct buffer_address::UInt64 size::UInt32 stride::UInt32 end """ High-level wrapper for VkBindShaderGroupIndirectCommandNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindShaderGroupIndirectCommandNV.html) """ @struct_hash_equal struct BindShaderGroupIndirectCommandNV <: HighLevelStruct group_index::UInt32 end """ High-level wrapper for VkPhysicalDeviceMultiDrawPropertiesEXT. Extension: VK\\_EXT\\_multi\\_draw [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiDrawPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceMultiDrawPropertiesEXT <: HighLevelStruct next::Any max_multi_draw_count::UInt32 end """ High-level wrapper for VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV.html) """ @struct_hash_equal struct PhysicalDeviceDeviceGeneratedCommandsPropertiesNV <: HighLevelStruct next::Any max_graphics_shader_group_count::UInt32 max_indirect_sequence_count::UInt32 max_indirect_commands_token_count::UInt32 max_indirect_commands_stream_count::UInt32 max_indirect_commands_token_offset::UInt32 max_indirect_commands_stream_stride::UInt32 min_sequences_count_buffer_offset_alignment::UInt32 min_sequences_index_buffer_offset_alignment::UInt32 min_indirect_commands_buffer_offset_alignment::UInt32 end """ High-level wrapper for VkPhysicalDevicePrivateDataFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePrivateDataFeatures.html) """ @struct_hash_equal struct PhysicalDevicePrivateDataFeatures <: HighLevelStruct next::Any private_data::Bool end """ High-level wrapper for VkPrivateDataSlotCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPrivateDataSlotCreateInfo.html) """ @struct_hash_equal struct PrivateDataSlotCreateInfo <: HighLevelStruct next::Any flags::UInt32 end """ High-level wrapper for VkDevicePrivateDataCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDevicePrivateDataCreateInfo.html) """ @struct_hash_equal struct DevicePrivateDataCreateInfo <: HighLevelStruct next::Any private_data_slot_request_count::UInt32 end """ High-level wrapper for VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceDeviceGeneratedCommandsFeaturesNV <: HighLevelStruct next::Any device_generated_commands::Bool end """ High-level wrapper for VkDedicatedAllocationBufferCreateInfoNV. Extension: VK\\_NV\\_dedicated\\_allocation [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDedicatedAllocationBufferCreateInfoNV.html) """ @struct_hash_equal struct DedicatedAllocationBufferCreateInfoNV <: HighLevelStruct next::Any dedicated_allocation::Bool end """ High-level wrapper for VkDedicatedAllocationImageCreateInfoNV. Extension: VK\\_NV\\_dedicated\\_allocation [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDedicatedAllocationImageCreateInfoNV.html) """ @struct_hash_equal struct DedicatedAllocationImageCreateInfoNV <: HighLevelStruct next::Any dedicated_allocation::Bool end """ High-level wrapper for VkDebugMarkerMarkerInfoEXT. Extension: VK\\_EXT\\_debug\\_marker [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugMarkerMarkerInfoEXT.html) """ @struct_hash_equal struct DebugMarkerMarkerInfoEXT <: HighLevelStruct next::Any marker_name::String color::NTuple{4, Float32} end """ High-level wrapper for VkXcbSurfaceCreateInfoKHR. Extension: VK\\_KHR\\_xcb\\_surface [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkXcbSurfaceCreateInfoKHR.html) """ @struct_hash_equal struct XcbSurfaceCreateInfoKHR <: HighLevelStruct next::Any flags::UInt32 connection::Ptr{vk.xcb_connection_t} window::vk.xcb_window_t end """ High-level wrapper for VkXlibSurfaceCreateInfoKHR. Extension: VK\\_KHR\\_xlib\\_surface [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkXlibSurfaceCreateInfoKHR.html) """ @struct_hash_equal struct XlibSurfaceCreateInfoKHR <: HighLevelStruct next::Any flags::UInt32 dpy::Ptr{vk.Display} window::vk.Window end """ High-level wrapper for VkWaylandSurfaceCreateInfoKHR. Extension: VK\\_KHR\\_wayland\\_surface [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWaylandSurfaceCreateInfoKHR.html) """ @struct_hash_equal struct WaylandSurfaceCreateInfoKHR <: HighLevelStruct next::Any flags::UInt32 display::Ptr{vk.wl_display} surface::Ptr{vk.wl_surface} end """ High-level wrapper for VkMultiDrawIndexedInfoEXT. Extension: VK\\_EXT\\_multi\\_draw [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultiDrawIndexedInfoEXT.html) """ @struct_hash_equal struct MultiDrawIndexedInfoEXT <: HighLevelStruct first_index::UInt32 index_count::UInt32 vertex_offset::Int32 end """ High-level wrapper for VkMultiDrawInfoEXT. Extension: VK\\_EXT\\_multi\\_draw [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultiDrawInfoEXT.html) """ @struct_hash_equal struct MultiDrawInfoEXT <: HighLevelStruct first_vertex::UInt32 vertex_count::UInt32 end """ High-level wrapper for VkDispatchIndirectCommand. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDispatchIndirectCommand.html) """ @struct_hash_equal struct DispatchIndirectCommand <: HighLevelStruct x::UInt32 y::UInt32 z::UInt32 end """ High-level wrapper for VkDrawIndexedIndirectCommand. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrawIndexedIndirectCommand.html) """ @struct_hash_equal struct DrawIndexedIndirectCommand <: HighLevelStruct index_count::UInt32 instance_count::UInt32 first_index::UInt32 vertex_offset::Int32 first_instance::UInt32 end """ High-level wrapper for VkDrawIndirectCommand. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrawIndirectCommand.html) """ @struct_hash_equal struct DrawIndirectCommand <: HighLevelStruct vertex_count::UInt32 instance_count::UInt32 first_vertex::UInt32 first_instance::UInt32 end """ High-level wrapper for VkSemaphoreCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreCreateInfo.html) """ @struct_hash_equal struct SemaphoreCreateInfo <: HighLevelStruct next::Any flags::UInt32 end """ High-level wrapper for VkPhysicalDeviceSparseProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSparseProperties.html) """ @struct_hash_equal struct PhysicalDeviceSparseProperties <: HighLevelStruct residency_standard_2_d_block_shape::Bool residency_standard_2_d_multisample_block_shape::Bool residency_standard_3_d_block_shape::Bool residency_aligned_mip_size::Bool residency_non_resident_strict::Bool end """ High-level wrapper for VkPhysicalDeviceFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFeatures.html) """ @struct_hash_equal struct PhysicalDeviceFeatures <: HighLevelStruct robust_buffer_access::Bool full_draw_index_uint_32::Bool image_cube_array::Bool independent_blend::Bool geometry_shader::Bool tessellation_shader::Bool sample_rate_shading::Bool dual_src_blend::Bool logic_op::Bool multi_draw_indirect::Bool draw_indirect_first_instance::Bool depth_clamp::Bool depth_bias_clamp::Bool fill_mode_non_solid::Bool depth_bounds::Bool wide_lines::Bool large_points::Bool alpha_to_one::Bool multi_viewport::Bool sampler_anisotropy::Bool texture_compression_etc_2::Bool texture_compression_astc_ldr::Bool texture_compression_bc::Bool occlusion_query_precise::Bool pipeline_statistics_query::Bool vertex_pipeline_stores_and_atomics::Bool fragment_stores_and_atomics::Bool shader_tessellation_and_geometry_point_size::Bool shader_image_gather_extended::Bool shader_storage_image_extended_formats::Bool shader_storage_image_multisample::Bool shader_storage_image_read_without_format::Bool shader_storage_image_write_without_format::Bool shader_uniform_buffer_array_dynamic_indexing::Bool shader_sampled_image_array_dynamic_indexing::Bool shader_storage_buffer_array_dynamic_indexing::Bool shader_storage_image_array_dynamic_indexing::Bool shader_clip_distance::Bool shader_cull_distance::Bool shader_float_64::Bool shader_int_64::Bool shader_int_16::Bool shader_resource_residency::Bool shader_resource_min_lod::Bool sparse_binding::Bool sparse_residency_buffer::Bool sparse_residency_image_2_d::Bool sparse_residency_image_3_d::Bool sparse_residency_2_samples::Bool sparse_residency_4_samples::Bool sparse_residency_8_samples::Bool sparse_residency_16_samples::Bool sparse_residency_aliased::Bool variable_multisample_rate::Bool inherited_queries::Bool end """ High-level wrapper for VkPhysicalDeviceFeatures2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFeatures2.html) """ @struct_hash_equal struct PhysicalDeviceFeatures2 <: HighLevelStruct next::Any features::PhysicalDeviceFeatures end """ High-level wrapper for VkClearDepthStencilValue. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearDepthStencilValue.html) """ @struct_hash_equal struct ClearDepthStencilValue <: HighLevelStruct depth::Float32 stencil::UInt32 end """ High-level wrapper for VkPipelineTessellationStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineTessellationStateCreateInfo.html) """ @struct_hash_equal struct PipelineTessellationStateCreateInfo <: HighLevelStruct next::Any flags::UInt32 patch_control_points::UInt32 end """ High-level wrapper for VkSpecializationMapEntry. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSpecializationMapEntry.html) """ @struct_hash_equal struct SpecializationMapEntry <: HighLevelStruct constant_id::UInt32 offset::UInt32 size::UInt end """ High-level wrapper for VkSpecializationInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSpecializationInfo.html) """ @struct_hash_equal struct SpecializationInfo <: HighLevelStruct map_entries::Vector{SpecializationMapEntry} data_size::OptionalPtr{UInt} data::Ptr{Cvoid} end """ High-level wrapper for VkShaderModuleCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderModuleCreateInfo.html) """ @struct_hash_equal struct ShaderModuleCreateInfo <: HighLevelStruct next::Any flags::UInt32 code_size::UInt code::Vector{UInt32} end """ High-level wrapper for VkCopyMemoryIndirectCommandNV. Extension: VK\\_NV\\_copy\\_memory\\_indirect [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryIndirectCommandNV.html) """ @struct_hash_equal struct CopyMemoryIndirectCommandNV <: HighLevelStruct src_address::UInt64 dst_address::UInt64 size::UInt64 end """ High-level wrapper for VkBufferCopy. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCopy.html) """ @struct_hash_equal struct BufferCopy <: HighLevelStruct src_offset::UInt64 dst_offset::UInt64 size::UInt64 end """ High-level wrapper for VkSubresourceLayout. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubresourceLayout.html) """ @struct_hash_equal struct SubresourceLayout <: HighLevelStruct offset::UInt64 size::UInt64 row_pitch::UInt64 array_pitch::UInt64 depth_pitch::UInt64 end """ High-level wrapper for VkImageDrmFormatModifierExplicitCreateInfoEXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageDrmFormatModifierExplicitCreateInfoEXT.html) """ @struct_hash_equal struct ImageDrmFormatModifierExplicitCreateInfoEXT <: HighLevelStruct next::Any drm_format_modifier::UInt64 plane_layouts::Vector{SubresourceLayout} end """ High-level wrapper for VkSubresourceLayout2EXT. Extension: VK\\_EXT\\_image\\_compression\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubresourceLayout2EXT.html) """ @struct_hash_equal struct SubresourceLayout2EXT <: HighLevelStruct next::Any subresource_layout::SubresourceLayout end """ High-level wrapper for VkMemoryRequirements. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryRequirements.html) """ @struct_hash_equal struct MemoryRequirements <: HighLevelStruct size::UInt64 alignment::UInt64 memory_type_bits::UInt32 end """ High-level wrapper for VkMemoryRequirements2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryRequirements2.html) """ @struct_hash_equal struct MemoryRequirements2 <: HighLevelStruct next::Any memory_requirements::MemoryRequirements end """ High-level wrapper for VkVideoSessionMemoryRequirementsKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionMemoryRequirementsKHR.html) """ @struct_hash_equal struct VideoSessionMemoryRequirementsKHR <: HighLevelStruct next::Any memory_bind_index::UInt32 memory_requirements::MemoryRequirements end """ High-level wrapper for VkMemoryAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryAllocateInfo.html) """ @struct_hash_equal struct MemoryAllocateInfo <: HighLevelStruct next::Any allocation_size::UInt64 memory_type_index::UInt32 end """ High-level wrapper for VkAllocationCallbacks. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAllocationCallbacks.html) """ @struct_hash_equal struct AllocationCallbacks <: HighLevelStruct user_data::OptionalPtr{Ptr{Cvoid}} pfn_allocation::FunctionPtr pfn_reallocation::FunctionPtr pfn_free::FunctionPtr pfn_internal_allocation::OptionalPtr{FunctionPtr} pfn_internal_free::OptionalPtr{FunctionPtr} end """ High-level wrapper for VkApplicationInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkApplicationInfo.html) """ @struct_hash_equal struct ApplicationInfo <: HighLevelStruct next::Any application_name::String application_version::VersionNumber engine_name::String engine_version::VersionNumber api_version::VersionNumber end """ High-level wrapper for VkLayerProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkLayerProperties.html) """ @struct_hash_equal struct LayerProperties <: HighLevelStruct layer_name::String spec_version::VersionNumber implementation_version::VersionNumber description::String end """ High-level wrapper for VkExtensionProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExtensionProperties.html) """ @struct_hash_equal struct ExtensionProperties <: HighLevelStruct extension_name::String spec_version::VersionNumber end """ High-level wrapper for VkViewport. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkViewport.html) """ @struct_hash_equal struct Viewport <: HighLevelStruct x::Float32 y::Float32 width::Float32 height::Float32 min_depth::Float32 max_depth::Float32 end """ High-level wrapper for VkCommandBufferInheritanceViewportScissorInfoNV. Extension: VK\\_NV\\_inherited\\_viewport\\_scissor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceViewportScissorInfoNV.html) """ @struct_hash_equal struct CommandBufferInheritanceViewportScissorInfoNV <: HighLevelStruct next::Any viewport_scissor_2_d::Bool viewport_depth_count::UInt32 viewport_depths::Viewport end """ High-level wrapper for VkExtent3D. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExtent3D.html) """ @struct_hash_equal struct Extent3D <: HighLevelStruct width::UInt32 height::UInt32 depth::UInt32 end """ High-level wrapper for VkExtent2D. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExtent2D.html) """ @struct_hash_equal struct Extent2D <: HighLevelStruct width::UInt32 height::UInt32 end """ High-level wrapper for VkDisplayModeParametersKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModeParametersKHR.html) """ @struct_hash_equal struct DisplayModeParametersKHR <: HighLevelStruct visible_region::Extent2D refresh_rate::UInt32 end """ High-level wrapper for VkDisplayModeCreateInfoKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModeCreateInfoKHR.html) """ @struct_hash_equal struct DisplayModeCreateInfoKHR <: HighLevelStruct next::Any flags::UInt32 parameters::DisplayModeParametersKHR end """ High-level wrapper for VkMultisamplePropertiesEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultisamplePropertiesEXT.html) """ @struct_hash_equal struct MultisamplePropertiesEXT <: HighLevelStruct next::Any max_sample_location_grid_size::Extent2D end """ High-level wrapper for VkPhysicalDeviceShadingRateImagePropertiesNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShadingRateImagePropertiesNV.html) """ @struct_hash_equal struct PhysicalDeviceShadingRateImagePropertiesNV <: HighLevelStruct next::Any shading_rate_texel_size::Extent2D shading_rate_palette_size::UInt32 shading_rate_max_coarse_samples::UInt32 end """ High-level wrapper for VkPhysicalDeviceFragmentDensityMapPropertiesEXT. Extension: VK\\_EXT\\_fragment\\_density\\_map [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceFragmentDensityMapPropertiesEXT <: HighLevelStruct next::Any min_fragment_density_texel_size::Extent2D max_fragment_density_texel_size::Extent2D fragment_density_invocations::Bool end """ High-level wrapper for VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM. Extension: VK\\_QCOM\\_fragment\\_density\\_map\\_offset [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM.html) """ @struct_hash_equal struct PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM <: HighLevelStruct next::Any fragment_density_offset_granularity::Extent2D end """ High-level wrapper for VkPhysicalDeviceImageProcessingPropertiesQCOM. Extension: VK\\_QCOM\\_image\\_processing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageProcessingPropertiesQCOM.html) """ @struct_hash_equal struct PhysicalDeviceImageProcessingPropertiesQCOM <: HighLevelStruct next::Any max_weight_filter_phases::UInt32 max_weight_filter_dimension::OptionalPtr{Extent2D} max_block_match_region::OptionalPtr{Extent2D} max_box_filter_block_size::OptionalPtr{Extent2D} end """ High-level wrapper for VkOffset3D. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOffset3D.html) """ @struct_hash_equal struct Offset3D <: HighLevelStruct x::Int32 y::Int32 z::Int32 end """ High-level wrapper for VkOffset2D. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOffset2D.html) """ @struct_hash_equal struct Offset2D <: HighLevelStruct x::Int32 y::Int32 end """ High-level wrapper for VkRect2D. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRect2D.html) """ @struct_hash_equal struct Rect2D <: HighLevelStruct offset::Offset2D extent::Extent2D end """ High-level wrapper for VkClearRect. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearRect.html) """ @struct_hash_equal struct ClearRect <: HighLevelStruct rect::Rect2D base_array_layer::UInt32 layer_count::UInt32 end """ High-level wrapper for VkPipelineViewportStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportStateCreateInfo.html) """ @struct_hash_equal struct PipelineViewportStateCreateInfo <: HighLevelStruct next::Any flags::UInt32 viewports::OptionalPtr{Vector{Viewport}} scissors::OptionalPtr{Vector{Rect2D}} end """ High-level wrapper for VkDisplayPresentInfoKHR. Extension: VK\\_KHR\\_display\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPresentInfoKHR.html) """ @struct_hash_equal struct DisplayPresentInfoKHR <: HighLevelStruct next::Any src_rect::Rect2D dst_rect::Rect2D persistent::Bool end """ High-level wrapper for VkBindImageMemoryDeviceGroupInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImageMemoryDeviceGroupInfo.html) """ @struct_hash_equal struct BindImageMemoryDeviceGroupInfo <: HighLevelStruct next::Any device_indices::Vector{UInt32} split_instance_bind_regions::Vector{Rect2D} end """ High-level wrapper for VkDeviceGroupRenderPassBeginInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupRenderPassBeginInfo.html) """ @struct_hash_equal struct DeviceGroupRenderPassBeginInfo <: HighLevelStruct next::Any device_mask::UInt32 device_render_areas::Vector{Rect2D} end """ High-level wrapper for VkPipelineViewportExclusiveScissorStateCreateInfoNV. Extension: VK\\_NV\\_scissor\\_exclusive [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportExclusiveScissorStateCreateInfoNV.html) """ @struct_hash_equal struct PipelineViewportExclusiveScissorStateCreateInfoNV <: HighLevelStruct next::Any exclusive_scissors::Vector{Rect2D} end """ High-level wrapper for VkRectLayerKHR. Extension: VK\\_KHR\\_incremental\\_present [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRectLayerKHR.html) """ @struct_hash_equal struct RectLayerKHR <: HighLevelStruct offset::Offset2D extent::Extent2D layer::UInt32 end """ High-level wrapper for VkPresentRegionKHR. Extension: VK\\_KHR\\_incremental\\_present [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentRegionKHR.html) """ @struct_hash_equal struct PresentRegionKHR <: HighLevelStruct rectangles::OptionalPtr{Vector{RectLayerKHR}} end """ High-level wrapper for VkPresentRegionsKHR. Extension: VK\\_KHR\\_incremental\\_present [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentRegionsKHR.html) """ @struct_hash_equal struct PresentRegionsKHR <: HighLevelStruct next::Any regions::OptionalPtr{Vector{PresentRegionKHR}} end """ High-level wrapper for VkSubpassFragmentDensityMapOffsetEndInfoQCOM. Extension: VK\\_QCOM\\_fragment\\_density\\_map\\_offset [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassFragmentDensityMapOffsetEndInfoQCOM.html) """ @struct_hash_equal struct SubpassFragmentDensityMapOffsetEndInfoQCOM <: HighLevelStruct next::Any fragment_density_offsets::Vector{Offset2D} end """ High-level wrapper for VkVideoDecodeH264CapabilitiesKHR. Extension: VK\\_KHR\\_video\\_decode\\_h264 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264CapabilitiesKHR.html) """ @struct_hash_equal struct VideoDecodeH264CapabilitiesKHR <: HighLevelStruct next::Any max_level_idc::StdVideoH264LevelIdc field_offset_granularity::Offset2D end """ High-level wrapper for VkImageViewSampleWeightCreateInfoQCOM. Extension: VK\\_QCOM\\_image\\_processing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewSampleWeightCreateInfoQCOM.html) """ @struct_hash_equal struct ImageViewSampleWeightCreateInfoQCOM <: HighLevelStruct next::Any filter_center::Offset2D filter_size::Extent2D num_phases::UInt32 end """ High-level wrapper for VkTilePropertiesQCOM. Extension: VK\\_QCOM\\_tile\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTilePropertiesQCOM.html) """ @struct_hash_equal struct TilePropertiesQCOM <: HighLevelStruct next::Any tile_size::Extent3D apron_size::Extent2D origin::Offset2D end """ High-level wrapper for VkBaseInStructure. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBaseInStructure.html) """ @struct_hash_equal struct BaseInStructure <: HighLevelStruct next::Any end """ High-level wrapper for VkBaseOutStructure. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBaseOutStructure.html) """ @struct_hash_equal struct BaseOutStructure <: HighLevelStruct next::Any end """ Intermediate wrapper for VkAccelerationStructureMotionInstanceDataNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMotionInstanceDataNV.html) """ struct _AccelerationStructureMotionInstanceDataNV <: VulkanStruct{false} vks::VkAccelerationStructureMotionInstanceDataNV end """ Intermediate wrapper for VkDescriptorDataEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorDataEXT.html) """ struct _DescriptorDataEXT <: VulkanStruct{false} vks::VkDescriptorDataEXT end """ Intermediate wrapper for VkAccelerationStructureGeometryDataKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryDataKHR.html) """ struct _AccelerationStructureGeometryDataKHR <: VulkanStruct{false} vks::VkAccelerationStructureGeometryDataKHR end """ Intermediate wrapper for VkDeviceOrHostAddressConstKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceOrHostAddressConstKHR.html) """ struct _DeviceOrHostAddressConstKHR <: VulkanStruct{false} vks::VkDeviceOrHostAddressConstKHR end """ Intermediate wrapper for VkDeviceOrHostAddressKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceOrHostAddressKHR.html) """ struct _DeviceOrHostAddressKHR <: VulkanStruct{false} vks::VkDeviceOrHostAddressKHR end """ Intermediate wrapper for VkPipelineExecutableStatisticValueKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableStatisticValueKHR.html) """ struct _PipelineExecutableStatisticValueKHR <: VulkanStruct{false} vks::VkPipelineExecutableStatisticValueKHR end """ Intermediate wrapper for VkPerformanceValueDataINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceValueDataINTEL.html) """ struct _PerformanceValueDataINTEL <: VulkanStruct{false} vks::VkPerformanceValueDataINTEL end """ Intermediate wrapper for VkPerformanceCounterResultKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceCounterResultKHR.html) """ struct _PerformanceCounterResultKHR <: VulkanStruct{false} vks::VkPerformanceCounterResultKHR end """ Intermediate wrapper for VkClearValue. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearValue.html) """ struct _ClearValue <: VulkanStruct{false} vks::VkClearValue end """ Intermediate wrapper for VkClearColorValue. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearColorValue.html) """ struct _ClearColorValue <: VulkanStruct{false} vks::VkClearColorValue end """ Intermediate wrapper for VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM. Extension: VK\\_QCOM\\_multiview\\_per\\_view\\_viewports [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM.html) """ struct _PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM <: VulkanStruct{true} vks::VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM deps::Vector{Any} end """ Intermediate wrapper for VkDirectDriverLoadingListLUNARG. Extension: VK\\_LUNARG\\_direct\\_driver\\_loading [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDirectDriverLoadingListLUNARG.html) """ struct _DirectDriverLoadingListLUNARG <: VulkanStruct{true} vks::VkDirectDriverLoadingListLUNARG deps::Vector{Any} end """ Intermediate wrapper for VkDirectDriverLoadingInfoLUNARG. Extension: VK\\_LUNARG\\_direct\\_driver\\_loading [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDirectDriverLoadingInfoLUNARG.html) """ struct _DirectDriverLoadingInfoLUNARG <: VulkanStruct{true} vks::VkDirectDriverLoadingInfoLUNARG deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV. Extension: VK\\_NV\\_ray\\_tracing\\_invocation\\_reorder [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV.html) """ struct _PhysicalDeviceRayTracingInvocationReorderPropertiesNV <: VulkanStruct{true} vks::VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV. Extension: VK\\_NV\\_ray\\_tracing\\_invocation\\_reorder [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV.html) """ struct _PhysicalDeviceRayTracingInvocationReorderFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkSwapchainPresentScalingCreateInfoEXT. Extension: VK\\_EXT\\_swapchain\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentScalingCreateInfoEXT.html) """ struct _SwapchainPresentScalingCreateInfoEXT <: VulkanStruct{true} vks::VkSwapchainPresentScalingCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkSwapchainPresentModeInfoEXT. Extension: VK\\_EXT\\_swapchain\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentModeInfoEXT.html) """ struct _SwapchainPresentModeInfoEXT <: VulkanStruct{true} vks::VkSwapchainPresentModeInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkSwapchainPresentModesCreateInfoEXT. Extension: VK\\_EXT\\_swapchain\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentModesCreateInfoEXT.html) """ struct _SwapchainPresentModesCreateInfoEXT <: VulkanStruct{true} vks::VkSwapchainPresentModesCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkSwapchainPresentFenceInfoEXT. Extension: VK\\_EXT\\_swapchain\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentFenceInfoEXT.html) """ struct _SwapchainPresentFenceInfoEXT <: VulkanStruct{true} vks::VkSwapchainPresentFenceInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT. Extension: VK\\_EXT\\_swapchain\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT.html) """ struct _PhysicalDeviceSwapchainMaintenance1FeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkSurfacePresentModeCompatibilityEXT. Extension: VK\\_EXT\\_surface\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfacePresentModeCompatibilityEXT.html) """ struct _SurfacePresentModeCompatibilityEXT <: VulkanStruct{true} vks::VkSurfacePresentModeCompatibilityEXT deps::Vector{Any} end """ Intermediate wrapper for VkSurfacePresentScalingCapabilitiesEXT. Extension: VK\\_EXT\\_surface\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfacePresentScalingCapabilitiesEXT.html) """ struct _SurfacePresentScalingCapabilitiesEXT <: VulkanStruct{true} vks::VkSurfacePresentScalingCapabilitiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkSurfacePresentModeEXT. Extension: VK\\_EXT\\_surface\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfacePresentModeEXT.html) """ struct _SurfacePresentModeEXT <: VulkanStruct{true} vks::VkSurfacePresentModeEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM. Extension: VK\\_ARM\\_shader\\_core\\_builtins [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM.html) """ struct _PhysicalDeviceShaderCoreBuiltinsFeaturesARM <: VulkanStruct{true} vks::VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM. Extension: VK\\_ARM\\_shader\\_core\\_builtins [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM.html) """ struct _PhysicalDeviceShaderCoreBuiltinsPropertiesARM <: VulkanStruct{true} vks::VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM deps::Vector{Any} end """ Intermediate wrapper for VkDecompressMemoryRegionNV. Extension: VK\\_NV\\_memory\\_decompression [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDecompressMemoryRegionNV.html) """ struct _DecompressMemoryRegionNV <: VulkanStruct{false} vks::VkDecompressMemoryRegionNV end """ Intermediate wrapper for VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT. Extension: VK\\_EXT\\_pipeline\\_library\\_group\\_handles [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT.html) """ struct _PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkDeviceFaultVendorBinaryHeaderVersionOneEXT. Extension: VK\\_EXT\\_device\\_fault [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultVendorBinaryHeaderVersionOneEXT.html) """ struct _DeviceFaultVendorBinaryHeaderVersionOneEXT <: VulkanStruct{false} vks::VkDeviceFaultVendorBinaryHeaderVersionOneEXT end """ Intermediate wrapper for VkDeviceFaultInfoEXT. Extension: VK\\_EXT\\_device\\_fault [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultInfoEXT.html) """ struct _DeviceFaultInfoEXT <: VulkanStruct{true} vks::VkDeviceFaultInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDeviceFaultCountsEXT. Extension: VK\\_EXT\\_device\\_fault [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultCountsEXT.html) """ struct _DeviceFaultCountsEXT <: VulkanStruct{true} vks::VkDeviceFaultCountsEXT deps::Vector{Any} end """ Intermediate wrapper for VkDeviceFaultVendorInfoEXT. Extension: VK\\_EXT\\_device\\_fault [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultVendorInfoEXT.html) """ struct _DeviceFaultVendorInfoEXT <: VulkanStruct{false} vks::VkDeviceFaultVendorInfoEXT end """ Intermediate wrapper for VkDeviceFaultAddressInfoEXT. Extension: VK\\_EXT\\_device\\_fault [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultAddressInfoEXT.html) """ struct _DeviceFaultAddressInfoEXT <: VulkanStruct{false} vks::VkDeviceFaultAddressInfoEXT end """ Intermediate wrapper for VkPhysicalDeviceFaultFeaturesEXT. Extension: VK\\_EXT\\_device\\_fault [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFaultFeaturesEXT.html) """ struct _PhysicalDeviceFaultFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceFaultFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkOpticalFlowExecuteInfoNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowExecuteInfoNV.html) """ struct _OpticalFlowExecuteInfoNV <: VulkanStruct{true} vks::VkOpticalFlowExecuteInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkOpticalFlowSessionCreatePrivateDataInfoNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowSessionCreatePrivateDataInfoNV.html) """ struct _OpticalFlowSessionCreatePrivateDataInfoNV <: VulkanStruct{true} vks::VkOpticalFlowSessionCreatePrivateDataInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkOpticalFlowSessionCreateInfoNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowSessionCreateInfoNV.html) """ struct _OpticalFlowSessionCreateInfoNV <: VulkanStruct{true} vks::VkOpticalFlowSessionCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkOpticalFlowImageFormatPropertiesNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowImageFormatPropertiesNV.html) """ struct _OpticalFlowImageFormatPropertiesNV <: VulkanStruct{true} vks::VkOpticalFlowImageFormatPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkOpticalFlowImageFormatInfoNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowImageFormatInfoNV.html) """ struct _OpticalFlowImageFormatInfoNV <: VulkanStruct{true} vks::VkOpticalFlowImageFormatInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceOpticalFlowPropertiesNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpticalFlowPropertiesNV.html) """ struct _PhysicalDeviceOpticalFlowPropertiesNV <: VulkanStruct{true} vks::VkPhysicalDeviceOpticalFlowPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceOpticalFlowFeaturesNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpticalFlowFeaturesNV.html) """ struct _PhysicalDeviceOpticalFlowFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceOpticalFlowFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkDeviceAddressBindingCallbackDataEXT. Extension: VK\\_EXT\\_device\\_address\\_binding\\_report [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceAddressBindingCallbackDataEXT.html) """ struct _DeviceAddressBindingCallbackDataEXT <: VulkanStruct{true} vks::VkDeviceAddressBindingCallbackDataEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceAddressBindingReportFeaturesEXT. Extension: VK\\_EXT\\_device\\_address\\_binding\\_report [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAddressBindingReportFeaturesEXT.html) """ struct _PhysicalDeviceAddressBindingReportFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceAddressBindingReportFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDepthClampZeroOneFeaturesEXT. Extension: VK\\_EXT\\_depth\\_clamp\\_zero\\_one [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthClampZeroOneFeaturesEXT.html) """ struct _PhysicalDeviceDepthClampZeroOneFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceDepthClampZeroOneFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT. Extension: VK\\_EXT\\_attachment\\_feedback\\_loop\\_layout [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT.html) """ struct _PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkAmigoProfilingSubmitInfoSEC. Extension: VK\\_SEC\\_amigo\\_profiling [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAmigoProfilingSubmitInfoSEC.html) """ struct _AmigoProfilingSubmitInfoSEC <: VulkanStruct{true} vks::VkAmigoProfilingSubmitInfoSEC deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceAmigoProfilingFeaturesSEC. Extension: VK\\_SEC\\_amigo\\_profiling [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAmigoProfilingFeaturesSEC.html) """ struct _PhysicalDeviceAmigoProfilingFeaturesSEC <: VulkanStruct{true} vks::VkPhysicalDeviceAmigoProfilingFeaturesSEC deps::Vector{Any} end """ Intermediate wrapper for VkTilePropertiesQCOM. Extension: VK\\_QCOM\\_tile\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTilePropertiesQCOM.html) """ struct _TilePropertiesQCOM <: VulkanStruct{true} vks::VkTilePropertiesQCOM deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceTilePropertiesFeaturesQCOM. Extension: VK\\_QCOM\\_tile\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTilePropertiesFeaturesQCOM.html) """ struct _PhysicalDeviceTilePropertiesFeaturesQCOM <: VulkanStruct{true} vks::VkPhysicalDeviceTilePropertiesFeaturesQCOM deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceImageProcessingPropertiesQCOM. Extension: VK\\_QCOM\\_image\\_processing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageProcessingPropertiesQCOM.html) """ struct _PhysicalDeviceImageProcessingPropertiesQCOM <: VulkanStruct{true} vks::VkPhysicalDeviceImageProcessingPropertiesQCOM deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceImageProcessingFeaturesQCOM. Extension: VK\\_QCOM\\_image\\_processing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageProcessingFeaturesQCOM.html) """ struct _PhysicalDeviceImageProcessingFeaturesQCOM <: VulkanStruct{true} vks::VkPhysicalDeviceImageProcessingFeaturesQCOM deps::Vector{Any} end """ Intermediate wrapper for VkImageViewSampleWeightCreateInfoQCOM. Extension: VK\\_QCOM\\_image\\_processing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewSampleWeightCreateInfoQCOM.html) """ struct _ImageViewSampleWeightCreateInfoQCOM <: VulkanStruct{true} vks::VkImageViewSampleWeightCreateInfoQCOM deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePipelineRobustnessPropertiesEXT. Extension: VK\\_EXT\\_pipeline\\_robustness [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineRobustnessPropertiesEXT.html) """ struct _PhysicalDevicePipelineRobustnessPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDevicePipelineRobustnessPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPipelineRobustnessCreateInfoEXT. Extension: VK\\_EXT\\_pipeline\\_robustness [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRobustnessCreateInfoEXT.html) """ struct _PipelineRobustnessCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineRobustnessCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePipelineRobustnessFeaturesEXT. Extension: VK\\_EXT\\_pipeline\\_robustness [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineRobustnessFeaturesEXT.html) """ struct _PhysicalDevicePipelineRobustnessFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDevicePipelineRobustnessFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT. Extension: VK\\_EXT\\_non\\_seamless\\_cube\\_map [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT.html) """ struct _PhysicalDeviceNonSeamlessCubeMapFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD. Extension: VK\\_AMD\\_shader\\_early\\_and\\_late\\_fragment\\_tests [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD.html) """ struct _PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD <: VulkanStruct{true} vks::VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePipelinePropertiesFeaturesEXT. Extension: VK\\_EXT\\_pipeline\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelinePropertiesFeaturesEXT.html) """ struct _PhysicalDevicePipelinePropertiesFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDevicePipelinePropertiesFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPipelinePropertiesIdentifierEXT. Extension: VK\\_EXT\\_pipeline\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelinePropertiesIdentifierEXT.html) """ struct _PipelinePropertiesIdentifierEXT <: VulkanStruct{true} vks::VkPipelinePropertiesIdentifierEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceOpacityMicromapPropertiesEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpacityMicromapPropertiesEXT.html) """ struct _PhysicalDeviceOpacityMicromapPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceOpacityMicromapPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceOpacityMicromapFeaturesEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpacityMicromapFeaturesEXT.html) """ struct _PhysicalDeviceOpacityMicromapFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceOpacityMicromapFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkMicromapTriangleEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapTriangleEXT.html) """ struct _MicromapTriangleEXT <: VulkanStruct{false} vks::VkMicromapTriangleEXT end """ Intermediate wrapper for VkMicromapUsageEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapUsageEXT.html) """ struct _MicromapUsageEXT <: VulkanStruct{false} vks::VkMicromapUsageEXT end """ Intermediate wrapper for VkMicromapBuildSizesInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapBuildSizesInfoEXT.html) """ struct _MicromapBuildSizesInfoEXT <: VulkanStruct{true} vks::VkMicromapBuildSizesInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkMicromapVersionInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapVersionInfoEXT.html) """ struct _MicromapVersionInfoEXT <: VulkanStruct{true} vks::VkMicromapVersionInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT. Extension: VK\\_EXT\\_subpass\\_merge\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT.html) """ struct _PhysicalDeviceSubpassMergeFeedbackFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkRenderPassSubpassFeedbackCreateInfoEXT. Extension: VK\\_EXT\\_subpass\\_merge\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassSubpassFeedbackCreateInfoEXT.html) """ struct _RenderPassSubpassFeedbackCreateInfoEXT <: VulkanStruct{true} vks::VkRenderPassSubpassFeedbackCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkRenderPassSubpassFeedbackInfoEXT. Extension: VK\\_EXT\\_subpass\\_merge\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassSubpassFeedbackInfoEXT.html) """ struct _RenderPassSubpassFeedbackInfoEXT <: VulkanStruct{false} vks::VkRenderPassSubpassFeedbackInfoEXT end """ Intermediate wrapper for VkRenderPassCreationFeedbackCreateInfoEXT. Extension: VK\\_EXT\\_subpass\\_merge\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreationFeedbackCreateInfoEXT.html) """ struct _RenderPassCreationFeedbackCreateInfoEXT <: VulkanStruct{true} vks::VkRenderPassCreationFeedbackCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkRenderPassCreationFeedbackInfoEXT. Extension: VK\\_EXT\\_subpass\\_merge\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreationFeedbackInfoEXT.html) """ struct _RenderPassCreationFeedbackInfoEXT <: VulkanStruct{false} vks::VkRenderPassCreationFeedbackInfoEXT end """ Intermediate wrapper for VkRenderPassCreationControlEXT. Extension: VK\\_EXT\\_subpass\\_merge\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreationControlEXT.html) """ struct _RenderPassCreationControlEXT <: VulkanStruct{true} vks::VkRenderPassCreationControlEXT deps::Vector{Any} end """ Intermediate wrapper for VkSubresourceLayout2EXT. Extension: VK\\_EXT\\_image\\_compression\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubresourceLayout2EXT.html) """ struct _SubresourceLayout2EXT <: VulkanStruct{true} vks::VkSubresourceLayout2EXT deps::Vector{Any} end """ Intermediate wrapper for VkImageSubresource2EXT. Extension: VK\\_EXT\\_image\\_compression\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresource2EXT.html) """ struct _ImageSubresource2EXT <: VulkanStruct{true} vks::VkImageSubresource2EXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT. Extension: VK\\_EXT\\_image\\_compression\\_control\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT.html) """ struct _PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkImageCompressionPropertiesEXT. Extension: VK\\_EXT\\_image\\_compression\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCompressionPropertiesEXT.html) """ struct _ImageCompressionPropertiesEXT <: VulkanStruct{true} vks::VkImageCompressionPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceImageCompressionControlFeaturesEXT. Extension: VK\\_EXT\\_image\\_compression\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageCompressionControlFeaturesEXT.html) """ struct _PhysicalDeviceImageCompressionControlFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceImageCompressionControlFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkImageCompressionControlEXT. Extension: VK\\_EXT\\_image\\_compression\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCompressionControlEXT.html) """ struct _ImageCompressionControlEXT <: VulkanStruct{true} vks::VkImageCompressionControlEXT deps::Vector{Any} end """ Intermediate wrapper for VkShaderModuleIdentifierEXT. Extension: VK\\_EXT\\_shader\\_module\\_identifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderModuleIdentifierEXT.html) """ struct _ShaderModuleIdentifierEXT <: VulkanStruct{true} vks::VkShaderModuleIdentifierEXT deps::Vector{Any} end """ Intermediate wrapper for VkPipelineShaderStageModuleIdentifierCreateInfoEXT. Extension: VK\\_EXT\\_shader\\_module\\_identifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineShaderStageModuleIdentifierCreateInfoEXT.html) """ struct _PipelineShaderStageModuleIdentifierCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineShaderStageModuleIdentifierCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT. Extension: VK\\_EXT\\_shader\\_module\\_identifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT.html) """ struct _PhysicalDeviceShaderModuleIdentifierPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT. Extension: VK\\_EXT\\_shader\\_module\\_identifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT.html) """ struct _PhysicalDeviceShaderModuleIdentifierFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkDescriptorSetLayoutHostMappingInfoVALVE. Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutHostMappingInfoVALVE.html) """ struct _DescriptorSetLayoutHostMappingInfoVALVE <: VulkanStruct{true} vks::VkDescriptorSetLayoutHostMappingInfoVALVE deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE. Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE.html) """ struct _PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE <: VulkanStruct{true} vks::VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE deps::Vector{Any} end """ Intermediate wrapper for VkGraphicsPipelineLibraryCreateInfoEXT. Extension: VK\\_EXT\\_graphics\\_pipeline\\_library [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsPipelineLibraryCreateInfoEXT.html) """ struct _GraphicsPipelineLibraryCreateInfoEXT <: VulkanStruct{true} vks::VkGraphicsPipelineLibraryCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT. Extension: VK\\_EXT\\_graphics\\_pipeline\\_library [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT.html) """ struct _PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT. Extension: VK\\_EXT\\_graphics\\_pipeline\\_library [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT.html) """ struct _PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceLinearColorAttachmentFeaturesNV. Extension: VK\\_NV\\_linear\\_color\\_attachment [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLinearColorAttachmentFeaturesNV.html) """ struct _PhysicalDeviceLinearColorAttachmentFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceLinearColorAttachmentFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT. Extension: VK\\_EXT\\_rasterization\\_order\\_attachment\\_access [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT.html) """ struct _PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkImageViewMinLodCreateInfoEXT. Extension: VK\\_EXT\\_image\\_view\\_min\\_lod [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewMinLodCreateInfoEXT.html) """ struct _ImageViewMinLodCreateInfoEXT <: VulkanStruct{true} vks::VkImageViewMinLodCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceImageViewMinLodFeaturesEXT. Extension: VK\\_EXT\\_image\\_view\\_min\\_lod [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageViewMinLodFeaturesEXT.html) """ struct _PhysicalDeviceImageViewMinLodFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceImageViewMinLodFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkMultiviewPerViewAttributesInfoNVX. Extension: VK\\_KHR\\_dynamic\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultiviewPerViewAttributesInfoNVX.html) """ struct _MultiviewPerViewAttributesInfoNVX <: VulkanStruct{true} vks::VkMultiviewPerViewAttributesInfoNVX deps::Vector{Any} end """ Intermediate wrapper for VkAttachmentSampleCountInfoAMD. Extension: VK\\_KHR\\_dynamic\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentSampleCountInfoAMD.html) """ struct _AttachmentSampleCountInfoAMD <: VulkanStruct{true} vks::VkAttachmentSampleCountInfoAMD deps::Vector{Any} end """ Intermediate wrapper for VkCommandBufferInheritanceRenderingInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceRenderingInfo.html) """ struct _CommandBufferInheritanceRenderingInfo <: VulkanStruct{true} vks::VkCommandBufferInheritanceRenderingInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDynamicRenderingFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDynamicRenderingFeatures.html) """ struct _PhysicalDeviceDynamicRenderingFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceDynamicRenderingFeatures deps::Vector{Any} end """ Intermediate wrapper for VkRenderingInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingInfo.html) """ struct _RenderingInfo <: VulkanStruct{true} vks::VkRenderingInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineRenderingCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRenderingCreateInfo.html) """ struct _PipelineRenderingCreateInfo <: VulkanStruct{true} vks::VkPipelineRenderingCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkDrmFormatModifierProperties2EXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierProperties2EXT.html) """ struct _DrmFormatModifierProperties2EXT <: VulkanStruct{false} vks::VkDrmFormatModifierProperties2EXT end """ Intermediate wrapper for VkDrmFormatModifierPropertiesList2EXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierPropertiesList2EXT.html) """ struct _DrmFormatModifierPropertiesList2EXT <: VulkanStruct{true} vks::VkDrmFormatModifierPropertiesList2EXT deps::Vector{Any} end """ Intermediate wrapper for VkFormatProperties3. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFormatProperties3.html) """ struct _FormatProperties3 <: VulkanStruct{true} vks::VkFormatProperties3 deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT. Extension: VK\\_EXT\\_rgba10x6\\_formats [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT.html) """ struct _PhysicalDeviceRGBA10X6FormatsFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkAccelerationStructureMotionInstanceNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMotionInstanceNV.html) """ struct _AccelerationStructureMotionInstanceNV <: VulkanStruct{false} vks::VkAccelerationStructureMotionInstanceNV end """ Intermediate wrapper for VkAccelerationStructureMatrixMotionInstanceNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMatrixMotionInstanceNV.html) """ struct _AccelerationStructureMatrixMotionInstanceNV <: VulkanStruct{false} vks::VkAccelerationStructureMatrixMotionInstanceNV end """ Intermediate wrapper for VkAccelerationStructureSRTMotionInstanceNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureSRTMotionInstanceNV.html) """ struct _AccelerationStructureSRTMotionInstanceNV <: VulkanStruct{false} vks::VkAccelerationStructureSRTMotionInstanceNV end """ Intermediate wrapper for VkSRTDataNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSRTDataNV.html) """ struct _SRTDataNV <: VulkanStruct{false} vks::VkSRTDataNV end """ Intermediate wrapper for VkAccelerationStructureMotionInfoNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMotionInfoNV.html) """ struct _AccelerationStructureMotionInfoNV <: VulkanStruct{true} vks::VkAccelerationStructureMotionInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkAccelerationStructureGeometryMotionTrianglesDataNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryMotionTrianglesDataNV.html) """ struct _AccelerationStructureGeometryMotionTrianglesDataNV <: VulkanStruct{true} vks::VkAccelerationStructureGeometryMotionTrianglesDataNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceRayTracingMotionBlurFeaturesNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingMotionBlurFeaturesNV.html) """ struct _PhysicalDeviceRayTracingMotionBlurFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceRayTracingMotionBlurFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR. Extension: VK\\_KHR\\_fragment\\_shader\\_barycentric [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR.html) """ struct _PhysicalDeviceFragmentShaderBarycentricPropertiesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR. Extension: VK\\_KHR\\_fragment\\_shader\\_barycentric [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR.html) """ struct _PhysicalDeviceFragmentShaderBarycentricFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDrmPropertiesEXT. Extension: VK\\_EXT\\_physical\\_device\\_drm [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDrmPropertiesEXT.html) """ struct _PhysicalDeviceDrmPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceDrmPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderIntegerDotProductProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderIntegerDotProductProperties.html) """ struct _PhysicalDeviceShaderIntegerDotProductProperties <: VulkanStruct{true} vks::VkPhysicalDeviceShaderIntegerDotProductProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderIntegerDotProductFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderIntegerDotProductFeatures.html) """ struct _PhysicalDeviceShaderIntegerDotProductFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceShaderIntegerDotProductFeatures deps::Vector{Any} end """ Intermediate wrapper for VkOpaqueCaptureDescriptorDataCreateInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpaqueCaptureDescriptorDataCreateInfoEXT.html) """ struct _OpaqueCaptureDescriptorDataCreateInfoEXT <: VulkanStruct{true} vks::VkOpaqueCaptureDescriptorDataCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDescriptorGetInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorGetInfoEXT.html) """ struct _DescriptorGetInfoEXT <: VulkanStruct{true} vks::VkDescriptorGetInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDescriptorBufferBindingInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorBufferBindingInfoEXT.html) """ struct _DescriptorBufferBindingInfoEXT <: VulkanStruct{true} vks::VkDescriptorBufferBindingInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDescriptorAddressInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorAddressInfoEXT.html) """ struct _DescriptorAddressInfoEXT <: VulkanStruct{true} vks::VkDescriptorAddressInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT.html) """ struct _PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDescriptorBufferPropertiesEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorBufferPropertiesEXT.html) """ struct _PhysicalDeviceDescriptorBufferPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceDescriptorBufferPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDescriptorBufferFeaturesEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorBufferFeaturesEXT.html) """ struct _PhysicalDeviceDescriptorBufferFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceDescriptorBufferFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkCuModuleCreateInfoNVX. Extension: VK\\_NVX\\_binary\\_import [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCuModuleCreateInfoNVX.html) """ struct _CuModuleCreateInfoNVX <: VulkanStruct{true} vks::VkCuModuleCreateInfoNVX deps::Vector{Any} end """ Intermediate wrapper for VkPipelineRasterizationProvokingVertexStateCreateInfoEXT. Extension: VK\\_EXT\\_provoking\\_vertex [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationProvokingVertexStateCreateInfoEXT.html) """ struct _PipelineRasterizationProvokingVertexStateCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineRasterizationProvokingVertexStateCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceProvokingVertexPropertiesEXT. Extension: VK\\_EXT\\_provoking\\_vertex [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProvokingVertexPropertiesEXT.html) """ struct _PhysicalDeviceProvokingVertexPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceProvokingVertexPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceProvokingVertexFeaturesEXT. Extension: VK\\_EXT\\_provoking\\_vertex [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProvokingVertexFeaturesEXT.html) """ struct _PhysicalDeviceProvokingVertexFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceProvokingVertexFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT. Extension: VK\\_EXT\\_ycbcr\\_2plane\\_444\\_formats [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT.html) """ struct _PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkCommandBufferInheritanceViewportScissorInfoNV. Extension: VK\\_NV\\_inherited\\_viewport\\_scissor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceViewportScissorInfoNV.html) """ struct _CommandBufferInheritanceViewportScissorInfoNV <: VulkanStruct{true} vks::VkCommandBufferInheritanceViewportScissorInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceInheritedViewportScissorFeaturesNV. Extension: VK\\_NV\\_inherited\\_viewport\\_scissor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInheritedViewportScissorFeaturesNV.html) """ struct _PhysicalDeviceInheritedViewportScissorFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceInheritedViewportScissorFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkVideoCodingControlInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoCodingControlInfoKHR.html) """ struct _VideoCodingControlInfoKHR <: VulkanStruct{true} vks::VkVideoCodingControlInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoEndCodingInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoEndCodingInfoKHR.html) """ struct _VideoEndCodingInfoKHR <: VulkanStruct{true} vks::VkVideoEndCodingInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoSessionParametersUpdateInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionParametersUpdateInfoKHR.html) """ struct _VideoSessionParametersUpdateInfoKHR <: VulkanStruct{true} vks::VkVideoSessionParametersUpdateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoSessionCreateInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionCreateInfoKHR.html) """ struct _VideoSessionCreateInfoKHR <: VulkanStruct{true} vks::VkVideoSessionCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeH265DpbSlotInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h265 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265DpbSlotInfoKHR.html) """ struct _VideoDecodeH265DpbSlotInfoKHR <: VulkanStruct{true} vks::VkVideoDecodeH265DpbSlotInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeH265PictureInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h265 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265PictureInfoKHR.html) """ struct _VideoDecodeH265PictureInfoKHR <: VulkanStruct{true} vks::VkVideoDecodeH265PictureInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeH265SessionParametersCreateInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h265 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265SessionParametersCreateInfoKHR.html) """ struct _VideoDecodeH265SessionParametersCreateInfoKHR <: VulkanStruct{true} vks::VkVideoDecodeH265SessionParametersCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeH265SessionParametersAddInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h265 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265SessionParametersAddInfoKHR.html) """ struct _VideoDecodeH265SessionParametersAddInfoKHR <: VulkanStruct{true} vks::VkVideoDecodeH265SessionParametersAddInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeH265CapabilitiesKHR. Extension: VK\\_KHR\\_video\\_decode\\_h265 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265CapabilitiesKHR.html) """ struct _VideoDecodeH265CapabilitiesKHR <: VulkanStruct{true} vks::VkVideoDecodeH265CapabilitiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeH265ProfileInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h265 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265ProfileInfoKHR.html) """ struct _VideoDecodeH265ProfileInfoKHR <: VulkanStruct{true} vks::VkVideoDecodeH265ProfileInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeH264DpbSlotInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h264 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264DpbSlotInfoKHR.html) """ struct _VideoDecodeH264DpbSlotInfoKHR <: VulkanStruct{true} vks::VkVideoDecodeH264DpbSlotInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeH264PictureInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h264 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264PictureInfoKHR.html) """ struct _VideoDecodeH264PictureInfoKHR <: VulkanStruct{true} vks::VkVideoDecodeH264PictureInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeH264SessionParametersCreateInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h264 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264SessionParametersCreateInfoKHR.html) """ struct _VideoDecodeH264SessionParametersCreateInfoKHR <: VulkanStruct{true} vks::VkVideoDecodeH264SessionParametersCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeH264SessionParametersAddInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h264 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264SessionParametersAddInfoKHR.html) """ struct _VideoDecodeH264SessionParametersAddInfoKHR <: VulkanStruct{true} vks::VkVideoDecodeH264SessionParametersAddInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeH264CapabilitiesKHR. Extension: VK\\_KHR\\_video\\_decode\\_h264 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264CapabilitiesKHR.html) """ struct _VideoDecodeH264CapabilitiesKHR <: VulkanStruct{true} vks::VkVideoDecodeH264CapabilitiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeH264ProfileInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h264 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264ProfileInfoKHR.html) """ struct _VideoDecodeH264ProfileInfoKHR <: VulkanStruct{true} vks::VkVideoDecodeH264ProfileInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeUsageInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeUsageInfoKHR.html) """ struct _VideoDecodeUsageInfoKHR <: VulkanStruct{true} vks::VkVideoDecodeUsageInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeCapabilitiesKHR. Extension: VK\\_KHR\\_video\\_decode\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeCapabilitiesKHR.html) """ struct _VideoDecodeCapabilitiesKHR <: VulkanStruct{true} vks::VkVideoDecodeCapabilitiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoReferenceSlotInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoReferenceSlotInfoKHR.html) """ struct _VideoReferenceSlotInfoKHR <: VulkanStruct{true} vks::VkVideoReferenceSlotInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoSessionMemoryRequirementsKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionMemoryRequirementsKHR.html) """ struct _VideoSessionMemoryRequirementsKHR <: VulkanStruct{true} vks::VkVideoSessionMemoryRequirementsKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoCapabilitiesKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoCapabilitiesKHR.html) """ struct _VideoCapabilitiesKHR <: VulkanStruct{true} vks::VkVideoCapabilitiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoProfileInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoProfileInfoKHR.html) """ struct _VideoProfileInfoKHR <: VulkanStruct{true} vks::VkVideoProfileInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoFormatPropertiesKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoFormatPropertiesKHR.html) """ struct _VideoFormatPropertiesKHR <: VulkanStruct{true} vks::VkVideoFormatPropertiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceVideoFormatInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVideoFormatInfoKHR.html) """ struct _PhysicalDeviceVideoFormatInfoKHR <: VulkanStruct{true} vks::VkPhysicalDeviceVideoFormatInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoProfileListInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoProfileListInfoKHR.html) """ struct _VideoProfileListInfoKHR <: VulkanStruct{true} vks::VkVideoProfileListInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkQueueFamilyQueryResultStatusPropertiesKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyQueryResultStatusPropertiesKHR.html) """ struct _QueueFamilyQueryResultStatusPropertiesKHR <: VulkanStruct{true} vks::VkQueueFamilyQueryResultStatusPropertiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkQueueFamilyVideoPropertiesKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyVideoPropertiesKHR.html) """ struct _QueueFamilyVideoPropertiesKHR <: VulkanStruct{true} vks::VkQueueFamilyVideoPropertiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePipelineProtectedAccessFeaturesEXT. Extension: VK\\_EXT\\_pipeline\\_protected\\_access [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineProtectedAccessFeaturesEXT.html) """ struct _PhysicalDevicePipelineProtectedAccessFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDevicePipelineProtectedAccessFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkMultisampledRenderToSingleSampledInfoEXT. Extension: VK\\_EXT\\_multisampled\\_render\\_to\\_single\\_sampled [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultisampledRenderToSingleSampledInfoEXT.html) """ struct _MultisampledRenderToSingleSampledInfoEXT <: VulkanStruct{true} vks::VkMultisampledRenderToSingleSampledInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkSubpassResolvePerformanceQueryEXT. Extension: VK\\_EXT\\_multisampled\\_render\\_to\\_single\\_sampled [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassResolvePerformanceQueryEXT.html) """ struct _SubpassResolvePerformanceQueryEXT <: VulkanStruct{true} vks::VkSubpassResolvePerformanceQueryEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT. Extension: VK\\_EXT\\_multisampled\\_render\\_to\\_single\\_sampled [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT.html) """ struct _PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceLegacyDitheringFeaturesEXT. Extension: VK\\_EXT\\_legacy\\_dithering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLegacyDitheringFeaturesEXT.html) """ struct _PhysicalDeviceLegacyDitheringFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceLegacyDitheringFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT. Extension: VK\\_EXT\\_primitives\\_generated\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT.html) """ struct _PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceSynchronization2Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSynchronization2Features.html) """ struct _PhysicalDeviceSynchronization2Features <: VulkanStruct{true} vks::VkPhysicalDeviceSynchronization2Features deps::Vector{Any} end """ Intermediate wrapper for VkCheckpointData2NV. Extension: VK\\_KHR\\_synchronization2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCheckpointData2NV.html) """ struct _CheckpointData2NV <: VulkanStruct{true} vks::VkCheckpointData2NV deps::Vector{Any} end """ Intermediate wrapper for VkQueueFamilyCheckpointProperties2NV. Extension: VK\\_KHR\\_synchronization2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyCheckpointProperties2NV.html) """ struct _QueueFamilyCheckpointProperties2NV <: VulkanStruct{true} vks::VkQueueFamilyCheckpointProperties2NV deps::Vector{Any} end """ Intermediate wrapper for VkSubmitInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubmitInfo2.html) """ struct _SubmitInfo2 <: VulkanStruct{true} vks::VkSubmitInfo2 deps::Vector{Any} end """ Intermediate wrapper for VkDependencyInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDependencyInfo.html) """ struct _DependencyInfo <: VulkanStruct{true} vks::VkDependencyInfo deps::Vector{Any} end """ Intermediate wrapper for VkMemoryBarrier2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryBarrier2.html) """ struct _MemoryBarrier2 <: VulkanStruct{true} vks::VkMemoryBarrier2 deps::Vector{Any} end """ Intermediate wrapper for VkPipelineColorWriteCreateInfoEXT. Extension: VK\\_EXT\\_color\\_write\\_enable [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorWriteCreateInfoEXT.html) """ struct _PipelineColorWriteCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineColorWriteCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceColorWriteEnableFeaturesEXT. Extension: VK\\_EXT\\_color\\_write\\_enable [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceColorWriteEnableFeaturesEXT.html) """ struct _PhysicalDeviceColorWriteEnableFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceColorWriteEnableFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkVertexInputAttributeDescription2EXT. Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputAttributeDescription2EXT.html) """ struct _VertexInputAttributeDescription2EXT <: VulkanStruct{true} vks::VkVertexInputAttributeDescription2EXT deps::Vector{Any} end """ Intermediate wrapper for VkVertexInputBindingDescription2EXT. Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputBindingDescription2EXT.html) """ struct _VertexInputBindingDescription2EXT <: VulkanStruct{true} vks::VkVertexInputBindingDescription2EXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceExternalMemoryRDMAFeaturesNV. Extension: VK\\_NV\\_external\\_memory\\_rdma [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalMemoryRDMAFeaturesNV.html) """ struct _PhysicalDeviceExternalMemoryRDMAFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceExternalMemoryRDMAFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT. Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT.html) """ struct _PhysicalDeviceVertexInputDynamicStateFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPipelineViewportDepthClipControlCreateInfoEXT. Extension: VK\\_EXT\\_depth\\_clip\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportDepthClipControlCreateInfoEXT.html) """ struct _PipelineViewportDepthClipControlCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineViewportDepthClipControlCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDepthClipControlFeaturesEXT. Extension: VK\\_EXT\\_depth\\_clip\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthClipControlFeaturesEXT.html) """ struct _PhysicalDeviceDepthClipControlFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceDepthClipControlFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkMutableDescriptorTypeCreateInfoEXT. Extension: VK\\_EXT\\_mutable\\_descriptor\\_type [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMutableDescriptorTypeCreateInfoEXT.html) """ struct _MutableDescriptorTypeCreateInfoEXT <: VulkanStruct{true} vks::VkMutableDescriptorTypeCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkMutableDescriptorTypeListEXT. Extension: VK\\_EXT\\_mutable\\_descriptor\\_type [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMutableDescriptorTypeListEXT.html) """ struct _MutableDescriptorTypeListEXT <: VulkanStruct{true} vks::VkMutableDescriptorTypeListEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT. Extension: VK\\_EXT\\_mutable\\_descriptor\\_type [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT.html) """ struct _PhysicalDeviceMutableDescriptorTypeFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceImage2DViewOf3DFeaturesEXT. Extension: VK\\_EXT\\_image\\_2d\\_view\\_of\\_3d [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImage2DViewOf3DFeaturesEXT.html) """ struct _PhysicalDeviceImage2DViewOf3DFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceImage2DViewOf3DFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkAccelerationStructureBuildSizesInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureBuildSizesInfoKHR.html) """ struct _AccelerationStructureBuildSizesInfoKHR <: VulkanStruct{true} vks::VkAccelerationStructureBuildSizesInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkPipelineFragmentShadingRateEnumStateCreateInfoNV. Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineFragmentShadingRateEnumStateCreateInfoNV.html) """ struct _PipelineFragmentShadingRateEnumStateCreateInfoNV <: VulkanStruct{true} vks::VkPipelineFragmentShadingRateEnumStateCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV. Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV.html) """ struct _PhysicalDeviceFragmentShadingRateEnumsPropertiesNV <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV. Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV.html) """ struct _PhysicalDeviceFragmentShadingRateEnumsFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderTerminateInvocationFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderTerminateInvocationFeatures.html) """ struct _PhysicalDeviceShaderTerminateInvocationFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceShaderTerminateInvocationFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentShadingRateKHR. Extension: VK\\_KHR\\_fragment\\_shading\\_rate [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateKHR.html) """ struct _PhysicalDeviceFragmentShadingRateKHR <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentShadingRateKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentShadingRatePropertiesKHR. Extension: VK\\_KHR\\_fragment\\_shading\\_rate [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRatePropertiesKHR.html) """ struct _PhysicalDeviceFragmentShadingRatePropertiesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentShadingRatePropertiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentShadingRateFeaturesKHR. Extension: VK\\_KHR\\_fragment\\_shading\\_rate [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateFeaturesKHR.html) """ struct _PhysicalDeviceFragmentShadingRateFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentShadingRateFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPipelineFragmentShadingRateStateCreateInfoKHR. Extension: VK\\_KHR\\_fragment\\_shading\\_rate [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineFragmentShadingRateStateCreateInfoKHR.html) """ struct _PipelineFragmentShadingRateStateCreateInfoKHR <: VulkanStruct{true} vks::VkPipelineFragmentShadingRateStateCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkFragmentShadingRateAttachmentInfoKHR. Extension: VK\\_KHR\\_fragment\\_shading\\_rate [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFragmentShadingRateAttachmentInfoKHR.html) """ struct _FragmentShadingRateAttachmentInfoKHR <: VulkanStruct{true} vks::VkFragmentShadingRateAttachmentInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT. Extension: VK\\_EXT\\_shader\\_image\\_atomic\\_int64 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT.html) """ struct _PhysicalDeviceShaderImageAtomicInt64FeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkImageResolve2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageResolve2.html) """ struct _ImageResolve2 <: VulkanStruct{true} vks::VkImageResolve2 deps::Vector{Any} end """ Intermediate wrapper for VkBufferImageCopy2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferImageCopy2.html) """ struct _BufferImageCopy2 <: VulkanStruct{true} vks::VkBufferImageCopy2 deps::Vector{Any} end """ Intermediate wrapper for VkImageBlit2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageBlit2.html) """ struct _ImageBlit2 <: VulkanStruct{true} vks::VkImageBlit2 deps::Vector{Any} end """ Intermediate wrapper for VkImageCopy2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCopy2.html) """ struct _ImageCopy2 <: VulkanStruct{true} vks::VkImageCopy2 deps::Vector{Any} end """ Intermediate wrapper for VkBufferCopy2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCopy2.html) """ struct _BufferCopy2 <: VulkanStruct{true} vks::VkBufferCopy2 deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI. Extension: VK\\_HUAWEI\\_cluster\\_culling\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI.html) """ struct _PhysicalDeviceClusterCullingShaderFeaturesHUAWEI <: VulkanStruct{true} vks::VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceSubpassShadingFeaturesHUAWEI. Extension: VK\\_HUAWEI\\_subpass\\_shading [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubpassShadingFeaturesHUAWEI.html) """ struct _PhysicalDeviceSubpassShadingFeaturesHUAWEI <: VulkanStruct{true} vks::VkPhysicalDeviceSubpassShadingFeaturesHUAWEI deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevice4444FormatsFeaturesEXT. Extension: VK\\_EXT\\_4444\\_formats [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevice4444FormatsFeaturesEXT.html) """ struct _PhysicalDevice4444FormatsFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDevice4444FormatsFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR. Extension: VK\\_KHR\\_workgroup\\_memory\\_explicit\\_layout [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR.html) """ struct _PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceImageRobustnessFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageRobustnessFeatures.html) """ struct _PhysicalDeviceImageRobustnessFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceImageRobustnessFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceRobustness2PropertiesEXT. Extension: VK\\_EXT\\_robustness2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRobustness2PropertiesEXT.html) """ struct _PhysicalDeviceRobustness2PropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceRobustness2PropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceRobustness2FeaturesEXT. Extension: VK\\_EXT\\_robustness2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRobustness2FeaturesEXT.html) """ struct _PhysicalDeviceRobustness2FeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceRobustness2FeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR. Extension: VK\\_KHR\\_shader\\_subgroup\\_uniform\\_control\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR.html) """ struct _PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures.html) """ struct _PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures deps::Vector{Any} end """ Intermediate wrapper for VkDeviceDiagnosticsConfigCreateInfoNV. Extension: VK\\_NV\\_device\\_diagnostics\\_config [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceDiagnosticsConfigCreateInfoNV.html) """ struct _DeviceDiagnosticsConfigCreateInfoNV <: VulkanStruct{true} vks::VkDeviceDiagnosticsConfigCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDiagnosticsConfigFeaturesNV. Extension: VK\\_NV\\_device\\_diagnostics\\_config [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDiagnosticsConfigFeaturesNV.html) """ struct _PhysicalDeviceDiagnosticsConfigFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceDiagnosticsConfigFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkCommandBufferInheritanceRenderPassTransformInfoQCOM. Extension: VK\\_QCOM\\_render\\_pass\\_transform [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceRenderPassTransformInfoQCOM.html) """ struct _CommandBufferInheritanceRenderPassTransformInfoQCOM <: VulkanStruct{true} vks::VkCommandBufferInheritanceRenderPassTransformInfoQCOM deps::Vector{Any} end """ Intermediate wrapper for VkCopyCommandTransformInfoQCOM. Extension: VK\\_QCOM\\_rotated\\_copy\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyCommandTransformInfoQCOM.html) """ struct _CopyCommandTransformInfoQCOM <: VulkanStruct{true} vks::VkCopyCommandTransformInfoQCOM deps::Vector{Any} end """ Intermediate wrapper for VkRenderPassTransformBeginInfoQCOM. Extension: VK\\_QCOM\\_render\\_pass\\_transform [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassTransformBeginInfoQCOM.html) """ struct _RenderPassTransformBeginInfoQCOM <: VulkanStruct{true} vks::VkRenderPassTransformBeginInfoQCOM deps::Vector{Any} end """ Intermediate wrapper for VkColorBlendAdvancedEXT. Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkColorBlendAdvancedEXT.html) """ struct _ColorBlendAdvancedEXT <: VulkanStruct{false} vks::VkColorBlendAdvancedEXT end """ Intermediate wrapper for VkColorBlendEquationEXT. Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkColorBlendEquationEXT.html) """ struct _ColorBlendEquationEXT <: VulkanStruct{false} vks::VkColorBlendEquationEXT end """ Intermediate wrapper for VkPhysicalDeviceExtendedDynamicState3PropertiesEXT. Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicState3PropertiesEXT.html) """ struct _PhysicalDeviceExtendedDynamicState3PropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceExtendedDynamicState3PropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceExtendedDynamicState3FeaturesEXT. Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicState3FeaturesEXT.html) """ struct _PhysicalDeviceExtendedDynamicState3FeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceExtendedDynamicState3FeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceExtendedDynamicState2FeaturesEXT. Extension: VK\\_EXT\\_extended\\_dynamic\\_state2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicState2FeaturesEXT.html) """ struct _PhysicalDeviceExtendedDynamicState2FeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceExtendedDynamicState2FeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceExtendedDynamicStateFeaturesEXT. Extension: VK\\_EXT\\_extended\\_dynamic\\_state [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicStateFeaturesEXT.html) """ struct _PhysicalDeviceExtendedDynamicStateFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceExtendedDynamicStateFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPipelineLibraryCreateInfoKHR. Extension: VK\\_KHR\\_pipeline\\_library [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineLibraryCreateInfoKHR.html) """ struct _PipelineLibraryCreateInfoKHR <: VulkanStruct{true} vks::VkPipelineLibraryCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkRayTracingPipelineInterfaceCreateInfoKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingPipelineInterfaceCreateInfoKHR.html) """ struct _RayTracingPipelineInterfaceCreateInfoKHR <: VulkanStruct{true} vks::VkRayTracingPipelineInterfaceCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkAccelerationStructureVersionInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureVersionInfoKHR.html) """ struct _AccelerationStructureVersionInfoKHR <: VulkanStruct{true} vks::VkAccelerationStructureVersionInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkAccelerationStructureInstanceKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureInstanceKHR.html) """ struct _AccelerationStructureInstanceKHR <: VulkanStruct{false} vks::VkAccelerationStructureInstanceKHR end """ Intermediate wrapper for VkTransformMatrixKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTransformMatrixKHR.html) """ struct _TransformMatrixKHR <: VulkanStruct{false} vks::VkTransformMatrixKHR end """ Intermediate wrapper for VkAabbPositionsKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAabbPositionsKHR.html) """ struct _AabbPositionsKHR <: VulkanStruct{false} vks::VkAabbPositionsKHR end """ Intermediate wrapper for VkAccelerationStructureBuildRangeInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureBuildRangeInfoKHR.html) """ struct _AccelerationStructureBuildRangeInfoKHR <: VulkanStruct{false} vks::VkAccelerationStructureBuildRangeInfoKHR end """ Intermediate wrapper for VkAccelerationStructureGeometryKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryKHR.html) """ struct _AccelerationStructureGeometryKHR <: VulkanStruct{true} vks::VkAccelerationStructureGeometryKHR deps::Vector{Any} end """ Intermediate wrapper for VkAccelerationStructureGeometryInstancesDataKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryInstancesDataKHR.html) """ struct _AccelerationStructureGeometryInstancesDataKHR <: VulkanStruct{true} vks::VkAccelerationStructureGeometryInstancesDataKHR deps::Vector{Any} end """ Intermediate wrapper for VkAccelerationStructureGeometryAabbsDataKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryAabbsDataKHR.html) """ struct _AccelerationStructureGeometryAabbsDataKHR <: VulkanStruct{true} vks::VkAccelerationStructureGeometryAabbsDataKHR deps::Vector{Any} end """ Intermediate wrapper for VkAccelerationStructureGeometryTrianglesDataKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryTrianglesDataKHR.html) """ struct _AccelerationStructureGeometryTrianglesDataKHR <: VulkanStruct{true} vks::VkAccelerationStructureGeometryTrianglesDataKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceBorderColorSwizzleFeaturesEXT. Extension: VK\\_EXT\\_border\\_color\\_swizzle [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBorderColorSwizzleFeaturesEXT.html) """ struct _PhysicalDeviceBorderColorSwizzleFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceBorderColorSwizzleFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkSamplerBorderColorComponentMappingCreateInfoEXT. Extension: VK\\_EXT\\_border\\_color\\_swizzle [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerBorderColorComponentMappingCreateInfoEXT.html) """ struct _SamplerBorderColorComponentMappingCreateInfoEXT <: VulkanStruct{true} vks::VkSamplerBorderColorComponentMappingCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceCustomBorderColorFeaturesEXT. Extension: VK\\_EXT\\_custom\\_border\\_color [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCustomBorderColorFeaturesEXT.html) """ struct _PhysicalDeviceCustomBorderColorFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceCustomBorderColorFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceCustomBorderColorPropertiesEXT. Extension: VK\\_EXT\\_custom\\_border\\_color [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCustomBorderColorPropertiesEXT.html) """ struct _PhysicalDeviceCustomBorderColorPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceCustomBorderColorPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkSamplerCustomBorderColorCreateInfoEXT. Extension: VK\\_EXT\\_custom\\_border\\_color [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerCustomBorderColorCreateInfoEXT.html) """ struct _SamplerCustomBorderColorCreateInfoEXT <: VulkanStruct{true} vks::VkSamplerCustomBorderColorCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceToolProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceToolProperties.html) """ struct _PhysicalDeviceToolProperties <: VulkanStruct{true} vks::VkPhysicalDeviceToolProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceCoherentMemoryFeaturesAMD. Extension: VK\\_AMD\\_device\\_coherent\\_memory [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCoherentMemoryFeaturesAMD.html) """ struct _PhysicalDeviceCoherentMemoryFeaturesAMD <: VulkanStruct{true} vks::VkPhysicalDeviceCoherentMemoryFeaturesAMD deps::Vector{Any} end """ Intermediate wrapper for VkPipelineCompilerControlCreateInfoAMD. Extension: VK\\_AMD\\_pipeline\\_compiler\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCompilerControlCreateInfoAMD.html) """ struct _PipelineCompilerControlCreateInfoAMD <: VulkanStruct{true} vks::VkPipelineCompilerControlCreateInfoAMD deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceVulkan13Properties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan13Properties.html) """ struct _PhysicalDeviceVulkan13Properties <: VulkanStruct{true} vks::VkPhysicalDeviceVulkan13Properties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceVulkan13Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan13Features.html) """ struct _PhysicalDeviceVulkan13Features <: VulkanStruct{true} vks::VkPhysicalDeviceVulkan13Features deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceVulkan12Properties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan12Properties.html) """ struct _PhysicalDeviceVulkan12Properties <: VulkanStruct{true} vks::VkPhysicalDeviceVulkan12Properties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceVulkan12Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan12Features.html) """ struct _PhysicalDeviceVulkan12Features <: VulkanStruct{true} vks::VkPhysicalDeviceVulkan12Features deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceVulkan11Properties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan11Properties.html) """ struct _PhysicalDeviceVulkan11Properties <: VulkanStruct{true} vks::VkPhysicalDeviceVulkan11Properties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceVulkan11Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan11Features.html) """ struct _PhysicalDeviceVulkan11Features <: VulkanStruct{true} vks::VkPhysicalDeviceVulkan11Features deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePipelineCreationCacheControlFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineCreationCacheControlFeatures.html) """ struct _PhysicalDevicePipelineCreationCacheControlFeatures <: VulkanStruct{true} vks::VkPhysicalDevicePipelineCreationCacheControlFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPipelineRasterizationLineStateCreateInfoEXT. Extension: VK\\_EXT\\_line\\_rasterization [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationLineStateCreateInfoEXT.html) """ struct _PipelineRasterizationLineStateCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineRasterizationLineStateCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceLineRasterizationPropertiesEXT. Extension: VK\\_EXT\\_line\\_rasterization [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLineRasterizationPropertiesEXT.html) """ struct _PhysicalDeviceLineRasterizationPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceLineRasterizationPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceLineRasterizationFeaturesEXT. Extension: VK\\_EXT\\_line\\_rasterization [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLineRasterizationFeaturesEXT.html) """ struct _PhysicalDeviceLineRasterizationFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceLineRasterizationFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkMemoryOpaqueCaptureAddressAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryOpaqueCaptureAddressAllocateInfo.html) """ struct _MemoryOpaqueCaptureAddressAllocateInfo <: VulkanStruct{true} vks::VkMemoryOpaqueCaptureAddressAllocateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI. Extension: VK\\_HUAWEI\\_cluster\\_culling\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI.html) """ struct _PhysicalDeviceClusterCullingShaderPropertiesHUAWEI <: VulkanStruct{true} vks::VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceSubpassShadingPropertiesHUAWEI. Extension: VK\\_HUAWEI\\_subpass\\_shading [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubpassShadingPropertiesHUAWEI.html) """ struct _PhysicalDeviceSubpassShadingPropertiesHUAWEI <: VulkanStruct{true} vks::VkPhysicalDeviceSubpassShadingPropertiesHUAWEI deps::Vector{Any} end """ Intermediate wrapper for VkPipelineShaderStageRequiredSubgroupSizeCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineShaderStageRequiredSubgroupSizeCreateInfo.html) """ struct _PipelineShaderStageRequiredSubgroupSizeCreateInfo <: VulkanStruct{true} vks::VkPipelineShaderStageRequiredSubgroupSizeCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceSubgroupSizeControlProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubgroupSizeControlProperties.html) """ struct _PhysicalDeviceSubgroupSizeControlProperties <: VulkanStruct{true} vks::VkPhysicalDeviceSubgroupSizeControlProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceSubgroupSizeControlFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubgroupSizeControlFeatures.html) """ struct _PhysicalDeviceSubgroupSizeControlFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceSubgroupSizeControlFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceTexelBufferAlignmentProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTexelBufferAlignmentProperties.html) """ struct _PhysicalDeviceTexelBufferAlignmentProperties <: VulkanStruct{true} vks::VkPhysicalDeviceTexelBufferAlignmentProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT. Extension: VK\\_EXT\\_texel\\_buffer\\_alignment [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT.html) """ struct _PhysicalDeviceTexelBufferAlignmentFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures.html) """ struct _PhysicalDeviceShaderDemoteToHelperInvocationFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPipelineExecutableInternalRepresentationKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableInternalRepresentationKHR.html) """ struct _PipelineExecutableInternalRepresentationKHR <: VulkanStruct{true} vks::VkPipelineExecutableInternalRepresentationKHR deps::Vector{Any} end """ Intermediate wrapper for VkPipelineExecutableStatisticKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableStatisticKHR.html) """ struct _PipelineExecutableStatisticKHR <: VulkanStruct{true} vks::VkPipelineExecutableStatisticKHR deps::Vector{Any} end """ Intermediate wrapper for VkPipelineExecutablePropertiesKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutablePropertiesKHR.html) """ struct _PipelineExecutablePropertiesKHR <: VulkanStruct{true} vks::VkPipelineExecutablePropertiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR.html) """ struct _PhysicalDevicePipelineExecutablePropertiesFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkAttachmentDescriptionStencilLayout. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentDescriptionStencilLayout.html) """ struct _AttachmentDescriptionStencilLayout <: VulkanStruct{true} vks::VkAttachmentDescriptionStencilLayout deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT. Extension: VK\\_EXT\\_primitive\\_topology\\_list\\_restart [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT.html) """ struct _PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkAttachmentReferenceStencilLayout. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentReferenceStencilLayout.html) """ struct _AttachmentReferenceStencilLayout <: VulkanStruct{true} vks::VkAttachmentReferenceStencilLayout deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures.html) """ struct _PhysicalDeviceSeparateDepthStencilLayoutsFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT. Extension: VK\\_EXT\\_fragment\\_shader\\_interlock [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT.html) """ struct _PhysicalDeviceFragmentShaderInterlockFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderSMBuiltinsFeaturesNV. Extension: VK\\_NV\\_shader\\_sm\\_builtins [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSMBuiltinsFeaturesNV.html) """ struct _PhysicalDeviceShaderSMBuiltinsFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceShaderSMBuiltinsFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderSMBuiltinsPropertiesNV. Extension: VK\\_NV\\_shader\\_sm\\_builtins [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSMBuiltinsPropertiesNV.html) """ struct _PhysicalDeviceShaderSMBuiltinsPropertiesNV <: VulkanStruct{true} vks::VkPhysicalDeviceShaderSMBuiltinsPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceIndexTypeUint8FeaturesEXT. Extension: VK\\_EXT\\_index\\_type\\_uint8 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceIndexTypeUint8FeaturesEXT.html) """ struct _PhysicalDeviceIndexTypeUint8FeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceIndexTypeUint8FeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderClockFeaturesKHR. Extension: VK\\_KHR\\_shader\\_clock [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderClockFeaturesKHR.html) """ struct _PhysicalDeviceShaderClockFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceShaderClockFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPerformanceConfigurationAcquireInfoINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceConfigurationAcquireInfoINTEL.html) """ struct _PerformanceConfigurationAcquireInfoINTEL <: VulkanStruct{true} vks::VkPerformanceConfigurationAcquireInfoINTEL deps::Vector{Any} end """ Intermediate wrapper for VkPerformanceOverrideInfoINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceOverrideInfoINTEL.html) """ struct _PerformanceOverrideInfoINTEL <: VulkanStruct{true} vks::VkPerformanceOverrideInfoINTEL deps::Vector{Any} end """ Intermediate wrapper for VkPerformanceStreamMarkerInfoINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceStreamMarkerInfoINTEL.html) """ struct _PerformanceStreamMarkerInfoINTEL <: VulkanStruct{true} vks::VkPerformanceStreamMarkerInfoINTEL deps::Vector{Any} end """ Intermediate wrapper for VkPerformanceMarkerInfoINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceMarkerInfoINTEL.html) """ struct _PerformanceMarkerInfoINTEL <: VulkanStruct{true} vks::VkPerformanceMarkerInfoINTEL deps::Vector{Any} end """ Intermediate wrapper for VkQueryPoolPerformanceQueryCreateInfoINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueryPoolPerformanceQueryCreateInfoINTEL.html) """ struct _QueryPoolPerformanceQueryCreateInfoINTEL <: VulkanStruct{true} vks::VkQueryPoolPerformanceQueryCreateInfoINTEL deps::Vector{Any} end """ Intermediate wrapper for VkInitializePerformanceApiInfoINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkInitializePerformanceApiInfoINTEL.html) """ struct _InitializePerformanceApiInfoINTEL <: VulkanStruct{true} vks::VkInitializePerformanceApiInfoINTEL deps::Vector{Any} end """ Intermediate wrapper for VkPerformanceValueINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceValueINTEL.html) """ struct _PerformanceValueINTEL <: VulkanStruct{false} vks::VkPerformanceValueINTEL end """ Intermediate wrapper for VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL. Extension: VK\\_INTEL\\_shader\\_integer\\_functions2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL.html) """ struct _PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL <: VulkanStruct{true} vks::VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL deps::Vector{Any} end """ Intermediate wrapper for VkFramebufferMixedSamplesCombinationNV. Extension: VK\\_NV\\_coverage\\_reduction\\_mode [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferMixedSamplesCombinationNV.html) """ struct _FramebufferMixedSamplesCombinationNV <: VulkanStruct{true} vks::VkFramebufferMixedSamplesCombinationNV deps::Vector{Any} end """ Intermediate wrapper for VkPipelineCoverageReductionStateCreateInfoNV. Extension: VK\\_NV\\_coverage\\_reduction\\_mode [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCoverageReductionStateCreateInfoNV.html) """ struct _PipelineCoverageReductionStateCreateInfoNV <: VulkanStruct{true} vks::VkPipelineCoverageReductionStateCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceCoverageReductionModeFeaturesNV. Extension: VK\\_NV\\_coverage\\_reduction\\_mode [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCoverageReductionModeFeaturesNV.html) """ struct _PhysicalDeviceCoverageReductionModeFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceCoverageReductionModeFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkHeadlessSurfaceCreateInfoEXT. Extension: VK\\_EXT\\_headless\\_surface [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkHeadlessSurfaceCreateInfoEXT.html) """ struct _HeadlessSurfaceCreateInfoEXT <: VulkanStruct{true} vks::VkHeadlessSurfaceCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPerformanceQuerySubmitInfoKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceQuerySubmitInfoKHR.html) """ struct _PerformanceQuerySubmitInfoKHR <: VulkanStruct{true} vks::VkPerformanceQuerySubmitInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkAcquireProfilingLockInfoKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAcquireProfilingLockInfoKHR.html) """ struct _AcquireProfilingLockInfoKHR <: VulkanStruct{true} vks::VkAcquireProfilingLockInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkQueryPoolPerformanceCreateInfoKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueryPoolPerformanceCreateInfoKHR.html) """ struct _QueryPoolPerformanceCreateInfoKHR <: VulkanStruct{true} vks::VkQueryPoolPerformanceCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkPerformanceCounterDescriptionKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceCounterDescriptionKHR.html) """ struct _PerformanceCounterDescriptionKHR <: VulkanStruct{true} vks::VkPerformanceCounterDescriptionKHR deps::Vector{Any} end """ Intermediate wrapper for VkPerformanceCounterKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceCounterKHR.html) """ struct _PerformanceCounterKHR <: VulkanStruct{true} vks::VkPerformanceCounterKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePerformanceQueryPropertiesKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePerformanceQueryPropertiesKHR.html) """ struct _PhysicalDevicePerformanceQueryPropertiesKHR <: VulkanStruct{true} vks::VkPhysicalDevicePerformanceQueryPropertiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePerformanceQueryFeaturesKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePerformanceQueryFeaturesKHR.html) """ struct _PhysicalDevicePerformanceQueryFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDevicePerformanceQueryFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkSwapchainPresentBarrierCreateInfoNV. Extension: VK\\_NV\\_present\\_barrier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentBarrierCreateInfoNV.html) """ struct _SwapchainPresentBarrierCreateInfoNV <: VulkanStruct{true} vks::VkSwapchainPresentBarrierCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkSurfaceCapabilitiesPresentBarrierNV. Extension: VK\\_NV\\_present\\_barrier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilitiesPresentBarrierNV.html) """ struct _SurfaceCapabilitiesPresentBarrierNV <: VulkanStruct{true} vks::VkSurfaceCapabilitiesPresentBarrierNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePresentBarrierFeaturesNV. Extension: VK\\_NV\\_present\\_barrier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePresentBarrierFeaturesNV.html) """ struct _PhysicalDevicePresentBarrierFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDevicePresentBarrierFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPipelineCreationFeedbackCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCreationFeedbackCreateInfo.html) """ struct _PipelineCreationFeedbackCreateInfo <: VulkanStruct{true} vks::VkPipelineCreationFeedbackCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineCreationFeedback. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCreationFeedback.html) """ struct _PipelineCreationFeedback <: VulkanStruct{false} vks::VkPipelineCreationFeedback end """ Intermediate wrapper for VkImageViewAddressPropertiesNVX. Extension: VK\\_NVX\\_image\\_view\\_handle [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewAddressPropertiesNVX.html) """ struct _ImageViewAddressPropertiesNVX <: VulkanStruct{true} vks::VkImageViewAddressPropertiesNVX deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceYcbcrImageArraysFeaturesEXT. Extension: VK\\_EXT\\_ycbcr\\_image\\_arrays [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceYcbcrImageArraysFeaturesEXT.html) """ struct _PhysicalDeviceYcbcrImageArraysFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceYcbcrImageArraysFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkCooperativeMatrixPropertiesNV. Extension: VK\\_NV\\_cooperative\\_matrix [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCooperativeMatrixPropertiesNV.html) """ struct _CooperativeMatrixPropertiesNV <: VulkanStruct{true} vks::VkCooperativeMatrixPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceCooperativeMatrixPropertiesNV. Extension: VK\\_NV\\_cooperative\\_matrix [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCooperativeMatrixPropertiesNV.html) """ struct _PhysicalDeviceCooperativeMatrixPropertiesNV <: VulkanStruct{true} vks::VkPhysicalDeviceCooperativeMatrixPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceCooperativeMatrixFeaturesNV. Extension: VK\\_NV\\_cooperative\\_matrix [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCooperativeMatrixFeaturesNV.html) """ struct _PhysicalDeviceCooperativeMatrixFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceCooperativeMatrixFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceTextureCompressionASTCHDRFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTextureCompressionASTCHDRFeatures.html) """ struct _PhysicalDeviceTextureCompressionASTCHDRFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceTextureCompressionASTCHDRFeatures deps::Vector{Any} end """ Intermediate wrapper for VkRenderPassAttachmentBeginInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassAttachmentBeginInfo.html) """ struct _RenderPassAttachmentBeginInfo <: VulkanStruct{true} vks::VkRenderPassAttachmentBeginInfo deps::Vector{Any} end """ Intermediate wrapper for VkFramebufferAttachmentImageInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferAttachmentImageInfo.html) """ struct _FramebufferAttachmentImageInfo <: VulkanStruct{true} vks::VkFramebufferAttachmentImageInfo deps::Vector{Any} end """ Intermediate wrapper for VkFramebufferAttachmentsCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferAttachmentsCreateInfo.html) """ struct _FramebufferAttachmentsCreateInfo <: VulkanStruct{true} vks::VkFramebufferAttachmentsCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceImagelessFramebufferFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImagelessFramebufferFeatures.html) """ struct _PhysicalDeviceImagelessFramebufferFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceImagelessFramebufferFeatures deps::Vector{Any} end """ Intermediate wrapper for VkFilterCubicImageViewImageFormatPropertiesEXT. Extension: VK\\_EXT\\_filter\\_cubic [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFilterCubicImageViewImageFormatPropertiesEXT.html) """ struct _FilterCubicImageViewImageFormatPropertiesEXT <: VulkanStruct{true} vks::VkFilterCubicImageViewImageFormatPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceImageViewImageFormatInfoEXT. Extension: VK\\_EXT\\_filter\\_cubic [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageViewImageFormatInfoEXT.html) """ struct _PhysicalDeviceImageViewImageFormatInfoEXT <: VulkanStruct{true} vks::VkPhysicalDeviceImageViewImageFormatInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkBufferDeviceAddressCreateInfoEXT. Extension: VK\\_EXT\\_buffer\\_device\\_address [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferDeviceAddressCreateInfoEXT.html) """ struct _BufferDeviceAddressCreateInfoEXT <: VulkanStruct{true} vks::VkBufferDeviceAddressCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkBufferOpaqueCaptureAddressCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferOpaqueCaptureAddressCreateInfo.html) """ struct _BufferOpaqueCaptureAddressCreateInfo <: VulkanStruct{true} vks::VkBufferOpaqueCaptureAddressCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceBufferDeviceAddressFeaturesEXT. Extension: VK\\_EXT\\_buffer\\_device\\_address [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBufferDeviceAddressFeaturesEXT.html) """ struct _PhysicalDeviceBufferDeviceAddressFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceBufferDeviceAddressFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceBufferDeviceAddressFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBufferDeviceAddressFeatures.html) """ struct _PhysicalDeviceBufferDeviceAddressFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceBufferDeviceAddressFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT. Extension: VK\\_EXT\\_pageable\\_device\\_local\\_memory [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT.html) """ struct _PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkMemoryPriorityAllocateInfoEXT. Extension: VK\\_EXT\\_memory\\_priority [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryPriorityAllocateInfoEXT.html) """ struct _MemoryPriorityAllocateInfoEXT <: VulkanStruct{true} vks::VkMemoryPriorityAllocateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMemoryPriorityFeaturesEXT. Extension: VK\\_EXT\\_memory\\_priority [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryPriorityFeaturesEXT.html) """ struct _PhysicalDeviceMemoryPriorityFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceMemoryPriorityFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMemoryBudgetPropertiesEXT. Extension: VK\\_EXT\\_memory\\_budget [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryBudgetPropertiesEXT.html) """ struct _PhysicalDeviceMemoryBudgetPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceMemoryBudgetPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPipelineRasterizationDepthClipStateCreateInfoEXT. Extension: VK\\_EXT\\_depth\\_clip\\_enable [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationDepthClipStateCreateInfoEXT.html) """ struct _PipelineRasterizationDepthClipStateCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineRasterizationDepthClipStateCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDepthClipEnableFeaturesEXT. Extension: VK\\_EXT\\_depth\\_clip\\_enable [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthClipEnableFeaturesEXT.html) """ struct _PhysicalDeviceDepthClipEnableFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceDepthClipEnableFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceUniformBufferStandardLayoutFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceUniformBufferStandardLayoutFeatures.html) """ struct _PhysicalDeviceUniformBufferStandardLayoutFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceUniformBufferStandardLayoutFeatures deps::Vector{Any} end """ Intermediate wrapper for VkSurfaceProtectedCapabilitiesKHR. Extension: VK\\_KHR\\_surface\\_protected\\_capabilities [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceProtectedCapabilitiesKHR.html) """ struct _SurfaceProtectedCapabilitiesKHR <: VulkanStruct{true} vks::VkSurfaceProtectedCapabilitiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceScalarBlockLayoutFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceScalarBlockLayoutFeatures.html) """ struct _PhysicalDeviceScalarBlockLayoutFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceScalarBlockLayoutFeatures deps::Vector{Any} end """ Intermediate wrapper for VkSubpassFragmentDensityMapOffsetEndInfoQCOM. Extension: VK\\_QCOM\\_fragment\\_density\\_map\\_offset [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassFragmentDensityMapOffsetEndInfoQCOM.html) """ struct _SubpassFragmentDensityMapOffsetEndInfoQCOM <: VulkanStruct{true} vks::VkSubpassFragmentDensityMapOffsetEndInfoQCOM deps::Vector{Any} end """ Intermediate wrapper for VkRenderPassFragmentDensityMapCreateInfoEXT. Extension: VK\\_EXT\\_fragment\\_density\\_map [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassFragmentDensityMapCreateInfoEXT.html) """ struct _RenderPassFragmentDensityMapCreateInfoEXT <: VulkanStruct{true} vks::VkRenderPassFragmentDensityMapCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM. Extension: VK\\_QCOM\\_fragment\\_density\\_map\\_offset [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM.html) """ struct _PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentDensityMap2PropertiesEXT. Extension: VK\\_EXT\\_fragment\\_density\\_map2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMap2PropertiesEXT.html) """ struct _PhysicalDeviceFragmentDensityMap2PropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentDensityMap2PropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentDensityMapPropertiesEXT. Extension: VK\\_EXT\\_fragment\\_density\\_map [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapPropertiesEXT.html) """ struct _PhysicalDeviceFragmentDensityMapPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentDensityMapPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM. Extension: VK\\_QCOM\\_fragment\\_density\\_map\\_offset [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM.html) """ struct _PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentDensityMap2FeaturesEXT. Extension: VK\\_EXT\\_fragment\\_density\\_map2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMap2FeaturesEXT.html) """ struct _PhysicalDeviceFragmentDensityMap2FeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentDensityMap2FeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentDensityMapFeaturesEXT. Extension: VK\\_EXT\\_fragment\\_density\\_map [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapFeaturesEXT.html) """ struct _PhysicalDeviceFragmentDensityMapFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentDensityMapFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkDeviceMemoryOverallocationCreateInfoAMD. Extension: VK\\_AMD\\_memory\\_overallocation\\_behavior [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceMemoryOverallocationCreateInfoAMD.html) """ struct _DeviceMemoryOverallocationCreateInfoAMD <: VulkanStruct{true} vks::VkDeviceMemoryOverallocationCreateInfoAMD deps::Vector{Any} end """ Intermediate wrapper for VkImageStencilUsageCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageStencilUsageCreateInfo.html) """ struct _ImageStencilUsageCreateInfo <: VulkanStruct{true} vks::VkImageStencilUsageCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkImageDrmFormatModifierPropertiesEXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageDrmFormatModifierPropertiesEXT.html) """ struct _ImageDrmFormatModifierPropertiesEXT <: VulkanStruct{true} vks::VkImageDrmFormatModifierPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkImageDrmFormatModifierExplicitCreateInfoEXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageDrmFormatModifierExplicitCreateInfoEXT.html) """ struct _ImageDrmFormatModifierExplicitCreateInfoEXT <: VulkanStruct{true} vks::VkImageDrmFormatModifierExplicitCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkImageDrmFormatModifierListCreateInfoEXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageDrmFormatModifierListCreateInfoEXT.html) """ struct _ImageDrmFormatModifierListCreateInfoEXT <: VulkanStruct{true} vks::VkImageDrmFormatModifierListCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceImageDrmFormatModifierInfoEXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageDrmFormatModifierInfoEXT.html) """ struct _PhysicalDeviceImageDrmFormatModifierInfoEXT <: VulkanStruct{true} vks::VkPhysicalDeviceImageDrmFormatModifierInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDrmFormatModifierPropertiesEXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierPropertiesEXT.html) """ struct _DrmFormatModifierPropertiesEXT <: VulkanStruct{false} vks::VkDrmFormatModifierPropertiesEXT end """ Intermediate wrapper for VkDrmFormatModifierPropertiesListEXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierPropertiesListEXT.html) """ struct _DrmFormatModifierPropertiesListEXT <: VulkanStruct{true} vks::VkDrmFormatModifierPropertiesListEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR.html) """ struct _PhysicalDeviceRayTracingMaintenance1FeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkTraceRaysIndirectCommand2KHR. Extension: VK\\_KHR\\_ray\\_tracing\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTraceRaysIndirectCommand2KHR.html) """ struct _TraceRaysIndirectCommand2KHR <: VulkanStruct{false} vks::VkTraceRaysIndirectCommand2KHR end """ Intermediate wrapper for VkTraceRaysIndirectCommandKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTraceRaysIndirectCommandKHR.html) """ struct _TraceRaysIndirectCommandKHR <: VulkanStruct{false} vks::VkTraceRaysIndirectCommandKHR end """ Intermediate wrapper for VkStridedDeviceAddressRegionKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkStridedDeviceAddressRegionKHR.html) """ struct _StridedDeviceAddressRegionKHR <: VulkanStruct{false} vks::VkStridedDeviceAddressRegionKHR end """ Intermediate wrapper for VkPhysicalDeviceRayTracingPropertiesNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingPropertiesNV.html) """ struct _PhysicalDeviceRayTracingPropertiesNV <: VulkanStruct{true} vks::VkPhysicalDeviceRayTracingPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceRayTracingPipelinePropertiesKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingPipelinePropertiesKHR.html) """ struct _PhysicalDeviceRayTracingPipelinePropertiesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceRayTracingPipelinePropertiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceAccelerationStructurePropertiesKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAccelerationStructurePropertiesKHR.html) """ struct _PhysicalDeviceAccelerationStructurePropertiesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceAccelerationStructurePropertiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceRayQueryFeaturesKHR. Extension: VK\\_KHR\\_ray\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayQueryFeaturesKHR.html) """ struct _PhysicalDeviceRayQueryFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceRayQueryFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceRayTracingPipelineFeaturesKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingPipelineFeaturesKHR.html) """ struct _PhysicalDeviceRayTracingPipelineFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceRayTracingPipelineFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceAccelerationStructureFeaturesKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAccelerationStructureFeaturesKHR.html) """ struct _PhysicalDeviceAccelerationStructureFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceAccelerationStructureFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkWriteDescriptorSetAccelerationStructureNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSetAccelerationStructureNV.html) """ struct _WriteDescriptorSetAccelerationStructureNV <: VulkanStruct{true} vks::VkWriteDescriptorSetAccelerationStructureNV deps::Vector{Any} end """ Intermediate wrapper for VkWriteDescriptorSetAccelerationStructureKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSetAccelerationStructureKHR.html) """ struct _WriteDescriptorSetAccelerationStructureKHR <: VulkanStruct{true} vks::VkWriteDescriptorSetAccelerationStructureKHR deps::Vector{Any} end """ Intermediate wrapper for VkAccelerationStructureCreateInfoNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureCreateInfoNV.html) """ struct _AccelerationStructureCreateInfoNV <: VulkanStruct{true} vks::VkAccelerationStructureCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkAccelerationStructureInfoNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureInfoNV.html) """ struct _AccelerationStructureInfoNV <: VulkanStruct{true} vks::VkAccelerationStructureInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkGeometryNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryNV.html) """ struct _GeometryNV <: VulkanStruct{true} vks::VkGeometryNV deps::Vector{Any} end """ Intermediate wrapper for VkGeometryDataNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryDataNV.html) """ struct _GeometryDataNV <: VulkanStruct{false} vks::VkGeometryDataNV end """ Intermediate wrapper for VkRayTracingShaderGroupCreateInfoKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingShaderGroupCreateInfoKHR.html) """ struct _RayTracingShaderGroupCreateInfoKHR <: VulkanStruct{true} vks::VkRayTracingShaderGroupCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkRayTracingShaderGroupCreateInfoNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingShaderGroupCreateInfoNV.html) """ struct _RayTracingShaderGroupCreateInfoNV <: VulkanStruct{true} vks::VkRayTracingShaderGroupCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkDrawMeshTasksIndirectCommandEXT. Extension: VK\\_EXT\\_mesh\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrawMeshTasksIndirectCommandEXT.html) """ struct _DrawMeshTasksIndirectCommandEXT <: VulkanStruct{false} vks::VkDrawMeshTasksIndirectCommandEXT end """ Intermediate wrapper for VkPhysicalDeviceMeshShaderPropertiesEXT. Extension: VK\\_EXT\\_mesh\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderPropertiesEXT.html) """ struct _PhysicalDeviceMeshShaderPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceMeshShaderPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMeshShaderFeaturesEXT. Extension: VK\\_EXT\\_mesh\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderFeaturesEXT.html) """ struct _PhysicalDeviceMeshShaderFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceMeshShaderFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkDrawMeshTasksIndirectCommandNV. Extension: VK\\_NV\\_mesh\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrawMeshTasksIndirectCommandNV.html) """ struct _DrawMeshTasksIndirectCommandNV <: VulkanStruct{false} vks::VkDrawMeshTasksIndirectCommandNV end """ Intermediate wrapper for VkPhysicalDeviceMeshShaderPropertiesNV. Extension: VK\\_NV\\_mesh\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderPropertiesNV.html) """ struct _PhysicalDeviceMeshShaderPropertiesNV <: VulkanStruct{true} vks::VkPhysicalDeviceMeshShaderPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMeshShaderFeaturesNV. Extension: VK\\_NV\\_mesh\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderFeaturesNV.html) """ struct _PhysicalDeviceMeshShaderFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceMeshShaderFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPipelineViewportCoarseSampleOrderStateCreateInfoNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportCoarseSampleOrderStateCreateInfoNV.html) """ struct _PipelineViewportCoarseSampleOrderStateCreateInfoNV <: VulkanStruct{true} vks::VkPipelineViewportCoarseSampleOrderStateCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkCoarseSampleOrderCustomNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCoarseSampleOrderCustomNV.html) """ struct _CoarseSampleOrderCustomNV <: VulkanStruct{true} vks::VkCoarseSampleOrderCustomNV deps::Vector{Any} end """ Intermediate wrapper for VkCoarseSampleLocationNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCoarseSampleLocationNV.html) """ struct _CoarseSampleLocationNV <: VulkanStruct{false} vks::VkCoarseSampleLocationNV end """ Intermediate wrapper for VkPhysicalDeviceInvocationMaskFeaturesHUAWEI. Extension: VK\\_HUAWEI\\_invocation\\_mask [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInvocationMaskFeaturesHUAWEI.html) """ struct _PhysicalDeviceInvocationMaskFeaturesHUAWEI <: VulkanStruct{true} vks::VkPhysicalDeviceInvocationMaskFeaturesHUAWEI deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShadingRateImagePropertiesNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShadingRateImagePropertiesNV.html) """ struct _PhysicalDeviceShadingRateImagePropertiesNV <: VulkanStruct{true} vks::VkPhysicalDeviceShadingRateImagePropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShadingRateImageFeaturesNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShadingRateImageFeaturesNV.html) """ struct _PhysicalDeviceShadingRateImageFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceShadingRateImageFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPipelineViewportShadingRateImageStateCreateInfoNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportShadingRateImageStateCreateInfoNV.html) """ struct _PipelineViewportShadingRateImageStateCreateInfoNV <: VulkanStruct{true} vks::VkPipelineViewportShadingRateImageStateCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkShadingRatePaletteNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShadingRatePaletteNV.html) """ struct _ShadingRatePaletteNV <: VulkanStruct{true} vks::VkShadingRatePaletteNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMemoryDecompressionPropertiesNV. Extension: VK\\_NV\\_memory\\_decompression [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryDecompressionPropertiesNV.html) """ struct _PhysicalDeviceMemoryDecompressionPropertiesNV <: VulkanStruct{true} vks::VkPhysicalDeviceMemoryDecompressionPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMemoryDecompressionFeaturesNV. Extension: VK\\_NV\\_memory\\_decompression [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryDecompressionFeaturesNV.html) """ struct _PhysicalDeviceMemoryDecompressionFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceMemoryDecompressionFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceCopyMemoryIndirectPropertiesNV. Extension: VK\\_NV\\_copy\\_memory\\_indirect [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCopyMemoryIndirectPropertiesNV.html) """ struct _PhysicalDeviceCopyMemoryIndirectPropertiesNV <: VulkanStruct{true} vks::VkPhysicalDeviceCopyMemoryIndirectPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceCopyMemoryIndirectFeaturesNV. Extension: VK\\_NV\\_copy\\_memory\\_indirect [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCopyMemoryIndirectFeaturesNV.html) """ struct _PhysicalDeviceCopyMemoryIndirectFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceCopyMemoryIndirectFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV. Extension: VK\\_NV\\_dedicated\\_allocation\\_image\\_aliasing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV.html) """ struct _PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderImageFootprintFeaturesNV. Extension: VK\\_NV\\_shader\\_image\\_footprint [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderImageFootprintFeaturesNV.html) """ struct _PhysicalDeviceShaderImageFootprintFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceShaderImageFootprintFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceComputeShaderDerivativesFeaturesNV. Extension: VK\\_NV\\_compute\\_shader\\_derivatives [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceComputeShaderDerivativesFeaturesNV.html) """ struct _PhysicalDeviceComputeShaderDerivativesFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceComputeShaderDerivativesFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceCornerSampledImageFeaturesNV. Extension: VK\\_NV\\_corner\\_sampled\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCornerSampledImageFeaturesNV.html) """ struct _PhysicalDeviceCornerSampledImageFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceCornerSampledImageFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPipelineViewportExclusiveScissorStateCreateInfoNV. Extension: VK\\_NV\\_scissor\\_exclusive [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportExclusiveScissorStateCreateInfoNV.html) """ struct _PipelineViewportExclusiveScissorStateCreateInfoNV <: VulkanStruct{true} vks::VkPipelineViewportExclusiveScissorStateCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceExclusiveScissorFeaturesNV. Extension: VK\\_NV\\_scissor\\_exclusive [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExclusiveScissorFeaturesNV.html) """ struct _PhysicalDeviceExclusiveScissorFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceExclusiveScissorFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPipelineRepresentativeFragmentTestStateCreateInfoNV. Extension: VK\\_NV\\_representative\\_fragment\\_test [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRepresentativeFragmentTestStateCreateInfoNV.html) """ struct _PipelineRepresentativeFragmentTestStateCreateInfoNV <: VulkanStruct{true} vks::VkPipelineRepresentativeFragmentTestStateCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV. Extension: VK\\_NV\\_representative\\_fragment\\_test [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV.html) """ struct _PhysicalDeviceRepresentativeFragmentTestFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPipelineRasterizationStateStreamCreateInfoEXT. Extension: VK\\_EXT\\_transform\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationStateStreamCreateInfoEXT.html) """ struct _PipelineRasterizationStateStreamCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineRasterizationStateStreamCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceTransformFeedbackPropertiesEXT. Extension: VK\\_EXT\\_transform\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTransformFeedbackPropertiesEXT.html) """ struct _PhysicalDeviceTransformFeedbackPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceTransformFeedbackPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceTransformFeedbackFeaturesEXT. Extension: VK\\_EXT\\_transform\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTransformFeedbackFeaturesEXT.html) """ struct _PhysicalDeviceTransformFeedbackFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceTransformFeedbackFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceASTCDecodeFeaturesEXT. Extension: VK\\_EXT\\_astc\\_decode\\_mode [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceASTCDecodeFeaturesEXT.html) """ struct _PhysicalDeviceASTCDecodeFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceASTCDecodeFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkImageViewASTCDecodeModeEXT. Extension: VK\\_EXT\\_astc\\_decode\\_mode [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewASTCDecodeModeEXT.html) """ struct _ImageViewASTCDecodeModeEXT <: VulkanStruct{true} vks::VkImageViewASTCDecodeModeEXT deps::Vector{Any} end """ Intermediate wrapper for VkSubpassDescriptionDepthStencilResolve. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDescriptionDepthStencilResolve.html) """ struct _SubpassDescriptionDepthStencilResolve <: VulkanStruct{true} vks::VkSubpassDescriptionDepthStencilResolve deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDepthStencilResolveProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthStencilResolveProperties.html) """ struct _PhysicalDeviceDepthStencilResolveProperties <: VulkanStruct{true} vks::VkPhysicalDeviceDepthStencilResolveProperties deps::Vector{Any} end """ Intermediate wrapper for VkCheckpointDataNV. Extension: VK\\_NV\\_device\\_diagnostic\\_checkpoints [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCheckpointDataNV.html) """ struct _CheckpointDataNV <: VulkanStruct{true} vks::VkCheckpointDataNV deps::Vector{Any} end """ Intermediate wrapper for VkQueueFamilyCheckpointPropertiesNV. Extension: VK\\_NV\\_device\\_diagnostic\\_checkpoints [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyCheckpointPropertiesNV.html) """ struct _QueueFamilyCheckpointPropertiesNV <: VulkanStruct{true} vks::VkQueueFamilyCheckpointPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT. Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT.html) """ struct _PhysicalDeviceVertexAttributeDivisorFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT. Extension: VK\\_EXT\\_shader\\_atomic\\_float2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT.html) """ struct _PhysicalDeviceShaderAtomicFloat2FeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderAtomicFloatFeaturesEXT. Extension: VK\\_EXT\\_shader\\_atomic\\_float [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderAtomicFloatFeaturesEXT.html) """ struct _PhysicalDeviceShaderAtomicFloatFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceShaderAtomicFloatFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderAtomicInt64Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderAtomicInt64Features.html) """ struct _PhysicalDeviceShaderAtomicInt64Features <: VulkanStruct{true} vks::VkPhysicalDeviceShaderAtomicInt64Features deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceVulkanMemoryModelFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkanMemoryModelFeatures.html) """ struct _PhysicalDeviceVulkanMemoryModelFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceVulkanMemoryModelFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceConditionalRenderingFeaturesEXT. Extension: VK\\_EXT\\_conditional\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceConditionalRenderingFeaturesEXT.html) """ struct _PhysicalDeviceConditionalRenderingFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceConditionalRenderingFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevice8BitStorageFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevice8BitStorageFeatures.html) """ struct _PhysicalDevice8BitStorageFeatures <: VulkanStruct{true} vks::VkPhysicalDevice8BitStorageFeatures deps::Vector{Any} end """ Intermediate wrapper for VkCommandBufferInheritanceConditionalRenderingInfoEXT. Extension: VK\\_EXT\\_conditional\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceConditionalRenderingInfoEXT.html) """ struct _CommandBufferInheritanceConditionalRenderingInfoEXT <: VulkanStruct{true} vks::VkCommandBufferInheritanceConditionalRenderingInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePCIBusInfoPropertiesEXT. Extension: VK\\_EXT\\_pci\\_bus\\_info [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePCIBusInfoPropertiesEXT.html) """ struct _PhysicalDevicePCIBusInfoPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDevicePCIBusInfoPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT. Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT.html) """ struct _PhysicalDeviceVertexAttributeDivisorPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPipelineVertexInputDivisorStateCreateInfoEXT. Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineVertexInputDivisorStateCreateInfoEXT.html) """ struct _PipelineVertexInputDivisorStateCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineVertexInputDivisorStateCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkVertexInputBindingDivisorDescriptionEXT. Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputBindingDivisorDescriptionEXT.html) """ struct _VertexInputBindingDivisorDescriptionEXT <: VulkanStruct{false} vks::VkVertexInputBindingDivisorDescriptionEXT end """ Intermediate wrapper for VkSemaphoreWaitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreWaitInfo.html) """ struct _SemaphoreWaitInfo <: VulkanStruct{true} vks::VkSemaphoreWaitInfo deps::Vector{Any} end """ Intermediate wrapper for VkTimelineSemaphoreSubmitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTimelineSemaphoreSubmitInfo.html) """ struct _TimelineSemaphoreSubmitInfo <: VulkanStruct{true} vks::VkTimelineSemaphoreSubmitInfo deps::Vector{Any} end """ Intermediate wrapper for VkSemaphoreTypeCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreTypeCreateInfo.html) """ struct _SemaphoreTypeCreateInfo <: VulkanStruct{true} vks::VkSemaphoreTypeCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceTimelineSemaphoreProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTimelineSemaphoreProperties.html) """ struct _PhysicalDeviceTimelineSemaphoreProperties <: VulkanStruct{true} vks::VkPhysicalDeviceTimelineSemaphoreProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceTimelineSemaphoreFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTimelineSemaphoreFeatures.html) """ struct _PhysicalDeviceTimelineSemaphoreFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceTimelineSemaphoreFeatures deps::Vector{Any} end """ Intermediate wrapper for VkSubpassEndInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassEndInfo.html) """ struct _SubpassEndInfo <: VulkanStruct{true} vks::VkSubpassEndInfo deps::Vector{Any} end """ Intermediate wrapper for VkSubpassBeginInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassBeginInfo.html) """ struct _SubpassBeginInfo <: VulkanStruct{true} vks::VkSubpassBeginInfo deps::Vector{Any} end """ Intermediate wrapper for VkRenderPassCreateInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreateInfo2.html) """ struct _RenderPassCreateInfo2 <: VulkanStruct{true} vks::VkRenderPassCreateInfo2 deps::Vector{Any} end """ Intermediate wrapper for VkSubpassDependency2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDependency2.html) """ struct _SubpassDependency2 <: VulkanStruct{true} vks::VkSubpassDependency2 deps::Vector{Any} end """ Intermediate wrapper for VkSubpassDescription2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDescription2.html) """ struct _SubpassDescription2 <: VulkanStruct{true} vks::VkSubpassDescription2 deps::Vector{Any} end """ Intermediate wrapper for VkAttachmentReference2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentReference2.html) """ struct _AttachmentReference2 <: VulkanStruct{true} vks::VkAttachmentReference2 deps::Vector{Any} end """ Intermediate wrapper for VkAttachmentDescription2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentDescription2.html) """ struct _AttachmentDescription2 <: VulkanStruct{true} vks::VkAttachmentDescription2 deps::Vector{Any} end """ Intermediate wrapper for VkDescriptorSetVariableDescriptorCountLayoutSupport. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetVariableDescriptorCountLayoutSupport.html) """ struct _DescriptorSetVariableDescriptorCountLayoutSupport <: VulkanStruct{true} vks::VkDescriptorSetVariableDescriptorCountLayoutSupport deps::Vector{Any} end """ Intermediate wrapper for VkDescriptorSetVariableDescriptorCountAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetVariableDescriptorCountAllocateInfo.html) """ struct _DescriptorSetVariableDescriptorCountAllocateInfo <: VulkanStruct{true} vks::VkDescriptorSetVariableDescriptorCountAllocateInfo deps::Vector{Any} end """ Intermediate wrapper for VkDescriptorSetLayoutBindingFlagsCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutBindingFlagsCreateInfo.html) """ struct _DescriptorSetLayoutBindingFlagsCreateInfo <: VulkanStruct{true} vks::VkDescriptorSetLayoutBindingFlagsCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDescriptorIndexingProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorIndexingProperties.html) """ struct _PhysicalDeviceDescriptorIndexingProperties <: VulkanStruct{true} vks::VkPhysicalDeviceDescriptorIndexingProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDescriptorIndexingFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorIndexingFeatures.html) """ struct _PhysicalDeviceDescriptorIndexingFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceDescriptorIndexingFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPipelineRasterizationConservativeStateCreateInfoEXT. Extension: VK\\_EXT\\_conservative\\_rasterization [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationConservativeStateCreateInfoEXT.html) """ struct _PipelineRasterizationConservativeStateCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineRasterizationConservativeStateCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderCoreProperties2AMD. Extension: VK\\_AMD\\_shader\\_core\\_properties2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCoreProperties2AMD.html) """ struct _PhysicalDeviceShaderCoreProperties2AMD <: VulkanStruct{true} vks::VkPhysicalDeviceShaderCoreProperties2AMD deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderCorePropertiesAMD. Extension: VK\\_AMD\\_shader\\_core\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCorePropertiesAMD.html) """ struct _PhysicalDeviceShaderCorePropertiesAMD <: VulkanStruct{true} vks::VkPhysicalDeviceShaderCorePropertiesAMD deps::Vector{Any} end """ Intermediate wrapper for VkCalibratedTimestampInfoEXT. Extension: VK\\_EXT\\_calibrated\\_timestamps [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCalibratedTimestampInfoEXT.html) """ struct _CalibratedTimestampInfoEXT <: VulkanStruct{true} vks::VkCalibratedTimestampInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceConservativeRasterizationPropertiesEXT. Extension: VK\\_EXT\\_conservative\\_rasterization [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceConservativeRasterizationPropertiesEXT.html) """ struct _PhysicalDeviceConservativeRasterizationPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceConservativeRasterizationPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceExternalMemoryHostPropertiesEXT. Extension: VK\\_EXT\\_external\\_memory\\_host [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalMemoryHostPropertiesEXT.html) """ struct _PhysicalDeviceExternalMemoryHostPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceExternalMemoryHostPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkMemoryHostPointerPropertiesEXT. Extension: VK\\_EXT\\_external\\_memory\\_host [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryHostPointerPropertiesEXT.html) """ struct _MemoryHostPointerPropertiesEXT <: VulkanStruct{true} vks::VkMemoryHostPointerPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkImportMemoryHostPointerInfoEXT. Extension: VK\\_EXT\\_external\\_memory\\_host [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMemoryHostPointerInfoEXT.html) """ struct _ImportMemoryHostPointerInfoEXT <: VulkanStruct{true} vks::VkImportMemoryHostPointerInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDeviceMemoryReportCallbackDataEXT. Extension: VK\\_EXT\\_device\\_memory\\_report [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceMemoryReportCallbackDataEXT.html) """ struct _DeviceMemoryReportCallbackDataEXT <: VulkanStruct{true} vks::VkDeviceMemoryReportCallbackDataEXT deps::Vector{Any} end """ Intermediate wrapper for VkDeviceDeviceMemoryReportCreateInfoEXT. Extension: VK\\_EXT\\_device\\_memory\\_report [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceDeviceMemoryReportCreateInfoEXT.html) """ struct _DeviceDeviceMemoryReportCreateInfoEXT <: VulkanStruct{true} vks::VkDeviceDeviceMemoryReportCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDeviceMemoryReportFeaturesEXT. Extension: VK\\_EXT\\_device\\_memory\\_report [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDeviceMemoryReportFeaturesEXT.html) """ struct _PhysicalDeviceDeviceMemoryReportFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceDeviceMemoryReportFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkDebugUtilsMessengerCallbackDataEXT. Extension: VK\\_EXT\\_debug\\_utils [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsMessengerCallbackDataEXT.html) """ struct _DebugUtilsMessengerCallbackDataEXT <: VulkanStruct{true} vks::VkDebugUtilsMessengerCallbackDataEXT deps::Vector{Any} end """ Intermediate wrapper for VkDebugUtilsMessengerCreateInfoEXT. Extension: VK\\_EXT\\_debug\\_utils [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsMessengerCreateInfoEXT.html) """ struct _DebugUtilsMessengerCreateInfoEXT <: VulkanStruct{true} vks::VkDebugUtilsMessengerCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDebugUtilsLabelEXT. Extension: VK\\_EXT\\_debug\\_utils [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsLabelEXT.html) """ struct _DebugUtilsLabelEXT <: VulkanStruct{true} vks::VkDebugUtilsLabelEXT deps::Vector{Any} end """ Intermediate wrapper for VkDebugUtilsObjectTagInfoEXT. Extension: VK\\_EXT\\_debug\\_utils [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsObjectTagInfoEXT.html) """ struct _DebugUtilsObjectTagInfoEXT <: VulkanStruct{true} vks::VkDebugUtilsObjectTagInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDebugUtilsObjectNameInfoEXT. Extension: VK\\_EXT\\_debug\\_utils [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsObjectNameInfoEXT.html) """ struct _DebugUtilsObjectNameInfoEXT <: VulkanStruct{true} vks::VkDebugUtilsObjectNameInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkQueueFamilyGlobalPriorityPropertiesKHR. Extension: VK\\_KHR\\_global\\_priority [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyGlobalPriorityPropertiesKHR.html) """ struct _QueueFamilyGlobalPriorityPropertiesKHR <: VulkanStruct{true} vks::VkQueueFamilyGlobalPriorityPropertiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR. Extension: VK\\_KHR\\_global\\_priority [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR.html) """ struct _PhysicalDeviceGlobalPriorityQueryFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkDeviceQueueGlobalPriorityCreateInfoKHR. Extension: VK\\_KHR\\_global\\_priority [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceQueueGlobalPriorityCreateInfoKHR.html) """ struct _DeviceQueueGlobalPriorityCreateInfoKHR <: VulkanStruct{true} vks::VkDeviceQueueGlobalPriorityCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkShaderStatisticsInfoAMD. Extension: VK\\_AMD\\_shader\\_info [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderStatisticsInfoAMD.html) """ struct _ShaderStatisticsInfoAMD <: VulkanStruct{false} vks::VkShaderStatisticsInfoAMD end """ Intermediate wrapper for VkShaderResourceUsageAMD. Extension: VK\\_AMD\\_shader\\_info [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderResourceUsageAMD.html) """ struct _ShaderResourceUsageAMD <: VulkanStruct{false} vks::VkShaderResourceUsageAMD end """ Intermediate wrapper for VkPhysicalDeviceHostQueryResetFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceHostQueryResetFeatures.html) """ struct _PhysicalDeviceHostQueryResetFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceHostQueryResetFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFloatControlsProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFloatControlsProperties.html) """ struct _PhysicalDeviceFloatControlsProperties <: VulkanStruct{true} vks::VkPhysicalDeviceFloatControlsProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderFloat16Int8Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderFloat16Int8Features.html) """ struct _PhysicalDeviceShaderFloat16Int8Features <: VulkanStruct{true} vks::VkPhysicalDeviceShaderFloat16Int8Features deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderDrawParametersFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderDrawParametersFeatures.html) """ struct _PhysicalDeviceShaderDrawParametersFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceShaderDrawParametersFeatures deps::Vector{Any} end """ Intermediate wrapper for VkDescriptorSetLayoutSupport. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutSupport.html) """ struct _DescriptorSetLayoutSupport <: VulkanStruct{true} vks::VkDescriptorSetLayoutSupport deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMaintenance4Properties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMaintenance4Properties.html) """ struct _PhysicalDeviceMaintenance4Properties <: VulkanStruct{true} vks::VkPhysicalDeviceMaintenance4Properties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMaintenance4Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMaintenance4Features.html) """ struct _PhysicalDeviceMaintenance4Features <: VulkanStruct{true} vks::VkPhysicalDeviceMaintenance4Features deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMaintenance3Properties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMaintenance3Properties.html) """ struct _PhysicalDeviceMaintenance3Properties <: VulkanStruct{true} vks::VkPhysicalDeviceMaintenance3Properties deps::Vector{Any} end """ Intermediate wrapper for VkValidationCacheCreateInfoEXT. Extension: VK\\_EXT\\_validation\\_cache [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkValidationCacheCreateInfoEXT.html) """ struct _ValidationCacheCreateInfoEXT <: VulkanStruct{true} vks::VkValidationCacheCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkImageFormatListCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageFormatListCreateInfo.html) """ struct _ImageFormatListCreateInfo <: VulkanStruct{true} vks::VkImageFormatListCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineCoverageModulationStateCreateInfoNV. Extension: VK\\_NV\\_framebuffer\\_mixed\\_samples [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCoverageModulationStateCreateInfoNV.html) """ struct _PipelineCoverageModulationStateCreateInfoNV <: VulkanStruct{true} vks::VkPipelineCoverageModulationStateCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkDescriptorPoolInlineUniformBlockCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorPoolInlineUniformBlockCreateInfo.html) """ struct _DescriptorPoolInlineUniformBlockCreateInfo <: VulkanStruct{true} vks::VkDescriptorPoolInlineUniformBlockCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkWriteDescriptorSetInlineUniformBlock. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSetInlineUniformBlock.html) """ struct _WriteDescriptorSetInlineUniformBlock <: VulkanStruct{true} vks::VkWriteDescriptorSetInlineUniformBlock deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceInlineUniformBlockProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInlineUniformBlockProperties.html) """ struct _PhysicalDeviceInlineUniformBlockProperties <: VulkanStruct{true} vks::VkPhysicalDeviceInlineUniformBlockProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceInlineUniformBlockFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInlineUniformBlockFeatures.html) """ struct _PhysicalDeviceInlineUniformBlockFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceInlineUniformBlockFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPipelineColorBlendAdvancedStateCreateInfoEXT. Extension: VK\\_EXT\\_blend\\_operation\\_advanced [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorBlendAdvancedStateCreateInfoEXT.html) """ struct _PipelineColorBlendAdvancedStateCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineColorBlendAdvancedStateCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT. Extension: VK\\_EXT\\_blend\\_operation\\_advanced [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT.html) """ struct _PhysicalDeviceBlendOperationAdvancedPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMultiDrawFeaturesEXT. Extension: VK\\_EXT\\_multi\\_draw [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiDrawFeaturesEXT.html) """ struct _PhysicalDeviceMultiDrawFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceMultiDrawFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT. Extension: VK\\_EXT\\_blend\\_operation\\_advanced [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT.html) """ struct _PhysicalDeviceBlendOperationAdvancedFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkSamplerReductionModeCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerReductionModeCreateInfo.html) """ struct _SamplerReductionModeCreateInfo <: VulkanStruct{true} vks::VkSamplerReductionModeCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkMultisamplePropertiesEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultisamplePropertiesEXT.html) """ struct _MultisamplePropertiesEXT <: VulkanStruct{true} vks::VkMultisamplePropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceSampleLocationsPropertiesEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSampleLocationsPropertiesEXT.html) """ struct _PhysicalDeviceSampleLocationsPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceSampleLocationsPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPipelineSampleLocationsStateCreateInfoEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineSampleLocationsStateCreateInfoEXT.html) """ struct _PipelineSampleLocationsStateCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineSampleLocationsStateCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkRenderPassSampleLocationsBeginInfoEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassSampleLocationsBeginInfoEXT.html) """ struct _RenderPassSampleLocationsBeginInfoEXT <: VulkanStruct{true} vks::VkRenderPassSampleLocationsBeginInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkSubpassSampleLocationsEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassSampleLocationsEXT.html) """ struct _SubpassSampleLocationsEXT <: VulkanStruct{false} vks::VkSubpassSampleLocationsEXT end """ Intermediate wrapper for VkAttachmentSampleLocationsEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentSampleLocationsEXT.html) """ struct _AttachmentSampleLocationsEXT <: VulkanStruct{false} vks::VkAttachmentSampleLocationsEXT end """ Intermediate wrapper for VkSampleLocationsInfoEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSampleLocationsInfoEXT.html) """ struct _SampleLocationsInfoEXT <: VulkanStruct{true} vks::VkSampleLocationsInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkSampleLocationEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSampleLocationEXT.html) """ struct _SampleLocationEXT <: VulkanStruct{false} vks::VkSampleLocationEXT end """ Intermediate wrapper for VkPhysicalDeviceSamplerFilterMinmaxProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSamplerFilterMinmaxProperties.html) """ struct _PhysicalDeviceSamplerFilterMinmaxProperties <: VulkanStruct{true} vks::VkPhysicalDeviceSamplerFilterMinmaxProperties deps::Vector{Any} end """ Intermediate wrapper for VkPipelineCoverageToColorStateCreateInfoNV. Extension: VK\\_NV\\_fragment\\_coverage\\_to\\_color [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCoverageToColorStateCreateInfoNV.html) """ struct _PipelineCoverageToColorStateCreateInfoNV <: VulkanStruct{true} vks::VkPipelineCoverageToColorStateCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkDeviceQueueInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceQueueInfo2.html) """ struct _DeviceQueueInfo2 <: VulkanStruct{true} vks::VkDeviceQueueInfo2 deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceProtectedMemoryProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProtectedMemoryProperties.html) """ struct _PhysicalDeviceProtectedMemoryProperties <: VulkanStruct{true} vks::VkPhysicalDeviceProtectedMemoryProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceProtectedMemoryFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProtectedMemoryFeatures.html) """ struct _PhysicalDeviceProtectedMemoryFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceProtectedMemoryFeatures deps::Vector{Any} end """ Intermediate wrapper for VkProtectedSubmitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkProtectedSubmitInfo.html) """ struct _ProtectedSubmitInfo <: VulkanStruct{true} vks::VkProtectedSubmitInfo deps::Vector{Any} end """ Intermediate wrapper for VkTextureLODGatherFormatPropertiesAMD. Extension: VK\\_AMD\\_texture\\_gather\\_bias\\_lod [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTextureLODGatherFormatPropertiesAMD.html) """ struct _TextureLODGatherFormatPropertiesAMD <: VulkanStruct{true} vks::VkTextureLODGatherFormatPropertiesAMD deps::Vector{Any} end """ Intermediate wrapper for VkSamplerYcbcrConversionImageFormatProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerYcbcrConversionImageFormatProperties.html) """ struct _SamplerYcbcrConversionImageFormatProperties <: VulkanStruct{true} vks::VkSamplerYcbcrConversionImageFormatProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceSamplerYcbcrConversionFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSamplerYcbcrConversionFeatures.html) """ struct _PhysicalDeviceSamplerYcbcrConversionFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceSamplerYcbcrConversionFeatures deps::Vector{Any} end """ Intermediate wrapper for VkImagePlaneMemoryRequirementsInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImagePlaneMemoryRequirementsInfo.html) """ struct _ImagePlaneMemoryRequirementsInfo <: VulkanStruct{true} vks::VkImagePlaneMemoryRequirementsInfo deps::Vector{Any} end """ Intermediate wrapper for VkBindImagePlaneMemoryInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImagePlaneMemoryInfo.html) """ struct _BindImagePlaneMemoryInfo <: VulkanStruct{true} vks::VkBindImagePlaneMemoryInfo deps::Vector{Any} end """ Intermediate wrapper for VkSamplerYcbcrConversionCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerYcbcrConversionCreateInfo.html) """ struct _SamplerYcbcrConversionCreateInfo <: VulkanStruct{true} vks::VkSamplerYcbcrConversionCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineTessellationDomainOriginStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineTessellationDomainOriginStateCreateInfo.html) """ struct _PipelineTessellationDomainOriginStateCreateInfo <: VulkanStruct{true} vks::VkPipelineTessellationDomainOriginStateCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkImageViewUsageCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewUsageCreateInfo.html) """ struct _ImageViewUsageCreateInfo <: VulkanStruct{true} vks::VkImageViewUsageCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkMemoryDedicatedRequirements. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryDedicatedRequirements.html) """ struct _MemoryDedicatedRequirements <: VulkanStruct{true} vks::VkMemoryDedicatedRequirements deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePointClippingProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePointClippingProperties.html) """ struct _PhysicalDevicePointClippingProperties <: VulkanStruct{true} vks::VkPhysicalDevicePointClippingProperties deps::Vector{Any} end """ Intermediate wrapper for VkSparseImageMemoryRequirements2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryRequirements2.html) """ struct _SparseImageMemoryRequirements2 <: VulkanStruct{true} vks::VkSparseImageMemoryRequirements2 deps::Vector{Any} end """ Intermediate wrapper for VkMemoryRequirements2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryRequirements2.html) """ struct _MemoryRequirements2 <: VulkanStruct{true} vks::VkMemoryRequirements2 deps::Vector{Any} end """ Intermediate wrapper for VkDeviceImageMemoryRequirements. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceImageMemoryRequirements.html) """ struct _DeviceImageMemoryRequirements <: VulkanStruct{true} vks::VkDeviceImageMemoryRequirements deps::Vector{Any} end """ Intermediate wrapper for VkDeviceBufferMemoryRequirements. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceBufferMemoryRequirements.html) """ struct _DeviceBufferMemoryRequirements <: VulkanStruct{true} vks::VkDeviceBufferMemoryRequirements deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures.html) """ struct _PhysicalDeviceShaderSubgroupExtendedTypesFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceSubgroupProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubgroupProperties.html) """ struct _PhysicalDeviceSubgroupProperties <: VulkanStruct{true} vks::VkPhysicalDeviceSubgroupProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevice16BitStorageFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevice16BitStorageFeatures.html) """ struct _PhysicalDevice16BitStorageFeatures <: VulkanStruct{true} vks::VkPhysicalDevice16BitStorageFeatures deps::Vector{Any} end """ Intermediate wrapper for VkSharedPresentSurfaceCapabilitiesKHR. Extension: VK\\_KHR\\_shared\\_presentable\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSharedPresentSurfaceCapabilitiesKHR.html) """ struct _SharedPresentSurfaceCapabilitiesKHR <: VulkanStruct{true} vks::VkSharedPresentSurfaceCapabilitiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkDisplayPlaneCapabilities2KHR. Extension: VK\\_KHR\\_get\\_display\\_properties2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneCapabilities2KHR.html) """ struct _DisplayPlaneCapabilities2KHR <: VulkanStruct{true} vks::VkDisplayPlaneCapabilities2KHR deps::Vector{Any} end """ Intermediate wrapper for VkDisplayModeProperties2KHR. Extension: VK\\_KHR\\_get\\_display\\_properties2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModeProperties2KHR.html) """ struct _DisplayModeProperties2KHR <: VulkanStruct{true} vks::VkDisplayModeProperties2KHR deps::Vector{Any} end """ Intermediate wrapper for VkDisplayPlaneProperties2KHR. Extension: VK\\_KHR\\_get\\_display\\_properties2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneProperties2KHR.html) """ struct _DisplayPlaneProperties2KHR <: VulkanStruct{true} vks::VkDisplayPlaneProperties2KHR deps::Vector{Any} end """ Intermediate wrapper for VkDisplayProperties2KHR. Extension: VK\\_KHR\\_get\\_display\\_properties2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayProperties2KHR.html) """ struct _DisplayProperties2KHR <: VulkanStruct{true} vks::VkDisplayProperties2KHR deps::Vector{Any} end """ Intermediate wrapper for VkSurfaceFormat2KHR. Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceFormat2KHR.html) """ struct _SurfaceFormat2KHR <: VulkanStruct{true} vks::VkSurfaceFormat2KHR deps::Vector{Any} end """ Intermediate wrapper for VkSurfaceCapabilities2KHR. Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilities2KHR.html) """ struct _SurfaceCapabilities2KHR <: VulkanStruct{true} vks::VkSurfaceCapabilities2KHR deps::Vector{Any} end """ Intermediate wrapper for VkRenderPassInputAttachmentAspectCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassInputAttachmentAspectCreateInfo.html) """ struct _RenderPassInputAttachmentAspectCreateInfo <: VulkanStruct{true} vks::VkRenderPassInputAttachmentAspectCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkInputAttachmentAspectReference. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkInputAttachmentAspectReference.html) """ struct _InputAttachmentAspectReference <: VulkanStruct{false} vks::VkInputAttachmentAspectReference end """ Intermediate wrapper for VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX. Extension: VK\\_NVX\\_multiview\\_per\\_view\\_attributes [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX.html) """ struct _PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX <: VulkanStruct{true} vks::VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX deps::Vector{Any} end """ Intermediate wrapper for VkPipelineDiscardRectangleStateCreateInfoEXT. Extension: VK\\_EXT\\_discard\\_rectangles [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineDiscardRectangleStateCreateInfoEXT.html) """ struct _PipelineDiscardRectangleStateCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineDiscardRectangleStateCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDiscardRectanglePropertiesEXT. Extension: VK\\_EXT\\_discard\\_rectangles [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDiscardRectanglePropertiesEXT.html) """ struct _PhysicalDeviceDiscardRectanglePropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceDiscardRectanglePropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPipelineViewportSwizzleStateCreateInfoNV. Extension: VK\\_NV\\_viewport\\_swizzle [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportSwizzleStateCreateInfoNV.html) """ struct _PipelineViewportSwizzleStateCreateInfoNV <: VulkanStruct{true} vks::VkPipelineViewportSwizzleStateCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkViewportSwizzleNV. Extension: VK\\_NV\\_viewport\\_swizzle [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkViewportSwizzleNV.html) """ struct _ViewportSwizzleNV <: VulkanStruct{false} vks::VkViewportSwizzleNV end """ Intermediate wrapper for VkPipelineViewportWScalingStateCreateInfoNV. Extension: VK\\_NV\\_clip\\_space\\_w\\_scaling [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportWScalingStateCreateInfoNV.html) """ struct _PipelineViewportWScalingStateCreateInfoNV <: VulkanStruct{true} vks::VkPipelineViewportWScalingStateCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkViewportWScalingNV. Extension: VK\\_NV\\_clip\\_space\\_w\\_scaling [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkViewportWScalingNV.html) """ struct _ViewportWScalingNV <: VulkanStruct{false} vks::VkViewportWScalingNV end """ Intermediate wrapper for VkPresentTimeGOOGLE. Extension: VK\\_GOOGLE\\_display\\_timing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentTimeGOOGLE.html) """ struct _PresentTimeGOOGLE <: VulkanStruct{false} vks::VkPresentTimeGOOGLE end """ Intermediate wrapper for VkPresentTimesInfoGOOGLE. Extension: VK\\_GOOGLE\\_display\\_timing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentTimesInfoGOOGLE.html) """ struct _PresentTimesInfoGOOGLE <: VulkanStruct{true} vks::VkPresentTimesInfoGOOGLE deps::Vector{Any} end """ Intermediate wrapper for VkPastPresentationTimingGOOGLE. Extension: VK\\_GOOGLE\\_display\\_timing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPastPresentationTimingGOOGLE.html) """ struct _PastPresentationTimingGOOGLE <: VulkanStruct{false} vks::VkPastPresentationTimingGOOGLE end """ Intermediate wrapper for VkRefreshCycleDurationGOOGLE. Extension: VK\\_GOOGLE\\_display\\_timing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRefreshCycleDurationGOOGLE.html) """ struct _RefreshCycleDurationGOOGLE <: VulkanStruct{false} vks::VkRefreshCycleDurationGOOGLE end """ Intermediate wrapper for VkSwapchainDisplayNativeHdrCreateInfoAMD. Extension: VK\\_AMD\\_display\\_native\\_hdr [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainDisplayNativeHdrCreateInfoAMD.html) """ struct _SwapchainDisplayNativeHdrCreateInfoAMD <: VulkanStruct{true} vks::VkSwapchainDisplayNativeHdrCreateInfoAMD deps::Vector{Any} end """ Intermediate wrapper for VkDisplayNativeHdrSurfaceCapabilitiesAMD. Extension: VK\\_AMD\\_display\\_native\\_hdr [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayNativeHdrSurfaceCapabilitiesAMD.html) """ struct _DisplayNativeHdrSurfaceCapabilitiesAMD <: VulkanStruct{true} vks::VkDisplayNativeHdrSurfaceCapabilitiesAMD deps::Vector{Any} end """ Intermediate wrapper for VkHdrMetadataEXT. Extension: VK\\_EXT\\_hdr\\_metadata [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkHdrMetadataEXT.html) """ struct _HdrMetadataEXT <: VulkanStruct{true} vks::VkHdrMetadataEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePresentWaitFeaturesKHR. Extension: VK\\_KHR\\_present\\_wait [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePresentWaitFeaturesKHR.html) """ struct _PhysicalDevicePresentWaitFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDevicePresentWaitFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPresentIdKHR. Extension: VK\\_KHR\\_present\\_id [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentIdKHR.html) """ struct _PresentIdKHR <: VulkanStruct{true} vks::VkPresentIdKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePresentIdFeaturesKHR. Extension: VK\\_KHR\\_present\\_id [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePresentIdFeaturesKHR.html) """ struct _PhysicalDevicePresentIdFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDevicePresentIdFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkXYColorEXT. Extension: VK\\_EXT\\_hdr\\_metadata [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkXYColorEXT.html) """ struct _XYColorEXT <: VulkanStruct{false} vks::VkXYColorEXT end """ Intermediate wrapper for VkDescriptorUpdateTemplateEntry. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorUpdateTemplateEntry.html) """ struct _DescriptorUpdateTemplateEntry <: VulkanStruct{false} vks::VkDescriptorUpdateTemplateEntry end """ Intermediate wrapper for VkDeviceGroupSwapchainCreateInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupSwapchainCreateInfoKHR.html) """ struct _DeviceGroupSwapchainCreateInfoKHR <: VulkanStruct{true} vks::VkDeviceGroupSwapchainCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkDeviceGroupDeviceCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupDeviceCreateInfo.html) """ struct _DeviceGroupDeviceCreateInfo <: VulkanStruct{true} vks::VkDeviceGroupDeviceCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkDeviceGroupPresentInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupPresentInfoKHR.html) """ struct _DeviceGroupPresentInfoKHR <: VulkanStruct{true} vks::VkDeviceGroupPresentInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkDeviceGroupPresentCapabilitiesKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupPresentCapabilitiesKHR.html) """ struct _DeviceGroupPresentCapabilitiesKHR <: VulkanStruct{true} vks::VkDeviceGroupPresentCapabilitiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkDeviceGroupBindSparseInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupBindSparseInfo.html) """ struct _DeviceGroupBindSparseInfo <: VulkanStruct{true} vks::VkDeviceGroupBindSparseInfo deps::Vector{Any} end """ Intermediate wrapper for VkDeviceGroupSubmitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupSubmitInfo.html) """ struct _DeviceGroupSubmitInfo <: VulkanStruct{true} vks::VkDeviceGroupSubmitInfo deps::Vector{Any} end """ Intermediate wrapper for VkDeviceGroupCommandBufferBeginInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupCommandBufferBeginInfo.html) """ struct _DeviceGroupCommandBufferBeginInfo <: VulkanStruct{true} vks::VkDeviceGroupCommandBufferBeginInfo deps::Vector{Any} end """ Intermediate wrapper for VkDeviceGroupRenderPassBeginInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupRenderPassBeginInfo.html) """ struct _DeviceGroupRenderPassBeginInfo <: VulkanStruct{true} vks::VkDeviceGroupRenderPassBeginInfo deps::Vector{Any} end """ Intermediate wrapper for VkBindImageMemoryDeviceGroupInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImageMemoryDeviceGroupInfo.html) """ struct _BindImageMemoryDeviceGroupInfo <: VulkanStruct{true} vks::VkBindImageMemoryDeviceGroupInfo deps::Vector{Any} end """ Intermediate wrapper for VkBindBufferMemoryDeviceGroupInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindBufferMemoryDeviceGroupInfo.html) """ struct _BindBufferMemoryDeviceGroupInfo <: VulkanStruct{true} vks::VkBindBufferMemoryDeviceGroupInfo deps::Vector{Any} end """ Intermediate wrapper for VkMemoryAllocateFlagsInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryAllocateFlagsInfo.html) """ struct _MemoryAllocateFlagsInfo <: VulkanStruct{true} vks::VkMemoryAllocateFlagsInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceGroupProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGroupProperties.html) """ struct _PhysicalDeviceGroupProperties <: VulkanStruct{true} vks::VkPhysicalDeviceGroupProperties deps::Vector{Any} end """ Intermediate wrapper for VkSwapchainCounterCreateInfoEXT. Extension: VK\\_EXT\\_display\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainCounterCreateInfoEXT.html) """ struct _SwapchainCounterCreateInfoEXT <: VulkanStruct{true} vks::VkSwapchainCounterCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDisplayEventInfoEXT. Extension: VK\\_EXT\\_display\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayEventInfoEXT.html) """ struct _DisplayEventInfoEXT <: VulkanStruct{true} vks::VkDisplayEventInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDeviceEventInfoEXT. Extension: VK\\_EXT\\_display\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceEventInfoEXT.html) """ struct _DeviceEventInfoEXT <: VulkanStruct{true} vks::VkDeviceEventInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDisplayPowerInfoEXT. Extension: VK\\_EXT\\_display\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPowerInfoEXT.html) """ struct _DisplayPowerInfoEXT <: VulkanStruct{true} vks::VkDisplayPowerInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkSurfaceCapabilities2EXT. Extension: VK\\_EXT\\_display\\_surface\\_counter [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilities2EXT.html) """ struct _SurfaceCapabilities2EXT <: VulkanStruct{true} vks::VkSurfaceCapabilities2EXT deps::Vector{Any} end """ Intermediate wrapper for VkRenderPassMultiviewCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassMultiviewCreateInfo.html) """ struct _RenderPassMultiviewCreateInfo <: VulkanStruct{true} vks::VkRenderPassMultiviewCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMultiviewProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewProperties.html) """ struct _PhysicalDeviceMultiviewProperties <: VulkanStruct{true} vks::VkPhysicalDeviceMultiviewProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMultiviewFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewFeatures.html) """ struct _PhysicalDeviceMultiviewFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceMultiviewFeatures deps::Vector{Any} end """ Intermediate wrapper for VkExportFenceCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportFenceCreateInfo.html) """ struct _ExportFenceCreateInfo <: VulkanStruct{true} vks::VkExportFenceCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkExternalFenceProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalFenceProperties.html) """ struct _ExternalFenceProperties <: VulkanStruct{true} vks::VkExternalFenceProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceExternalFenceInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalFenceInfo.html) """ struct _PhysicalDeviceExternalFenceInfo <: VulkanStruct{true} vks::VkPhysicalDeviceExternalFenceInfo deps::Vector{Any} end """ Intermediate wrapper for VkExportSemaphoreCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportSemaphoreCreateInfo.html) """ struct _ExportSemaphoreCreateInfo <: VulkanStruct{true} vks::VkExportSemaphoreCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkExternalSemaphoreProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalSemaphoreProperties.html) """ struct _ExternalSemaphoreProperties <: VulkanStruct{true} vks::VkExternalSemaphoreProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceExternalSemaphoreInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalSemaphoreInfo.html) """ struct _PhysicalDeviceExternalSemaphoreInfo <: VulkanStruct{true} vks::VkPhysicalDeviceExternalSemaphoreInfo deps::Vector{Any} end """ Intermediate wrapper for VkMemoryFdPropertiesKHR. Extension: VK\\_KHR\\_external\\_memory\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryFdPropertiesKHR.html) """ struct _MemoryFdPropertiesKHR <: VulkanStruct{true} vks::VkMemoryFdPropertiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkImportMemoryFdInfoKHR. Extension: VK\\_KHR\\_external\\_memory\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMemoryFdInfoKHR.html) """ struct _ImportMemoryFdInfoKHR <: VulkanStruct{true} vks::VkImportMemoryFdInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkExportMemoryAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMemoryAllocateInfo.html) """ struct _ExportMemoryAllocateInfo <: VulkanStruct{true} vks::VkExportMemoryAllocateInfo deps::Vector{Any} end """ Intermediate wrapper for VkExternalMemoryBufferCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryBufferCreateInfo.html) """ struct _ExternalMemoryBufferCreateInfo <: VulkanStruct{true} vks::VkExternalMemoryBufferCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkExternalMemoryImageCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryImageCreateInfo.html) """ struct _ExternalMemoryImageCreateInfo <: VulkanStruct{true} vks::VkExternalMemoryImageCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceIDProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceIDProperties.html) """ struct _PhysicalDeviceIDProperties <: VulkanStruct{true} vks::VkPhysicalDeviceIDProperties deps::Vector{Any} end """ Intermediate wrapper for VkExternalBufferProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalBufferProperties.html) """ struct _ExternalBufferProperties <: VulkanStruct{true} vks::VkExternalBufferProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceExternalBufferInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalBufferInfo.html) """ struct _PhysicalDeviceExternalBufferInfo <: VulkanStruct{true} vks::VkPhysicalDeviceExternalBufferInfo deps::Vector{Any} end """ Intermediate wrapper for VkExternalImageFormatProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalImageFormatProperties.html) """ struct _ExternalImageFormatProperties <: VulkanStruct{true} vks::VkExternalImageFormatProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceExternalImageFormatInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalImageFormatInfo.html) """ struct _PhysicalDeviceExternalImageFormatInfo <: VulkanStruct{true} vks::VkPhysicalDeviceExternalImageFormatInfo deps::Vector{Any} end """ Intermediate wrapper for VkExternalMemoryProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryProperties.html) """ struct _ExternalMemoryProperties <: VulkanStruct{false} vks::VkExternalMemoryProperties end """ Intermediate wrapper for VkPhysicalDeviceVariablePointersFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVariablePointersFeatures.html) """ struct _PhysicalDeviceVariablePointersFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceVariablePointersFeatures deps::Vector{Any} end """ Intermediate wrapper for VkRectLayerKHR. Extension: VK\\_KHR\\_incremental\\_present [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRectLayerKHR.html) """ struct _RectLayerKHR <: VulkanStruct{false} vks::VkRectLayerKHR end """ Intermediate wrapper for VkPresentRegionKHR. Extension: VK\\_KHR\\_incremental\\_present [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentRegionKHR.html) """ struct _PresentRegionKHR <: VulkanStruct{true} vks::VkPresentRegionKHR deps::Vector{Any} end """ Intermediate wrapper for VkPresentRegionsKHR. Extension: VK\\_KHR\\_incremental\\_present [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentRegionsKHR.html) """ struct _PresentRegionsKHR <: VulkanStruct{true} vks::VkPresentRegionsKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDriverProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDriverProperties.html) """ struct _PhysicalDeviceDriverProperties <: VulkanStruct{true} vks::VkPhysicalDeviceDriverProperties deps::Vector{Any} end """ Intermediate wrapper for VkConformanceVersion. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkConformanceVersion.html) """ struct _ConformanceVersion <: VulkanStruct{false} vks::VkConformanceVersion end """ Intermediate wrapper for VkPhysicalDevicePushDescriptorPropertiesKHR. Extension: VK\\_KHR\\_push\\_descriptor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePushDescriptorPropertiesKHR.html) """ struct _PhysicalDevicePushDescriptorPropertiesKHR <: VulkanStruct{true} vks::VkPhysicalDevicePushDescriptorPropertiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceSparseImageFormatInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSparseImageFormatInfo2.html) """ struct _PhysicalDeviceSparseImageFormatInfo2 <: VulkanStruct{true} vks::VkPhysicalDeviceSparseImageFormatInfo2 deps::Vector{Any} end """ Intermediate wrapper for VkSparseImageFormatProperties2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageFormatProperties2.html) """ struct _SparseImageFormatProperties2 <: VulkanStruct{true} vks::VkSparseImageFormatProperties2 deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMemoryProperties2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryProperties2.html) """ struct _PhysicalDeviceMemoryProperties2 <: VulkanStruct{true} vks::VkPhysicalDeviceMemoryProperties2 deps::Vector{Any} end """ Intermediate wrapper for VkQueueFamilyProperties2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyProperties2.html) """ struct _QueueFamilyProperties2 <: VulkanStruct{true} vks::VkQueueFamilyProperties2 deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceImageFormatInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageFormatInfo2.html) """ struct _PhysicalDeviceImageFormatInfo2 <: VulkanStruct{true} vks::VkPhysicalDeviceImageFormatInfo2 deps::Vector{Any} end """ Intermediate wrapper for VkImageFormatProperties2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageFormatProperties2.html) """ struct _ImageFormatProperties2 <: VulkanStruct{true} vks::VkImageFormatProperties2 deps::Vector{Any} end """ Intermediate wrapper for VkFormatProperties2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFormatProperties2.html) """ struct _FormatProperties2 <: VulkanStruct{true} vks::VkFormatProperties2 deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceProperties2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProperties2.html) """ struct _PhysicalDeviceProperties2 <: VulkanStruct{true} vks::VkPhysicalDeviceProperties2 deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFeatures2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFeatures2.html) """ struct _PhysicalDeviceFeatures2 <: VulkanStruct{true} vks::VkPhysicalDeviceFeatures2 deps::Vector{Any} end """ Intermediate wrapper for VkIndirectCommandsLayoutCreateInfoNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkIndirectCommandsLayoutCreateInfoNV.html) """ struct _IndirectCommandsLayoutCreateInfoNV <: VulkanStruct{true} vks::VkIndirectCommandsLayoutCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkSetStateFlagsIndirectCommandNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSetStateFlagsIndirectCommandNV.html) """ struct _SetStateFlagsIndirectCommandNV <: VulkanStruct{false} vks::VkSetStateFlagsIndirectCommandNV end """ Intermediate wrapper for VkBindVertexBufferIndirectCommandNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindVertexBufferIndirectCommandNV.html) """ struct _BindVertexBufferIndirectCommandNV <: VulkanStruct{false} vks::VkBindVertexBufferIndirectCommandNV end """ Intermediate wrapper for VkBindIndexBufferIndirectCommandNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindIndexBufferIndirectCommandNV.html) """ struct _BindIndexBufferIndirectCommandNV <: VulkanStruct{false} vks::VkBindIndexBufferIndirectCommandNV end """ Intermediate wrapper for VkBindShaderGroupIndirectCommandNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindShaderGroupIndirectCommandNV.html) """ struct _BindShaderGroupIndirectCommandNV <: VulkanStruct{false} vks::VkBindShaderGroupIndirectCommandNV end """ Intermediate wrapper for VkGraphicsPipelineShaderGroupsCreateInfoNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsPipelineShaderGroupsCreateInfoNV.html) """ struct _GraphicsPipelineShaderGroupsCreateInfoNV <: VulkanStruct{true} vks::VkGraphicsPipelineShaderGroupsCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkGraphicsShaderGroupCreateInfoNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsShaderGroupCreateInfoNV.html) """ struct _GraphicsShaderGroupCreateInfoNV <: VulkanStruct{true} vks::VkGraphicsShaderGroupCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMultiDrawPropertiesEXT. Extension: VK\\_EXT\\_multi\\_draw [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiDrawPropertiesEXT.html) """ struct _PhysicalDeviceMultiDrawPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceMultiDrawPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV.html) """ struct _PhysicalDeviceDeviceGeneratedCommandsPropertiesNV <: VulkanStruct{true} vks::VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePrivateDataFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePrivateDataFeatures.html) """ struct _PhysicalDevicePrivateDataFeatures <: VulkanStruct{true} vks::VkPhysicalDevicePrivateDataFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPrivateDataSlotCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPrivateDataSlotCreateInfo.html) """ struct _PrivateDataSlotCreateInfo <: VulkanStruct{true} vks::VkPrivateDataSlotCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkDevicePrivateDataCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDevicePrivateDataCreateInfo.html) """ struct _DevicePrivateDataCreateInfo <: VulkanStruct{true} vks::VkDevicePrivateDataCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV.html) """ struct _PhysicalDeviceDeviceGeneratedCommandsFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkExportMemoryAllocateInfoNV. Extension: VK\\_NV\\_external\\_memory [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMemoryAllocateInfoNV.html) """ struct _ExportMemoryAllocateInfoNV <: VulkanStruct{true} vks::VkExportMemoryAllocateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkExternalMemoryImageCreateInfoNV. Extension: VK\\_NV\\_external\\_memory [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryImageCreateInfoNV.html) """ struct _ExternalMemoryImageCreateInfoNV <: VulkanStruct{true} vks::VkExternalMemoryImageCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkExternalImageFormatPropertiesNV. Extension: VK\\_NV\\_external\\_memory\\_capabilities [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalImageFormatPropertiesNV.html) """ struct _ExternalImageFormatPropertiesNV <: VulkanStruct{false} vks::VkExternalImageFormatPropertiesNV end """ Intermediate wrapper for VkDedicatedAllocationBufferCreateInfoNV. Extension: VK\\_NV\\_dedicated\\_allocation [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDedicatedAllocationBufferCreateInfoNV.html) """ struct _DedicatedAllocationBufferCreateInfoNV <: VulkanStruct{true} vks::VkDedicatedAllocationBufferCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkDedicatedAllocationImageCreateInfoNV. Extension: VK\\_NV\\_dedicated\\_allocation [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDedicatedAllocationImageCreateInfoNV.html) """ struct _DedicatedAllocationImageCreateInfoNV <: VulkanStruct{true} vks::VkDedicatedAllocationImageCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkDebugMarkerMarkerInfoEXT. Extension: VK\\_EXT\\_debug\\_marker [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugMarkerMarkerInfoEXT.html) """ struct _DebugMarkerMarkerInfoEXT <: VulkanStruct{true} vks::VkDebugMarkerMarkerInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDebugMarkerObjectTagInfoEXT. Extension: VK\\_EXT\\_debug\\_marker [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugMarkerObjectTagInfoEXT.html) """ struct _DebugMarkerObjectTagInfoEXT <: VulkanStruct{true} vks::VkDebugMarkerObjectTagInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDebugMarkerObjectNameInfoEXT. Extension: VK\\_EXT\\_debug\\_marker [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugMarkerObjectNameInfoEXT.html) """ struct _DebugMarkerObjectNameInfoEXT <: VulkanStruct{true} vks::VkDebugMarkerObjectNameInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPipelineRasterizationStateRasterizationOrderAMD. Extension: VK\\_AMD\\_rasterization\\_order [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationStateRasterizationOrderAMD.html) """ struct _PipelineRasterizationStateRasterizationOrderAMD <: VulkanStruct{true} vks::VkPipelineRasterizationStateRasterizationOrderAMD deps::Vector{Any} end """ Intermediate wrapper for VkValidationFeaturesEXT. Extension: VK\\_EXT\\_validation\\_features [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkValidationFeaturesEXT.html) """ struct _ValidationFeaturesEXT <: VulkanStruct{true} vks::VkValidationFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkValidationFlagsEXT. Extension: VK\\_EXT\\_validation\\_flags [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkValidationFlagsEXT.html) """ struct _ValidationFlagsEXT <: VulkanStruct{true} vks::VkValidationFlagsEXT deps::Vector{Any} end """ Intermediate wrapper for VkDebugReportCallbackCreateInfoEXT. Extension: VK\\_EXT\\_debug\\_report [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugReportCallbackCreateInfoEXT.html) """ struct _DebugReportCallbackCreateInfoEXT <: VulkanStruct{true} vks::VkDebugReportCallbackCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPresentInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentInfoKHR.html) """ struct _PresentInfoKHR <: VulkanStruct{true} vks::VkPresentInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkSurfaceFormatKHR. Extension: VK\\_KHR\\_surface [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceFormatKHR.html) """ struct _SurfaceFormatKHR <: VulkanStruct{false} vks::VkSurfaceFormatKHR end """ Intermediate wrapper for VkXcbSurfaceCreateInfoKHR. Extension: VK\\_KHR\\_xcb\\_surface [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkXcbSurfaceCreateInfoKHR.html) """ struct _XcbSurfaceCreateInfoKHR <: VulkanStruct{true} vks::VkXcbSurfaceCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkXlibSurfaceCreateInfoKHR. Extension: VK\\_KHR\\_xlib\\_surface [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkXlibSurfaceCreateInfoKHR.html) """ struct _XlibSurfaceCreateInfoKHR <: VulkanStruct{true} vks::VkXlibSurfaceCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkWaylandSurfaceCreateInfoKHR. Extension: VK\\_KHR\\_wayland\\_surface [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWaylandSurfaceCreateInfoKHR.html) """ struct _WaylandSurfaceCreateInfoKHR <: VulkanStruct{true} vks::VkWaylandSurfaceCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkSurfaceCapabilitiesKHR. Extension: VK\\_KHR\\_surface [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilitiesKHR.html) """ struct _SurfaceCapabilitiesKHR <: VulkanStruct{false} vks::VkSurfaceCapabilitiesKHR end """ Intermediate wrapper for VkDisplayPresentInfoKHR. Extension: VK\\_KHR\\_display\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPresentInfoKHR.html) """ struct _DisplayPresentInfoKHR <: VulkanStruct{true} vks::VkDisplayPresentInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkDisplayPlaneCapabilitiesKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneCapabilitiesKHR.html) """ struct _DisplayPlaneCapabilitiesKHR <: VulkanStruct{false} vks::VkDisplayPlaneCapabilitiesKHR end """ Intermediate wrapper for VkDisplayModeCreateInfoKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModeCreateInfoKHR.html) """ struct _DisplayModeCreateInfoKHR <: VulkanStruct{true} vks::VkDisplayModeCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkDisplayModeParametersKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModeParametersKHR.html) """ struct _DisplayModeParametersKHR <: VulkanStruct{false} vks::VkDisplayModeParametersKHR end """ Intermediate wrapper for VkSubmitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubmitInfo.html) """ struct _SubmitInfo <: VulkanStruct{true} vks::VkSubmitInfo deps::Vector{Any} end """ Intermediate wrapper for VkMultiDrawIndexedInfoEXT. Extension: VK\\_EXT\\_multi\\_draw [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultiDrawIndexedInfoEXT.html) """ struct _MultiDrawIndexedInfoEXT <: VulkanStruct{false} vks::VkMultiDrawIndexedInfoEXT end """ Intermediate wrapper for VkMultiDrawInfoEXT. Extension: VK\\_EXT\\_multi\\_draw [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultiDrawInfoEXT.html) """ struct _MultiDrawInfoEXT <: VulkanStruct{false} vks::VkMultiDrawInfoEXT end """ Intermediate wrapper for VkDispatchIndirectCommand. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDispatchIndirectCommand.html) """ struct _DispatchIndirectCommand <: VulkanStruct{false} vks::VkDispatchIndirectCommand end """ Intermediate wrapper for VkDrawIndexedIndirectCommand. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrawIndexedIndirectCommand.html) """ struct _DrawIndexedIndirectCommand <: VulkanStruct{false} vks::VkDrawIndexedIndirectCommand end """ Intermediate wrapper for VkDrawIndirectCommand. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrawIndirectCommand.html) """ struct _DrawIndirectCommand <: VulkanStruct{false} vks::VkDrawIndirectCommand end """ Intermediate wrapper for VkQueryPoolCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueryPoolCreateInfo.html) """ struct _QueryPoolCreateInfo <: VulkanStruct{true} vks::VkQueryPoolCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkSemaphoreCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreCreateInfo.html) """ struct _SemaphoreCreateInfo <: VulkanStruct{true} vks::VkSemaphoreCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceLimits. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLimits.html) """ struct _PhysicalDeviceLimits <: VulkanStruct{false} vks::VkPhysicalDeviceLimits end """ Intermediate wrapper for VkPhysicalDeviceSparseProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSparseProperties.html) """ struct _PhysicalDeviceSparseProperties <: VulkanStruct{false} vks::VkPhysicalDeviceSparseProperties end """ Intermediate wrapper for VkPhysicalDeviceFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFeatures.html) """ struct _PhysicalDeviceFeatures <: VulkanStruct{false} vks::VkPhysicalDeviceFeatures end """ Intermediate wrapper for VkFenceCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFenceCreateInfo.html) """ struct _FenceCreateInfo <: VulkanStruct{true} vks::VkFenceCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkEventCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkEventCreateInfo.html) """ struct _EventCreateInfo <: VulkanStruct{true} vks::VkEventCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkRenderPassCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreateInfo.html) """ struct _RenderPassCreateInfo <: VulkanStruct{true} vks::VkRenderPassCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkSubpassDependency. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDependency.html) """ struct _SubpassDependency <: VulkanStruct{false} vks::VkSubpassDependency end """ Intermediate wrapper for VkSubpassDescription. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDescription.html) """ struct _SubpassDescription <: VulkanStruct{true} vks::VkSubpassDescription deps::Vector{Any} end """ Intermediate wrapper for VkAttachmentReference. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentReference.html) """ struct _AttachmentReference <: VulkanStruct{false} vks::VkAttachmentReference end """ Intermediate wrapper for VkAttachmentDescription. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentDescription.html) """ struct _AttachmentDescription <: VulkanStruct{false} vks::VkAttachmentDescription end """ Intermediate wrapper for VkClearAttachment. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearAttachment.html) """ struct _ClearAttachment <: VulkanStruct{false} vks::VkClearAttachment end """ Intermediate wrapper for VkClearDepthStencilValue. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearDepthStencilValue.html) """ struct _ClearDepthStencilValue <: VulkanStruct{false} vks::VkClearDepthStencilValue end """ Intermediate wrapper for VkCommandBufferBeginInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferBeginInfo.html) """ struct _CommandBufferBeginInfo <: VulkanStruct{true} vks::VkCommandBufferBeginInfo deps::Vector{Any} end """ Intermediate wrapper for VkCommandPoolCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandPoolCreateInfo.html) """ struct _CommandPoolCreateInfo <: VulkanStruct{true} vks::VkCommandPoolCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkSamplerCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerCreateInfo.html) """ struct _SamplerCreateInfo <: VulkanStruct{true} vks::VkSamplerCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineLayoutCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineLayoutCreateInfo.html) """ struct _PipelineLayoutCreateInfo <: VulkanStruct{true} vks::VkPipelineLayoutCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPushConstantRange. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPushConstantRange.html) """ struct _PushConstantRange <: VulkanStruct{false} vks::VkPushConstantRange end """ Intermediate wrapper for VkPipelineCacheHeaderVersionOne. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCacheHeaderVersionOne.html) """ struct _PipelineCacheHeaderVersionOne <: VulkanStruct{false} vks::VkPipelineCacheHeaderVersionOne end """ Intermediate wrapper for VkPipelineCacheCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCacheCreateInfo.html) """ struct _PipelineCacheCreateInfo <: VulkanStruct{true} vks::VkPipelineCacheCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineDepthStencilStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineDepthStencilStateCreateInfo.html) """ struct _PipelineDepthStencilStateCreateInfo <: VulkanStruct{true} vks::VkPipelineDepthStencilStateCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkStencilOpState. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkStencilOpState.html) """ struct _StencilOpState <: VulkanStruct{false} vks::VkStencilOpState end """ Intermediate wrapper for VkPipelineDynamicStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineDynamicStateCreateInfo.html) """ struct _PipelineDynamicStateCreateInfo <: VulkanStruct{true} vks::VkPipelineDynamicStateCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineColorBlendStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorBlendStateCreateInfo.html) """ struct _PipelineColorBlendStateCreateInfo <: VulkanStruct{true} vks::VkPipelineColorBlendStateCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineColorBlendAttachmentState. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorBlendAttachmentState.html) """ struct _PipelineColorBlendAttachmentState <: VulkanStruct{false} vks::VkPipelineColorBlendAttachmentState end """ Intermediate wrapper for VkPipelineMultisampleStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineMultisampleStateCreateInfo.html) """ struct _PipelineMultisampleStateCreateInfo <: VulkanStruct{true} vks::VkPipelineMultisampleStateCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineRasterizationStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationStateCreateInfo.html) """ struct _PipelineRasterizationStateCreateInfo <: VulkanStruct{true} vks::VkPipelineRasterizationStateCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineViewportStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportStateCreateInfo.html) """ struct _PipelineViewportStateCreateInfo <: VulkanStruct{true} vks::VkPipelineViewportStateCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineTessellationStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineTessellationStateCreateInfo.html) """ struct _PipelineTessellationStateCreateInfo <: VulkanStruct{true} vks::VkPipelineTessellationStateCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineInputAssemblyStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineInputAssemblyStateCreateInfo.html) """ struct _PipelineInputAssemblyStateCreateInfo <: VulkanStruct{true} vks::VkPipelineInputAssemblyStateCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineVertexInputStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineVertexInputStateCreateInfo.html) """ struct _PipelineVertexInputStateCreateInfo <: VulkanStruct{true} vks::VkPipelineVertexInputStateCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkVertexInputAttributeDescription. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputAttributeDescription.html) """ struct _VertexInputAttributeDescription <: VulkanStruct{false} vks::VkVertexInputAttributeDescription end """ Intermediate wrapper for VkVertexInputBindingDescription. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputBindingDescription.html) """ struct _VertexInputBindingDescription <: VulkanStruct{false} vks::VkVertexInputBindingDescription end """ Intermediate wrapper for VkSpecializationInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSpecializationInfo.html) """ struct _SpecializationInfo <: VulkanStruct{true} vks::VkSpecializationInfo deps::Vector{Any} end """ Intermediate wrapper for VkSpecializationMapEntry. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSpecializationMapEntry.html) """ struct _SpecializationMapEntry <: VulkanStruct{false} vks::VkSpecializationMapEntry end """ Intermediate wrapper for VkDescriptorPoolCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorPoolCreateInfo.html) """ struct _DescriptorPoolCreateInfo <: VulkanStruct{true} vks::VkDescriptorPoolCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkDescriptorPoolSize. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorPoolSize.html) """ struct _DescriptorPoolSize <: VulkanStruct{false} vks::VkDescriptorPoolSize end """ Intermediate wrapper for VkDescriptorSetLayoutCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutCreateInfo.html) """ struct _DescriptorSetLayoutCreateInfo <: VulkanStruct{true} vks::VkDescriptorSetLayoutCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkDescriptorSetLayoutBinding. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutBinding.html) """ struct _DescriptorSetLayoutBinding <: VulkanStruct{true} vks::VkDescriptorSetLayoutBinding deps::Vector{Any} end """ Intermediate wrapper for VkShaderModuleCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderModuleCreateInfo.html) """ struct _ShaderModuleCreateInfo <: VulkanStruct{true} vks::VkShaderModuleCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkImageResolve. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageResolve.html) """ struct _ImageResolve <: VulkanStruct{false} vks::VkImageResolve end """ Intermediate wrapper for VkCopyMemoryToImageIndirectCommandNV. Extension: VK\\_NV\\_copy\\_memory\\_indirect [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryToImageIndirectCommandNV.html) """ struct _CopyMemoryToImageIndirectCommandNV <: VulkanStruct{false} vks::VkCopyMemoryToImageIndirectCommandNV end """ Intermediate wrapper for VkCopyMemoryIndirectCommandNV. Extension: VK\\_NV\\_copy\\_memory\\_indirect [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryIndirectCommandNV.html) """ struct _CopyMemoryIndirectCommandNV <: VulkanStruct{false} vks::VkCopyMemoryIndirectCommandNV end """ Intermediate wrapper for VkBufferImageCopy. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferImageCopy.html) """ struct _BufferImageCopy <: VulkanStruct{false} vks::VkBufferImageCopy end """ Intermediate wrapper for VkImageBlit. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageBlit.html) """ struct _ImageBlit <: VulkanStruct{false} vks::VkImageBlit end """ Intermediate wrapper for VkImageCopy. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCopy.html) """ struct _ImageCopy <: VulkanStruct{false} vks::VkImageCopy end """ Intermediate wrapper for VkBindSparseInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindSparseInfo.html) """ struct _BindSparseInfo <: VulkanStruct{true} vks::VkBindSparseInfo deps::Vector{Any} end """ Intermediate wrapper for VkBufferCopy. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCopy.html) """ struct _BufferCopy <: VulkanStruct{false} vks::VkBufferCopy end """ Intermediate wrapper for VkSubresourceLayout. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubresourceLayout.html) """ struct _SubresourceLayout <: VulkanStruct{false} vks::VkSubresourceLayout end """ Intermediate wrapper for VkImageCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCreateInfo.html) """ struct _ImageCreateInfo <: VulkanStruct{true} vks::VkImageCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkMemoryBarrier. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryBarrier.html) """ struct _MemoryBarrier <: VulkanStruct{true} vks::VkMemoryBarrier deps::Vector{Any} end """ Intermediate wrapper for VkImageSubresourceRange. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresourceRange.html) """ struct _ImageSubresourceRange <: VulkanStruct{false} vks::VkImageSubresourceRange end """ Intermediate wrapper for VkImageSubresourceLayers. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresourceLayers.html) """ struct _ImageSubresourceLayers <: VulkanStruct{false} vks::VkImageSubresourceLayers end """ Intermediate wrapper for VkImageSubresource. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresource.html) """ struct _ImageSubresource <: VulkanStruct{false} vks::VkImageSubresource end """ Intermediate wrapper for VkBufferCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCreateInfo.html) """ struct _BufferCreateInfo <: VulkanStruct{true} vks::VkBufferCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkImageFormatProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageFormatProperties.html) """ struct _ImageFormatProperties <: VulkanStruct{false} vks::VkImageFormatProperties end """ Intermediate wrapper for VkFormatProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFormatProperties.html) """ struct _FormatProperties <: VulkanStruct{false} vks::VkFormatProperties end """ Intermediate wrapper for VkMemoryHeap. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryHeap.html) """ struct _MemoryHeap <: VulkanStruct{false} vks::VkMemoryHeap end """ Intermediate wrapper for VkMemoryType. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryType.html) """ struct _MemoryType <: VulkanStruct{false} vks::VkMemoryType end """ Intermediate wrapper for VkSparseImageMemoryRequirements. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryRequirements.html) """ struct _SparseImageMemoryRequirements <: VulkanStruct{false} vks::VkSparseImageMemoryRequirements end """ Intermediate wrapper for VkSparseImageFormatProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageFormatProperties.html) """ struct _SparseImageFormatProperties <: VulkanStruct{false} vks::VkSparseImageFormatProperties end """ Intermediate wrapper for VkMemoryRequirements. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryRequirements.html) """ struct _MemoryRequirements <: VulkanStruct{false} vks::VkMemoryRequirements end """ Intermediate wrapper for VkMemoryAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryAllocateInfo.html) """ struct _MemoryAllocateInfo <: VulkanStruct{true} vks::VkMemoryAllocateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMemoryProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryProperties.html) """ struct _PhysicalDeviceMemoryProperties <: VulkanStruct{false} vks::VkPhysicalDeviceMemoryProperties end """ Intermediate wrapper for VkQueueFamilyProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyProperties.html) """ struct _QueueFamilyProperties <: VulkanStruct{false} vks::VkQueueFamilyProperties end """ Intermediate wrapper for VkInstanceCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkInstanceCreateInfo.html) """ struct _InstanceCreateInfo <: VulkanStruct{true} vks::VkInstanceCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkDeviceCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceCreateInfo.html) """ struct _DeviceCreateInfo <: VulkanStruct{true} vks::VkDeviceCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkDeviceQueueCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceQueueCreateInfo.html) """ struct _DeviceQueueCreateInfo <: VulkanStruct{true} vks::VkDeviceQueueCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkAllocationCallbacks. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAllocationCallbacks.html) """ struct _AllocationCallbacks <: VulkanStruct{true} vks::VkAllocationCallbacks deps::Vector{Any} end """ Intermediate wrapper for VkApplicationInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkApplicationInfo.html) """ struct _ApplicationInfo <: VulkanStruct{true} vks::VkApplicationInfo deps::Vector{Any} end """ Intermediate wrapper for VkLayerProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkLayerProperties.html) """ struct _LayerProperties <: VulkanStruct{false} vks::VkLayerProperties end """ Intermediate wrapper for VkExtensionProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExtensionProperties.html) """ struct _ExtensionProperties <: VulkanStruct{false} vks::VkExtensionProperties end """ Intermediate wrapper for VkPhysicalDeviceProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProperties.html) """ struct _PhysicalDeviceProperties <: VulkanStruct{false} vks::VkPhysicalDeviceProperties end """ Intermediate wrapper for VkComponentMapping. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkComponentMapping.html) """ struct _ComponentMapping <: VulkanStruct{false} vks::VkComponentMapping end """ Intermediate wrapper for VkClearRect. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearRect.html) """ struct _ClearRect <: VulkanStruct{false} vks::VkClearRect end """ Intermediate wrapper for VkRect2D. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRect2D.html) """ struct _Rect2D <: VulkanStruct{false} vks::VkRect2D end """ Intermediate wrapper for VkViewport. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkViewport.html) """ struct _Viewport <: VulkanStruct{false} vks::VkViewport end """ Intermediate wrapper for VkExtent3D. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExtent3D.html) """ struct _Extent3D <: VulkanStruct{false} vks::VkExtent3D end """ Intermediate wrapper for VkExtent2D. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExtent2D.html) """ struct _Extent2D <: VulkanStruct{false} vks::VkExtent2D end """ Intermediate wrapper for VkOffset3D. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOffset3D.html) """ struct _Offset3D <: VulkanStruct{false} vks::VkOffset3D end """ Intermediate wrapper for VkOffset2D. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOffset2D.html) """ struct _Offset2D <: VulkanStruct{false} vks::VkOffset2D end """ Intermediate wrapper for VkBaseInStructure. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBaseInStructure.html) """ struct _BaseInStructure <: VulkanStruct{true} vks::VkBaseInStructure deps::Vector{Any} end """ Intermediate wrapper for VkBaseOutStructure. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBaseOutStructure.html) """ struct _BaseOutStructure <: VulkanStruct{true} vks::VkBaseOutStructure deps::Vector{Any} end mutable struct Instance <: Handle vks::VkInstance refcount::RefCounter destructor Instance(vks::VkInstance, refcount::RefCounter) = new(vks, refcount, undef) end mutable struct PhysicalDevice <: Handle vks::VkPhysicalDevice instance::Instance refcount::RefCounter destructor PhysicalDevice(vks::VkPhysicalDevice, instance::Instance, refcount::RefCounter) = new(vks, instance, refcount, undef) end mutable struct Device <: Handle vks::VkDevice physical_device::PhysicalDevice refcount::RefCounter destructor Device(vks::VkDevice, physical_device::PhysicalDevice, refcount::RefCounter) = new(vks, physical_device, refcount, undef) end mutable struct Queue <: Handle vks::VkQueue device::Device refcount::RefCounter destructor Queue(vks::VkQueue, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct DeviceMemory <: Handle vks::VkDeviceMemory device::Device refcount::RefCounter destructor DeviceMemory(vks::VkDeviceMemory, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkMappedMemoryRange. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMappedMemoryRange.html) """ struct _MappedMemoryRange <: VulkanStruct{true} vks::VkMappedMemoryRange deps::Vector{Any} memory::DeviceMemory end """ Intermediate wrapper for VkSparseMemoryBind. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseMemoryBind.html) """ struct _SparseMemoryBind <: VulkanStruct{false} vks::VkSparseMemoryBind memory::OptionalPtr{DeviceMemory} end """ Intermediate wrapper for VkSparseImageMemoryBind. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryBind.html) """ struct _SparseImageMemoryBind <: VulkanStruct{false} vks::VkSparseImageMemoryBind memory::OptionalPtr{DeviceMemory} end """ Intermediate wrapper for VkMemoryGetFdInfoKHR. Extension: VK\\_KHR\\_external\\_memory\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryGetFdInfoKHR.html) """ struct _MemoryGetFdInfoKHR <: VulkanStruct{true} vks::VkMemoryGetFdInfoKHR deps::Vector{Any} memory::DeviceMemory end """ Intermediate wrapper for VkDeviceMemoryOpaqueCaptureAddressInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceMemoryOpaqueCaptureAddressInfo.html) """ struct _DeviceMemoryOpaqueCaptureAddressInfo <: VulkanStruct{true} vks::VkDeviceMemoryOpaqueCaptureAddressInfo deps::Vector{Any} memory::DeviceMemory end """ Intermediate wrapper for VkBindVideoSessionMemoryInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindVideoSessionMemoryInfoKHR.html) """ struct _BindVideoSessionMemoryInfoKHR <: VulkanStruct{true} vks::VkBindVideoSessionMemoryInfoKHR deps::Vector{Any} memory::DeviceMemory end """ Intermediate wrapper for VkMemoryGetRemoteAddressInfoNV. Extension: VK\\_NV\\_external\\_memory\\_rdma [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryGetRemoteAddressInfoNV.html) """ struct _MemoryGetRemoteAddressInfoNV <: VulkanStruct{true} vks::VkMemoryGetRemoteAddressInfoNV deps::Vector{Any} memory::DeviceMemory end """ High-level wrapper for VkMappedMemoryRange. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMappedMemoryRange.html) """ @struct_hash_equal struct MappedMemoryRange <: HighLevelStruct next::Any memory::DeviceMemory offset::UInt64 size::UInt64 end """ High-level wrapper for VkDeviceMemoryOpaqueCaptureAddressInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceMemoryOpaqueCaptureAddressInfo.html) """ @struct_hash_equal struct DeviceMemoryOpaqueCaptureAddressInfo <: HighLevelStruct next::Any memory::DeviceMemory end """ High-level wrapper for VkBindVideoSessionMemoryInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindVideoSessionMemoryInfoKHR.html) """ @struct_hash_equal struct BindVideoSessionMemoryInfoKHR <: HighLevelStruct next::Any memory_bind_index::UInt32 memory::DeviceMemory memory_offset::UInt64 memory_size::UInt64 end mutable struct CommandPool <: Handle vks::VkCommandPool device::Device refcount::RefCounter destructor CommandPool(vks::VkCommandPool, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct CommandBuffer <: Handle vks::VkCommandBuffer command_pool::CommandPool refcount::RefCounter destructor CommandBuffer(vks::VkCommandBuffer, command_pool::CommandPool, refcount::RefCounter) = new(vks, command_pool, refcount, undef) end """ Intermediate wrapper for VkCommandBufferSubmitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferSubmitInfo.html) """ struct _CommandBufferSubmitInfo <: VulkanStruct{true} vks::VkCommandBufferSubmitInfo deps::Vector{Any} command_buffer::CommandBuffer end """ High-level wrapper for VkCommandBufferSubmitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferSubmitInfo.html) """ @struct_hash_equal struct CommandBufferSubmitInfo <: HighLevelStruct next::Any command_buffer::CommandBuffer device_mask::UInt32 end """ Intermediate wrapper for VkCommandBufferAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferAllocateInfo.html) """ struct _CommandBufferAllocateInfo <: VulkanStruct{true} vks::VkCommandBufferAllocateInfo deps::Vector{Any} command_pool::CommandPool end mutable struct Buffer <: Handle vks::VkBuffer device::Device refcount::RefCounter destructor Buffer(vks::VkBuffer, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkDescriptorBufferInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorBufferInfo.html) """ struct _DescriptorBufferInfo <: VulkanStruct{false} vks::VkDescriptorBufferInfo buffer::OptionalPtr{Buffer} end """ Intermediate wrapper for VkBufferViewCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferViewCreateInfo.html) """ struct _BufferViewCreateInfo <: VulkanStruct{true} vks::VkBufferViewCreateInfo deps::Vector{Any} buffer::Buffer end """ Intermediate wrapper for VkBufferMemoryBarrier. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferMemoryBarrier.html) """ struct _BufferMemoryBarrier <: VulkanStruct{true} vks::VkBufferMemoryBarrier deps::Vector{Any} buffer::Buffer end """ Intermediate wrapper for VkSparseBufferMemoryBindInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseBufferMemoryBindInfo.html) """ struct _SparseBufferMemoryBindInfo <: VulkanStruct{true} vks::VkSparseBufferMemoryBindInfo deps::Vector{Any} buffer::Buffer end """ Intermediate wrapper for VkIndirectCommandsStreamNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkIndirectCommandsStreamNV.html) """ struct _IndirectCommandsStreamNV <: VulkanStruct{false} vks::VkIndirectCommandsStreamNV buffer::Buffer end """ Intermediate wrapper for VkBindBufferMemoryInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindBufferMemoryInfo.html) """ struct _BindBufferMemoryInfo <: VulkanStruct{true} vks::VkBindBufferMemoryInfo deps::Vector{Any} buffer::Buffer memory::DeviceMemory end """ Intermediate wrapper for VkBufferMemoryRequirementsInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferMemoryRequirementsInfo2.html) """ struct _BufferMemoryRequirementsInfo2 <: VulkanStruct{true} vks::VkBufferMemoryRequirementsInfo2 deps::Vector{Any} buffer::Buffer end """ Intermediate wrapper for VkConditionalRenderingBeginInfoEXT. Extension: VK\\_EXT\\_conditional\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkConditionalRenderingBeginInfoEXT.html) """ struct _ConditionalRenderingBeginInfoEXT <: VulkanStruct{true} vks::VkConditionalRenderingBeginInfoEXT deps::Vector{Any} buffer::Buffer end """ Intermediate wrapper for VkGeometryTrianglesNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryTrianglesNV.html) """ struct _GeometryTrianglesNV <: VulkanStruct{true} vks::VkGeometryTrianglesNV deps::Vector{Any} vertex_data::OptionalPtr{Buffer} index_data::OptionalPtr{Buffer} transform_data::OptionalPtr{Buffer} end """ Intermediate wrapper for VkGeometryAABBNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryAABBNV.html) """ struct _GeometryAABBNV <: VulkanStruct{true} vks::VkGeometryAABBNV deps::Vector{Any} aabb_data::OptionalPtr{Buffer} end """ Intermediate wrapper for VkBufferDeviceAddressInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferDeviceAddressInfo.html) """ struct _BufferDeviceAddressInfo <: VulkanStruct{true} vks::VkBufferDeviceAddressInfo deps::Vector{Any} buffer::Buffer end """ Intermediate wrapper for VkAccelerationStructureCreateInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureCreateInfoKHR.html) """ struct _AccelerationStructureCreateInfoKHR <: VulkanStruct{true} vks::VkAccelerationStructureCreateInfoKHR deps::Vector{Any} buffer::Buffer end """ Intermediate wrapper for VkCopyBufferInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyBufferInfo2.html) """ struct _CopyBufferInfo2 <: VulkanStruct{true} vks::VkCopyBufferInfo2 deps::Vector{Any} src_buffer::Buffer dst_buffer::Buffer end """ Intermediate wrapper for VkBufferMemoryBarrier2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferMemoryBarrier2.html) """ struct _BufferMemoryBarrier2 <: VulkanStruct{true} vks::VkBufferMemoryBarrier2 deps::Vector{Any} buffer::Buffer end """ Intermediate wrapper for VkVideoDecodeInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeInfoKHR.html) """ struct _VideoDecodeInfoKHR <: VulkanStruct{true} vks::VkVideoDecodeInfoKHR deps::Vector{Any} src_buffer::Buffer end """ Intermediate wrapper for VkDescriptorBufferBindingPushDescriptorBufferHandleEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorBufferBindingPushDescriptorBufferHandleEXT.html) """ struct _DescriptorBufferBindingPushDescriptorBufferHandleEXT <: VulkanStruct{true} vks::VkDescriptorBufferBindingPushDescriptorBufferHandleEXT deps::Vector{Any} buffer::Buffer end """ Intermediate wrapper for VkBufferCaptureDescriptorDataInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCaptureDescriptorDataInfoEXT.html) """ struct _BufferCaptureDescriptorDataInfoEXT <: VulkanStruct{true} vks::VkBufferCaptureDescriptorDataInfoEXT deps::Vector{Any} buffer::Buffer end """ Intermediate wrapper for VkMicromapCreateInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapCreateInfoEXT.html) """ struct _MicromapCreateInfoEXT <: VulkanStruct{true} vks::VkMicromapCreateInfoEXT deps::Vector{Any} buffer::Buffer end """ High-level wrapper for VkDescriptorBufferInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorBufferInfo.html) """ @struct_hash_equal struct DescriptorBufferInfo <: HighLevelStruct buffer::OptionalPtr{Buffer} offset::UInt64 range::UInt64 end """ High-level wrapper for VkIndirectCommandsStreamNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkIndirectCommandsStreamNV.html) """ @struct_hash_equal struct IndirectCommandsStreamNV <: HighLevelStruct buffer::Buffer offset::UInt64 end """ High-level wrapper for VkBindBufferMemoryInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindBufferMemoryInfo.html) """ @struct_hash_equal struct BindBufferMemoryInfo <: HighLevelStruct next::Any buffer::Buffer memory::DeviceMemory memory_offset::UInt64 end """ High-level wrapper for VkBufferMemoryRequirementsInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferMemoryRequirementsInfo2.html) """ @struct_hash_equal struct BufferMemoryRequirementsInfo2 <: HighLevelStruct next::Any buffer::Buffer end """ High-level wrapper for VkGeometryAABBNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryAABBNV.html) """ @struct_hash_equal struct GeometryAABBNV <: HighLevelStruct next::Any aabb_data::OptionalPtr{Buffer} num_aab_bs::UInt32 stride::UInt32 offset::UInt64 end """ High-level wrapper for VkBufferDeviceAddressInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferDeviceAddressInfo.html) """ @struct_hash_equal struct BufferDeviceAddressInfo <: HighLevelStruct next::Any buffer::Buffer end """ High-level wrapper for VkCopyBufferInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyBufferInfo2.html) """ @struct_hash_equal struct CopyBufferInfo2 <: HighLevelStruct next::Any src_buffer::Buffer dst_buffer::Buffer regions::Vector{BufferCopy2} end """ High-level wrapper for VkBufferMemoryBarrier2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferMemoryBarrier2.html) """ @struct_hash_equal struct BufferMemoryBarrier2 <: HighLevelStruct next::Any src_stage_mask::UInt64 src_access_mask::UInt64 dst_stage_mask::UInt64 dst_access_mask::UInt64 src_queue_family_index::UInt32 dst_queue_family_index::UInt32 buffer::Buffer offset::UInt64 size::UInt64 end """ High-level wrapper for VkDescriptorBufferBindingPushDescriptorBufferHandleEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorBufferBindingPushDescriptorBufferHandleEXT.html) """ @struct_hash_equal struct DescriptorBufferBindingPushDescriptorBufferHandleEXT <: HighLevelStruct next::Any buffer::Buffer end """ High-level wrapper for VkBufferCaptureDescriptorDataInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCaptureDescriptorDataInfoEXT.html) """ @struct_hash_equal struct BufferCaptureDescriptorDataInfoEXT <: HighLevelStruct next::Any buffer::Buffer end mutable struct BufferView <: Handle vks::VkBufferView device::Device refcount::RefCounter destructor BufferView(vks::VkBufferView, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct Image <: Handle vks::VkImage device::Device refcount::RefCounter destructor Image(vks::VkImage, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkImageMemoryBarrier. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageMemoryBarrier.html) """ struct _ImageMemoryBarrier <: VulkanStruct{true} vks::VkImageMemoryBarrier deps::Vector{Any} image::Image end """ Intermediate wrapper for VkImageViewCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewCreateInfo.html) """ struct _ImageViewCreateInfo <: VulkanStruct{true} vks::VkImageViewCreateInfo deps::Vector{Any} image::Image end """ Intermediate wrapper for VkSparseImageOpaqueMemoryBindInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageOpaqueMemoryBindInfo.html) """ struct _SparseImageOpaqueMemoryBindInfo <: VulkanStruct{true} vks::VkSparseImageOpaqueMemoryBindInfo deps::Vector{Any} image::Image end """ Intermediate wrapper for VkSparseImageMemoryBindInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryBindInfo.html) """ struct _SparseImageMemoryBindInfo <: VulkanStruct{true} vks::VkSparseImageMemoryBindInfo deps::Vector{Any} image::Image end """ Intermediate wrapper for VkDedicatedAllocationMemoryAllocateInfoNV. Extension: VK\\_NV\\_dedicated\\_allocation [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDedicatedAllocationMemoryAllocateInfoNV.html) """ struct _DedicatedAllocationMemoryAllocateInfoNV <: VulkanStruct{true} vks::VkDedicatedAllocationMemoryAllocateInfoNV deps::Vector{Any} image::OptionalPtr{Image} buffer::OptionalPtr{Buffer} end """ Intermediate wrapper for VkBindImageMemoryInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImageMemoryInfo.html) """ struct _BindImageMemoryInfo <: VulkanStruct{true} vks::VkBindImageMemoryInfo deps::Vector{Any} image::Image memory::DeviceMemory end """ Intermediate wrapper for VkImageMemoryRequirementsInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageMemoryRequirementsInfo2.html) """ struct _ImageMemoryRequirementsInfo2 <: VulkanStruct{true} vks::VkImageMemoryRequirementsInfo2 deps::Vector{Any} image::Image end """ Intermediate wrapper for VkImageSparseMemoryRequirementsInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSparseMemoryRequirementsInfo2.html) """ struct _ImageSparseMemoryRequirementsInfo2 <: VulkanStruct{true} vks::VkImageSparseMemoryRequirementsInfo2 deps::Vector{Any} image::Image end """ Intermediate wrapper for VkMemoryDedicatedAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryDedicatedAllocateInfo.html) """ struct _MemoryDedicatedAllocateInfo <: VulkanStruct{true} vks::VkMemoryDedicatedAllocateInfo deps::Vector{Any} image::OptionalPtr{Image} buffer::OptionalPtr{Buffer} end """ Intermediate wrapper for VkCopyImageInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyImageInfo2.html) """ struct _CopyImageInfo2 <: VulkanStruct{true} vks::VkCopyImageInfo2 deps::Vector{Any} src_image::Image dst_image::Image end """ Intermediate wrapper for VkBlitImageInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBlitImageInfo2.html) """ struct _BlitImageInfo2 <: VulkanStruct{true} vks::VkBlitImageInfo2 deps::Vector{Any} src_image::Image dst_image::Image end """ Intermediate wrapper for VkCopyBufferToImageInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyBufferToImageInfo2.html) """ struct _CopyBufferToImageInfo2 <: VulkanStruct{true} vks::VkCopyBufferToImageInfo2 deps::Vector{Any} src_buffer::Buffer dst_image::Image end """ Intermediate wrapper for VkCopyImageToBufferInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyImageToBufferInfo2.html) """ struct _CopyImageToBufferInfo2 <: VulkanStruct{true} vks::VkCopyImageToBufferInfo2 deps::Vector{Any} src_image::Image dst_buffer::Buffer end """ Intermediate wrapper for VkResolveImageInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkResolveImageInfo2.html) """ struct _ResolveImageInfo2 <: VulkanStruct{true} vks::VkResolveImageInfo2 deps::Vector{Any} src_image::Image dst_image::Image end """ Intermediate wrapper for VkImageMemoryBarrier2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageMemoryBarrier2.html) """ struct _ImageMemoryBarrier2 <: VulkanStruct{true} vks::VkImageMemoryBarrier2 deps::Vector{Any} image::Image end """ Intermediate wrapper for VkImageCaptureDescriptorDataInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCaptureDescriptorDataInfoEXT.html) """ struct _ImageCaptureDescriptorDataInfoEXT <: VulkanStruct{true} vks::VkImageCaptureDescriptorDataInfoEXT deps::Vector{Any} image::Image end """ High-level wrapper for VkDedicatedAllocationMemoryAllocateInfoNV. Extension: VK\\_NV\\_dedicated\\_allocation [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDedicatedAllocationMemoryAllocateInfoNV.html) """ @struct_hash_equal struct DedicatedAllocationMemoryAllocateInfoNV <: HighLevelStruct next::Any image::OptionalPtr{Image} buffer::OptionalPtr{Buffer} end """ High-level wrapper for VkBindImageMemoryInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImageMemoryInfo.html) """ @struct_hash_equal struct BindImageMemoryInfo <: HighLevelStruct next::Any image::Image memory::DeviceMemory memory_offset::UInt64 end """ High-level wrapper for VkImageMemoryRequirementsInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageMemoryRequirementsInfo2.html) """ @struct_hash_equal struct ImageMemoryRequirementsInfo2 <: HighLevelStruct next::Any image::Image end """ High-level wrapper for VkImageSparseMemoryRequirementsInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSparseMemoryRequirementsInfo2.html) """ @struct_hash_equal struct ImageSparseMemoryRequirementsInfo2 <: HighLevelStruct next::Any image::Image end """ High-level wrapper for VkMemoryDedicatedAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryDedicatedAllocateInfo.html) """ @struct_hash_equal struct MemoryDedicatedAllocateInfo <: HighLevelStruct next::Any image::OptionalPtr{Image} buffer::OptionalPtr{Buffer} end """ High-level wrapper for VkImageCaptureDescriptorDataInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCaptureDescriptorDataInfoEXT.html) """ @struct_hash_equal struct ImageCaptureDescriptorDataInfoEXT <: HighLevelStruct next::Any image::Image end mutable struct ImageView <: Handle vks::VkImageView device::Device refcount::RefCounter destructor ImageView(vks::VkImageView, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkVideoPictureResourceInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoPictureResourceInfoKHR.html) """ struct _VideoPictureResourceInfoKHR <: VulkanStruct{true} vks::VkVideoPictureResourceInfoKHR deps::Vector{Any} image_view_binding::ImageView end """ Intermediate wrapper for VkImageViewCaptureDescriptorDataInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewCaptureDescriptorDataInfoEXT.html) """ struct _ImageViewCaptureDescriptorDataInfoEXT <: VulkanStruct{true} vks::VkImageViewCaptureDescriptorDataInfoEXT deps::Vector{Any} image_view::ImageView end """ Intermediate wrapper for VkRenderingAttachmentInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingAttachmentInfo.html) """ struct _RenderingAttachmentInfo <: VulkanStruct{true} vks::VkRenderingAttachmentInfo deps::Vector{Any} image_view::OptionalPtr{ImageView} resolve_image_view::OptionalPtr{ImageView} end """ Intermediate wrapper for VkRenderingFragmentShadingRateAttachmentInfoKHR. Extension: VK\\_KHR\\_dynamic\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingFragmentShadingRateAttachmentInfoKHR.html) """ struct _RenderingFragmentShadingRateAttachmentInfoKHR <: VulkanStruct{true} vks::VkRenderingFragmentShadingRateAttachmentInfoKHR deps::Vector{Any} image_view::OptionalPtr{ImageView} end """ Intermediate wrapper for VkRenderingFragmentDensityMapAttachmentInfoEXT. Extension: VK\\_KHR\\_dynamic\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingFragmentDensityMapAttachmentInfoEXT.html) """ struct _RenderingFragmentDensityMapAttachmentInfoEXT <: VulkanStruct{true} vks::VkRenderingFragmentDensityMapAttachmentInfoEXT deps::Vector{Any} image_view::ImageView end """ High-level wrapper for VkRenderPassAttachmentBeginInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassAttachmentBeginInfo.html) """ @struct_hash_equal struct RenderPassAttachmentBeginInfo <: HighLevelStruct next::Any attachments::Vector{ImageView} end """ High-level wrapper for VkVideoPictureResourceInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoPictureResourceInfoKHR.html) """ @struct_hash_equal struct VideoPictureResourceInfoKHR <: HighLevelStruct next::Any coded_offset::Offset2D coded_extent::Extent2D base_array_layer::UInt32 image_view_binding::ImageView end """ High-level wrapper for VkVideoReferenceSlotInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoReferenceSlotInfoKHR.html) """ @struct_hash_equal struct VideoReferenceSlotInfoKHR <: HighLevelStruct next::Any slot_index::Int32 picture_resource::OptionalPtr{VideoPictureResourceInfoKHR} end """ High-level wrapper for VkVideoDecodeInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeInfoKHR.html) """ @struct_hash_equal struct VideoDecodeInfoKHR <: HighLevelStruct next::Any flags::UInt32 src_buffer::Buffer src_buffer_offset::UInt64 src_buffer_range::UInt64 dst_picture_resource::VideoPictureResourceInfoKHR setup_reference_slot::OptionalPtr{VideoReferenceSlotInfoKHR} reference_slots::Vector{VideoReferenceSlotInfoKHR} end """ High-level wrapper for VkImageViewCaptureDescriptorDataInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewCaptureDescriptorDataInfoEXT.html) """ @struct_hash_equal struct ImageViewCaptureDescriptorDataInfoEXT <: HighLevelStruct next::Any image_view::ImageView end mutable struct ShaderModule <: Handle vks::VkShaderModule device::Device refcount::RefCounter destructor ShaderModule(vks::VkShaderModule, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkPipelineShaderStageCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineShaderStageCreateInfo.html) """ struct _PipelineShaderStageCreateInfo <: VulkanStruct{true} vks::VkPipelineShaderStageCreateInfo deps::Vector{Any} _module::OptionalPtr{ShaderModule} end mutable struct Pipeline <: Handle vks::VkPipeline device::Device refcount::RefCounter destructor Pipeline(vks::VkPipeline, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkPipelineInfoKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineInfoKHR.html) """ struct _PipelineInfoKHR <: VulkanStruct{true} vks::VkPipelineInfoKHR deps::Vector{Any} pipeline::Pipeline end """ Intermediate wrapper for VkPipelineExecutableInfoKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableInfoKHR.html) """ struct _PipelineExecutableInfoKHR <: VulkanStruct{true} vks::VkPipelineExecutableInfoKHR deps::Vector{Any} pipeline::Pipeline end """ High-level wrapper for VkPipelineInfoKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineInfoKHR.html) """ @struct_hash_equal struct PipelineInfoKHR <: HighLevelStruct next::Any pipeline::Pipeline end """ High-level wrapper for VkPipelineExecutableInfoKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableInfoKHR.html) """ @struct_hash_equal struct PipelineExecutableInfoKHR <: HighLevelStruct next::Any pipeline::Pipeline executable_index::UInt32 end """ High-level wrapper for VkPipelineLibraryCreateInfoKHR. Extension: VK\\_KHR\\_pipeline\\_library [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineLibraryCreateInfoKHR.html) """ @struct_hash_equal struct PipelineLibraryCreateInfoKHR <: HighLevelStruct next::Any libraries::Vector{Pipeline} end mutable struct PipelineLayout <: Handle vks::VkPipelineLayout device::Device refcount::RefCounter destructor PipelineLayout(vks::VkPipelineLayout, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkComputePipelineCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkComputePipelineCreateInfo.html) """ struct _ComputePipelineCreateInfo <: VulkanStruct{true} vks::VkComputePipelineCreateInfo deps::Vector{Any} layout::PipelineLayout base_pipeline_handle::OptionalPtr{Pipeline} end """ Intermediate wrapper for VkIndirectCommandsLayoutTokenNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkIndirectCommandsLayoutTokenNV.html) """ struct _IndirectCommandsLayoutTokenNV <: VulkanStruct{true} vks::VkIndirectCommandsLayoutTokenNV deps::Vector{Any} pushconstant_pipeline_layout::OptionalPtr{PipelineLayout} end """ Intermediate wrapper for VkRayTracingPipelineCreateInfoNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingPipelineCreateInfoNV.html) """ struct _RayTracingPipelineCreateInfoNV <: VulkanStruct{true} vks::VkRayTracingPipelineCreateInfoNV deps::Vector{Any} layout::PipelineLayout base_pipeline_handle::OptionalPtr{Pipeline} end """ Intermediate wrapper for VkRayTracingPipelineCreateInfoKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingPipelineCreateInfoKHR.html) """ struct _RayTracingPipelineCreateInfoKHR <: VulkanStruct{true} vks::VkRayTracingPipelineCreateInfoKHR deps::Vector{Any} layout::PipelineLayout base_pipeline_handle::OptionalPtr{Pipeline} end mutable struct Sampler <: Handle vks::VkSampler device::Device refcount::RefCounter destructor Sampler(vks::VkSampler, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkDescriptorImageInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorImageInfo.html) """ struct _DescriptorImageInfo <: VulkanStruct{false} vks::VkDescriptorImageInfo sampler::Sampler image_view::ImageView end """ Intermediate wrapper for VkImageViewHandleInfoNVX. Extension: VK\\_NVX\\_image\\_view\\_handle [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewHandleInfoNVX.html) """ struct _ImageViewHandleInfoNVX <: VulkanStruct{true} vks::VkImageViewHandleInfoNVX deps::Vector{Any} image_view::ImageView sampler::OptionalPtr{Sampler} end """ Intermediate wrapper for VkSamplerCaptureDescriptorDataInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerCaptureDescriptorDataInfoEXT.html) """ struct _SamplerCaptureDescriptorDataInfoEXT <: VulkanStruct{true} vks::VkSamplerCaptureDescriptorDataInfoEXT deps::Vector{Any} sampler::Sampler end """ High-level wrapper for VkSamplerCaptureDescriptorDataInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerCaptureDescriptorDataInfoEXT.html) """ @struct_hash_equal struct SamplerCaptureDescriptorDataInfoEXT <: HighLevelStruct next::Any sampler::Sampler end mutable struct DescriptorSetLayout <: Handle vks::VkDescriptorSetLayout device::Device refcount::RefCounter destructor DescriptorSetLayout(vks::VkDescriptorSetLayout, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkDescriptorUpdateTemplateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorUpdateTemplateCreateInfo.html) """ struct _DescriptorUpdateTemplateCreateInfo <: VulkanStruct{true} vks::VkDescriptorUpdateTemplateCreateInfo deps::Vector{Any} descriptor_set_layout::DescriptorSetLayout pipeline_layout::PipelineLayout end """ Intermediate wrapper for VkDescriptorSetBindingReferenceVALVE. Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetBindingReferenceVALVE.html) """ struct _DescriptorSetBindingReferenceVALVE <: VulkanStruct{true} vks::VkDescriptorSetBindingReferenceVALVE deps::Vector{Any} descriptor_set_layout::DescriptorSetLayout end """ High-level wrapper for VkDescriptorSetBindingReferenceVALVE. Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetBindingReferenceVALVE.html) """ @struct_hash_equal struct DescriptorSetBindingReferenceVALVE <: HighLevelStruct next::Any descriptor_set_layout::DescriptorSetLayout binding::UInt32 end mutable struct DescriptorPool <: Handle vks::VkDescriptorPool device::Device refcount::RefCounter destructor DescriptorPool(vks::VkDescriptorPool, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct DescriptorSet <: Handle vks::VkDescriptorSet descriptor_pool::DescriptorPool refcount::RefCounter destructor DescriptorSet(vks::VkDescriptorSet, descriptor_pool::DescriptorPool, refcount::RefCounter) = new(vks, descriptor_pool, refcount, undef) end """ Intermediate wrapper for VkWriteDescriptorSet. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSet.html) """ struct _WriteDescriptorSet <: VulkanStruct{true} vks::VkWriteDescriptorSet deps::Vector{Any} dst_set::DescriptorSet end """ Intermediate wrapper for VkCopyDescriptorSet. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyDescriptorSet.html) """ struct _CopyDescriptorSet <: VulkanStruct{true} vks::VkCopyDescriptorSet deps::Vector{Any} src_set::DescriptorSet dst_set::DescriptorSet end """ High-level wrapper for VkCopyDescriptorSet. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyDescriptorSet.html) """ @struct_hash_equal struct CopyDescriptorSet <: HighLevelStruct next::Any src_set::DescriptorSet src_binding::UInt32 src_array_element::UInt32 dst_set::DescriptorSet dst_binding::UInt32 dst_array_element::UInt32 descriptor_count::UInt32 end """ Intermediate wrapper for VkDescriptorSetAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetAllocateInfo.html) """ struct _DescriptorSetAllocateInfo <: VulkanStruct{true} vks::VkDescriptorSetAllocateInfo deps::Vector{Any} descriptor_pool::DescriptorPool end """ High-level wrapper for VkDescriptorSetAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetAllocateInfo.html) """ @struct_hash_equal struct DescriptorSetAllocateInfo <: HighLevelStruct next::Any descriptor_pool::DescriptorPool set_layouts::Vector{DescriptorSetLayout} end mutable struct Fence <: Handle vks::VkFence device::Device refcount::RefCounter destructor Fence(vks::VkFence, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkImportFenceFdInfoKHR. Extension: VK\\_KHR\\_external\\_fence\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportFenceFdInfoKHR.html) """ struct _ImportFenceFdInfoKHR <: VulkanStruct{true} vks::VkImportFenceFdInfoKHR deps::Vector{Any} fence::Fence end """ Intermediate wrapper for VkFenceGetFdInfoKHR. Extension: VK\\_KHR\\_external\\_fence\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFenceGetFdInfoKHR.html) """ struct _FenceGetFdInfoKHR <: VulkanStruct{true} vks::VkFenceGetFdInfoKHR deps::Vector{Any} fence::Fence end """ High-level wrapper for VkSwapchainPresentFenceInfoEXT. Extension: VK\\_EXT\\_swapchain\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentFenceInfoEXT.html) """ @struct_hash_equal struct SwapchainPresentFenceInfoEXT <: HighLevelStruct next::Any fences::Vector{Fence} end mutable struct Semaphore <: Handle vks::VkSemaphore device::Device refcount::RefCounter destructor Semaphore(vks::VkSemaphore, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkImportSemaphoreFdInfoKHR. Extension: VK\\_KHR\\_external\\_semaphore\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportSemaphoreFdInfoKHR.html) """ struct _ImportSemaphoreFdInfoKHR <: VulkanStruct{true} vks::VkImportSemaphoreFdInfoKHR deps::Vector{Any} semaphore::Semaphore end """ Intermediate wrapper for VkSemaphoreGetFdInfoKHR. Extension: VK\\_KHR\\_external\\_semaphore\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreGetFdInfoKHR.html) """ struct _SemaphoreGetFdInfoKHR <: VulkanStruct{true} vks::VkSemaphoreGetFdInfoKHR deps::Vector{Any} semaphore::Semaphore end """ Intermediate wrapper for VkSemaphoreSignalInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreSignalInfo.html) """ struct _SemaphoreSignalInfo <: VulkanStruct{true} vks::VkSemaphoreSignalInfo deps::Vector{Any} semaphore::Semaphore end """ Intermediate wrapper for VkSemaphoreSubmitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreSubmitInfo.html) """ struct _SemaphoreSubmitInfo <: VulkanStruct{true} vks::VkSemaphoreSubmitInfo deps::Vector{Any} semaphore::Semaphore end """ High-level wrapper for VkSemaphoreSignalInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreSignalInfo.html) """ @struct_hash_equal struct SemaphoreSignalInfo <: HighLevelStruct next::Any semaphore::Semaphore value::UInt64 end """ High-level wrapper for VkSemaphoreSubmitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreSubmitInfo.html) """ @struct_hash_equal struct SemaphoreSubmitInfo <: HighLevelStruct next::Any semaphore::Semaphore value::UInt64 stage_mask::UInt64 device_index::UInt32 end mutable struct Event <: Handle vks::VkEvent device::Device refcount::RefCounter destructor Event(vks::VkEvent, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct QueryPool <: Handle vks::VkQueryPool device::Device refcount::RefCounter destructor QueryPool(vks::VkQueryPool, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct Framebuffer <: Handle vks::VkFramebuffer device::Device refcount::RefCounter destructor Framebuffer(vks::VkFramebuffer, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct RenderPass <: Handle vks::VkRenderPass device::Device refcount::RefCounter destructor RenderPass(vks::VkRenderPass, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkGraphicsPipelineCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsPipelineCreateInfo.html) """ struct _GraphicsPipelineCreateInfo <: VulkanStruct{true} vks::VkGraphicsPipelineCreateInfo deps::Vector{Any} layout::OptionalPtr{PipelineLayout} render_pass::OptionalPtr{RenderPass} base_pipeline_handle::OptionalPtr{Pipeline} end """ Intermediate wrapper for VkCommandBufferInheritanceInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceInfo.html) """ struct _CommandBufferInheritanceInfo <: VulkanStruct{true} vks::VkCommandBufferInheritanceInfo deps::Vector{Any} render_pass::OptionalPtr{RenderPass} framebuffer::OptionalPtr{Framebuffer} end """ Intermediate wrapper for VkRenderPassBeginInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassBeginInfo.html) """ struct _RenderPassBeginInfo <: VulkanStruct{true} vks::VkRenderPassBeginInfo deps::Vector{Any} render_pass::RenderPass framebuffer::Framebuffer end """ Intermediate wrapper for VkFramebufferCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferCreateInfo.html) """ struct _FramebufferCreateInfo <: VulkanStruct{true} vks::VkFramebufferCreateInfo deps::Vector{Any} render_pass::RenderPass end """ Intermediate wrapper for VkSubpassShadingPipelineCreateInfoHUAWEI. Extension: VK\\_HUAWEI\\_subpass\\_shading [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassShadingPipelineCreateInfoHUAWEI.html) """ struct _SubpassShadingPipelineCreateInfoHUAWEI <: VulkanStruct{true} vks::VkSubpassShadingPipelineCreateInfoHUAWEI deps::Vector{Any} render_pass::RenderPass end """ High-level wrapper for VkRenderPassBeginInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassBeginInfo.html) """ @struct_hash_equal struct RenderPassBeginInfo <: HighLevelStruct next::Any render_pass::RenderPass framebuffer::Framebuffer render_area::Rect2D clear_values::Vector{ClearValue} end """ High-level wrapper for VkSubpassShadingPipelineCreateInfoHUAWEI. Extension: VK\\_HUAWEI\\_subpass\\_shading [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassShadingPipelineCreateInfoHUAWEI.html) """ @struct_hash_equal struct SubpassShadingPipelineCreateInfoHUAWEI <: HighLevelStruct next::Any render_pass::RenderPass subpass::UInt32 end mutable struct PipelineCache <: Handle vks::VkPipelineCache device::Device refcount::RefCounter destructor PipelineCache(vks::VkPipelineCache, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct IndirectCommandsLayoutNV <: Handle vks::VkIndirectCommandsLayoutNV device::Device refcount::RefCounter destructor IndirectCommandsLayoutNV(vks::VkIndirectCommandsLayoutNV, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkGeneratedCommandsInfoNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeneratedCommandsInfoNV.html) """ struct _GeneratedCommandsInfoNV <: VulkanStruct{true} vks::VkGeneratedCommandsInfoNV deps::Vector{Any} pipeline::Pipeline indirect_commands_layout::IndirectCommandsLayoutNV preprocess_buffer::Buffer sequences_count_buffer::OptionalPtr{Buffer} sequences_index_buffer::OptionalPtr{Buffer} end """ Intermediate wrapper for VkGeneratedCommandsMemoryRequirementsInfoNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeneratedCommandsMemoryRequirementsInfoNV.html) """ struct _GeneratedCommandsMemoryRequirementsInfoNV <: VulkanStruct{true} vks::VkGeneratedCommandsMemoryRequirementsInfoNV deps::Vector{Any} pipeline::Pipeline indirect_commands_layout::IndirectCommandsLayoutNV end mutable struct DescriptorUpdateTemplate <: Handle vks::VkDescriptorUpdateTemplate device::Device refcount::RefCounter destructor DescriptorUpdateTemplate(vks::VkDescriptorUpdateTemplate, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct SamplerYcbcrConversion <: Handle vks::VkSamplerYcbcrConversion device::Device refcount::RefCounter destructor SamplerYcbcrConversion(vks::VkSamplerYcbcrConversion, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkSamplerYcbcrConversionInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerYcbcrConversionInfo.html) """ struct _SamplerYcbcrConversionInfo <: VulkanStruct{true} vks::VkSamplerYcbcrConversionInfo deps::Vector{Any} conversion::SamplerYcbcrConversion end """ High-level wrapper for VkSamplerYcbcrConversionInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerYcbcrConversionInfo.html) """ @struct_hash_equal struct SamplerYcbcrConversionInfo <: HighLevelStruct next::Any conversion::SamplerYcbcrConversion end mutable struct ValidationCacheEXT <: Handle vks::VkValidationCacheEXT device::Device refcount::RefCounter destructor ValidationCacheEXT(vks::VkValidationCacheEXT, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkShaderModuleValidationCacheCreateInfoEXT. Extension: VK\\_EXT\\_validation\\_cache [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderModuleValidationCacheCreateInfoEXT.html) """ struct _ShaderModuleValidationCacheCreateInfoEXT <: VulkanStruct{true} vks::VkShaderModuleValidationCacheCreateInfoEXT deps::Vector{Any} validation_cache::ValidationCacheEXT end """ High-level wrapper for VkShaderModuleValidationCacheCreateInfoEXT. Extension: VK\\_EXT\\_validation\\_cache [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderModuleValidationCacheCreateInfoEXT.html) """ @struct_hash_equal struct ShaderModuleValidationCacheCreateInfoEXT <: HighLevelStruct next::Any validation_cache::ValidationCacheEXT end mutable struct AccelerationStructureKHR <: Handle vks::VkAccelerationStructureKHR device::Device refcount::RefCounter destructor AccelerationStructureKHR(vks::VkAccelerationStructureKHR, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkAccelerationStructureBuildGeometryInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureBuildGeometryInfoKHR.html) """ struct _AccelerationStructureBuildGeometryInfoKHR <: VulkanStruct{true} vks::VkAccelerationStructureBuildGeometryInfoKHR deps::Vector{Any} src_acceleration_structure::OptionalPtr{AccelerationStructureKHR} dst_acceleration_structure::OptionalPtr{AccelerationStructureKHR} end """ Intermediate wrapper for VkAccelerationStructureDeviceAddressInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureDeviceAddressInfoKHR.html) """ struct _AccelerationStructureDeviceAddressInfoKHR <: VulkanStruct{true} vks::VkAccelerationStructureDeviceAddressInfoKHR deps::Vector{Any} acceleration_structure::AccelerationStructureKHR end """ Intermediate wrapper for VkCopyAccelerationStructureInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyAccelerationStructureInfoKHR.html) """ struct _CopyAccelerationStructureInfoKHR <: VulkanStruct{true} vks::VkCopyAccelerationStructureInfoKHR deps::Vector{Any} src::AccelerationStructureKHR dst::AccelerationStructureKHR end """ Intermediate wrapper for VkCopyAccelerationStructureToMemoryInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyAccelerationStructureToMemoryInfoKHR.html) """ struct _CopyAccelerationStructureToMemoryInfoKHR <: VulkanStruct{true} vks::VkCopyAccelerationStructureToMemoryInfoKHR deps::Vector{Any} src::AccelerationStructureKHR end """ Intermediate wrapper for VkCopyMemoryToAccelerationStructureInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryToAccelerationStructureInfoKHR.html) """ struct _CopyMemoryToAccelerationStructureInfoKHR <: VulkanStruct{true} vks::VkCopyMemoryToAccelerationStructureInfoKHR deps::Vector{Any} dst::AccelerationStructureKHR end """ High-level wrapper for VkWriteDescriptorSetAccelerationStructureKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSetAccelerationStructureKHR.html) """ @struct_hash_equal struct WriteDescriptorSetAccelerationStructureKHR <: HighLevelStruct next::Any acceleration_structures::Vector{AccelerationStructureKHR} end """ High-level wrapper for VkAccelerationStructureDeviceAddressInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureDeviceAddressInfoKHR.html) """ @struct_hash_equal struct AccelerationStructureDeviceAddressInfoKHR <: HighLevelStruct next::Any acceleration_structure::AccelerationStructureKHR end mutable struct AccelerationStructureNV <: Handle vks::VkAccelerationStructureNV device::Device refcount::RefCounter destructor AccelerationStructureNV(vks::VkAccelerationStructureNV, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkBindAccelerationStructureMemoryInfoNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindAccelerationStructureMemoryInfoNV.html) """ struct _BindAccelerationStructureMemoryInfoNV <: VulkanStruct{true} vks::VkBindAccelerationStructureMemoryInfoNV deps::Vector{Any} acceleration_structure::AccelerationStructureNV memory::DeviceMemory end """ Intermediate wrapper for VkAccelerationStructureMemoryRequirementsInfoNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMemoryRequirementsInfoNV.html) """ struct _AccelerationStructureMemoryRequirementsInfoNV <: VulkanStruct{true} vks::VkAccelerationStructureMemoryRequirementsInfoNV deps::Vector{Any} acceleration_structure::AccelerationStructureNV end """ Intermediate wrapper for VkAccelerationStructureCaptureDescriptorDataInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureCaptureDescriptorDataInfoEXT.html) """ struct _AccelerationStructureCaptureDescriptorDataInfoEXT <: VulkanStruct{true} vks::VkAccelerationStructureCaptureDescriptorDataInfoEXT deps::Vector{Any} acceleration_structure::OptionalPtr{AccelerationStructureKHR} acceleration_structure_nv::OptionalPtr{AccelerationStructureNV} end """ High-level wrapper for VkBindAccelerationStructureMemoryInfoNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindAccelerationStructureMemoryInfoNV.html) """ @struct_hash_equal struct BindAccelerationStructureMemoryInfoNV <: HighLevelStruct next::Any acceleration_structure::AccelerationStructureNV memory::DeviceMemory memory_offset::UInt64 device_indices::Vector{UInt32} end """ High-level wrapper for VkWriteDescriptorSetAccelerationStructureNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSetAccelerationStructureNV.html) """ @struct_hash_equal struct WriteDescriptorSetAccelerationStructureNV <: HighLevelStruct next::Any acceleration_structures::Vector{AccelerationStructureNV} end """ High-level wrapper for VkAccelerationStructureCaptureDescriptorDataInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureCaptureDescriptorDataInfoEXT.html) """ @struct_hash_equal struct AccelerationStructureCaptureDescriptorDataInfoEXT <: HighLevelStruct next::Any acceleration_structure::OptionalPtr{AccelerationStructureKHR} acceleration_structure_nv::OptionalPtr{AccelerationStructureNV} end mutable struct PerformanceConfigurationINTEL <: Handle vks::VkPerformanceConfigurationINTEL device::Device refcount::RefCounter destructor PerformanceConfigurationINTEL(vks::VkPerformanceConfigurationINTEL, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct DeferredOperationKHR <: Handle vks::VkDeferredOperationKHR device::Device refcount::RefCounter destructor DeferredOperationKHR(vks::VkDeferredOperationKHR, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct PrivateDataSlot <: Handle vks::VkPrivateDataSlot device::Device refcount::RefCounter destructor PrivateDataSlot(vks::VkPrivateDataSlot, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct CuModuleNVX <: Handle vks::VkCuModuleNVX device::Device refcount::RefCounter destructor CuModuleNVX(vks::VkCuModuleNVX, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkCuFunctionCreateInfoNVX. Extension: VK\\_NVX\\_binary\\_import [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCuFunctionCreateInfoNVX.html) """ struct _CuFunctionCreateInfoNVX <: VulkanStruct{true} vks::VkCuFunctionCreateInfoNVX deps::Vector{Any} _module::CuModuleNVX end """ High-level wrapper for VkCuFunctionCreateInfoNVX. Extension: VK\\_NVX\\_binary\\_import [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCuFunctionCreateInfoNVX.html) """ @struct_hash_equal struct CuFunctionCreateInfoNVX <: HighLevelStruct next::Any _module::CuModuleNVX name::String end mutable struct CuFunctionNVX <: Handle vks::VkCuFunctionNVX device::Device refcount::RefCounter destructor CuFunctionNVX(vks::VkCuFunctionNVX, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkCuLaunchInfoNVX. Extension: VK\\_NVX\\_binary\\_import [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCuLaunchInfoNVX.html) """ struct _CuLaunchInfoNVX <: VulkanStruct{true} vks::VkCuLaunchInfoNVX deps::Vector{Any} _function::CuFunctionNVX end """ High-level wrapper for VkCuLaunchInfoNVX. Extension: VK\\_NVX\\_binary\\_import [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCuLaunchInfoNVX.html) """ @struct_hash_equal struct CuLaunchInfoNVX <: HighLevelStruct next::Any _function::CuFunctionNVX grid_dim_x::UInt32 grid_dim_y::UInt32 grid_dim_z::UInt32 block_dim_x::UInt32 block_dim_y::UInt32 block_dim_z::UInt32 shared_mem_bytes::UInt32 end mutable struct OpticalFlowSessionNV <: Handle vks::VkOpticalFlowSessionNV device::Device refcount::RefCounter destructor OpticalFlowSessionNV(vks::VkOpticalFlowSessionNV, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct MicromapEXT <: Handle vks::VkMicromapEXT device::Device refcount::RefCounter destructor MicromapEXT(vks::VkMicromapEXT, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkMicromapBuildInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapBuildInfoEXT.html) """ struct _MicromapBuildInfoEXT <: VulkanStruct{true} vks::VkMicromapBuildInfoEXT deps::Vector{Any} dst_micromap::OptionalPtr{MicromapEXT} end """ Intermediate wrapper for VkCopyMicromapInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMicromapInfoEXT.html) """ struct _CopyMicromapInfoEXT <: VulkanStruct{true} vks::VkCopyMicromapInfoEXT deps::Vector{Any} src::MicromapEXT dst::MicromapEXT end """ Intermediate wrapper for VkCopyMicromapToMemoryInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMicromapToMemoryInfoEXT.html) """ struct _CopyMicromapToMemoryInfoEXT <: VulkanStruct{true} vks::VkCopyMicromapToMemoryInfoEXT deps::Vector{Any} src::MicromapEXT end """ Intermediate wrapper for VkCopyMemoryToMicromapInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryToMicromapInfoEXT.html) """ struct _CopyMemoryToMicromapInfoEXT <: VulkanStruct{true} vks::VkCopyMemoryToMicromapInfoEXT deps::Vector{Any} dst::MicromapEXT end """ Intermediate wrapper for VkAccelerationStructureTrianglesOpacityMicromapEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureTrianglesOpacityMicromapEXT.html) """ struct _AccelerationStructureTrianglesOpacityMicromapEXT <: VulkanStruct{true} vks::VkAccelerationStructureTrianglesOpacityMicromapEXT deps::Vector{Any} micromap::MicromapEXT end mutable struct SwapchainKHR <: Handle vks::VkSwapchainKHR device::Device refcount::RefCounter destructor SwapchainKHR(vks::VkSwapchainKHR, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkImageSwapchainCreateInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSwapchainCreateInfoKHR.html) """ struct _ImageSwapchainCreateInfoKHR <: VulkanStruct{true} vks::VkImageSwapchainCreateInfoKHR deps::Vector{Any} swapchain::OptionalPtr{SwapchainKHR} end """ Intermediate wrapper for VkBindImageMemorySwapchainInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImageMemorySwapchainInfoKHR.html) """ struct _BindImageMemorySwapchainInfoKHR <: VulkanStruct{true} vks::VkBindImageMemorySwapchainInfoKHR deps::Vector{Any} swapchain::SwapchainKHR end """ Intermediate wrapper for VkAcquireNextImageInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAcquireNextImageInfoKHR.html) """ struct _AcquireNextImageInfoKHR <: VulkanStruct{true} vks::VkAcquireNextImageInfoKHR deps::Vector{Any} swapchain::SwapchainKHR semaphore::OptionalPtr{Semaphore} fence::OptionalPtr{Fence} end """ Intermediate wrapper for VkReleaseSwapchainImagesInfoEXT. Extension: VK\\_EXT\\_swapchain\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkReleaseSwapchainImagesInfoEXT.html) """ struct _ReleaseSwapchainImagesInfoEXT <: VulkanStruct{true} vks::VkReleaseSwapchainImagesInfoEXT deps::Vector{Any} swapchain::SwapchainKHR end """ High-level wrapper for VkImageSwapchainCreateInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSwapchainCreateInfoKHR.html) """ @struct_hash_equal struct ImageSwapchainCreateInfoKHR <: HighLevelStruct next::Any swapchain::OptionalPtr{SwapchainKHR} end """ High-level wrapper for VkBindImageMemorySwapchainInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImageMemorySwapchainInfoKHR.html) """ @struct_hash_equal struct BindImageMemorySwapchainInfoKHR <: HighLevelStruct next::Any swapchain::SwapchainKHR image_index::UInt32 end """ High-level wrapper for VkAcquireNextImageInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAcquireNextImageInfoKHR.html) """ @struct_hash_equal struct AcquireNextImageInfoKHR <: HighLevelStruct next::Any swapchain::SwapchainKHR timeout::UInt64 semaphore::OptionalPtr{Semaphore} fence::OptionalPtr{Fence} device_mask::UInt32 end """ High-level wrapper for VkReleaseSwapchainImagesInfoEXT. Extension: VK\\_EXT\\_swapchain\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkReleaseSwapchainImagesInfoEXT.html) """ @struct_hash_equal struct ReleaseSwapchainImagesInfoEXT <: HighLevelStruct next::Any swapchain::SwapchainKHR image_indices::Vector{UInt32} end mutable struct VideoSessionKHR <: Handle vks::VkVideoSessionKHR device::Device refcount::RefCounter destructor VideoSessionKHR(vks::VkVideoSessionKHR, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct VideoSessionParametersKHR <: Handle vks::VkVideoSessionParametersKHR video_session::VideoSessionKHR refcount::RefCounter destructor VideoSessionParametersKHR(vks::VkVideoSessionParametersKHR, video_session::VideoSessionKHR, refcount::RefCounter) = new(vks, video_session, refcount, undef) end """ Intermediate wrapper for VkVideoSessionParametersCreateInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionParametersCreateInfoKHR.html) """ struct _VideoSessionParametersCreateInfoKHR <: VulkanStruct{true} vks::VkVideoSessionParametersCreateInfoKHR deps::Vector{Any} video_session_parameters_template::OptionalPtr{VideoSessionParametersKHR} video_session::VideoSessionKHR end """ Intermediate wrapper for VkVideoBeginCodingInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoBeginCodingInfoKHR.html) """ struct _VideoBeginCodingInfoKHR <: VulkanStruct{true} vks::VkVideoBeginCodingInfoKHR deps::Vector{Any} video_session::VideoSessionKHR video_session_parameters::OptionalPtr{VideoSessionParametersKHR} end """ High-level wrapper for VkVideoSessionParametersCreateInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionParametersCreateInfoKHR.html) """ @struct_hash_equal struct VideoSessionParametersCreateInfoKHR <: HighLevelStruct next::Any flags::UInt32 video_session_parameters_template::OptionalPtr{VideoSessionParametersKHR} video_session::VideoSessionKHR end """ High-level wrapper for VkVideoBeginCodingInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoBeginCodingInfoKHR.html) """ @struct_hash_equal struct VideoBeginCodingInfoKHR <: HighLevelStruct next::Any flags::UInt32 video_session::VideoSessionKHR video_session_parameters::OptionalPtr{VideoSessionParametersKHR} reference_slots::Vector{VideoReferenceSlotInfoKHR} end mutable struct DisplayKHR <: Handle vks::VkDisplayKHR physical_device::PhysicalDevice refcount::RefCounter destructor DisplayKHR(vks::VkDisplayKHR, physical_device::PhysicalDevice, refcount::RefCounter) = new(vks, physical_device, refcount, undef) end mutable struct DisplayModeKHR <: Handle vks::VkDisplayModeKHR display::DisplayKHR refcount::RefCounter destructor DisplayModeKHR(vks::VkDisplayModeKHR, display::DisplayKHR, refcount::RefCounter) = new(vks, display, refcount, undef) end """ Intermediate wrapper for VkDisplayModePropertiesKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModePropertiesKHR.html) """ struct _DisplayModePropertiesKHR <: VulkanStruct{false} vks::VkDisplayModePropertiesKHR display_mode::DisplayModeKHR end """ Intermediate wrapper for VkDisplaySurfaceCreateInfoKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplaySurfaceCreateInfoKHR.html) """ struct _DisplaySurfaceCreateInfoKHR <: VulkanStruct{true} vks::VkDisplaySurfaceCreateInfoKHR deps::Vector{Any} display_mode::DisplayModeKHR end """ Intermediate wrapper for VkDisplayPlaneInfo2KHR. Extension: VK\\_KHR\\_get\\_display\\_properties2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneInfo2KHR.html) """ struct _DisplayPlaneInfo2KHR <: VulkanStruct{true} vks::VkDisplayPlaneInfo2KHR deps::Vector{Any} mode::DisplayModeKHR end """ High-level wrapper for VkDisplayModePropertiesKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModePropertiesKHR.html) """ @struct_hash_equal struct DisplayModePropertiesKHR <: HighLevelStruct display_mode::DisplayModeKHR parameters::DisplayModeParametersKHR end """ High-level wrapper for VkDisplayModeProperties2KHR. Extension: VK\\_KHR\\_get\\_display\\_properties2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModeProperties2KHR.html) """ @struct_hash_equal struct DisplayModeProperties2KHR <: HighLevelStruct next::Any display_mode_properties::DisplayModePropertiesKHR end """ High-level wrapper for VkDisplayPlaneInfo2KHR. Extension: VK\\_KHR\\_get\\_display\\_properties2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneInfo2KHR.html) """ @struct_hash_equal struct DisplayPlaneInfo2KHR <: HighLevelStruct next::Any mode::DisplayModeKHR plane_index::UInt32 end """ Intermediate wrapper for VkDisplayPropertiesKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPropertiesKHR.html) """ struct _DisplayPropertiesKHR <: VulkanStruct{true} vks::VkDisplayPropertiesKHR deps::Vector{Any} display::DisplayKHR end """ Intermediate wrapper for VkDisplayPlanePropertiesKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlanePropertiesKHR.html) """ struct _DisplayPlanePropertiesKHR <: VulkanStruct{false} vks::VkDisplayPlanePropertiesKHR current_display::DisplayKHR end """ High-level wrapper for VkDisplayPlanePropertiesKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlanePropertiesKHR.html) """ @struct_hash_equal struct DisplayPlanePropertiesKHR <: HighLevelStruct current_display::DisplayKHR current_stack_index::UInt32 end """ High-level wrapper for VkDisplayPlaneProperties2KHR. Extension: VK\\_KHR\\_get\\_display\\_properties2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneProperties2KHR.html) """ @struct_hash_equal struct DisplayPlaneProperties2KHR <: HighLevelStruct next::Any display_plane_properties::DisplayPlanePropertiesKHR end """ High-level wrapper for VkPhysicalDeviceGroupProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGroupProperties.html) """ @struct_hash_equal struct PhysicalDeviceGroupProperties <: HighLevelStruct next::Any physical_device_count::UInt32 physical_devices::NTuple{Int(VK_MAX_DEVICE_GROUP_SIZE), PhysicalDevice} subset_allocation::Bool end """ High-level wrapper for VkDeviceGroupDeviceCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupDeviceCreateInfo.html) """ @struct_hash_equal struct DeviceGroupDeviceCreateInfo <: HighLevelStruct next::Any physical_devices::Vector{PhysicalDevice} end mutable struct SurfaceKHR <: Handle vks::VkSurfaceKHR instance::Instance refcount::RefCounter destructor SurfaceKHR(vks::VkSurfaceKHR, instance::Instance, refcount::RefCounter) = new(vks, instance, refcount, undef) end """ Intermediate wrapper for VkSwapchainCreateInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainCreateInfoKHR.html) """ struct _SwapchainCreateInfoKHR <: VulkanStruct{true} vks::VkSwapchainCreateInfoKHR deps::Vector{Any} surface::SurfaceKHR old_swapchain::OptionalPtr{SwapchainKHR} end """ Intermediate wrapper for VkPhysicalDeviceSurfaceInfo2KHR. Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSurfaceInfo2KHR.html) """ struct _PhysicalDeviceSurfaceInfo2KHR <: VulkanStruct{true} vks::VkPhysicalDeviceSurfaceInfo2KHR deps::Vector{Any} surface::OptionalPtr{SurfaceKHR} end """ High-level wrapper for VkPhysicalDeviceSurfaceInfo2KHR. Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSurfaceInfo2KHR.html) """ @struct_hash_equal struct PhysicalDeviceSurfaceInfo2KHR <: HighLevelStruct next::Any surface::OptionalPtr{SurfaceKHR} end mutable struct DebugReportCallbackEXT <: Handle vks::VkDebugReportCallbackEXT instance::Instance refcount::RefCounter destructor DebugReportCallbackEXT(vks::VkDebugReportCallbackEXT, instance::Instance, refcount::RefCounter) = new(vks, instance, refcount, undef) end mutable struct DebugUtilsMessengerEXT <: Handle vks::VkDebugUtilsMessengerEXT instance::Instance refcount::RefCounter destructor DebugUtilsMessengerEXT(vks::VkDebugUtilsMessengerEXT, instance::Instance, refcount::RefCounter) = new(vks, instance, refcount, undef) end """ High-level wrapper for VkOpticalFlowExecuteInfoNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowExecuteInfoNV.html) """ @struct_hash_equal struct OpticalFlowExecuteInfoNV <: HighLevelStruct next::Any flags::OpticalFlowExecuteFlagNV regions::Vector{Rect2D} end """ High-level wrapper for VkOpticalFlowImageFormatInfoNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowImageFormatInfoNV.html) """ @struct_hash_equal struct OpticalFlowImageFormatInfoNV <: HighLevelStruct next::Any usage::OpticalFlowUsageFlagNV end """ High-level wrapper for VkPhysicalDeviceOpticalFlowPropertiesNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpticalFlowPropertiesNV.html) """ @struct_hash_equal struct PhysicalDeviceOpticalFlowPropertiesNV <: HighLevelStruct next::Any supported_output_grid_sizes::OpticalFlowGridSizeFlagNV supported_hint_grid_sizes::OpticalFlowGridSizeFlagNV hint_supported::Bool cost_supported::Bool bidirectional_flow_supported::Bool global_flow_supported::Bool min_width::UInt32 min_height::UInt32 max_width::UInt32 max_height::UInt32 max_num_regions_of_interest::UInt32 end """ High-level wrapper for VkImageCompressionControlEXT. Extension: VK\\_EXT\\_image\\_compression\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCompressionControlEXT.html) """ @struct_hash_equal struct ImageCompressionControlEXT <: HighLevelStruct next::Any flags::ImageCompressionFlagEXT fixed_rate_flags::Vector{ImageCompressionFixedRateFlagEXT} end """ High-level wrapper for VkImageCompressionPropertiesEXT. Extension: VK\\_EXT\\_image\\_compression\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCompressionPropertiesEXT.html) """ @struct_hash_equal struct ImageCompressionPropertiesEXT <: HighLevelStruct next::Any image_compression_flags::ImageCompressionFlagEXT image_compression_fixed_rate_flags::ImageCompressionFixedRateFlagEXT end """ High-level wrapper for VkInstanceCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkInstanceCreateInfo.html) """ @struct_hash_equal struct InstanceCreateInfo <: HighLevelStruct next::Any flags::InstanceCreateFlag application_info::OptionalPtr{ApplicationInfo} enabled_layer_names::Vector{String} enabled_extension_names::Vector{String} end """ High-level wrapper for VkVideoDecodeCapabilitiesKHR. Extension: VK\\_KHR\\_video\\_decode\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeCapabilitiesKHR.html) """ @struct_hash_equal struct VideoDecodeCapabilitiesKHR <: HighLevelStruct next::Any flags::VideoDecodeCapabilityFlagKHR end """ High-level wrapper for VkVideoDecodeUsageInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeUsageInfoKHR.html) """ @struct_hash_equal struct VideoDecodeUsageInfoKHR <: HighLevelStruct next::Any video_usage_hints::VideoDecodeUsageFlagKHR end """ High-level wrapper for VkVideoCodingControlInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoCodingControlInfoKHR.html) """ @struct_hash_equal struct VideoCodingControlInfoKHR <: HighLevelStruct next::Any flags::VideoCodingControlFlagKHR end """ High-level wrapper for VkVideoDecodeH264ProfileInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h264 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264ProfileInfoKHR.html) """ @struct_hash_equal struct VideoDecodeH264ProfileInfoKHR <: HighLevelStruct next::Any std_profile_idc::StdVideoH264ProfileIdc picture_layout::VideoDecodeH264PictureLayoutFlagKHR end """ High-level wrapper for VkVideoCapabilitiesKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoCapabilitiesKHR.html) """ @struct_hash_equal struct VideoCapabilitiesKHR <: HighLevelStruct next::Any flags::VideoCapabilityFlagKHR min_bitstream_buffer_offset_alignment::UInt64 min_bitstream_buffer_size_alignment::UInt64 picture_access_granularity::Extent2D min_coded_extent::Extent2D max_coded_extent::Extent2D max_dpb_slots::UInt32 max_active_reference_pictures::UInt32 std_header_version::ExtensionProperties end """ High-level wrapper for VkQueueFamilyVideoPropertiesKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyVideoPropertiesKHR.html) """ @struct_hash_equal struct QueueFamilyVideoPropertiesKHR <: HighLevelStruct next::Any video_codec_operations::VideoCodecOperationFlagKHR end """ High-level wrapper for VkVideoProfileInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoProfileInfoKHR.html) """ @struct_hash_equal struct VideoProfileInfoKHR <: HighLevelStruct next::Any video_codec_operation::VideoCodecOperationFlagKHR chroma_subsampling::VideoChromaSubsamplingFlagKHR luma_bit_depth::VideoComponentBitDepthFlagKHR chroma_bit_depth::VideoComponentBitDepthFlagKHR end """ High-level wrapper for VkVideoProfileListInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoProfileListInfoKHR.html) """ @struct_hash_equal struct VideoProfileListInfoKHR <: HighLevelStruct next::Any profiles::Vector{VideoProfileInfoKHR} end """ High-level wrapper for VkSurfacePresentScalingCapabilitiesEXT. Extension: VK\\_EXT\\_surface\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfacePresentScalingCapabilitiesEXT.html) """ @struct_hash_equal struct SurfacePresentScalingCapabilitiesEXT <: HighLevelStruct next::Any supported_present_scaling::PresentScalingFlagEXT supported_present_gravity_x::PresentGravityFlagEXT supported_present_gravity_y::PresentGravityFlagEXT min_scaled_image_extent::OptionalPtr{Extent2D} max_scaled_image_extent::OptionalPtr{Extent2D} end """ High-level wrapper for VkSwapchainPresentScalingCreateInfoEXT. Extension: VK\\_EXT\\_swapchain\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentScalingCreateInfoEXT.html) """ @struct_hash_equal struct SwapchainPresentScalingCreateInfoEXT <: HighLevelStruct next::Any scaling_behavior::PresentScalingFlagEXT present_gravity_x::PresentGravityFlagEXT present_gravity_y::PresentGravityFlagEXT end """ High-level wrapper for VkGraphicsPipelineLibraryCreateInfoEXT. Extension: VK\\_EXT\\_graphics\\_pipeline\\_library [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsPipelineLibraryCreateInfoEXT.html) """ @struct_hash_equal struct GraphicsPipelineLibraryCreateInfoEXT <: HighLevelStruct next::Any flags::GraphicsPipelineLibraryFlagEXT end """ High-level wrapper for VkEventCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkEventCreateInfo.html) """ @struct_hash_equal struct EventCreateInfo <: HighLevelStruct next::Any flags::EventCreateFlag end """ High-level wrapper for VkSubmitInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubmitInfo2.html) """ @struct_hash_equal struct SubmitInfo2 <: HighLevelStruct next::Any flags::SubmitFlag wait_semaphore_infos::Vector{SemaphoreSubmitInfo} command_buffer_infos::Vector{CommandBufferSubmitInfo} signal_semaphore_infos::Vector{SemaphoreSubmitInfo} end """ High-level wrapper for VkPhysicalDeviceToolProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceToolProperties.html) """ @struct_hash_equal struct PhysicalDeviceToolProperties <: HighLevelStruct next::Any name::String version::String purposes::ToolPurposeFlag description::String layer::String end """ High-level wrapper for VkPipelineCompilerControlCreateInfoAMD. Extension: VK\\_AMD\\_pipeline\\_compiler\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCompilerControlCreateInfoAMD.html) """ @struct_hash_equal struct PipelineCompilerControlCreateInfoAMD <: HighLevelStruct next::Any compiler_control_flags::PipelineCompilerControlFlagAMD end """ High-level wrapper for VkPhysicalDeviceShaderCoreProperties2AMD. Extension: VK\\_AMD\\_shader\\_core\\_properties2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCoreProperties2AMD.html) """ @struct_hash_equal struct PhysicalDeviceShaderCoreProperties2AMD <: HighLevelStruct next::Any shader_core_features::ShaderCorePropertiesFlagAMD active_compute_unit_count::UInt32 end """ High-level wrapper for VkAcquireProfilingLockInfoKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAcquireProfilingLockInfoKHR.html) """ @struct_hash_equal struct AcquireProfilingLockInfoKHR <: HighLevelStruct next::Any flags::AcquireProfilingLockFlagKHR timeout::UInt64 end """ High-level wrapper for VkPerformanceCounterDescriptionKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceCounterDescriptionKHR.html) """ @struct_hash_equal struct PerformanceCounterDescriptionKHR <: HighLevelStruct next::Any flags::PerformanceCounterDescriptionFlagKHR name::String category::String description::String end """ High-level wrapper for VkPipelineCreationFeedback. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCreationFeedback.html) """ @struct_hash_equal struct PipelineCreationFeedback <: HighLevelStruct flags::PipelineCreationFeedbackFlag duration::UInt64 end """ High-level wrapper for VkPipelineCreationFeedbackCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCreationFeedbackCreateInfo.html) """ @struct_hash_equal struct PipelineCreationFeedbackCreateInfo <: HighLevelStruct next::Any pipeline_creation_feedback::PipelineCreationFeedback pipeline_stage_creation_feedbacks::Vector{PipelineCreationFeedback} end """ High-level wrapper for VkDeviceDiagnosticsConfigCreateInfoNV. Extension: VK\\_NV\\_device\\_diagnostics\\_config [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceDiagnosticsConfigCreateInfoNV.html) """ @struct_hash_equal struct DeviceDiagnosticsConfigCreateInfoNV <: HighLevelStruct next::Any flags::DeviceDiagnosticsConfigFlagNV end """ High-level wrapper for VkFramebufferCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferCreateInfo.html) """ @struct_hash_equal struct FramebufferCreateInfo <: HighLevelStruct next::Any flags::FramebufferCreateFlag render_pass::RenderPass attachments::Vector{ImageView} width::UInt32 height::UInt32 layers::UInt32 end """ High-level wrapper for VkAccelerationStructureInstanceKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureInstanceKHR.html) """ @struct_hash_equal struct AccelerationStructureInstanceKHR <: HighLevelStruct transform::TransformMatrixKHR instance_custom_index::UInt32 mask::UInt32 instance_shader_binding_table_record_offset::UInt32 flags::GeometryInstanceFlagKHR acceleration_structure_reference::UInt64 end """ High-level wrapper for VkAccelerationStructureSRTMotionInstanceNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureSRTMotionInstanceNV.html) """ @struct_hash_equal struct AccelerationStructureSRTMotionInstanceNV <: HighLevelStruct transform_t_0::SRTDataNV transform_t_1::SRTDataNV instance_custom_index::UInt32 mask::UInt32 instance_shader_binding_table_record_offset::UInt32 flags::GeometryInstanceFlagKHR acceleration_structure_reference::UInt64 end """ High-level wrapper for VkAccelerationStructureMatrixMotionInstanceNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMatrixMotionInstanceNV.html) """ @struct_hash_equal struct AccelerationStructureMatrixMotionInstanceNV <: HighLevelStruct transform_t_0::TransformMatrixKHR transform_t_1::TransformMatrixKHR instance_custom_index::UInt32 mask::UInt32 instance_shader_binding_table_record_offset::UInt32 flags::GeometryInstanceFlagKHR acceleration_structure_reference::UInt64 end """ High-level wrapper for VkPhysicalDeviceDepthStencilResolveProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthStencilResolveProperties.html) """ @struct_hash_equal struct PhysicalDeviceDepthStencilResolveProperties <: HighLevelStruct next::Any supported_depth_resolve_modes::ResolveModeFlag supported_stencil_resolve_modes::ResolveModeFlag independent_resolve_none::Bool independent_resolve::Bool end """ High-level wrapper for VkConditionalRenderingBeginInfoEXT. Extension: VK\\_EXT\\_conditional\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkConditionalRenderingBeginInfoEXT.html) """ @struct_hash_equal struct ConditionalRenderingBeginInfoEXT <: HighLevelStruct next::Any buffer::Buffer offset::UInt64 flags::ConditionalRenderingFlagEXT end """ High-level wrapper for VkDescriptorSetLayoutBindingFlagsCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutBindingFlagsCreateInfo.html) """ @struct_hash_equal struct DescriptorSetLayoutBindingFlagsCreateInfo <: HighLevelStruct next::Any binding_flags::Vector{DescriptorBindingFlag} end """ High-level wrapper for VkDebugUtilsMessengerCreateInfoEXT. Extension: VK\\_EXT\\_debug\\_utils [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsMessengerCreateInfoEXT.html) """ @struct_hash_equal struct DebugUtilsMessengerCreateInfoEXT <: HighLevelStruct next::Any flags::UInt32 message_severity::DebugUtilsMessageSeverityFlagEXT message_type::DebugUtilsMessageTypeFlagEXT pfn_user_callback::FunctionPtr user_data::OptionalPtr{Ptr{Cvoid}} end """ High-level wrapper for VkDeviceGroupPresentCapabilitiesKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupPresentCapabilitiesKHR.html) """ @struct_hash_equal struct DeviceGroupPresentCapabilitiesKHR <: HighLevelStruct next::Any present_mask::NTuple{Int(VK_MAX_DEVICE_GROUP_SIZE), UInt32} modes::DeviceGroupPresentModeFlagKHR end """ High-level wrapper for VkDeviceGroupPresentInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupPresentInfoKHR.html) """ @struct_hash_equal struct DeviceGroupPresentInfoKHR <: HighLevelStruct next::Any device_masks::Vector{UInt32} mode::DeviceGroupPresentModeFlagKHR end """ High-level wrapper for VkDeviceGroupSwapchainCreateInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupSwapchainCreateInfoKHR.html) """ @struct_hash_equal struct DeviceGroupSwapchainCreateInfoKHR <: HighLevelStruct next::Any modes::DeviceGroupPresentModeFlagKHR end """ High-level wrapper for VkMemoryAllocateFlagsInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryAllocateFlagsInfo.html) """ @struct_hash_equal struct MemoryAllocateFlagsInfo <: HighLevelStruct next::Any flags::MemoryAllocateFlag device_mask::UInt32 end """ High-level wrapper for VkSwapchainCounterCreateInfoEXT. Extension: VK\\_EXT\\_display\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainCounterCreateInfoEXT.html) """ @struct_hash_equal struct SwapchainCounterCreateInfoEXT <: HighLevelStruct next::Any surface_counters::SurfaceCounterFlagEXT end """ High-level wrapper for VkPhysicalDeviceExternalFenceInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalFenceInfo.html) """ @struct_hash_equal struct PhysicalDeviceExternalFenceInfo <: HighLevelStruct next::Any handle_type::ExternalFenceHandleTypeFlag end """ High-level wrapper for VkExternalFenceProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalFenceProperties.html) """ @struct_hash_equal struct ExternalFenceProperties <: HighLevelStruct next::Any export_from_imported_handle_types::ExternalFenceHandleTypeFlag compatible_handle_types::ExternalFenceHandleTypeFlag external_fence_features::ExternalFenceFeatureFlag end """ High-level wrapper for VkExportFenceCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportFenceCreateInfo.html) """ @struct_hash_equal struct ExportFenceCreateInfo <: HighLevelStruct next::Any handle_types::ExternalFenceHandleTypeFlag end """ High-level wrapper for VkImportFenceFdInfoKHR. Extension: VK\\_KHR\\_external\\_fence\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportFenceFdInfoKHR.html) """ @struct_hash_equal struct ImportFenceFdInfoKHR <: HighLevelStruct next::Any fence::Fence flags::FenceImportFlag handle_type::ExternalFenceHandleTypeFlag fd::Int end """ High-level wrapper for VkFenceGetFdInfoKHR. Extension: VK\\_KHR\\_external\\_fence\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFenceGetFdInfoKHR.html) """ @struct_hash_equal struct FenceGetFdInfoKHR <: HighLevelStruct next::Any fence::Fence handle_type::ExternalFenceHandleTypeFlag end """ High-level wrapper for VkPhysicalDeviceExternalSemaphoreInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalSemaphoreInfo.html) """ @struct_hash_equal struct PhysicalDeviceExternalSemaphoreInfo <: HighLevelStruct next::Any handle_type::ExternalSemaphoreHandleTypeFlag end """ High-level wrapper for VkExternalSemaphoreProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalSemaphoreProperties.html) """ @struct_hash_equal struct ExternalSemaphoreProperties <: HighLevelStruct next::Any export_from_imported_handle_types::ExternalSemaphoreHandleTypeFlag compatible_handle_types::ExternalSemaphoreHandleTypeFlag external_semaphore_features::ExternalSemaphoreFeatureFlag end """ High-level wrapper for VkExportSemaphoreCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportSemaphoreCreateInfo.html) """ @struct_hash_equal struct ExportSemaphoreCreateInfo <: HighLevelStruct next::Any handle_types::ExternalSemaphoreHandleTypeFlag end """ High-level wrapper for VkImportSemaphoreFdInfoKHR. Extension: VK\\_KHR\\_external\\_semaphore\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportSemaphoreFdInfoKHR.html) """ @struct_hash_equal struct ImportSemaphoreFdInfoKHR <: HighLevelStruct next::Any semaphore::Semaphore flags::SemaphoreImportFlag handle_type::ExternalSemaphoreHandleTypeFlag fd::Int end """ High-level wrapper for VkSemaphoreGetFdInfoKHR. Extension: VK\\_KHR\\_external\\_semaphore\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreGetFdInfoKHR.html) """ @struct_hash_equal struct SemaphoreGetFdInfoKHR <: HighLevelStruct next::Any semaphore::Semaphore handle_type::ExternalSemaphoreHandleTypeFlag end """ High-level wrapper for VkExternalMemoryProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryProperties.html) """ @struct_hash_equal struct ExternalMemoryProperties <: HighLevelStruct external_memory_features::ExternalMemoryFeatureFlag export_from_imported_handle_types::ExternalMemoryHandleTypeFlag compatible_handle_types::ExternalMemoryHandleTypeFlag end """ High-level wrapper for VkExternalImageFormatProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalImageFormatProperties.html) """ @struct_hash_equal struct ExternalImageFormatProperties <: HighLevelStruct next::Any external_memory_properties::ExternalMemoryProperties end """ High-level wrapper for VkExternalBufferProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalBufferProperties.html) """ @struct_hash_equal struct ExternalBufferProperties <: HighLevelStruct next::Any external_memory_properties::ExternalMemoryProperties end """ High-level wrapper for VkPhysicalDeviceExternalImageFormatInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalImageFormatInfo.html) """ @struct_hash_equal struct PhysicalDeviceExternalImageFormatInfo <: HighLevelStruct next::Any handle_type::ExternalMemoryHandleTypeFlag end """ High-level wrapper for VkExternalMemoryImageCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryImageCreateInfo.html) """ @struct_hash_equal struct ExternalMemoryImageCreateInfo <: HighLevelStruct next::Any handle_types::ExternalMemoryHandleTypeFlag end """ High-level wrapper for VkExternalMemoryBufferCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryBufferCreateInfo.html) """ @struct_hash_equal struct ExternalMemoryBufferCreateInfo <: HighLevelStruct next::Any handle_types::ExternalMemoryHandleTypeFlag end """ High-level wrapper for VkExportMemoryAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMemoryAllocateInfo.html) """ @struct_hash_equal struct ExportMemoryAllocateInfo <: HighLevelStruct next::Any handle_types::ExternalMemoryHandleTypeFlag end """ High-level wrapper for VkImportMemoryFdInfoKHR. Extension: VK\\_KHR\\_external\\_memory\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMemoryFdInfoKHR.html) """ @struct_hash_equal struct ImportMemoryFdInfoKHR <: HighLevelStruct next::Any handle_type::ExternalMemoryHandleTypeFlag fd::Int end """ High-level wrapper for VkMemoryGetFdInfoKHR. Extension: VK\\_KHR\\_external\\_memory\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryGetFdInfoKHR.html) """ @struct_hash_equal struct MemoryGetFdInfoKHR <: HighLevelStruct next::Any memory::DeviceMemory handle_type::ExternalMemoryHandleTypeFlag end """ High-level wrapper for VkImportMemoryHostPointerInfoEXT. Extension: VK\\_EXT\\_external\\_memory\\_host [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMemoryHostPointerInfoEXT.html) """ @struct_hash_equal struct ImportMemoryHostPointerInfoEXT <: HighLevelStruct next::Any handle_type::ExternalMemoryHandleTypeFlag host_pointer::Ptr{Cvoid} end """ High-level wrapper for VkMemoryGetRemoteAddressInfoNV. Extension: VK\\_NV\\_external\\_memory\\_rdma [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryGetRemoteAddressInfoNV.html) """ @struct_hash_equal struct MemoryGetRemoteAddressInfoNV <: HighLevelStruct next::Any memory::DeviceMemory handle_type::ExternalMemoryHandleTypeFlag end """ High-level wrapper for VkExternalMemoryImageCreateInfoNV. Extension: VK\\_NV\\_external\\_memory [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryImageCreateInfoNV.html) """ @struct_hash_equal struct ExternalMemoryImageCreateInfoNV <: HighLevelStruct next::Any handle_types::ExternalMemoryHandleTypeFlagNV end """ High-level wrapper for VkExportMemoryAllocateInfoNV. Extension: VK\\_NV\\_external\\_memory [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMemoryAllocateInfoNV.html) """ @struct_hash_equal struct ExportMemoryAllocateInfoNV <: HighLevelStruct next::Any handle_types::ExternalMemoryHandleTypeFlagNV end """ High-level wrapper for VkDebugReportCallbackCreateInfoEXT. Extension: VK\\_EXT\\_debug\\_report [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugReportCallbackCreateInfoEXT.html) """ @struct_hash_equal struct DebugReportCallbackCreateInfoEXT <: HighLevelStruct next::Any flags::DebugReportFlagEXT pfn_callback::FunctionPtr user_data::OptionalPtr{Ptr{Cvoid}} end """ High-level wrapper for VkDisplayPropertiesKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPropertiesKHR.html) """ @struct_hash_equal struct DisplayPropertiesKHR <: HighLevelStruct display::DisplayKHR display_name::String physical_dimensions::Extent2D physical_resolution::Extent2D supported_transforms::SurfaceTransformFlagKHR plane_reorder_possible::Bool persistent_content::Bool end """ High-level wrapper for VkDisplayProperties2KHR. Extension: VK\\_KHR\\_get\\_display\\_properties2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayProperties2KHR.html) """ @struct_hash_equal struct DisplayProperties2KHR <: HighLevelStruct next::Any display_properties::DisplayPropertiesKHR end """ High-level wrapper for VkRenderPassTransformBeginInfoQCOM. Extension: VK\\_QCOM\\_render\\_pass\\_transform [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassTransformBeginInfoQCOM.html) """ @struct_hash_equal struct RenderPassTransformBeginInfoQCOM <: HighLevelStruct next::Any transform::SurfaceTransformFlagKHR end """ High-level wrapper for VkCopyCommandTransformInfoQCOM. Extension: VK\\_QCOM\\_rotated\\_copy\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyCommandTransformInfoQCOM.html) """ @struct_hash_equal struct CopyCommandTransformInfoQCOM <: HighLevelStruct next::Any transform::SurfaceTransformFlagKHR end """ High-level wrapper for VkCommandBufferInheritanceRenderPassTransformInfoQCOM. Extension: VK\\_QCOM\\_render\\_pass\\_transform [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceRenderPassTransformInfoQCOM.html) """ @struct_hash_equal struct CommandBufferInheritanceRenderPassTransformInfoQCOM <: HighLevelStruct next::Any transform::SurfaceTransformFlagKHR render_area::Rect2D end """ High-level wrapper for VkDisplayPlaneCapabilitiesKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneCapabilitiesKHR.html) """ @struct_hash_equal struct DisplayPlaneCapabilitiesKHR <: HighLevelStruct supported_alpha::DisplayPlaneAlphaFlagKHR min_src_position::Offset2D max_src_position::Offset2D min_src_extent::Extent2D max_src_extent::Extent2D min_dst_position::Offset2D max_dst_position::Offset2D min_dst_extent::Extent2D max_dst_extent::Extent2D end """ High-level wrapper for VkDisplayPlaneCapabilities2KHR. Extension: VK\\_KHR\\_get\\_display\\_properties2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneCapabilities2KHR.html) """ @struct_hash_equal struct DisplayPlaneCapabilities2KHR <: HighLevelStruct next::Any capabilities::DisplayPlaneCapabilitiesKHR end """ High-level wrapper for VkDisplaySurfaceCreateInfoKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplaySurfaceCreateInfoKHR.html) """ @struct_hash_equal struct DisplaySurfaceCreateInfoKHR <: HighLevelStruct next::Any flags::UInt32 display_mode::DisplayModeKHR plane_index::UInt32 plane_stack_index::UInt32 transform::SurfaceTransformFlagKHR global_alpha::Float32 alpha_mode::DisplayPlaneAlphaFlagKHR image_extent::Extent2D end """ High-level wrapper for VkSemaphoreWaitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreWaitInfo.html) """ @struct_hash_equal struct SemaphoreWaitInfo <: HighLevelStruct next::Any flags::SemaphoreWaitFlag semaphores::Vector{Semaphore} values::Vector{UInt64} end """ High-level wrapper for VkImageFormatProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageFormatProperties.html) """ @struct_hash_equal struct ImageFormatProperties <: HighLevelStruct max_extent::Extent3D max_mip_levels::UInt32 max_array_layers::UInt32 sample_counts::SampleCountFlag max_resource_size::UInt64 end """ High-level wrapper for VkExternalImageFormatPropertiesNV. Extension: VK\\_NV\\_external\\_memory\\_capabilities [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalImageFormatPropertiesNV.html) """ @struct_hash_equal struct ExternalImageFormatPropertiesNV <: HighLevelStruct image_format_properties::ImageFormatProperties external_memory_features::ExternalMemoryFeatureFlagNV export_from_imported_handle_types::ExternalMemoryHandleTypeFlagNV compatible_handle_types::ExternalMemoryHandleTypeFlagNV end """ High-level wrapper for VkImageFormatProperties2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageFormatProperties2.html) """ @struct_hash_equal struct ImageFormatProperties2 <: HighLevelStruct next::Any image_format_properties::ImageFormatProperties end """ High-level wrapper for VkPipelineMultisampleStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineMultisampleStateCreateInfo.html) """ @struct_hash_equal struct PipelineMultisampleStateCreateInfo <: HighLevelStruct next::Any flags::UInt32 rasterization_samples::SampleCountFlag sample_shading_enable::Bool min_sample_shading::Float32 sample_mask::OptionalPtr{Vector{UInt32}} alpha_to_coverage_enable::Bool alpha_to_one_enable::Bool end """ High-level wrapper for VkPhysicalDeviceLimits. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLimits.html) """ @struct_hash_equal struct PhysicalDeviceLimits <: HighLevelStruct max_image_dimension_1_d::UInt32 max_image_dimension_2_d::UInt32 max_image_dimension_3_d::UInt32 max_image_dimension_cube::UInt32 max_image_array_layers::UInt32 max_texel_buffer_elements::UInt32 max_uniform_buffer_range::UInt32 max_storage_buffer_range::UInt32 max_push_constants_size::UInt32 max_memory_allocation_count::UInt32 max_sampler_allocation_count::UInt32 buffer_image_granularity::UInt64 sparse_address_space_size::UInt64 max_bound_descriptor_sets::UInt32 max_per_stage_descriptor_samplers::UInt32 max_per_stage_descriptor_uniform_buffers::UInt32 max_per_stage_descriptor_storage_buffers::UInt32 max_per_stage_descriptor_sampled_images::UInt32 max_per_stage_descriptor_storage_images::UInt32 max_per_stage_descriptor_input_attachments::UInt32 max_per_stage_resources::UInt32 max_descriptor_set_samplers::UInt32 max_descriptor_set_uniform_buffers::UInt32 max_descriptor_set_uniform_buffers_dynamic::UInt32 max_descriptor_set_storage_buffers::UInt32 max_descriptor_set_storage_buffers_dynamic::UInt32 max_descriptor_set_sampled_images::UInt32 max_descriptor_set_storage_images::UInt32 max_descriptor_set_input_attachments::UInt32 max_vertex_input_attributes::UInt32 max_vertex_input_bindings::UInt32 max_vertex_input_attribute_offset::UInt32 max_vertex_input_binding_stride::UInt32 max_vertex_output_components::UInt32 max_tessellation_generation_level::UInt32 max_tessellation_patch_size::UInt32 max_tessellation_control_per_vertex_input_components::UInt32 max_tessellation_control_per_vertex_output_components::UInt32 max_tessellation_control_per_patch_output_components::UInt32 max_tessellation_control_total_output_components::UInt32 max_tessellation_evaluation_input_components::UInt32 max_tessellation_evaluation_output_components::UInt32 max_geometry_shader_invocations::UInt32 max_geometry_input_components::UInt32 max_geometry_output_components::UInt32 max_geometry_output_vertices::UInt32 max_geometry_total_output_components::UInt32 max_fragment_input_components::UInt32 max_fragment_output_attachments::UInt32 max_fragment_dual_src_attachments::UInt32 max_fragment_combined_output_resources::UInt32 max_compute_shared_memory_size::UInt32 max_compute_work_group_count::NTuple{3, UInt32} max_compute_work_group_invocations::UInt32 max_compute_work_group_size::NTuple{3, UInt32} sub_pixel_precision_bits::UInt32 sub_texel_precision_bits::UInt32 mipmap_precision_bits::UInt32 max_draw_indexed_index_value::UInt32 max_draw_indirect_count::UInt32 max_sampler_lod_bias::Float32 max_sampler_anisotropy::Float32 max_viewports::UInt32 max_viewport_dimensions::NTuple{2, UInt32} viewport_bounds_range::NTuple{2, Float32} viewport_sub_pixel_bits::UInt32 min_memory_map_alignment::UInt min_texel_buffer_offset_alignment::UInt64 min_uniform_buffer_offset_alignment::UInt64 min_storage_buffer_offset_alignment::UInt64 min_texel_offset::Int32 max_texel_offset::UInt32 min_texel_gather_offset::Int32 max_texel_gather_offset::UInt32 min_interpolation_offset::Float32 max_interpolation_offset::Float32 sub_pixel_interpolation_offset_bits::UInt32 max_framebuffer_width::UInt32 max_framebuffer_height::UInt32 max_framebuffer_layers::UInt32 framebuffer_color_sample_counts::SampleCountFlag framebuffer_depth_sample_counts::SampleCountFlag framebuffer_stencil_sample_counts::SampleCountFlag framebuffer_no_attachments_sample_counts::SampleCountFlag max_color_attachments::UInt32 sampled_image_color_sample_counts::SampleCountFlag sampled_image_integer_sample_counts::SampleCountFlag sampled_image_depth_sample_counts::SampleCountFlag sampled_image_stencil_sample_counts::SampleCountFlag storage_image_sample_counts::SampleCountFlag max_sample_mask_words::UInt32 timestamp_compute_and_graphics::Bool timestamp_period::Float32 max_clip_distances::UInt32 max_cull_distances::UInt32 max_combined_clip_and_cull_distances::UInt32 discrete_queue_priorities::UInt32 point_size_range::NTuple{2, Float32} line_width_range::NTuple{2, Float32} point_size_granularity::Float32 line_width_granularity::Float32 strict_lines::Bool standard_sample_locations::Bool optimal_buffer_copy_offset_alignment::UInt64 optimal_buffer_copy_row_pitch_alignment::UInt64 non_coherent_atom_size::UInt64 end """ High-level wrapper for VkSampleLocationsInfoEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSampleLocationsInfoEXT.html) """ @struct_hash_equal struct SampleLocationsInfoEXT <: HighLevelStruct next::Any sample_locations_per_pixel::SampleCountFlag sample_location_grid_size::Extent2D sample_locations::Vector{SampleLocationEXT} end """ High-level wrapper for VkAttachmentSampleLocationsEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentSampleLocationsEXT.html) """ @struct_hash_equal struct AttachmentSampleLocationsEXT <: HighLevelStruct attachment_index::UInt32 sample_locations_info::SampleLocationsInfoEXT end """ High-level wrapper for VkSubpassSampleLocationsEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassSampleLocationsEXT.html) """ @struct_hash_equal struct SubpassSampleLocationsEXT <: HighLevelStruct subpass_index::UInt32 sample_locations_info::SampleLocationsInfoEXT end """ High-level wrapper for VkRenderPassSampleLocationsBeginInfoEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassSampleLocationsBeginInfoEXT.html) """ @struct_hash_equal struct RenderPassSampleLocationsBeginInfoEXT <: HighLevelStruct next::Any attachment_initial_sample_locations::Vector{AttachmentSampleLocationsEXT} post_subpass_sample_locations::Vector{SubpassSampleLocationsEXT} end """ High-level wrapper for VkPipelineSampleLocationsStateCreateInfoEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineSampleLocationsStateCreateInfoEXT.html) """ @struct_hash_equal struct PipelineSampleLocationsStateCreateInfoEXT <: HighLevelStruct next::Any sample_locations_enable::Bool sample_locations_info::SampleLocationsInfoEXT end """ High-level wrapper for VkPhysicalDeviceSampleLocationsPropertiesEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSampleLocationsPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceSampleLocationsPropertiesEXT <: HighLevelStruct next::Any sample_location_sample_counts::SampleCountFlag max_sample_location_grid_size::Extent2D sample_location_coordinate_range::NTuple{2, Float32} sample_location_sub_pixel_bits::UInt32 variable_sample_locations::Bool end """ High-level wrapper for VkPhysicalDeviceFragmentShadingRatePropertiesKHR. Extension: VK\\_KHR\\_fragment\\_shading\\_rate [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRatePropertiesKHR.html) """ @struct_hash_equal struct PhysicalDeviceFragmentShadingRatePropertiesKHR <: HighLevelStruct next::Any min_fragment_shading_rate_attachment_texel_size::Extent2D max_fragment_shading_rate_attachment_texel_size::Extent2D max_fragment_shading_rate_attachment_texel_size_aspect_ratio::UInt32 primitive_fragment_shading_rate_with_multiple_viewports::Bool layered_shading_rate_attachments::Bool fragment_shading_rate_non_trivial_combiner_ops::Bool max_fragment_size::Extent2D max_fragment_size_aspect_ratio::UInt32 max_fragment_shading_rate_coverage_samples::UInt32 max_fragment_shading_rate_rasterization_samples::SampleCountFlag fragment_shading_rate_with_shader_depth_stencil_writes::Bool fragment_shading_rate_with_sample_mask::Bool fragment_shading_rate_with_shader_sample_mask::Bool fragment_shading_rate_with_conservative_rasterization::Bool fragment_shading_rate_with_fragment_shader_interlock::Bool fragment_shading_rate_with_custom_sample_locations::Bool fragment_shading_rate_strict_multiply_combiner::Bool end """ High-level wrapper for VkPhysicalDeviceFragmentShadingRateKHR. Extension: VK\\_KHR\\_fragment\\_shading\\_rate [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateKHR.html) """ @struct_hash_equal struct PhysicalDeviceFragmentShadingRateKHR <: HighLevelStruct next::Any sample_counts::SampleCountFlag fragment_size::Extent2D end """ High-level wrapper for VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV. Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV.html) """ @struct_hash_equal struct PhysicalDeviceFragmentShadingRateEnumsPropertiesNV <: HighLevelStruct next::Any max_fragment_shading_rate_invocation_count::SampleCountFlag end """ High-level wrapper for VkMultisampledRenderToSingleSampledInfoEXT. Extension: VK\\_EXT\\_multisampled\\_render\\_to\\_single\\_sampled [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultisampledRenderToSingleSampledInfoEXT.html) """ @struct_hash_equal struct MultisampledRenderToSingleSampledInfoEXT <: HighLevelStruct next::Any multisampled_render_to_single_sampled_enable::Bool rasterization_samples::SampleCountFlag end """ High-level wrapper for VkAttachmentSampleCountInfoAMD. Extension: VK\\_KHR\\_dynamic\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentSampleCountInfoAMD.html) """ @struct_hash_equal struct AttachmentSampleCountInfoAMD <: HighLevelStruct next::Any color_attachment_samples::Vector{SampleCountFlag} depth_stencil_attachment_samples::SampleCountFlag end """ High-level wrapper for VkCommandPoolCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandPoolCreateInfo.html) """ @struct_hash_equal struct CommandPoolCreateInfo <: HighLevelStruct next::Any flags::CommandPoolCreateFlag queue_family_index::UInt32 end """ High-level wrapper for VkSubmitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubmitInfo.html) """ @struct_hash_equal struct SubmitInfo <: HighLevelStruct next::Any wait_semaphores::Vector{Semaphore} wait_dst_stage_mask::Vector{PipelineStageFlag} command_buffers::Vector{CommandBuffer} signal_semaphores::Vector{Semaphore} end """ High-level wrapper for VkQueueFamilyCheckpointPropertiesNV. Extension: VK\\_NV\\_device\\_diagnostic\\_checkpoints [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyCheckpointPropertiesNV.html) """ @struct_hash_equal struct QueueFamilyCheckpointPropertiesNV <: HighLevelStruct next::Any checkpoint_execution_stage_mask::PipelineStageFlag end """ High-level wrapper for VkCheckpointDataNV. Extension: VK\\_NV\\_device\\_diagnostic\\_checkpoints [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCheckpointDataNV.html) """ @struct_hash_equal struct CheckpointDataNV <: HighLevelStruct next::Any stage::PipelineStageFlag checkpoint_marker::Ptr{Cvoid} end """ High-level wrapper for VkSparseMemoryBind. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseMemoryBind.html) """ @struct_hash_equal struct SparseMemoryBind <: HighLevelStruct resource_offset::UInt64 size::UInt64 memory::OptionalPtr{DeviceMemory} memory_offset::UInt64 flags::SparseMemoryBindFlag end """ High-level wrapper for VkSparseBufferMemoryBindInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseBufferMemoryBindInfo.html) """ @struct_hash_equal struct SparseBufferMemoryBindInfo <: HighLevelStruct buffer::Buffer binds::Vector{SparseMemoryBind} end """ High-level wrapper for VkSparseImageOpaqueMemoryBindInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageOpaqueMemoryBindInfo.html) """ @struct_hash_equal struct SparseImageOpaqueMemoryBindInfo <: HighLevelStruct image::Image binds::Vector{SparseMemoryBind} end """ High-level wrapper for VkSparseImageFormatProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageFormatProperties.html) """ @struct_hash_equal struct SparseImageFormatProperties <: HighLevelStruct aspect_mask::ImageAspectFlag image_granularity::Extent3D flags::SparseImageFormatFlag end """ High-level wrapper for VkSparseImageMemoryRequirements. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryRequirements.html) """ @struct_hash_equal struct SparseImageMemoryRequirements <: HighLevelStruct format_properties::SparseImageFormatProperties image_mip_tail_first_lod::UInt32 image_mip_tail_size::UInt64 image_mip_tail_offset::UInt64 image_mip_tail_stride::UInt64 end """ High-level wrapper for VkSparseImageMemoryRequirements2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryRequirements2.html) """ @struct_hash_equal struct SparseImageMemoryRequirements2 <: HighLevelStruct next::Any memory_requirements::SparseImageMemoryRequirements end """ High-level wrapper for VkSparseImageFormatProperties2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageFormatProperties2.html) """ @struct_hash_equal struct SparseImageFormatProperties2 <: HighLevelStruct next::Any properties::SparseImageFormatProperties end """ High-level wrapper for VkImageSubresource. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresource.html) """ @struct_hash_equal struct ImageSubresource <: HighLevelStruct aspect_mask::ImageAspectFlag mip_level::UInt32 array_layer::UInt32 end """ High-level wrapper for VkSparseImageMemoryBind. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryBind.html) """ @struct_hash_equal struct SparseImageMemoryBind <: HighLevelStruct subresource::ImageSubresource offset::Offset3D extent::Extent3D memory::OptionalPtr{DeviceMemory} memory_offset::UInt64 flags::SparseMemoryBindFlag end """ High-level wrapper for VkSparseImageMemoryBindInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryBindInfo.html) """ @struct_hash_equal struct SparseImageMemoryBindInfo <: HighLevelStruct image::Image binds::Vector{SparseImageMemoryBind} end """ High-level wrapper for VkBindSparseInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindSparseInfo.html) """ @struct_hash_equal struct BindSparseInfo <: HighLevelStruct next::Any wait_semaphores::Vector{Semaphore} buffer_binds::Vector{SparseBufferMemoryBindInfo} image_opaque_binds::Vector{SparseImageOpaqueMemoryBindInfo} image_binds::Vector{SparseImageMemoryBindInfo} signal_semaphores::Vector{Semaphore} end """ High-level wrapper for VkImageSubresource2EXT. Extension: VK\\_EXT\\_image\\_compression\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresource2EXT.html) """ @struct_hash_equal struct ImageSubresource2EXT <: HighLevelStruct next::Any image_subresource::ImageSubresource end """ High-level wrapper for VkImageSubresourceLayers. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresourceLayers.html) """ @struct_hash_equal struct ImageSubresourceLayers <: HighLevelStruct aspect_mask::ImageAspectFlag mip_level::UInt32 base_array_layer::UInt32 layer_count::UInt32 end """ High-level wrapper for VkImageCopy. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCopy.html) """ @struct_hash_equal struct ImageCopy <: HighLevelStruct src_subresource::ImageSubresourceLayers src_offset::Offset3D dst_subresource::ImageSubresourceLayers dst_offset::Offset3D extent::Extent3D end """ High-level wrapper for VkImageBlit. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageBlit.html) """ @struct_hash_equal struct ImageBlit <: HighLevelStruct src_subresource::ImageSubresourceLayers src_offsets::NTuple{2, Offset3D} dst_subresource::ImageSubresourceLayers dst_offsets::NTuple{2, Offset3D} end """ High-level wrapper for VkBufferImageCopy. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferImageCopy.html) """ @struct_hash_equal struct BufferImageCopy <: HighLevelStruct buffer_offset::UInt64 buffer_row_length::UInt32 buffer_image_height::UInt32 image_subresource::ImageSubresourceLayers image_offset::Offset3D image_extent::Extent3D end """ High-level wrapper for VkCopyMemoryToImageIndirectCommandNV. Extension: VK\\_NV\\_copy\\_memory\\_indirect [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryToImageIndirectCommandNV.html) """ @struct_hash_equal struct CopyMemoryToImageIndirectCommandNV <: HighLevelStruct src_address::UInt64 buffer_row_length::UInt32 buffer_image_height::UInt32 image_subresource::ImageSubresourceLayers image_offset::Offset3D image_extent::Extent3D end """ High-level wrapper for VkImageResolve. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageResolve.html) """ @struct_hash_equal struct ImageResolve <: HighLevelStruct src_subresource::ImageSubresourceLayers src_offset::Offset3D dst_subresource::ImageSubresourceLayers dst_offset::Offset3D extent::Extent3D end """ High-level wrapper for VkImageCopy2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCopy2.html) """ @struct_hash_equal struct ImageCopy2 <: HighLevelStruct next::Any src_subresource::ImageSubresourceLayers src_offset::Offset3D dst_subresource::ImageSubresourceLayers dst_offset::Offset3D extent::Extent3D end """ High-level wrapper for VkImageBlit2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageBlit2.html) """ @struct_hash_equal struct ImageBlit2 <: HighLevelStruct next::Any src_subresource::ImageSubresourceLayers src_offsets::NTuple{2, Offset3D} dst_subresource::ImageSubresourceLayers dst_offsets::NTuple{2, Offset3D} end """ High-level wrapper for VkBufferImageCopy2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferImageCopy2.html) """ @struct_hash_equal struct BufferImageCopy2 <: HighLevelStruct next::Any buffer_offset::UInt64 buffer_row_length::UInt32 buffer_image_height::UInt32 image_subresource::ImageSubresourceLayers image_offset::Offset3D image_extent::Extent3D end """ High-level wrapper for VkImageResolve2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageResolve2.html) """ @struct_hash_equal struct ImageResolve2 <: HighLevelStruct next::Any src_subresource::ImageSubresourceLayers src_offset::Offset3D dst_subresource::ImageSubresourceLayers dst_offset::Offset3D extent::Extent3D end """ High-level wrapper for VkImageSubresourceRange. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresourceRange.html) """ @struct_hash_equal struct ImageSubresourceRange <: HighLevelStruct aspect_mask::ImageAspectFlag base_mip_level::UInt32 level_count::UInt32 base_array_layer::UInt32 layer_count::UInt32 end """ High-level wrapper for VkClearAttachment. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearAttachment.html) """ @struct_hash_equal struct ClearAttachment <: HighLevelStruct aspect_mask::ImageAspectFlag color_attachment::UInt32 clear_value::ClearValue end """ High-level wrapper for VkInputAttachmentAspectReference. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkInputAttachmentAspectReference.html) """ @struct_hash_equal struct InputAttachmentAspectReference <: HighLevelStruct subpass::UInt32 input_attachment_index::UInt32 aspect_mask::ImageAspectFlag end """ High-level wrapper for VkRenderPassInputAttachmentAspectCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassInputAttachmentAspectCreateInfo.html) """ @struct_hash_equal struct RenderPassInputAttachmentAspectCreateInfo <: HighLevelStruct next::Any aspect_references::Vector{InputAttachmentAspectReference} end """ High-level wrapper for VkBindImagePlaneMemoryInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImagePlaneMemoryInfo.html) """ @struct_hash_equal struct BindImagePlaneMemoryInfo <: HighLevelStruct next::Any plane_aspect::ImageAspectFlag end """ High-level wrapper for VkImagePlaneMemoryRequirementsInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImagePlaneMemoryRequirementsInfo.html) """ @struct_hash_equal struct ImagePlaneMemoryRequirementsInfo <: HighLevelStruct next::Any plane_aspect::ImageAspectFlag end """ High-level wrapper for VkCommandBufferInheritanceInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceInfo.html) """ @struct_hash_equal struct CommandBufferInheritanceInfo <: HighLevelStruct next::Any render_pass::OptionalPtr{RenderPass} subpass::UInt32 framebuffer::OptionalPtr{Framebuffer} occlusion_query_enable::Bool query_flags::QueryControlFlag pipeline_statistics::QueryPipelineStatisticFlag end """ High-level wrapper for VkCommandBufferBeginInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferBeginInfo.html) """ @struct_hash_equal struct CommandBufferBeginInfo <: HighLevelStruct next::Any flags::CommandBufferUsageFlag inheritance_info::OptionalPtr{CommandBufferInheritanceInfo} end """ High-level wrapper for VkFormatProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFormatProperties.html) """ @struct_hash_equal struct FormatProperties <: HighLevelStruct linear_tiling_features::FormatFeatureFlag optimal_tiling_features::FormatFeatureFlag buffer_features::FormatFeatureFlag end """ High-level wrapper for VkFormatProperties2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFormatProperties2.html) """ @struct_hash_equal struct FormatProperties2 <: HighLevelStruct next::Any format_properties::FormatProperties end """ High-level wrapper for VkDrmFormatModifierPropertiesEXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierPropertiesEXT.html) """ @struct_hash_equal struct DrmFormatModifierPropertiesEXT <: HighLevelStruct drm_format_modifier::UInt64 drm_format_modifier_plane_count::UInt32 drm_format_modifier_tiling_features::FormatFeatureFlag end """ High-level wrapper for VkDrmFormatModifierPropertiesListEXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierPropertiesListEXT.html) """ @struct_hash_equal struct DrmFormatModifierPropertiesListEXT <: HighLevelStruct next::Any drm_format_modifier_properties::OptionalPtr{Vector{DrmFormatModifierPropertiesEXT}} end """ High-level wrapper for VkFenceCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFenceCreateInfo.html) """ @struct_hash_equal struct FenceCreateInfo <: HighLevelStruct next::Any flags::FenceCreateFlag end """ High-level wrapper for VkSurfaceCapabilitiesKHR. Extension: VK\\_KHR\\_surface [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilitiesKHR.html) """ @struct_hash_equal struct SurfaceCapabilitiesKHR <: HighLevelStruct min_image_count::UInt32 max_image_count::UInt32 current_extent::Extent2D min_image_extent::Extent2D max_image_extent::Extent2D max_image_array_layers::UInt32 supported_transforms::SurfaceTransformFlagKHR current_transform::SurfaceTransformFlagKHR supported_composite_alpha::CompositeAlphaFlagKHR supported_usage_flags::ImageUsageFlag end """ High-level wrapper for VkSurfaceCapabilities2KHR. Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilities2KHR.html) """ @struct_hash_equal struct SurfaceCapabilities2KHR <: HighLevelStruct next::Any surface_capabilities::SurfaceCapabilitiesKHR end """ High-level wrapper for VkSurfaceCapabilities2EXT. Extension: VK\\_EXT\\_display\\_surface\\_counter [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilities2EXT.html) """ @struct_hash_equal struct SurfaceCapabilities2EXT <: HighLevelStruct next::Any min_image_count::UInt32 max_image_count::UInt32 current_extent::Extent2D min_image_extent::Extent2D max_image_extent::Extent2D max_image_array_layers::UInt32 supported_transforms::SurfaceTransformFlagKHR current_transform::SurfaceTransformFlagKHR supported_composite_alpha::CompositeAlphaFlagKHR supported_usage_flags::ImageUsageFlag supported_surface_counters::SurfaceCounterFlagEXT end """ High-level wrapper for VkSharedPresentSurfaceCapabilitiesKHR. Extension: VK\\_KHR\\_shared\\_presentable\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSharedPresentSurfaceCapabilitiesKHR.html) """ @struct_hash_equal struct SharedPresentSurfaceCapabilitiesKHR <: HighLevelStruct next::Any shared_present_supported_usage_flags::ImageUsageFlag end """ High-level wrapper for VkImageViewUsageCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewUsageCreateInfo.html) """ @struct_hash_equal struct ImageViewUsageCreateInfo <: HighLevelStruct next::Any usage::ImageUsageFlag end """ High-level wrapper for VkImageStencilUsageCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageStencilUsageCreateInfo.html) """ @struct_hash_equal struct ImageStencilUsageCreateInfo <: HighLevelStruct next::Any stencil_usage::ImageUsageFlag end """ High-level wrapper for VkPhysicalDeviceVideoFormatInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVideoFormatInfoKHR.html) """ @struct_hash_equal struct PhysicalDeviceVideoFormatInfoKHR <: HighLevelStruct next::Any image_usage::ImageUsageFlag end """ High-level wrapper for VkPipelineShaderStageCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineShaderStageCreateInfo.html) """ @struct_hash_equal struct PipelineShaderStageCreateInfo <: HighLevelStruct next::Any flags::PipelineShaderStageCreateFlag stage::ShaderStageFlag _module::OptionalPtr{ShaderModule} name::String specialization_info::OptionalPtr{SpecializationInfo} end """ High-level wrapper for VkComputePipelineCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkComputePipelineCreateInfo.html) """ @struct_hash_equal struct ComputePipelineCreateInfo <: HighLevelStruct next::Any flags::PipelineCreateFlag stage::PipelineShaderStageCreateInfo layout::PipelineLayout base_pipeline_handle::OptionalPtr{Pipeline} base_pipeline_index::Int32 end """ High-level wrapper for VkPushConstantRange. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPushConstantRange.html) """ @struct_hash_equal struct PushConstantRange <: HighLevelStruct stage_flags::ShaderStageFlag offset::UInt32 size::UInt32 end """ High-level wrapper for VkPipelineLayoutCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineLayoutCreateInfo.html) """ @struct_hash_equal struct PipelineLayoutCreateInfo <: HighLevelStruct next::Any flags::PipelineLayoutCreateFlag set_layouts::Vector{DescriptorSetLayout} push_constant_ranges::Vector{PushConstantRange} end """ High-level wrapper for VkPhysicalDeviceSubgroupProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubgroupProperties.html) """ @struct_hash_equal struct PhysicalDeviceSubgroupProperties <: HighLevelStruct next::Any subgroup_size::UInt32 supported_stages::ShaderStageFlag supported_operations::SubgroupFeatureFlag quad_operations_in_all_stages::Bool end """ High-level wrapper for VkShaderStatisticsInfoAMD. Extension: VK\\_AMD\\_shader\\_info [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderStatisticsInfoAMD.html) """ @struct_hash_equal struct ShaderStatisticsInfoAMD <: HighLevelStruct shader_stage_mask::ShaderStageFlag resource_usage::ShaderResourceUsageAMD num_physical_vgprs::UInt32 num_physical_sgprs::UInt32 num_available_vgprs::UInt32 num_available_sgprs::UInt32 compute_work_group_size::NTuple{3, UInt32} end """ High-level wrapper for VkPhysicalDeviceCooperativeMatrixPropertiesNV. Extension: VK\\_NV\\_cooperative\\_matrix [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCooperativeMatrixPropertiesNV.html) """ @struct_hash_equal struct PhysicalDeviceCooperativeMatrixPropertiesNV <: HighLevelStruct next::Any cooperative_matrix_supported_stages::ShaderStageFlag end """ High-level wrapper for VkPipelineExecutablePropertiesKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutablePropertiesKHR.html) """ @struct_hash_equal struct PipelineExecutablePropertiesKHR <: HighLevelStruct next::Any stages::ShaderStageFlag name::String description::String subgroup_size::UInt32 end """ High-level wrapper for VkPhysicalDeviceSubgroupSizeControlProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubgroupSizeControlProperties.html) """ @struct_hash_equal struct PhysicalDeviceSubgroupSizeControlProperties <: HighLevelStruct next::Any min_subgroup_size::UInt32 max_subgroup_size::UInt32 max_compute_workgroup_subgroups::UInt32 required_subgroup_size_stages::ShaderStageFlag end """ High-level wrapper for VkPhysicalDeviceVulkan13Properties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan13Properties.html) """ @struct_hash_equal struct PhysicalDeviceVulkan13Properties <: HighLevelStruct next::Any min_subgroup_size::UInt32 max_subgroup_size::UInt32 max_compute_workgroup_subgroups::UInt32 required_subgroup_size_stages::ShaderStageFlag max_inline_uniform_block_size::UInt32 max_per_stage_descriptor_inline_uniform_blocks::UInt32 max_per_stage_descriptor_update_after_bind_inline_uniform_blocks::UInt32 max_descriptor_set_inline_uniform_blocks::UInt32 max_descriptor_set_update_after_bind_inline_uniform_blocks::UInt32 max_inline_uniform_total_size::UInt32 integer_dot_product_8_bit_unsigned_accelerated::Bool integer_dot_product_8_bit_signed_accelerated::Bool integer_dot_product_8_bit_mixed_signedness_accelerated::Bool integer_dot_product_8_bit_packed_unsigned_accelerated::Bool integer_dot_product_8_bit_packed_signed_accelerated::Bool integer_dot_product_8_bit_packed_mixed_signedness_accelerated::Bool integer_dot_product_16_bit_unsigned_accelerated::Bool integer_dot_product_16_bit_signed_accelerated::Bool integer_dot_product_16_bit_mixed_signedness_accelerated::Bool integer_dot_product_32_bit_unsigned_accelerated::Bool integer_dot_product_32_bit_signed_accelerated::Bool integer_dot_product_32_bit_mixed_signedness_accelerated::Bool integer_dot_product_64_bit_unsigned_accelerated::Bool integer_dot_product_64_bit_signed_accelerated::Bool integer_dot_product_64_bit_mixed_signedness_accelerated::Bool integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated::Bool integer_dot_product_accumulating_saturating_8_bit_signed_accelerated::Bool integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated::Bool integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated::Bool integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated::Bool integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated::Bool integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated::Bool integer_dot_product_accumulating_saturating_16_bit_signed_accelerated::Bool integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated::Bool integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated::Bool integer_dot_product_accumulating_saturating_32_bit_signed_accelerated::Bool integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated::Bool integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated::Bool integer_dot_product_accumulating_saturating_64_bit_signed_accelerated::Bool integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated::Bool storage_texel_buffer_offset_alignment_bytes::UInt64 storage_texel_buffer_offset_single_texel_alignment::Bool uniform_texel_buffer_offset_alignment_bytes::UInt64 uniform_texel_buffer_offset_single_texel_alignment::Bool max_buffer_size::UInt64 end """ High-level wrapper for VkPhysicalDeviceExternalBufferInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalBufferInfo.html) """ @struct_hash_equal struct PhysicalDeviceExternalBufferInfo <: HighLevelStruct next::Any flags::BufferCreateFlag usage::BufferUsageFlag handle_type::ExternalMemoryHandleTypeFlag end """ High-level wrapper for VkDescriptorBufferBindingInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorBufferBindingInfoEXT.html) """ @struct_hash_equal struct DescriptorBufferBindingInfoEXT <: HighLevelStruct next::Any address::UInt64 usage::BufferUsageFlag end """ High-level wrapper for VkMemoryBarrier. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryBarrier.html) """ @struct_hash_equal struct MemoryBarrier <: HighLevelStruct next::Any src_access_mask::AccessFlag dst_access_mask::AccessFlag end """ High-level wrapper for VkBufferMemoryBarrier. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferMemoryBarrier.html) """ @struct_hash_equal struct BufferMemoryBarrier <: HighLevelStruct next::Any src_access_mask::AccessFlag dst_access_mask::AccessFlag src_queue_family_index::UInt32 dst_queue_family_index::UInt32 buffer::Buffer offset::UInt64 size::UInt64 end """ High-level wrapper for VkSubpassDependency. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDependency.html) """ @struct_hash_equal struct SubpassDependency <: HighLevelStruct src_subpass::UInt32 dst_subpass::UInt32 src_stage_mask::PipelineStageFlag dst_stage_mask::PipelineStageFlag src_access_mask::AccessFlag dst_access_mask::AccessFlag dependency_flags::DependencyFlag end """ High-level wrapper for VkSubpassDependency2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDependency2.html) """ @struct_hash_equal struct SubpassDependency2 <: HighLevelStruct next::Any src_subpass::UInt32 dst_subpass::UInt32 src_stage_mask::PipelineStageFlag dst_stage_mask::PipelineStageFlag src_access_mask::AccessFlag dst_access_mask::AccessFlag dependency_flags::DependencyFlag view_offset::Int32 end """ High-level wrapper for VkMemoryHeap. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryHeap.html) """ @struct_hash_equal struct MemoryHeap <: HighLevelStruct size::UInt64 flags::MemoryHeapFlag end """ High-level wrapper for VkMemoryType. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryType.html) """ @struct_hash_equal struct MemoryType <: HighLevelStruct property_flags::MemoryPropertyFlag heap_index::UInt32 end """ High-level wrapper for VkPhysicalDeviceMemoryProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryProperties.html) """ @struct_hash_equal struct PhysicalDeviceMemoryProperties <: HighLevelStruct memory_type_count::UInt32 memory_types::NTuple{Int(VK_MAX_MEMORY_TYPES), MemoryType} memory_heap_count::UInt32 memory_heaps::NTuple{Int(VK_MAX_MEMORY_HEAPS), MemoryHeap} end """ High-level wrapper for VkPhysicalDeviceMemoryProperties2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryProperties2.html) """ @struct_hash_equal struct PhysicalDeviceMemoryProperties2 <: HighLevelStruct next::Any memory_properties::PhysicalDeviceMemoryProperties end """ High-level wrapper for VkDeviceQueueCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceQueueCreateInfo.html) """ @struct_hash_equal struct DeviceQueueCreateInfo <: HighLevelStruct next::Any flags::DeviceQueueCreateFlag queue_family_index::UInt32 queue_priorities::Vector{Float32} end """ High-level wrapper for VkDeviceCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceCreateInfo.html) """ @struct_hash_equal struct DeviceCreateInfo <: HighLevelStruct next::Any flags::UInt32 queue_create_infos::Vector{DeviceQueueCreateInfo} enabled_layer_names::Vector{String} enabled_extension_names::Vector{String} enabled_features::OptionalPtr{PhysicalDeviceFeatures} end """ High-level wrapper for VkDeviceQueueInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceQueueInfo2.html) """ @struct_hash_equal struct DeviceQueueInfo2 <: HighLevelStruct next::Any flags::DeviceQueueCreateFlag queue_family_index::UInt32 queue_index::UInt32 end """ High-level wrapper for VkQueueFamilyProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyProperties.html) """ @struct_hash_equal struct QueueFamilyProperties <: HighLevelStruct queue_flags::QueueFlag queue_count::UInt32 timestamp_valid_bits::UInt32 min_image_transfer_granularity::Extent3D end """ High-level wrapper for VkQueueFamilyProperties2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyProperties2.html) """ @struct_hash_equal struct QueueFamilyProperties2 <: HighLevelStruct next::Any queue_family_properties::QueueFamilyProperties end """ High-level wrapper for VkPhysicalDeviceCopyMemoryIndirectPropertiesNV. Extension: VK\\_NV\\_copy\\_memory\\_indirect [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCopyMemoryIndirectPropertiesNV.html) """ @struct_hash_equal struct PhysicalDeviceCopyMemoryIndirectPropertiesNV <: HighLevelStruct next::Any supported_queues::QueueFlag end """ High-level wrapper for VkPipelineCacheCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCacheCreateInfo.html) """ @struct_hash_equal struct PipelineCacheCreateInfo <: HighLevelStruct next::Any flags::PipelineCacheCreateFlag initial_data_size::OptionalPtr{UInt} initial_data::Ptr{Cvoid} end """ High-level wrapper for VkDeviceFaultVendorBinaryHeaderVersionOneEXT. Extension: VK\\_EXT\\_device\\_fault [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultVendorBinaryHeaderVersionOneEXT.html) """ @struct_hash_equal struct DeviceFaultVendorBinaryHeaderVersionOneEXT <: HighLevelStruct header_size::UInt32 header_version::DeviceFaultVendorBinaryHeaderVersionEXT vendor_id::UInt32 device_id::UInt32 driver_version::VersionNumber pipeline_cache_uuid::NTuple{Int(VK_UUID_SIZE), UInt8} application_name_offset::UInt32 application_version::VersionNumber engine_name_offset::UInt32 end """ High-level wrapper for VkDeviceFaultAddressInfoEXT. Extension: VK\\_EXT\\_device\\_fault [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultAddressInfoEXT.html) """ @struct_hash_equal struct DeviceFaultAddressInfoEXT <: HighLevelStruct address_type::DeviceFaultAddressTypeEXT reported_address::UInt64 address_precision::UInt64 end """ High-level wrapper for VkDeviceFaultInfoEXT. Extension: VK\\_EXT\\_device\\_fault [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultInfoEXT.html) """ @struct_hash_equal struct DeviceFaultInfoEXT <: HighLevelStruct next::Any description::String address_infos::OptionalPtr{DeviceFaultAddressInfoEXT} vendor_infos::OptionalPtr{DeviceFaultVendorInfoEXT} vendor_binary_data::OptionalPtr{Ptr{Cvoid}} end """ High-level wrapper for VkCopyMicromapInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMicromapInfoEXT.html) """ @struct_hash_equal struct CopyMicromapInfoEXT <: HighLevelStruct next::Any src::MicromapEXT dst::MicromapEXT mode::CopyMicromapModeEXT end """ High-level wrapper for VkCopyMicromapToMemoryInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMicromapToMemoryInfoEXT.html) """ @struct_hash_equal struct CopyMicromapToMemoryInfoEXT <: HighLevelStruct next::Any src::MicromapEXT dst::DeviceOrHostAddressKHR mode::CopyMicromapModeEXT end """ High-level wrapper for VkCopyMemoryToMicromapInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryToMicromapInfoEXT.html) """ @struct_hash_equal struct CopyMemoryToMicromapInfoEXT <: HighLevelStruct next::Any src::DeviceOrHostAddressConstKHR dst::MicromapEXT mode::CopyMicromapModeEXT end """ High-level wrapper for VkMicromapBuildInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapBuildInfoEXT.html) """ @struct_hash_equal struct MicromapBuildInfoEXT <: HighLevelStruct next::Any type::MicromapTypeEXT flags::BuildMicromapFlagEXT mode::BuildMicromapModeEXT dst_micromap::OptionalPtr{MicromapEXT} usage_counts::OptionalPtr{Vector{MicromapUsageEXT}} usage_counts_2::OptionalPtr{Vector{MicromapUsageEXT}} data::DeviceOrHostAddressConstKHR scratch_data::DeviceOrHostAddressKHR triangle_array::DeviceOrHostAddressConstKHR triangle_array_stride::UInt64 end """ High-level wrapper for VkMicromapCreateInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapCreateInfoEXT.html) """ @struct_hash_equal struct MicromapCreateInfoEXT <: HighLevelStruct next::Any create_flags::MicromapCreateFlagEXT buffer::Buffer offset::UInt64 size::UInt64 type::MicromapTypeEXT device_address::UInt64 end """ High-level wrapper for VkPipelineRobustnessCreateInfoEXT. Extension: VK\\_EXT\\_pipeline\\_robustness [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRobustnessCreateInfoEXT.html) """ @struct_hash_equal struct PipelineRobustnessCreateInfoEXT <: HighLevelStruct next::Any storage_buffers::PipelineRobustnessBufferBehaviorEXT uniform_buffers::PipelineRobustnessBufferBehaviorEXT vertex_inputs::PipelineRobustnessBufferBehaviorEXT images::PipelineRobustnessImageBehaviorEXT end """ High-level wrapper for VkPhysicalDevicePipelineRobustnessPropertiesEXT. Extension: VK\\_EXT\\_pipeline\\_robustness [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineRobustnessPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDevicePipelineRobustnessPropertiesEXT <: HighLevelStruct next::Any default_robustness_storage_buffers::PipelineRobustnessBufferBehaviorEXT default_robustness_uniform_buffers::PipelineRobustnessBufferBehaviorEXT default_robustness_vertex_inputs::PipelineRobustnessBufferBehaviorEXT default_robustness_images::PipelineRobustnessImageBehaviorEXT end """ High-level wrapper for VkDeviceAddressBindingCallbackDataEXT. Extension: VK\\_EXT\\_device\\_address\\_binding\\_report [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceAddressBindingCallbackDataEXT.html) """ @struct_hash_equal struct DeviceAddressBindingCallbackDataEXT <: HighLevelStruct next::Any flags::DeviceAddressBindingFlagEXT base_address::UInt64 size::UInt64 binding_type::DeviceAddressBindingTypeEXT end """ High-level wrapper for VkAccelerationStructureMotionInstanceNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMotionInstanceNV.html) """ @struct_hash_equal struct AccelerationStructureMotionInstanceNV <: HighLevelStruct type::AccelerationStructureMotionInstanceTypeNV flags::UInt32 data::AccelerationStructureMotionInstanceDataNV end """ High-level wrapper for VkPipelineRasterizationProvokingVertexStateCreateInfoEXT. Extension: VK\\_EXT\\_provoking\\_vertex [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationProvokingVertexStateCreateInfoEXT.html) """ @struct_hash_equal struct PipelineRasterizationProvokingVertexStateCreateInfoEXT <: HighLevelStruct next::Any provoking_vertex_mode::ProvokingVertexModeEXT end """ High-level wrapper for VkRenderPassSubpassFeedbackInfoEXT. Extension: VK\\_EXT\\_subpass\\_merge\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassSubpassFeedbackInfoEXT.html) """ @struct_hash_equal struct RenderPassSubpassFeedbackInfoEXT <: HighLevelStruct subpass_merge_status::SubpassMergeStatusEXT description::String post_merge_index::UInt32 end """ High-level wrapper for VkRenderPassSubpassFeedbackCreateInfoEXT. Extension: VK\\_EXT\\_subpass\\_merge\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassSubpassFeedbackCreateInfoEXT.html) """ @struct_hash_equal struct RenderPassSubpassFeedbackCreateInfoEXT <: HighLevelStruct next::Any subpass_feedback::RenderPassSubpassFeedbackInfoEXT end """ High-level wrapper for VkPipelineFragmentShadingRateStateCreateInfoKHR. Extension: VK\\_KHR\\_fragment\\_shading\\_rate [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineFragmentShadingRateStateCreateInfoKHR.html) """ @struct_hash_equal struct PipelineFragmentShadingRateStateCreateInfoKHR <: HighLevelStruct next::Any fragment_size::Extent2D combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR} end """ High-level wrapper for VkPipelineFragmentShadingRateEnumStateCreateInfoNV. Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineFragmentShadingRateEnumStateCreateInfoNV.html) """ @struct_hash_equal struct PipelineFragmentShadingRateEnumStateCreateInfoNV <: HighLevelStruct next::Any shading_rate_type::FragmentShadingRateTypeNV shading_rate::FragmentShadingRateNV combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR} end """ High-level wrapper for VkPipelineRasterizationLineStateCreateInfoEXT. Extension: VK\\_EXT\\_line\\_rasterization [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationLineStateCreateInfoEXT.html) """ @struct_hash_equal struct PipelineRasterizationLineStateCreateInfoEXT <: HighLevelStruct next::Any line_rasterization_mode::LineRasterizationModeEXT stippled_line_enable::Bool line_stipple_factor::UInt32 line_stipple_pattern::UInt16 end """ High-level wrapper for VkPipelineExecutableStatisticKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableStatisticKHR.html) """ @struct_hash_equal struct PipelineExecutableStatisticKHR <: HighLevelStruct next::Any name::String description::String format::PipelineExecutableStatisticFormatKHR value::PipelineExecutableStatisticValueKHR end """ High-level wrapper for VkPhysicalDeviceFloatControlsProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFloatControlsProperties.html) """ @struct_hash_equal struct PhysicalDeviceFloatControlsProperties <: HighLevelStruct next::Any denorm_behavior_independence::ShaderFloatControlsIndependence rounding_mode_independence::ShaderFloatControlsIndependence shader_signed_zero_inf_nan_preserve_float_16::Bool shader_signed_zero_inf_nan_preserve_float_32::Bool shader_signed_zero_inf_nan_preserve_float_64::Bool shader_denorm_preserve_float_16::Bool shader_denorm_preserve_float_32::Bool shader_denorm_preserve_float_64::Bool shader_denorm_flush_to_zero_float_16::Bool shader_denorm_flush_to_zero_float_32::Bool shader_denorm_flush_to_zero_float_64::Bool shader_rounding_mode_rte_float_16::Bool shader_rounding_mode_rte_float_32::Bool shader_rounding_mode_rte_float_64::Bool shader_rounding_mode_rtz_float_16::Bool shader_rounding_mode_rtz_float_32::Bool shader_rounding_mode_rtz_float_64::Bool end """ High-level wrapper for VkPerformanceValueINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceValueINTEL.html) """ @struct_hash_equal struct PerformanceValueINTEL <: HighLevelStruct type::PerformanceValueTypeINTEL data::PerformanceValueDataINTEL end """ High-level wrapper for VkPerformanceOverrideInfoINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceOverrideInfoINTEL.html) """ @struct_hash_equal struct PerformanceOverrideInfoINTEL <: HighLevelStruct next::Any type::PerformanceOverrideTypeINTEL enable::Bool parameter::UInt64 end """ High-level wrapper for VkQueryPoolPerformanceQueryCreateInfoINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueryPoolPerformanceQueryCreateInfoINTEL.html) """ @struct_hash_equal struct QueryPoolPerformanceQueryCreateInfoINTEL <: HighLevelStruct next::Any performance_counters_sampling::QueryPoolSamplingModeINTEL end """ High-level wrapper for VkPerformanceConfigurationAcquireInfoINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceConfigurationAcquireInfoINTEL.html) """ @struct_hash_equal struct PerformanceConfigurationAcquireInfoINTEL <: HighLevelStruct next::Any type::PerformanceConfigurationTypeINTEL end """ High-level wrapper for VkPerformanceCounterKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceCounterKHR.html) """ @struct_hash_equal struct PerformanceCounterKHR <: HighLevelStruct next::Any unit::PerformanceCounterUnitKHR scope::PerformanceCounterScopeKHR storage::PerformanceCounterStorageKHR uuid::NTuple{Int(VK_UUID_SIZE), UInt8} end """ High-level wrapper for VkCooperativeMatrixPropertiesNV. Extension: VK\\_NV\\_cooperative\\_matrix [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCooperativeMatrixPropertiesNV.html) """ @struct_hash_equal struct CooperativeMatrixPropertiesNV <: HighLevelStruct next::Any m_size::UInt32 n_size::UInt32 k_size::UInt32 a_type::ComponentTypeNV b_type::ComponentTypeNV c_type::ComponentTypeNV d_type::ComponentTypeNV scope::ScopeNV end """ High-level wrapper for VkDeviceMemoryOverallocationCreateInfoAMD. Extension: VK\\_AMD\\_memory\\_overallocation\\_behavior [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceMemoryOverallocationCreateInfoAMD.html) """ @struct_hash_equal struct DeviceMemoryOverallocationCreateInfoAMD <: HighLevelStruct next::Any overallocation_behavior::MemoryOverallocationBehaviorAMD end """ High-level wrapper for VkRayTracingShaderGroupCreateInfoNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingShaderGroupCreateInfoNV.html) """ @struct_hash_equal struct RayTracingShaderGroupCreateInfoNV <: HighLevelStruct next::Any type::RayTracingShaderGroupTypeKHR general_shader::UInt32 closest_hit_shader::UInt32 any_hit_shader::UInt32 intersection_shader::UInt32 end """ High-level wrapper for VkRayTracingPipelineCreateInfoNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingPipelineCreateInfoNV.html) """ @struct_hash_equal struct RayTracingPipelineCreateInfoNV <: HighLevelStruct next::Any flags::PipelineCreateFlag stages::Vector{PipelineShaderStageCreateInfo} groups::Vector{RayTracingShaderGroupCreateInfoNV} max_recursion_depth::UInt32 layout::PipelineLayout base_pipeline_handle::OptionalPtr{Pipeline} base_pipeline_index::Int32 end """ High-level wrapper for VkRayTracingShaderGroupCreateInfoKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingShaderGroupCreateInfoKHR.html) """ @struct_hash_equal struct RayTracingShaderGroupCreateInfoKHR <: HighLevelStruct next::Any type::RayTracingShaderGroupTypeKHR general_shader::UInt32 closest_hit_shader::UInt32 any_hit_shader::UInt32 intersection_shader::UInt32 shader_group_capture_replay_handle::OptionalPtr{Ptr{Cvoid}} end """ High-level wrapper for VkAccelerationStructureMemoryRequirementsInfoNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMemoryRequirementsInfoNV.html) """ @struct_hash_equal struct AccelerationStructureMemoryRequirementsInfoNV <: HighLevelStruct next::Any type::AccelerationStructureMemoryRequirementsTypeNV acceleration_structure::AccelerationStructureNV end """ High-level wrapper for VkAccelerationStructureGeometryKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryKHR.html) """ @struct_hash_equal struct AccelerationStructureGeometryKHR <: HighLevelStruct next::Any geometry_type::GeometryTypeKHR geometry::AccelerationStructureGeometryDataKHR flags::GeometryFlagKHR end """ High-level wrapper for VkAccelerationStructureCreateInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureCreateInfoKHR.html) """ @struct_hash_equal struct AccelerationStructureCreateInfoKHR <: HighLevelStruct next::Any create_flags::AccelerationStructureCreateFlagKHR buffer::Buffer offset::UInt64 size::UInt64 type::AccelerationStructureTypeKHR device_address::UInt64 end """ High-level wrapper for VkAccelerationStructureBuildGeometryInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureBuildGeometryInfoKHR.html) """ @struct_hash_equal struct AccelerationStructureBuildGeometryInfoKHR <: HighLevelStruct next::Any type::AccelerationStructureTypeKHR flags::BuildAccelerationStructureFlagKHR mode::BuildAccelerationStructureModeKHR src_acceleration_structure::OptionalPtr{AccelerationStructureKHR} dst_acceleration_structure::OptionalPtr{AccelerationStructureKHR} geometries::OptionalPtr{Vector{AccelerationStructureGeometryKHR}} geometries_2::OptionalPtr{Vector{AccelerationStructureGeometryKHR}} scratch_data::DeviceOrHostAddressKHR end """ High-level wrapper for VkCopyAccelerationStructureInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyAccelerationStructureInfoKHR.html) """ @struct_hash_equal struct CopyAccelerationStructureInfoKHR <: HighLevelStruct next::Any src::AccelerationStructureKHR dst::AccelerationStructureKHR mode::CopyAccelerationStructureModeKHR end """ High-level wrapper for VkCopyAccelerationStructureToMemoryInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyAccelerationStructureToMemoryInfoKHR.html) """ @struct_hash_equal struct CopyAccelerationStructureToMemoryInfoKHR <: HighLevelStruct next::Any src::AccelerationStructureKHR dst::DeviceOrHostAddressKHR mode::CopyAccelerationStructureModeKHR end """ High-level wrapper for VkCopyMemoryToAccelerationStructureInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryToAccelerationStructureInfoKHR.html) """ @struct_hash_equal struct CopyMemoryToAccelerationStructureInfoKHR <: HighLevelStruct next::Any src::DeviceOrHostAddressConstKHR dst::AccelerationStructureKHR mode::CopyAccelerationStructureModeKHR end """ High-level wrapper for VkShadingRatePaletteNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShadingRatePaletteNV.html) """ @struct_hash_equal struct ShadingRatePaletteNV <: HighLevelStruct shading_rate_palette_entries::Vector{ShadingRatePaletteEntryNV} end """ High-level wrapper for VkPipelineViewportShadingRateImageStateCreateInfoNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportShadingRateImageStateCreateInfoNV.html) """ @struct_hash_equal struct PipelineViewportShadingRateImageStateCreateInfoNV <: HighLevelStruct next::Any shading_rate_image_enable::Bool shading_rate_palettes::Vector{ShadingRatePaletteNV} end """ High-level wrapper for VkCoarseSampleOrderCustomNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCoarseSampleOrderCustomNV.html) """ @struct_hash_equal struct CoarseSampleOrderCustomNV <: HighLevelStruct shading_rate::ShadingRatePaletteEntryNV sample_count::UInt32 sample_locations::Vector{CoarseSampleLocationNV} end """ High-level wrapper for VkPipelineViewportCoarseSampleOrderStateCreateInfoNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportCoarseSampleOrderStateCreateInfoNV.html) """ @struct_hash_equal struct PipelineViewportCoarseSampleOrderStateCreateInfoNV <: HighLevelStruct next::Any sample_order_type::CoarseSampleOrderTypeNV custom_sample_orders::Vector{CoarseSampleOrderCustomNV} end """ High-level wrapper for VkPhysicalDeviceDriverProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDriverProperties.html) """ @struct_hash_equal struct PhysicalDeviceDriverProperties <: HighLevelStruct next::Any driver_id::DriverId driver_name::String driver_info::String conformance_version::ConformanceVersion end """ High-level wrapper for VkPhysicalDeviceVulkan12Properties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan12Properties.html) """ @struct_hash_equal struct PhysicalDeviceVulkan12Properties <: HighLevelStruct next::Any driver_id::DriverId driver_name::String driver_info::String conformance_version::ConformanceVersion denorm_behavior_independence::ShaderFloatControlsIndependence rounding_mode_independence::ShaderFloatControlsIndependence shader_signed_zero_inf_nan_preserve_float_16::Bool shader_signed_zero_inf_nan_preserve_float_32::Bool shader_signed_zero_inf_nan_preserve_float_64::Bool shader_denorm_preserve_float_16::Bool shader_denorm_preserve_float_32::Bool shader_denorm_preserve_float_64::Bool shader_denorm_flush_to_zero_float_16::Bool shader_denorm_flush_to_zero_float_32::Bool shader_denorm_flush_to_zero_float_64::Bool shader_rounding_mode_rte_float_16::Bool shader_rounding_mode_rte_float_32::Bool shader_rounding_mode_rte_float_64::Bool shader_rounding_mode_rtz_float_16::Bool shader_rounding_mode_rtz_float_32::Bool shader_rounding_mode_rtz_float_64::Bool max_update_after_bind_descriptors_in_all_pools::UInt32 shader_uniform_buffer_array_non_uniform_indexing_native::Bool shader_sampled_image_array_non_uniform_indexing_native::Bool shader_storage_buffer_array_non_uniform_indexing_native::Bool shader_storage_image_array_non_uniform_indexing_native::Bool shader_input_attachment_array_non_uniform_indexing_native::Bool robust_buffer_access_update_after_bind::Bool quad_divergent_implicit_lod::Bool max_per_stage_descriptor_update_after_bind_samplers::UInt32 max_per_stage_descriptor_update_after_bind_uniform_buffers::UInt32 max_per_stage_descriptor_update_after_bind_storage_buffers::UInt32 max_per_stage_descriptor_update_after_bind_sampled_images::UInt32 max_per_stage_descriptor_update_after_bind_storage_images::UInt32 max_per_stage_descriptor_update_after_bind_input_attachments::UInt32 max_per_stage_update_after_bind_resources::UInt32 max_descriptor_set_update_after_bind_samplers::UInt32 max_descriptor_set_update_after_bind_uniform_buffers::UInt32 max_descriptor_set_update_after_bind_uniform_buffers_dynamic::UInt32 max_descriptor_set_update_after_bind_storage_buffers::UInt32 max_descriptor_set_update_after_bind_storage_buffers_dynamic::UInt32 max_descriptor_set_update_after_bind_sampled_images::UInt32 max_descriptor_set_update_after_bind_storage_images::UInt32 max_descriptor_set_update_after_bind_input_attachments::UInt32 supported_depth_resolve_modes::ResolveModeFlag supported_stencil_resolve_modes::ResolveModeFlag independent_resolve_none::Bool independent_resolve::Bool filter_minmax_single_component_formats::Bool filter_minmax_image_component_mapping::Bool max_timeline_semaphore_value_difference::UInt64 framebuffer_integer_color_sample_counts::SampleCountFlag end """ High-level wrapper for VkPipelineRasterizationConservativeStateCreateInfoEXT. Extension: VK\\_EXT\\_conservative\\_rasterization [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationConservativeStateCreateInfoEXT.html) """ @struct_hash_equal struct PipelineRasterizationConservativeStateCreateInfoEXT <: HighLevelStruct next::Any flags::UInt32 conservative_rasterization_mode::ConservativeRasterizationModeEXT extra_primitive_overestimation_size::Float32 end """ High-level wrapper for VkDeviceQueueGlobalPriorityCreateInfoKHR. Extension: VK\\_KHR\\_global\\_priority [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceQueueGlobalPriorityCreateInfoKHR.html) """ @struct_hash_equal struct DeviceQueueGlobalPriorityCreateInfoKHR <: HighLevelStruct next::Any global_priority::QueueGlobalPriorityKHR end """ High-level wrapper for VkQueueFamilyGlobalPriorityPropertiesKHR. Extension: VK\\_KHR\\_global\\_priority [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyGlobalPriorityPropertiesKHR.html) """ @struct_hash_equal struct QueueFamilyGlobalPriorityPropertiesKHR <: HighLevelStruct next::Any priority_count::UInt32 priorities::NTuple{Int(VK_MAX_GLOBAL_PRIORITY_SIZE_KHR), QueueGlobalPriorityKHR} end """ High-level wrapper for VkPipelineCoverageReductionStateCreateInfoNV. Extension: VK\\_NV\\_coverage\\_reduction\\_mode [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCoverageReductionStateCreateInfoNV.html) """ @struct_hash_equal struct PipelineCoverageReductionStateCreateInfoNV <: HighLevelStruct next::Any flags::UInt32 coverage_reduction_mode::CoverageReductionModeNV end """ High-level wrapper for VkFramebufferMixedSamplesCombinationNV. Extension: VK\\_NV\\_coverage\\_reduction\\_mode [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferMixedSamplesCombinationNV.html) """ @struct_hash_equal struct FramebufferMixedSamplesCombinationNV <: HighLevelStruct next::Any coverage_reduction_mode::CoverageReductionModeNV rasterization_samples::SampleCountFlag depth_stencil_samples::SampleCountFlag color_samples::SampleCountFlag end """ High-level wrapper for VkPipelineCoverageModulationStateCreateInfoNV. Extension: VK\\_NV\\_framebuffer\\_mixed\\_samples [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCoverageModulationStateCreateInfoNV.html) """ @struct_hash_equal struct PipelineCoverageModulationStateCreateInfoNV <: HighLevelStruct next::Any flags::UInt32 coverage_modulation_mode::CoverageModulationModeNV coverage_modulation_table_enable::Bool coverage_modulation_table::OptionalPtr{Vector{Float32}} end """ High-level wrapper for VkPipelineColorBlendAdvancedStateCreateInfoEXT. Extension: VK\\_EXT\\_blend\\_operation\\_advanced [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorBlendAdvancedStateCreateInfoEXT.html) """ @struct_hash_equal struct PipelineColorBlendAdvancedStateCreateInfoEXT <: HighLevelStruct next::Any src_premultiplied::Bool dst_premultiplied::Bool blend_overlap::BlendOverlapEXT end """ High-level wrapper for VkPipelineTessellationDomainOriginStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineTessellationDomainOriginStateCreateInfo.html) """ @struct_hash_equal struct PipelineTessellationDomainOriginStateCreateInfo <: HighLevelStruct next::Any domain_origin::TessellationDomainOrigin end """ High-level wrapper for VkSamplerReductionModeCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerReductionModeCreateInfo.html) """ @struct_hash_equal struct SamplerReductionModeCreateInfo <: HighLevelStruct next::Any reduction_mode::SamplerReductionMode end """ High-level wrapper for VkPhysicalDevicePointClippingProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePointClippingProperties.html) """ @struct_hash_equal struct PhysicalDevicePointClippingProperties <: HighLevelStruct next::Any point_clipping_behavior::PointClippingBehavior end """ High-level wrapper for VkPhysicalDeviceVulkan11Properties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan11Properties.html) """ @struct_hash_equal struct PhysicalDeviceVulkan11Properties <: HighLevelStruct next::Any device_uuid::NTuple{Int(VK_UUID_SIZE), UInt8} driver_uuid::NTuple{Int(VK_UUID_SIZE), UInt8} device_luid::NTuple{Int(VK_LUID_SIZE), UInt8} device_node_mask::UInt32 device_luid_valid::Bool subgroup_size::UInt32 subgroup_supported_stages::ShaderStageFlag subgroup_supported_operations::SubgroupFeatureFlag subgroup_quad_operations_in_all_stages::Bool point_clipping_behavior::PointClippingBehavior max_multiview_view_count::UInt32 max_multiview_instance_index::UInt32 protected_no_fault::Bool max_per_set_descriptors::UInt32 max_memory_allocation_size::UInt64 end """ High-level wrapper for VkPipelineDiscardRectangleStateCreateInfoEXT. Extension: VK\\_EXT\\_discard\\_rectangles [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineDiscardRectangleStateCreateInfoEXT.html) """ @struct_hash_equal struct PipelineDiscardRectangleStateCreateInfoEXT <: HighLevelStruct next::Any flags::UInt32 discard_rectangle_mode::DiscardRectangleModeEXT discard_rectangles::Vector{Rect2D} end """ High-level wrapper for VkViewportSwizzleNV. Extension: VK\\_NV\\_viewport\\_swizzle [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkViewportSwizzleNV.html) """ @struct_hash_equal struct ViewportSwizzleNV <: HighLevelStruct x::ViewportCoordinateSwizzleNV y::ViewportCoordinateSwizzleNV z::ViewportCoordinateSwizzleNV w::ViewportCoordinateSwizzleNV end """ High-level wrapper for VkPipelineViewportSwizzleStateCreateInfoNV. Extension: VK\\_NV\\_viewport\\_swizzle [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportSwizzleStateCreateInfoNV.html) """ @struct_hash_equal struct PipelineViewportSwizzleStateCreateInfoNV <: HighLevelStruct next::Any flags::UInt32 viewport_swizzles::Vector{ViewportSwizzleNV} end """ High-level wrapper for VkDisplayEventInfoEXT. Extension: VK\\_EXT\\_display\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayEventInfoEXT.html) """ @struct_hash_equal struct DisplayEventInfoEXT <: HighLevelStruct next::Any display_event::DisplayEventTypeEXT end """ High-level wrapper for VkDeviceEventInfoEXT. Extension: VK\\_EXT\\_display\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceEventInfoEXT.html) """ @struct_hash_equal struct DeviceEventInfoEXT <: HighLevelStruct next::Any device_event::DeviceEventTypeEXT end """ High-level wrapper for VkDisplayPowerInfoEXT. Extension: VK\\_EXT\\_display\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPowerInfoEXT.html) """ @struct_hash_equal struct DisplayPowerInfoEXT <: HighLevelStruct next::Any power_state::DisplayPowerStateEXT end """ High-level wrapper for VkValidationFeaturesEXT. Extension: VK\\_EXT\\_validation\\_features [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkValidationFeaturesEXT.html) """ @struct_hash_equal struct ValidationFeaturesEXT <: HighLevelStruct next::Any enabled_validation_features::Vector{ValidationFeatureEnableEXT} disabled_validation_features::Vector{ValidationFeatureDisableEXT} end """ High-level wrapper for VkValidationFlagsEXT. Extension: VK\\_EXT\\_validation\\_flags [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkValidationFlagsEXT.html) """ @struct_hash_equal struct ValidationFlagsEXT <: HighLevelStruct next::Any disabled_validation_checks::Vector{ValidationCheckEXT} end """ High-level wrapper for VkPipelineRasterizationStateRasterizationOrderAMD. Extension: VK\\_AMD\\_rasterization\\_order [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationStateRasterizationOrderAMD.html) """ @struct_hash_equal struct PipelineRasterizationStateRasterizationOrderAMD <: HighLevelStruct next::Any rasterization_order::RasterizationOrderAMD end """ High-level wrapper for VkDebugMarkerObjectNameInfoEXT. Extension: VK\\_EXT\\_debug\\_marker [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugMarkerObjectNameInfoEXT.html) """ @struct_hash_equal struct DebugMarkerObjectNameInfoEXT <: HighLevelStruct next::Any object_type::DebugReportObjectTypeEXT object::UInt64 object_name::String end """ High-level wrapper for VkDebugMarkerObjectTagInfoEXT. Extension: VK\\_EXT\\_debug\\_marker [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugMarkerObjectTagInfoEXT.html) """ @struct_hash_equal struct DebugMarkerObjectTagInfoEXT <: HighLevelStruct next::Any object_type::DebugReportObjectTypeEXT object::UInt64 tag_name::UInt64 tag_size::UInt tag::Ptr{Cvoid} end """ High-level wrapper for VkCalibratedTimestampInfoEXT. Extension: VK\\_EXT\\_calibrated\\_timestamps [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCalibratedTimestampInfoEXT.html) """ @struct_hash_equal struct CalibratedTimestampInfoEXT <: HighLevelStruct next::Any time_domain::TimeDomainEXT end """ High-level wrapper for VkSurfacePresentModeEXT. Extension: VK\\_EXT\\_surface\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfacePresentModeEXT.html) """ @struct_hash_equal struct SurfacePresentModeEXT <: HighLevelStruct next::Any present_mode::PresentModeKHR end """ High-level wrapper for VkSurfacePresentModeCompatibilityEXT. Extension: VK\\_EXT\\_surface\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfacePresentModeCompatibilityEXT.html) """ @struct_hash_equal struct SurfacePresentModeCompatibilityEXT <: HighLevelStruct next::Any present_modes::OptionalPtr{Vector{PresentModeKHR}} end """ High-level wrapper for VkSwapchainPresentModesCreateInfoEXT. Extension: VK\\_EXT\\_swapchain\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentModesCreateInfoEXT.html) """ @struct_hash_equal struct SwapchainPresentModesCreateInfoEXT <: HighLevelStruct next::Any present_modes::Vector{PresentModeKHR} end """ High-level wrapper for VkSwapchainPresentModeInfoEXT. Extension: VK\\_EXT\\_swapchain\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentModeInfoEXT.html) """ @struct_hash_equal struct SwapchainPresentModeInfoEXT <: HighLevelStruct next::Any present_modes::Vector{PresentModeKHR} end """ High-level wrapper for VkSemaphoreTypeCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreTypeCreateInfo.html) """ @struct_hash_equal struct SemaphoreTypeCreateInfo <: HighLevelStruct next::Any semaphore_type::SemaphoreType initial_value::UInt64 end """ High-level wrapper for VkDirectDriverLoadingListLUNARG. Extension: VK\\_LUNARG\\_direct\\_driver\\_loading [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDirectDriverLoadingListLUNARG.html) """ @struct_hash_equal struct DirectDriverLoadingListLUNARG <: HighLevelStruct next::Any mode::DirectDriverLoadingModeLUNARG drivers::Vector{DirectDriverLoadingInfoLUNARG} end """ High-level wrapper for VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV. Extension: VK\\_NV\\_ray\\_tracing\\_invocation\\_reorder [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV.html) """ @struct_hash_equal struct PhysicalDeviceRayTracingInvocationReorderPropertiesNV <: HighLevelStruct next::Any ray_tracing_invocation_reorder_reordering_hint::RayTracingInvocationReorderModeNV end """ High-level wrapper for VkDebugUtilsObjectNameInfoEXT. Extension: VK\\_EXT\\_debug\\_utils [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsObjectNameInfoEXT.html) """ @struct_hash_equal struct DebugUtilsObjectNameInfoEXT <: HighLevelStruct next::Any object_type::ObjectType object_handle::UInt64 object_name::String end """ High-level wrapper for VkDebugUtilsMessengerCallbackDataEXT. Extension: VK\\_EXT\\_debug\\_utils [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsMessengerCallbackDataEXT.html) """ @struct_hash_equal struct DebugUtilsMessengerCallbackDataEXT <: HighLevelStruct next::Any flags::UInt32 message_id_name::String message_id_number::Int32 message::String queue_labels::Vector{DebugUtilsLabelEXT} cmd_buf_labels::Vector{DebugUtilsLabelEXT} objects::Vector{DebugUtilsObjectNameInfoEXT} end """ High-level wrapper for VkDebugUtilsObjectTagInfoEXT. Extension: VK\\_EXT\\_debug\\_utils [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsObjectTagInfoEXT.html) """ @struct_hash_equal struct DebugUtilsObjectTagInfoEXT <: HighLevelStruct next::Any object_type::ObjectType object_handle::UInt64 tag_name::UInt64 tag_size::UInt tag::Ptr{Cvoid} end """ High-level wrapper for VkDeviceMemoryReportCallbackDataEXT. Extension: VK\\_EXT\\_device\\_memory\\_report [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceMemoryReportCallbackDataEXT.html) """ @struct_hash_equal struct DeviceMemoryReportCallbackDataEXT <: HighLevelStruct next::Any flags::UInt32 type::DeviceMemoryReportEventTypeEXT memory_object_id::UInt64 size::UInt64 object_type::ObjectType object_handle::UInt64 heap_index::UInt32 end """ High-level wrapper for VkPipelineDynamicStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineDynamicStateCreateInfo.html) """ @struct_hash_equal struct PipelineDynamicStateCreateInfo <: HighLevelStruct next::Any flags::UInt32 dynamic_states::Vector{DynamicState} end """ High-level wrapper for VkRayTracingPipelineCreateInfoKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingPipelineCreateInfoKHR.html) """ @struct_hash_equal struct RayTracingPipelineCreateInfoKHR <: HighLevelStruct next::Any flags::PipelineCreateFlag stages::Vector{PipelineShaderStageCreateInfo} groups::Vector{RayTracingShaderGroupCreateInfoKHR} max_pipeline_ray_recursion_depth::UInt32 library_info::OptionalPtr{PipelineLibraryCreateInfoKHR} library_interface::OptionalPtr{RayTracingPipelineInterfaceCreateInfoKHR} dynamic_state::OptionalPtr{PipelineDynamicStateCreateInfo} layout::PipelineLayout base_pipeline_handle::OptionalPtr{Pipeline} base_pipeline_index::Int32 end """ High-level wrapper for VkPresentInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentInfoKHR.html) """ @struct_hash_equal struct PresentInfoKHR <: HighLevelStruct next::Any wait_semaphores::Vector{Semaphore} swapchains::Vector{SwapchainKHR} image_indices::Vector{UInt32} results::OptionalPtr{Vector{Result}} end """ High-level wrapper for VkSubpassBeginInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassBeginInfo.html) """ @struct_hash_equal struct SubpassBeginInfo <: HighLevelStruct next::Any contents::SubpassContents end """ High-level wrapper for VkBufferViewCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferViewCreateInfo.html) """ @struct_hash_equal struct BufferViewCreateInfo <: HighLevelStruct next::Any flags::UInt32 buffer::Buffer format::Format offset::UInt64 range::UInt64 end """ High-level wrapper for VkVertexInputAttributeDescription. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputAttributeDescription.html) """ @struct_hash_equal struct VertexInputAttributeDescription <: HighLevelStruct location::UInt32 binding::UInt32 format::Format offset::UInt32 end """ High-level wrapper for VkSurfaceFormatKHR. Extension: VK\\_KHR\\_surface [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceFormatKHR.html) """ @struct_hash_equal struct SurfaceFormatKHR <: HighLevelStruct format::Format color_space::ColorSpaceKHR end """ High-level wrapper for VkSurfaceFormat2KHR. Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceFormat2KHR.html) """ @struct_hash_equal struct SurfaceFormat2KHR <: HighLevelStruct next::Any surface_format::SurfaceFormatKHR end """ High-level wrapper for VkImageFormatListCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageFormatListCreateInfo.html) """ @struct_hash_equal struct ImageFormatListCreateInfo <: HighLevelStruct next::Any view_formats::Vector{Format} end """ High-level wrapper for VkImageViewASTCDecodeModeEXT. Extension: VK\\_EXT\\_astc\\_decode\\_mode [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewASTCDecodeModeEXT.html) """ @struct_hash_equal struct ImageViewASTCDecodeModeEXT <: HighLevelStruct next::Any decode_mode::Format end """ High-level wrapper for VkFramebufferAttachmentImageInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferAttachmentImageInfo.html) """ @struct_hash_equal struct FramebufferAttachmentImageInfo <: HighLevelStruct next::Any flags::ImageCreateFlag usage::ImageUsageFlag width::UInt32 height::UInt32 layer_count::UInt32 view_formats::Vector{Format} end """ High-level wrapper for VkFramebufferAttachmentsCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferAttachmentsCreateInfo.html) """ @struct_hash_equal struct FramebufferAttachmentsCreateInfo <: HighLevelStruct next::Any attachment_image_infos::Vector{FramebufferAttachmentImageInfo} end """ High-level wrapper for VkSamplerCustomBorderColorCreateInfoEXT. Extension: VK\\_EXT\\_custom\\_border\\_color [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerCustomBorderColorCreateInfoEXT.html) """ @struct_hash_equal struct SamplerCustomBorderColorCreateInfoEXT <: HighLevelStruct next::Any custom_border_color::ClearColorValue format::Format end """ High-level wrapper for VkVertexInputAttributeDescription2EXT. Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputAttributeDescription2EXT.html) """ @struct_hash_equal struct VertexInputAttributeDescription2EXT <: HighLevelStruct next::Any location::UInt32 binding::UInt32 format::Format offset::UInt32 end """ High-level wrapper for VkVideoSessionCreateInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionCreateInfoKHR.html) """ @struct_hash_equal struct VideoSessionCreateInfoKHR <: HighLevelStruct next::Any queue_family_index::UInt32 flags::VideoSessionCreateFlagKHR video_profile::VideoProfileInfoKHR picture_format::Format max_coded_extent::Extent2D reference_picture_format::Format max_dpb_slots::UInt32 max_active_reference_pictures::UInt32 std_header_version::ExtensionProperties end """ High-level wrapper for VkDescriptorAddressInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorAddressInfoEXT.html) """ @struct_hash_equal struct DescriptorAddressInfoEXT <: HighLevelStruct next::Any address::UInt64 range::UInt64 format::Format end """ High-level wrapper for VkPipelineRenderingCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRenderingCreateInfo.html) """ @struct_hash_equal struct PipelineRenderingCreateInfo <: HighLevelStruct next::Any view_mask::UInt32 color_attachment_formats::Vector{Format} depth_attachment_format::Format stencil_attachment_format::Format end """ High-level wrapper for VkCommandBufferInheritanceRenderingInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceRenderingInfo.html) """ @struct_hash_equal struct CommandBufferInheritanceRenderingInfo <: HighLevelStruct next::Any flags::RenderingFlag view_mask::UInt32 color_attachment_formats::Vector{Format} depth_attachment_format::Format stencil_attachment_format::Format rasterization_samples::SampleCountFlag end """ High-level wrapper for VkOpticalFlowImageFormatPropertiesNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowImageFormatPropertiesNV.html) """ @struct_hash_equal struct OpticalFlowImageFormatPropertiesNV <: HighLevelStruct next::Any format::Format end """ High-level wrapper for VkOpticalFlowSessionCreateInfoNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowSessionCreateInfoNV.html) """ @struct_hash_equal struct OpticalFlowSessionCreateInfoNV <: HighLevelStruct next::Any width::UInt32 height::UInt32 image_format::Format flow_vector_format::Format cost_format::Format output_grid_size::OpticalFlowGridSizeFlagNV hint_grid_size::OpticalFlowGridSizeFlagNV performance_level::OpticalFlowPerformanceLevelNV flags::OpticalFlowSessionCreateFlagNV end """ High-level wrapper for VkVertexInputBindingDescription. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputBindingDescription.html) """ @struct_hash_equal struct VertexInputBindingDescription <: HighLevelStruct binding::UInt32 stride::UInt32 input_rate::VertexInputRate end """ High-level wrapper for VkPipelineVertexInputStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineVertexInputStateCreateInfo.html) """ @struct_hash_equal struct PipelineVertexInputStateCreateInfo <: HighLevelStruct next::Any flags::UInt32 vertex_binding_descriptions::Vector{VertexInputBindingDescription} vertex_attribute_descriptions::Vector{VertexInputAttributeDescription} end """ High-level wrapper for VkGraphicsShaderGroupCreateInfoNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsShaderGroupCreateInfoNV.html) """ @struct_hash_equal struct GraphicsShaderGroupCreateInfoNV <: HighLevelStruct next::Any stages::Vector{PipelineShaderStageCreateInfo} vertex_input_state::OptionalPtr{PipelineVertexInputStateCreateInfo} tessellation_state::OptionalPtr{PipelineTessellationStateCreateInfo} end """ High-level wrapper for VkGraphicsPipelineShaderGroupsCreateInfoNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsPipelineShaderGroupsCreateInfoNV.html) """ @struct_hash_equal struct GraphicsPipelineShaderGroupsCreateInfoNV <: HighLevelStruct next::Any groups::Vector{GraphicsShaderGroupCreateInfoNV} pipelines::Vector{Pipeline} end """ High-level wrapper for VkVertexInputBindingDescription2EXT. Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputBindingDescription2EXT.html) """ @struct_hash_equal struct VertexInputBindingDescription2EXT <: HighLevelStruct next::Any binding::UInt32 stride::UInt32 input_rate::VertexInputRate divisor::UInt32 end """ High-level wrapper for VkPhysicalDeviceProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProperties.html) """ @struct_hash_equal struct PhysicalDeviceProperties <: HighLevelStruct api_version::VersionNumber driver_version::VersionNumber vendor_id::UInt32 device_id::UInt32 device_type::PhysicalDeviceType device_name::String pipeline_cache_uuid::NTuple{Int(VK_UUID_SIZE), UInt8} limits::PhysicalDeviceLimits sparse_properties::PhysicalDeviceSparseProperties end """ High-level wrapper for VkPhysicalDeviceProperties2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProperties2.html) """ @struct_hash_equal struct PhysicalDeviceProperties2 <: HighLevelStruct next::Any properties::PhysicalDeviceProperties end """ High-level wrapper for VkColorBlendAdvancedEXT. Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkColorBlendAdvancedEXT.html) """ @struct_hash_equal struct ColorBlendAdvancedEXT <: HighLevelStruct advanced_blend_op::BlendOp src_premultiplied::Bool dst_premultiplied::Bool blend_overlap::BlendOverlapEXT clamp_results::Bool end """ High-level wrapper for VkPipelineColorBlendAttachmentState. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorBlendAttachmentState.html) """ @struct_hash_equal struct PipelineColorBlendAttachmentState <: HighLevelStruct blend_enable::Bool src_color_blend_factor::BlendFactor dst_color_blend_factor::BlendFactor color_blend_op::BlendOp src_alpha_blend_factor::BlendFactor dst_alpha_blend_factor::BlendFactor alpha_blend_op::BlendOp color_write_mask::ColorComponentFlag end """ High-level wrapper for VkPipelineColorBlendStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorBlendStateCreateInfo.html) """ @struct_hash_equal struct PipelineColorBlendStateCreateInfo <: HighLevelStruct next::Any flags::PipelineColorBlendStateCreateFlag logic_op_enable::Bool logic_op::LogicOp attachments::OptionalPtr{Vector{PipelineColorBlendAttachmentState}} blend_constants::NTuple{4, Float32} end """ High-level wrapper for VkColorBlendEquationEXT. Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkColorBlendEquationEXT.html) """ @struct_hash_equal struct ColorBlendEquationEXT <: HighLevelStruct src_color_blend_factor::BlendFactor dst_color_blend_factor::BlendFactor color_blend_op::BlendOp src_alpha_blend_factor::BlendFactor dst_alpha_blend_factor::BlendFactor alpha_blend_op::BlendOp end """ High-level wrapper for VkPipelineRasterizationStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationStateCreateInfo.html) """ @struct_hash_equal struct PipelineRasterizationStateCreateInfo <: HighLevelStruct next::Any flags::UInt32 depth_clamp_enable::Bool rasterizer_discard_enable::Bool polygon_mode::PolygonMode cull_mode::CullModeFlag front_face::FrontFace depth_bias_enable::Bool depth_bias_constant_factor::Float32 depth_bias_clamp::Float32 depth_bias_slope_factor::Float32 line_width::Float32 end """ High-level wrapper for VkStencilOpState. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkStencilOpState.html) """ @struct_hash_equal struct StencilOpState <: HighLevelStruct fail_op::StencilOp pass_op::StencilOp depth_fail_op::StencilOp compare_op::CompareOp compare_mask::UInt32 write_mask::UInt32 reference::UInt32 end """ High-level wrapper for VkPipelineDepthStencilStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineDepthStencilStateCreateInfo.html) """ @struct_hash_equal struct PipelineDepthStencilStateCreateInfo <: HighLevelStruct next::Any flags::PipelineDepthStencilStateCreateFlag depth_test_enable::Bool depth_write_enable::Bool depth_compare_op::CompareOp depth_bounds_test_enable::Bool stencil_test_enable::Bool front::StencilOpState back::StencilOpState min_depth_bounds::Float32 max_depth_bounds::Float32 end """ High-level wrapper for VkBindIndexBufferIndirectCommandNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindIndexBufferIndirectCommandNV.html) """ @struct_hash_equal struct BindIndexBufferIndirectCommandNV <: HighLevelStruct buffer_address::UInt64 size::UInt32 index_type::IndexType end """ High-level wrapper for VkIndirectCommandsLayoutTokenNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkIndirectCommandsLayoutTokenNV.html) """ @struct_hash_equal struct IndirectCommandsLayoutTokenNV <: HighLevelStruct next::Any token_type::IndirectCommandsTokenTypeNV stream::UInt32 offset::UInt32 vertex_binding_unit::UInt32 vertex_dynamic_stride::Bool pushconstant_pipeline_layout::OptionalPtr{PipelineLayout} pushconstant_shader_stage_flags::ShaderStageFlag pushconstant_offset::UInt32 pushconstant_size::UInt32 indirect_state_flags::IndirectStateFlagNV index_types::Vector{IndexType} index_type_values::Vector{UInt32} end """ High-level wrapper for VkGeometryTrianglesNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryTrianglesNV.html) """ @struct_hash_equal struct GeometryTrianglesNV <: HighLevelStruct next::Any vertex_data::OptionalPtr{Buffer} vertex_offset::UInt64 vertex_count::UInt32 vertex_stride::UInt64 vertex_format::Format index_data::OptionalPtr{Buffer} index_offset::UInt64 index_count::UInt32 index_type::IndexType transform_data::OptionalPtr{Buffer} transform_offset::UInt64 end """ High-level wrapper for VkGeometryDataNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryDataNV.html) """ @struct_hash_equal struct GeometryDataNV <: HighLevelStruct triangles::GeometryTrianglesNV aabbs::GeometryAABBNV end """ High-level wrapper for VkGeometryNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryNV.html) """ @struct_hash_equal struct GeometryNV <: HighLevelStruct next::Any geometry_type::GeometryTypeKHR geometry::GeometryDataNV flags::GeometryFlagKHR end """ High-level wrapper for VkAccelerationStructureInfoNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureInfoNV.html) """ @struct_hash_equal struct AccelerationStructureInfoNV <: HighLevelStruct next::Any type::VkAccelerationStructureTypeNV flags::OptionalPtr{VkBuildAccelerationStructureFlagsNV} instance_count::UInt32 geometries::Vector{GeometryNV} end """ High-level wrapper for VkAccelerationStructureCreateInfoNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureCreateInfoNV.html) """ @struct_hash_equal struct AccelerationStructureCreateInfoNV <: HighLevelStruct next::Any compacted_size::UInt64 info::AccelerationStructureInfoNV end """ High-level wrapper for VkAccelerationStructureGeometryTrianglesDataKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryTrianglesDataKHR.html) """ @struct_hash_equal struct AccelerationStructureGeometryTrianglesDataKHR <: HighLevelStruct next::Any vertex_format::Format vertex_data::DeviceOrHostAddressConstKHR vertex_stride::UInt64 max_vertex::UInt32 index_type::IndexType index_data::DeviceOrHostAddressConstKHR transform_data::DeviceOrHostAddressConstKHR end """ High-level wrapper for VkAccelerationStructureTrianglesOpacityMicromapEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureTrianglesOpacityMicromapEXT.html) """ @struct_hash_equal struct AccelerationStructureTrianglesOpacityMicromapEXT <: HighLevelStruct next::Any index_type::IndexType index_buffer::DeviceOrHostAddressConstKHR index_stride::UInt64 base_triangle::UInt32 usage_counts::OptionalPtr{Vector{MicromapUsageEXT}} usage_counts_2::OptionalPtr{Vector{MicromapUsageEXT}} micromap::MicromapEXT end """ High-level wrapper for VkBufferCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCreateInfo.html) """ @struct_hash_equal struct BufferCreateInfo <: HighLevelStruct next::Any flags::BufferCreateFlag size::UInt64 usage::BufferUsageFlag sharing_mode::SharingMode queue_family_indices::Vector{UInt32} end """ High-level wrapper for VkDeviceBufferMemoryRequirements. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceBufferMemoryRequirements.html) """ @struct_hash_equal struct DeviceBufferMemoryRequirements <: HighLevelStruct next::Any create_info::BufferCreateInfo end """ High-level wrapper for VkSwapchainCreateInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainCreateInfoKHR.html) """ @struct_hash_equal struct SwapchainCreateInfoKHR <: HighLevelStruct next::Any flags::SwapchainCreateFlagKHR surface::SurfaceKHR min_image_count::UInt32 image_format::Format image_color_space::ColorSpaceKHR image_extent::Extent2D image_array_layers::UInt32 image_usage::ImageUsageFlag image_sharing_mode::SharingMode queue_family_indices::Vector{UInt32} pre_transform::SurfaceTransformFlagKHR composite_alpha::CompositeAlphaFlagKHR present_mode::PresentModeKHR clipped::Bool old_swapchain::OptionalPtr{SwapchainKHR} end """ High-level wrapper for VkPhysicalDeviceImageDrmFormatModifierInfoEXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageDrmFormatModifierInfoEXT.html) """ @struct_hash_equal struct PhysicalDeviceImageDrmFormatModifierInfoEXT <: HighLevelStruct next::Any drm_format_modifier::UInt64 sharing_mode::SharingMode queue_family_indices::Vector{UInt32} end """ High-level wrapper for VkPipelineInputAssemblyStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineInputAssemblyStateCreateInfo.html) """ @struct_hash_equal struct PipelineInputAssemblyStateCreateInfo <: HighLevelStruct next::Any flags::UInt32 topology::PrimitiveTopology primitive_restart_enable::Bool end """ High-level wrapper for VkGraphicsPipelineCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsPipelineCreateInfo.html) """ @struct_hash_equal struct GraphicsPipelineCreateInfo <: HighLevelStruct next::Any flags::PipelineCreateFlag stages::OptionalPtr{Vector{PipelineShaderStageCreateInfo}} vertex_input_state::OptionalPtr{PipelineVertexInputStateCreateInfo} input_assembly_state::OptionalPtr{PipelineInputAssemblyStateCreateInfo} tessellation_state::OptionalPtr{PipelineTessellationStateCreateInfo} viewport_state::OptionalPtr{PipelineViewportStateCreateInfo} rasterization_state::OptionalPtr{PipelineRasterizationStateCreateInfo} multisample_state::OptionalPtr{PipelineMultisampleStateCreateInfo} depth_stencil_state::OptionalPtr{PipelineDepthStencilStateCreateInfo} color_blend_state::OptionalPtr{PipelineColorBlendStateCreateInfo} dynamic_state::OptionalPtr{PipelineDynamicStateCreateInfo} layout::OptionalPtr{PipelineLayout} render_pass::OptionalPtr{RenderPass} subpass::UInt32 base_pipeline_handle::OptionalPtr{Pipeline} base_pipeline_index::Int32 end """ High-level wrapper for VkPipelineCacheHeaderVersionOne. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCacheHeaderVersionOne.html) """ @struct_hash_equal struct PipelineCacheHeaderVersionOne <: HighLevelStruct header_size::UInt32 header_version::PipelineCacheHeaderVersion vendor_id::UInt32 device_id::UInt32 pipeline_cache_uuid::NTuple{Int(VK_UUID_SIZE), UInt8} end """ High-level wrapper for VkIndirectCommandsLayoutCreateInfoNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkIndirectCommandsLayoutCreateInfoNV.html) """ @struct_hash_equal struct IndirectCommandsLayoutCreateInfoNV <: HighLevelStruct next::Any flags::IndirectCommandsLayoutUsageFlagNV pipeline_bind_point::PipelineBindPoint tokens::Vector{IndirectCommandsLayoutTokenNV} stream_strides::Vector{UInt32} end """ High-level wrapper for VkGeneratedCommandsInfoNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeneratedCommandsInfoNV.html) """ @struct_hash_equal struct GeneratedCommandsInfoNV <: HighLevelStruct next::Any pipeline_bind_point::PipelineBindPoint pipeline::Pipeline indirect_commands_layout::IndirectCommandsLayoutNV streams::Vector{IndirectCommandsStreamNV} sequences_count::UInt32 preprocess_buffer::Buffer preprocess_offset::UInt64 preprocess_size::UInt64 sequences_count_buffer::OptionalPtr{Buffer} sequences_count_offset::UInt64 sequences_index_buffer::OptionalPtr{Buffer} sequences_index_offset::UInt64 end """ High-level wrapper for VkGeneratedCommandsMemoryRequirementsInfoNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeneratedCommandsMemoryRequirementsInfoNV.html) """ @struct_hash_equal struct GeneratedCommandsMemoryRequirementsInfoNV <: HighLevelStruct next::Any pipeline_bind_point::PipelineBindPoint pipeline::Pipeline indirect_commands_layout::IndirectCommandsLayoutNV max_sequences_count::UInt32 end """ High-level wrapper for VkSamplerCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerCreateInfo.html) """ @struct_hash_equal struct SamplerCreateInfo <: HighLevelStruct next::Any flags::SamplerCreateFlag mag_filter::Filter min_filter::Filter mipmap_mode::SamplerMipmapMode address_mode_u::SamplerAddressMode address_mode_v::SamplerAddressMode address_mode_w::SamplerAddressMode mip_lod_bias::Float32 anisotropy_enable::Bool max_anisotropy::Float32 compare_enable::Bool compare_op::CompareOp min_lod::Float32 max_lod::Float32 border_color::BorderColor unnormalized_coordinates::Bool end """ High-level wrapper for VkQueryPoolCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueryPoolCreateInfo.html) """ @struct_hash_equal struct QueryPoolCreateInfo <: HighLevelStruct next::Any flags::UInt32 query_type::QueryType query_count::UInt32 pipeline_statistics::QueryPipelineStatisticFlag end """ High-level wrapper for VkDescriptorSetLayoutBinding. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutBinding.html) """ @struct_hash_equal struct DescriptorSetLayoutBinding <: HighLevelStruct binding::UInt32 descriptor_type::DescriptorType descriptor_count::UInt32 stage_flags::ShaderStageFlag immutable_samplers::OptionalPtr{Vector{Sampler}} end """ High-level wrapper for VkDescriptorSetLayoutCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutCreateInfo.html) """ @struct_hash_equal struct DescriptorSetLayoutCreateInfo <: HighLevelStruct next::Any flags::DescriptorSetLayoutCreateFlag bindings::Vector{DescriptorSetLayoutBinding} end """ High-level wrapper for VkDescriptorPoolSize. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorPoolSize.html) """ @struct_hash_equal struct DescriptorPoolSize <: HighLevelStruct type::DescriptorType descriptor_count::UInt32 end """ High-level wrapper for VkDescriptorPoolCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorPoolCreateInfo.html) """ @struct_hash_equal struct DescriptorPoolCreateInfo <: HighLevelStruct next::Any flags::DescriptorPoolCreateFlag max_sets::UInt32 pool_sizes::Vector{DescriptorPoolSize} end """ High-level wrapper for VkDescriptorUpdateTemplateEntry. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorUpdateTemplateEntry.html) """ @struct_hash_equal struct DescriptorUpdateTemplateEntry <: HighLevelStruct dst_binding::UInt32 dst_array_element::UInt32 descriptor_count::UInt32 descriptor_type::DescriptorType offset::UInt stride::UInt end """ High-level wrapper for VkDescriptorUpdateTemplateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorUpdateTemplateCreateInfo.html) """ @struct_hash_equal struct DescriptorUpdateTemplateCreateInfo <: HighLevelStruct next::Any flags::UInt32 descriptor_update_entries::Vector{DescriptorUpdateTemplateEntry} template_type::DescriptorUpdateTemplateType descriptor_set_layout::DescriptorSetLayout pipeline_bind_point::PipelineBindPoint pipeline_layout::PipelineLayout set::UInt32 end """ High-level wrapper for VkImageViewHandleInfoNVX. Extension: VK\\_NVX\\_image\\_view\\_handle [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewHandleInfoNVX.html) """ @struct_hash_equal struct ImageViewHandleInfoNVX <: HighLevelStruct next::Any image_view::ImageView descriptor_type::DescriptorType sampler::OptionalPtr{Sampler} end """ High-level wrapper for VkMutableDescriptorTypeListEXT. Extension: VK\\_EXT\\_mutable\\_descriptor\\_type [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMutableDescriptorTypeListEXT.html) """ @struct_hash_equal struct MutableDescriptorTypeListEXT <: HighLevelStruct descriptor_types::Vector{DescriptorType} end """ High-level wrapper for VkMutableDescriptorTypeCreateInfoEXT. Extension: VK\\_EXT\\_mutable\\_descriptor\\_type [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMutableDescriptorTypeCreateInfoEXT.html) """ @struct_hash_equal struct MutableDescriptorTypeCreateInfoEXT <: HighLevelStruct next::Any mutable_descriptor_type_lists::Vector{MutableDescriptorTypeListEXT} end """ High-level wrapper for VkDescriptorGetInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorGetInfoEXT.html) """ @struct_hash_equal struct DescriptorGetInfoEXT <: HighLevelStruct next::Any type::DescriptorType data::DescriptorDataEXT end """ High-level wrapper for VkComponentMapping. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkComponentMapping.html) """ @struct_hash_equal struct ComponentMapping <: HighLevelStruct r::ComponentSwizzle g::ComponentSwizzle b::ComponentSwizzle a::ComponentSwizzle end """ High-level wrapper for VkSamplerYcbcrConversionCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerYcbcrConversionCreateInfo.html) """ @struct_hash_equal struct SamplerYcbcrConversionCreateInfo <: HighLevelStruct next::Any format::Format ycbcr_model::SamplerYcbcrModelConversion ycbcr_range::SamplerYcbcrRange components::ComponentMapping x_chroma_offset::ChromaLocation y_chroma_offset::ChromaLocation chroma_filter::Filter force_explicit_reconstruction::Bool end """ High-level wrapper for VkSamplerBorderColorComponentMappingCreateInfoEXT. Extension: VK\\_EXT\\_border\\_color\\_swizzle [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerBorderColorComponentMappingCreateInfoEXT.html) """ @struct_hash_equal struct SamplerBorderColorComponentMappingCreateInfoEXT <: HighLevelStruct next::Any components::ComponentMapping srgb::Bool end """ High-level wrapper for VkCommandBufferAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferAllocateInfo.html) """ @struct_hash_equal struct CommandBufferAllocateInfo <: HighLevelStruct next::Any command_pool::CommandPool level::CommandBufferLevel command_buffer_count::UInt32 end """ High-level wrapper for VkImageViewCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewCreateInfo.html) """ @struct_hash_equal struct ImageViewCreateInfo <: HighLevelStruct next::Any flags::ImageViewCreateFlag image::Image view_type::ImageViewType format::Format components::ComponentMapping subresource_range::ImageSubresourceRange end """ High-level wrapper for VkPhysicalDeviceImageViewImageFormatInfoEXT. Extension: VK\\_EXT\\_filter\\_cubic [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageViewImageFormatInfoEXT.html) """ @struct_hash_equal struct PhysicalDeviceImageViewImageFormatInfoEXT <: HighLevelStruct next::Any image_view_type::ImageViewType end """ High-level wrapper for VkPhysicalDeviceImageFormatInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageFormatInfo2.html) """ @struct_hash_equal struct PhysicalDeviceImageFormatInfo2 <: HighLevelStruct next::Any format::Format type::ImageType tiling::ImageTiling usage::ImageUsageFlag flags::ImageCreateFlag end """ High-level wrapper for VkPhysicalDeviceSparseImageFormatInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSparseImageFormatInfo2.html) """ @struct_hash_equal struct PhysicalDeviceSparseImageFormatInfo2 <: HighLevelStruct next::Any format::Format type::ImageType samples::SampleCountFlag usage::ImageUsageFlag tiling::ImageTiling end """ High-level wrapper for VkVideoFormatPropertiesKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoFormatPropertiesKHR.html) """ @struct_hash_equal struct VideoFormatPropertiesKHR <: HighLevelStruct next::Any format::Format component_mapping::ComponentMapping image_create_flags::ImageCreateFlag image_type::ImageType image_tiling::ImageTiling image_usage_flags::ImageUsageFlag end """ High-level wrapper for VkDescriptorImageInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorImageInfo.html) """ @struct_hash_equal struct DescriptorImageInfo <: HighLevelStruct sampler::Sampler image_view::ImageView image_layout::ImageLayout end """ High-level wrapper for VkWriteDescriptorSet. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSet.html) """ @struct_hash_equal struct WriteDescriptorSet <: HighLevelStruct next::Any dst_set::DescriptorSet dst_binding::UInt32 dst_array_element::UInt32 descriptor_count::UInt32 descriptor_type::DescriptorType image_info::Vector{DescriptorImageInfo} buffer_info::Vector{DescriptorBufferInfo} texel_buffer_view::Vector{BufferView} end """ High-level wrapper for VkImageMemoryBarrier. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageMemoryBarrier.html) """ @struct_hash_equal struct ImageMemoryBarrier <: HighLevelStruct next::Any src_access_mask::AccessFlag dst_access_mask::AccessFlag old_layout::ImageLayout new_layout::ImageLayout src_queue_family_index::UInt32 dst_queue_family_index::UInt32 image::Image subresource_range::ImageSubresourceRange end """ High-level wrapper for VkImageCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCreateInfo.html) """ @struct_hash_equal struct ImageCreateInfo <: HighLevelStruct next::Any flags::ImageCreateFlag image_type::ImageType format::Format extent::Extent3D mip_levels::UInt32 array_layers::UInt32 samples::SampleCountFlag tiling::ImageTiling usage::ImageUsageFlag sharing_mode::SharingMode queue_family_indices::Vector{UInt32} initial_layout::ImageLayout end """ High-level wrapper for VkDeviceImageMemoryRequirements. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceImageMemoryRequirements.html) """ @struct_hash_equal struct DeviceImageMemoryRequirements <: HighLevelStruct next::Any create_info::ImageCreateInfo plane_aspect::ImageAspectFlag end """ High-level wrapper for VkAttachmentDescription. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentDescription.html) """ @struct_hash_equal struct AttachmentDescription <: HighLevelStruct flags::AttachmentDescriptionFlag format::Format samples::SampleCountFlag load_op::AttachmentLoadOp store_op::AttachmentStoreOp stencil_load_op::AttachmentLoadOp stencil_store_op::AttachmentStoreOp initial_layout::ImageLayout final_layout::ImageLayout end """ High-level wrapper for VkAttachmentReference. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentReference.html) """ @struct_hash_equal struct AttachmentReference <: HighLevelStruct attachment::UInt32 layout::ImageLayout end """ High-level wrapper for VkSubpassDescription. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDescription.html) """ @struct_hash_equal struct SubpassDescription <: HighLevelStruct flags::SubpassDescriptionFlag pipeline_bind_point::PipelineBindPoint input_attachments::Vector{AttachmentReference} color_attachments::Vector{AttachmentReference} resolve_attachments::OptionalPtr{Vector{AttachmentReference}} depth_stencil_attachment::OptionalPtr{AttachmentReference} preserve_attachments::Vector{UInt32} end """ High-level wrapper for VkRenderPassCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreateInfo.html) """ @struct_hash_equal struct RenderPassCreateInfo <: HighLevelStruct next::Any flags::RenderPassCreateFlag attachments::Vector{AttachmentDescription} subpasses::Vector{SubpassDescription} dependencies::Vector{SubpassDependency} end """ High-level wrapper for VkRenderPassFragmentDensityMapCreateInfoEXT. Extension: VK\\_EXT\\_fragment\\_density\\_map [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassFragmentDensityMapCreateInfoEXT.html) """ @struct_hash_equal struct RenderPassFragmentDensityMapCreateInfoEXT <: HighLevelStruct next::Any fragment_density_map_attachment::AttachmentReference end """ High-level wrapper for VkAttachmentDescription2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentDescription2.html) """ @struct_hash_equal struct AttachmentDescription2 <: HighLevelStruct next::Any flags::AttachmentDescriptionFlag format::Format samples::SampleCountFlag load_op::AttachmentLoadOp store_op::AttachmentStoreOp stencil_load_op::AttachmentLoadOp stencil_store_op::AttachmentStoreOp initial_layout::ImageLayout final_layout::ImageLayout end """ High-level wrapper for VkAttachmentReference2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentReference2.html) """ @struct_hash_equal struct AttachmentReference2 <: HighLevelStruct next::Any attachment::UInt32 layout::ImageLayout aspect_mask::ImageAspectFlag end """ High-level wrapper for VkSubpassDescription2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDescription2.html) """ @struct_hash_equal struct SubpassDescription2 <: HighLevelStruct next::Any flags::SubpassDescriptionFlag pipeline_bind_point::PipelineBindPoint view_mask::UInt32 input_attachments::Vector{AttachmentReference2} color_attachments::Vector{AttachmentReference2} resolve_attachments::OptionalPtr{Vector{AttachmentReference2}} depth_stencil_attachment::OptionalPtr{AttachmentReference2} preserve_attachments::Vector{UInt32} end """ High-level wrapper for VkRenderPassCreateInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreateInfo2.html) """ @struct_hash_equal struct RenderPassCreateInfo2 <: HighLevelStruct next::Any flags::RenderPassCreateFlag attachments::Vector{AttachmentDescription2} subpasses::Vector{SubpassDescription2} dependencies::Vector{SubpassDependency2} correlated_view_masks::Vector{UInt32} end """ High-level wrapper for VkSubpassDescriptionDepthStencilResolve. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDescriptionDepthStencilResolve.html) """ @struct_hash_equal struct SubpassDescriptionDepthStencilResolve <: HighLevelStruct next::Any depth_resolve_mode::ResolveModeFlag stencil_resolve_mode::ResolveModeFlag depth_stencil_resolve_attachment::OptionalPtr{AttachmentReference2} end """ High-level wrapper for VkFragmentShadingRateAttachmentInfoKHR. Extension: VK\\_KHR\\_fragment\\_shading\\_rate [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFragmentShadingRateAttachmentInfoKHR.html) """ @struct_hash_equal struct FragmentShadingRateAttachmentInfoKHR <: HighLevelStruct next::Any fragment_shading_rate_attachment::OptionalPtr{AttachmentReference2} shading_rate_attachment_texel_size::Extent2D end """ High-level wrapper for VkAttachmentReferenceStencilLayout. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentReferenceStencilLayout.html) """ @struct_hash_equal struct AttachmentReferenceStencilLayout <: HighLevelStruct next::Any stencil_layout::ImageLayout end """ High-level wrapper for VkAttachmentDescriptionStencilLayout. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentDescriptionStencilLayout.html) """ @struct_hash_equal struct AttachmentDescriptionStencilLayout <: HighLevelStruct next::Any stencil_initial_layout::ImageLayout stencil_final_layout::ImageLayout end """ High-level wrapper for VkCopyImageInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyImageInfo2.html) """ @struct_hash_equal struct CopyImageInfo2 <: HighLevelStruct next::Any src_image::Image src_image_layout::ImageLayout dst_image::Image dst_image_layout::ImageLayout regions::Vector{ImageCopy2} end """ High-level wrapper for VkBlitImageInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBlitImageInfo2.html) """ @struct_hash_equal struct BlitImageInfo2 <: HighLevelStruct next::Any src_image::Image src_image_layout::ImageLayout dst_image::Image dst_image_layout::ImageLayout regions::Vector{ImageBlit2} filter::Filter end """ High-level wrapper for VkCopyBufferToImageInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyBufferToImageInfo2.html) """ @struct_hash_equal struct CopyBufferToImageInfo2 <: HighLevelStruct next::Any src_buffer::Buffer dst_image::Image dst_image_layout::ImageLayout regions::Vector{BufferImageCopy2} end """ High-level wrapper for VkCopyImageToBufferInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyImageToBufferInfo2.html) """ @struct_hash_equal struct CopyImageToBufferInfo2 <: HighLevelStruct next::Any src_image::Image src_image_layout::ImageLayout dst_buffer::Buffer regions::Vector{BufferImageCopy2} end """ High-level wrapper for VkResolveImageInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkResolveImageInfo2.html) """ @struct_hash_equal struct ResolveImageInfo2 <: HighLevelStruct next::Any src_image::Image src_image_layout::ImageLayout dst_image::Image dst_image_layout::ImageLayout regions::Vector{ImageResolve2} end """ High-level wrapper for VkImageMemoryBarrier2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageMemoryBarrier2.html) """ @struct_hash_equal struct ImageMemoryBarrier2 <: HighLevelStruct next::Any src_stage_mask::UInt64 src_access_mask::UInt64 dst_stage_mask::UInt64 dst_access_mask::UInt64 old_layout::ImageLayout new_layout::ImageLayout src_queue_family_index::UInt32 dst_queue_family_index::UInt32 image::Image subresource_range::ImageSubresourceRange end """ High-level wrapper for VkDependencyInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDependencyInfo.html) """ @struct_hash_equal struct DependencyInfo <: HighLevelStruct next::Any dependency_flags::DependencyFlag memory_barriers::Vector{MemoryBarrier2} buffer_memory_barriers::Vector{BufferMemoryBarrier2} image_memory_barriers::Vector{ImageMemoryBarrier2} end """ High-level wrapper for VkRenderingAttachmentInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingAttachmentInfo.html) """ @struct_hash_equal struct RenderingAttachmentInfo <: HighLevelStruct next::Any image_view::OptionalPtr{ImageView} image_layout::ImageLayout resolve_mode::ResolveModeFlag resolve_image_view::OptionalPtr{ImageView} resolve_image_layout::ImageLayout load_op::AttachmentLoadOp store_op::AttachmentStoreOp clear_value::ClearValue end """ High-level wrapper for VkRenderingInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingInfo.html) """ @struct_hash_equal struct RenderingInfo <: HighLevelStruct next::Any flags::RenderingFlag render_area::Rect2D layer_count::UInt32 view_mask::UInt32 color_attachments::Vector{RenderingAttachmentInfo} depth_attachment::OptionalPtr{RenderingAttachmentInfo} stencil_attachment::OptionalPtr{RenderingAttachmentInfo} end """ High-level wrapper for VkRenderingFragmentShadingRateAttachmentInfoKHR. Extension: VK\\_KHR\\_dynamic\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingFragmentShadingRateAttachmentInfoKHR.html) """ @struct_hash_equal struct RenderingFragmentShadingRateAttachmentInfoKHR <: HighLevelStruct next::Any image_view::OptionalPtr{ImageView} image_layout::ImageLayout shading_rate_attachment_texel_size::Extent2D end """ High-level wrapper for VkRenderingFragmentDensityMapAttachmentInfoEXT. Extension: VK\\_KHR\\_dynamic\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingFragmentDensityMapAttachmentInfoEXT.html) """ @struct_hash_equal struct RenderingFragmentDensityMapAttachmentInfoEXT <: HighLevelStruct next::Any image_view::ImageView image_layout::ImageLayout end parent(physical_device::PhysicalDevice) = physical_device.instance parent(device::Device) = device.physical_device parent(queue::Queue) = queue.device parent(command_buffer::CommandBuffer) = command_buffer.command_pool parent(memory::DeviceMemory) = memory.device parent(command_pool::CommandPool) = command_pool.device parent(buffer::Buffer) = buffer.device parent(buffer_view::BufferView) = buffer_view.device parent(image::Image) = image.device parent(image_view::ImageView) = image_view.device parent(shader_module::ShaderModule) = shader_module.device parent(pipeline::Pipeline) = pipeline.device parent(pipeline_layout::PipelineLayout) = pipeline_layout.device parent(sampler::Sampler) = sampler.device parent(descriptor_set::DescriptorSet) = descriptor_set.descriptor_pool parent(descriptor_set_layout::DescriptorSetLayout) = descriptor_set_layout.device parent(descriptor_pool::DescriptorPool) = descriptor_pool.device parent(fence::Fence) = fence.device parent(semaphore::Semaphore) = semaphore.device parent(event::Event) = event.device parent(query_pool::QueryPool) = query_pool.device parent(framebuffer::Framebuffer) = framebuffer.device parent(renderpass::RenderPass) = renderpass.device parent(pipeline_cache::PipelineCache) = pipeline_cache.device parent(indirect_commands_layout::IndirectCommandsLayoutNV) = indirect_commands_layout.device parent(descriptor_update_template::DescriptorUpdateTemplate) = descriptor_update_template.device parent(ycbcr_conversion::SamplerYcbcrConversion) = ycbcr_conversion.device parent(validation_cache::ValidationCacheEXT) = validation_cache.device parent(acceleration_structure::AccelerationStructureKHR) = acceleration_structure.device parent(acceleration_structure::AccelerationStructureNV) = acceleration_structure.device parent(configuration::PerformanceConfigurationINTEL) = configuration.device parent(operation::DeferredOperationKHR) = operation.device parent(private_data_slot::PrivateDataSlot) = private_data_slot.device parent(_module::CuModuleNVX) = _module.device parent(_function::CuFunctionNVX) = _function.device parent(session::OpticalFlowSessionNV) = session.device parent(micromap::MicromapEXT) = micromap.device parent(display::DisplayKHR) = display.physical_device parent(mode::DisplayModeKHR) = mode.display parent(surface::SurfaceKHR) = surface.instance parent(swapchain::SwapchainKHR) = swapchain.device parent(callback::DebugReportCallbackEXT) = callback.instance parent(messenger::DebugUtilsMessengerEXT) = messenger.instance parent(video_session::VideoSessionKHR) = video_session.device parent(video_session_parameters::VideoSessionParametersKHR) = video_session_parameters.video_session _ClearColorValue(float32::NTuple{4, Float32}) = _ClearColorValue(VkClearColorValue(float32)) _ClearColorValue(int32::NTuple{4, Int32}) = _ClearColorValue(VkClearColorValue(int32)) _ClearColorValue(uint32::NTuple{4, UInt32}) = _ClearColorValue(VkClearColorValue(uint32)) _ClearValue(color::_ClearColorValue) = _ClearValue(VkClearValue(color.vks)) _ClearValue(depth_stencil::_ClearDepthStencilValue) = _ClearValue(VkClearValue(depth_stencil.vks)) _PerformanceCounterResultKHR(int32::Int32) = _PerformanceCounterResultKHR(VkPerformanceCounterResultKHR(int32)) _PerformanceCounterResultKHR(int64::Int64) = _PerformanceCounterResultKHR(VkPerformanceCounterResultKHR(int64)) _PerformanceCounterResultKHR(uint32::UInt32) = _PerformanceCounterResultKHR(VkPerformanceCounterResultKHR(uint32)) _PerformanceCounterResultKHR(uint64::UInt64) = _PerformanceCounterResultKHR(VkPerformanceCounterResultKHR(uint64)) _PerformanceCounterResultKHR(float32::Float32) = _PerformanceCounterResultKHR(VkPerformanceCounterResultKHR(float32)) _PerformanceCounterResultKHR(float64::Float64) = _PerformanceCounterResultKHR(VkPerformanceCounterResultKHR(float64)) _PerformanceValueDataINTEL(value32::UInt32) = _PerformanceValueDataINTEL(VkPerformanceValueDataINTEL(value32)) _PerformanceValueDataINTEL(value64::UInt64) = _PerformanceValueDataINTEL(VkPerformanceValueDataINTEL(value64)) _PerformanceValueDataINTEL(value_float::AbstractFloat) = _PerformanceValueDataINTEL(VkPerformanceValueDataINTEL(value_float)) _PerformanceValueDataINTEL(value_bool::Bool) = _PerformanceValueDataINTEL(VkPerformanceValueDataINTEL(value_bool)) _PerformanceValueDataINTEL(value_string::String) = _PerformanceValueDataINTEL(VkPerformanceValueDataINTEL(value_string)) _PipelineExecutableStatisticValueKHR(b32::Bool) = _PipelineExecutableStatisticValueKHR(VkPipelineExecutableStatisticValueKHR(b32)) _PipelineExecutableStatisticValueKHR(i64::Signed) = _PipelineExecutableStatisticValueKHR(VkPipelineExecutableStatisticValueKHR(i64)) _PipelineExecutableStatisticValueKHR(u64::Unsigned) = _PipelineExecutableStatisticValueKHR(VkPipelineExecutableStatisticValueKHR(u64)) _PipelineExecutableStatisticValueKHR(f64::AbstractFloat) = _PipelineExecutableStatisticValueKHR(VkPipelineExecutableStatisticValueKHR(f64)) _DeviceOrHostAddressKHR(device_address::UInt64) = _DeviceOrHostAddressKHR(VkDeviceOrHostAddressKHR(device_address)) _DeviceOrHostAddressKHR(host_address::Ptr{Cvoid}) = _DeviceOrHostAddressKHR(VkDeviceOrHostAddressKHR(host_address)) _DeviceOrHostAddressConstKHR(device_address::UInt64) = _DeviceOrHostAddressConstKHR(VkDeviceOrHostAddressConstKHR(device_address)) _DeviceOrHostAddressConstKHR(host_address::Ptr{Cvoid}) = _DeviceOrHostAddressConstKHR(VkDeviceOrHostAddressConstKHR(host_address)) _AccelerationStructureGeometryDataKHR(triangles::_AccelerationStructureGeometryTrianglesDataKHR) = _AccelerationStructureGeometryDataKHR(VkAccelerationStructureGeometryDataKHR(triangles.vks)) _AccelerationStructureGeometryDataKHR(aabbs::_AccelerationStructureGeometryAabbsDataKHR) = _AccelerationStructureGeometryDataKHR(VkAccelerationStructureGeometryDataKHR(aabbs.vks)) _AccelerationStructureGeometryDataKHR(instances::_AccelerationStructureGeometryInstancesDataKHR) = _AccelerationStructureGeometryDataKHR(VkAccelerationStructureGeometryDataKHR(instances.vks)) _DescriptorDataEXT(x::Union{Sampler, Ptr{VkDescriptorImageInfo}, Ptr{VkDescriptorAddressInfoEXT}, UInt64}) = _DescriptorDataEXT(VkDescriptorDataEXT(x)) _AccelerationStructureMotionInstanceDataNV(static_instance::_AccelerationStructureInstanceKHR) = _AccelerationStructureMotionInstanceDataNV(VkAccelerationStructureMotionInstanceDataNV(static_instance.vks)) _AccelerationStructureMotionInstanceDataNV(matrix_motion_instance::_AccelerationStructureMatrixMotionInstanceNV) = _AccelerationStructureMotionInstanceDataNV(VkAccelerationStructureMotionInstanceDataNV(matrix_motion_instance.vks)) _AccelerationStructureMotionInstanceDataNV(srt_motion_instance::_AccelerationStructureSRTMotionInstanceNV) = _AccelerationStructureMotionInstanceDataNV(VkAccelerationStructureMotionInstanceDataNV(srt_motion_instance.vks)) ClearColorValue(float32::NTuple{4, Float32}) = ClearColorValue(VkClearColorValue(float32)) ClearColorValue(int32::NTuple{4, Int32}) = ClearColorValue(VkClearColorValue(int32)) ClearColorValue(uint32::NTuple{4, UInt32}) = ClearColorValue(VkClearColorValue(uint32)) ClearValue(color::ClearColorValue) = ClearValue(VkClearValue(color.vks)) ClearValue(depth_stencil::ClearDepthStencilValue) = ClearValue(VkClearValue((_ClearDepthStencilValue(depth_stencil)).vks)) PerformanceCounterResultKHR(int32::Int32) = PerformanceCounterResultKHR(VkPerformanceCounterResultKHR(int32)) PerformanceCounterResultKHR(int64::Int64) = PerformanceCounterResultKHR(VkPerformanceCounterResultKHR(int64)) PerformanceCounterResultKHR(uint32::UInt32) = PerformanceCounterResultKHR(VkPerformanceCounterResultKHR(uint32)) PerformanceCounterResultKHR(uint64::UInt64) = PerformanceCounterResultKHR(VkPerformanceCounterResultKHR(uint64)) PerformanceCounterResultKHR(float32::Float32) = PerformanceCounterResultKHR(VkPerformanceCounterResultKHR(float32)) PerformanceCounterResultKHR(float64::Float64) = PerformanceCounterResultKHR(VkPerformanceCounterResultKHR(float64)) PerformanceValueDataINTEL(value32::UInt32) = PerformanceValueDataINTEL(VkPerformanceValueDataINTEL(value32)) PerformanceValueDataINTEL(value64::UInt64) = PerformanceValueDataINTEL(VkPerformanceValueDataINTEL(value64)) PerformanceValueDataINTEL(value_float::AbstractFloat) = PerformanceValueDataINTEL(VkPerformanceValueDataINTEL(value_float)) PerformanceValueDataINTEL(value_bool::Bool) = PerformanceValueDataINTEL(VkPerformanceValueDataINTEL(value_bool)) PerformanceValueDataINTEL(value_string::String) = PerformanceValueDataINTEL(VkPerformanceValueDataINTEL(value_string)) PipelineExecutableStatisticValueKHR(b32::Bool) = PipelineExecutableStatisticValueKHR(VkPipelineExecutableStatisticValueKHR(b32)) PipelineExecutableStatisticValueKHR(i64::Signed) = PipelineExecutableStatisticValueKHR(VkPipelineExecutableStatisticValueKHR(i64)) PipelineExecutableStatisticValueKHR(u64::Unsigned) = PipelineExecutableStatisticValueKHR(VkPipelineExecutableStatisticValueKHR(u64)) PipelineExecutableStatisticValueKHR(f64::AbstractFloat) = PipelineExecutableStatisticValueKHR(VkPipelineExecutableStatisticValueKHR(f64)) DeviceOrHostAddressKHR(device_address::UInt64) = DeviceOrHostAddressKHR(VkDeviceOrHostAddressKHR(device_address)) DeviceOrHostAddressKHR(host_address::Ptr{Cvoid}) = DeviceOrHostAddressKHR(VkDeviceOrHostAddressKHR(host_address)) DeviceOrHostAddressConstKHR(device_address::UInt64) = DeviceOrHostAddressConstKHR(VkDeviceOrHostAddressConstKHR(device_address)) DeviceOrHostAddressConstKHR(host_address::Ptr{Cvoid}) = DeviceOrHostAddressConstKHR(VkDeviceOrHostAddressConstKHR(host_address)) AccelerationStructureGeometryDataKHR(triangles::AccelerationStructureGeometryTrianglesDataKHR) = AccelerationStructureGeometryDataKHR(VkAccelerationStructureGeometryDataKHR((_AccelerationStructureGeometryTrianglesDataKHR(triangles)).vks)) AccelerationStructureGeometryDataKHR(aabbs::AccelerationStructureGeometryAabbsDataKHR) = AccelerationStructureGeometryDataKHR(VkAccelerationStructureGeometryDataKHR((_AccelerationStructureGeometryAabbsDataKHR(aabbs)).vks)) AccelerationStructureGeometryDataKHR(instances::AccelerationStructureGeometryInstancesDataKHR) = AccelerationStructureGeometryDataKHR(VkAccelerationStructureGeometryDataKHR((_AccelerationStructureGeometryInstancesDataKHR(instances)).vks)) DescriptorDataEXT(x::Union{Sampler, Ptr{VkDescriptorImageInfo}, Ptr{VkDescriptorAddressInfoEXT}, UInt64}) = DescriptorDataEXT(VkDescriptorDataEXT(x)) AccelerationStructureMotionInstanceDataNV(static_instance::AccelerationStructureInstanceKHR) = AccelerationStructureMotionInstanceDataNV(VkAccelerationStructureMotionInstanceDataNV((_AccelerationStructureInstanceKHR(static_instance)).vks)) AccelerationStructureMotionInstanceDataNV(matrix_motion_instance::AccelerationStructureMatrixMotionInstanceNV) = AccelerationStructureMotionInstanceDataNV(VkAccelerationStructureMotionInstanceDataNV((_AccelerationStructureMatrixMotionInstanceNV(matrix_motion_instance)).vks)) AccelerationStructureMotionInstanceDataNV(srt_motion_instance::AccelerationStructureSRTMotionInstanceNV) = AccelerationStructureMotionInstanceDataNV(VkAccelerationStructureMotionInstanceDataNV((_AccelerationStructureSRTMotionInstanceNV(srt_motion_instance)).vks)) _ClearColorValue(x::ClearColorValue) = _ClearColorValue(getfield(x, :vks)) _ClearValue(x::ClearValue) = _ClearValue(getfield(x, :vks)) _PerformanceCounterResultKHR(x::PerformanceCounterResultKHR) = _PerformanceCounterResultKHR(getfield(x, :vks)) _PerformanceValueDataINTEL(x::PerformanceValueDataINTEL) = _PerformanceValueDataINTEL(getfield(x, :vks)) _PipelineExecutableStatisticValueKHR(x::PipelineExecutableStatisticValueKHR) = _PipelineExecutableStatisticValueKHR(getfield(x, :vks)) _DeviceOrHostAddressKHR(x::DeviceOrHostAddressKHR) = _DeviceOrHostAddressKHR(getfield(x, :vks)) _DeviceOrHostAddressConstKHR(x::DeviceOrHostAddressConstKHR) = _DeviceOrHostAddressConstKHR(getfield(x, :vks)) _AccelerationStructureGeometryDataKHR(x::AccelerationStructureGeometryDataKHR) = _AccelerationStructureGeometryDataKHR(getfield(x, :vks)) _DescriptorDataEXT(x::DescriptorDataEXT) = _DescriptorDataEXT(getfield(x, :vks)) _AccelerationStructureMotionInstanceDataNV(x::AccelerationStructureMotionInstanceDataNV) = _AccelerationStructureMotionInstanceDataNV(getfield(x, :vks)) convert(T::Type{_ClearColorValue}, x::ClearColorValue) = T(x) convert(T::Type{_ClearValue}, x::ClearValue) = T(x) convert(T::Type{_PerformanceCounterResultKHR}, x::PerformanceCounterResultKHR) = T(x) convert(T::Type{_PerformanceValueDataINTEL}, x::PerformanceValueDataINTEL) = T(x) convert(T::Type{_PipelineExecutableStatisticValueKHR}, x::PipelineExecutableStatisticValueKHR) = T(x) convert(T::Type{_DeviceOrHostAddressKHR}, x::DeviceOrHostAddressKHR) = T(x) convert(T::Type{_DeviceOrHostAddressConstKHR}, x::DeviceOrHostAddressConstKHR) = T(x) convert(T::Type{_AccelerationStructureGeometryDataKHR}, x::AccelerationStructureGeometryDataKHR) = T(x) convert(T::Type{_DescriptorDataEXT}, x::DescriptorDataEXT) = T(x) convert(T::Type{_AccelerationStructureMotionInstanceDataNV}, x::AccelerationStructureMotionInstanceDataNV) = T(x) function Base.getproperty(x::ClearColorValue, sym::Symbol) if sym === :float32 x.data.float32 elseif sym === :int32 x.data.int32 elseif sym === :uint32 x.data.uint32 else getfield(x, sym) end end function Base.getproperty(x::ClearValue, sym::Symbol) if sym === :color x.data.color elseif sym === :depth_stencil x.data.depthStencil else getfield(x, sym) end end function Base.getproperty(x::PerformanceCounterResultKHR, sym::Symbol) if sym === :int32 x.data.int32 elseif sym === :int64 x.data.int64 elseif sym === :uint32 x.data.uint32 elseif sym === :uint64 x.data.uint64 elseif sym === :float32 x.data.float32 elseif sym === :float64 x.data.float64 else getfield(x, sym) end end function Base.getproperty(x::PerformanceValueDataINTEL, sym::Symbol) if sym === :value32 x.data.value32 elseif sym === :value64 x.data.value64 elseif sym === :value_float x.data.valueFloat elseif sym === :value_bool x.data.valueBool elseif sym === :value_string x.data.valueString else getfield(x, sym) end end function Base.getproperty(x::PipelineExecutableStatisticValueKHR, sym::Symbol) if sym === :b32 x.data.b32 elseif sym === :i64 x.data.i64 elseif sym === :u64 x.data.u64 elseif sym === :f64 x.data.f64 else getfield(x, sym) end end function Base.getproperty(x::DeviceOrHostAddressKHR, sym::Symbol) if sym === :device_address x.data.deviceAddress elseif sym === :host_address x.data.hostAddress else getfield(x, sym) end end function Base.getproperty(x::DeviceOrHostAddressConstKHR, sym::Symbol) if sym === :device_address x.data.deviceAddress elseif sym === :host_address x.data.hostAddress else getfield(x, sym) end end function Base.getproperty(x::AccelerationStructureGeometryDataKHR, sym::Symbol) if sym === :triangles x.data.triangles elseif sym === :aabbs x.data.aabbs elseif sym === :instances x.data.instances else getfield(x, sym) end end function Base.getproperty(x::DescriptorDataEXT, sym::Symbol) if sym === :sampler x.data.pSampler elseif sym === :combined_image_sampler x.data.pCombinedImageSampler elseif sym === :input_attachment_image x.data.pInputAttachmentImage elseif sym === :sampled_image x.data.pSampledImage elseif sym === :storage_image x.data.pStorageImage elseif sym === :uniform_texel_buffer x.data.pUniformTexelBuffer elseif sym === :storage_texel_buffer x.data.pStorageTexelBuffer elseif sym === :uniform_buffer x.data.pUniformBuffer elseif sym === :storage_buffer x.data.pStorageBuffer elseif sym === :acceleration_structure x.data.accelerationStructure else getfield(x, sym) end end function Base.getproperty(x::AccelerationStructureMotionInstanceDataNV, sym::Symbol) if sym === :static_instance x.data.staticInstance elseif sym === :matrix_motion_instance x.data.matrixMotionInstance elseif sym === :srt_motion_instance x.data.srtMotionInstance else getfield(x, sym) end end """ Arguments: - `next::_BaseOutStructure`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBaseOutStructure.html) """ function _BaseOutStructure(; next = C_NULL) next = cconvert(Ptr{VkBaseOutStructure}, next) deps = Any[next] vks = VkBaseOutStructure(s_type, unsafe_convert(Ptr{VkBaseOutStructure}, next)) _BaseOutStructure(vks, deps) end """ Arguments: - `next::_BaseInStructure`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBaseInStructure.html) """ function _BaseInStructure(; next = C_NULL) next = cconvert(Ptr{VkBaseInStructure}, next) deps = Any[next] vks = VkBaseInStructure(s_type, unsafe_convert(Ptr{VkBaseInStructure}, next)) _BaseInStructure(vks, deps) end """ Arguments: - `x::Int32` - `y::Int32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOffset2D.html) """ function _Offset2D(x::Integer, y::Integer) _Offset2D(VkOffset2D(x, y)) end """ Arguments: - `x::Int32` - `y::Int32` - `z::Int32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOffset3D.html) """ function _Offset3D(x::Integer, y::Integer, z::Integer) _Offset3D(VkOffset3D(x, y, z)) end """ Arguments: - `width::UInt32` - `height::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExtent2D.html) """ function _Extent2D(width::Integer, height::Integer) _Extent2D(VkExtent2D(width, height)) end """ Arguments: - `width::UInt32` - `height::UInt32` - `depth::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExtent3D.html) """ function _Extent3D(width::Integer, height::Integer, depth::Integer) _Extent3D(VkExtent3D(width, height, depth)) end """ Arguments: - `x::Float32` - `y::Float32` - `width::Float32` - `height::Float32` - `min_depth::Float32` - `max_depth::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkViewport.html) """ function _Viewport(x::Real, y::Real, width::Real, height::Real, min_depth::Real, max_depth::Real) _Viewport(VkViewport(x, y, width, height, min_depth, max_depth)) end """ Arguments: - `offset::_Offset2D` - `extent::_Extent2D` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRect2D.html) """ function _Rect2D(offset::_Offset2D, extent::_Extent2D) _Rect2D(VkRect2D(offset.vks, extent.vks)) end """ Arguments: - `rect::_Rect2D` - `base_array_layer::UInt32` - `layer_count::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearRect.html) """ function _ClearRect(rect::_Rect2D, base_array_layer::Integer, layer_count::Integer) _ClearRect(VkClearRect(rect.vks, base_array_layer, layer_count)) end """ Arguments: - `r::ComponentSwizzle` - `g::ComponentSwizzle` - `b::ComponentSwizzle` - `a::ComponentSwizzle` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkComponentMapping.html) """ function _ComponentMapping(r::ComponentSwizzle, g::ComponentSwizzle, b::ComponentSwizzle, a::ComponentSwizzle) _ComponentMapping(VkComponentMapping(r, g, b, a)) end """ Arguments: - `api_version::VersionNumber` - `driver_version::VersionNumber` - `vendor_id::UInt32` - `device_id::UInt32` - `device_type::PhysicalDeviceType` - `device_name::String` - `pipeline_cache_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `limits::_PhysicalDeviceLimits` - `sparse_properties::_PhysicalDeviceSparseProperties` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProperties.html) """ function _PhysicalDeviceProperties(api_version::VersionNumber, driver_version::VersionNumber, vendor_id::Integer, device_id::Integer, device_type::PhysicalDeviceType, device_name::AbstractString, pipeline_cache_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}, limits::_PhysicalDeviceLimits, sparse_properties::_PhysicalDeviceSparseProperties) _PhysicalDeviceProperties(VkPhysicalDeviceProperties(to_vk(UInt32, api_version), to_vk(UInt32, driver_version), vendor_id, device_id, device_type, device_name, pipeline_cache_uuid, limits.vks, sparse_properties.vks)) end """ Arguments: - `extension_name::String` - `spec_version::VersionNumber` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExtensionProperties.html) """ function _ExtensionProperties(extension_name::AbstractString, spec_version::VersionNumber) _ExtensionProperties(VkExtensionProperties(extension_name, to_vk(UInt32, spec_version))) end """ Arguments: - `layer_name::String` - `spec_version::VersionNumber` - `implementation_version::VersionNumber` - `description::String` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkLayerProperties.html) """ function _LayerProperties(layer_name::AbstractString, spec_version::VersionNumber, implementation_version::VersionNumber, description::AbstractString) _LayerProperties(VkLayerProperties(layer_name, to_vk(UInt32, spec_version), to_vk(UInt32, implementation_version), description)) end """ Arguments: - `application_version::VersionNumber` - `engine_version::VersionNumber` - `api_version::VersionNumber` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `application_name::String`: defaults to `C_NULL` - `engine_name::String`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkApplicationInfo.html) """ function _ApplicationInfo(application_version::VersionNumber, engine_version::VersionNumber, api_version::VersionNumber; next = C_NULL, application_name = C_NULL, engine_name = C_NULL) next = cconvert(Ptr{Cvoid}, next) application_name = cconvert(Cstring, application_name) engine_name = cconvert(Cstring, engine_name) deps = Any[next, application_name, engine_name] vks = VkApplicationInfo(structure_type(VkApplicationInfo), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Cstring, application_name), to_vk(UInt32, application_version), unsafe_convert(Cstring, engine_name), to_vk(UInt32, engine_version), to_vk(UInt32, api_version)) _ApplicationInfo(vks, deps) end """ Arguments: - `pfn_allocation::FunctionPtr` - `pfn_reallocation::FunctionPtr` - `pfn_free::FunctionPtr` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` - `pfn_internal_allocation::FunctionPtr`: defaults to `0` - `pfn_internal_free::FunctionPtr`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAllocationCallbacks.html) """ function _AllocationCallbacks(pfn_allocation::FunctionPtr, pfn_reallocation::FunctionPtr, pfn_free::FunctionPtr; user_data = C_NULL, pfn_internal_allocation = 0, pfn_internal_free = 0) user_data = cconvert(Ptr{Cvoid}, user_data) deps = Any[user_data] vks = VkAllocationCallbacks(unsafe_convert(Ptr{Cvoid}, user_data), pfn_allocation, pfn_reallocation, pfn_free, pfn_internal_allocation, pfn_internal_free) _AllocationCallbacks(vks, deps) end """ Arguments: - `queue_family_index::UInt32` - `queue_priorities::Vector{Float32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::DeviceQueueCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceQueueCreateInfo.html) """ function _DeviceQueueCreateInfo(queue_family_index::Integer, queue_priorities::AbstractArray; next = C_NULL, flags = 0) queue_count = pointer_length(queue_priorities) next = cconvert(Ptr{Cvoid}, next) queue_priorities = cconvert(Ptr{Float32}, queue_priorities) deps = Any[next, queue_priorities] vks = VkDeviceQueueCreateInfo(structure_type(VkDeviceQueueCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, queue_family_index, queue_count, unsafe_convert(Ptr{Float32}, queue_priorities)) _DeviceQueueCreateInfo(vks, deps) end """ Arguments: - `queue_create_infos::Vector{_DeviceQueueCreateInfo}` - `enabled_layer_names::Vector{String}` - `enabled_extension_names::Vector{String}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `enabled_features::_PhysicalDeviceFeatures`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceCreateInfo.html) """ function _DeviceCreateInfo(queue_create_infos::AbstractArray, enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray; next = C_NULL, flags = 0, enabled_features = C_NULL) queue_create_info_count = pointer_length(queue_create_infos) enabled_layer_count = pointer_length(enabled_layer_names) enabled_extension_count = pointer_length(enabled_extension_names) next = cconvert(Ptr{Cvoid}, next) queue_create_infos = cconvert(Ptr{VkDeviceQueueCreateInfo}, queue_create_infos) enabled_layer_names = cconvert(Ptr{Cstring}, enabled_layer_names) enabled_extension_names = cconvert(Ptr{Cstring}, enabled_extension_names) enabled_features = cconvert(Ptr{VkPhysicalDeviceFeatures}, enabled_features) deps = Any[next, queue_create_infos, enabled_layer_names, enabled_extension_names, enabled_features] vks = VkDeviceCreateInfo(structure_type(VkDeviceCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, queue_create_info_count, unsafe_convert(Ptr{VkDeviceQueueCreateInfo}, queue_create_infos), enabled_layer_count, unsafe_convert(Ptr{Cstring}, enabled_layer_names), enabled_extension_count, unsafe_convert(Ptr{Cstring}, enabled_extension_names), unsafe_convert(Ptr{VkPhysicalDeviceFeatures}, enabled_features)) _DeviceCreateInfo(vks, deps) end """ Arguments: - `enabled_layer_names::Vector{String}` - `enabled_extension_names::Vector{String}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::InstanceCreateFlag`: defaults to `0` - `application_info::_ApplicationInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkInstanceCreateInfo.html) """ function _InstanceCreateInfo(enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray; next = C_NULL, flags = 0, application_info = C_NULL) enabled_layer_count = pointer_length(enabled_layer_names) enabled_extension_count = pointer_length(enabled_extension_names) next = cconvert(Ptr{Cvoid}, next) application_info = cconvert(Ptr{VkApplicationInfo}, application_info) enabled_layer_names = cconvert(Ptr{Cstring}, enabled_layer_names) enabled_extension_names = cconvert(Ptr{Cstring}, enabled_extension_names) deps = Any[next, application_info, enabled_layer_names, enabled_extension_names] vks = VkInstanceCreateInfo(structure_type(VkInstanceCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, unsafe_convert(Ptr{VkApplicationInfo}, application_info), enabled_layer_count, unsafe_convert(Ptr{Cstring}, enabled_layer_names), enabled_extension_count, unsafe_convert(Ptr{Cstring}, enabled_extension_names)) _InstanceCreateInfo(vks, deps) end """ Arguments: - `queue_count::UInt32` - `timestamp_valid_bits::UInt32` - `min_image_transfer_granularity::_Extent3D` - `queue_flags::QueueFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyProperties.html) """ function _QueueFamilyProperties(queue_count::Integer, timestamp_valid_bits::Integer, min_image_transfer_granularity::_Extent3D; queue_flags = 0) _QueueFamilyProperties(VkQueueFamilyProperties(queue_flags, queue_count, timestamp_valid_bits, min_image_transfer_granularity.vks)) end """ Arguments: - `memory_type_count::UInt32` - `memory_types::NTuple{Int(VK_MAX_MEMORY_TYPES), _MemoryType}` - `memory_heap_count::UInt32` - `memory_heaps::NTuple{Int(VK_MAX_MEMORY_HEAPS), _MemoryHeap}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryProperties.html) """ function _PhysicalDeviceMemoryProperties(memory_type_count::Integer, memory_types::NTuple{Int(VK_MAX_MEMORY_TYPES), _MemoryType}, memory_heap_count::Integer, memory_heaps::NTuple{Int(VK_MAX_MEMORY_HEAPS), _MemoryHeap}) _PhysicalDeviceMemoryProperties(VkPhysicalDeviceMemoryProperties(memory_type_count, memory_types, memory_heap_count, memory_heaps)) end """ Arguments: - `allocation_size::UInt64` - `memory_type_index::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryAllocateInfo.html) """ function _MemoryAllocateInfo(allocation_size::Integer, memory_type_index::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryAllocateInfo(structure_type(VkMemoryAllocateInfo), unsafe_convert(Ptr{Cvoid}, next), allocation_size, memory_type_index) _MemoryAllocateInfo(vks, deps) end """ Arguments: - `size::UInt64` - `alignment::UInt64` - `memory_type_bits::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryRequirements.html) """ function _MemoryRequirements(size::Integer, alignment::Integer, memory_type_bits::Integer) _MemoryRequirements(VkMemoryRequirements(size, alignment, memory_type_bits)) end """ Arguments: - `image_granularity::_Extent3D` - `aspect_mask::ImageAspectFlag`: defaults to `0` - `flags::SparseImageFormatFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageFormatProperties.html) """ function _SparseImageFormatProperties(image_granularity::_Extent3D; aspect_mask = 0, flags = 0) _SparseImageFormatProperties(VkSparseImageFormatProperties(aspect_mask, image_granularity.vks, flags)) end """ Arguments: - `format_properties::_SparseImageFormatProperties` - `image_mip_tail_first_lod::UInt32` - `image_mip_tail_size::UInt64` - `image_mip_tail_offset::UInt64` - `image_mip_tail_stride::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryRequirements.html) """ function _SparseImageMemoryRequirements(format_properties::_SparseImageFormatProperties, image_mip_tail_first_lod::Integer, image_mip_tail_size::Integer, image_mip_tail_offset::Integer, image_mip_tail_stride::Integer) _SparseImageMemoryRequirements(VkSparseImageMemoryRequirements(format_properties.vks, image_mip_tail_first_lod, image_mip_tail_size, image_mip_tail_offset, image_mip_tail_stride)) end """ Arguments: - `heap_index::UInt32` - `property_flags::MemoryPropertyFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryType.html) """ function _MemoryType(heap_index::Integer; property_flags = 0) _MemoryType(VkMemoryType(property_flags, heap_index)) end """ Arguments: - `size::UInt64` - `flags::MemoryHeapFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryHeap.html) """ function _MemoryHeap(size::Integer; flags = 0) _MemoryHeap(VkMemoryHeap(size, flags)) end """ Arguments: - `memory::DeviceMemory` - `offset::UInt64` - `size::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMappedMemoryRange.html) """ function _MappedMemoryRange(memory, offset::Integer, size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMappedMemoryRange(structure_type(VkMappedMemoryRange), unsafe_convert(Ptr{Cvoid}, next), memory, offset, size) _MappedMemoryRange(vks, deps, memory) end """ Arguments: - `linear_tiling_features::FormatFeatureFlag`: defaults to `0` - `optimal_tiling_features::FormatFeatureFlag`: defaults to `0` - `buffer_features::FormatFeatureFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFormatProperties.html) """ function _FormatProperties(; linear_tiling_features = 0, optimal_tiling_features = 0, buffer_features = 0) _FormatProperties(VkFormatProperties(linear_tiling_features, optimal_tiling_features, buffer_features)) end """ Arguments: - `max_extent::_Extent3D` - `max_mip_levels::UInt32` - `max_array_layers::UInt32` - `max_resource_size::UInt64` - `sample_counts::SampleCountFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageFormatProperties.html) """ function _ImageFormatProperties(max_extent::_Extent3D, max_mip_levels::Integer, max_array_layers::Integer, max_resource_size::Integer; sample_counts = 0) _ImageFormatProperties(VkImageFormatProperties(max_extent.vks, max_mip_levels, max_array_layers, sample_counts, max_resource_size)) end """ Arguments: - `offset::UInt64` - `range::UInt64` - `buffer::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorBufferInfo.html) """ function _DescriptorBufferInfo(offset::Integer, range::Integer; buffer = C_NULL) _DescriptorBufferInfo(VkDescriptorBufferInfo(buffer, offset, range), buffer) end """ Arguments: - `sampler::Sampler` - `image_view::ImageView` - `image_layout::ImageLayout` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorImageInfo.html) """ function _DescriptorImageInfo(sampler, image_view, image_layout::ImageLayout) _DescriptorImageInfo(VkDescriptorImageInfo(sampler, image_view, image_layout), sampler, image_view) end """ Arguments: - `dst_set::DescriptorSet` - `dst_binding::UInt32` - `dst_array_element::UInt32` - `descriptor_type::DescriptorType` - `image_info::Vector{_DescriptorImageInfo}` - `buffer_info::Vector{_DescriptorBufferInfo}` - `texel_buffer_view::Vector{BufferView}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `descriptor_count::UInt32`: defaults to `max(pointer_length(image_info), pointer_length(buffer_info), pointer_length(texel_buffer_view))` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSet.html) """ function _WriteDescriptorSet(dst_set, dst_binding::Integer, dst_array_element::Integer, descriptor_type::DescriptorType, image_info::AbstractArray, buffer_info::AbstractArray, texel_buffer_view::AbstractArray; next = C_NULL, descriptor_count = max(pointer_length(image_info), pointer_length(buffer_info), pointer_length(texel_buffer_view))) next = cconvert(Ptr{Cvoid}, next) image_info = cconvert(Ptr{VkDescriptorImageInfo}, image_info) buffer_info = cconvert(Ptr{VkDescriptorBufferInfo}, buffer_info) texel_buffer_view = cconvert(Ptr{VkBufferView}, texel_buffer_view) deps = Any[next, image_info, buffer_info, texel_buffer_view] vks = VkWriteDescriptorSet(structure_type(VkWriteDescriptorSet), unsafe_convert(Ptr{Cvoid}, next), dst_set, dst_binding, dst_array_element, descriptor_count, descriptor_type, unsafe_convert(Ptr{VkDescriptorImageInfo}, image_info), unsafe_convert(Ptr{VkDescriptorBufferInfo}, buffer_info), unsafe_convert(Ptr{VkBufferView}, texel_buffer_view)) _WriteDescriptorSet(vks, deps, dst_set) end """ Arguments: - `src_set::DescriptorSet` - `src_binding::UInt32` - `src_array_element::UInt32` - `dst_set::DescriptorSet` - `dst_binding::UInt32` - `dst_array_element::UInt32` - `descriptor_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyDescriptorSet.html) """ function _CopyDescriptorSet(src_set, src_binding::Integer, src_array_element::Integer, dst_set, dst_binding::Integer, dst_array_element::Integer, descriptor_count::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCopyDescriptorSet(structure_type(VkCopyDescriptorSet), unsafe_convert(Ptr{Cvoid}, next), src_set, src_binding, src_array_element, dst_set, dst_binding, dst_array_element, descriptor_count) _CopyDescriptorSet(vks, deps, src_set, dst_set) end """ Arguments: - `size::UInt64` - `usage::BufferUsageFlag` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::BufferCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCreateInfo.html) """ function _BufferCreateInfo(size::Integer, usage::BufferUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray; next = C_NULL, flags = 0) queue_family_index_count = pointer_length(queue_family_indices) next = cconvert(Ptr{Cvoid}, next) queue_family_indices = cconvert(Ptr{UInt32}, queue_family_indices) deps = Any[next, queue_family_indices] vks = VkBufferCreateInfo(structure_type(VkBufferCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, size, usage, sharing_mode, queue_family_index_count, unsafe_convert(Ptr{UInt32}, queue_family_indices)) _BufferCreateInfo(vks, deps) end """ Arguments: - `buffer::Buffer` - `format::Format` - `offset::UInt64` - `range::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferViewCreateInfo.html) """ function _BufferViewCreateInfo(buffer, format::Format, offset::Integer, range::Integer; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBufferViewCreateInfo(structure_type(VkBufferViewCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, buffer, format, offset, range) _BufferViewCreateInfo(vks, deps, buffer) end """ Arguments: - `aspect_mask::ImageAspectFlag` - `mip_level::UInt32` - `array_layer::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresource.html) """ function _ImageSubresource(aspect_mask::ImageAspectFlag, mip_level::Integer, array_layer::Integer) _ImageSubresource(VkImageSubresource(aspect_mask, mip_level, array_layer)) end """ Arguments: - `aspect_mask::ImageAspectFlag` - `mip_level::UInt32` - `base_array_layer::UInt32` - `layer_count::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresourceLayers.html) """ function _ImageSubresourceLayers(aspect_mask::ImageAspectFlag, mip_level::Integer, base_array_layer::Integer, layer_count::Integer) _ImageSubresourceLayers(VkImageSubresourceLayers(aspect_mask, mip_level, base_array_layer, layer_count)) end """ Arguments: - `aspect_mask::ImageAspectFlag` - `base_mip_level::UInt32` - `level_count::UInt32` - `base_array_layer::UInt32` - `layer_count::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresourceRange.html) """ function _ImageSubresourceRange(aspect_mask::ImageAspectFlag, base_mip_level::Integer, level_count::Integer, base_array_layer::Integer, layer_count::Integer) _ImageSubresourceRange(VkImageSubresourceRange(aspect_mask, base_mip_level, level_count, base_array_layer, layer_count)) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `src_access_mask::AccessFlag`: defaults to `0` - `dst_access_mask::AccessFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryBarrier.html) """ function _MemoryBarrier(; next = C_NULL, src_access_mask = 0, dst_access_mask = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryBarrier(structure_type(VkMemoryBarrier), unsafe_convert(Ptr{Cvoid}, next), src_access_mask, dst_access_mask) _MemoryBarrier(vks, deps) end """ Arguments: - `src_access_mask::AccessFlag` - `dst_access_mask::AccessFlag` - `src_queue_family_index::UInt32` - `dst_queue_family_index::UInt32` - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferMemoryBarrier.html) """ function _BufferMemoryBarrier(src_access_mask::AccessFlag, dst_access_mask::AccessFlag, src_queue_family_index::Integer, dst_queue_family_index::Integer, buffer, offset::Integer, size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBufferMemoryBarrier(structure_type(VkBufferMemoryBarrier), unsafe_convert(Ptr{Cvoid}, next), src_access_mask, dst_access_mask, src_queue_family_index, dst_queue_family_index, buffer, offset, size) _BufferMemoryBarrier(vks, deps, buffer) end """ Arguments: - `src_access_mask::AccessFlag` - `dst_access_mask::AccessFlag` - `old_layout::ImageLayout` - `new_layout::ImageLayout` - `src_queue_family_index::UInt32` - `dst_queue_family_index::UInt32` - `image::Image` - `subresource_range::_ImageSubresourceRange` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageMemoryBarrier.html) """ function _ImageMemoryBarrier(src_access_mask::AccessFlag, dst_access_mask::AccessFlag, old_layout::ImageLayout, new_layout::ImageLayout, src_queue_family_index::Integer, dst_queue_family_index::Integer, image, subresource_range::_ImageSubresourceRange; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageMemoryBarrier(structure_type(VkImageMemoryBarrier), unsafe_convert(Ptr{Cvoid}, next), src_access_mask, dst_access_mask, old_layout, new_layout, src_queue_family_index, dst_queue_family_index, image, subresource_range.vks) _ImageMemoryBarrier(vks, deps, image) end """ Arguments: - `image_type::ImageType` - `format::Format` - `extent::_Extent3D` - `mip_levels::UInt32` - `array_layers::UInt32` - `samples::SampleCountFlag` - `tiling::ImageTiling` - `usage::ImageUsageFlag` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `initial_layout::ImageLayout` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::ImageCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCreateInfo.html) """ function _ImageCreateInfo(image_type::ImageType, format::Format, extent::_Extent3D, mip_levels::Integer, array_layers::Integer, samples::SampleCountFlag, tiling::ImageTiling, usage::ImageUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, initial_layout::ImageLayout; next = C_NULL, flags = 0) queue_family_index_count = pointer_length(queue_family_indices) next = cconvert(Ptr{Cvoid}, next) queue_family_indices = cconvert(Ptr{UInt32}, queue_family_indices) deps = Any[next, queue_family_indices] vks = VkImageCreateInfo(structure_type(VkImageCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, image_type, format, extent.vks, mip_levels, array_layers, VkSampleCountFlagBits(samples.val), tiling, usage, sharing_mode, queue_family_index_count, unsafe_convert(Ptr{UInt32}, queue_family_indices), initial_layout) _ImageCreateInfo(vks, deps) end """ Arguments: - `offset::UInt64` - `size::UInt64` - `row_pitch::UInt64` - `array_pitch::UInt64` - `depth_pitch::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubresourceLayout.html) """ function _SubresourceLayout(offset::Integer, size::Integer, row_pitch::Integer, array_pitch::Integer, depth_pitch::Integer) _SubresourceLayout(VkSubresourceLayout(offset, size, row_pitch, array_pitch, depth_pitch)) end """ Arguments: - `image::Image` - `view_type::ImageViewType` - `format::Format` - `components::_ComponentMapping` - `subresource_range::_ImageSubresourceRange` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::ImageViewCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewCreateInfo.html) """ function _ImageViewCreateInfo(image, view_type::ImageViewType, format::Format, components::_ComponentMapping, subresource_range::_ImageSubresourceRange; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageViewCreateInfo(structure_type(VkImageViewCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, image, view_type, format, components.vks, subresource_range.vks) _ImageViewCreateInfo(vks, deps, image) end """ Arguments: - `src_offset::UInt64` - `dst_offset::UInt64` - `size::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCopy.html) """ function _BufferCopy(src_offset::Integer, dst_offset::Integer, size::Integer) _BufferCopy(VkBufferCopy(src_offset, dst_offset, size)) end """ Arguments: - `resource_offset::UInt64` - `size::UInt64` - `memory_offset::UInt64` - `memory::DeviceMemory`: defaults to `C_NULL` - `flags::SparseMemoryBindFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseMemoryBind.html) """ function _SparseMemoryBind(resource_offset::Integer, size::Integer, memory_offset::Integer; memory = C_NULL, flags = 0) _SparseMemoryBind(VkSparseMemoryBind(resource_offset, size, memory, memory_offset, flags), memory) end """ Arguments: - `subresource::_ImageSubresource` - `offset::_Offset3D` - `extent::_Extent3D` - `memory_offset::UInt64` - `memory::DeviceMemory`: defaults to `C_NULL` - `flags::SparseMemoryBindFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryBind.html) """ function _SparseImageMemoryBind(subresource::_ImageSubresource, offset::_Offset3D, extent::_Extent3D, memory_offset::Integer; memory = C_NULL, flags = 0) _SparseImageMemoryBind(VkSparseImageMemoryBind(subresource.vks, offset.vks, extent.vks, memory, memory_offset, flags), memory) end """ Arguments: - `buffer::Buffer` - `binds::Vector{_SparseMemoryBind}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseBufferMemoryBindInfo.html) """ function _SparseBufferMemoryBindInfo(buffer, binds::AbstractArray) bind_count = pointer_length(binds) binds = cconvert(Ptr{VkSparseMemoryBind}, binds) deps = Any[binds] vks = VkSparseBufferMemoryBindInfo(buffer, bind_count, unsafe_convert(Ptr{VkSparseMemoryBind}, binds)) _SparseBufferMemoryBindInfo(vks, deps, buffer) end """ Arguments: - `image::Image` - `binds::Vector{_SparseMemoryBind}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageOpaqueMemoryBindInfo.html) """ function _SparseImageOpaqueMemoryBindInfo(image, binds::AbstractArray) bind_count = pointer_length(binds) binds = cconvert(Ptr{VkSparseMemoryBind}, binds) deps = Any[binds] vks = VkSparseImageOpaqueMemoryBindInfo(image, bind_count, unsafe_convert(Ptr{VkSparseMemoryBind}, binds)) _SparseImageOpaqueMemoryBindInfo(vks, deps, image) end """ Arguments: - `image::Image` - `binds::Vector{_SparseImageMemoryBind}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryBindInfo.html) """ function _SparseImageMemoryBindInfo(image, binds::AbstractArray) bind_count = pointer_length(binds) binds = cconvert(Ptr{VkSparseImageMemoryBind}, binds) deps = Any[binds] vks = VkSparseImageMemoryBindInfo(image, bind_count, unsafe_convert(Ptr{VkSparseImageMemoryBind}, binds)) _SparseImageMemoryBindInfo(vks, deps, image) end """ Arguments: - `wait_semaphores::Vector{Semaphore}` - `buffer_binds::Vector{_SparseBufferMemoryBindInfo}` - `image_opaque_binds::Vector{_SparseImageOpaqueMemoryBindInfo}` - `image_binds::Vector{_SparseImageMemoryBindInfo}` - `signal_semaphores::Vector{Semaphore}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindSparseInfo.html) """ function _BindSparseInfo(wait_semaphores::AbstractArray, buffer_binds::AbstractArray, image_opaque_binds::AbstractArray, image_binds::AbstractArray, signal_semaphores::AbstractArray; next = C_NULL) wait_semaphore_count = pointer_length(wait_semaphores) buffer_bind_count = pointer_length(buffer_binds) image_opaque_bind_count = pointer_length(image_opaque_binds) image_bind_count = pointer_length(image_binds) signal_semaphore_count = pointer_length(signal_semaphores) next = cconvert(Ptr{Cvoid}, next) wait_semaphores = cconvert(Ptr{VkSemaphore}, wait_semaphores) buffer_binds = cconvert(Ptr{VkSparseBufferMemoryBindInfo}, buffer_binds) image_opaque_binds = cconvert(Ptr{VkSparseImageOpaqueMemoryBindInfo}, image_opaque_binds) image_binds = cconvert(Ptr{VkSparseImageMemoryBindInfo}, image_binds) signal_semaphores = cconvert(Ptr{VkSemaphore}, signal_semaphores) deps = Any[next, wait_semaphores, buffer_binds, image_opaque_binds, image_binds, signal_semaphores] vks = VkBindSparseInfo(structure_type(VkBindSparseInfo), unsafe_convert(Ptr{Cvoid}, next), wait_semaphore_count, unsafe_convert(Ptr{VkSemaphore}, wait_semaphores), buffer_bind_count, unsafe_convert(Ptr{VkSparseBufferMemoryBindInfo}, buffer_binds), image_opaque_bind_count, unsafe_convert(Ptr{VkSparseImageOpaqueMemoryBindInfo}, image_opaque_binds), image_bind_count, unsafe_convert(Ptr{VkSparseImageMemoryBindInfo}, image_binds), signal_semaphore_count, unsafe_convert(Ptr{VkSemaphore}, signal_semaphores)) _BindSparseInfo(vks, deps) end """ Arguments: - `src_subresource::_ImageSubresourceLayers` - `src_offset::_Offset3D` - `dst_subresource::_ImageSubresourceLayers` - `dst_offset::_Offset3D` - `extent::_Extent3D` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCopy.html) """ function _ImageCopy(src_subresource::_ImageSubresourceLayers, src_offset::_Offset3D, dst_subresource::_ImageSubresourceLayers, dst_offset::_Offset3D, extent::_Extent3D) _ImageCopy(VkImageCopy(src_subresource.vks, src_offset.vks, dst_subresource.vks, dst_offset.vks, extent.vks)) end """ Arguments: - `src_subresource::_ImageSubresourceLayers` - `src_offsets::NTuple{2, _Offset3D}` - `dst_subresource::_ImageSubresourceLayers` - `dst_offsets::NTuple{2, _Offset3D}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageBlit.html) """ function _ImageBlit(src_subresource::_ImageSubresourceLayers, src_offsets::NTuple{2, _Offset3D}, dst_subresource::_ImageSubresourceLayers, dst_offsets::NTuple{2, _Offset3D}) _ImageBlit(VkImageBlit(src_subresource.vks, to_vk(NTuple{2, VkOffset3D}, src_offsets), dst_subresource.vks, to_vk(NTuple{2, VkOffset3D}, dst_offsets))) end """ Arguments: - `buffer_offset::UInt64` - `buffer_row_length::UInt32` - `buffer_image_height::UInt32` - `image_subresource::_ImageSubresourceLayers` - `image_offset::_Offset3D` - `image_extent::_Extent3D` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferImageCopy.html) """ function _BufferImageCopy(buffer_offset::Integer, buffer_row_length::Integer, buffer_image_height::Integer, image_subresource::_ImageSubresourceLayers, image_offset::_Offset3D, image_extent::_Extent3D) _BufferImageCopy(VkBufferImageCopy(buffer_offset, buffer_row_length, buffer_image_height, image_subresource.vks, image_offset.vks, image_extent.vks)) end """ Extension: VK\\_NV\\_copy\\_memory\\_indirect Arguments: - `src_address::UInt64` - `dst_address::UInt64` - `size::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryIndirectCommandNV.html) """ function _CopyMemoryIndirectCommandNV(src_address::Integer, dst_address::Integer, size::Integer) _CopyMemoryIndirectCommandNV(VkCopyMemoryIndirectCommandNV(src_address, dst_address, size)) end """ Extension: VK\\_NV\\_copy\\_memory\\_indirect Arguments: - `src_address::UInt64` - `buffer_row_length::UInt32` - `buffer_image_height::UInt32` - `image_subresource::_ImageSubresourceLayers` - `image_offset::_Offset3D` - `image_extent::_Extent3D` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryToImageIndirectCommandNV.html) """ function _CopyMemoryToImageIndirectCommandNV(src_address::Integer, buffer_row_length::Integer, buffer_image_height::Integer, image_subresource::_ImageSubresourceLayers, image_offset::_Offset3D, image_extent::_Extent3D) _CopyMemoryToImageIndirectCommandNV(VkCopyMemoryToImageIndirectCommandNV(src_address, buffer_row_length, buffer_image_height, image_subresource.vks, image_offset.vks, image_extent.vks)) end """ Arguments: - `src_subresource::_ImageSubresourceLayers` - `src_offset::_Offset3D` - `dst_subresource::_ImageSubresourceLayers` - `dst_offset::_Offset3D` - `extent::_Extent3D` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageResolve.html) """ function _ImageResolve(src_subresource::_ImageSubresourceLayers, src_offset::_Offset3D, dst_subresource::_ImageSubresourceLayers, dst_offset::_Offset3D, extent::_Extent3D) _ImageResolve(VkImageResolve(src_subresource.vks, src_offset.vks, dst_subresource.vks, dst_offset.vks, extent.vks)) end """ Arguments: - `code_size::UInt` - `code::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderModuleCreateInfo.html) """ function _ShaderModuleCreateInfo(code_size::Integer, code::AbstractArray; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) code = cconvert(Ptr{UInt32}, code) deps = Any[next, code] vks = VkShaderModuleCreateInfo(structure_type(VkShaderModuleCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, code_size, unsafe_convert(Ptr{UInt32}, code)) _ShaderModuleCreateInfo(vks, deps) end """ Arguments: - `binding::UInt32` - `descriptor_type::DescriptorType` - `stage_flags::ShaderStageFlag` - `descriptor_count::UInt32`: defaults to `0` - `immutable_samplers::Vector{Sampler}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutBinding.html) """ function _DescriptorSetLayoutBinding(binding::Integer, descriptor_type::DescriptorType, stage_flags::ShaderStageFlag; descriptor_count = 0, immutable_samplers = C_NULL) immutable_samplers = cconvert(Ptr{VkSampler}, immutable_samplers) deps = Any[immutable_samplers] vks = VkDescriptorSetLayoutBinding(binding, descriptor_type, descriptor_count, stage_flags, unsafe_convert(Ptr{VkSampler}, immutable_samplers)) _DescriptorSetLayoutBinding(vks, deps) end """ Arguments: - `bindings::Vector{_DescriptorSetLayoutBinding}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::DescriptorSetLayoutCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutCreateInfo.html) """ function _DescriptorSetLayoutCreateInfo(bindings::AbstractArray; next = C_NULL, flags = 0) binding_count = pointer_length(bindings) next = cconvert(Ptr{Cvoid}, next) bindings = cconvert(Ptr{VkDescriptorSetLayoutBinding}, bindings) deps = Any[next, bindings] vks = VkDescriptorSetLayoutCreateInfo(structure_type(VkDescriptorSetLayoutCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, binding_count, unsafe_convert(Ptr{VkDescriptorSetLayoutBinding}, bindings)) _DescriptorSetLayoutCreateInfo(vks, deps) end """ Arguments: - `type::DescriptorType` - `descriptor_count::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorPoolSize.html) """ function _DescriptorPoolSize(type::DescriptorType, descriptor_count::Integer) _DescriptorPoolSize(VkDescriptorPoolSize(type, descriptor_count)) end """ Arguments: - `max_sets::UInt32` - `pool_sizes::Vector{_DescriptorPoolSize}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::DescriptorPoolCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorPoolCreateInfo.html) """ function _DescriptorPoolCreateInfo(max_sets::Integer, pool_sizes::AbstractArray; next = C_NULL, flags = 0) pool_size_count = pointer_length(pool_sizes) next = cconvert(Ptr{Cvoid}, next) pool_sizes = cconvert(Ptr{VkDescriptorPoolSize}, pool_sizes) deps = Any[next, pool_sizes] vks = VkDescriptorPoolCreateInfo(structure_type(VkDescriptorPoolCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, max_sets, pool_size_count, unsafe_convert(Ptr{VkDescriptorPoolSize}, pool_sizes)) _DescriptorPoolCreateInfo(vks, deps) end """ Arguments: - `descriptor_pool::DescriptorPool` - `set_layouts::Vector{DescriptorSetLayout}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetAllocateInfo.html) """ function _DescriptorSetAllocateInfo(descriptor_pool, set_layouts::AbstractArray; next = C_NULL) descriptor_set_count = pointer_length(set_layouts) next = cconvert(Ptr{Cvoid}, next) set_layouts = cconvert(Ptr{VkDescriptorSetLayout}, set_layouts) deps = Any[next, set_layouts] vks = VkDescriptorSetAllocateInfo(structure_type(VkDescriptorSetAllocateInfo), unsafe_convert(Ptr{Cvoid}, next), descriptor_pool, descriptor_set_count, unsafe_convert(Ptr{VkDescriptorSetLayout}, set_layouts)) _DescriptorSetAllocateInfo(vks, deps, descriptor_pool) end """ Arguments: - `constant_id::UInt32` - `offset::UInt32` - `size::UInt` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSpecializationMapEntry.html) """ function _SpecializationMapEntry(constant_id::Integer, offset::Integer, size::Integer) _SpecializationMapEntry(VkSpecializationMapEntry(constant_id, offset, size)) end """ Arguments: - `map_entries::Vector{_SpecializationMapEntry}` - `data::Ptr{Cvoid}` - `data_size::UInt`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSpecializationInfo.html) """ function _SpecializationInfo(map_entries::AbstractArray, data::Ptr{Cvoid}; data_size = 0) map_entry_count = pointer_length(map_entries) map_entries = cconvert(Ptr{VkSpecializationMapEntry}, map_entries) data = cconvert(Ptr{Cvoid}, data) deps = Any[map_entries, data] vks = VkSpecializationInfo(map_entry_count, unsafe_convert(Ptr{VkSpecializationMapEntry}, map_entries), data_size, unsafe_convert(Ptr{Cvoid}, data)) _SpecializationInfo(vks, deps) end """ Arguments: - `stage::ShaderStageFlag` - `_module::ShaderModule` - `name::String` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PipelineShaderStageCreateFlag`: defaults to `0` - `specialization_info::_SpecializationInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineShaderStageCreateInfo.html) """ function _PipelineShaderStageCreateInfo(stage::ShaderStageFlag, _module, name::AbstractString; next = C_NULL, flags = 0, specialization_info = C_NULL) next = cconvert(Ptr{Cvoid}, next) name = cconvert(Cstring, name) specialization_info = cconvert(Ptr{VkSpecializationInfo}, specialization_info) deps = Any[next, name, specialization_info] vks = VkPipelineShaderStageCreateInfo(structure_type(VkPipelineShaderStageCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, VkShaderStageFlagBits(stage.val), _module, unsafe_convert(Cstring, name), unsafe_convert(Ptr{VkSpecializationInfo}, specialization_info)) _PipelineShaderStageCreateInfo(vks, deps, _module) end """ Arguments: - `stage::_PipelineShaderStageCreateInfo` - `layout::PipelineLayout` - `base_pipeline_index::Int32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PipelineCreateFlag`: defaults to `0` - `base_pipeline_handle::Pipeline`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkComputePipelineCreateInfo.html) """ function _ComputePipelineCreateInfo(stage::_PipelineShaderStageCreateInfo, layout, base_pipeline_index::Integer; next = C_NULL, flags = 0, base_pipeline_handle = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkComputePipelineCreateInfo(structure_type(VkComputePipelineCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, stage.vks, layout, base_pipeline_handle, base_pipeline_index) _ComputePipelineCreateInfo(vks, deps, layout, base_pipeline_handle) end """ Arguments: - `binding::UInt32` - `stride::UInt32` - `input_rate::VertexInputRate` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputBindingDescription.html) """ function _VertexInputBindingDescription(binding::Integer, stride::Integer, input_rate::VertexInputRate) _VertexInputBindingDescription(VkVertexInputBindingDescription(binding, stride, input_rate)) end """ Arguments: - `location::UInt32` - `binding::UInt32` - `format::Format` - `offset::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputAttributeDescription.html) """ function _VertexInputAttributeDescription(location::Integer, binding::Integer, format::Format, offset::Integer) _VertexInputAttributeDescription(VkVertexInputAttributeDescription(location, binding, format, offset)) end """ Arguments: - `vertex_binding_descriptions::Vector{_VertexInputBindingDescription}` - `vertex_attribute_descriptions::Vector{_VertexInputAttributeDescription}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineVertexInputStateCreateInfo.html) """ function _PipelineVertexInputStateCreateInfo(vertex_binding_descriptions::AbstractArray, vertex_attribute_descriptions::AbstractArray; next = C_NULL, flags = 0) vertex_binding_description_count = pointer_length(vertex_binding_descriptions) vertex_attribute_description_count = pointer_length(vertex_attribute_descriptions) next = cconvert(Ptr{Cvoid}, next) vertex_binding_descriptions = cconvert(Ptr{VkVertexInputBindingDescription}, vertex_binding_descriptions) vertex_attribute_descriptions = cconvert(Ptr{VkVertexInputAttributeDescription}, vertex_attribute_descriptions) deps = Any[next, vertex_binding_descriptions, vertex_attribute_descriptions] vks = VkPipelineVertexInputStateCreateInfo(structure_type(VkPipelineVertexInputStateCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, vertex_binding_description_count, unsafe_convert(Ptr{VkVertexInputBindingDescription}, vertex_binding_descriptions), vertex_attribute_description_count, unsafe_convert(Ptr{VkVertexInputAttributeDescription}, vertex_attribute_descriptions)) _PipelineVertexInputStateCreateInfo(vks, deps) end """ Arguments: - `topology::PrimitiveTopology` - `primitive_restart_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineInputAssemblyStateCreateInfo.html) """ function _PipelineInputAssemblyStateCreateInfo(topology::PrimitiveTopology, primitive_restart_enable::Bool; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineInputAssemblyStateCreateInfo(structure_type(VkPipelineInputAssemblyStateCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, topology, primitive_restart_enable) _PipelineInputAssemblyStateCreateInfo(vks, deps) end """ Arguments: - `patch_control_points::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineTessellationStateCreateInfo.html) """ function _PipelineTessellationStateCreateInfo(patch_control_points::Integer; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineTessellationStateCreateInfo(structure_type(VkPipelineTessellationStateCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, patch_control_points) _PipelineTessellationStateCreateInfo(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `viewports::Vector{_Viewport}`: defaults to `C_NULL` - `scissors::Vector{_Rect2D}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportStateCreateInfo.html) """ function _PipelineViewportStateCreateInfo(; next = C_NULL, flags = 0, viewports = C_NULL, scissors = C_NULL) viewport_count = pointer_length(viewports) scissor_count = pointer_length(scissors) next = cconvert(Ptr{Cvoid}, next) viewports = cconvert(Ptr{VkViewport}, viewports) scissors = cconvert(Ptr{VkRect2D}, scissors) deps = Any[next, viewports, scissors] vks = VkPipelineViewportStateCreateInfo(structure_type(VkPipelineViewportStateCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, viewport_count, unsafe_convert(Ptr{VkViewport}, viewports), scissor_count, unsafe_convert(Ptr{VkRect2D}, scissors)) _PipelineViewportStateCreateInfo(vks, deps) end """ Arguments: - `depth_clamp_enable::Bool` - `rasterizer_discard_enable::Bool` - `polygon_mode::PolygonMode` - `front_face::FrontFace` - `depth_bias_enable::Bool` - `depth_bias_constant_factor::Float32` - `depth_bias_clamp::Float32` - `depth_bias_slope_factor::Float32` - `line_width::Float32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `cull_mode::CullModeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationStateCreateInfo.html) """ function _PipelineRasterizationStateCreateInfo(depth_clamp_enable::Bool, rasterizer_discard_enable::Bool, polygon_mode::PolygonMode, front_face::FrontFace, depth_bias_enable::Bool, depth_bias_constant_factor::Real, depth_bias_clamp::Real, depth_bias_slope_factor::Real, line_width::Real; next = C_NULL, flags = 0, cull_mode = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineRasterizationStateCreateInfo(structure_type(VkPipelineRasterizationStateCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, depth_clamp_enable, rasterizer_discard_enable, polygon_mode, cull_mode, front_face, depth_bias_enable, depth_bias_constant_factor, depth_bias_clamp, depth_bias_slope_factor, line_width) _PipelineRasterizationStateCreateInfo(vks, deps) end """ Arguments: - `rasterization_samples::SampleCountFlag` - `sample_shading_enable::Bool` - `min_sample_shading::Float32` - `alpha_to_coverage_enable::Bool` - `alpha_to_one_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `sample_mask::Vector{UInt32}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineMultisampleStateCreateInfo.html) """ function _PipelineMultisampleStateCreateInfo(rasterization_samples::SampleCountFlag, sample_shading_enable::Bool, min_sample_shading::Real, alpha_to_coverage_enable::Bool, alpha_to_one_enable::Bool; next = C_NULL, flags = 0, sample_mask = C_NULL) next = cconvert(Ptr{Cvoid}, next) sample_mask = cconvert(Ptr{VkSampleMask}, sample_mask) deps = Any[next, sample_mask] vks = VkPipelineMultisampleStateCreateInfo(structure_type(VkPipelineMultisampleStateCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, VkSampleCountFlagBits(rasterization_samples.val), sample_shading_enable, min_sample_shading, unsafe_convert(Ptr{VkSampleMask}, sample_mask), alpha_to_coverage_enable, alpha_to_one_enable) _PipelineMultisampleStateCreateInfo(vks, deps) end """ Arguments: - `blend_enable::Bool` - `src_color_blend_factor::BlendFactor` - `dst_color_blend_factor::BlendFactor` - `color_blend_op::BlendOp` - `src_alpha_blend_factor::BlendFactor` - `dst_alpha_blend_factor::BlendFactor` - `alpha_blend_op::BlendOp` - `color_write_mask::ColorComponentFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorBlendAttachmentState.html) """ function _PipelineColorBlendAttachmentState(blend_enable::Bool, src_color_blend_factor::BlendFactor, dst_color_blend_factor::BlendFactor, color_blend_op::BlendOp, src_alpha_blend_factor::BlendFactor, dst_alpha_blend_factor::BlendFactor, alpha_blend_op::BlendOp; color_write_mask = 0) _PipelineColorBlendAttachmentState(VkPipelineColorBlendAttachmentState(blend_enable, src_color_blend_factor, dst_color_blend_factor, color_blend_op, src_alpha_blend_factor, dst_alpha_blend_factor, alpha_blend_op, color_write_mask)) end """ Arguments: - `logic_op_enable::Bool` - `logic_op::LogicOp` - `attachments::Vector{_PipelineColorBlendAttachmentState}` - `blend_constants::NTuple{4, Float32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PipelineColorBlendStateCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorBlendStateCreateInfo.html) """ function _PipelineColorBlendStateCreateInfo(logic_op_enable::Bool, logic_op::LogicOp, attachments::AbstractArray, blend_constants::NTuple{4, Float32}; next = C_NULL, flags = 0) attachment_count = pointer_length(attachments) next = cconvert(Ptr{Cvoid}, next) attachments = cconvert(Ptr{VkPipelineColorBlendAttachmentState}, attachments) deps = Any[next, attachments] vks = VkPipelineColorBlendStateCreateInfo(structure_type(VkPipelineColorBlendStateCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, logic_op_enable, logic_op, attachment_count, unsafe_convert(Ptr{VkPipelineColorBlendAttachmentState}, attachments), blend_constants) _PipelineColorBlendStateCreateInfo(vks, deps) end """ Arguments: - `dynamic_states::Vector{DynamicState}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineDynamicStateCreateInfo.html) """ function _PipelineDynamicStateCreateInfo(dynamic_states::AbstractArray; next = C_NULL, flags = 0) dynamic_state_count = pointer_length(dynamic_states) next = cconvert(Ptr{Cvoid}, next) dynamic_states = cconvert(Ptr{VkDynamicState}, dynamic_states) deps = Any[next, dynamic_states] vks = VkPipelineDynamicStateCreateInfo(structure_type(VkPipelineDynamicStateCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, dynamic_state_count, unsafe_convert(Ptr{VkDynamicState}, dynamic_states)) _PipelineDynamicStateCreateInfo(vks, deps) end """ Arguments: - `fail_op::StencilOp` - `pass_op::StencilOp` - `depth_fail_op::StencilOp` - `compare_op::CompareOp` - `compare_mask::UInt32` - `write_mask::UInt32` - `reference::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkStencilOpState.html) """ function _StencilOpState(fail_op::StencilOp, pass_op::StencilOp, depth_fail_op::StencilOp, compare_op::CompareOp, compare_mask::Integer, write_mask::Integer, reference::Integer) _StencilOpState(VkStencilOpState(fail_op, pass_op, depth_fail_op, compare_op, compare_mask, write_mask, reference)) end """ Arguments: - `depth_test_enable::Bool` - `depth_write_enable::Bool` - `depth_compare_op::CompareOp` - `depth_bounds_test_enable::Bool` - `stencil_test_enable::Bool` - `front::_StencilOpState` - `back::_StencilOpState` - `min_depth_bounds::Float32` - `max_depth_bounds::Float32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PipelineDepthStencilStateCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineDepthStencilStateCreateInfo.html) """ function _PipelineDepthStencilStateCreateInfo(depth_test_enable::Bool, depth_write_enable::Bool, depth_compare_op::CompareOp, depth_bounds_test_enable::Bool, stencil_test_enable::Bool, front::_StencilOpState, back::_StencilOpState, min_depth_bounds::Real, max_depth_bounds::Real; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineDepthStencilStateCreateInfo(structure_type(VkPipelineDepthStencilStateCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, depth_test_enable, depth_write_enable, depth_compare_op, depth_bounds_test_enable, stencil_test_enable, front.vks, back.vks, min_depth_bounds, max_depth_bounds) _PipelineDepthStencilStateCreateInfo(vks, deps) end """ Arguments: - `stages::Vector{_PipelineShaderStageCreateInfo}` - `rasterization_state::_PipelineRasterizationStateCreateInfo` - `layout::PipelineLayout` - `subpass::UInt32` - `base_pipeline_index::Int32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PipelineCreateFlag`: defaults to `0` - `vertex_input_state::_PipelineVertexInputStateCreateInfo`: defaults to `C_NULL` - `input_assembly_state::_PipelineInputAssemblyStateCreateInfo`: defaults to `C_NULL` - `tessellation_state::_PipelineTessellationStateCreateInfo`: defaults to `C_NULL` - `viewport_state::_PipelineViewportStateCreateInfo`: defaults to `C_NULL` - `multisample_state::_PipelineMultisampleStateCreateInfo`: defaults to `C_NULL` - `depth_stencil_state::_PipelineDepthStencilStateCreateInfo`: defaults to `C_NULL` - `color_blend_state::_PipelineColorBlendStateCreateInfo`: defaults to `C_NULL` - `dynamic_state::_PipelineDynamicStateCreateInfo`: defaults to `C_NULL` - `render_pass::RenderPass`: defaults to `C_NULL` - `base_pipeline_handle::Pipeline`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsPipelineCreateInfo.html) """ function _GraphicsPipelineCreateInfo(stages::AbstractArray, rasterization_state::_PipelineRasterizationStateCreateInfo, layout, subpass::Integer, base_pipeline_index::Integer; next = C_NULL, flags = 0, vertex_input_state = C_NULL, input_assembly_state = C_NULL, tessellation_state = C_NULL, viewport_state = C_NULL, multisample_state = C_NULL, depth_stencil_state = C_NULL, color_blend_state = C_NULL, dynamic_state = C_NULL, render_pass = C_NULL, base_pipeline_handle = C_NULL) stage_count = pointer_length(stages) next = cconvert(Ptr{Cvoid}, next) stages = cconvert(Ptr{VkPipelineShaderStageCreateInfo}, stages) vertex_input_state = cconvert(Ptr{VkPipelineVertexInputStateCreateInfo}, vertex_input_state) input_assembly_state = cconvert(Ptr{VkPipelineInputAssemblyStateCreateInfo}, input_assembly_state) tessellation_state = cconvert(Ptr{VkPipelineTessellationStateCreateInfo}, tessellation_state) viewport_state = cconvert(Ptr{VkPipelineViewportStateCreateInfo}, viewport_state) rasterization_state = cconvert(Ptr{VkPipelineRasterizationStateCreateInfo}, rasterization_state) multisample_state = cconvert(Ptr{VkPipelineMultisampleStateCreateInfo}, multisample_state) depth_stencil_state = cconvert(Ptr{VkPipelineDepthStencilStateCreateInfo}, depth_stencil_state) color_blend_state = cconvert(Ptr{VkPipelineColorBlendStateCreateInfo}, color_blend_state) dynamic_state = cconvert(Ptr{VkPipelineDynamicStateCreateInfo}, dynamic_state) deps = Any[next, stages, vertex_input_state, input_assembly_state, tessellation_state, viewport_state, rasterization_state, multisample_state, depth_stencil_state, color_blend_state, dynamic_state] vks = VkGraphicsPipelineCreateInfo(structure_type(VkGraphicsPipelineCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, stage_count, unsafe_convert(Ptr{VkPipelineShaderStageCreateInfo}, stages), unsafe_convert(Ptr{VkPipelineVertexInputStateCreateInfo}, vertex_input_state), unsafe_convert(Ptr{VkPipelineInputAssemblyStateCreateInfo}, input_assembly_state), unsafe_convert(Ptr{VkPipelineTessellationStateCreateInfo}, tessellation_state), unsafe_convert(Ptr{VkPipelineViewportStateCreateInfo}, viewport_state), unsafe_convert(Ptr{VkPipelineRasterizationStateCreateInfo}, rasterization_state), unsafe_convert(Ptr{VkPipelineMultisampleStateCreateInfo}, multisample_state), unsafe_convert(Ptr{VkPipelineDepthStencilStateCreateInfo}, depth_stencil_state), unsafe_convert(Ptr{VkPipelineColorBlendStateCreateInfo}, color_blend_state), unsafe_convert(Ptr{VkPipelineDynamicStateCreateInfo}, dynamic_state), layout, render_pass, subpass, base_pipeline_handle, base_pipeline_index) _GraphicsPipelineCreateInfo(vks, deps, layout, render_pass, base_pipeline_handle) end """ Arguments: - `initial_data::Ptr{Cvoid}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PipelineCacheCreateFlag`: defaults to `0` - `initial_data_size::UInt`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCacheCreateInfo.html) """ function _PipelineCacheCreateInfo(initial_data::Ptr{Cvoid}; next = C_NULL, flags = 0, initial_data_size = 0) next = cconvert(Ptr{Cvoid}, next) initial_data = cconvert(Ptr{Cvoid}, initial_data) deps = Any[next, initial_data] vks = VkPipelineCacheCreateInfo(structure_type(VkPipelineCacheCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, initial_data_size, unsafe_convert(Ptr{Cvoid}, initial_data)) _PipelineCacheCreateInfo(vks, deps) end """ Arguments: - `header_size::UInt32` - `header_version::PipelineCacheHeaderVersion` - `vendor_id::UInt32` - `device_id::UInt32` - `pipeline_cache_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCacheHeaderVersionOne.html) """ function _PipelineCacheHeaderVersionOne(header_size::Integer, header_version::PipelineCacheHeaderVersion, vendor_id::Integer, device_id::Integer, pipeline_cache_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}) _PipelineCacheHeaderVersionOne(VkPipelineCacheHeaderVersionOne(header_size, header_version, vendor_id, device_id, pipeline_cache_uuid)) end """ Arguments: - `stage_flags::ShaderStageFlag` - `offset::UInt32` - `size::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPushConstantRange.html) """ function _PushConstantRange(stage_flags::ShaderStageFlag, offset::Integer, size::Integer) _PushConstantRange(VkPushConstantRange(stage_flags, offset, size)) end """ Arguments: - `set_layouts::Vector{DescriptorSetLayout}` - `push_constant_ranges::Vector{_PushConstantRange}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PipelineLayoutCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineLayoutCreateInfo.html) """ function _PipelineLayoutCreateInfo(set_layouts::AbstractArray, push_constant_ranges::AbstractArray; next = C_NULL, flags = 0) set_layout_count = pointer_length(set_layouts) push_constant_range_count = pointer_length(push_constant_ranges) next = cconvert(Ptr{Cvoid}, next) set_layouts = cconvert(Ptr{VkDescriptorSetLayout}, set_layouts) push_constant_ranges = cconvert(Ptr{VkPushConstantRange}, push_constant_ranges) deps = Any[next, set_layouts, push_constant_ranges] vks = VkPipelineLayoutCreateInfo(structure_type(VkPipelineLayoutCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, set_layout_count, unsafe_convert(Ptr{VkDescriptorSetLayout}, set_layouts), push_constant_range_count, unsafe_convert(Ptr{VkPushConstantRange}, push_constant_ranges)) _PipelineLayoutCreateInfo(vks, deps) end """ Arguments: - `mag_filter::Filter` - `min_filter::Filter` - `mipmap_mode::SamplerMipmapMode` - `address_mode_u::SamplerAddressMode` - `address_mode_v::SamplerAddressMode` - `address_mode_w::SamplerAddressMode` - `mip_lod_bias::Float32` - `anisotropy_enable::Bool` - `max_anisotropy::Float32` - `compare_enable::Bool` - `compare_op::CompareOp` - `min_lod::Float32` - `max_lod::Float32` - `border_color::BorderColor` - `unnormalized_coordinates::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::SamplerCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerCreateInfo.html) """ function _SamplerCreateInfo(mag_filter::Filter, min_filter::Filter, mipmap_mode::SamplerMipmapMode, address_mode_u::SamplerAddressMode, address_mode_v::SamplerAddressMode, address_mode_w::SamplerAddressMode, mip_lod_bias::Real, anisotropy_enable::Bool, max_anisotropy::Real, compare_enable::Bool, compare_op::CompareOp, min_lod::Real, max_lod::Real, border_color::BorderColor, unnormalized_coordinates::Bool; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSamplerCreateInfo(structure_type(VkSamplerCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, mag_filter, min_filter, mipmap_mode, address_mode_u, address_mode_v, address_mode_w, mip_lod_bias, anisotropy_enable, max_anisotropy, compare_enable, compare_op, min_lod, max_lod, border_color, unnormalized_coordinates) _SamplerCreateInfo(vks, deps) end """ Arguments: - `queue_family_index::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::CommandPoolCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandPoolCreateInfo.html) """ function _CommandPoolCreateInfo(queue_family_index::Integer; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCommandPoolCreateInfo(structure_type(VkCommandPoolCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, queue_family_index) _CommandPoolCreateInfo(vks, deps) end """ Arguments: - `command_pool::CommandPool` - `level::CommandBufferLevel` - `command_buffer_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferAllocateInfo.html) """ function _CommandBufferAllocateInfo(command_pool, level::CommandBufferLevel, command_buffer_count::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCommandBufferAllocateInfo(structure_type(VkCommandBufferAllocateInfo), unsafe_convert(Ptr{Cvoid}, next), command_pool, level, command_buffer_count) _CommandBufferAllocateInfo(vks, deps, command_pool) end """ Arguments: - `subpass::UInt32` - `occlusion_query_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `render_pass::RenderPass`: defaults to `C_NULL` - `framebuffer::Framebuffer`: defaults to `C_NULL` - `query_flags::QueryControlFlag`: defaults to `0` - `pipeline_statistics::QueryPipelineStatisticFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceInfo.html) """ function _CommandBufferInheritanceInfo(subpass::Integer, occlusion_query_enable::Bool; next = C_NULL, render_pass = C_NULL, framebuffer = C_NULL, query_flags = 0, pipeline_statistics = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCommandBufferInheritanceInfo(structure_type(VkCommandBufferInheritanceInfo), unsafe_convert(Ptr{Cvoid}, next), render_pass, subpass, framebuffer, occlusion_query_enable, query_flags, pipeline_statistics) _CommandBufferInheritanceInfo(vks, deps, render_pass, framebuffer) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::CommandBufferUsageFlag`: defaults to `0` - `inheritance_info::_CommandBufferInheritanceInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferBeginInfo.html) """ function _CommandBufferBeginInfo(; next = C_NULL, flags = 0, inheritance_info = C_NULL) next = cconvert(Ptr{Cvoid}, next) inheritance_info = cconvert(Ptr{VkCommandBufferInheritanceInfo}, inheritance_info) deps = Any[next, inheritance_info] vks = VkCommandBufferBeginInfo(structure_type(VkCommandBufferBeginInfo), unsafe_convert(Ptr{Cvoid}, next), flags, unsafe_convert(Ptr{VkCommandBufferInheritanceInfo}, inheritance_info)) _CommandBufferBeginInfo(vks, deps) end """ Arguments: - `render_pass::RenderPass` - `framebuffer::Framebuffer` - `render_area::_Rect2D` - `clear_values::Vector{_ClearValue}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassBeginInfo.html) """ function _RenderPassBeginInfo(render_pass, framebuffer, render_area::_Rect2D, clear_values::AbstractArray; next = C_NULL) clear_value_count = pointer_length(clear_values) next = cconvert(Ptr{Cvoid}, next) clear_values = cconvert(Ptr{VkClearValue}, clear_values) deps = Any[next, clear_values] vks = VkRenderPassBeginInfo(structure_type(VkRenderPassBeginInfo), unsafe_convert(Ptr{Cvoid}, next), render_pass, framebuffer, render_area.vks, clear_value_count, unsafe_convert(Ptr{VkClearValue}, clear_values)) _RenderPassBeginInfo(vks, deps, render_pass, framebuffer) end """ Arguments: - `depth::Float32` - `stencil::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearDepthStencilValue.html) """ function _ClearDepthStencilValue(depth::Real, stencil::Integer) _ClearDepthStencilValue(VkClearDepthStencilValue(depth, stencil)) end """ Arguments: - `aspect_mask::ImageAspectFlag` - `color_attachment::UInt32` - `clear_value::_ClearValue` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearAttachment.html) """ function _ClearAttachment(aspect_mask::ImageAspectFlag, color_attachment::Integer, clear_value::_ClearValue) _ClearAttachment(VkClearAttachment(aspect_mask, color_attachment, clear_value.vks)) end """ Arguments: - `format::Format` - `samples::SampleCountFlag` - `load_op::AttachmentLoadOp` - `store_op::AttachmentStoreOp` - `stencil_load_op::AttachmentLoadOp` - `stencil_store_op::AttachmentStoreOp` - `initial_layout::ImageLayout` - `final_layout::ImageLayout` - `flags::AttachmentDescriptionFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentDescription.html) """ function _AttachmentDescription(format::Format, samples::SampleCountFlag, load_op::AttachmentLoadOp, store_op::AttachmentStoreOp, stencil_load_op::AttachmentLoadOp, stencil_store_op::AttachmentStoreOp, initial_layout::ImageLayout, final_layout::ImageLayout; flags = 0) _AttachmentDescription(VkAttachmentDescription(flags, format, VkSampleCountFlagBits(samples.val), load_op, store_op, stencil_load_op, stencil_store_op, initial_layout, final_layout)) end """ Arguments: - `attachment::UInt32` - `layout::ImageLayout` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentReference.html) """ function _AttachmentReference(attachment::Integer, layout::ImageLayout) _AttachmentReference(VkAttachmentReference(attachment, layout)) end """ Arguments: - `pipeline_bind_point::PipelineBindPoint` - `input_attachments::Vector{_AttachmentReference}` - `color_attachments::Vector{_AttachmentReference}` - `preserve_attachments::Vector{UInt32}` - `flags::SubpassDescriptionFlag`: defaults to `0` - `resolve_attachments::Vector{_AttachmentReference}`: defaults to `C_NULL` - `depth_stencil_attachment::_AttachmentReference`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDescription.html) """ function _SubpassDescription(pipeline_bind_point::PipelineBindPoint, input_attachments::AbstractArray, color_attachments::AbstractArray, preserve_attachments::AbstractArray; flags = 0, resolve_attachments = C_NULL, depth_stencil_attachment = C_NULL) input_attachment_count = pointer_length(input_attachments) color_attachment_count = pointer_length(color_attachments) preserve_attachment_count = pointer_length(preserve_attachments) input_attachments = cconvert(Ptr{VkAttachmentReference}, input_attachments) color_attachments = cconvert(Ptr{VkAttachmentReference}, color_attachments) resolve_attachments = cconvert(Ptr{VkAttachmentReference}, resolve_attachments) depth_stencil_attachment = cconvert(Ptr{VkAttachmentReference}, depth_stencil_attachment) preserve_attachments = cconvert(Ptr{UInt32}, preserve_attachments) deps = Any[input_attachments, color_attachments, resolve_attachments, depth_stencil_attachment, preserve_attachments] vks = VkSubpassDescription(flags, pipeline_bind_point, input_attachment_count, unsafe_convert(Ptr{VkAttachmentReference}, input_attachments), color_attachment_count, unsafe_convert(Ptr{VkAttachmentReference}, color_attachments), unsafe_convert(Ptr{VkAttachmentReference}, resolve_attachments), unsafe_convert(Ptr{VkAttachmentReference}, depth_stencil_attachment), preserve_attachment_count, unsafe_convert(Ptr{UInt32}, preserve_attachments)) _SubpassDescription(vks, deps) end """ Arguments: - `src_subpass::UInt32` - `dst_subpass::UInt32` - `src_stage_mask::PipelineStageFlag`: defaults to `0` - `dst_stage_mask::PipelineStageFlag`: defaults to `0` - `src_access_mask::AccessFlag`: defaults to `0` - `dst_access_mask::AccessFlag`: defaults to `0` - `dependency_flags::DependencyFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDependency.html) """ function _SubpassDependency(src_subpass::Integer, dst_subpass::Integer; src_stage_mask = 0, dst_stage_mask = 0, src_access_mask = 0, dst_access_mask = 0, dependency_flags = 0) _SubpassDependency(VkSubpassDependency(src_subpass, dst_subpass, src_stage_mask, dst_stage_mask, src_access_mask, dst_access_mask, dependency_flags)) end """ Arguments: - `attachments::Vector{_AttachmentDescription}` - `subpasses::Vector{_SubpassDescription}` - `dependencies::Vector{_SubpassDependency}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::RenderPassCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreateInfo.html) """ function _RenderPassCreateInfo(attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray; next = C_NULL, flags = 0) attachment_count = pointer_length(attachments) subpass_count = pointer_length(subpasses) dependency_count = pointer_length(dependencies) next = cconvert(Ptr{Cvoid}, next) attachments = cconvert(Ptr{VkAttachmentDescription}, attachments) subpasses = cconvert(Ptr{VkSubpassDescription}, subpasses) dependencies = cconvert(Ptr{VkSubpassDependency}, dependencies) deps = Any[next, attachments, subpasses, dependencies] vks = VkRenderPassCreateInfo(structure_type(VkRenderPassCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, attachment_count, unsafe_convert(Ptr{VkAttachmentDescription}, attachments), subpass_count, unsafe_convert(Ptr{VkSubpassDescription}, subpasses), dependency_count, unsafe_convert(Ptr{VkSubpassDependency}, dependencies)) _RenderPassCreateInfo(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::EventCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkEventCreateInfo.html) """ function _EventCreateInfo(; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkEventCreateInfo(structure_type(VkEventCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags) _EventCreateInfo(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::FenceCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFenceCreateInfo.html) """ function _FenceCreateInfo(; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkFenceCreateInfo(structure_type(VkFenceCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags) _FenceCreateInfo(vks, deps) end """ Arguments: - `robust_buffer_access::Bool` - `full_draw_index_uint_32::Bool` - `image_cube_array::Bool` - `independent_blend::Bool` - `geometry_shader::Bool` - `tessellation_shader::Bool` - `sample_rate_shading::Bool` - `dual_src_blend::Bool` - `logic_op::Bool` - `multi_draw_indirect::Bool` - `draw_indirect_first_instance::Bool` - `depth_clamp::Bool` - `depth_bias_clamp::Bool` - `fill_mode_non_solid::Bool` - `depth_bounds::Bool` - `wide_lines::Bool` - `large_points::Bool` - `alpha_to_one::Bool` - `multi_viewport::Bool` - `sampler_anisotropy::Bool` - `texture_compression_etc_2::Bool` - `texture_compression_astc_ldr::Bool` - `texture_compression_bc::Bool` - `occlusion_query_precise::Bool` - `pipeline_statistics_query::Bool` - `vertex_pipeline_stores_and_atomics::Bool` - `fragment_stores_and_atomics::Bool` - `shader_tessellation_and_geometry_point_size::Bool` - `shader_image_gather_extended::Bool` - `shader_storage_image_extended_formats::Bool` - `shader_storage_image_multisample::Bool` - `shader_storage_image_read_without_format::Bool` - `shader_storage_image_write_without_format::Bool` - `shader_uniform_buffer_array_dynamic_indexing::Bool` - `shader_sampled_image_array_dynamic_indexing::Bool` - `shader_storage_buffer_array_dynamic_indexing::Bool` - `shader_storage_image_array_dynamic_indexing::Bool` - `shader_clip_distance::Bool` - `shader_cull_distance::Bool` - `shader_float_64::Bool` - `shader_int_64::Bool` - `shader_int_16::Bool` - `shader_resource_residency::Bool` - `shader_resource_min_lod::Bool` - `sparse_binding::Bool` - `sparse_residency_buffer::Bool` - `sparse_residency_image_2_d::Bool` - `sparse_residency_image_3_d::Bool` - `sparse_residency_2_samples::Bool` - `sparse_residency_4_samples::Bool` - `sparse_residency_8_samples::Bool` - `sparse_residency_16_samples::Bool` - `sparse_residency_aliased::Bool` - `variable_multisample_rate::Bool` - `inherited_queries::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFeatures.html) """ function _PhysicalDeviceFeatures(robust_buffer_access::Bool, full_draw_index_uint_32::Bool, image_cube_array::Bool, independent_blend::Bool, geometry_shader::Bool, tessellation_shader::Bool, sample_rate_shading::Bool, dual_src_blend::Bool, logic_op::Bool, multi_draw_indirect::Bool, draw_indirect_first_instance::Bool, depth_clamp::Bool, depth_bias_clamp::Bool, fill_mode_non_solid::Bool, depth_bounds::Bool, wide_lines::Bool, large_points::Bool, alpha_to_one::Bool, multi_viewport::Bool, sampler_anisotropy::Bool, texture_compression_etc_2::Bool, texture_compression_astc_ldr::Bool, texture_compression_bc::Bool, occlusion_query_precise::Bool, pipeline_statistics_query::Bool, vertex_pipeline_stores_and_atomics::Bool, fragment_stores_and_atomics::Bool, shader_tessellation_and_geometry_point_size::Bool, shader_image_gather_extended::Bool, shader_storage_image_extended_formats::Bool, shader_storage_image_multisample::Bool, shader_storage_image_read_without_format::Bool, shader_storage_image_write_without_format::Bool, shader_uniform_buffer_array_dynamic_indexing::Bool, shader_sampled_image_array_dynamic_indexing::Bool, shader_storage_buffer_array_dynamic_indexing::Bool, shader_storage_image_array_dynamic_indexing::Bool, shader_clip_distance::Bool, shader_cull_distance::Bool, shader_float_64::Bool, shader_int_64::Bool, shader_int_16::Bool, shader_resource_residency::Bool, shader_resource_min_lod::Bool, sparse_binding::Bool, sparse_residency_buffer::Bool, sparse_residency_image_2_d::Bool, sparse_residency_image_3_d::Bool, sparse_residency_2_samples::Bool, sparse_residency_4_samples::Bool, sparse_residency_8_samples::Bool, sparse_residency_16_samples::Bool, sparse_residency_aliased::Bool, variable_multisample_rate::Bool, inherited_queries::Bool) _PhysicalDeviceFeatures(VkPhysicalDeviceFeatures(robust_buffer_access, full_draw_index_uint_32, image_cube_array, independent_blend, geometry_shader, tessellation_shader, sample_rate_shading, dual_src_blend, logic_op, multi_draw_indirect, draw_indirect_first_instance, depth_clamp, depth_bias_clamp, fill_mode_non_solid, depth_bounds, wide_lines, large_points, alpha_to_one, multi_viewport, sampler_anisotropy, texture_compression_etc_2, texture_compression_astc_ldr, texture_compression_bc, occlusion_query_precise, pipeline_statistics_query, vertex_pipeline_stores_and_atomics, fragment_stores_and_atomics, shader_tessellation_and_geometry_point_size, shader_image_gather_extended, shader_storage_image_extended_formats, shader_storage_image_multisample, shader_storage_image_read_without_format, shader_storage_image_write_without_format, shader_uniform_buffer_array_dynamic_indexing, shader_sampled_image_array_dynamic_indexing, shader_storage_buffer_array_dynamic_indexing, shader_storage_image_array_dynamic_indexing, shader_clip_distance, shader_cull_distance, shader_float_64, shader_int_64, shader_int_16, shader_resource_residency, shader_resource_min_lod, sparse_binding, sparse_residency_buffer, sparse_residency_image_2_d, sparse_residency_image_3_d, sparse_residency_2_samples, sparse_residency_4_samples, sparse_residency_8_samples, sparse_residency_16_samples, sparse_residency_aliased, variable_multisample_rate, inherited_queries)) end """ Arguments: - `residency_standard_2_d_block_shape::Bool` - `residency_standard_2_d_multisample_block_shape::Bool` - `residency_standard_3_d_block_shape::Bool` - `residency_aligned_mip_size::Bool` - `residency_non_resident_strict::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSparseProperties.html) """ function _PhysicalDeviceSparseProperties(residency_standard_2_d_block_shape::Bool, residency_standard_2_d_multisample_block_shape::Bool, residency_standard_3_d_block_shape::Bool, residency_aligned_mip_size::Bool, residency_non_resident_strict::Bool) _PhysicalDeviceSparseProperties(VkPhysicalDeviceSparseProperties(residency_standard_2_d_block_shape, residency_standard_2_d_multisample_block_shape, residency_standard_3_d_block_shape, residency_aligned_mip_size, residency_non_resident_strict)) end """ Arguments: - `max_image_dimension_1_d::UInt32` - `max_image_dimension_2_d::UInt32` - `max_image_dimension_3_d::UInt32` - `max_image_dimension_cube::UInt32` - `max_image_array_layers::UInt32` - `max_texel_buffer_elements::UInt32` - `max_uniform_buffer_range::UInt32` - `max_storage_buffer_range::UInt32` - `max_push_constants_size::UInt32` - `max_memory_allocation_count::UInt32` - `max_sampler_allocation_count::UInt32` - `buffer_image_granularity::UInt64` - `sparse_address_space_size::UInt64` - `max_bound_descriptor_sets::UInt32` - `max_per_stage_descriptor_samplers::UInt32` - `max_per_stage_descriptor_uniform_buffers::UInt32` - `max_per_stage_descriptor_storage_buffers::UInt32` - `max_per_stage_descriptor_sampled_images::UInt32` - `max_per_stage_descriptor_storage_images::UInt32` - `max_per_stage_descriptor_input_attachments::UInt32` - `max_per_stage_resources::UInt32` - `max_descriptor_set_samplers::UInt32` - `max_descriptor_set_uniform_buffers::UInt32` - `max_descriptor_set_uniform_buffers_dynamic::UInt32` - `max_descriptor_set_storage_buffers::UInt32` - `max_descriptor_set_storage_buffers_dynamic::UInt32` - `max_descriptor_set_sampled_images::UInt32` - `max_descriptor_set_storage_images::UInt32` - `max_descriptor_set_input_attachments::UInt32` - `max_vertex_input_attributes::UInt32` - `max_vertex_input_bindings::UInt32` - `max_vertex_input_attribute_offset::UInt32` - `max_vertex_input_binding_stride::UInt32` - `max_vertex_output_components::UInt32` - `max_tessellation_generation_level::UInt32` - `max_tessellation_patch_size::UInt32` - `max_tessellation_control_per_vertex_input_components::UInt32` - `max_tessellation_control_per_vertex_output_components::UInt32` - `max_tessellation_control_per_patch_output_components::UInt32` - `max_tessellation_control_total_output_components::UInt32` - `max_tessellation_evaluation_input_components::UInt32` - `max_tessellation_evaluation_output_components::UInt32` - `max_geometry_shader_invocations::UInt32` - `max_geometry_input_components::UInt32` - `max_geometry_output_components::UInt32` - `max_geometry_output_vertices::UInt32` - `max_geometry_total_output_components::UInt32` - `max_fragment_input_components::UInt32` - `max_fragment_output_attachments::UInt32` - `max_fragment_dual_src_attachments::UInt32` - `max_fragment_combined_output_resources::UInt32` - `max_compute_shared_memory_size::UInt32` - `max_compute_work_group_count::NTuple{3, UInt32}` - `max_compute_work_group_invocations::UInt32` - `max_compute_work_group_size::NTuple{3, UInt32}` - `sub_pixel_precision_bits::UInt32` - `sub_texel_precision_bits::UInt32` - `mipmap_precision_bits::UInt32` - `max_draw_indexed_index_value::UInt32` - `max_draw_indirect_count::UInt32` - `max_sampler_lod_bias::Float32` - `max_sampler_anisotropy::Float32` - `max_viewports::UInt32` - `max_viewport_dimensions::NTuple{2, UInt32}` - `viewport_bounds_range::NTuple{2, Float32}` - `viewport_sub_pixel_bits::UInt32` - `min_memory_map_alignment::UInt` - `min_texel_buffer_offset_alignment::UInt64` - `min_uniform_buffer_offset_alignment::UInt64` - `min_storage_buffer_offset_alignment::UInt64` - `min_texel_offset::Int32` - `max_texel_offset::UInt32` - `min_texel_gather_offset::Int32` - `max_texel_gather_offset::UInt32` - `min_interpolation_offset::Float32` - `max_interpolation_offset::Float32` - `sub_pixel_interpolation_offset_bits::UInt32` - `max_framebuffer_width::UInt32` - `max_framebuffer_height::UInt32` - `max_framebuffer_layers::UInt32` - `max_color_attachments::UInt32` - `max_sample_mask_words::UInt32` - `timestamp_compute_and_graphics::Bool` - `timestamp_period::Float32` - `max_clip_distances::UInt32` - `max_cull_distances::UInt32` - `max_combined_clip_and_cull_distances::UInt32` - `discrete_queue_priorities::UInt32` - `point_size_range::NTuple{2, Float32}` - `line_width_range::NTuple{2, Float32}` - `point_size_granularity::Float32` - `line_width_granularity::Float32` - `strict_lines::Bool` - `standard_sample_locations::Bool` - `optimal_buffer_copy_offset_alignment::UInt64` - `optimal_buffer_copy_row_pitch_alignment::UInt64` - `non_coherent_atom_size::UInt64` - `framebuffer_color_sample_counts::SampleCountFlag`: defaults to `0` - `framebuffer_depth_sample_counts::SampleCountFlag`: defaults to `0` - `framebuffer_stencil_sample_counts::SampleCountFlag`: defaults to `0` - `framebuffer_no_attachments_sample_counts::SampleCountFlag`: defaults to `0` - `sampled_image_color_sample_counts::SampleCountFlag`: defaults to `0` - `sampled_image_integer_sample_counts::SampleCountFlag`: defaults to `0` - `sampled_image_depth_sample_counts::SampleCountFlag`: defaults to `0` - `sampled_image_stencil_sample_counts::SampleCountFlag`: defaults to `0` - `storage_image_sample_counts::SampleCountFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLimits.html) """ function _PhysicalDeviceLimits(max_image_dimension_1_d::Integer, max_image_dimension_2_d::Integer, max_image_dimension_3_d::Integer, max_image_dimension_cube::Integer, max_image_array_layers::Integer, max_texel_buffer_elements::Integer, max_uniform_buffer_range::Integer, max_storage_buffer_range::Integer, max_push_constants_size::Integer, max_memory_allocation_count::Integer, max_sampler_allocation_count::Integer, buffer_image_granularity::Integer, sparse_address_space_size::Integer, max_bound_descriptor_sets::Integer, max_per_stage_descriptor_samplers::Integer, max_per_stage_descriptor_uniform_buffers::Integer, max_per_stage_descriptor_storage_buffers::Integer, max_per_stage_descriptor_sampled_images::Integer, max_per_stage_descriptor_storage_images::Integer, max_per_stage_descriptor_input_attachments::Integer, max_per_stage_resources::Integer, max_descriptor_set_samplers::Integer, max_descriptor_set_uniform_buffers::Integer, max_descriptor_set_uniform_buffers_dynamic::Integer, max_descriptor_set_storage_buffers::Integer, max_descriptor_set_storage_buffers_dynamic::Integer, max_descriptor_set_sampled_images::Integer, max_descriptor_set_storage_images::Integer, max_descriptor_set_input_attachments::Integer, max_vertex_input_attributes::Integer, max_vertex_input_bindings::Integer, max_vertex_input_attribute_offset::Integer, max_vertex_input_binding_stride::Integer, max_vertex_output_components::Integer, max_tessellation_generation_level::Integer, max_tessellation_patch_size::Integer, max_tessellation_control_per_vertex_input_components::Integer, max_tessellation_control_per_vertex_output_components::Integer, max_tessellation_control_per_patch_output_components::Integer, max_tessellation_control_total_output_components::Integer, max_tessellation_evaluation_input_components::Integer, max_tessellation_evaluation_output_components::Integer, max_geometry_shader_invocations::Integer, max_geometry_input_components::Integer, max_geometry_output_components::Integer, max_geometry_output_vertices::Integer, max_geometry_total_output_components::Integer, max_fragment_input_components::Integer, max_fragment_output_attachments::Integer, max_fragment_dual_src_attachments::Integer, max_fragment_combined_output_resources::Integer, max_compute_shared_memory_size::Integer, max_compute_work_group_count::NTuple{3, UInt32}, max_compute_work_group_invocations::Integer, max_compute_work_group_size::NTuple{3, UInt32}, sub_pixel_precision_bits::Integer, sub_texel_precision_bits::Integer, mipmap_precision_bits::Integer, max_draw_indexed_index_value::Integer, max_draw_indirect_count::Integer, max_sampler_lod_bias::Real, max_sampler_anisotropy::Real, max_viewports::Integer, max_viewport_dimensions::NTuple{2, UInt32}, viewport_bounds_range::NTuple{2, Float32}, viewport_sub_pixel_bits::Integer, min_memory_map_alignment::Integer, min_texel_buffer_offset_alignment::Integer, min_uniform_buffer_offset_alignment::Integer, min_storage_buffer_offset_alignment::Integer, min_texel_offset::Integer, max_texel_offset::Integer, min_texel_gather_offset::Integer, max_texel_gather_offset::Integer, min_interpolation_offset::Real, max_interpolation_offset::Real, sub_pixel_interpolation_offset_bits::Integer, max_framebuffer_width::Integer, max_framebuffer_height::Integer, max_framebuffer_layers::Integer, max_color_attachments::Integer, max_sample_mask_words::Integer, timestamp_compute_and_graphics::Bool, timestamp_period::Real, max_clip_distances::Integer, max_cull_distances::Integer, max_combined_clip_and_cull_distances::Integer, discrete_queue_priorities::Integer, point_size_range::NTuple{2, Float32}, line_width_range::NTuple{2, Float32}, point_size_granularity::Real, line_width_granularity::Real, strict_lines::Bool, standard_sample_locations::Bool, optimal_buffer_copy_offset_alignment::Integer, optimal_buffer_copy_row_pitch_alignment::Integer, non_coherent_atom_size::Integer; framebuffer_color_sample_counts = 0, framebuffer_depth_sample_counts = 0, framebuffer_stencil_sample_counts = 0, framebuffer_no_attachments_sample_counts = 0, sampled_image_color_sample_counts = 0, sampled_image_integer_sample_counts = 0, sampled_image_depth_sample_counts = 0, sampled_image_stencil_sample_counts = 0, storage_image_sample_counts = 0) _PhysicalDeviceLimits(VkPhysicalDeviceLimits(max_image_dimension_1_d, max_image_dimension_2_d, max_image_dimension_3_d, max_image_dimension_cube, max_image_array_layers, max_texel_buffer_elements, max_uniform_buffer_range, max_storage_buffer_range, max_push_constants_size, max_memory_allocation_count, max_sampler_allocation_count, buffer_image_granularity, sparse_address_space_size, max_bound_descriptor_sets, max_per_stage_descriptor_samplers, max_per_stage_descriptor_uniform_buffers, max_per_stage_descriptor_storage_buffers, max_per_stage_descriptor_sampled_images, max_per_stage_descriptor_storage_images, max_per_stage_descriptor_input_attachments, max_per_stage_resources, max_descriptor_set_samplers, max_descriptor_set_uniform_buffers, max_descriptor_set_uniform_buffers_dynamic, max_descriptor_set_storage_buffers, max_descriptor_set_storage_buffers_dynamic, max_descriptor_set_sampled_images, max_descriptor_set_storage_images, max_descriptor_set_input_attachments, max_vertex_input_attributes, max_vertex_input_bindings, max_vertex_input_attribute_offset, max_vertex_input_binding_stride, max_vertex_output_components, max_tessellation_generation_level, max_tessellation_patch_size, max_tessellation_control_per_vertex_input_components, max_tessellation_control_per_vertex_output_components, max_tessellation_control_per_patch_output_components, max_tessellation_control_total_output_components, max_tessellation_evaluation_input_components, max_tessellation_evaluation_output_components, max_geometry_shader_invocations, max_geometry_input_components, max_geometry_output_components, max_geometry_output_vertices, max_geometry_total_output_components, max_fragment_input_components, max_fragment_output_attachments, max_fragment_dual_src_attachments, max_fragment_combined_output_resources, max_compute_shared_memory_size, max_compute_work_group_count, max_compute_work_group_invocations, max_compute_work_group_size, sub_pixel_precision_bits, sub_texel_precision_bits, mipmap_precision_bits, max_draw_indexed_index_value, max_draw_indirect_count, max_sampler_lod_bias, max_sampler_anisotropy, max_viewports, max_viewport_dimensions, viewport_bounds_range, viewport_sub_pixel_bits, min_memory_map_alignment, min_texel_buffer_offset_alignment, min_uniform_buffer_offset_alignment, min_storage_buffer_offset_alignment, min_texel_offset, max_texel_offset, min_texel_gather_offset, max_texel_gather_offset, min_interpolation_offset, max_interpolation_offset, sub_pixel_interpolation_offset_bits, max_framebuffer_width, max_framebuffer_height, max_framebuffer_layers, framebuffer_color_sample_counts, framebuffer_depth_sample_counts, framebuffer_stencil_sample_counts, framebuffer_no_attachments_sample_counts, max_color_attachments, sampled_image_color_sample_counts, sampled_image_integer_sample_counts, sampled_image_depth_sample_counts, sampled_image_stencil_sample_counts, storage_image_sample_counts, max_sample_mask_words, timestamp_compute_and_graphics, timestamp_period, max_clip_distances, max_cull_distances, max_combined_clip_and_cull_distances, discrete_queue_priorities, point_size_range, line_width_range, point_size_granularity, line_width_granularity, strict_lines, standard_sample_locations, optimal_buffer_copy_offset_alignment, optimal_buffer_copy_row_pitch_alignment, non_coherent_atom_size)) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreCreateInfo.html) """ function _SemaphoreCreateInfo(; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSemaphoreCreateInfo(structure_type(VkSemaphoreCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags) _SemaphoreCreateInfo(vks, deps) end """ Arguments: - `query_type::QueryType` - `query_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `pipeline_statistics::QueryPipelineStatisticFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueryPoolCreateInfo.html) """ function _QueryPoolCreateInfo(query_type::QueryType, query_count::Integer; next = C_NULL, flags = 0, pipeline_statistics = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkQueryPoolCreateInfo(structure_type(VkQueryPoolCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, query_type, query_count, pipeline_statistics) _QueryPoolCreateInfo(vks, deps) end """ Arguments: - `render_pass::RenderPass` - `attachments::Vector{ImageView}` - `width::UInt32` - `height::UInt32` - `layers::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::FramebufferCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferCreateInfo.html) """ function _FramebufferCreateInfo(render_pass, attachments::AbstractArray, width::Integer, height::Integer, layers::Integer; next = C_NULL, flags = 0) attachment_count = pointer_length(attachments) next = cconvert(Ptr{Cvoid}, next) attachments = cconvert(Ptr{VkImageView}, attachments) deps = Any[next, attachments] vks = VkFramebufferCreateInfo(structure_type(VkFramebufferCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, render_pass, attachment_count, unsafe_convert(Ptr{VkImageView}, attachments), width, height, layers) _FramebufferCreateInfo(vks, deps, render_pass) end """ Arguments: - `vertex_count::UInt32` - `instance_count::UInt32` - `first_vertex::UInt32` - `first_instance::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrawIndirectCommand.html) """ function _DrawIndirectCommand(vertex_count::Integer, instance_count::Integer, first_vertex::Integer, first_instance::Integer) _DrawIndirectCommand(VkDrawIndirectCommand(vertex_count, instance_count, first_vertex, first_instance)) end """ Arguments: - `index_count::UInt32` - `instance_count::UInt32` - `first_index::UInt32` - `vertex_offset::Int32` - `first_instance::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrawIndexedIndirectCommand.html) """ function _DrawIndexedIndirectCommand(index_count::Integer, instance_count::Integer, first_index::Integer, vertex_offset::Integer, first_instance::Integer) _DrawIndexedIndirectCommand(VkDrawIndexedIndirectCommand(index_count, instance_count, first_index, vertex_offset, first_instance)) end """ Arguments: - `x::UInt32` - `y::UInt32` - `z::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDispatchIndirectCommand.html) """ function _DispatchIndirectCommand(x::Integer, y::Integer, z::Integer) _DispatchIndirectCommand(VkDispatchIndirectCommand(x, y, z)) end """ Extension: VK\\_EXT\\_multi\\_draw Arguments: - `first_vertex::UInt32` - `vertex_count::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultiDrawInfoEXT.html) """ function _MultiDrawInfoEXT(first_vertex::Integer, vertex_count::Integer) _MultiDrawInfoEXT(VkMultiDrawInfoEXT(first_vertex, vertex_count)) end """ Extension: VK\\_EXT\\_multi\\_draw Arguments: - `first_index::UInt32` - `index_count::UInt32` - `vertex_offset::Int32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultiDrawIndexedInfoEXT.html) """ function _MultiDrawIndexedInfoEXT(first_index::Integer, index_count::Integer, vertex_offset::Integer) _MultiDrawIndexedInfoEXT(VkMultiDrawIndexedInfoEXT(first_index, index_count, vertex_offset)) end """ Arguments: - `wait_semaphores::Vector{Semaphore}` - `wait_dst_stage_mask::Vector{PipelineStageFlag}` - `command_buffers::Vector{CommandBuffer}` - `signal_semaphores::Vector{Semaphore}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubmitInfo.html) """ function _SubmitInfo(wait_semaphores::AbstractArray, wait_dst_stage_mask::AbstractArray, command_buffers::AbstractArray, signal_semaphores::AbstractArray; next = C_NULL) wait_semaphore_count = pointer_length(wait_semaphores) command_buffer_count = pointer_length(command_buffers) signal_semaphore_count = pointer_length(signal_semaphores) next = cconvert(Ptr{Cvoid}, next) wait_semaphores = cconvert(Ptr{VkSemaphore}, wait_semaphores) wait_dst_stage_mask = cconvert(Ptr{VkPipelineStageFlags}, wait_dst_stage_mask) command_buffers = cconvert(Ptr{VkCommandBuffer}, command_buffers) signal_semaphores = cconvert(Ptr{VkSemaphore}, signal_semaphores) deps = Any[next, wait_semaphores, wait_dst_stage_mask, command_buffers, signal_semaphores] vks = VkSubmitInfo(structure_type(VkSubmitInfo), unsafe_convert(Ptr{Cvoid}, next), wait_semaphore_count, unsafe_convert(Ptr{VkSemaphore}, wait_semaphores), unsafe_convert(Ptr{VkPipelineStageFlags}, wait_dst_stage_mask), command_buffer_count, unsafe_convert(Ptr{VkCommandBuffer}, command_buffers), signal_semaphore_count, unsafe_convert(Ptr{VkSemaphore}, signal_semaphores)) _SubmitInfo(vks, deps) end """ Extension: VK\\_KHR\\_display Arguments: - `display::DisplayKHR` - `display_name::String` - `physical_dimensions::_Extent2D` - `physical_resolution::_Extent2D` - `plane_reorder_possible::Bool` - `persistent_content::Bool` - `supported_transforms::SurfaceTransformFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPropertiesKHR.html) """ function _DisplayPropertiesKHR(display, display_name::AbstractString, physical_dimensions::_Extent2D, physical_resolution::_Extent2D, plane_reorder_possible::Bool, persistent_content::Bool; supported_transforms = 0) display_name = cconvert(Cstring, display_name) deps = Any[display_name] vks = VkDisplayPropertiesKHR(display, unsafe_convert(Cstring, display_name), physical_dimensions.vks, physical_resolution.vks, supported_transforms, plane_reorder_possible, persistent_content) _DisplayPropertiesKHR(vks, deps, display) end """ Extension: VK\\_KHR\\_display Arguments: - `current_display::DisplayKHR` - `current_stack_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlanePropertiesKHR.html) """ function _DisplayPlanePropertiesKHR(current_display, current_stack_index::Integer) _DisplayPlanePropertiesKHR(VkDisplayPlanePropertiesKHR(current_display, current_stack_index), current_display) end """ Extension: VK\\_KHR\\_display Arguments: - `visible_region::_Extent2D` - `refresh_rate::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModeParametersKHR.html) """ function _DisplayModeParametersKHR(visible_region::_Extent2D, refresh_rate::Integer) _DisplayModeParametersKHR(VkDisplayModeParametersKHR(visible_region.vks, refresh_rate)) end """ Extension: VK\\_KHR\\_display Arguments: - `display_mode::DisplayModeKHR` - `parameters::_DisplayModeParametersKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModePropertiesKHR.html) """ function _DisplayModePropertiesKHR(display_mode, parameters::_DisplayModeParametersKHR) _DisplayModePropertiesKHR(VkDisplayModePropertiesKHR(display_mode, parameters.vks), display_mode) end """ Extension: VK\\_KHR\\_display Arguments: - `parameters::_DisplayModeParametersKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModeCreateInfoKHR.html) """ function _DisplayModeCreateInfoKHR(parameters::_DisplayModeParametersKHR; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDisplayModeCreateInfoKHR(structure_type(VkDisplayModeCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), flags, parameters.vks) _DisplayModeCreateInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_display Arguments: - `min_src_position::_Offset2D` - `max_src_position::_Offset2D` - `min_src_extent::_Extent2D` - `max_src_extent::_Extent2D` - `min_dst_position::_Offset2D` - `max_dst_position::_Offset2D` - `min_dst_extent::_Extent2D` - `max_dst_extent::_Extent2D` - `supported_alpha::DisplayPlaneAlphaFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneCapabilitiesKHR.html) """ function _DisplayPlaneCapabilitiesKHR(min_src_position::_Offset2D, max_src_position::_Offset2D, min_src_extent::_Extent2D, max_src_extent::_Extent2D, min_dst_position::_Offset2D, max_dst_position::_Offset2D, min_dst_extent::_Extent2D, max_dst_extent::_Extent2D; supported_alpha = 0) _DisplayPlaneCapabilitiesKHR(VkDisplayPlaneCapabilitiesKHR(supported_alpha, min_src_position.vks, max_src_position.vks, min_src_extent.vks, max_src_extent.vks, min_dst_position.vks, max_dst_position.vks, min_dst_extent.vks, max_dst_extent.vks)) end """ Extension: VK\\_KHR\\_display Arguments: - `display_mode::DisplayModeKHR` - `plane_index::UInt32` - `plane_stack_index::UInt32` - `transform::SurfaceTransformFlagKHR` - `global_alpha::Float32` - `alpha_mode::DisplayPlaneAlphaFlagKHR` - `image_extent::_Extent2D` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplaySurfaceCreateInfoKHR.html) """ function _DisplaySurfaceCreateInfoKHR(display_mode, plane_index::Integer, plane_stack_index::Integer, transform::SurfaceTransformFlagKHR, global_alpha::Real, alpha_mode::DisplayPlaneAlphaFlagKHR, image_extent::_Extent2D; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDisplaySurfaceCreateInfoKHR(structure_type(VkDisplaySurfaceCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), flags, display_mode, plane_index, plane_stack_index, VkSurfaceTransformFlagBitsKHR(transform.val), global_alpha, VkDisplayPlaneAlphaFlagBitsKHR(alpha_mode.val), image_extent.vks) _DisplaySurfaceCreateInfoKHR(vks, deps, display_mode) end """ Extension: VK\\_KHR\\_display\\_swapchain Arguments: - `src_rect::_Rect2D` - `dst_rect::_Rect2D` - `persistent::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPresentInfoKHR.html) """ function _DisplayPresentInfoKHR(src_rect::_Rect2D, dst_rect::_Rect2D, persistent::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDisplayPresentInfoKHR(structure_type(VkDisplayPresentInfoKHR), unsafe_convert(Ptr{Cvoid}, next), src_rect.vks, dst_rect.vks, persistent) _DisplayPresentInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_surface Arguments: - `min_image_count::UInt32` - `max_image_count::UInt32` - `current_extent::_Extent2D` - `min_image_extent::_Extent2D` - `max_image_extent::_Extent2D` - `max_image_array_layers::UInt32` - `supported_transforms::SurfaceTransformFlagKHR` - `current_transform::SurfaceTransformFlagKHR` - `supported_composite_alpha::CompositeAlphaFlagKHR` - `supported_usage_flags::ImageUsageFlag` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilitiesKHR.html) """ function _SurfaceCapabilitiesKHR(min_image_count::Integer, max_image_count::Integer, current_extent::_Extent2D, min_image_extent::_Extent2D, max_image_extent::_Extent2D, max_image_array_layers::Integer, supported_transforms::SurfaceTransformFlagKHR, current_transform::SurfaceTransformFlagKHR, supported_composite_alpha::CompositeAlphaFlagKHR, supported_usage_flags::ImageUsageFlag) _SurfaceCapabilitiesKHR(VkSurfaceCapabilitiesKHR(min_image_count, max_image_count, current_extent.vks, min_image_extent.vks, max_image_extent.vks, max_image_array_layers, supported_transforms, VkSurfaceTransformFlagBitsKHR(current_transform.val), supported_composite_alpha, supported_usage_flags)) end """ Extension: VK\\_KHR\\_wayland\\_surface Arguments: - `display::Ptr{wl_display}` - `surface::Ptr{wl_surface}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWaylandSurfaceCreateInfoKHR.html) """ function _WaylandSurfaceCreateInfoKHR(display::Ptr{vk.wl_display}, surface::Ptr{vk.wl_surface}; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) display = cconvert(Ptr{vk.wl_display}, display) surface = cconvert(Ptr{vk.wl_surface}, surface) deps = Any[next, display, surface] vks = VkWaylandSurfaceCreateInfoKHR(structure_type(VkWaylandSurfaceCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), flags, unsafe_convert(Ptr{vk.wl_display}, display), unsafe_convert(Ptr{vk.wl_surface}, surface)) _WaylandSurfaceCreateInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_xlib\\_surface Arguments: - `dpy::Ptr{Display}` - `window::Window` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkXlibSurfaceCreateInfoKHR.html) """ function _XlibSurfaceCreateInfoKHR(dpy::Ptr{vk.Display}, window::vk.Window; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) dpy = cconvert(Ptr{vk.Display}, dpy) deps = Any[next, dpy] vks = VkXlibSurfaceCreateInfoKHR(structure_type(VkXlibSurfaceCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), flags, unsafe_convert(Ptr{vk.Display}, dpy), window) _XlibSurfaceCreateInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_xcb\\_surface Arguments: - `connection::Ptr{xcb_connection_t}` - `window::xcb_window_t` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkXcbSurfaceCreateInfoKHR.html) """ function _XcbSurfaceCreateInfoKHR(connection::Ptr{vk.xcb_connection_t}, window::vk.xcb_window_t; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) connection = cconvert(Ptr{vk.xcb_connection_t}, connection) deps = Any[next, connection] vks = VkXcbSurfaceCreateInfoKHR(structure_type(VkXcbSurfaceCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), flags, unsafe_convert(Ptr{vk.xcb_connection_t}, connection), window) _XcbSurfaceCreateInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_surface Arguments: - `format::Format` - `color_space::ColorSpaceKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceFormatKHR.html) """ function _SurfaceFormatKHR(format::Format, color_space::ColorSpaceKHR) _SurfaceFormatKHR(VkSurfaceFormatKHR(format, color_space)) end """ Extension: VK\\_KHR\\_swapchain Arguments: - `surface::SurfaceKHR` - `min_image_count::UInt32` - `image_format::Format` - `image_color_space::ColorSpaceKHR` - `image_extent::_Extent2D` - `image_array_layers::UInt32` - `image_usage::ImageUsageFlag` - `image_sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `pre_transform::SurfaceTransformFlagKHR` - `composite_alpha::CompositeAlphaFlagKHR` - `present_mode::PresentModeKHR` - `clipped::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::SwapchainCreateFlagKHR`: defaults to `0` - `old_swapchain::SwapchainKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainCreateInfoKHR.html) """ function _SwapchainCreateInfoKHR(surface, min_image_count::Integer, image_format::Format, image_color_space::ColorSpaceKHR, image_extent::_Extent2D, image_array_layers::Integer, image_usage::ImageUsageFlag, image_sharing_mode::SharingMode, queue_family_indices::AbstractArray, pre_transform::SurfaceTransformFlagKHR, composite_alpha::CompositeAlphaFlagKHR, present_mode::PresentModeKHR, clipped::Bool; next = C_NULL, flags = 0, old_swapchain = C_NULL) queue_family_index_count = pointer_length(queue_family_indices) next = cconvert(Ptr{Cvoid}, next) queue_family_indices = cconvert(Ptr{UInt32}, queue_family_indices) deps = Any[next, queue_family_indices] vks = VkSwapchainCreateInfoKHR(structure_type(VkSwapchainCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), flags, surface, min_image_count, image_format, image_color_space, image_extent.vks, image_array_layers, image_usage, image_sharing_mode, queue_family_index_count, unsafe_convert(Ptr{UInt32}, queue_family_indices), VkSurfaceTransformFlagBitsKHR(pre_transform.val), VkCompositeAlphaFlagBitsKHR(composite_alpha.val), present_mode, clipped, old_swapchain) _SwapchainCreateInfoKHR(vks, deps, surface, old_swapchain) end """ Extension: VK\\_KHR\\_swapchain Arguments: - `wait_semaphores::Vector{Semaphore}` - `swapchains::Vector{SwapchainKHR}` - `image_indices::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `results::Vector{Result}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentInfoKHR.html) """ function _PresentInfoKHR(wait_semaphores::AbstractArray, swapchains::AbstractArray, image_indices::AbstractArray; next = C_NULL, results = C_NULL) wait_semaphore_count = pointer_length(wait_semaphores) swapchain_count = pointer_length(swapchains) next = cconvert(Ptr{Cvoid}, next) wait_semaphores = cconvert(Ptr{VkSemaphore}, wait_semaphores) swapchains = cconvert(Ptr{VkSwapchainKHR}, swapchains) image_indices = cconvert(Ptr{UInt32}, image_indices) results = cconvert(Ptr{VkResult}, results) deps = Any[next, wait_semaphores, swapchains, image_indices, results] vks = VkPresentInfoKHR(structure_type(VkPresentInfoKHR), unsafe_convert(Ptr{Cvoid}, next), wait_semaphore_count, unsafe_convert(Ptr{VkSemaphore}, wait_semaphores), swapchain_count, unsafe_convert(Ptr{VkSwapchainKHR}, swapchains), unsafe_convert(Ptr{UInt32}, image_indices), unsafe_convert(Ptr{VkResult}, results)) _PresentInfoKHR(vks, deps) end """ Extension: VK\\_EXT\\_debug\\_report Arguments: - `pfn_callback::FunctionPtr` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::DebugReportFlagEXT`: defaults to `0` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugReportCallbackCreateInfoEXT.html) """ function _DebugReportCallbackCreateInfoEXT(pfn_callback::FunctionPtr; next = C_NULL, flags = 0, user_data = C_NULL) next = cconvert(Ptr{Cvoid}, next) user_data = cconvert(Ptr{Cvoid}, user_data) deps = Any[next, user_data] vks = VkDebugReportCallbackCreateInfoEXT(structure_type(VkDebugReportCallbackCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), flags, pfn_callback, unsafe_convert(Ptr{Cvoid}, user_data)) _DebugReportCallbackCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_validation\\_flags Arguments: - `disabled_validation_checks::Vector{ValidationCheckEXT}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkValidationFlagsEXT.html) """ function _ValidationFlagsEXT(disabled_validation_checks::AbstractArray; next = C_NULL) disabled_validation_check_count = pointer_length(disabled_validation_checks) next = cconvert(Ptr{Cvoid}, next) disabled_validation_checks = cconvert(Ptr{VkValidationCheckEXT}, disabled_validation_checks) deps = Any[next, disabled_validation_checks] vks = VkValidationFlagsEXT(structure_type(VkValidationFlagsEXT), unsafe_convert(Ptr{Cvoid}, next), disabled_validation_check_count, unsafe_convert(Ptr{VkValidationCheckEXT}, disabled_validation_checks)) _ValidationFlagsEXT(vks, deps) end """ Extension: VK\\_EXT\\_validation\\_features Arguments: - `enabled_validation_features::Vector{ValidationFeatureEnableEXT}` - `disabled_validation_features::Vector{ValidationFeatureDisableEXT}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkValidationFeaturesEXT.html) """ function _ValidationFeaturesEXT(enabled_validation_features::AbstractArray, disabled_validation_features::AbstractArray; next = C_NULL) enabled_validation_feature_count = pointer_length(enabled_validation_features) disabled_validation_feature_count = pointer_length(disabled_validation_features) next = cconvert(Ptr{Cvoid}, next) enabled_validation_features = cconvert(Ptr{VkValidationFeatureEnableEXT}, enabled_validation_features) disabled_validation_features = cconvert(Ptr{VkValidationFeatureDisableEXT}, disabled_validation_features) deps = Any[next, enabled_validation_features, disabled_validation_features] vks = VkValidationFeaturesEXT(structure_type(VkValidationFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), enabled_validation_feature_count, unsafe_convert(Ptr{VkValidationFeatureEnableEXT}, enabled_validation_features), disabled_validation_feature_count, unsafe_convert(Ptr{VkValidationFeatureDisableEXT}, disabled_validation_features)) _ValidationFeaturesEXT(vks, deps) end """ Extension: VK\\_AMD\\_rasterization\\_order Arguments: - `rasterization_order::RasterizationOrderAMD` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationStateRasterizationOrderAMD.html) """ function _PipelineRasterizationStateRasterizationOrderAMD(rasterization_order::RasterizationOrderAMD; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineRasterizationStateRasterizationOrderAMD(structure_type(VkPipelineRasterizationStateRasterizationOrderAMD), unsafe_convert(Ptr{Cvoid}, next), rasterization_order) _PipelineRasterizationStateRasterizationOrderAMD(vks, deps) end """ Extension: VK\\_EXT\\_debug\\_marker Arguments: - `object_type::DebugReportObjectTypeEXT` - `object::UInt64` - `object_name::String` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugMarkerObjectNameInfoEXT.html) """ function _DebugMarkerObjectNameInfoEXT(object_type::DebugReportObjectTypeEXT, object::Integer, object_name::AbstractString; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) object_name = cconvert(Cstring, object_name) deps = Any[next, object_name] vks = VkDebugMarkerObjectNameInfoEXT(structure_type(VkDebugMarkerObjectNameInfoEXT), unsafe_convert(Ptr{Cvoid}, next), object_type, object, unsafe_convert(Cstring, object_name)) _DebugMarkerObjectNameInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_debug\\_marker Arguments: - `object_type::DebugReportObjectTypeEXT` - `object::UInt64` - `tag_name::UInt64` - `tag_size::UInt` - `tag::Ptr{Cvoid}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugMarkerObjectTagInfoEXT.html) """ function _DebugMarkerObjectTagInfoEXT(object_type::DebugReportObjectTypeEXT, object::Integer, tag_name::Integer, tag_size::Integer, tag::Ptr{Cvoid}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) tag = cconvert(Ptr{Cvoid}, tag) deps = Any[next, tag] vks = VkDebugMarkerObjectTagInfoEXT(structure_type(VkDebugMarkerObjectTagInfoEXT), unsafe_convert(Ptr{Cvoid}, next), object_type, object, tag_name, tag_size, unsafe_convert(Ptr{Cvoid}, tag)) _DebugMarkerObjectTagInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_debug\\_marker Arguments: - `marker_name::String` - `color::NTuple{4, Float32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugMarkerMarkerInfoEXT.html) """ function _DebugMarkerMarkerInfoEXT(marker_name::AbstractString, color::NTuple{4, Float32}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) marker_name = cconvert(Cstring, marker_name) deps = Any[next, marker_name] vks = VkDebugMarkerMarkerInfoEXT(structure_type(VkDebugMarkerMarkerInfoEXT), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Cstring, marker_name), color) _DebugMarkerMarkerInfoEXT(vks, deps) end """ Extension: VK\\_NV\\_dedicated\\_allocation Arguments: - `dedicated_allocation::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDedicatedAllocationImageCreateInfoNV.html) """ function _DedicatedAllocationImageCreateInfoNV(dedicated_allocation::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDedicatedAllocationImageCreateInfoNV(structure_type(VkDedicatedAllocationImageCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), dedicated_allocation) _DedicatedAllocationImageCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_dedicated\\_allocation Arguments: - `dedicated_allocation::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDedicatedAllocationBufferCreateInfoNV.html) """ function _DedicatedAllocationBufferCreateInfoNV(dedicated_allocation::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDedicatedAllocationBufferCreateInfoNV(structure_type(VkDedicatedAllocationBufferCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), dedicated_allocation) _DedicatedAllocationBufferCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_dedicated\\_allocation Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `image::Image`: defaults to `C_NULL` - `buffer::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDedicatedAllocationMemoryAllocateInfoNV.html) """ function _DedicatedAllocationMemoryAllocateInfoNV(; next = C_NULL, image = C_NULL, buffer = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDedicatedAllocationMemoryAllocateInfoNV(structure_type(VkDedicatedAllocationMemoryAllocateInfoNV), unsafe_convert(Ptr{Cvoid}, next), image, buffer) _DedicatedAllocationMemoryAllocateInfoNV(vks, deps, image, buffer) end """ Extension: VK\\_NV\\_external\\_memory\\_capabilities Arguments: - `image_format_properties::_ImageFormatProperties` - `external_memory_features::ExternalMemoryFeatureFlagNV`: defaults to `0` - `export_from_imported_handle_types::ExternalMemoryHandleTypeFlagNV`: defaults to `0` - `compatible_handle_types::ExternalMemoryHandleTypeFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalImageFormatPropertiesNV.html) """ function _ExternalImageFormatPropertiesNV(image_format_properties::_ImageFormatProperties; external_memory_features = 0, export_from_imported_handle_types = 0, compatible_handle_types = 0) _ExternalImageFormatPropertiesNV(VkExternalImageFormatPropertiesNV(image_format_properties.vks, external_memory_features, export_from_imported_handle_types, compatible_handle_types)) end """ Extension: VK\\_NV\\_external\\_memory Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `handle_types::ExternalMemoryHandleTypeFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryImageCreateInfoNV.html) """ function _ExternalMemoryImageCreateInfoNV(; next = C_NULL, handle_types = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExternalMemoryImageCreateInfoNV(structure_type(VkExternalMemoryImageCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), handle_types) _ExternalMemoryImageCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_external\\_memory Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `handle_types::ExternalMemoryHandleTypeFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMemoryAllocateInfoNV.html) """ function _ExportMemoryAllocateInfoNV(; next = C_NULL, handle_types = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExportMemoryAllocateInfoNV(structure_type(VkExportMemoryAllocateInfoNV), unsafe_convert(Ptr{Cvoid}, next), handle_types) _ExportMemoryAllocateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `device_generated_commands::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV.html) """ function _PhysicalDeviceDeviceGeneratedCommandsFeaturesNV(device_generated_commands::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV(structure_type(VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), device_generated_commands) _PhysicalDeviceDeviceGeneratedCommandsFeaturesNV(vks, deps) end """ Arguments: - `private_data_slot_request_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDevicePrivateDataCreateInfo.html) """ function _DevicePrivateDataCreateInfo(private_data_slot_request_count::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDevicePrivateDataCreateInfo(structure_type(VkDevicePrivateDataCreateInfo), unsafe_convert(Ptr{Cvoid}, next), private_data_slot_request_count) _DevicePrivateDataCreateInfo(vks, deps) end """ Arguments: - `flags::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPrivateDataSlotCreateInfo.html) """ function _PrivateDataSlotCreateInfo(flags::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPrivateDataSlotCreateInfo(structure_type(VkPrivateDataSlotCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags) _PrivateDataSlotCreateInfo(vks, deps) end """ Arguments: - `private_data::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePrivateDataFeatures.html) """ function _PhysicalDevicePrivateDataFeatures(private_data::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePrivateDataFeatures(structure_type(VkPhysicalDevicePrivateDataFeatures), unsafe_convert(Ptr{Cvoid}, next), private_data) _PhysicalDevicePrivateDataFeatures(vks, deps) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `max_graphics_shader_group_count::UInt32` - `max_indirect_sequence_count::UInt32` - `max_indirect_commands_token_count::UInt32` - `max_indirect_commands_stream_count::UInt32` - `max_indirect_commands_token_offset::UInt32` - `max_indirect_commands_stream_stride::UInt32` - `min_sequences_count_buffer_offset_alignment::UInt32` - `min_sequences_index_buffer_offset_alignment::UInt32` - `min_indirect_commands_buffer_offset_alignment::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV.html) """ function _PhysicalDeviceDeviceGeneratedCommandsPropertiesNV(max_graphics_shader_group_count::Integer, max_indirect_sequence_count::Integer, max_indirect_commands_token_count::Integer, max_indirect_commands_stream_count::Integer, max_indirect_commands_token_offset::Integer, max_indirect_commands_stream_stride::Integer, min_sequences_count_buffer_offset_alignment::Integer, min_sequences_index_buffer_offset_alignment::Integer, min_indirect_commands_buffer_offset_alignment::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV(structure_type(VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), max_graphics_shader_group_count, max_indirect_sequence_count, max_indirect_commands_token_count, max_indirect_commands_stream_count, max_indirect_commands_token_offset, max_indirect_commands_stream_stride, min_sequences_count_buffer_offset_alignment, min_sequences_index_buffer_offset_alignment, min_indirect_commands_buffer_offset_alignment) _PhysicalDeviceDeviceGeneratedCommandsPropertiesNV(vks, deps) end """ Extension: VK\\_EXT\\_multi\\_draw Arguments: - `max_multi_draw_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiDrawPropertiesEXT.html) """ function _PhysicalDeviceMultiDrawPropertiesEXT(max_multi_draw_count::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMultiDrawPropertiesEXT(structure_type(VkPhysicalDeviceMultiDrawPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), max_multi_draw_count) _PhysicalDeviceMultiDrawPropertiesEXT(vks, deps) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `stages::Vector{_PipelineShaderStageCreateInfo}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `vertex_input_state::_PipelineVertexInputStateCreateInfo`: defaults to `C_NULL` - `tessellation_state::_PipelineTessellationStateCreateInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsShaderGroupCreateInfoNV.html) """ function _GraphicsShaderGroupCreateInfoNV(stages::AbstractArray; next = C_NULL, vertex_input_state = C_NULL, tessellation_state = C_NULL) stage_count = pointer_length(stages) next = cconvert(Ptr{Cvoid}, next) stages = cconvert(Ptr{VkPipelineShaderStageCreateInfo}, stages) vertex_input_state = cconvert(Ptr{VkPipelineVertexInputStateCreateInfo}, vertex_input_state) tessellation_state = cconvert(Ptr{VkPipelineTessellationStateCreateInfo}, tessellation_state) deps = Any[next, stages, vertex_input_state, tessellation_state] vks = VkGraphicsShaderGroupCreateInfoNV(structure_type(VkGraphicsShaderGroupCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), stage_count, unsafe_convert(Ptr{VkPipelineShaderStageCreateInfo}, stages), unsafe_convert(Ptr{VkPipelineVertexInputStateCreateInfo}, vertex_input_state), unsafe_convert(Ptr{VkPipelineTessellationStateCreateInfo}, tessellation_state)) _GraphicsShaderGroupCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `groups::Vector{_GraphicsShaderGroupCreateInfoNV}` - `pipelines::Vector{Pipeline}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsPipelineShaderGroupsCreateInfoNV.html) """ function _GraphicsPipelineShaderGroupsCreateInfoNV(groups::AbstractArray, pipelines::AbstractArray; next = C_NULL) group_count = pointer_length(groups) pipeline_count = pointer_length(pipelines) next = cconvert(Ptr{Cvoid}, next) groups = cconvert(Ptr{VkGraphicsShaderGroupCreateInfoNV}, groups) pipelines = cconvert(Ptr{VkPipeline}, pipelines) deps = Any[next, groups, pipelines] vks = VkGraphicsPipelineShaderGroupsCreateInfoNV(structure_type(VkGraphicsPipelineShaderGroupsCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), group_count, unsafe_convert(Ptr{VkGraphicsShaderGroupCreateInfoNV}, groups), pipeline_count, unsafe_convert(Ptr{VkPipeline}, pipelines)) _GraphicsPipelineShaderGroupsCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `group_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindShaderGroupIndirectCommandNV.html) """ function _BindShaderGroupIndirectCommandNV(group_index::Integer) _BindShaderGroupIndirectCommandNV(VkBindShaderGroupIndirectCommandNV(group_index)) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `buffer_address::UInt64` - `size::UInt32` - `index_type::IndexType` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindIndexBufferIndirectCommandNV.html) """ function _BindIndexBufferIndirectCommandNV(buffer_address::Integer, size::Integer, index_type::IndexType) _BindIndexBufferIndirectCommandNV(VkBindIndexBufferIndirectCommandNV(buffer_address, size, index_type)) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `buffer_address::UInt64` - `size::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindVertexBufferIndirectCommandNV.html) """ function _BindVertexBufferIndirectCommandNV(buffer_address::Integer, size::Integer, stride::Integer) _BindVertexBufferIndirectCommandNV(VkBindVertexBufferIndirectCommandNV(buffer_address, size, stride)) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `data::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSetStateFlagsIndirectCommandNV.html) """ function _SetStateFlagsIndirectCommandNV(data::Integer) _SetStateFlagsIndirectCommandNV(VkSetStateFlagsIndirectCommandNV(data)) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `buffer::Buffer` - `offset::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkIndirectCommandsStreamNV.html) """ function _IndirectCommandsStreamNV(buffer, offset::Integer) _IndirectCommandsStreamNV(VkIndirectCommandsStreamNV(buffer, offset), buffer) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `token_type::IndirectCommandsTokenTypeNV` - `stream::UInt32` - `offset::UInt32` - `vertex_binding_unit::UInt32` - `vertex_dynamic_stride::Bool` - `pushconstant_offset::UInt32` - `pushconstant_size::UInt32` - `index_types::Vector{IndexType}` - `index_type_values::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `pushconstant_pipeline_layout::PipelineLayout`: defaults to `C_NULL` - `pushconstant_shader_stage_flags::ShaderStageFlag`: defaults to `0` - `indirect_state_flags::IndirectStateFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkIndirectCommandsLayoutTokenNV.html) """ function _IndirectCommandsLayoutTokenNV(token_type::IndirectCommandsTokenTypeNV, stream::Integer, offset::Integer, vertex_binding_unit::Integer, vertex_dynamic_stride::Bool, pushconstant_offset::Integer, pushconstant_size::Integer, index_types::AbstractArray, index_type_values::AbstractArray; next = C_NULL, pushconstant_pipeline_layout = C_NULL, pushconstant_shader_stage_flags = 0, indirect_state_flags = 0) index_type_count = pointer_length(index_types) next = cconvert(Ptr{Cvoid}, next) index_types = cconvert(Ptr{VkIndexType}, index_types) index_type_values = cconvert(Ptr{UInt32}, index_type_values) deps = Any[next, index_types, index_type_values] vks = VkIndirectCommandsLayoutTokenNV(structure_type(VkIndirectCommandsLayoutTokenNV), unsafe_convert(Ptr{Cvoid}, next), token_type, stream, offset, vertex_binding_unit, vertex_dynamic_stride, pushconstant_pipeline_layout, pushconstant_shader_stage_flags, pushconstant_offset, pushconstant_size, indirect_state_flags, index_type_count, unsafe_convert(Ptr{VkIndexType}, index_types), unsafe_convert(Ptr{UInt32}, index_type_values)) _IndirectCommandsLayoutTokenNV(vks, deps, pushconstant_pipeline_layout) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `pipeline_bind_point::PipelineBindPoint` - `tokens::Vector{_IndirectCommandsLayoutTokenNV}` - `stream_strides::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::IndirectCommandsLayoutUsageFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkIndirectCommandsLayoutCreateInfoNV.html) """ function _IndirectCommandsLayoutCreateInfoNV(pipeline_bind_point::PipelineBindPoint, tokens::AbstractArray, stream_strides::AbstractArray; next = C_NULL, flags = 0) token_count = pointer_length(tokens) stream_count = pointer_length(stream_strides) next = cconvert(Ptr{Cvoid}, next) tokens = cconvert(Ptr{VkIndirectCommandsLayoutTokenNV}, tokens) stream_strides = cconvert(Ptr{UInt32}, stream_strides) deps = Any[next, tokens, stream_strides] vks = VkIndirectCommandsLayoutCreateInfoNV(structure_type(VkIndirectCommandsLayoutCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), flags, pipeline_bind_point, token_count, unsafe_convert(Ptr{VkIndirectCommandsLayoutTokenNV}, tokens), stream_count, unsafe_convert(Ptr{UInt32}, stream_strides)) _IndirectCommandsLayoutCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `pipeline_bind_point::PipelineBindPoint` - `pipeline::Pipeline` - `indirect_commands_layout::IndirectCommandsLayoutNV` - `streams::Vector{_IndirectCommandsStreamNV}` - `sequences_count::UInt32` - `preprocess_buffer::Buffer` - `preprocess_offset::UInt64` - `preprocess_size::UInt64` - `sequences_count_offset::UInt64` - `sequences_index_offset::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `sequences_count_buffer::Buffer`: defaults to `C_NULL` - `sequences_index_buffer::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeneratedCommandsInfoNV.html) """ function _GeneratedCommandsInfoNV(pipeline_bind_point::PipelineBindPoint, pipeline, indirect_commands_layout, streams::AbstractArray, sequences_count::Integer, preprocess_buffer, preprocess_offset::Integer, preprocess_size::Integer, sequences_count_offset::Integer, sequences_index_offset::Integer; next = C_NULL, sequences_count_buffer = C_NULL, sequences_index_buffer = C_NULL) stream_count = pointer_length(streams) next = cconvert(Ptr{Cvoid}, next) streams = cconvert(Ptr{VkIndirectCommandsStreamNV}, streams) deps = Any[next, streams] vks = VkGeneratedCommandsInfoNV(structure_type(VkGeneratedCommandsInfoNV), unsafe_convert(Ptr{Cvoid}, next), pipeline_bind_point, pipeline, indirect_commands_layout, stream_count, unsafe_convert(Ptr{VkIndirectCommandsStreamNV}, streams), sequences_count, preprocess_buffer, preprocess_offset, preprocess_size, sequences_count_buffer, sequences_count_offset, sequences_index_buffer, sequences_index_offset) _GeneratedCommandsInfoNV(vks, deps, pipeline, indirect_commands_layout, preprocess_buffer, sequences_count_buffer, sequences_index_buffer) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `pipeline_bind_point::PipelineBindPoint` - `pipeline::Pipeline` - `indirect_commands_layout::IndirectCommandsLayoutNV` - `max_sequences_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeneratedCommandsMemoryRequirementsInfoNV.html) """ function _GeneratedCommandsMemoryRequirementsInfoNV(pipeline_bind_point::PipelineBindPoint, pipeline, indirect_commands_layout, max_sequences_count::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkGeneratedCommandsMemoryRequirementsInfoNV(structure_type(VkGeneratedCommandsMemoryRequirementsInfoNV), unsafe_convert(Ptr{Cvoid}, next), pipeline_bind_point, pipeline, indirect_commands_layout, max_sequences_count) _GeneratedCommandsMemoryRequirementsInfoNV(vks, deps, pipeline, indirect_commands_layout) end """ Arguments: - `features::_PhysicalDeviceFeatures` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFeatures2.html) """ function _PhysicalDeviceFeatures2(features::_PhysicalDeviceFeatures; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFeatures2(structure_type(VkPhysicalDeviceFeatures2), unsafe_convert(Ptr{Cvoid}, next), features.vks) _PhysicalDeviceFeatures2(vks, deps) end """ Arguments: - `properties::_PhysicalDeviceProperties` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProperties2.html) """ function _PhysicalDeviceProperties2(properties::_PhysicalDeviceProperties; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceProperties2(structure_type(VkPhysicalDeviceProperties2), unsafe_convert(Ptr{Cvoid}, next), properties.vks) _PhysicalDeviceProperties2(vks, deps) end """ Arguments: - `format_properties::_FormatProperties` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFormatProperties2.html) """ function _FormatProperties2(format_properties::_FormatProperties; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkFormatProperties2(structure_type(VkFormatProperties2), unsafe_convert(Ptr{Cvoid}, next), format_properties.vks) _FormatProperties2(vks, deps) end """ Arguments: - `image_format_properties::_ImageFormatProperties` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageFormatProperties2.html) """ function _ImageFormatProperties2(image_format_properties::_ImageFormatProperties; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageFormatProperties2(structure_type(VkImageFormatProperties2), unsafe_convert(Ptr{Cvoid}, next), image_format_properties.vks) _ImageFormatProperties2(vks, deps) end """ Arguments: - `format::Format` - `type::ImageType` - `tiling::ImageTiling` - `usage::ImageUsageFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::ImageCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageFormatInfo2.html) """ function _PhysicalDeviceImageFormatInfo2(format::Format, type::ImageType, tiling::ImageTiling, usage::ImageUsageFlag; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceImageFormatInfo2(structure_type(VkPhysicalDeviceImageFormatInfo2), unsafe_convert(Ptr{Cvoid}, next), format, type, tiling, usage, flags) _PhysicalDeviceImageFormatInfo2(vks, deps) end """ Arguments: - `queue_family_properties::_QueueFamilyProperties` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyProperties2.html) """ function _QueueFamilyProperties2(queue_family_properties::_QueueFamilyProperties; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkQueueFamilyProperties2(structure_type(VkQueueFamilyProperties2), unsafe_convert(Ptr{Cvoid}, next), queue_family_properties.vks) _QueueFamilyProperties2(vks, deps) end """ Arguments: - `memory_properties::_PhysicalDeviceMemoryProperties` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryProperties2.html) """ function _PhysicalDeviceMemoryProperties2(memory_properties::_PhysicalDeviceMemoryProperties; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMemoryProperties2(structure_type(VkPhysicalDeviceMemoryProperties2), unsafe_convert(Ptr{Cvoid}, next), memory_properties.vks) _PhysicalDeviceMemoryProperties2(vks, deps) end """ Arguments: - `properties::_SparseImageFormatProperties` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageFormatProperties2.html) """ function _SparseImageFormatProperties2(properties::_SparseImageFormatProperties; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSparseImageFormatProperties2(structure_type(VkSparseImageFormatProperties2), unsafe_convert(Ptr{Cvoid}, next), properties.vks) _SparseImageFormatProperties2(vks, deps) end """ Arguments: - `format::Format` - `type::ImageType` - `samples::SampleCountFlag` - `usage::ImageUsageFlag` - `tiling::ImageTiling` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSparseImageFormatInfo2.html) """ function _PhysicalDeviceSparseImageFormatInfo2(format::Format, type::ImageType, samples::SampleCountFlag, usage::ImageUsageFlag, tiling::ImageTiling; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSparseImageFormatInfo2(structure_type(VkPhysicalDeviceSparseImageFormatInfo2), unsafe_convert(Ptr{Cvoid}, next), format, type, VkSampleCountFlagBits(samples.val), usage, tiling) _PhysicalDeviceSparseImageFormatInfo2(vks, deps) end """ Extension: VK\\_KHR\\_push\\_descriptor Arguments: - `max_push_descriptors::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePushDescriptorPropertiesKHR.html) """ function _PhysicalDevicePushDescriptorPropertiesKHR(max_push_descriptors::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePushDescriptorPropertiesKHR(structure_type(VkPhysicalDevicePushDescriptorPropertiesKHR), unsafe_convert(Ptr{Cvoid}, next), max_push_descriptors) _PhysicalDevicePushDescriptorPropertiesKHR(vks, deps) end """ Arguments: - `major::UInt8` - `minor::UInt8` - `subminor::UInt8` - `patch::UInt8` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkConformanceVersion.html) """ function _ConformanceVersion(major::Integer, minor::Integer, subminor::Integer, patch::Integer) _ConformanceVersion(VkConformanceVersion(major, minor, subminor, patch)) end """ Arguments: - `driver_id::DriverId` - `driver_name::String` - `driver_info::String` - `conformance_version::_ConformanceVersion` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDriverProperties.html) """ function _PhysicalDeviceDriverProperties(driver_id::DriverId, driver_name::AbstractString, driver_info::AbstractString, conformance_version::_ConformanceVersion; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDriverProperties(structure_type(VkPhysicalDeviceDriverProperties), unsafe_convert(Ptr{Cvoid}, next), driver_id, driver_name, driver_info, conformance_version.vks) _PhysicalDeviceDriverProperties(vks, deps) end """ Extension: VK\\_KHR\\_incremental\\_present Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `regions::Vector{_PresentRegionKHR}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentRegionsKHR.html) """ function _PresentRegionsKHR(; next = C_NULL, regions = C_NULL) swapchain_count = pointer_length(regions) next = cconvert(Ptr{Cvoid}, next) regions = cconvert(Ptr{VkPresentRegionKHR}, regions) deps = Any[next, regions] vks = VkPresentRegionsKHR(structure_type(VkPresentRegionsKHR), unsafe_convert(Ptr{Cvoid}, next), swapchain_count, unsafe_convert(Ptr{VkPresentRegionKHR}, regions)) _PresentRegionsKHR(vks, deps) end """ Extension: VK\\_KHR\\_incremental\\_present Arguments: - `rectangles::Vector{_RectLayerKHR}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentRegionKHR.html) """ function _PresentRegionKHR(; rectangles = C_NULL) rectangle_count = pointer_length(rectangles) rectangles = cconvert(Ptr{VkRectLayerKHR}, rectangles) deps = Any[rectangles] vks = VkPresentRegionKHR(rectangle_count, unsafe_convert(Ptr{VkRectLayerKHR}, rectangles)) _PresentRegionKHR(vks, deps) end """ Extension: VK\\_KHR\\_incremental\\_present Arguments: - `offset::_Offset2D` - `extent::_Extent2D` - `layer::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRectLayerKHR.html) """ function _RectLayerKHR(offset::_Offset2D, extent::_Extent2D, layer::Integer) _RectLayerKHR(VkRectLayerKHR(offset.vks, extent.vks, layer)) end """ Arguments: - `variable_pointers_storage_buffer::Bool` - `variable_pointers::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVariablePointersFeatures.html) """ function _PhysicalDeviceVariablePointersFeatures(variable_pointers_storage_buffer::Bool, variable_pointers::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceVariablePointersFeatures(structure_type(VkPhysicalDeviceVariablePointersFeatures), unsafe_convert(Ptr{Cvoid}, next), variable_pointers_storage_buffer, variable_pointers) _PhysicalDeviceVariablePointersFeatures(vks, deps) end """ Arguments: - `external_memory_features::ExternalMemoryFeatureFlag` - `compatible_handle_types::ExternalMemoryHandleTypeFlag` - `export_from_imported_handle_types::ExternalMemoryHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryProperties.html) """ function _ExternalMemoryProperties(external_memory_features::ExternalMemoryFeatureFlag, compatible_handle_types::ExternalMemoryHandleTypeFlag; export_from_imported_handle_types = 0) _ExternalMemoryProperties(VkExternalMemoryProperties(external_memory_features, export_from_imported_handle_types, compatible_handle_types)) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `handle_type::ExternalMemoryHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalImageFormatInfo.html) """ function _PhysicalDeviceExternalImageFormatInfo(; next = C_NULL, handle_type = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceExternalImageFormatInfo(structure_type(VkPhysicalDeviceExternalImageFormatInfo), unsafe_convert(Ptr{Cvoid}, next), VkExternalMemoryHandleTypeFlagBits(handle_type.val)) _PhysicalDeviceExternalImageFormatInfo(vks, deps) end """ Arguments: - `external_memory_properties::_ExternalMemoryProperties` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalImageFormatProperties.html) """ function _ExternalImageFormatProperties(external_memory_properties::_ExternalMemoryProperties; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExternalImageFormatProperties(structure_type(VkExternalImageFormatProperties), unsafe_convert(Ptr{Cvoid}, next), external_memory_properties.vks) _ExternalImageFormatProperties(vks, deps) end """ Arguments: - `usage::BufferUsageFlag` - `handle_type::ExternalMemoryHandleTypeFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::BufferCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalBufferInfo.html) """ function _PhysicalDeviceExternalBufferInfo(usage::BufferUsageFlag, handle_type::ExternalMemoryHandleTypeFlag; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceExternalBufferInfo(structure_type(VkPhysicalDeviceExternalBufferInfo), unsafe_convert(Ptr{Cvoid}, next), flags, usage, VkExternalMemoryHandleTypeFlagBits(handle_type.val)) _PhysicalDeviceExternalBufferInfo(vks, deps) end """ Arguments: - `external_memory_properties::_ExternalMemoryProperties` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalBufferProperties.html) """ function _ExternalBufferProperties(external_memory_properties::_ExternalMemoryProperties; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExternalBufferProperties(structure_type(VkExternalBufferProperties), unsafe_convert(Ptr{Cvoid}, next), external_memory_properties.vks) _ExternalBufferProperties(vks, deps) end """ Arguments: - `device_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `driver_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `device_luid::NTuple{Int(VK_LUID_SIZE), UInt8}` - `device_node_mask::UInt32` - `device_luid_valid::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceIDProperties.html) """ function _PhysicalDeviceIDProperties(device_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}, driver_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}, device_luid::NTuple{Int(VK_LUID_SIZE), UInt8}, device_node_mask::Integer, device_luid_valid::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceIDProperties(structure_type(VkPhysicalDeviceIDProperties), unsafe_convert(Ptr{Cvoid}, next), device_uuid, driver_uuid, device_luid, device_node_mask, device_luid_valid) _PhysicalDeviceIDProperties(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `handle_types::ExternalMemoryHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryImageCreateInfo.html) """ function _ExternalMemoryImageCreateInfo(; next = C_NULL, handle_types = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExternalMemoryImageCreateInfo(structure_type(VkExternalMemoryImageCreateInfo), unsafe_convert(Ptr{Cvoid}, next), handle_types) _ExternalMemoryImageCreateInfo(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `handle_types::ExternalMemoryHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryBufferCreateInfo.html) """ function _ExternalMemoryBufferCreateInfo(; next = C_NULL, handle_types = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExternalMemoryBufferCreateInfo(structure_type(VkExternalMemoryBufferCreateInfo), unsafe_convert(Ptr{Cvoid}, next), handle_types) _ExternalMemoryBufferCreateInfo(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `handle_types::ExternalMemoryHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMemoryAllocateInfo.html) """ function _ExportMemoryAllocateInfo(; next = C_NULL, handle_types = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExportMemoryAllocateInfo(structure_type(VkExportMemoryAllocateInfo), unsafe_convert(Ptr{Cvoid}, next), handle_types) _ExportMemoryAllocateInfo(vks, deps) end """ Extension: VK\\_KHR\\_external\\_memory\\_fd Arguments: - `fd::Int` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `handle_type::ExternalMemoryHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMemoryFdInfoKHR.html) """ function _ImportMemoryFdInfoKHR(fd::Integer; next = C_NULL, handle_type = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImportMemoryFdInfoKHR(structure_type(VkImportMemoryFdInfoKHR), unsafe_convert(Ptr{Cvoid}, next), VkExternalMemoryHandleTypeFlagBits(handle_type.val), fd) _ImportMemoryFdInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_external\\_memory\\_fd Arguments: - `memory_type_bits::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryFdPropertiesKHR.html) """ function _MemoryFdPropertiesKHR(memory_type_bits::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryFdPropertiesKHR(structure_type(VkMemoryFdPropertiesKHR), unsafe_convert(Ptr{Cvoid}, next), memory_type_bits) _MemoryFdPropertiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_external\\_memory\\_fd Arguments: - `memory::DeviceMemory` - `handle_type::ExternalMemoryHandleTypeFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryGetFdInfoKHR.html) """ function _MemoryGetFdInfoKHR(memory, handle_type::ExternalMemoryHandleTypeFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryGetFdInfoKHR(structure_type(VkMemoryGetFdInfoKHR), unsafe_convert(Ptr{Cvoid}, next), memory, VkExternalMemoryHandleTypeFlagBits(handle_type.val)) _MemoryGetFdInfoKHR(vks, deps, memory) end """ Arguments: - `handle_type::ExternalSemaphoreHandleTypeFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalSemaphoreInfo.html) """ function _PhysicalDeviceExternalSemaphoreInfo(handle_type::ExternalSemaphoreHandleTypeFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceExternalSemaphoreInfo(structure_type(VkPhysicalDeviceExternalSemaphoreInfo), unsafe_convert(Ptr{Cvoid}, next), VkExternalSemaphoreHandleTypeFlagBits(handle_type.val)) _PhysicalDeviceExternalSemaphoreInfo(vks, deps) end """ Arguments: - `export_from_imported_handle_types::ExternalSemaphoreHandleTypeFlag` - `compatible_handle_types::ExternalSemaphoreHandleTypeFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `external_semaphore_features::ExternalSemaphoreFeatureFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalSemaphoreProperties.html) """ function _ExternalSemaphoreProperties(export_from_imported_handle_types::ExternalSemaphoreHandleTypeFlag, compatible_handle_types::ExternalSemaphoreHandleTypeFlag; next = C_NULL, external_semaphore_features = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExternalSemaphoreProperties(structure_type(VkExternalSemaphoreProperties), unsafe_convert(Ptr{Cvoid}, next), export_from_imported_handle_types, compatible_handle_types, external_semaphore_features) _ExternalSemaphoreProperties(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `handle_types::ExternalSemaphoreHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportSemaphoreCreateInfo.html) """ function _ExportSemaphoreCreateInfo(; next = C_NULL, handle_types = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExportSemaphoreCreateInfo(structure_type(VkExportSemaphoreCreateInfo), unsafe_convert(Ptr{Cvoid}, next), handle_types) _ExportSemaphoreCreateInfo(vks, deps) end """ Extension: VK\\_KHR\\_external\\_semaphore\\_fd Arguments: - `semaphore::Semaphore` (externsync) - `handle_type::ExternalSemaphoreHandleTypeFlag` - `fd::Int` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::SemaphoreImportFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportSemaphoreFdInfoKHR.html) """ function _ImportSemaphoreFdInfoKHR(semaphore, handle_type::ExternalSemaphoreHandleTypeFlag, fd::Integer; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImportSemaphoreFdInfoKHR(structure_type(VkImportSemaphoreFdInfoKHR), unsafe_convert(Ptr{Cvoid}, next), semaphore, flags, VkExternalSemaphoreHandleTypeFlagBits(handle_type.val), fd) _ImportSemaphoreFdInfoKHR(vks, deps, semaphore) end """ Extension: VK\\_KHR\\_external\\_semaphore\\_fd Arguments: - `semaphore::Semaphore` - `handle_type::ExternalSemaphoreHandleTypeFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreGetFdInfoKHR.html) """ function _SemaphoreGetFdInfoKHR(semaphore, handle_type::ExternalSemaphoreHandleTypeFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSemaphoreGetFdInfoKHR(structure_type(VkSemaphoreGetFdInfoKHR), unsafe_convert(Ptr{Cvoid}, next), semaphore, VkExternalSemaphoreHandleTypeFlagBits(handle_type.val)) _SemaphoreGetFdInfoKHR(vks, deps, semaphore) end """ Arguments: - `handle_type::ExternalFenceHandleTypeFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalFenceInfo.html) """ function _PhysicalDeviceExternalFenceInfo(handle_type::ExternalFenceHandleTypeFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceExternalFenceInfo(structure_type(VkPhysicalDeviceExternalFenceInfo), unsafe_convert(Ptr{Cvoid}, next), VkExternalFenceHandleTypeFlagBits(handle_type.val)) _PhysicalDeviceExternalFenceInfo(vks, deps) end """ Arguments: - `export_from_imported_handle_types::ExternalFenceHandleTypeFlag` - `compatible_handle_types::ExternalFenceHandleTypeFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `external_fence_features::ExternalFenceFeatureFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalFenceProperties.html) """ function _ExternalFenceProperties(export_from_imported_handle_types::ExternalFenceHandleTypeFlag, compatible_handle_types::ExternalFenceHandleTypeFlag; next = C_NULL, external_fence_features = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExternalFenceProperties(structure_type(VkExternalFenceProperties), unsafe_convert(Ptr{Cvoid}, next), export_from_imported_handle_types, compatible_handle_types, external_fence_features) _ExternalFenceProperties(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `handle_types::ExternalFenceHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportFenceCreateInfo.html) """ function _ExportFenceCreateInfo(; next = C_NULL, handle_types = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExportFenceCreateInfo(structure_type(VkExportFenceCreateInfo), unsafe_convert(Ptr{Cvoid}, next), handle_types) _ExportFenceCreateInfo(vks, deps) end """ Extension: VK\\_KHR\\_external\\_fence\\_fd Arguments: - `fence::Fence` (externsync) - `handle_type::ExternalFenceHandleTypeFlag` - `fd::Int` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::FenceImportFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportFenceFdInfoKHR.html) """ function _ImportFenceFdInfoKHR(fence, handle_type::ExternalFenceHandleTypeFlag, fd::Integer; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImportFenceFdInfoKHR(structure_type(VkImportFenceFdInfoKHR), unsafe_convert(Ptr{Cvoid}, next), fence, flags, VkExternalFenceHandleTypeFlagBits(handle_type.val), fd) _ImportFenceFdInfoKHR(vks, deps, fence) end """ Extension: VK\\_KHR\\_external\\_fence\\_fd Arguments: - `fence::Fence` - `handle_type::ExternalFenceHandleTypeFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFenceGetFdInfoKHR.html) """ function _FenceGetFdInfoKHR(fence, handle_type::ExternalFenceHandleTypeFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkFenceGetFdInfoKHR(structure_type(VkFenceGetFdInfoKHR), unsafe_convert(Ptr{Cvoid}, next), fence, VkExternalFenceHandleTypeFlagBits(handle_type.val)) _FenceGetFdInfoKHR(vks, deps, fence) end """ Arguments: - `multiview::Bool` - `multiview_geometry_shader::Bool` - `multiview_tessellation_shader::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewFeatures.html) """ function _PhysicalDeviceMultiviewFeatures(multiview::Bool, multiview_geometry_shader::Bool, multiview_tessellation_shader::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMultiviewFeatures(structure_type(VkPhysicalDeviceMultiviewFeatures), unsafe_convert(Ptr{Cvoid}, next), multiview, multiview_geometry_shader, multiview_tessellation_shader) _PhysicalDeviceMultiviewFeatures(vks, deps) end """ Arguments: - `max_multiview_view_count::UInt32` - `max_multiview_instance_index::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewProperties.html) """ function _PhysicalDeviceMultiviewProperties(max_multiview_view_count::Integer, max_multiview_instance_index::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMultiviewProperties(structure_type(VkPhysicalDeviceMultiviewProperties), unsafe_convert(Ptr{Cvoid}, next), max_multiview_view_count, max_multiview_instance_index) _PhysicalDeviceMultiviewProperties(vks, deps) end """ Arguments: - `view_masks::Vector{UInt32}` - `view_offsets::Vector{Int32}` - `correlation_masks::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassMultiviewCreateInfo.html) """ function _RenderPassMultiviewCreateInfo(view_masks::AbstractArray, view_offsets::AbstractArray, correlation_masks::AbstractArray; next = C_NULL) subpass_count = pointer_length(view_masks) dependency_count = pointer_length(view_offsets) correlation_mask_count = pointer_length(correlation_masks) next = cconvert(Ptr{Cvoid}, next) view_masks = cconvert(Ptr{UInt32}, view_masks) view_offsets = cconvert(Ptr{Int32}, view_offsets) correlation_masks = cconvert(Ptr{UInt32}, correlation_masks) deps = Any[next, view_masks, view_offsets, correlation_masks] vks = VkRenderPassMultiviewCreateInfo(structure_type(VkRenderPassMultiviewCreateInfo), unsafe_convert(Ptr{Cvoid}, next), subpass_count, unsafe_convert(Ptr{UInt32}, view_masks), dependency_count, unsafe_convert(Ptr{Int32}, view_offsets), correlation_mask_count, unsafe_convert(Ptr{UInt32}, correlation_masks)) _RenderPassMultiviewCreateInfo(vks, deps) end """ Extension: VK\\_EXT\\_display\\_surface\\_counter Arguments: - `min_image_count::UInt32` - `max_image_count::UInt32` - `current_extent::_Extent2D` - `min_image_extent::_Extent2D` - `max_image_extent::_Extent2D` - `max_image_array_layers::UInt32` - `supported_transforms::SurfaceTransformFlagKHR` - `current_transform::SurfaceTransformFlagKHR` - `supported_composite_alpha::CompositeAlphaFlagKHR` - `supported_usage_flags::ImageUsageFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `supported_surface_counters::SurfaceCounterFlagEXT`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilities2EXT.html) """ function _SurfaceCapabilities2EXT(min_image_count::Integer, max_image_count::Integer, current_extent::_Extent2D, min_image_extent::_Extent2D, max_image_extent::_Extent2D, max_image_array_layers::Integer, supported_transforms::SurfaceTransformFlagKHR, current_transform::SurfaceTransformFlagKHR, supported_composite_alpha::CompositeAlphaFlagKHR, supported_usage_flags::ImageUsageFlag; next = C_NULL, supported_surface_counters = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSurfaceCapabilities2EXT(structure_type(VkSurfaceCapabilities2EXT), unsafe_convert(Ptr{Cvoid}, next), min_image_count, max_image_count, current_extent.vks, min_image_extent.vks, max_image_extent.vks, max_image_array_layers, supported_transforms, VkSurfaceTransformFlagBitsKHR(current_transform.val), supported_composite_alpha, supported_usage_flags, supported_surface_counters) _SurfaceCapabilities2EXT(vks, deps) end """ Extension: VK\\_EXT\\_display\\_control Arguments: - `power_state::DisplayPowerStateEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPowerInfoEXT.html) """ function _DisplayPowerInfoEXT(power_state::DisplayPowerStateEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDisplayPowerInfoEXT(structure_type(VkDisplayPowerInfoEXT), unsafe_convert(Ptr{Cvoid}, next), power_state) _DisplayPowerInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_display\\_control Arguments: - `device_event::DeviceEventTypeEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceEventInfoEXT.html) """ function _DeviceEventInfoEXT(device_event::DeviceEventTypeEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceEventInfoEXT(structure_type(VkDeviceEventInfoEXT), unsafe_convert(Ptr{Cvoid}, next), device_event) _DeviceEventInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_display\\_control Arguments: - `display_event::DisplayEventTypeEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayEventInfoEXT.html) """ function _DisplayEventInfoEXT(display_event::DisplayEventTypeEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDisplayEventInfoEXT(structure_type(VkDisplayEventInfoEXT), unsafe_convert(Ptr{Cvoid}, next), display_event) _DisplayEventInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_display\\_control Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `surface_counters::SurfaceCounterFlagEXT`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainCounterCreateInfoEXT.html) """ function _SwapchainCounterCreateInfoEXT(; next = C_NULL, surface_counters = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSwapchainCounterCreateInfoEXT(structure_type(VkSwapchainCounterCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), surface_counters) _SwapchainCounterCreateInfoEXT(vks, deps) end """ Arguments: - `physical_device_count::UInt32` - `physical_devices::NTuple{Int(VK_MAX_DEVICE_GROUP_SIZE), PhysicalDevice}` - `subset_allocation::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGroupProperties.html) """ function _PhysicalDeviceGroupProperties(physical_device_count::Integer, physical_devices::NTuple{Int(VK_MAX_DEVICE_GROUP_SIZE), PhysicalDevice}, subset_allocation::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceGroupProperties(structure_type(VkPhysicalDeviceGroupProperties), unsafe_convert(Ptr{Cvoid}, next), physical_device_count, physical_devices, subset_allocation) _PhysicalDeviceGroupProperties(vks, deps) end """ Arguments: - `device_mask::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::MemoryAllocateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryAllocateFlagsInfo.html) """ function _MemoryAllocateFlagsInfo(device_mask::Integer; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryAllocateFlagsInfo(structure_type(VkMemoryAllocateFlagsInfo), unsafe_convert(Ptr{Cvoid}, next), flags, device_mask) _MemoryAllocateFlagsInfo(vks, deps) end """ Arguments: - `buffer::Buffer` - `memory::DeviceMemory` - `memory_offset::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindBufferMemoryInfo.html) """ function _BindBufferMemoryInfo(buffer, memory, memory_offset::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBindBufferMemoryInfo(structure_type(VkBindBufferMemoryInfo), unsafe_convert(Ptr{Cvoid}, next), buffer, memory, memory_offset) _BindBufferMemoryInfo(vks, deps, buffer, memory) end """ Arguments: - `device_indices::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindBufferMemoryDeviceGroupInfo.html) """ function _BindBufferMemoryDeviceGroupInfo(device_indices::AbstractArray; next = C_NULL) device_index_count = pointer_length(device_indices) next = cconvert(Ptr{Cvoid}, next) device_indices = cconvert(Ptr{UInt32}, device_indices) deps = Any[next, device_indices] vks = VkBindBufferMemoryDeviceGroupInfo(structure_type(VkBindBufferMemoryDeviceGroupInfo), unsafe_convert(Ptr{Cvoid}, next), device_index_count, unsafe_convert(Ptr{UInt32}, device_indices)) _BindBufferMemoryDeviceGroupInfo(vks, deps) end """ Arguments: - `image::Image` - `memory::DeviceMemory` - `memory_offset::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImageMemoryInfo.html) """ function _BindImageMemoryInfo(image, memory, memory_offset::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBindImageMemoryInfo(structure_type(VkBindImageMemoryInfo), unsafe_convert(Ptr{Cvoid}, next), image, memory, memory_offset) _BindImageMemoryInfo(vks, deps, image, memory) end """ Arguments: - `device_indices::Vector{UInt32}` - `split_instance_bind_regions::Vector{_Rect2D}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImageMemoryDeviceGroupInfo.html) """ function _BindImageMemoryDeviceGroupInfo(device_indices::AbstractArray, split_instance_bind_regions::AbstractArray; next = C_NULL) device_index_count = pointer_length(device_indices) split_instance_bind_region_count = pointer_length(split_instance_bind_regions) next = cconvert(Ptr{Cvoid}, next) device_indices = cconvert(Ptr{UInt32}, device_indices) split_instance_bind_regions = cconvert(Ptr{VkRect2D}, split_instance_bind_regions) deps = Any[next, device_indices, split_instance_bind_regions] vks = VkBindImageMemoryDeviceGroupInfo(structure_type(VkBindImageMemoryDeviceGroupInfo), unsafe_convert(Ptr{Cvoid}, next), device_index_count, unsafe_convert(Ptr{UInt32}, device_indices), split_instance_bind_region_count, unsafe_convert(Ptr{VkRect2D}, split_instance_bind_regions)) _BindImageMemoryDeviceGroupInfo(vks, deps) end """ Arguments: - `device_mask::UInt32` - `device_render_areas::Vector{_Rect2D}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupRenderPassBeginInfo.html) """ function _DeviceGroupRenderPassBeginInfo(device_mask::Integer, device_render_areas::AbstractArray; next = C_NULL) device_render_area_count = pointer_length(device_render_areas) next = cconvert(Ptr{Cvoid}, next) device_render_areas = cconvert(Ptr{VkRect2D}, device_render_areas) deps = Any[next, device_render_areas] vks = VkDeviceGroupRenderPassBeginInfo(structure_type(VkDeviceGroupRenderPassBeginInfo), unsafe_convert(Ptr{Cvoid}, next), device_mask, device_render_area_count, unsafe_convert(Ptr{VkRect2D}, device_render_areas)) _DeviceGroupRenderPassBeginInfo(vks, deps) end """ Arguments: - `device_mask::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupCommandBufferBeginInfo.html) """ function _DeviceGroupCommandBufferBeginInfo(device_mask::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceGroupCommandBufferBeginInfo(structure_type(VkDeviceGroupCommandBufferBeginInfo), unsafe_convert(Ptr{Cvoid}, next), device_mask) _DeviceGroupCommandBufferBeginInfo(vks, deps) end """ Arguments: - `wait_semaphore_device_indices::Vector{UInt32}` - `command_buffer_device_masks::Vector{UInt32}` - `signal_semaphore_device_indices::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupSubmitInfo.html) """ function _DeviceGroupSubmitInfo(wait_semaphore_device_indices::AbstractArray, command_buffer_device_masks::AbstractArray, signal_semaphore_device_indices::AbstractArray; next = C_NULL) wait_semaphore_count = pointer_length(wait_semaphore_device_indices) command_buffer_count = pointer_length(command_buffer_device_masks) signal_semaphore_count = pointer_length(signal_semaphore_device_indices) next = cconvert(Ptr{Cvoid}, next) wait_semaphore_device_indices = cconvert(Ptr{UInt32}, wait_semaphore_device_indices) command_buffer_device_masks = cconvert(Ptr{UInt32}, command_buffer_device_masks) signal_semaphore_device_indices = cconvert(Ptr{UInt32}, signal_semaphore_device_indices) deps = Any[next, wait_semaphore_device_indices, command_buffer_device_masks, signal_semaphore_device_indices] vks = VkDeviceGroupSubmitInfo(structure_type(VkDeviceGroupSubmitInfo), unsafe_convert(Ptr{Cvoid}, next), wait_semaphore_count, unsafe_convert(Ptr{UInt32}, wait_semaphore_device_indices), command_buffer_count, unsafe_convert(Ptr{UInt32}, command_buffer_device_masks), signal_semaphore_count, unsafe_convert(Ptr{UInt32}, signal_semaphore_device_indices)) _DeviceGroupSubmitInfo(vks, deps) end """ Arguments: - `resource_device_index::UInt32` - `memory_device_index::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupBindSparseInfo.html) """ function _DeviceGroupBindSparseInfo(resource_device_index::Integer, memory_device_index::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceGroupBindSparseInfo(structure_type(VkDeviceGroupBindSparseInfo), unsafe_convert(Ptr{Cvoid}, next), resource_device_index, memory_device_index) _DeviceGroupBindSparseInfo(vks, deps) end """ Extension: VK\\_KHR\\_swapchain Arguments: - `present_mask::NTuple{Int(VK_MAX_DEVICE_GROUP_SIZE), UInt32}` - `modes::DeviceGroupPresentModeFlagKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupPresentCapabilitiesKHR.html) """ function _DeviceGroupPresentCapabilitiesKHR(present_mask::NTuple{Int(VK_MAX_DEVICE_GROUP_SIZE), UInt32}, modes::DeviceGroupPresentModeFlagKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceGroupPresentCapabilitiesKHR(structure_type(VkDeviceGroupPresentCapabilitiesKHR), unsafe_convert(Ptr{Cvoid}, next), present_mask, modes) _DeviceGroupPresentCapabilitiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_swapchain Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `swapchain::SwapchainKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSwapchainCreateInfoKHR.html) """ function _ImageSwapchainCreateInfoKHR(; next = C_NULL, swapchain = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageSwapchainCreateInfoKHR(structure_type(VkImageSwapchainCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), swapchain) _ImageSwapchainCreateInfoKHR(vks, deps, swapchain) end """ Extension: VK\\_KHR\\_swapchain Arguments: - `swapchain::SwapchainKHR` (externsync) - `image_index::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImageMemorySwapchainInfoKHR.html) """ function _BindImageMemorySwapchainInfoKHR(swapchain, image_index::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBindImageMemorySwapchainInfoKHR(structure_type(VkBindImageMemorySwapchainInfoKHR), unsafe_convert(Ptr{Cvoid}, next), swapchain, image_index) _BindImageMemorySwapchainInfoKHR(vks, deps, swapchain) end """ Extension: VK\\_KHR\\_swapchain Arguments: - `swapchain::SwapchainKHR` (externsync) - `timeout::UInt64` - `device_mask::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `semaphore::Semaphore`: defaults to `C_NULL` (externsync) - `fence::Fence`: defaults to `C_NULL` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAcquireNextImageInfoKHR.html) """ function _AcquireNextImageInfoKHR(swapchain, timeout::Integer, device_mask::Integer; next = C_NULL, semaphore = C_NULL, fence = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAcquireNextImageInfoKHR(structure_type(VkAcquireNextImageInfoKHR), unsafe_convert(Ptr{Cvoid}, next), swapchain, timeout, semaphore, fence, device_mask) _AcquireNextImageInfoKHR(vks, deps, swapchain, semaphore, fence) end """ Extension: VK\\_KHR\\_swapchain Arguments: - `device_masks::Vector{UInt32}` - `mode::DeviceGroupPresentModeFlagKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupPresentInfoKHR.html) """ function _DeviceGroupPresentInfoKHR(device_masks::AbstractArray, mode::DeviceGroupPresentModeFlagKHR; next = C_NULL) swapchain_count = pointer_length(device_masks) next = cconvert(Ptr{Cvoid}, next) device_masks = cconvert(Ptr{UInt32}, device_masks) deps = Any[next, device_masks] vks = VkDeviceGroupPresentInfoKHR(structure_type(VkDeviceGroupPresentInfoKHR), unsafe_convert(Ptr{Cvoid}, next), swapchain_count, unsafe_convert(Ptr{UInt32}, device_masks), VkDeviceGroupPresentModeFlagBitsKHR(mode.val)) _DeviceGroupPresentInfoKHR(vks, deps) end """ Arguments: - `physical_devices::Vector{PhysicalDevice}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupDeviceCreateInfo.html) """ function _DeviceGroupDeviceCreateInfo(physical_devices::AbstractArray; next = C_NULL) physical_device_count = pointer_length(physical_devices) next = cconvert(Ptr{Cvoid}, next) physical_devices = cconvert(Ptr{VkPhysicalDevice}, physical_devices) deps = Any[next, physical_devices] vks = VkDeviceGroupDeviceCreateInfo(structure_type(VkDeviceGroupDeviceCreateInfo), unsafe_convert(Ptr{Cvoid}, next), physical_device_count, unsafe_convert(Ptr{VkPhysicalDevice}, physical_devices)) _DeviceGroupDeviceCreateInfo(vks, deps) end """ Extension: VK\\_KHR\\_swapchain Arguments: - `modes::DeviceGroupPresentModeFlagKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupSwapchainCreateInfoKHR.html) """ function _DeviceGroupSwapchainCreateInfoKHR(modes::DeviceGroupPresentModeFlagKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceGroupSwapchainCreateInfoKHR(structure_type(VkDeviceGroupSwapchainCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), modes) _DeviceGroupSwapchainCreateInfoKHR(vks, deps) end """ Arguments: - `dst_binding::UInt32` - `dst_array_element::UInt32` - `descriptor_count::UInt32` - `descriptor_type::DescriptorType` - `offset::UInt` - `stride::UInt` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorUpdateTemplateEntry.html) """ function _DescriptorUpdateTemplateEntry(dst_binding::Integer, dst_array_element::Integer, descriptor_count::Integer, descriptor_type::DescriptorType, offset::Integer, stride::Integer) _DescriptorUpdateTemplateEntry(VkDescriptorUpdateTemplateEntry(dst_binding, dst_array_element, descriptor_count, descriptor_type, offset, stride)) end """ Arguments: - `descriptor_update_entries::Vector{_DescriptorUpdateTemplateEntry}` - `template_type::DescriptorUpdateTemplateType` - `descriptor_set_layout::DescriptorSetLayout` - `pipeline_bind_point::PipelineBindPoint` - `pipeline_layout::PipelineLayout` - `set::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorUpdateTemplateCreateInfo.html) """ function _DescriptorUpdateTemplateCreateInfo(descriptor_update_entries::AbstractArray, template_type::DescriptorUpdateTemplateType, descriptor_set_layout, pipeline_bind_point::PipelineBindPoint, pipeline_layout, set::Integer; next = C_NULL, flags = 0) descriptor_update_entry_count = pointer_length(descriptor_update_entries) next = cconvert(Ptr{Cvoid}, next) descriptor_update_entries = cconvert(Ptr{VkDescriptorUpdateTemplateEntry}, descriptor_update_entries) deps = Any[next, descriptor_update_entries] vks = VkDescriptorUpdateTemplateCreateInfo(structure_type(VkDescriptorUpdateTemplateCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, descriptor_update_entry_count, unsafe_convert(Ptr{VkDescriptorUpdateTemplateEntry}, descriptor_update_entries), template_type, descriptor_set_layout, pipeline_bind_point, pipeline_layout, set) _DescriptorUpdateTemplateCreateInfo(vks, deps, descriptor_set_layout, pipeline_layout) end """ Extension: VK\\_EXT\\_hdr\\_metadata Arguments: - `x::Float32` - `y::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkXYColorEXT.html) """ function _XYColorEXT(x::Real, y::Real) _XYColorEXT(VkXYColorEXT(x, y)) end """ Extension: VK\\_KHR\\_present\\_id Arguments: - `present_id::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePresentIdFeaturesKHR.html) """ function _PhysicalDevicePresentIdFeaturesKHR(present_id::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePresentIdFeaturesKHR(structure_type(VkPhysicalDevicePresentIdFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), present_id) _PhysicalDevicePresentIdFeaturesKHR(vks, deps) end """ Extension: VK\\_KHR\\_present\\_id Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `present_ids::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentIdKHR.html) """ function _PresentIdKHR(; next = C_NULL, present_ids = C_NULL) swapchain_count = pointer_length(present_ids) next = cconvert(Ptr{Cvoid}, next) present_ids = cconvert(Ptr{UInt64}, present_ids) deps = Any[next, present_ids] vks = VkPresentIdKHR(structure_type(VkPresentIdKHR), unsafe_convert(Ptr{Cvoid}, next), swapchain_count, unsafe_convert(Ptr{UInt64}, present_ids)) _PresentIdKHR(vks, deps) end """ Extension: VK\\_KHR\\_present\\_wait Arguments: - `present_wait::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePresentWaitFeaturesKHR.html) """ function _PhysicalDevicePresentWaitFeaturesKHR(present_wait::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePresentWaitFeaturesKHR(structure_type(VkPhysicalDevicePresentWaitFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), present_wait) _PhysicalDevicePresentWaitFeaturesKHR(vks, deps) end """ Extension: VK\\_EXT\\_hdr\\_metadata Arguments: - `display_primary_red::_XYColorEXT` - `display_primary_green::_XYColorEXT` - `display_primary_blue::_XYColorEXT` - `white_point::_XYColorEXT` - `max_luminance::Float32` - `min_luminance::Float32` - `max_content_light_level::Float32` - `max_frame_average_light_level::Float32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkHdrMetadataEXT.html) """ function _HdrMetadataEXT(display_primary_red::_XYColorEXT, display_primary_green::_XYColorEXT, display_primary_blue::_XYColorEXT, white_point::_XYColorEXT, max_luminance::Real, min_luminance::Real, max_content_light_level::Real, max_frame_average_light_level::Real; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkHdrMetadataEXT(structure_type(VkHdrMetadataEXT), unsafe_convert(Ptr{Cvoid}, next), display_primary_red.vks, display_primary_green.vks, display_primary_blue.vks, white_point.vks, max_luminance, min_luminance, max_content_light_level, max_frame_average_light_level) _HdrMetadataEXT(vks, deps) end """ Extension: VK\\_AMD\\_display\\_native\\_hdr Arguments: - `local_dimming_support::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayNativeHdrSurfaceCapabilitiesAMD.html) """ function _DisplayNativeHdrSurfaceCapabilitiesAMD(local_dimming_support::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDisplayNativeHdrSurfaceCapabilitiesAMD(structure_type(VkDisplayNativeHdrSurfaceCapabilitiesAMD), unsafe_convert(Ptr{Cvoid}, next), local_dimming_support) _DisplayNativeHdrSurfaceCapabilitiesAMD(vks, deps) end """ Extension: VK\\_AMD\\_display\\_native\\_hdr Arguments: - `local_dimming_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainDisplayNativeHdrCreateInfoAMD.html) """ function _SwapchainDisplayNativeHdrCreateInfoAMD(local_dimming_enable::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSwapchainDisplayNativeHdrCreateInfoAMD(structure_type(VkSwapchainDisplayNativeHdrCreateInfoAMD), unsafe_convert(Ptr{Cvoid}, next), local_dimming_enable) _SwapchainDisplayNativeHdrCreateInfoAMD(vks, deps) end """ Extension: VK\\_GOOGLE\\_display\\_timing Arguments: - `refresh_duration::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRefreshCycleDurationGOOGLE.html) """ function _RefreshCycleDurationGOOGLE(refresh_duration::Integer) _RefreshCycleDurationGOOGLE(VkRefreshCycleDurationGOOGLE(refresh_duration)) end """ Extension: VK\\_GOOGLE\\_display\\_timing Arguments: - `present_id::UInt32` - `desired_present_time::UInt64` - `actual_present_time::UInt64` - `earliest_present_time::UInt64` - `present_margin::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPastPresentationTimingGOOGLE.html) """ function _PastPresentationTimingGOOGLE(present_id::Integer, desired_present_time::Integer, actual_present_time::Integer, earliest_present_time::Integer, present_margin::Integer) _PastPresentationTimingGOOGLE(VkPastPresentationTimingGOOGLE(present_id, desired_present_time, actual_present_time, earliest_present_time, present_margin)) end """ Extension: VK\\_GOOGLE\\_display\\_timing Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `times::Vector{_PresentTimeGOOGLE}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentTimesInfoGOOGLE.html) """ function _PresentTimesInfoGOOGLE(; next = C_NULL, times = C_NULL) swapchain_count = pointer_length(times) next = cconvert(Ptr{Cvoid}, next) times = cconvert(Ptr{VkPresentTimeGOOGLE}, times) deps = Any[next, times] vks = VkPresentTimesInfoGOOGLE(structure_type(VkPresentTimesInfoGOOGLE), unsafe_convert(Ptr{Cvoid}, next), swapchain_count, unsafe_convert(Ptr{VkPresentTimeGOOGLE}, times)) _PresentTimesInfoGOOGLE(vks, deps) end """ Extension: VK\\_GOOGLE\\_display\\_timing Arguments: - `present_id::UInt32` - `desired_present_time::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentTimeGOOGLE.html) """ function _PresentTimeGOOGLE(present_id::Integer, desired_present_time::Integer) _PresentTimeGOOGLE(VkPresentTimeGOOGLE(present_id, desired_present_time)) end """ Extension: VK\\_NV\\_clip\\_space\\_w\\_scaling Arguments: - `xcoeff::Float32` - `ycoeff::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkViewportWScalingNV.html) """ function _ViewportWScalingNV(xcoeff::Real, ycoeff::Real) _ViewportWScalingNV(VkViewportWScalingNV(xcoeff, ycoeff)) end """ Extension: VK\\_NV\\_clip\\_space\\_w\\_scaling Arguments: - `viewport_w_scaling_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `viewport_w_scalings::Vector{_ViewportWScalingNV}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportWScalingStateCreateInfoNV.html) """ function _PipelineViewportWScalingStateCreateInfoNV(viewport_w_scaling_enable::Bool; next = C_NULL, viewport_w_scalings = C_NULL) viewport_count = pointer_length(viewport_w_scalings) next = cconvert(Ptr{Cvoid}, next) viewport_w_scalings = cconvert(Ptr{VkViewportWScalingNV}, viewport_w_scalings) deps = Any[next, viewport_w_scalings] vks = VkPipelineViewportWScalingStateCreateInfoNV(structure_type(VkPipelineViewportWScalingStateCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), viewport_w_scaling_enable, viewport_count, unsafe_convert(Ptr{VkViewportWScalingNV}, viewport_w_scalings)) _PipelineViewportWScalingStateCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_viewport\\_swizzle Arguments: - `x::ViewportCoordinateSwizzleNV` - `y::ViewportCoordinateSwizzleNV` - `z::ViewportCoordinateSwizzleNV` - `w::ViewportCoordinateSwizzleNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkViewportSwizzleNV.html) """ function _ViewportSwizzleNV(x::ViewportCoordinateSwizzleNV, y::ViewportCoordinateSwizzleNV, z::ViewportCoordinateSwizzleNV, w::ViewportCoordinateSwizzleNV) _ViewportSwizzleNV(VkViewportSwizzleNV(x, y, z, w)) end """ Extension: VK\\_NV\\_viewport\\_swizzle Arguments: - `viewport_swizzles::Vector{_ViewportSwizzleNV}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportSwizzleStateCreateInfoNV.html) """ function _PipelineViewportSwizzleStateCreateInfoNV(viewport_swizzles::AbstractArray; next = C_NULL, flags = 0) viewport_count = pointer_length(viewport_swizzles) next = cconvert(Ptr{Cvoid}, next) viewport_swizzles = cconvert(Ptr{VkViewportSwizzleNV}, viewport_swizzles) deps = Any[next, viewport_swizzles] vks = VkPipelineViewportSwizzleStateCreateInfoNV(structure_type(VkPipelineViewportSwizzleStateCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), flags, viewport_count, unsafe_convert(Ptr{VkViewportSwizzleNV}, viewport_swizzles)) _PipelineViewportSwizzleStateCreateInfoNV(vks, deps) end """ Extension: VK\\_EXT\\_discard\\_rectangles Arguments: - `max_discard_rectangles::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDiscardRectanglePropertiesEXT.html) """ function _PhysicalDeviceDiscardRectanglePropertiesEXT(max_discard_rectangles::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDiscardRectanglePropertiesEXT(structure_type(VkPhysicalDeviceDiscardRectanglePropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), max_discard_rectangles) _PhysicalDeviceDiscardRectanglePropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_discard\\_rectangles Arguments: - `discard_rectangle_mode::DiscardRectangleModeEXT` - `discard_rectangles::Vector{_Rect2D}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineDiscardRectangleStateCreateInfoEXT.html) """ function _PipelineDiscardRectangleStateCreateInfoEXT(discard_rectangle_mode::DiscardRectangleModeEXT, discard_rectangles::AbstractArray; next = C_NULL, flags = 0) discard_rectangle_count = pointer_length(discard_rectangles) next = cconvert(Ptr{Cvoid}, next) discard_rectangles = cconvert(Ptr{VkRect2D}, discard_rectangles) deps = Any[next, discard_rectangles] vks = VkPipelineDiscardRectangleStateCreateInfoEXT(structure_type(VkPipelineDiscardRectangleStateCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), flags, discard_rectangle_mode, discard_rectangle_count, unsafe_convert(Ptr{VkRect2D}, discard_rectangles)) _PipelineDiscardRectangleStateCreateInfoEXT(vks, deps) end """ Extension: VK\\_NVX\\_multiview\\_per\\_view\\_attributes Arguments: - `per_view_position_all_components::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX.html) """ function _PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX(per_view_position_all_components::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX(structure_type(VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX), unsafe_convert(Ptr{Cvoid}, next), per_view_position_all_components) _PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX(vks, deps) end """ Arguments: - `subpass::UInt32` - `input_attachment_index::UInt32` - `aspect_mask::ImageAspectFlag` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkInputAttachmentAspectReference.html) """ function _InputAttachmentAspectReference(subpass::Integer, input_attachment_index::Integer, aspect_mask::ImageAspectFlag) _InputAttachmentAspectReference(VkInputAttachmentAspectReference(subpass, input_attachment_index, aspect_mask)) end """ Arguments: - `aspect_references::Vector{_InputAttachmentAspectReference}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassInputAttachmentAspectCreateInfo.html) """ function _RenderPassInputAttachmentAspectCreateInfo(aspect_references::AbstractArray; next = C_NULL) aspect_reference_count = pointer_length(aspect_references) next = cconvert(Ptr{Cvoid}, next) aspect_references = cconvert(Ptr{VkInputAttachmentAspectReference}, aspect_references) deps = Any[next, aspect_references] vks = VkRenderPassInputAttachmentAspectCreateInfo(structure_type(VkRenderPassInputAttachmentAspectCreateInfo), unsafe_convert(Ptr{Cvoid}, next), aspect_reference_count, unsafe_convert(Ptr{VkInputAttachmentAspectReference}, aspect_references)) _RenderPassInputAttachmentAspectCreateInfo(vks, deps) end """ Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `surface::SurfaceKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSurfaceInfo2KHR.html) """ function _PhysicalDeviceSurfaceInfo2KHR(; next = C_NULL, surface = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSurfaceInfo2KHR(structure_type(VkPhysicalDeviceSurfaceInfo2KHR), unsafe_convert(Ptr{Cvoid}, next), surface) _PhysicalDeviceSurfaceInfo2KHR(vks, deps, surface) end """ Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 Arguments: - `surface_capabilities::_SurfaceCapabilitiesKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilities2KHR.html) """ function _SurfaceCapabilities2KHR(surface_capabilities::_SurfaceCapabilitiesKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSurfaceCapabilities2KHR(structure_type(VkSurfaceCapabilities2KHR), unsafe_convert(Ptr{Cvoid}, next), surface_capabilities.vks) _SurfaceCapabilities2KHR(vks, deps) end """ Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 Arguments: - `surface_format::_SurfaceFormatKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceFormat2KHR.html) """ function _SurfaceFormat2KHR(surface_format::_SurfaceFormatKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSurfaceFormat2KHR(structure_type(VkSurfaceFormat2KHR), unsafe_convert(Ptr{Cvoid}, next), surface_format.vks) _SurfaceFormat2KHR(vks, deps) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Arguments: - `display_properties::_DisplayPropertiesKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayProperties2KHR.html) """ function _DisplayProperties2KHR(display_properties::_DisplayPropertiesKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDisplayProperties2KHR(structure_type(VkDisplayProperties2KHR), unsafe_convert(Ptr{Cvoid}, next), display_properties.vks) _DisplayProperties2KHR(vks, deps) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Arguments: - `display_plane_properties::_DisplayPlanePropertiesKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneProperties2KHR.html) """ function _DisplayPlaneProperties2KHR(display_plane_properties::_DisplayPlanePropertiesKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDisplayPlaneProperties2KHR(structure_type(VkDisplayPlaneProperties2KHR), unsafe_convert(Ptr{Cvoid}, next), display_plane_properties.vks) _DisplayPlaneProperties2KHR(vks, deps) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Arguments: - `display_mode_properties::_DisplayModePropertiesKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModeProperties2KHR.html) """ function _DisplayModeProperties2KHR(display_mode_properties::_DisplayModePropertiesKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDisplayModeProperties2KHR(structure_type(VkDisplayModeProperties2KHR), unsafe_convert(Ptr{Cvoid}, next), display_mode_properties.vks) _DisplayModeProperties2KHR(vks, deps) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Arguments: - `mode::DisplayModeKHR` (externsync) - `plane_index::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneInfo2KHR.html) """ function _DisplayPlaneInfo2KHR(mode, plane_index::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDisplayPlaneInfo2KHR(structure_type(VkDisplayPlaneInfo2KHR), unsafe_convert(Ptr{Cvoid}, next), mode, plane_index) _DisplayPlaneInfo2KHR(vks, deps, mode) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Arguments: - `capabilities::_DisplayPlaneCapabilitiesKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneCapabilities2KHR.html) """ function _DisplayPlaneCapabilities2KHR(capabilities::_DisplayPlaneCapabilitiesKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDisplayPlaneCapabilities2KHR(structure_type(VkDisplayPlaneCapabilities2KHR), unsafe_convert(Ptr{Cvoid}, next), capabilities.vks) _DisplayPlaneCapabilities2KHR(vks, deps) end """ Extension: VK\\_KHR\\_shared\\_presentable\\_image Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `shared_present_supported_usage_flags::ImageUsageFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSharedPresentSurfaceCapabilitiesKHR.html) """ function _SharedPresentSurfaceCapabilitiesKHR(; next = C_NULL, shared_present_supported_usage_flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSharedPresentSurfaceCapabilitiesKHR(structure_type(VkSharedPresentSurfaceCapabilitiesKHR), unsafe_convert(Ptr{Cvoid}, next), shared_present_supported_usage_flags) _SharedPresentSurfaceCapabilitiesKHR(vks, deps) end """ Arguments: - `storage_buffer_16_bit_access::Bool` - `uniform_and_storage_buffer_16_bit_access::Bool` - `storage_push_constant_16::Bool` - `storage_input_output_16::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevice16BitStorageFeatures.html) """ function _PhysicalDevice16BitStorageFeatures(storage_buffer_16_bit_access::Bool, uniform_and_storage_buffer_16_bit_access::Bool, storage_push_constant_16::Bool, storage_input_output_16::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevice16BitStorageFeatures(structure_type(VkPhysicalDevice16BitStorageFeatures), unsafe_convert(Ptr{Cvoid}, next), storage_buffer_16_bit_access, uniform_and_storage_buffer_16_bit_access, storage_push_constant_16, storage_input_output_16) _PhysicalDevice16BitStorageFeatures(vks, deps) end """ Arguments: - `subgroup_size::UInt32` - `supported_stages::ShaderStageFlag` - `supported_operations::SubgroupFeatureFlag` - `quad_operations_in_all_stages::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubgroupProperties.html) """ function _PhysicalDeviceSubgroupProperties(subgroup_size::Integer, supported_stages::ShaderStageFlag, supported_operations::SubgroupFeatureFlag, quad_operations_in_all_stages::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSubgroupProperties(structure_type(VkPhysicalDeviceSubgroupProperties), unsafe_convert(Ptr{Cvoid}, next), subgroup_size, supported_stages, supported_operations, quad_operations_in_all_stages) _PhysicalDeviceSubgroupProperties(vks, deps) end """ Arguments: - `shader_subgroup_extended_types::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures.html) """ function _PhysicalDeviceShaderSubgroupExtendedTypesFeatures(shader_subgroup_extended_types::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures(structure_type(VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures), unsafe_convert(Ptr{Cvoid}, next), shader_subgroup_extended_types) _PhysicalDeviceShaderSubgroupExtendedTypesFeatures(vks, deps) end """ Arguments: - `buffer::Buffer` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferMemoryRequirementsInfo2.html) """ function _BufferMemoryRequirementsInfo2(buffer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBufferMemoryRequirementsInfo2(structure_type(VkBufferMemoryRequirementsInfo2), unsafe_convert(Ptr{Cvoid}, next), buffer) _BufferMemoryRequirementsInfo2(vks, deps, buffer) end """ Arguments: - `create_info::_BufferCreateInfo` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceBufferMemoryRequirements.html) """ function _DeviceBufferMemoryRequirements(create_info::_BufferCreateInfo; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) create_info = cconvert(Ptr{VkBufferCreateInfo}, create_info) deps = Any[next, create_info] vks = VkDeviceBufferMemoryRequirements(structure_type(VkDeviceBufferMemoryRequirements), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{VkBufferCreateInfo}, create_info)) _DeviceBufferMemoryRequirements(vks, deps) end """ Arguments: - `image::Image` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageMemoryRequirementsInfo2.html) """ function _ImageMemoryRequirementsInfo2(image; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageMemoryRequirementsInfo2(structure_type(VkImageMemoryRequirementsInfo2), unsafe_convert(Ptr{Cvoid}, next), image) _ImageMemoryRequirementsInfo2(vks, deps, image) end """ Arguments: - `image::Image` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSparseMemoryRequirementsInfo2.html) """ function _ImageSparseMemoryRequirementsInfo2(image; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageSparseMemoryRequirementsInfo2(structure_type(VkImageSparseMemoryRequirementsInfo2), unsafe_convert(Ptr{Cvoid}, next), image) _ImageSparseMemoryRequirementsInfo2(vks, deps, image) end """ Arguments: - `create_info::_ImageCreateInfo` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `plane_aspect::ImageAspectFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceImageMemoryRequirements.html) """ function _DeviceImageMemoryRequirements(create_info::_ImageCreateInfo; next = C_NULL, plane_aspect = 0) next = cconvert(Ptr{Cvoid}, next) create_info = cconvert(Ptr{VkImageCreateInfo}, create_info) deps = Any[next, create_info] vks = VkDeviceImageMemoryRequirements(structure_type(VkDeviceImageMemoryRequirements), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{VkImageCreateInfo}, create_info), VkImageAspectFlagBits(plane_aspect.val)) _DeviceImageMemoryRequirements(vks, deps) end """ Arguments: - `memory_requirements::_MemoryRequirements` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryRequirements2.html) """ function _MemoryRequirements2(memory_requirements::_MemoryRequirements; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryRequirements2(structure_type(VkMemoryRequirements2), unsafe_convert(Ptr{Cvoid}, next), memory_requirements.vks) _MemoryRequirements2(vks, deps) end """ Arguments: - `memory_requirements::_SparseImageMemoryRequirements` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryRequirements2.html) """ function _SparseImageMemoryRequirements2(memory_requirements::_SparseImageMemoryRequirements; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSparseImageMemoryRequirements2(structure_type(VkSparseImageMemoryRequirements2), unsafe_convert(Ptr{Cvoid}, next), memory_requirements.vks) _SparseImageMemoryRequirements2(vks, deps) end """ Arguments: - `point_clipping_behavior::PointClippingBehavior` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePointClippingProperties.html) """ function _PhysicalDevicePointClippingProperties(point_clipping_behavior::PointClippingBehavior; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePointClippingProperties(structure_type(VkPhysicalDevicePointClippingProperties), unsafe_convert(Ptr{Cvoid}, next), point_clipping_behavior) _PhysicalDevicePointClippingProperties(vks, deps) end """ Arguments: - `prefers_dedicated_allocation::Bool` - `requires_dedicated_allocation::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryDedicatedRequirements.html) """ function _MemoryDedicatedRequirements(prefers_dedicated_allocation::Bool, requires_dedicated_allocation::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryDedicatedRequirements(structure_type(VkMemoryDedicatedRequirements), unsafe_convert(Ptr{Cvoid}, next), prefers_dedicated_allocation, requires_dedicated_allocation) _MemoryDedicatedRequirements(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `image::Image`: defaults to `C_NULL` - `buffer::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryDedicatedAllocateInfo.html) """ function _MemoryDedicatedAllocateInfo(; next = C_NULL, image = C_NULL, buffer = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryDedicatedAllocateInfo(structure_type(VkMemoryDedicatedAllocateInfo), unsafe_convert(Ptr{Cvoid}, next), image, buffer) _MemoryDedicatedAllocateInfo(vks, deps, image, buffer) end """ Arguments: - `usage::ImageUsageFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewUsageCreateInfo.html) """ function _ImageViewUsageCreateInfo(usage::ImageUsageFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageViewUsageCreateInfo(structure_type(VkImageViewUsageCreateInfo), unsafe_convert(Ptr{Cvoid}, next), usage) _ImageViewUsageCreateInfo(vks, deps) end """ Arguments: - `domain_origin::TessellationDomainOrigin` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineTessellationDomainOriginStateCreateInfo.html) """ function _PipelineTessellationDomainOriginStateCreateInfo(domain_origin::TessellationDomainOrigin; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineTessellationDomainOriginStateCreateInfo(structure_type(VkPipelineTessellationDomainOriginStateCreateInfo), unsafe_convert(Ptr{Cvoid}, next), domain_origin) _PipelineTessellationDomainOriginStateCreateInfo(vks, deps) end """ Arguments: - `conversion::SamplerYcbcrConversion` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerYcbcrConversionInfo.html) """ function _SamplerYcbcrConversionInfo(conversion; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSamplerYcbcrConversionInfo(structure_type(VkSamplerYcbcrConversionInfo), unsafe_convert(Ptr{Cvoid}, next), conversion) _SamplerYcbcrConversionInfo(vks, deps, conversion) end """ Arguments: - `format::Format` - `ycbcr_model::SamplerYcbcrModelConversion` - `ycbcr_range::SamplerYcbcrRange` - `components::_ComponentMapping` - `x_chroma_offset::ChromaLocation` - `y_chroma_offset::ChromaLocation` - `chroma_filter::Filter` - `force_explicit_reconstruction::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerYcbcrConversionCreateInfo.html) """ function _SamplerYcbcrConversionCreateInfo(format::Format, ycbcr_model::SamplerYcbcrModelConversion, ycbcr_range::SamplerYcbcrRange, components::_ComponentMapping, x_chroma_offset::ChromaLocation, y_chroma_offset::ChromaLocation, chroma_filter::Filter, force_explicit_reconstruction::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSamplerYcbcrConversionCreateInfo(structure_type(VkSamplerYcbcrConversionCreateInfo), unsafe_convert(Ptr{Cvoid}, next), format, ycbcr_model, ycbcr_range, components.vks, x_chroma_offset, y_chroma_offset, chroma_filter, force_explicit_reconstruction) _SamplerYcbcrConversionCreateInfo(vks, deps) end """ Arguments: - `plane_aspect::ImageAspectFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImagePlaneMemoryInfo.html) """ function _BindImagePlaneMemoryInfo(plane_aspect::ImageAspectFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBindImagePlaneMemoryInfo(structure_type(VkBindImagePlaneMemoryInfo), unsafe_convert(Ptr{Cvoid}, next), VkImageAspectFlagBits(plane_aspect.val)) _BindImagePlaneMemoryInfo(vks, deps) end """ Arguments: - `plane_aspect::ImageAspectFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImagePlaneMemoryRequirementsInfo.html) """ function _ImagePlaneMemoryRequirementsInfo(plane_aspect::ImageAspectFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImagePlaneMemoryRequirementsInfo(structure_type(VkImagePlaneMemoryRequirementsInfo), unsafe_convert(Ptr{Cvoid}, next), VkImageAspectFlagBits(plane_aspect.val)) _ImagePlaneMemoryRequirementsInfo(vks, deps) end """ Arguments: - `sampler_ycbcr_conversion::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSamplerYcbcrConversionFeatures.html) """ function _PhysicalDeviceSamplerYcbcrConversionFeatures(sampler_ycbcr_conversion::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSamplerYcbcrConversionFeatures(structure_type(VkPhysicalDeviceSamplerYcbcrConversionFeatures), unsafe_convert(Ptr{Cvoid}, next), sampler_ycbcr_conversion) _PhysicalDeviceSamplerYcbcrConversionFeatures(vks, deps) end """ Arguments: - `combined_image_sampler_descriptor_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerYcbcrConversionImageFormatProperties.html) """ function _SamplerYcbcrConversionImageFormatProperties(combined_image_sampler_descriptor_count::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSamplerYcbcrConversionImageFormatProperties(structure_type(VkSamplerYcbcrConversionImageFormatProperties), unsafe_convert(Ptr{Cvoid}, next), combined_image_sampler_descriptor_count) _SamplerYcbcrConversionImageFormatProperties(vks, deps) end """ Extension: VK\\_AMD\\_texture\\_gather\\_bias\\_lod Arguments: - `supports_texture_gather_lod_bias_amd::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTextureLODGatherFormatPropertiesAMD.html) """ function _TextureLODGatherFormatPropertiesAMD(supports_texture_gather_lod_bias_amd::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkTextureLODGatherFormatPropertiesAMD(structure_type(VkTextureLODGatherFormatPropertiesAMD), unsafe_convert(Ptr{Cvoid}, next), supports_texture_gather_lod_bias_amd) _TextureLODGatherFormatPropertiesAMD(vks, deps) end """ Extension: VK\\_EXT\\_conditional\\_rendering Arguments: - `buffer::Buffer` - `offset::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::ConditionalRenderingFlagEXT`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkConditionalRenderingBeginInfoEXT.html) """ function _ConditionalRenderingBeginInfoEXT(buffer, offset::Integer; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkConditionalRenderingBeginInfoEXT(structure_type(VkConditionalRenderingBeginInfoEXT), unsafe_convert(Ptr{Cvoid}, next), buffer, offset, flags) _ConditionalRenderingBeginInfoEXT(vks, deps, buffer) end """ Arguments: - `protected_submit::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkProtectedSubmitInfo.html) """ function _ProtectedSubmitInfo(protected_submit::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkProtectedSubmitInfo(structure_type(VkProtectedSubmitInfo), unsafe_convert(Ptr{Cvoid}, next), protected_submit) _ProtectedSubmitInfo(vks, deps) end """ Arguments: - `protected_memory::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProtectedMemoryFeatures.html) """ function _PhysicalDeviceProtectedMemoryFeatures(protected_memory::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceProtectedMemoryFeatures(structure_type(VkPhysicalDeviceProtectedMemoryFeatures), unsafe_convert(Ptr{Cvoid}, next), protected_memory) _PhysicalDeviceProtectedMemoryFeatures(vks, deps) end """ Arguments: - `protected_no_fault::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProtectedMemoryProperties.html) """ function _PhysicalDeviceProtectedMemoryProperties(protected_no_fault::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceProtectedMemoryProperties(structure_type(VkPhysicalDeviceProtectedMemoryProperties), unsafe_convert(Ptr{Cvoid}, next), protected_no_fault) _PhysicalDeviceProtectedMemoryProperties(vks, deps) end """ Arguments: - `queue_family_index::UInt32` - `queue_index::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::DeviceQueueCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceQueueInfo2.html) """ function _DeviceQueueInfo2(queue_family_index::Integer, queue_index::Integer; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceQueueInfo2(structure_type(VkDeviceQueueInfo2), unsafe_convert(Ptr{Cvoid}, next), flags, queue_family_index, queue_index) _DeviceQueueInfo2(vks, deps) end """ Extension: VK\\_NV\\_fragment\\_coverage\\_to\\_color Arguments: - `coverage_to_color_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `coverage_to_color_location::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCoverageToColorStateCreateInfoNV.html) """ function _PipelineCoverageToColorStateCreateInfoNV(coverage_to_color_enable::Bool; next = C_NULL, flags = 0, coverage_to_color_location = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineCoverageToColorStateCreateInfoNV(structure_type(VkPipelineCoverageToColorStateCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), flags, coverage_to_color_enable, coverage_to_color_location) _PipelineCoverageToColorStateCreateInfoNV(vks, deps) end """ Arguments: - `filter_minmax_single_component_formats::Bool` - `filter_minmax_image_component_mapping::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSamplerFilterMinmaxProperties.html) """ function _PhysicalDeviceSamplerFilterMinmaxProperties(filter_minmax_single_component_formats::Bool, filter_minmax_image_component_mapping::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSamplerFilterMinmaxProperties(structure_type(VkPhysicalDeviceSamplerFilterMinmaxProperties), unsafe_convert(Ptr{Cvoid}, next), filter_minmax_single_component_formats, filter_minmax_image_component_mapping) _PhysicalDeviceSamplerFilterMinmaxProperties(vks, deps) end """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `x::Float32` - `y::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSampleLocationEXT.html) """ function _SampleLocationEXT(x::Real, y::Real) _SampleLocationEXT(VkSampleLocationEXT(x, y)) end """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `sample_locations_per_pixel::SampleCountFlag` - `sample_location_grid_size::_Extent2D` - `sample_locations::Vector{_SampleLocationEXT}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSampleLocationsInfoEXT.html) """ function _SampleLocationsInfoEXT(sample_locations_per_pixel::SampleCountFlag, sample_location_grid_size::_Extent2D, sample_locations::AbstractArray; next = C_NULL) sample_locations_count = pointer_length(sample_locations) next = cconvert(Ptr{Cvoid}, next) sample_locations = cconvert(Ptr{VkSampleLocationEXT}, sample_locations) deps = Any[next, sample_locations] vks = VkSampleLocationsInfoEXT(structure_type(VkSampleLocationsInfoEXT), unsafe_convert(Ptr{Cvoid}, next), VkSampleCountFlagBits(sample_locations_per_pixel.val), sample_location_grid_size.vks, sample_locations_count, unsafe_convert(Ptr{VkSampleLocationEXT}, sample_locations)) _SampleLocationsInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `attachment_index::UInt32` - `sample_locations_info::_SampleLocationsInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentSampleLocationsEXT.html) """ function _AttachmentSampleLocationsEXT(attachment_index::Integer, sample_locations_info::_SampleLocationsInfoEXT) _AttachmentSampleLocationsEXT(VkAttachmentSampleLocationsEXT(attachment_index, sample_locations_info.vks)) end """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `subpass_index::UInt32` - `sample_locations_info::_SampleLocationsInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassSampleLocationsEXT.html) """ function _SubpassSampleLocationsEXT(subpass_index::Integer, sample_locations_info::_SampleLocationsInfoEXT) _SubpassSampleLocationsEXT(VkSubpassSampleLocationsEXT(subpass_index, sample_locations_info.vks)) end """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `attachment_initial_sample_locations::Vector{_AttachmentSampleLocationsEXT}` - `post_subpass_sample_locations::Vector{_SubpassSampleLocationsEXT}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassSampleLocationsBeginInfoEXT.html) """ function _RenderPassSampleLocationsBeginInfoEXT(attachment_initial_sample_locations::AbstractArray, post_subpass_sample_locations::AbstractArray; next = C_NULL) attachment_initial_sample_locations_count = pointer_length(attachment_initial_sample_locations) post_subpass_sample_locations_count = pointer_length(post_subpass_sample_locations) next = cconvert(Ptr{Cvoid}, next) attachment_initial_sample_locations = cconvert(Ptr{VkAttachmentSampleLocationsEXT}, attachment_initial_sample_locations) post_subpass_sample_locations = cconvert(Ptr{VkSubpassSampleLocationsEXT}, post_subpass_sample_locations) deps = Any[next, attachment_initial_sample_locations, post_subpass_sample_locations] vks = VkRenderPassSampleLocationsBeginInfoEXT(structure_type(VkRenderPassSampleLocationsBeginInfoEXT), unsafe_convert(Ptr{Cvoid}, next), attachment_initial_sample_locations_count, unsafe_convert(Ptr{VkAttachmentSampleLocationsEXT}, attachment_initial_sample_locations), post_subpass_sample_locations_count, unsafe_convert(Ptr{VkSubpassSampleLocationsEXT}, post_subpass_sample_locations)) _RenderPassSampleLocationsBeginInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `sample_locations_enable::Bool` - `sample_locations_info::_SampleLocationsInfoEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineSampleLocationsStateCreateInfoEXT.html) """ function _PipelineSampleLocationsStateCreateInfoEXT(sample_locations_enable::Bool, sample_locations_info::_SampleLocationsInfoEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineSampleLocationsStateCreateInfoEXT(structure_type(VkPipelineSampleLocationsStateCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), sample_locations_enable, sample_locations_info.vks) _PipelineSampleLocationsStateCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `sample_location_sample_counts::SampleCountFlag` - `max_sample_location_grid_size::_Extent2D` - `sample_location_coordinate_range::NTuple{2, Float32}` - `sample_location_sub_pixel_bits::UInt32` - `variable_sample_locations::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSampleLocationsPropertiesEXT.html) """ function _PhysicalDeviceSampleLocationsPropertiesEXT(sample_location_sample_counts::SampleCountFlag, max_sample_location_grid_size::_Extent2D, sample_location_coordinate_range::NTuple{2, Float32}, sample_location_sub_pixel_bits::Integer, variable_sample_locations::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSampleLocationsPropertiesEXT(structure_type(VkPhysicalDeviceSampleLocationsPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), sample_location_sample_counts, max_sample_location_grid_size.vks, sample_location_coordinate_range, sample_location_sub_pixel_bits, variable_sample_locations) _PhysicalDeviceSampleLocationsPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `max_sample_location_grid_size::_Extent2D` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultisamplePropertiesEXT.html) """ function _MultisamplePropertiesEXT(max_sample_location_grid_size::_Extent2D; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMultisamplePropertiesEXT(structure_type(VkMultisamplePropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), max_sample_location_grid_size.vks) _MultisamplePropertiesEXT(vks, deps) end """ Arguments: - `reduction_mode::SamplerReductionMode` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerReductionModeCreateInfo.html) """ function _SamplerReductionModeCreateInfo(reduction_mode::SamplerReductionMode; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSamplerReductionModeCreateInfo(structure_type(VkSamplerReductionModeCreateInfo), unsafe_convert(Ptr{Cvoid}, next), reduction_mode) _SamplerReductionModeCreateInfo(vks, deps) end """ Extension: VK\\_EXT\\_blend\\_operation\\_advanced Arguments: - `advanced_blend_coherent_operations::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT.html) """ function _PhysicalDeviceBlendOperationAdvancedFeaturesEXT(advanced_blend_coherent_operations::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT(structure_type(VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), advanced_blend_coherent_operations) _PhysicalDeviceBlendOperationAdvancedFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_multi\\_draw Arguments: - `multi_draw::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiDrawFeaturesEXT.html) """ function _PhysicalDeviceMultiDrawFeaturesEXT(multi_draw::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMultiDrawFeaturesEXT(structure_type(VkPhysicalDeviceMultiDrawFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), multi_draw) _PhysicalDeviceMultiDrawFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_blend\\_operation\\_advanced Arguments: - `advanced_blend_max_color_attachments::UInt32` - `advanced_blend_independent_blend::Bool` - `advanced_blend_non_premultiplied_src_color::Bool` - `advanced_blend_non_premultiplied_dst_color::Bool` - `advanced_blend_correlated_overlap::Bool` - `advanced_blend_all_operations::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT.html) """ function _PhysicalDeviceBlendOperationAdvancedPropertiesEXT(advanced_blend_max_color_attachments::Integer, advanced_blend_independent_blend::Bool, advanced_blend_non_premultiplied_src_color::Bool, advanced_blend_non_premultiplied_dst_color::Bool, advanced_blend_correlated_overlap::Bool, advanced_blend_all_operations::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT(structure_type(VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), advanced_blend_max_color_attachments, advanced_blend_independent_blend, advanced_blend_non_premultiplied_src_color, advanced_blend_non_premultiplied_dst_color, advanced_blend_correlated_overlap, advanced_blend_all_operations) _PhysicalDeviceBlendOperationAdvancedPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_blend\\_operation\\_advanced Arguments: - `src_premultiplied::Bool` - `dst_premultiplied::Bool` - `blend_overlap::BlendOverlapEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorBlendAdvancedStateCreateInfoEXT.html) """ function _PipelineColorBlendAdvancedStateCreateInfoEXT(src_premultiplied::Bool, dst_premultiplied::Bool, blend_overlap::BlendOverlapEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineColorBlendAdvancedStateCreateInfoEXT(structure_type(VkPipelineColorBlendAdvancedStateCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), src_premultiplied, dst_premultiplied, blend_overlap) _PipelineColorBlendAdvancedStateCreateInfoEXT(vks, deps) end """ Arguments: - `inline_uniform_block::Bool` - `descriptor_binding_inline_uniform_block_update_after_bind::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInlineUniformBlockFeatures.html) """ function _PhysicalDeviceInlineUniformBlockFeatures(inline_uniform_block::Bool, descriptor_binding_inline_uniform_block_update_after_bind::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceInlineUniformBlockFeatures(structure_type(VkPhysicalDeviceInlineUniformBlockFeatures), unsafe_convert(Ptr{Cvoid}, next), inline_uniform_block, descriptor_binding_inline_uniform_block_update_after_bind) _PhysicalDeviceInlineUniformBlockFeatures(vks, deps) end """ Arguments: - `max_inline_uniform_block_size::UInt32` - `max_per_stage_descriptor_inline_uniform_blocks::UInt32` - `max_per_stage_descriptor_update_after_bind_inline_uniform_blocks::UInt32` - `max_descriptor_set_inline_uniform_blocks::UInt32` - `max_descriptor_set_update_after_bind_inline_uniform_blocks::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInlineUniformBlockProperties.html) """ function _PhysicalDeviceInlineUniformBlockProperties(max_inline_uniform_block_size::Integer, max_per_stage_descriptor_inline_uniform_blocks::Integer, max_per_stage_descriptor_update_after_bind_inline_uniform_blocks::Integer, max_descriptor_set_inline_uniform_blocks::Integer, max_descriptor_set_update_after_bind_inline_uniform_blocks::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceInlineUniformBlockProperties(structure_type(VkPhysicalDeviceInlineUniformBlockProperties), unsafe_convert(Ptr{Cvoid}, next), max_inline_uniform_block_size, max_per_stage_descriptor_inline_uniform_blocks, max_per_stage_descriptor_update_after_bind_inline_uniform_blocks, max_descriptor_set_inline_uniform_blocks, max_descriptor_set_update_after_bind_inline_uniform_blocks) _PhysicalDeviceInlineUniformBlockProperties(vks, deps) end """ Arguments: - `data_size::UInt32` - `data::Ptr{Cvoid}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSetInlineUniformBlock.html) """ function _WriteDescriptorSetInlineUniformBlock(data_size::Integer, data::Ptr{Cvoid}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) data = cconvert(Ptr{Cvoid}, data) deps = Any[next, data] vks = VkWriteDescriptorSetInlineUniformBlock(structure_type(VkWriteDescriptorSetInlineUniformBlock), unsafe_convert(Ptr{Cvoid}, next), data_size, unsafe_convert(Ptr{Cvoid}, data)) _WriteDescriptorSetInlineUniformBlock(vks, deps) end """ Arguments: - `max_inline_uniform_block_bindings::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorPoolInlineUniformBlockCreateInfo.html) """ function _DescriptorPoolInlineUniformBlockCreateInfo(max_inline_uniform_block_bindings::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDescriptorPoolInlineUniformBlockCreateInfo(structure_type(VkDescriptorPoolInlineUniformBlockCreateInfo), unsafe_convert(Ptr{Cvoid}, next), max_inline_uniform_block_bindings) _DescriptorPoolInlineUniformBlockCreateInfo(vks, deps) end """ Extension: VK\\_NV\\_framebuffer\\_mixed\\_samples Arguments: - `coverage_modulation_mode::CoverageModulationModeNV` - `coverage_modulation_table_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `coverage_modulation_table::Vector{Float32}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCoverageModulationStateCreateInfoNV.html) """ function _PipelineCoverageModulationStateCreateInfoNV(coverage_modulation_mode::CoverageModulationModeNV, coverage_modulation_table_enable::Bool; next = C_NULL, flags = 0, coverage_modulation_table = C_NULL) coverage_modulation_table_count = pointer_length(coverage_modulation_table) next = cconvert(Ptr{Cvoid}, next) coverage_modulation_table = cconvert(Ptr{Float32}, coverage_modulation_table) deps = Any[next, coverage_modulation_table] vks = VkPipelineCoverageModulationStateCreateInfoNV(structure_type(VkPipelineCoverageModulationStateCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), flags, coverage_modulation_mode, coverage_modulation_table_enable, coverage_modulation_table_count, unsafe_convert(Ptr{Float32}, coverage_modulation_table)) _PipelineCoverageModulationStateCreateInfoNV(vks, deps) end """ Arguments: - `view_formats::Vector{Format}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageFormatListCreateInfo.html) """ function _ImageFormatListCreateInfo(view_formats::AbstractArray; next = C_NULL) view_format_count = pointer_length(view_formats) next = cconvert(Ptr{Cvoid}, next) view_formats = cconvert(Ptr{VkFormat}, view_formats) deps = Any[next, view_formats] vks = VkImageFormatListCreateInfo(structure_type(VkImageFormatListCreateInfo), unsafe_convert(Ptr{Cvoid}, next), view_format_count, unsafe_convert(Ptr{VkFormat}, view_formats)) _ImageFormatListCreateInfo(vks, deps) end """ Extension: VK\\_EXT\\_validation\\_cache Arguments: - `initial_data::Ptr{Cvoid}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `initial_data_size::UInt`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkValidationCacheCreateInfoEXT.html) """ function _ValidationCacheCreateInfoEXT(initial_data::Ptr{Cvoid}; next = C_NULL, flags = 0, initial_data_size = 0) next = cconvert(Ptr{Cvoid}, next) initial_data = cconvert(Ptr{Cvoid}, initial_data) deps = Any[next, initial_data] vks = VkValidationCacheCreateInfoEXT(structure_type(VkValidationCacheCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), flags, initial_data_size, unsafe_convert(Ptr{Cvoid}, initial_data)) _ValidationCacheCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_validation\\_cache Arguments: - `validation_cache::ValidationCacheEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderModuleValidationCacheCreateInfoEXT.html) """ function _ShaderModuleValidationCacheCreateInfoEXT(validation_cache; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkShaderModuleValidationCacheCreateInfoEXT(structure_type(VkShaderModuleValidationCacheCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), validation_cache) _ShaderModuleValidationCacheCreateInfoEXT(vks, deps, validation_cache) end """ Arguments: - `max_per_set_descriptors::UInt32` - `max_memory_allocation_size::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMaintenance3Properties.html) """ function _PhysicalDeviceMaintenance3Properties(max_per_set_descriptors::Integer, max_memory_allocation_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMaintenance3Properties(structure_type(VkPhysicalDeviceMaintenance3Properties), unsafe_convert(Ptr{Cvoid}, next), max_per_set_descriptors, max_memory_allocation_size) _PhysicalDeviceMaintenance3Properties(vks, deps) end """ Arguments: - `maintenance4::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMaintenance4Features.html) """ function _PhysicalDeviceMaintenance4Features(maintenance4::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMaintenance4Features(structure_type(VkPhysicalDeviceMaintenance4Features), unsafe_convert(Ptr{Cvoid}, next), maintenance4) _PhysicalDeviceMaintenance4Features(vks, deps) end """ Arguments: - `max_buffer_size::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMaintenance4Properties.html) """ function _PhysicalDeviceMaintenance4Properties(max_buffer_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMaintenance4Properties(structure_type(VkPhysicalDeviceMaintenance4Properties), unsafe_convert(Ptr{Cvoid}, next), max_buffer_size) _PhysicalDeviceMaintenance4Properties(vks, deps) end """ Arguments: - `supported::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutSupport.html) """ function _DescriptorSetLayoutSupport(supported::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDescriptorSetLayoutSupport(structure_type(VkDescriptorSetLayoutSupport), unsafe_convert(Ptr{Cvoid}, next), supported) _DescriptorSetLayoutSupport(vks, deps) end """ Arguments: - `shader_draw_parameters::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderDrawParametersFeatures.html) """ function _PhysicalDeviceShaderDrawParametersFeatures(shader_draw_parameters::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderDrawParametersFeatures(structure_type(VkPhysicalDeviceShaderDrawParametersFeatures), unsafe_convert(Ptr{Cvoid}, next), shader_draw_parameters) _PhysicalDeviceShaderDrawParametersFeatures(vks, deps) end """ Arguments: - `shader_float_16::Bool` - `shader_int_8::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderFloat16Int8Features.html) """ function _PhysicalDeviceShaderFloat16Int8Features(shader_float_16::Bool, shader_int_8::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderFloat16Int8Features(structure_type(VkPhysicalDeviceShaderFloat16Int8Features), unsafe_convert(Ptr{Cvoid}, next), shader_float_16, shader_int_8) _PhysicalDeviceShaderFloat16Int8Features(vks, deps) end """ Arguments: - `denorm_behavior_independence::ShaderFloatControlsIndependence` - `rounding_mode_independence::ShaderFloatControlsIndependence` - `shader_signed_zero_inf_nan_preserve_float_16::Bool` - `shader_signed_zero_inf_nan_preserve_float_32::Bool` - `shader_signed_zero_inf_nan_preserve_float_64::Bool` - `shader_denorm_preserve_float_16::Bool` - `shader_denorm_preserve_float_32::Bool` - `shader_denorm_preserve_float_64::Bool` - `shader_denorm_flush_to_zero_float_16::Bool` - `shader_denorm_flush_to_zero_float_32::Bool` - `shader_denorm_flush_to_zero_float_64::Bool` - `shader_rounding_mode_rte_float_16::Bool` - `shader_rounding_mode_rte_float_32::Bool` - `shader_rounding_mode_rte_float_64::Bool` - `shader_rounding_mode_rtz_float_16::Bool` - `shader_rounding_mode_rtz_float_32::Bool` - `shader_rounding_mode_rtz_float_64::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFloatControlsProperties.html) """ function _PhysicalDeviceFloatControlsProperties(denorm_behavior_independence::ShaderFloatControlsIndependence, rounding_mode_independence::ShaderFloatControlsIndependence, shader_signed_zero_inf_nan_preserve_float_16::Bool, shader_signed_zero_inf_nan_preserve_float_32::Bool, shader_signed_zero_inf_nan_preserve_float_64::Bool, shader_denorm_preserve_float_16::Bool, shader_denorm_preserve_float_32::Bool, shader_denorm_preserve_float_64::Bool, shader_denorm_flush_to_zero_float_16::Bool, shader_denorm_flush_to_zero_float_32::Bool, shader_denorm_flush_to_zero_float_64::Bool, shader_rounding_mode_rte_float_16::Bool, shader_rounding_mode_rte_float_32::Bool, shader_rounding_mode_rte_float_64::Bool, shader_rounding_mode_rtz_float_16::Bool, shader_rounding_mode_rtz_float_32::Bool, shader_rounding_mode_rtz_float_64::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFloatControlsProperties(structure_type(VkPhysicalDeviceFloatControlsProperties), unsafe_convert(Ptr{Cvoid}, next), denorm_behavior_independence, rounding_mode_independence, shader_signed_zero_inf_nan_preserve_float_16, shader_signed_zero_inf_nan_preserve_float_32, shader_signed_zero_inf_nan_preserve_float_64, shader_denorm_preserve_float_16, shader_denorm_preserve_float_32, shader_denorm_preserve_float_64, shader_denorm_flush_to_zero_float_16, shader_denorm_flush_to_zero_float_32, shader_denorm_flush_to_zero_float_64, shader_rounding_mode_rte_float_16, shader_rounding_mode_rte_float_32, shader_rounding_mode_rte_float_64, shader_rounding_mode_rtz_float_16, shader_rounding_mode_rtz_float_32, shader_rounding_mode_rtz_float_64) _PhysicalDeviceFloatControlsProperties(vks, deps) end """ Arguments: - `host_query_reset::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceHostQueryResetFeatures.html) """ function _PhysicalDeviceHostQueryResetFeatures(host_query_reset::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceHostQueryResetFeatures(structure_type(VkPhysicalDeviceHostQueryResetFeatures), unsafe_convert(Ptr{Cvoid}, next), host_query_reset) _PhysicalDeviceHostQueryResetFeatures(vks, deps) end """ Extension: VK\\_AMD\\_shader\\_info Arguments: - `num_used_vgprs::UInt32` - `num_used_sgprs::UInt32` - `lds_size_per_local_work_group::UInt32` - `lds_usage_size_in_bytes::UInt` - `scratch_mem_usage_in_bytes::UInt` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderResourceUsageAMD.html) """ function _ShaderResourceUsageAMD(num_used_vgprs::Integer, num_used_sgprs::Integer, lds_size_per_local_work_group::Integer, lds_usage_size_in_bytes::Integer, scratch_mem_usage_in_bytes::Integer) _ShaderResourceUsageAMD(VkShaderResourceUsageAMD(num_used_vgprs, num_used_sgprs, lds_size_per_local_work_group, lds_usage_size_in_bytes, scratch_mem_usage_in_bytes)) end """ Extension: VK\\_AMD\\_shader\\_info Arguments: - `shader_stage_mask::ShaderStageFlag` - `resource_usage::_ShaderResourceUsageAMD` - `num_physical_vgprs::UInt32` - `num_physical_sgprs::UInt32` - `num_available_vgprs::UInt32` - `num_available_sgprs::UInt32` - `compute_work_group_size::NTuple{3, UInt32}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderStatisticsInfoAMD.html) """ function _ShaderStatisticsInfoAMD(shader_stage_mask::ShaderStageFlag, resource_usage::_ShaderResourceUsageAMD, num_physical_vgprs::Integer, num_physical_sgprs::Integer, num_available_vgprs::Integer, num_available_sgprs::Integer, compute_work_group_size::NTuple{3, UInt32}) _ShaderStatisticsInfoAMD(VkShaderStatisticsInfoAMD(shader_stage_mask, resource_usage.vks, num_physical_vgprs, num_physical_sgprs, num_available_vgprs, num_available_sgprs, compute_work_group_size)) end """ Extension: VK\\_KHR\\_global\\_priority Arguments: - `global_priority::QueueGlobalPriorityKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceQueueGlobalPriorityCreateInfoKHR.html) """ function _DeviceQueueGlobalPriorityCreateInfoKHR(global_priority::QueueGlobalPriorityKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceQueueGlobalPriorityCreateInfoKHR(structure_type(VkDeviceQueueGlobalPriorityCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), global_priority) _DeviceQueueGlobalPriorityCreateInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_global\\_priority Arguments: - `global_priority_query::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR.html) """ function _PhysicalDeviceGlobalPriorityQueryFeaturesKHR(global_priority_query::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR(structure_type(VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), global_priority_query) _PhysicalDeviceGlobalPriorityQueryFeaturesKHR(vks, deps) end """ Extension: VK\\_KHR\\_global\\_priority Arguments: - `priority_count::UInt32` - `priorities::NTuple{Int(VK_MAX_GLOBAL_PRIORITY_SIZE_KHR), QueueGlobalPriorityKHR}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyGlobalPriorityPropertiesKHR.html) """ function _QueueFamilyGlobalPriorityPropertiesKHR(priority_count::Integer, priorities::NTuple{Int(VK_MAX_GLOBAL_PRIORITY_SIZE_KHR), QueueGlobalPriorityKHR}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkQueueFamilyGlobalPriorityPropertiesKHR(structure_type(VkQueueFamilyGlobalPriorityPropertiesKHR), unsafe_convert(Ptr{Cvoid}, next), priority_count, priorities) _QueueFamilyGlobalPriorityPropertiesKHR(vks, deps) end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `object_type::ObjectType` - `object_handle::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `object_name::String`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsObjectNameInfoEXT.html) """ function _DebugUtilsObjectNameInfoEXT(object_type::ObjectType, object_handle::Integer; next = C_NULL, object_name = C_NULL) next = cconvert(Ptr{Cvoid}, next) object_name = cconvert(Cstring, object_name) deps = Any[next, object_name] vks = VkDebugUtilsObjectNameInfoEXT(structure_type(VkDebugUtilsObjectNameInfoEXT), unsafe_convert(Ptr{Cvoid}, next), object_type, object_handle, unsafe_convert(Cstring, object_name)) _DebugUtilsObjectNameInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `object_type::ObjectType` - `object_handle::UInt64` - `tag_name::UInt64` - `tag_size::UInt` - `tag::Ptr{Cvoid}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsObjectTagInfoEXT.html) """ function _DebugUtilsObjectTagInfoEXT(object_type::ObjectType, object_handle::Integer, tag_name::Integer, tag_size::Integer, tag::Ptr{Cvoid}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) tag = cconvert(Ptr{Cvoid}, tag) deps = Any[next, tag] vks = VkDebugUtilsObjectTagInfoEXT(structure_type(VkDebugUtilsObjectTagInfoEXT), unsafe_convert(Ptr{Cvoid}, next), object_type, object_handle, tag_name, tag_size, unsafe_convert(Ptr{Cvoid}, tag)) _DebugUtilsObjectTagInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `label_name::String` - `color::NTuple{4, Float32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsLabelEXT.html) """ function _DebugUtilsLabelEXT(label_name::AbstractString, color::NTuple{4, Float32}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) label_name = cconvert(Cstring, label_name) deps = Any[next, label_name] vks = VkDebugUtilsLabelEXT(structure_type(VkDebugUtilsLabelEXT), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Cstring, label_name), color) _DebugUtilsLabelEXT(vks, deps) end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `message_severity::DebugUtilsMessageSeverityFlagEXT` - `message_type::DebugUtilsMessageTypeFlagEXT` - `pfn_user_callback::FunctionPtr` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsMessengerCreateInfoEXT.html) """ function _DebugUtilsMessengerCreateInfoEXT(message_severity::DebugUtilsMessageSeverityFlagEXT, message_type::DebugUtilsMessageTypeFlagEXT, pfn_user_callback::FunctionPtr; next = C_NULL, flags = 0, user_data = C_NULL) next = cconvert(Ptr{Cvoid}, next) user_data = cconvert(Ptr{Cvoid}, user_data) deps = Any[next, user_data] vks = VkDebugUtilsMessengerCreateInfoEXT(structure_type(VkDebugUtilsMessengerCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), flags, message_severity, message_type, pfn_user_callback, unsafe_convert(Ptr{Cvoid}, user_data)) _DebugUtilsMessengerCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `message_id_number::Int32` - `message::String` - `queue_labels::Vector{_DebugUtilsLabelEXT}` - `cmd_buf_labels::Vector{_DebugUtilsLabelEXT}` - `objects::Vector{_DebugUtilsObjectNameInfoEXT}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `message_id_name::String`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsMessengerCallbackDataEXT.html) """ function _DebugUtilsMessengerCallbackDataEXT(message_id_number::Integer, message::AbstractString, queue_labels::AbstractArray, cmd_buf_labels::AbstractArray, objects::AbstractArray; next = C_NULL, flags = 0, message_id_name = C_NULL) queue_label_count = pointer_length(queue_labels) cmd_buf_label_count = pointer_length(cmd_buf_labels) object_count = pointer_length(objects) next = cconvert(Ptr{Cvoid}, next) message_id_name = cconvert(Cstring, message_id_name) message = cconvert(Cstring, message) queue_labels = cconvert(Ptr{VkDebugUtilsLabelEXT}, queue_labels) cmd_buf_labels = cconvert(Ptr{VkDebugUtilsLabelEXT}, cmd_buf_labels) objects = cconvert(Ptr{VkDebugUtilsObjectNameInfoEXT}, objects) deps = Any[next, message_id_name, message, queue_labels, cmd_buf_labels, objects] vks = VkDebugUtilsMessengerCallbackDataEXT(structure_type(VkDebugUtilsMessengerCallbackDataEXT), unsafe_convert(Ptr{Cvoid}, next), flags, unsafe_convert(Cstring, message_id_name), message_id_number, unsafe_convert(Cstring, message), queue_label_count, unsafe_convert(Ptr{VkDebugUtilsLabelEXT}, queue_labels), cmd_buf_label_count, unsafe_convert(Ptr{VkDebugUtilsLabelEXT}, cmd_buf_labels), object_count, unsafe_convert(Ptr{VkDebugUtilsObjectNameInfoEXT}, objects)) _DebugUtilsMessengerCallbackDataEXT(vks, deps) end """ Extension: VK\\_EXT\\_device\\_memory\\_report Arguments: - `device_memory_report::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDeviceMemoryReportFeaturesEXT.html) """ function _PhysicalDeviceDeviceMemoryReportFeaturesEXT(device_memory_report::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDeviceMemoryReportFeaturesEXT(structure_type(VkPhysicalDeviceDeviceMemoryReportFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), device_memory_report) _PhysicalDeviceDeviceMemoryReportFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_device\\_memory\\_report Arguments: - `flags::UInt32` - `pfn_user_callback::FunctionPtr` - `user_data::Ptr{Cvoid}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceDeviceMemoryReportCreateInfoEXT.html) """ function _DeviceDeviceMemoryReportCreateInfoEXT(flags::Integer, pfn_user_callback::FunctionPtr, user_data::Ptr{Cvoid}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) user_data = cconvert(Ptr{Cvoid}, user_data) deps = Any[next, user_data] vks = VkDeviceDeviceMemoryReportCreateInfoEXT(structure_type(VkDeviceDeviceMemoryReportCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), flags, pfn_user_callback, unsafe_convert(Ptr{Cvoid}, user_data)) _DeviceDeviceMemoryReportCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_device\\_memory\\_report Arguments: - `flags::UInt32` - `type::DeviceMemoryReportEventTypeEXT` - `memory_object_id::UInt64` - `size::UInt64` - `object_type::ObjectType` - `object_handle::UInt64` - `heap_index::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceMemoryReportCallbackDataEXT.html) """ function _DeviceMemoryReportCallbackDataEXT(flags::Integer, type::DeviceMemoryReportEventTypeEXT, memory_object_id::Integer, size::Integer, object_type::ObjectType, object_handle::Integer, heap_index::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceMemoryReportCallbackDataEXT(structure_type(VkDeviceMemoryReportCallbackDataEXT), unsafe_convert(Ptr{Cvoid}, next), flags, type, memory_object_id, size, object_type, object_handle, heap_index) _DeviceMemoryReportCallbackDataEXT(vks, deps) end """ Extension: VK\\_EXT\\_external\\_memory\\_host Arguments: - `handle_type::ExternalMemoryHandleTypeFlag` - `host_pointer::Ptr{Cvoid}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMemoryHostPointerInfoEXT.html) """ function _ImportMemoryHostPointerInfoEXT(handle_type::ExternalMemoryHandleTypeFlag, host_pointer::Ptr{Cvoid}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) host_pointer = cconvert(Ptr{Cvoid}, host_pointer) deps = Any[next, host_pointer] vks = VkImportMemoryHostPointerInfoEXT(structure_type(VkImportMemoryHostPointerInfoEXT), unsafe_convert(Ptr{Cvoid}, next), VkExternalMemoryHandleTypeFlagBits(handle_type.val), unsafe_convert(Ptr{Cvoid}, host_pointer)) _ImportMemoryHostPointerInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_external\\_memory\\_host Arguments: - `memory_type_bits::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryHostPointerPropertiesEXT.html) """ function _MemoryHostPointerPropertiesEXT(memory_type_bits::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryHostPointerPropertiesEXT(structure_type(VkMemoryHostPointerPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), memory_type_bits) _MemoryHostPointerPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_external\\_memory\\_host Arguments: - `min_imported_host_pointer_alignment::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalMemoryHostPropertiesEXT.html) """ function _PhysicalDeviceExternalMemoryHostPropertiesEXT(min_imported_host_pointer_alignment::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceExternalMemoryHostPropertiesEXT(structure_type(VkPhysicalDeviceExternalMemoryHostPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), min_imported_host_pointer_alignment) _PhysicalDeviceExternalMemoryHostPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_conservative\\_rasterization Arguments: - `primitive_overestimation_size::Float32` - `max_extra_primitive_overestimation_size::Float32` - `extra_primitive_overestimation_size_granularity::Float32` - `primitive_underestimation::Bool` - `conservative_point_and_line_rasterization::Bool` - `degenerate_triangles_rasterized::Bool` - `degenerate_lines_rasterized::Bool` - `fully_covered_fragment_shader_input_variable::Bool` - `conservative_rasterization_post_depth_coverage::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceConservativeRasterizationPropertiesEXT.html) """ function _PhysicalDeviceConservativeRasterizationPropertiesEXT(primitive_overestimation_size::Real, max_extra_primitive_overestimation_size::Real, extra_primitive_overestimation_size_granularity::Real, primitive_underestimation::Bool, conservative_point_and_line_rasterization::Bool, degenerate_triangles_rasterized::Bool, degenerate_lines_rasterized::Bool, fully_covered_fragment_shader_input_variable::Bool, conservative_rasterization_post_depth_coverage::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceConservativeRasterizationPropertiesEXT(structure_type(VkPhysicalDeviceConservativeRasterizationPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), primitive_overestimation_size, max_extra_primitive_overestimation_size, extra_primitive_overestimation_size_granularity, primitive_underestimation, conservative_point_and_line_rasterization, degenerate_triangles_rasterized, degenerate_lines_rasterized, fully_covered_fragment_shader_input_variable, conservative_rasterization_post_depth_coverage) _PhysicalDeviceConservativeRasterizationPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_calibrated\\_timestamps Arguments: - `time_domain::TimeDomainEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCalibratedTimestampInfoEXT.html) """ function _CalibratedTimestampInfoEXT(time_domain::TimeDomainEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCalibratedTimestampInfoEXT(structure_type(VkCalibratedTimestampInfoEXT), unsafe_convert(Ptr{Cvoid}, next), time_domain) _CalibratedTimestampInfoEXT(vks, deps) end """ Extension: VK\\_AMD\\_shader\\_core\\_properties Arguments: - `shader_engine_count::UInt32` - `shader_arrays_per_engine_count::UInt32` - `compute_units_per_shader_array::UInt32` - `simd_per_compute_unit::UInt32` - `wavefronts_per_simd::UInt32` - `wavefront_size::UInt32` - `sgprs_per_simd::UInt32` - `min_sgpr_allocation::UInt32` - `max_sgpr_allocation::UInt32` - `sgpr_allocation_granularity::UInt32` - `vgprs_per_simd::UInt32` - `min_vgpr_allocation::UInt32` - `max_vgpr_allocation::UInt32` - `vgpr_allocation_granularity::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCorePropertiesAMD.html) """ function _PhysicalDeviceShaderCorePropertiesAMD(shader_engine_count::Integer, shader_arrays_per_engine_count::Integer, compute_units_per_shader_array::Integer, simd_per_compute_unit::Integer, wavefronts_per_simd::Integer, wavefront_size::Integer, sgprs_per_simd::Integer, min_sgpr_allocation::Integer, max_sgpr_allocation::Integer, sgpr_allocation_granularity::Integer, vgprs_per_simd::Integer, min_vgpr_allocation::Integer, max_vgpr_allocation::Integer, vgpr_allocation_granularity::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderCorePropertiesAMD(structure_type(VkPhysicalDeviceShaderCorePropertiesAMD), unsafe_convert(Ptr{Cvoid}, next), shader_engine_count, shader_arrays_per_engine_count, compute_units_per_shader_array, simd_per_compute_unit, wavefronts_per_simd, wavefront_size, sgprs_per_simd, min_sgpr_allocation, max_sgpr_allocation, sgpr_allocation_granularity, vgprs_per_simd, min_vgpr_allocation, max_vgpr_allocation, vgpr_allocation_granularity) _PhysicalDeviceShaderCorePropertiesAMD(vks, deps) end """ Extension: VK\\_AMD\\_shader\\_core\\_properties2 Arguments: - `shader_core_features::ShaderCorePropertiesFlagAMD` - `active_compute_unit_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCoreProperties2AMD.html) """ function _PhysicalDeviceShaderCoreProperties2AMD(shader_core_features::ShaderCorePropertiesFlagAMD, active_compute_unit_count::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderCoreProperties2AMD(structure_type(VkPhysicalDeviceShaderCoreProperties2AMD), unsafe_convert(Ptr{Cvoid}, next), shader_core_features, active_compute_unit_count) _PhysicalDeviceShaderCoreProperties2AMD(vks, deps) end """ Extension: VK\\_EXT\\_conservative\\_rasterization Arguments: - `conservative_rasterization_mode::ConservativeRasterizationModeEXT` - `extra_primitive_overestimation_size::Float32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationConservativeStateCreateInfoEXT.html) """ function _PipelineRasterizationConservativeStateCreateInfoEXT(conservative_rasterization_mode::ConservativeRasterizationModeEXT, extra_primitive_overestimation_size::Real; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineRasterizationConservativeStateCreateInfoEXT(structure_type(VkPipelineRasterizationConservativeStateCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), flags, conservative_rasterization_mode, extra_primitive_overestimation_size) _PipelineRasterizationConservativeStateCreateInfoEXT(vks, deps) end """ Arguments: - `shader_input_attachment_array_dynamic_indexing::Bool` - `shader_uniform_texel_buffer_array_dynamic_indexing::Bool` - `shader_storage_texel_buffer_array_dynamic_indexing::Bool` - `shader_uniform_buffer_array_non_uniform_indexing::Bool` - `shader_sampled_image_array_non_uniform_indexing::Bool` - `shader_storage_buffer_array_non_uniform_indexing::Bool` - `shader_storage_image_array_non_uniform_indexing::Bool` - `shader_input_attachment_array_non_uniform_indexing::Bool` - `shader_uniform_texel_buffer_array_non_uniform_indexing::Bool` - `shader_storage_texel_buffer_array_non_uniform_indexing::Bool` - `descriptor_binding_uniform_buffer_update_after_bind::Bool` - `descriptor_binding_sampled_image_update_after_bind::Bool` - `descriptor_binding_storage_image_update_after_bind::Bool` - `descriptor_binding_storage_buffer_update_after_bind::Bool` - `descriptor_binding_uniform_texel_buffer_update_after_bind::Bool` - `descriptor_binding_storage_texel_buffer_update_after_bind::Bool` - `descriptor_binding_update_unused_while_pending::Bool` - `descriptor_binding_partially_bound::Bool` - `descriptor_binding_variable_descriptor_count::Bool` - `runtime_descriptor_array::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorIndexingFeatures.html) """ function _PhysicalDeviceDescriptorIndexingFeatures(shader_input_attachment_array_dynamic_indexing::Bool, shader_uniform_texel_buffer_array_dynamic_indexing::Bool, shader_storage_texel_buffer_array_dynamic_indexing::Bool, shader_uniform_buffer_array_non_uniform_indexing::Bool, shader_sampled_image_array_non_uniform_indexing::Bool, shader_storage_buffer_array_non_uniform_indexing::Bool, shader_storage_image_array_non_uniform_indexing::Bool, shader_input_attachment_array_non_uniform_indexing::Bool, shader_uniform_texel_buffer_array_non_uniform_indexing::Bool, shader_storage_texel_buffer_array_non_uniform_indexing::Bool, descriptor_binding_uniform_buffer_update_after_bind::Bool, descriptor_binding_sampled_image_update_after_bind::Bool, descriptor_binding_storage_image_update_after_bind::Bool, descriptor_binding_storage_buffer_update_after_bind::Bool, descriptor_binding_uniform_texel_buffer_update_after_bind::Bool, descriptor_binding_storage_texel_buffer_update_after_bind::Bool, descriptor_binding_update_unused_while_pending::Bool, descriptor_binding_partially_bound::Bool, descriptor_binding_variable_descriptor_count::Bool, runtime_descriptor_array::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDescriptorIndexingFeatures(structure_type(VkPhysicalDeviceDescriptorIndexingFeatures), unsafe_convert(Ptr{Cvoid}, next), shader_input_attachment_array_dynamic_indexing, shader_uniform_texel_buffer_array_dynamic_indexing, shader_storage_texel_buffer_array_dynamic_indexing, shader_uniform_buffer_array_non_uniform_indexing, shader_sampled_image_array_non_uniform_indexing, shader_storage_buffer_array_non_uniform_indexing, shader_storage_image_array_non_uniform_indexing, shader_input_attachment_array_non_uniform_indexing, shader_uniform_texel_buffer_array_non_uniform_indexing, shader_storage_texel_buffer_array_non_uniform_indexing, descriptor_binding_uniform_buffer_update_after_bind, descriptor_binding_sampled_image_update_after_bind, descriptor_binding_storage_image_update_after_bind, descriptor_binding_storage_buffer_update_after_bind, descriptor_binding_uniform_texel_buffer_update_after_bind, descriptor_binding_storage_texel_buffer_update_after_bind, descriptor_binding_update_unused_while_pending, descriptor_binding_partially_bound, descriptor_binding_variable_descriptor_count, runtime_descriptor_array) _PhysicalDeviceDescriptorIndexingFeatures(vks, deps) end """ Arguments: - `max_update_after_bind_descriptors_in_all_pools::UInt32` - `shader_uniform_buffer_array_non_uniform_indexing_native::Bool` - `shader_sampled_image_array_non_uniform_indexing_native::Bool` - `shader_storage_buffer_array_non_uniform_indexing_native::Bool` - `shader_storage_image_array_non_uniform_indexing_native::Bool` - `shader_input_attachment_array_non_uniform_indexing_native::Bool` - `robust_buffer_access_update_after_bind::Bool` - `quad_divergent_implicit_lod::Bool` - `max_per_stage_descriptor_update_after_bind_samplers::UInt32` - `max_per_stage_descriptor_update_after_bind_uniform_buffers::UInt32` - `max_per_stage_descriptor_update_after_bind_storage_buffers::UInt32` - `max_per_stage_descriptor_update_after_bind_sampled_images::UInt32` - `max_per_stage_descriptor_update_after_bind_storage_images::UInt32` - `max_per_stage_descriptor_update_after_bind_input_attachments::UInt32` - `max_per_stage_update_after_bind_resources::UInt32` - `max_descriptor_set_update_after_bind_samplers::UInt32` - `max_descriptor_set_update_after_bind_uniform_buffers::UInt32` - `max_descriptor_set_update_after_bind_uniform_buffers_dynamic::UInt32` - `max_descriptor_set_update_after_bind_storage_buffers::UInt32` - `max_descriptor_set_update_after_bind_storage_buffers_dynamic::UInt32` - `max_descriptor_set_update_after_bind_sampled_images::UInt32` - `max_descriptor_set_update_after_bind_storage_images::UInt32` - `max_descriptor_set_update_after_bind_input_attachments::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorIndexingProperties.html) """ function _PhysicalDeviceDescriptorIndexingProperties(max_update_after_bind_descriptors_in_all_pools::Integer, shader_uniform_buffer_array_non_uniform_indexing_native::Bool, shader_sampled_image_array_non_uniform_indexing_native::Bool, shader_storage_buffer_array_non_uniform_indexing_native::Bool, shader_storage_image_array_non_uniform_indexing_native::Bool, shader_input_attachment_array_non_uniform_indexing_native::Bool, robust_buffer_access_update_after_bind::Bool, quad_divergent_implicit_lod::Bool, max_per_stage_descriptor_update_after_bind_samplers::Integer, max_per_stage_descriptor_update_after_bind_uniform_buffers::Integer, max_per_stage_descriptor_update_after_bind_storage_buffers::Integer, max_per_stage_descriptor_update_after_bind_sampled_images::Integer, max_per_stage_descriptor_update_after_bind_storage_images::Integer, max_per_stage_descriptor_update_after_bind_input_attachments::Integer, max_per_stage_update_after_bind_resources::Integer, max_descriptor_set_update_after_bind_samplers::Integer, max_descriptor_set_update_after_bind_uniform_buffers::Integer, max_descriptor_set_update_after_bind_uniform_buffers_dynamic::Integer, max_descriptor_set_update_after_bind_storage_buffers::Integer, max_descriptor_set_update_after_bind_storage_buffers_dynamic::Integer, max_descriptor_set_update_after_bind_sampled_images::Integer, max_descriptor_set_update_after_bind_storage_images::Integer, max_descriptor_set_update_after_bind_input_attachments::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDescriptorIndexingProperties(structure_type(VkPhysicalDeviceDescriptorIndexingProperties), unsafe_convert(Ptr{Cvoid}, next), max_update_after_bind_descriptors_in_all_pools, shader_uniform_buffer_array_non_uniform_indexing_native, shader_sampled_image_array_non_uniform_indexing_native, shader_storage_buffer_array_non_uniform_indexing_native, shader_storage_image_array_non_uniform_indexing_native, shader_input_attachment_array_non_uniform_indexing_native, robust_buffer_access_update_after_bind, quad_divergent_implicit_lod, max_per_stage_descriptor_update_after_bind_samplers, max_per_stage_descriptor_update_after_bind_uniform_buffers, max_per_stage_descriptor_update_after_bind_storage_buffers, max_per_stage_descriptor_update_after_bind_sampled_images, max_per_stage_descriptor_update_after_bind_storage_images, max_per_stage_descriptor_update_after_bind_input_attachments, max_per_stage_update_after_bind_resources, max_descriptor_set_update_after_bind_samplers, max_descriptor_set_update_after_bind_uniform_buffers, max_descriptor_set_update_after_bind_uniform_buffers_dynamic, max_descriptor_set_update_after_bind_storage_buffers, max_descriptor_set_update_after_bind_storage_buffers_dynamic, max_descriptor_set_update_after_bind_sampled_images, max_descriptor_set_update_after_bind_storage_images, max_descriptor_set_update_after_bind_input_attachments) _PhysicalDeviceDescriptorIndexingProperties(vks, deps) end """ Arguments: - `binding_flags::Vector{DescriptorBindingFlag}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutBindingFlagsCreateInfo.html) """ function _DescriptorSetLayoutBindingFlagsCreateInfo(binding_flags::AbstractArray; next = C_NULL) binding_count = pointer_length(binding_flags) next = cconvert(Ptr{Cvoid}, next) binding_flags = cconvert(Ptr{VkDescriptorBindingFlags}, binding_flags) deps = Any[next, binding_flags] vks = VkDescriptorSetLayoutBindingFlagsCreateInfo(structure_type(VkDescriptorSetLayoutBindingFlagsCreateInfo), unsafe_convert(Ptr{Cvoid}, next), binding_count, unsafe_convert(Ptr{VkDescriptorBindingFlags}, binding_flags)) _DescriptorSetLayoutBindingFlagsCreateInfo(vks, deps) end """ Arguments: - `descriptor_counts::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetVariableDescriptorCountAllocateInfo.html) """ function _DescriptorSetVariableDescriptorCountAllocateInfo(descriptor_counts::AbstractArray; next = C_NULL) descriptor_set_count = pointer_length(descriptor_counts) next = cconvert(Ptr{Cvoid}, next) descriptor_counts = cconvert(Ptr{UInt32}, descriptor_counts) deps = Any[next, descriptor_counts] vks = VkDescriptorSetVariableDescriptorCountAllocateInfo(structure_type(VkDescriptorSetVariableDescriptorCountAllocateInfo), unsafe_convert(Ptr{Cvoid}, next), descriptor_set_count, unsafe_convert(Ptr{UInt32}, descriptor_counts)) _DescriptorSetVariableDescriptorCountAllocateInfo(vks, deps) end """ Arguments: - `max_variable_descriptor_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetVariableDescriptorCountLayoutSupport.html) """ function _DescriptorSetVariableDescriptorCountLayoutSupport(max_variable_descriptor_count::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDescriptorSetVariableDescriptorCountLayoutSupport(structure_type(VkDescriptorSetVariableDescriptorCountLayoutSupport), unsafe_convert(Ptr{Cvoid}, next), max_variable_descriptor_count) _DescriptorSetVariableDescriptorCountLayoutSupport(vks, deps) end """ Arguments: - `format::Format` - `samples::SampleCountFlag` - `load_op::AttachmentLoadOp` - `store_op::AttachmentStoreOp` - `stencil_load_op::AttachmentLoadOp` - `stencil_store_op::AttachmentStoreOp` - `initial_layout::ImageLayout` - `final_layout::ImageLayout` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::AttachmentDescriptionFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentDescription2.html) """ function _AttachmentDescription2(format::Format, samples::SampleCountFlag, load_op::AttachmentLoadOp, store_op::AttachmentStoreOp, stencil_load_op::AttachmentLoadOp, stencil_store_op::AttachmentStoreOp, initial_layout::ImageLayout, final_layout::ImageLayout; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAttachmentDescription2(structure_type(VkAttachmentDescription2), unsafe_convert(Ptr{Cvoid}, next), flags, format, VkSampleCountFlagBits(samples.val), load_op, store_op, stencil_load_op, stencil_store_op, initial_layout, final_layout) _AttachmentDescription2(vks, deps) end """ Arguments: - `attachment::UInt32` - `layout::ImageLayout` - `aspect_mask::ImageAspectFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentReference2.html) """ function _AttachmentReference2(attachment::Integer, layout::ImageLayout, aspect_mask::ImageAspectFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAttachmentReference2(structure_type(VkAttachmentReference2), unsafe_convert(Ptr{Cvoid}, next), attachment, layout, aspect_mask) _AttachmentReference2(vks, deps) end """ Arguments: - `pipeline_bind_point::PipelineBindPoint` - `view_mask::UInt32` - `input_attachments::Vector{_AttachmentReference2}` - `color_attachments::Vector{_AttachmentReference2}` - `preserve_attachments::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::SubpassDescriptionFlag`: defaults to `0` - `resolve_attachments::Vector{_AttachmentReference2}`: defaults to `C_NULL` - `depth_stencil_attachment::_AttachmentReference2`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDescription2.html) """ function _SubpassDescription2(pipeline_bind_point::PipelineBindPoint, view_mask::Integer, input_attachments::AbstractArray, color_attachments::AbstractArray, preserve_attachments::AbstractArray; next = C_NULL, flags = 0, resolve_attachments = C_NULL, depth_stencil_attachment = C_NULL) input_attachment_count = pointer_length(input_attachments) color_attachment_count = pointer_length(color_attachments) preserve_attachment_count = pointer_length(preserve_attachments) next = cconvert(Ptr{Cvoid}, next) input_attachments = cconvert(Ptr{VkAttachmentReference2}, input_attachments) color_attachments = cconvert(Ptr{VkAttachmentReference2}, color_attachments) resolve_attachments = cconvert(Ptr{VkAttachmentReference2}, resolve_attachments) depth_stencil_attachment = cconvert(Ptr{VkAttachmentReference2}, depth_stencil_attachment) preserve_attachments = cconvert(Ptr{UInt32}, preserve_attachments) deps = Any[next, input_attachments, color_attachments, resolve_attachments, depth_stencil_attachment, preserve_attachments] vks = VkSubpassDescription2(structure_type(VkSubpassDescription2), unsafe_convert(Ptr{Cvoid}, next), flags, pipeline_bind_point, view_mask, input_attachment_count, unsafe_convert(Ptr{VkAttachmentReference2}, input_attachments), color_attachment_count, unsafe_convert(Ptr{VkAttachmentReference2}, color_attachments), unsafe_convert(Ptr{VkAttachmentReference2}, resolve_attachments), unsafe_convert(Ptr{VkAttachmentReference2}, depth_stencil_attachment), preserve_attachment_count, unsafe_convert(Ptr{UInt32}, preserve_attachments)) _SubpassDescription2(vks, deps) end """ Arguments: - `src_subpass::UInt32` - `dst_subpass::UInt32` - `view_offset::Int32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `src_stage_mask::PipelineStageFlag`: defaults to `0` - `dst_stage_mask::PipelineStageFlag`: defaults to `0` - `src_access_mask::AccessFlag`: defaults to `0` - `dst_access_mask::AccessFlag`: defaults to `0` - `dependency_flags::DependencyFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDependency2.html) """ function _SubpassDependency2(src_subpass::Integer, dst_subpass::Integer, view_offset::Integer; next = C_NULL, src_stage_mask = 0, dst_stage_mask = 0, src_access_mask = 0, dst_access_mask = 0, dependency_flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSubpassDependency2(structure_type(VkSubpassDependency2), unsafe_convert(Ptr{Cvoid}, next), src_subpass, dst_subpass, src_stage_mask, dst_stage_mask, src_access_mask, dst_access_mask, dependency_flags, view_offset) _SubpassDependency2(vks, deps) end """ Arguments: - `attachments::Vector{_AttachmentDescription2}` - `subpasses::Vector{_SubpassDescription2}` - `dependencies::Vector{_SubpassDependency2}` - `correlated_view_masks::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::RenderPassCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreateInfo2.html) """ function _RenderPassCreateInfo2(attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray, correlated_view_masks::AbstractArray; next = C_NULL, flags = 0) attachment_count = pointer_length(attachments) subpass_count = pointer_length(subpasses) dependency_count = pointer_length(dependencies) correlated_view_mask_count = pointer_length(correlated_view_masks) next = cconvert(Ptr{Cvoid}, next) attachments = cconvert(Ptr{VkAttachmentDescription2}, attachments) subpasses = cconvert(Ptr{VkSubpassDescription2}, subpasses) dependencies = cconvert(Ptr{VkSubpassDependency2}, dependencies) correlated_view_masks = cconvert(Ptr{UInt32}, correlated_view_masks) deps = Any[next, attachments, subpasses, dependencies, correlated_view_masks] vks = VkRenderPassCreateInfo2(structure_type(VkRenderPassCreateInfo2), unsafe_convert(Ptr{Cvoid}, next), flags, attachment_count, unsafe_convert(Ptr{VkAttachmentDescription2}, attachments), subpass_count, unsafe_convert(Ptr{VkSubpassDescription2}, subpasses), dependency_count, unsafe_convert(Ptr{VkSubpassDependency2}, dependencies), correlated_view_mask_count, unsafe_convert(Ptr{UInt32}, correlated_view_masks)) _RenderPassCreateInfo2(vks, deps) end """ Arguments: - `contents::SubpassContents` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassBeginInfo.html) """ function _SubpassBeginInfo(contents::SubpassContents; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSubpassBeginInfo(structure_type(VkSubpassBeginInfo), unsafe_convert(Ptr{Cvoid}, next), contents) _SubpassBeginInfo(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassEndInfo.html) """ function _SubpassEndInfo(; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSubpassEndInfo(structure_type(VkSubpassEndInfo), unsafe_convert(Ptr{Cvoid}, next)) _SubpassEndInfo(vks, deps) end """ Arguments: - `timeline_semaphore::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTimelineSemaphoreFeatures.html) """ function _PhysicalDeviceTimelineSemaphoreFeatures(timeline_semaphore::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceTimelineSemaphoreFeatures(structure_type(VkPhysicalDeviceTimelineSemaphoreFeatures), unsafe_convert(Ptr{Cvoid}, next), timeline_semaphore) _PhysicalDeviceTimelineSemaphoreFeatures(vks, deps) end """ Arguments: - `max_timeline_semaphore_value_difference::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTimelineSemaphoreProperties.html) """ function _PhysicalDeviceTimelineSemaphoreProperties(max_timeline_semaphore_value_difference::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceTimelineSemaphoreProperties(structure_type(VkPhysicalDeviceTimelineSemaphoreProperties), unsafe_convert(Ptr{Cvoid}, next), max_timeline_semaphore_value_difference) _PhysicalDeviceTimelineSemaphoreProperties(vks, deps) end """ Arguments: - `semaphore_type::SemaphoreType` - `initial_value::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreTypeCreateInfo.html) """ function _SemaphoreTypeCreateInfo(semaphore_type::SemaphoreType, initial_value::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSemaphoreTypeCreateInfo(structure_type(VkSemaphoreTypeCreateInfo), unsafe_convert(Ptr{Cvoid}, next), semaphore_type, initial_value) _SemaphoreTypeCreateInfo(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `wait_semaphore_values::Vector{UInt64}`: defaults to `C_NULL` - `signal_semaphore_values::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTimelineSemaphoreSubmitInfo.html) """ function _TimelineSemaphoreSubmitInfo(; next = C_NULL, wait_semaphore_values = C_NULL, signal_semaphore_values = C_NULL) wait_semaphore_value_count = pointer_length(wait_semaphore_values) signal_semaphore_value_count = pointer_length(signal_semaphore_values) next = cconvert(Ptr{Cvoid}, next) wait_semaphore_values = cconvert(Ptr{UInt64}, wait_semaphore_values) signal_semaphore_values = cconvert(Ptr{UInt64}, signal_semaphore_values) deps = Any[next, wait_semaphore_values, signal_semaphore_values] vks = VkTimelineSemaphoreSubmitInfo(structure_type(VkTimelineSemaphoreSubmitInfo), unsafe_convert(Ptr{Cvoid}, next), wait_semaphore_value_count, unsafe_convert(Ptr{UInt64}, wait_semaphore_values), signal_semaphore_value_count, unsafe_convert(Ptr{UInt64}, signal_semaphore_values)) _TimelineSemaphoreSubmitInfo(vks, deps) end """ Arguments: - `semaphores::Vector{Semaphore}` - `values::Vector{UInt64}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::SemaphoreWaitFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreWaitInfo.html) """ function _SemaphoreWaitInfo(semaphores::AbstractArray, values::AbstractArray; next = C_NULL, flags = 0) semaphore_count = pointer_length(semaphores) next = cconvert(Ptr{Cvoid}, next) semaphores = cconvert(Ptr{VkSemaphore}, semaphores) values = cconvert(Ptr{UInt64}, values) deps = Any[next, semaphores, values] vks = VkSemaphoreWaitInfo(structure_type(VkSemaphoreWaitInfo), unsafe_convert(Ptr{Cvoid}, next), flags, semaphore_count, unsafe_convert(Ptr{VkSemaphore}, semaphores), unsafe_convert(Ptr{UInt64}, values)) _SemaphoreWaitInfo(vks, deps) end """ Arguments: - `semaphore::Semaphore` - `value::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreSignalInfo.html) """ function _SemaphoreSignalInfo(semaphore, value::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSemaphoreSignalInfo(structure_type(VkSemaphoreSignalInfo), unsafe_convert(Ptr{Cvoid}, next), semaphore, value) _SemaphoreSignalInfo(vks, deps, semaphore) end """ Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor Arguments: - `binding::UInt32` - `divisor::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputBindingDivisorDescriptionEXT.html) """ function _VertexInputBindingDivisorDescriptionEXT(binding::Integer, divisor::Integer) _VertexInputBindingDivisorDescriptionEXT(VkVertexInputBindingDivisorDescriptionEXT(binding, divisor)) end """ Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor Arguments: - `vertex_binding_divisors::Vector{_VertexInputBindingDivisorDescriptionEXT}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineVertexInputDivisorStateCreateInfoEXT.html) """ function _PipelineVertexInputDivisorStateCreateInfoEXT(vertex_binding_divisors::AbstractArray; next = C_NULL) vertex_binding_divisor_count = pointer_length(vertex_binding_divisors) next = cconvert(Ptr{Cvoid}, next) vertex_binding_divisors = cconvert(Ptr{VkVertexInputBindingDivisorDescriptionEXT}, vertex_binding_divisors) deps = Any[next, vertex_binding_divisors] vks = VkPipelineVertexInputDivisorStateCreateInfoEXT(structure_type(VkPipelineVertexInputDivisorStateCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), vertex_binding_divisor_count, unsafe_convert(Ptr{VkVertexInputBindingDivisorDescriptionEXT}, vertex_binding_divisors)) _PipelineVertexInputDivisorStateCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor Arguments: - `max_vertex_attrib_divisor::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT.html) """ function _PhysicalDeviceVertexAttributeDivisorPropertiesEXT(max_vertex_attrib_divisor::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT(structure_type(VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), max_vertex_attrib_divisor) _PhysicalDeviceVertexAttributeDivisorPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_pci\\_bus\\_info Arguments: - `pci_domain::UInt32` - `pci_bus::UInt32` - `pci_device::UInt32` - `pci_function::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePCIBusInfoPropertiesEXT.html) """ function _PhysicalDevicePCIBusInfoPropertiesEXT(pci_domain::Integer, pci_bus::Integer, pci_device::Integer, pci_function::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePCIBusInfoPropertiesEXT(structure_type(VkPhysicalDevicePCIBusInfoPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), pci_domain, pci_bus, pci_device, pci_function) _PhysicalDevicePCIBusInfoPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_conditional\\_rendering Arguments: - `conditional_rendering_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceConditionalRenderingInfoEXT.html) """ function _CommandBufferInheritanceConditionalRenderingInfoEXT(conditional_rendering_enable::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCommandBufferInheritanceConditionalRenderingInfoEXT(structure_type(VkCommandBufferInheritanceConditionalRenderingInfoEXT), unsafe_convert(Ptr{Cvoid}, next), conditional_rendering_enable) _CommandBufferInheritanceConditionalRenderingInfoEXT(vks, deps) end """ Arguments: - `storage_buffer_8_bit_access::Bool` - `uniform_and_storage_buffer_8_bit_access::Bool` - `storage_push_constant_8::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevice8BitStorageFeatures.html) """ function _PhysicalDevice8BitStorageFeatures(storage_buffer_8_bit_access::Bool, uniform_and_storage_buffer_8_bit_access::Bool, storage_push_constant_8::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevice8BitStorageFeatures(structure_type(VkPhysicalDevice8BitStorageFeatures), unsafe_convert(Ptr{Cvoid}, next), storage_buffer_8_bit_access, uniform_and_storage_buffer_8_bit_access, storage_push_constant_8) _PhysicalDevice8BitStorageFeatures(vks, deps) end """ Extension: VK\\_EXT\\_conditional\\_rendering Arguments: - `conditional_rendering::Bool` - `inherited_conditional_rendering::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceConditionalRenderingFeaturesEXT.html) """ function _PhysicalDeviceConditionalRenderingFeaturesEXT(conditional_rendering::Bool, inherited_conditional_rendering::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceConditionalRenderingFeaturesEXT(structure_type(VkPhysicalDeviceConditionalRenderingFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), conditional_rendering, inherited_conditional_rendering) _PhysicalDeviceConditionalRenderingFeaturesEXT(vks, deps) end """ Arguments: - `vulkan_memory_model::Bool` - `vulkan_memory_model_device_scope::Bool` - `vulkan_memory_model_availability_visibility_chains::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkanMemoryModelFeatures.html) """ function _PhysicalDeviceVulkanMemoryModelFeatures(vulkan_memory_model::Bool, vulkan_memory_model_device_scope::Bool, vulkan_memory_model_availability_visibility_chains::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceVulkanMemoryModelFeatures(structure_type(VkPhysicalDeviceVulkanMemoryModelFeatures), unsafe_convert(Ptr{Cvoid}, next), vulkan_memory_model, vulkan_memory_model_device_scope, vulkan_memory_model_availability_visibility_chains) _PhysicalDeviceVulkanMemoryModelFeatures(vks, deps) end """ Arguments: - `shader_buffer_int_64_atomics::Bool` - `shader_shared_int_64_atomics::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderAtomicInt64Features.html) """ function _PhysicalDeviceShaderAtomicInt64Features(shader_buffer_int_64_atomics::Bool, shader_shared_int_64_atomics::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderAtomicInt64Features(structure_type(VkPhysicalDeviceShaderAtomicInt64Features), unsafe_convert(Ptr{Cvoid}, next), shader_buffer_int_64_atomics, shader_shared_int_64_atomics) _PhysicalDeviceShaderAtomicInt64Features(vks, deps) end """ Extension: VK\\_EXT\\_shader\\_atomic\\_float Arguments: - `shader_buffer_float_32_atomics::Bool` - `shader_buffer_float_32_atomic_add::Bool` - `shader_buffer_float_64_atomics::Bool` - `shader_buffer_float_64_atomic_add::Bool` - `shader_shared_float_32_atomics::Bool` - `shader_shared_float_32_atomic_add::Bool` - `shader_shared_float_64_atomics::Bool` - `shader_shared_float_64_atomic_add::Bool` - `shader_image_float_32_atomics::Bool` - `shader_image_float_32_atomic_add::Bool` - `sparse_image_float_32_atomics::Bool` - `sparse_image_float_32_atomic_add::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderAtomicFloatFeaturesEXT.html) """ function _PhysicalDeviceShaderAtomicFloatFeaturesEXT(shader_buffer_float_32_atomics::Bool, shader_buffer_float_32_atomic_add::Bool, shader_buffer_float_64_atomics::Bool, shader_buffer_float_64_atomic_add::Bool, shader_shared_float_32_atomics::Bool, shader_shared_float_32_atomic_add::Bool, shader_shared_float_64_atomics::Bool, shader_shared_float_64_atomic_add::Bool, shader_image_float_32_atomics::Bool, shader_image_float_32_atomic_add::Bool, sparse_image_float_32_atomics::Bool, sparse_image_float_32_atomic_add::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderAtomicFloatFeaturesEXT(structure_type(VkPhysicalDeviceShaderAtomicFloatFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), shader_buffer_float_32_atomics, shader_buffer_float_32_atomic_add, shader_buffer_float_64_atomics, shader_buffer_float_64_atomic_add, shader_shared_float_32_atomics, shader_shared_float_32_atomic_add, shader_shared_float_64_atomics, shader_shared_float_64_atomic_add, shader_image_float_32_atomics, shader_image_float_32_atomic_add, sparse_image_float_32_atomics, sparse_image_float_32_atomic_add) _PhysicalDeviceShaderAtomicFloatFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_shader\\_atomic\\_float2 Arguments: - `shader_buffer_float_16_atomics::Bool` - `shader_buffer_float_16_atomic_add::Bool` - `shader_buffer_float_16_atomic_min_max::Bool` - `shader_buffer_float_32_atomic_min_max::Bool` - `shader_buffer_float_64_atomic_min_max::Bool` - `shader_shared_float_16_atomics::Bool` - `shader_shared_float_16_atomic_add::Bool` - `shader_shared_float_16_atomic_min_max::Bool` - `shader_shared_float_32_atomic_min_max::Bool` - `shader_shared_float_64_atomic_min_max::Bool` - `shader_image_float_32_atomic_min_max::Bool` - `sparse_image_float_32_atomic_min_max::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT.html) """ function _PhysicalDeviceShaderAtomicFloat2FeaturesEXT(shader_buffer_float_16_atomics::Bool, shader_buffer_float_16_atomic_add::Bool, shader_buffer_float_16_atomic_min_max::Bool, shader_buffer_float_32_atomic_min_max::Bool, shader_buffer_float_64_atomic_min_max::Bool, shader_shared_float_16_atomics::Bool, shader_shared_float_16_atomic_add::Bool, shader_shared_float_16_atomic_min_max::Bool, shader_shared_float_32_atomic_min_max::Bool, shader_shared_float_64_atomic_min_max::Bool, shader_image_float_32_atomic_min_max::Bool, sparse_image_float_32_atomic_min_max::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT(structure_type(VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), shader_buffer_float_16_atomics, shader_buffer_float_16_atomic_add, shader_buffer_float_16_atomic_min_max, shader_buffer_float_32_atomic_min_max, shader_buffer_float_64_atomic_min_max, shader_shared_float_16_atomics, shader_shared_float_16_atomic_add, shader_shared_float_16_atomic_min_max, shader_shared_float_32_atomic_min_max, shader_shared_float_64_atomic_min_max, shader_image_float_32_atomic_min_max, sparse_image_float_32_atomic_min_max) _PhysicalDeviceShaderAtomicFloat2FeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor Arguments: - `vertex_attribute_instance_rate_divisor::Bool` - `vertex_attribute_instance_rate_zero_divisor::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT.html) """ function _PhysicalDeviceVertexAttributeDivisorFeaturesEXT(vertex_attribute_instance_rate_divisor::Bool, vertex_attribute_instance_rate_zero_divisor::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT(structure_type(VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), vertex_attribute_instance_rate_divisor, vertex_attribute_instance_rate_zero_divisor) _PhysicalDeviceVertexAttributeDivisorFeaturesEXT(vks, deps) end """ Extension: VK\\_NV\\_device\\_diagnostic\\_checkpoints Arguments: - `checkpoint_execution_stage_mask::PipelineStageFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyCheckpointPropertiesNV.html) """ function _QueueFamilyCheckpointPropertiesNV(checkpoint_execution_stage_mask::PipelineStageFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkQueueFamilyCheckpointPropertiesNV(structure_type(VkQueueFamilyCheckpointPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), checkpoint_execution_stage_mask) _QueueFamilyCheckpointPropertiesNV(vks, deps) end """ Extension: VK\\_NV\\_device\\_diagnostic\\_checkpoints Arguments: - `stage::PipelineStageFlag` - `checkpoint_marker::Ptr{Cvoid}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCheckpointDataNV.html) """ function _CheckpointDataNV(stage::PipelineStageFlag, checkpoint_marker::Ptr{Cvoid}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) checkpoint_marker = cconvert(Ptr{Cvoid}, checkpoint_marker) deps = Any[next, checkpoint_marker] vks = VkCheckpointDataNV(structure_type(VkCheckpointDataNV), unsafe_convert(Ptr{Cvoid}, next), VkPipelineStageFlagBits(stage.val), unsafe_convert(Ptr{Cvoid}, checkpoint_marker)) _CheckpointDataNV(vks, deps) end """ Arguments: - `supported_depth_resolve_modes::ResolveModeFlag` - `supported_stencil_resolve_modes::ResolveModeFlag` - `independent_resolve_none::Bool` - `independent_resolve::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthStencilResolveProperties.html) """ function _PhysicalDeviceDepthStencilResolveProperties(supported_depth_resolve_modes::ResolveModeFlag, supported_stencil_resolve_modes::ResolveModeFlag, independent_resolve_none::Bool, independent_resolve::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDepthStencilResolveProperties(structure_type(VkPhysicalDeviceDepthStencilResolveProperties), unsafe_convert(Ptr{Cvoid}, next), supported_depth_resolve_modes, supported_stencil_resolve_modes, independent_resolve_none, independent_resolve) _PhysicalDeviceDepthStencilResolveProperties(vks, deps) end """ Arguments: - `depth_resolve_mode::ResolveModeFlag` - `stencil_resolve_mode::ResolveModeFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `depth_stencil_resolve_attachment::_AttachmentReference2`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDescriptionDepthStencilResolve.html) """ function _SubpassDescriptionDepthStencilResolve(depth_resolve_mode::ResolveModeFlag, stencil_resolve_mode::ResolveModeFlag; next = C_NULL, depth_stencil_resolve_attachment = C_NULL) next = cconvert(Ptr{Cvoid}, next) depth_stencil_resolve_attachment = cconvert(Ptr{VkAttachmentReference2}, depth_stencil_resolve_attachment) deps = Any[next, depth_stencil_resolve_attachment] vks = VkSubpassDescriptionDepthStencilResolve(structure_type(VkSubpassDescriptionDepthStencilResolve), unsafe_convert(Ptr{Cvoid}, next), VkResolveModeFlagBits(depth_resolve_mode.val), VkResolveModeFlagBits(stencil_resolve_mode.val), unsafe_convert(Ptr{VkAttachmentReference2}, depth_stencil_resolve_attachment)) _SubpassDescriptionDepthStencilResolve(vks, deps) end """ Extension: VK\\_EXT\\_astc\\_decode\\_mode Arguments: - `decode_mode::Format` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewASTCDecodeModeEXT.html) """ function _ImageViewASTCDecodeModeEXT(decode_mode::Format; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageViewASTCDecodeModeEXT(structure_type(VkImageViewASTCDecodeModeEXT), unsafe_convert(Ptr{Cvoid}, next), decode_mode) _ImageViewASTCDecodeModeEXT(vks, deps) end """ Extension: VK\\_EXT\\_astc\\_decode\\_mode Arguments: - `decode_mode_shared_exponent::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceASTCDecodeFeaturesEXT.html) """ function _PhysicalDeviceASTCDecodeFeaturesEXT(decode_mode_shared_exponent::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceASTCDecodeFeaturesEXT(structure_type(VkPhysicalDeviceASTCDecodeFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), decode_mode_shared_exponent) _PhysicalDeviceASTCDecodeFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `transform_feedback::Bool` - `geometry_streams::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTransformFeedbackFeaturesEXT.html) """ function _PhysicalDeviceTransformFeedbackFeaturesEXT(transform_feedback::Bool, geometry_streams::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceTransformFeedbackFeaturesEXT(structure_type(VkPhysicalDeviceTransformFeedbackFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), transform_feedback, geometry_streams) _PhysicalDeviceTransformFeedbackFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `max_transform_feedback_streams::UInt32` - `max_transform_feedback_buffers::UInt32` - `max_transform_feedback_buffer_size::UInt64` - `max_transform_feedback_stream_data_size::UInt32` - `max_transform_feedback_buffer_data_size::UInt32` - `max_transform_feedback_buffer_data_stride::UInt32` - `transform_feedback_queries::Bool` - `transform_feedback_streams_lines_triangles::Bool` - `transform_feedback_rasterization_stream_select::Bool` - `transform_feedback_draw::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTransformFeedbackPropertiesEXT.html) """ function _PhysicalDeviceTransformFeedbackPropertiesEXT(max_transform_feedback_streams::Integer, max_transform_feedback_buffers::Integer, max_transform_feedback_buffer_size::Integer, max_transform_feedback_stream_data_size::Integer, max_transform_feedback_buffer_data_size::Integer, max_transform_feedback_buffer_data_stride::Integer, transform_feedback_queries::Bool, transform_feedback_streams_lines_triangles::Bool, transform_feedback_rasterization_stream_select::Bool, transform_feedback_draw::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceTransformFeedbackPropertiesEXT(structure_type(VkPhysicalDeviceTransformFeedbackPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), max_transform_feedback_streams, max_transform_feedback_buffers, max_transform_feedback_buffer_size, max_transform_feedback_stream_data_size, max_transform_feedback_buffer_data_size, max_transform_feedback_buffer_data_stride, transform_feedback_queries, transform_feedback_streams_lines_triangles, transform_feedback_rasterization_stream_select, transform_feedback_draw) _PhysicalDeviceTransformFeedbackPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `rasterization_stream::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationStateStreamCreateInfoEXT.html) """ function _PipelineRasterizationStateStreamCreateInfoEXT(rasterization_stream::Integer; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineRasterizationStateStreamCreateInfoEXT(structure_type(VkPipelineRasterizationStateStreamCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), flags, rasterization_stream) _PipelineRasterizationStateStreamCreateInfoEXT(vks, deps) end """ Extension: VK\\_NV\\_representative\\_fragment\\_test Arguments: - `representative_fragment_test::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV.html) """ function _PhysicalDeviceRepresentativeFragmentTestFeaturesNV(representative_fragment_test::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV(structure_type(VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), representative_fragment_test) _PhysicalDeviceRepresentativeFragmentTestFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_representative\\_fragment\\_test Arguments: - `representative_fragment_test_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRepresentativeFragmentTestStateCreateInfoNV.html) """ function _PipelineRepresentativeFragmentTestStateCreateInfoNV(representative_fragment_test_enable::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineRepresentativeFragmentTestStateCreateInfoNV(structure_type(VkPipelineRepresentativeFragmentTestStateCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), representative_fragment_test_enable) _PipelineRepresentativeFragmentTestStateCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_scissor\\_exclusive Arguments: - `exclusive_scissor::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExclusiveScissorFeaturesNV.html) """ function _PhysicalDeviceExclusiveScissorFeaturesNV(exclusive_scissor::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceExclusiveScissorFeaturesNV(structure_type(VkPhysicalDeviceExclusiveScissorFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), exclusive_scissor) _PhysicalDeviceExclusiveScissorFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_scissor\\_exclusive Arguments: - `exclusive_scissors::Vector{_Rect2D}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportExclusiveScissorStateCreateInfoNV.html) """ function _PipelineViewportExclusiveScissorStateCreateInfoNV(exclusive_scissors::AbstractArray; next = C_NULL) exclusive_scissor_count = pointer_length(exclusive_scissors) next = cconvert(Ptr{Cvoid}, next) exclusive_scissors = cconvert(Ptr{VkRect2D}, exclusive_scissors) deps = Any[next, exclusive_scissors] vks = VkPipelineViewportExclusiveScissorStateCreateInfoNV(structure_type(VkPipelineViewportExclusiveScissorStateCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), exclusive_scissor_count, unsafe_convert(Ptr{VkRect2D}, exclusive_scissors)) _PipelineViewportExclusiveScissorStateCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_corner\\_sampled\\_image Arguments: - `corner_sampled_image::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCornerSampledImageFeaturesNV.html) """ function _PhysicalDeviceCornerSampledImageFeaturesNV(corner_sampled_image::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceCornerSampledImageFeaturesNV(structure_type(VkPhysicalDeviceCornerSampledImageFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), corner_sampled_image) _PhysicalDeviceCornerSampledImageFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_compute\\_shader\\_derivatives Arguments: - `compute_derivative_group_quads::Bool` - `compute_derivative_group_linear::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceComputeShaderDerivativesFeaturesNV.html) """ function _PhysicalDeviceComputeShaderDerivativesFeaturesNV(compute_derivative_group_quads::Bool, compute_derivative_group_linear::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceComputeShaderDerivativesFeaturesNV(structure_type(VkPhysicalDeviceComputeShaderDerivativesFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), compute_derivative_group_quads, compute_derivative_group_linear) _PhysicalDeviceComputeShaderDerivativesFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_shader\\_image\\_footprint Arguments: - `image_footprint::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderImageFootprintFeaturesNV.html) """ function _PhysicalDeviceShaderImageFootprintFeaturesNV(image_footprint::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderImageFootprintFeaturesNV(structure_type(VkPhysicalDeviceShaderImageFootprintFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), image_footprint) _PhysicalDeviceShaderImageFootprintFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_dedicated\\_allocation\\_image\\_aliasing Arguments: - `dedicated_allocation_image_aliasing::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV.html) """ function _PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV(dedicated_allocation_image_aliasing::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV(structure_type(VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), dedicated_allocation_image_aliasing) _PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_copy\\_memory\\_indirect Arguments: - `indirect_copy::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCopyMemoryIndirectFeaturesNV.html) """ function _PhysicalDeviceCopyMemoryIndirectFeaturesNV(indirect_copy::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceCopyMemoryIndirectFeaturesNV(structure_type(VkPhysicalDeviceCopyMemoryIndirectFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), indirect_copy) _PhysicalDeviceCopyMemoryIndirectFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_copy\\_memory\\_indirect Arguments: - `supported_queues::QueueFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCopyMemoryIndirectPropertiesNV.html) """ function _PhysicalDeviceCopyMemoryIndirectPropertiesNV(supported_queues::QueueFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceCopyMemoryIndirectPropertiesNV(structure_type(VkPhysicalDeviceCopyMemoryIndirectPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), supported_queues) _PhysicalDeviceCopyMemoryIndirectPropertiesNV(vks, deps) end """ Extension: VK\\_NV\\_memory\\_decompression Arguments: - `memory_decompression::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryDecompressionFeaturesNV.html) """ function _PhysicalDeviceMemoryDecompressionFeaturesNV(memory_decompression::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMemoryDecompressionFeaturesNV(structure_type(VkPhysicalDeviceMemoryDecompressionFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), memory_decompression) _PhysicalDeviceMemoryDecompressionFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_memory\\_decompression Arguments: - `decompression_methods::UInt64` - `max_decompression_indirect_count::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryDecompressionPropertiesNV.html) """ function _PhysicalDeviceMemoryDecompressionPropertiesNV(decompression_methods::Integer, max_decompression_indirect_count::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMemoryDecompressionPropertiesNV(structure_type(VkPhysicalDeviceMemoryDecompressionPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), decompression_methods, max_decompression_indirect_count) _PhysicalDeviceMemoryDecompressionPropertiesNV(vks, deps) end """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `shading_rate_palette_entries::Vector{ShadingRatePaletteEntryNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShadingRatePaletteNV.html) """ function _ShadingRatePaletteNV(shading_rate_palette_entries::AbstractArray) shading_rate_palette_entry_count = pointer_length(shading_rate_palette_entries) shading_rate_palette_entries = cconvert(Ptr{VkShadingRatePaletteEntryNV}, shading_rate_palette_entries) deps = Any[shading_rate_palette_entries] vks = VkShadingRatePaletteNV(shading_rate_palette_entry_count, unsafe_convert(Ptr{VkShadingRatePaletteEntryNV}, shading_rate_palette_entries)) _ShadingRatePaletteNV(vks, deps) end """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `shading_rate_image_enable::Bool` - `shading_rate_palettes::Vector{_ShadingRatePaletteNV}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportShadingRateImageStateCreateInfoNV.html) """ function _PipelineViewportShadingRateImageStateCreateInfoNV(shading_rate_image_enable::Bool, shading_rate_palettes::AbstractArray; next = C_NULL) viewport_count = pointer_length(shading_rate_palettes) next = cconvert(Ptr{Cvoid}, next) shading_rate_palettes = cconvert(Ptr{VkShadingRatePaletteNV}, shading_rate_palettes) deps = Any[next, shading_rate_palettes] vks = VkPipelineViewportShadingRateImageStateCreateInfoNV(structure_type(VkPipelineViewportShadingRateImageStateCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), shading_rate_image_enable, viewport_count, unsafe_convert(Ptr{VkShadingRatePaletteNV}, shading_rate_palettes)) _PipelineViewportShadingRateImageStateCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `shading_rate_image::Bool` - `shading_rate_coarse_sample_order::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShadingRateImageFeaturesNV.html) """ function _PhysicalDeviceShadingRateImageFeaturesNV(shading_rate_image::Bool, shading_rate_coarse_sample_order::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShadingRateImageFeaturesNV(structure_type(VkPhysicalDeviceShadingRateImageFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), shading_rate_image, shading_rate_coarse_sample_order) _PhysicalDeviceShadingRateImageFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `shading_rate_texel_size::_Extent2D` - `shading_rate_palette_size::UInt32` - `shading_rate_max_coarse_samples::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShadingRateImagePropertiesNV.html) """ function _PhysicalDeviceShadingRateImagePropertiesNV(shading_rate_texel_size::_Extent2D, shading_rate_palette_size::Integer, shading_rate_max_coarse_samples::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShadingRateImagePropertiesNV(structure_type(VkPhysicalDeviceShadingRateImagePropertiesNV), unsafe_convert(Ptr{Cvoid}, next), shading_rate_texel_size.vks, shading_rate_palette_size, shading_rate_max_coarse_samples) _PhysicalDeviceShadingRateImagePropertiesNV(vks, deps) end """ Extension: VK\\_HUAWEI\\_invocation\\_mask Arguments: - `invocation_mask::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInvocationMaskFeaturesHUAWEI.html) """ function _PhysicalDeviceInvocationMaskFeaturesHUAWEI(invocation_mask::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceInvocationMaskFeaturesHUAWEI(structure_type(VkPhysicalDeviceInvocationMaskFeaturesHUAWEI), unsafe_convert(Ptr{Cvoid}, next), invocation_mask) _PhysicalDeviceInvocationMaskFeaturesHUAWEI(vks, deps) end """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `pixel_x::UInt32` - `pixel_y::UInt32` - `sample::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCoarseSampleLocationNV.html) """ function _CoarseSampleLocationNV(pixel_x::Integer, pixel_y::Integer, sample::Integer) _CoarseSampleLocationNV(VkCoarseSampleLocationNV(pixel_x, pixel_y, sample)) end """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `shading_rate::ShadingRatePaletteEntryNV` - `sample_count::UInt32` - `sample_locations::Vector{_CoarseSampleLocationNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCoarseSampleOrderCustomNV.html) """ function _CoarseSampleOrderCustomNV(shading_rate::ShadingRatePaletteEntryNV, sample_count::Integer, sample_locations::AbstractArray) sample_location_count = pointer_length(sample_locations) sample_locations = cconvert(Ptr{VkCoarseSampleLocationNV}, sample_locations) deps = Any[sample_locations] vks = VkCoarseSampleOrderCustomNV(shading_rate, sample_count, sample_location_count, unsafe_convert(Ptr{VkCoarseSampleLocationNV}, sample_locations)) _CoarseSampleOrderCustomNV(vks, deps) end """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `sample_order_type::CoarseSampleOrderTypeNV` - `custom_sample_orders::Vector{_CoarseSampleOrderCustomNV}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportCoarseSampleOrderStateCreateInfoNV.html) """ function _PipelineViewportCoarseSampleOrderStateCreateInfoNV(sample_order_type::CoarseSampleOrderTypeNV, custom_sample_orders::AbstractArray; next = C_NULL) custom_sample_order_count = pointer_length(custom_sample_orders) next = cconvert(Ptr{Cvoid}, next) custom_sample_orders = cconvert(Ptr{VkCoarseSampleOrderCustomNV}, custom_sample_orders) deps = Any[next, custom_sample_orders] vks = VkPipelineViewportCoarseSampleOrderStateCreateInfoNV(structure_type(VkPipelineViewportCoarseSampleOrderStateCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), sample_order_type, custom_sample_order_count, unsafe_convert(Ptr{VkCoarseSampleOrderCustomNV}, custom_sample_orders)) _PipelineViewportCoarseSampleOrderStateCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_mesh\\_shader Arguments: - `task_shader::Bool` - `mesh_shader::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderFeaturesNV.html) """ function _PhysicalDeviceMeshShaderFeaturesNV(task_shader::Bool, mesh_shader::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMeshShaderFeaturesNV(structure_type(VkPhysicalDeviceMeshShaderFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), task_shader, mesh_shader) _PhysicalDeviceMeshShaderFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_mesh\\_shader Arguments: - `max_draw_mesh_tasks_count::UInt32` - `max_task_work_group_invocations::UInt32` - `max_task_work_group_size::NTuple{3, UInt32}` - `max_task_total_memory_size::UInt32` - `max_task_output_count::UInt32` - `max_mesh_work_group_invocations::UInt32` - `max_mesh_work_group_size::NTuple{3, UInt32}` - `max_mesh_total_memory_size::UInt32` - `max_mesh_output_vertices::UInt32` - `max_mesh_output_primitives::UInt32` - `max_mesh_multiview_view_count::UInt32` - `mesh_output_per_vertex_granularity::UInt32` - `mesh_output_per_primitive_granularity::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderPropertiesNV.html) """ function _PhysicalDeviceMeshShaderPropertiesNV(max_draw_mesh_tasks_count::Integer, max_task_work_group_invocations::Integer, max_task_work_group_size::NTuple{3, UInt32}, max_task_total_memory_size::Integer, max_task_output_count::Integer, max_mesh_work_group_invocations::Integer, max_mesh_work_group_size::NTuple{3, UInt32}, max_mesh_total_memory_size::Integer, max_mesh_output_vertices::Integer, max_mesh_output_primitives::Integer, max_mesh_multiview_view_count::Integer, mesh_output_per_vertex_granularity::Integer, mesh_output_per_primitive_granularity::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMeshShaderPropertiesNV(structure_type(VkPhysicalDeviceMeshShaderPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), max_draw_mesh_tasks_count, max_task_work_group_invocations, max_task_work_group_size, max_task_total_memory_size, max_task_output_count, max_mesh_work_group_invocations, max_mesh_work_group_size, max_mesh_total_memory_size, max_mesh_output_vertices, max_mesh_output_primitives, max_mesh_multiview_view_count, mesh_output_per_vertex_granularity, mesh_output_per_primitive_granularity) _PhysicalDeviceMeshShaderPropertiesNV(vks, deps) end """ Extension: VK\\_NV\\_mesh\\_shader Arguments: - `task_count::UInt32` - `first_task::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrawMeshTasksIndirectCommandNV.html) """ function _DrawMeshTasksIndirectCommandNV(task_count::Integer, first_task::Integer) _DrawMeshTasksIndirectCommandNV(VkDrawMeshTasksIndirectCommandNV(task_count, first_task)) end """ Extension: VK\\_EXT\\_mesh\\_shader Arguments: - `task_shader::Bool` - `mesh_shader::Bool` - `multiview_mesh_shader::Bool` - `primitive_fragment_shading_rate_mesh_shader::Bool` - `mesh_shader_queries::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderFeaturesEXT.html) """ function _PhysicalDeviceMeshShaderFeaturesEXT(task_shader::Bool, mesh_shader::Bool, multiview_mesh_shader::Bool, primitive_fragment_shading_rate_mesh_shader::Bool, mesh_shader_queries::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMeshShaderFeaturesEXT(structure_type(VkPhysicalDeviceMeshShaderFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), task_shader, mesh_shader, multiview_mesh_shader, primitive_fragment_shading_rate_mesh_shader, mesh_shader_queries) _PhysicalDeviceMeshShaderFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_mesh\\_shader Arguments: - `max_task_work_group_total_count::UInt32` - `max_task_work_group_count::NTuple{3, UInt32}` - `max_task_work_group_invocations::UInt32` - `max_task_work_group_size::NTuple{3, UInt32}` - `max_task_payload_size::UInt32` - `max_task_shared_memory_size::UInt32` - `max_task_payload_and_shared_memory_size::UInt32` - `max_mesh_work_group_total_count::UInt32` - `max_mesh_work_group_count::NTuple{3, UInt32}` - `max_mesh_work_group_invocations::UInt32` - `max_mesh_work_group_size::NTuple{3, UInt32}` - `max_mesh_shared_memory_size::UInt32` - `max_mesh_payload_and_shared_memory_size::UInt32` - `max_mesh_output_memory_size::UInt32` - `max_mesh_payload_and_output_memory_size::UInt32` - `max_mesh_output_components::UInt32` - `max_mesh_output_vertices::UInt32` - `max_mesh_output_primitives::UInt32` - `max_mesh_output_layers::UInt32` - `max_mesh_multiview_view_count::UInt32` - `mesh_output_per_vertex_granularity::UInt32` - `mesh_output_per_primitive_granularity::UInt32` - `max_preferred_task_work_group_invocations::UInt32` - `max_preferred_mesh_work_group_invocations::UInt32` - `prefers_local_invocation_vertex_output::Bool` - `prefers_local_invocation_primitive_output::Bool` - `prefers_compact_vertex_output::Bool` - `prefers_compact_primitive_output::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderPropertiesEXT.html) """ function _PhysicalDeviceMeshShaderPropertiesEXT(max_task_work_group_total_count::Integer, max_task_work_group_count::NTuple{3, UInt32}, max_task_work_group_invocations::Integer, max_task_work_group_size::NTuple{3, UInt32}, max_task_payload_size::Integer, max_task_shared_memory_size::Integer, max_task_payload_and_shared_memory_size::Integer, max_mesh_work_group_total_count::Integer, max_mesh_work_group_count::NTuple{3, UInt32}, max_mesh_work_group_invocations::Integer, max_mesh_work_group_size::NTuple{3, UInt32}, max_mesh_shared_memory_size::Integer, max_mesh_payload_and_shared_memory_size::Integer, max_mesh_output_memory_size::Integer, max_mesh_payload_and_output_memory_size::Integer, max_mesh_output_components::Integer, max_mesh_output_vertices::Integer, max_mesh_output_primitives::Integer, max_mesh_output_layers::Integer, max_mesh_multiview_view_count::Integer, mesh_output_per_vertex_granularity::Integer, mesh_output_per_primitive_granularity::Integer, max_preferred_task_work_group_invocations::Integer, max_preferred_mesh_work_group_invocations::Integer, prefers_local_invocation_vertex_output::Bool, prefers_local_invocation_primitive_output::Bool, prefers_compact_vertex_output::Bool, prefers_compact_primitive_output::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMeshShaderPropertiesEXT(structure_type(VkPhysicalDeviceMeshShaderPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), max_task_work_group_total_count, max_task_work_group_count, max_task_work_group_invocations, max_task_work_group_size, max_task_payload_size, max_task_shared_memory_size, max_task_payload_and_shared_memory_size, max_mesh_work_group_total_count, max_mesh_work_group_count, max_mesh_work_group_invocations, max_mesh_work_group_size, max_mesh_shared_memory_size, max_mesh_payload_and_shared_memory_size, max_mesh_output_memory_size, max_mesh_payload_and_output_memory_size, max_mesh_output_components, max_mesh_output_vertices, max_mesh_output_primitives, max_mesh_output_layers, max_mesh_multiview_view_count, mesh_output_per_vertex_granularity, mesh_output_per_primitive_granularity, max_preferred_task_work_group_invocations, max_preferred_mesh_work_group_invocations, prefers_local_invocation_vertex_output, prefers_local_invocation_primitive_output, prefers_compact_vertex_output, prefers_compact_primitive_output) _PhysicalDeviceMeshShaderPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_mesh\\_shader Arguments: - `group_count_x::UInt32` - `group_count_y::UInt32` - `group_count_z::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrawMeshTasksIndirectCommandEXT.html) """ function _DrawMeshTasksIndirectCommandEXT(group_count_x::Integer, group_count_y::Integer, group_count_z::Integer) _DrawMeshTasksIndirectCommandEXT(VkDrawMeshTasksIndirectCommandEXT(group_count_x, group_count_y, group_count_z)) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `type::RayTracingShaderGroupTypeKHR` - `general_shader::UInt32` - `closest_hit_shader::UInt32` - `any_hit_shader::UInt32` - `intersection_shader::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingShaderGroupCreateInfoNV.html) """ function _RayTracingShaderGroupCreateInfoNV(type::RayTracingShaderGroupTypeKHR, general_shader::Integer, closest_hit_shader::Integer, any_hit_shader::Integer, intersection_shader::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkRayTracingShaderGroupCreateInfoNV(structure_type(VkRayTracingShaderGroupCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), type, general_shader, closest_hit_shader, any_hit_shader, intersection_shader) _RayTracingShaderGroupCreateInfoNV(vks, deps) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `type::RayTracingShaderGroupTypeKHR` - `general_shader::UInt32` - `closest_hit_shader::UInt32` - `any_hit_shader::UInt32` - `intersection_shader::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `shader_group_capture_replay_handle::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingShaderGroupCreateInfoKHR.html) """ function _RayTracingShaderGroupCreateInfoKHR(type::RayTracingShaderGroupTypeKHR, general_shader::Integer, closest_hit_shader::Integer, any_hit_shader::Integer, intersection_shader::Integer; next = C_NULL, shader_group_capture_replay_handle = C_NULL) next = cconvert(Ptr{Cvoid}, next) shader_group_capture_replay_handle = cconvert(Ptr{Cvoid}, shader_group_capture_replay_handle) deps = Any[next, shader_group_capture_replay_handle] vks = VkRayTracingShaderGroupCreateInfoKHR(structure_type(VkRayTracingShaderGroupCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), type, general_shader, closest_hit_shader, any_hit_shader, intersection_shader, unsafe_convert(Ptr{Cvoid}, shader_group_capture_replay_handle)) _RayTracingShaderGroupCreateInfoKHR(vks, deps) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `stages::Vector{_PipelineShaderStageCreateInfo}` - `groups::Vector{_RayTracingShaderGroupCreateInfoNV}` - `max_recursion_depth::UInt32` - `layout::PipelineLayout` - `base_pipeline_index::Int32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PipelineCreateFlag`: defaults to `0` - `base_pipeline_handle::Pipeline`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingPipelineCreateInfoNV.html) """ function _RayTracingPipelineCreateInfoNV(stages::AbstractArray, groups::AbstractArray, max_recursion_depth::Integer, layout, base_pipeline_index::Integer; next = C_NULL, flags = 0, base_pipeline_handle = C_NULL) stage_count = pointer_length(stages) group_count = pointer_length(groups) next = cconvert(Ptr{Cvoid}, next) stages = cconvert(Ptr{VkPipelineShaderStageCreateInfo}, stages) groups = cconvert(Ptr{VkRayTracingShaderGroupCreateInfoNV}, groups) deps = Any[next, stages, groups] vks = VkRayTracingPipelineCreateInfoNV(structure_type(VkRayTracingPipelineCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), flags, stage_count, unsafe_convert(Ptr{VkPipelineShaderStageCreateInfo}, stages), group_count, unsafe_convert(Ptr{VkRayTracingShaderGroupCreateInfoNV}, groups), max_recursion_depth, layout, base_pipeline_handle, base_pipeline_index) _RayTracingPipelineCreateInfoNV(vks, deps, layout, base_pipeline_handle) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `stages::Vector{_PipelineShaderStageCreateInfo}` - `groups::Vector{_RayTracingShaderGroupCreateInfoKHR}` - `max_pipeline_ray_recursion_depth::UInt32` - `layout::PipelineLayout` - `base_pipeline_index::Int32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PipelineCreateFlag`: defaults to `0` - `library_info::_PipelineLibraryCreateInfoKHR`: defaults to `C_NULL` - `library_interface::_RayTracingPipelineInterfaceCreateInfoKHR`: defaults to `C_NULL` - `dynamic_state::_PipelineDynamicStateCreateInfo`: defaults to `C_NULL` - `base_pipeline_handle::Pipeline`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingPipelineCreateInfoKHR.html) """ function _RayTracingPipelineCreateInfoKHR(stages::AbstractArray, groups::AbstractArray, max_pipeline_ray_recursion_depth::Integer, layout, base_pipeline_index::Integer; next = C_NULL, flags = 0, library_info = C_NULL, library_interface = C_NULL, dynamic_state = C_NULL, base_pipeline_handle = C_NULL) stage_count = pointer_length(stages) group_count = pointer_length(groups) next = cconvert(Ptr{Cvoid}, next) stages = cconvert(Ptr{VkPipelineShaderStageCreateInfo}, stages) groups = cconvert(Ptr{VkRayTracingShaderGroupCreateInfoKHR}, groups) library_info = cconvert(Ptr{VkPipelineLibraryCreateInfoKHR}, library_info) library_interface = cconvert(Ptr{VkRayTracingPipelineInterfaceCreateInfoKHR}, library_interface) dynamic_state = cconvert(Ptr{VkPipelineDynamicStateCreateInfo}, dynamic_state) deps = Any[next, stages, groups, library_info, library_interface, dynamic_state] vks = VkRayTracingPipelineCreateInfoKHR(structure_type(VkRayTracingPipelineCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), flags, stage_count, unsafe_convert(Ptr{VkPipelineShaderStageCreateInfo}, stages), group_count, unsafe_convert(Ptr{VkRayTracingShaderGroupCreateInfoKHR}, groups), max_pipeline_ray_recursion_depth, unsafe_convert(Ptr{VkPipelineLibraryCreateInfoKHR}, library_info), unsafe_convert(Ptr{VkRayTracingPipelineInterfaceCreateInfoKHR}, library_interface), unsafe_convert(Ptr{VkPipelineDynamicStateCreateInfo}, dynamic_state), layout, base_pipeline_handle, base_pipeline_index) _RayTracingPipelineCreateInfoKHR(vks, deps, layout, base_pipeline_handle) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `vertex_offset::UInt64` - `vertex_count::UInt32` - `vertex_stride::UInt64` - `vertex_format::Format` - `index_offset::UInt64` - `index_count::UInt32` - `index_type::IndexType` - `transform_offset::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `vertex_data::Buffer`: defaults to `C_NULL` - `index_data::Buffer`: defaults to `C_NULL` - `transform_data::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryTrianglesNV.html) """ function _GeometryTrianglesNV(vertex_offset::Integer, vertex_count::Integer, vertex_stride::Integer, vertex_format::Format, index_offset::Integer, index_count::Integer, index_type::IndexType, transform_offset::Integer; next = C_NULL, vertex_data = C_NULL, index_data = C_NULL, transform_data = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkGeometryTrianglesNV(structure_type(VkGeometryTrianglesNV), unsafe_convert(Ptr{Cvoid}, next), vertex_data, vertex_offset, vertex_count, vertex_stride, vertex_format, index_data, index_offset, index_count, index_type, transform_data, transform_offset) _GeometryTrianglesNV(vks, deps, vertex_data, index_data, transform_data) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `num_aab_bs::UInt32` - `stride::UInt32` - `offset::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `aabb_data::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryAABBNV.html) """ function _GeometryAABBNV(num_aab_bs::Integer, stride::Integer, offset::Integer; next = C_NULL, aabb_data = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkGeometryAABBNV(structure_type(VkGeometryAABBNV), unsafe_convert(Ptr{Cvoid}, next), aabb_data, num_aab_bs, stride, offset) _GeometryAABBNV(vks, deps, aabb_data) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `triangles::_GeometryTrianglesNV` - `aabbs::_GeometryAABBNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryDataNV.html) """ function _GeometryDataNV(triangles::_GeometryTrianglesNV, aabbs::_GeometryAABBNV) _GeometryDataNV(VkGeometryDataNV(triangles.vks, aabbs.vks)) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `geometry_type::GeometryTypeKHR` - `geometry::_GeometryDataNV` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::GeometryFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryNV.html) """ function _GeometryNV(geometry_type::GeometryTypeKHR, geometry::_GeometryDataNV; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkGeometryNV(structure_type(VkGeometryNV), unsafe_convert(Ptr{Cvoid}, next), geometry_type, geometry.vks, flags) _GeometryNV(vks, deps) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `type::VkAccelerationStructureTypeNV` - `geometries::Vector{_GeometryNV}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::VkBuildAccelerationStructureFlagsNV`: defaults to `0` - `instance_count::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureInfoNV.html) """ function _AccelerationStructureInfoNV(type::VkAccelerationStructureTypeNV, geometries::AbstractArray; next = C_NULL, flags = 0, instance_count = 0) geometry_count = pointer_length(geometries) next = cconvert(Ptr{Cvoid}, next) geometries = cconvert(Ptr{VkGeometryNV}, geometries) deps = Any[next, geometries] vks = VkAccelerationStructureInfoNV(structure_type(VkAccelerationStructureInfoNV), unsafe_convert(Ptr{Cvoid}, next), type, flags, instance_count, geometry_count, unsafe_convert(Ptr{VkGeometryNV}, geometries)) _AccelerationStructureInfoNV(vks, deps) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `compacted_size::UInt64` - `info::_AccelerationStructureInfoNV` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureCreateInfoNV.html) """ function _AccelerationStructureCreateInfoNV(compacted_size::Integer, info::_AccelerationStructureInfoNV; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAccelerationStructureCreateInfoNV(structure_type(VkAccelerationStructureCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), compacted_size, info.vks) _AccelerationStructureCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `acceleration_structure::AccelerationStructureNV` - `memory::DeviceMemory` - `memory_offset::UInt64` - `device_indices::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindAccelerationStructureMemoryInfoNV.html) """ function _BindAccelerationStructureMemoryInfoNV(acceleration_structure, memory, memory_offset::Integer, device_indices::AbstractArray; next = C_NULL) device_index_count = pointer_length(device_indices) next = cconvert(Ptr{Cvoid}, next) device_indices = cconvert(Ptr{UInt32}, device_indices) deps = Any[next, device_indices] vks = VkBindAccelerationStructureMemoryInfoNV(structure_type(VkBindAccelerationStructureMemoryInfoNV), unsafe_convert(Ptr{Cvoid}, next), acceleration_structure, memory, memory_offset, device_index_count, unsafe_convert(Ptr{UInt32}, device_indices)) _BindAccelerationStructureMemoryInfoNV(vks, deps, acceleration_structure, memory) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `acceleration_structures::Vector{AccelerationStructureKHR}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSetAccelerationStructureKHR.html) """ function _WriteDescriptorSetAccelerationStructureKHR(acceleration_structures::AbstractArray; next = C_NULL) acceleration_structure_count = pointer_length(acceleration_structures) next = cconvert(Ptr{Cvoid}, next) acceleration_structures = cconvert(Ptr{VkAccelerationStructureKHR}, acceleration_structures) deps = Any[next, acceleration_structures] vks = VkWriteDescriptorSetAccelerationStructureKHR(structure_type(VkWriteDescriptorSetAccelerationStructureKHR), unsafe_convert(Ptr{Cvoid}, next), acceleration_structure_count, unsafe_convert(Ptr{VkAccelerationStructureKHR}, acceleration_structures)) _WriteDescriptorSetAccelerationStructureKHR(vks, deps) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `acceleration_structures::Vector{AccelerationStructureNV}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSetAccelerationStructureNV.html) """ function _WriteDescriptorSetAccelerationStructureNV(acceleration_structures::AbstractArray; next = C_NULL) acceleration_structure_count = pointer_length(acceleration_structures) next = cconvert(Ptr{Cvoid}, next) acceleration_structures = cconvert(Ptr{VkAccelerationStructureNV}, acceleration_structures) deps = Any[next, acceleration_structures] vks = VkWriteDescriptorSetAccelerationStructureNV(structure_type(VkWriteDescriptorSetAccelerationStructureNV), unsafe_convert(Ptr{Cvoid}, next), acceleration_structure_count, unsafe_convert(Ptr{VkAccelerationStructureNV}, acceleration_structures)) _WriteDescriptorSetAccelerationStructureNV(vks, deps) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `type::AccelerationStructureMemoryRequirementsTypeNV` - `acceleration_structure::AccelerationStructureNV` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMemoryRequirementsInfoNV.html) """ function _AccelerationStructureMemoryRequirementsInfoNV(type::AccelerationStructureMemoryRequirementsTypeNV, acceleration_structure; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAccelerationStructureMemoryRequirementsInfoNV(structure_type(VkAccelerationStructureMemoryRequirementsInfoNV), unsafe_convert(Ptr{Cvoid}, next), type, acceleration_structure) _AccelerationStructureMemoryRequirementsInfoNV(vks, deps, acceleration_structure) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `acceleration_structure::Bool` - `acceleration_structure_capture_replay::Bool` - `acceleration_structure_indirect_build::Bool` - `acceleration_structure_host_commands::Bool` - `descriptor_binding_acceleration_structure_update_after_bind::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAccelerationStructureFeaturesKHR.html) """ function _PhysicalDeviceAccelerationStructureFeaturesKHR(acceleration_structure::Bool, acceleration_structure_capture_replay::Bool, acceleration_structure_indirect_build::Bool, acceleration_structure_host_commands::Bool, descriptor_binding_acceleration_structure_update_after_bind::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceAccelerationStructureFeaturesKHR(structure_type(VkPhysicalDeviceAccelerationStructureFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), acceleration_structure, acceleration_structure_capture_replay, acceleration_structure_indirect_build, acceleration_structure_host_commands, descriptor_binding_acceleration_structure_update_after_bind) _PhysicalDeviceAccelerationStructureFeaturesKHR(vks, deps) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `ray_tracing_pipeline::Bool` - `ray_tracing_pipeline_shader_group_handle_capture_replay::Bool` - `ray_tracing_pipeline_shader_group_handle_capture_replay_mixed::Bool` - `ray_tracing_pipeline_trace_rays_indirect::Bool` - `ray_traversal_primitive_culling::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingPipelineFeaturesKHR.html) """ function _PhysicalDeviceRayTracingPipelineFeaturesKHR(ray_tracing_pipeline::Bool, ray_tracing_pipeline_shader_group_handle_capture_replay::Bool, ray_tracing_pipeline_shader_group_handle_capture_replay_mixed::Bool, ray_tracing_pipeline_trace_rays_indirect::Bool, ray_traversal_primitive_culling::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRayTracingPipelineFeaturesKHR(structure_type(VkPhysicalDeviceRayTracingPipelineFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), ray_tracing_pipeline, ray_tracing_pipeline_shader_group_handle_capture_replay, ray_tracing_pipeline_shader_group_handle_capture_replay_mixed, ray_tracing_pipeline_trace_rays_indirect, ray_traversal_primitive_culling) _PhysicalDeviceRayTracingPipelineFeaturesKHR(vks, deps) end """ Extension: VK\\_KHR\\_ray\\_query Arguments: - `ray_query::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayQueryFeaturesKHR.html) """ function _PhysicalDeviceRayQueryFeaturesKHR(ray_query::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRayQueryFeaturesKHR(structure_type(VkPhysicalDeviceRayQueryFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), ray_query) _PhysicalDeviceRayQueryFeaturesKHR(vks, deps) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `max_geometry_count::UInt64` - `max_instance_count::UInt64` - `max_primitive_count::UInt64` - `max_per_stage_descriptor_acceleration_structures::UInt32` - `max_per_stage_descriptor_update_after_bind_acceleration_structures::UInt32` - `max_descriptor_set_acceleration_structures::UInt32` - `max_descriptor_set_update_after_bind_acceleration_structures::UInt32` - `min_acceleration_structure_scratch_offset_alignment::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAccelerationStructurePropertiesKHR.html) """ function _PhysicalDeviceAccelerationStructurePropertiesKHR(max_geometry_count::Integer, max_instance_count::Integer, max_primitive_count::Integer, max_per_stage_descriptor_acceleration_structures::Integer, max_per_stage_descriptor_update_after_bind_acceleration_structures::Integer, max_descriptor_set_acceleration_structures::Integer, max_descriptor_set_update_after_bind_acceleration_structures::Integer, min_acceleration_structure_scratch_offset_alignment::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceAccelerationStructurePropertiesKHR(structure_type(VkPhysicalDeviceAccelerationStructurePropertiesKHR), unsafe_convert(Ptr{Cvoid}, next), max_geometry_count, max_instance_count, max_primitive_count, max_per_stage_descriptor_acceleration_structures, max_per_stage_descriptor_update_after_bind_acceleration_structures, max_descriptor_set_acceleration_structures, max_descriptor_set_update_after_bind_acceleration_structures, min_acceleration_structure_scratch_offset_alignment) _PhysicalDeviceAccelerationStructurePropertiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `shader_group_handle_size::UInt32` - `max_ray_recursion_depth::UInt32` - `max_shader_group_stride::UInt32` - `shader_group_base_alignment::UInt32` - `shader_group_handle_capture_replay_size::UInt32` - `max_ray_dispatch_invocation_count::UInt32` - `shader_group_handle_alignment::UInt32` - `max_ray_hit_attribute_size::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingPipelinePropertiesKHR.html) """ function _PhysicalDeviceRayTracingPipelinePropertiesKHR(shader_group_handle_size::Integer, max_ray_recursion_depth::Integer, max_shader_group_stride::Integer, shader_group_base_alignment::Integer, shader_group_handle_capture_replay_size::Integer, max_ray_dispatch_invocation_count::Integer, shader_group_handle_alignment::Integer, max_ray_hit_attribute_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRayTracingPipelinePropertiesKHR(structure_type(VkPhysicalDeviceRayTracingPipelinePropertiesKHR), unsafe_convert(Ptr{Cvoid}, next), shader_group_handle_size, max_ray_recursion_depth, max_shader_group_stride, shader_group_base_alignment, shader_group_handle_capture_replay_size, max_ray_dispatch_invocation_count, shader_group_handle_alignment, max_ray_hit_attribute_size) _PhysicalDeviceRayTracingPipelinePropertiesKHR(vks, deps) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `shader_group_handle_size::UInt32` - `max_recursion_depth::UInt32` - `max_shader_group_stride::UInt32` - `shader_group_base_alignment::UInt32` - `max_geometry_count::UInt64` - `max_instance_count::UInt64` - `max_triangle_count::UInt64` - `max_descriptor_set_acceleration_structures::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingPropertiesNV.html) """ function _PhysicalDeviceRayTracingPropertiesNV(shader_group_handle_size::Integer, max_recursion_depth::Integer, max_shader_group_stride::Integer, shader_group_base_alignment::Integer, max_geometry_count::Integer, max_instance_count::Integer, max_triangle_count::Integer, max_descriptor_set_acceleration_structures::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRayTracingPropertiesNV(structure_type(VkPhysicalDeviceRayTracingPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), shader_group_handle_size, max_recursion_depth, max_shader_group_stride, shader_group_base_alignment, max_geometry_count, max_instance_count, max_triangle_count, max_descriptor_set_acceleration_structures) _PhysicalDeviceRayTracingPropertiesNV(vks, deps) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `stride::UInt64` - `size::UInt64` - `device_address::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkStridedDeviceAddressRegionKHR.html) """ function _StridedDeviceAddressRegionKHR(stride::Integer, size::Integer; device_address = 0) _StridedDeviceAddressRegionKHR(VkStridedDeviceAddressRegionKHR(device_address, stride, size)) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `width::UInt32` - `height::UInt32` - `depth::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTraceRaysIndirectCommandKHR.html) """ function _TraceRaysIndirectCommandKHR(width::Integer, height::Integer, depth::Integer) _TraceRaysIndirectCommandKHR(VkTraceRaysIndirectCommandKHR(width, height, depth)) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_maintenance1 Arguments: - `raygen_shader_record_address::UInt64` - `raygen_shader_record_size::UInt64` - `miss_shader_binding_table_address::UInt64` - `miss_shader_binding_table_size::UInt64` - `miss_shader_binding_table_stride::UInt64` - `hit_shader_binding_table_address::UInt64` - `hit_shader_binding_table_size::UInt64` - `hit_shader_binding_table_stride::UInt64` - `callable_shader_binding_table_address::UInt64` - `callable_shader_binding_table_size::UInt64` - `callable_shader_binding_table_stride::UInt64` - `width::UInt32` - `height::UInt32` - `depth::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTraceRaysIndirectCommand2KHR.html) """ function _TraceRaysIndirectCommand2KHR(raygen_shader_record_address::Integer, raygen_shader_record_size::Integer, miss_shader_binding_table_address::Integer, miss_shader_binding_table_size::Integer, miss_shader_binding_table_stride::Integer, hit_shader_binding_table_address::Integer, hit_shader_binding_table_size::Integer, hit_shader_binding_table_stride::Integer, callable_shader_binding_table_address::Integer, callable_shader_binding_table_size::Integer, callable_shader_binding_table_stride::Integer, width::Integer, height::Integer, depth::Integer) _TraceRaysIndirectCommand2KHR(VkTraceRaysIndirectCommand2KHR(raygen_shader_record_address, raygen_shader_record_size, miss_shader_binding_table_address, miss_shader_binding_table_size, miss_shader_binding_table_stride, hit_shader_binding_table_address, hit_shader_binding_table_size, hit_shader_binding_table_stride, callable_shader_binding_table_address, callable_shader_binding_table_size, callable_shader_binding_table_stride, width, height, depth)) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_maintenance1 Arguments: - `ray_tracing_maintenance_1::Bool` - `ray_tracing_pipeline_trace_rays_indirect_2::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR.html) """ function _PhysicalDeviceRayTracingMaintenance1FeaturesKHR(ray_tracing_maintenance_1::Bool, ray_tracing_pipeline_trace_rays_indirect_2::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR(structure_type(VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), ray_tracing_maintenance_1, ray_tracing_pipeline_trace_rays_indirect_2) _PhysicalDeviceRayTracingMaintenance1FeaturesKHR(vks, deps) end """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `drm_format_modifier_properties::Vector{_DrmFormatModifierPropertiesEXT}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierPropertiesListEXT.html) """ function _DrmFormatModifierPropertiesListEXT(; next = C_NULL, drm_format_modifier_properties = C_NULL) drm_format_modifier_count = pointer_length(drm_format_modifier_properties) next = cconvert(Ptr{Cvoid}, next) drm_format_modifier_properties = cconvert(Ptr{VkDrmFormatModifierPropertiesEXT}, drm_format_modifier_properties) deps = Any[next, drm_format_modifier_properties] vks = VkDrmFormatModifierPropertiesListEXT(structure_type(VkDrmFormatModifierPropertiesListEXT), unsafe_convert(Ptr{Cvoid}, next), drm_format_modifier_count, unsafe_convert(Ptr{VkDrmFormatModifierPropertiesEXT}, drm_format_modifier_properties)) _DrmFormatModifierPropertiesListEXT(vks, deps) end """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `drm_format_modifier::UInt64` - `drm_format_modifier_plane_count::UInt32` - `drm_format_modifier_tiling_features::FormatFeatureFlag` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierPropertiesEXT.html) """ function _DrmFormatModifierPropertiesEXT(drm_format_modifier::Integer, drm_format_modifier_plane_count::Integer, drm_format_modifier_tiling_features::FormatFeatureFlag) _DrmFormatModifierPropertiesEXT(VkDrmFormatModifierPropertiesEXT(drm_format_modifier, drm_format_modifier_plane_count, drm_format_modifier_tiling_features)) end """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `drm_format_modifier::UInt64` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageDrmFormatModifierInfoEXT.html) """ function _PhysicalDeviceImageDrmFormatModifierInfoEXT(drm_format_modifier::Integer, sharing_mode::SharingMode, queue_family_indices::AbstractArray; next = C_NULL) queue_family_index_count = pointer_length(queue_family_indices) next = cconvert(Ptr{Cvoid}, next) queue_family_indices = cconvert(Ptr{UInt32}, queue_family_indices) deps = Any[next, queue_family_indices] vks = VkPhysicalDeviceImageDrmFormatModifierInfoEXT(structure_type(VkPhysicalDeviceImageDrmFormatModifierInfoEXT), unsafe_convert(Ptr{Cvoid}, next), drm_format_modifier, sharing_mode, queue_family_index_count, unsafe_convert(Ptr{UInt32}, queue_family_indices)) _PhysicalDeviceImageDrmFormatModifierInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `drm_format_modifiers::Vector{UInt64}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageDrmFormatModifierListCreateInfoEXT.html) """ function _ImageDrmFormatModifierListCreateInfoEXT(drm_format_modifiers::AbstractArray; next = C_NULL) drm_format_modifier_count = pointer_length(drm_format_modifiers) next = cconvert(Ptr{Cvoid}, next) drm_format_modifiers = cconvert(Ptr{UInt64}, drm_format_modifiers) deps = Any[next, drm_format_modifiers] vks = VkImageDrmFormatModifierListCreateInfoEXT(structure_type(VkImageDrmFormatModifierListCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), drm_format_modifier_count, unsafe_convert(Ptr{UInt64}, drm_format_modifiers)) _ImageDrmFormatModifierListCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `drm_format_modifier::UInt64` - `plane_layouts::Vector{_SubresourceLayout}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageDrmFormatModifierExplicitCreateInfoEXT.html) """ function _ImageDrmFormatModifierExplicitCreateInfoEXT(drm_format_modifier::Integer, plane_layouts::AbstractArray; next = C_NULL) drm_format_modifier_plane_count = pointer_length(plane_layouts) next = cconvert(Ptr{Cvoid}, next) plane_layouts = cconvert(Ptr{VkSubresourceLayout}, plane_layouts) deps = Any[next, plane_layouts] vks = VkImageDrmFormatModifierExplicitCreateInfoEXT(structure_type(VkImageDrmFormatModifierExplicitCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), drm_format_modifier, drm_format_modifier_plane_count, unsafe_convert(Ptr{VkSubresourceLayout}, plane_layouts)) _ImageDrmFormatModifierExplicitCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `drm_format_modifier::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageDrmFormatModifierPropertiesEXT.html) """ function _ImageDrmFormatModifierPropertiesEXT(drm_format_modifier::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageDrmFormatModifierPropertiesEXT(structure_type(VkImageDrmFormatModifierPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), drm_format_modifier) _ImageDrmFormatModifierPropertiesEXT(vks, deps) end """ Arguments: - `stencil_usage::ImageUsageFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageStencilUsageCreateInfo.html) """ function _ImageStencilUsageCreateInfo(stencil_usage::ImageUsageFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageStencilUsageCreateInfo(structure_type(VkImageStencilUsageCreateInfo), unsafe_convert(Ptr{Cvoid}, next), stencil_usage) _ImageStencilUsageCreateInfo(vks, deps) end """ Extension: VK\\_AMD\\_memory\\_overallocation\\_behavior Arguments: - `overallocation_behavior::MemoryOverallocationBehaviorAMD` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceMemoryOverallocationCreateInfoAMD.html) """ function _DeviceMemoryOverallocationCreateInfoAMD(overallocation_behavior::MemoryOverallocationBehaviorAMD; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceMemoryOverallocationCreateInfoAMD(structure_type(VkDeviceMemoryOverallocationCreateInfoAMD), unsafe_convert(Ptr{Cvoid}, next), overallocation_behavior) _DeviceMemoryOverallocationCreateInfoAMD(vks, deps) end """ Extension: VK\\_EXT\\_fragment\\_density\\_map Arguments: - `fragment_density_map::Bool` - `fragment_density_map_dynamic::Bool` - `fragment_density_map_non_subsampled_images::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapFeaturesEXT.html) """ function _PhysicalDeviceFragmentDensityMapFeaturesEXT(fragment_density_map::Bool, fragment_density_map_dynamic::Bool, fragment_density_map_non_subsampled_images::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentDensityMapFeaturesEXT(structure_type(VkPhysicalDeviceFragmentDensityMapFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), fragment_density_map, fragment_density_map_dynamic, fragment_density_map_non_subsampled_images) _PhysicalDeviceFragmentDensityMapFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_fragment\\_density\\_map2 Arguments: - `fragment_density_map_deferred::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMap2FeaturesEXT.html) """ function _PhysicalDeviceFragmentDensityMap2FeaturesEXT(fragment_density_map_deferred::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentDensityMap2FeaturesEXT(structure_type(VkPhysicalDeviceFragmentDensityMap2FeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), fragment_density_map_deferred) _PhysicalDeviceFragmentDensityMap2FeaturesEXT(vks, deps) end """ Extension: VK\\_QCOM\\_fragment\\_density\\_map\\_offset Arguments: - `fragment_density_map_offset::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM.html) """ function _PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM(fragment_density_map_offset::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM(structure_type(VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM), unsafe_convert(Ptr{Cvoid}, next), fragment_density_map_offset) _PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM(vks, deps) end """ Extension: VK\\_EXT\\_fragment\\_density\\_map Arguments: - `min_fragment_density_texel_size::_Extent2D` - `max_fragment_density_texel_size::_Extent2D` - `fragment_density_invocations::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapPropertiesEXT.html) """ function _PhysicalDeviceFragmentDensityMapPropertiesEXT(min_fragment_density_texel_size::_Extent2D, max_fragment_density_texel_size::_Extent2D, fragment_density_invocations::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentDensityMapPropertiesEXT(structure_type(VkPhysicalDeviceFragmentDensityMapPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), min_fragment_density_texel_size.vks, max_fragment_density_texel_size.vks, fragment_density_invocations) _PhysicalDeviceFragmentDensityMapPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_fragment\\_density\\_map2 Arguments: - `subsampled_loads::Bool` - `subsampled_coarse_reconstruction_early_access::Bool` - `max_subsampled_array_layers::UInt32` - `max_descriptor_set_subsampled_samplers::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMap2PropertiesEXT.html) """ function _PhysicalDeviceFragmentDensityMap2PropertiesEXT(subsampled_loads::Bool, subsampled_coarse_reconstruction_early_access::Bool, max_subsampled_array_layers::Integer, max_descriptor_set_subsampled_samplers::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentDensityMap2PropertiesEXT(structure_type(VkPhysicalDeviceFragmentDensityMap2PropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), subsampled_loads, subsampled_coarse_reconstruction_early_access, max_subsampled_array_layers, max_descriptor_set_subsampled_samplers) _PhysicalDeviceFragmentDensityMap2PropertiesEXT(vks, deps) end """ Extension: VK\\_QCOM\\_fragment\\_density\\_map\\_offset Arguments: - `fragment_density_offset_granularity::_Extent2D` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM.html) """ function _PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM(fragment_density_offset_granularity::_Extent2D; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM(structure_type(VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM), unsafe_convert(Ptr{Cvoid}, next), fragment_density_offset_granularity.vks) _PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM(vks, deps) end """ Extension: VK\\_EXT\\_fragment\\_density\\_map Arguments: - `fragment_density_map_attachment::_AttachmentReference` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassFragmentDensityMapCreateInfoEXT.html) """ function _RenderPassFragmentDensityMapCreateInfoEXT(fragment_density_map_attachment::_AttachmentReference; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkRenderPassFragmentDensityMapCreateInfoEXT(structure_type(VkRenderPassFragmentDensityMapCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), fragment_density_map_attachment.vks) _RenderPassFragmentDensityMapCreateInfoEXT(vks, deps) end """ Extension: VK\\_QCOM\\_fragment\\_density\\_map\\_offset Arguments: - `fragment_density_offsets::Vector{_Offset2D}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassFragmentDensityMapOffsetEndInfoQCOM.html) """ function _SubpassFragmentDensityMapOffsetEndInfoQCOM(fragment_density_offsets::AbstractArray; next = C_NULL) fragment_density_offset_count = pointer_length(fragment_density_offsets) next = cconvert(Ptr{Cvoid}, next) fragment_density_offsets = cconvert(Ptr{VkOffset2D}, fragment_density_offsets) deps = Any[next, fragment_density_offsets] vks = VkSubpassFragmentDensityMapOffsetEndInfoQCOM(structure_type(VkSubpassFragmentDensityMapOffsetEndInfoQCOM), unsafe_convert(Ptr{Cvoid}, next), fragment_density_offset_count, unsafe_convert(Ptr{VkOffset2D}, fragment_density_offsets)) _SubpassFragmentDensityMapOffsetEndInfoQCOM(vks, deps) end """ Arguments: - `scalar_block_layout::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceScalarBlockLayoutFeatures.html) """ function _PhysicalDeviceScalarBlockLayoutFeatures(scalar_block_layout::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceScalarBlockLayoutFeatures(structure_type(VkPhysicalDeviceScalarBlockLayoutFeatures), unsafe_convert(Ptr{Cvoid}, next), scalar_block_layout) _PhysicalDeviceScalarBlockLayoutFeatures(vks, deps) end """ Extension: VK\\_KHR\\_surface\\_protected\\_capabilities Arguments: - `supports_protected::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceProtectedCapabilitiesKHR.html) """ function _SurfaceProtectedCapabilitiesKHR(supports_protected::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSurfaceProtectedCapabilitiesKHR(structure_type(VkSurfaceProtectedCapabilitiesKHR), unsafe_convert(Ptr{Cvoid}, next), supports_protected) _SurfaceProtectedCapabilitiesKHR(vks, deps) end """ Arguments: - `uniform_buffer_standard_layout::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceUniformBufferStandardLayoutFeatures.html) """ function _PhysicalDeviceUniformBufferStandardLayoutFeatures(uniform_buffer_standard_layout::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceUniformBufferStandardLayoutFeatures(structure_type(VkPhysicalDeviceUniformBufferStandardLayoutFeatures), unsafe_convert(Ptr{Cvoid}, next), uniform_buffer_standard_layout) _PhysicalDeviceUniformBufferStandardLayoutFeatures(vks, deps) end """ Extension: VK\\_EXT\\_depth\\_clip\\_enable Arguments: - `depth_clip_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthClipEnableFeaturesEXT.html) """ function _PhysicalDeviceDepthClipEnableFeaturesEXT(depth_clip_enable::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDepthClipEnableFeaturesEXT(structure_type(VkPhysicalDeviceDepthClipEnableFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), depth_clip_enable) _PhysicalDeviceDepthClipEnableFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_depth\\_clip\\_enable Arguments: - `depth_clip_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationDepthClipStateCreateInfoEXT.html) """ function _PipelineRasterizationDepthClipStateCreateInfoEXT(depth_clip_enable::Bool; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineRasterizationDepthClipStateCreateInfoEXT(structure_type(VkPipelineRasterizationDepthClipStateCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), flags, depth_clip_enable) _PipelineRasterizationDepthClipStateCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_memory\\_budget Arguments: - `heap_budget::NTuple{Int(VK_MAX_MEMORY_HEAPS), UInt64}` - `heap_usage::NTuple{Int(VK_MAX_MEMORY_HEAPS), UInt64}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryBudgetPropertiesEXT.html) """ function _PhysicalDeviceMemoryBudgetPropertiesEXT(heap_budget::NTuple{Int(VK_MAX_MEMORY_HEAPS), UInt64}, heap_usage::NTuple{Int(VK_MAX_MEMORY_HEAPS), UInt64}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMemoryBudgetPropertiesEXT(structure_type(VkPhysicalDeviceMemoryBudgetPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), heap_budget, heap_usage) _PhysicalDeviceMemoryBudgetPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_memory\\_priority Arguments: - `memory_priority::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryPriorityFeaturesEXT.html) """ function _PhysicalDeviceMemoryPriorityFeaturesEXT(memory_priority::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMemoryPriorityFeaturesEXT(structure_type(VkPhysicalDeviceMemoryPriorityFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), memory_priority) _PhysicalDeviceMemoryPriorityFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_memory\\_priority Arguments: - `priority::Float32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryPriorityAllocateInfoEXT.html) """ function _MemoryPriorityAllocateInfoEXT(priority::Real; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryPriorityAllocateInfoEXT(structure_type(VkMemoryPriorityAllocateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), priority) _MemoryPriorityAllocateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_pageable\\_device\\_local\\_memory Arguments: - `pageable_device_local_memory::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT.html) """ function _PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT(pageable_device_local_memory::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT(structure_type(VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), pageable_device_local_memory) _PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT(vks, deps) end """ Arguments: - `buffer_device_address::Bool` - `buffer_device_address_capture_replay::Bool` - `buffer_device_address_multi_device::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBufferDeviceAddressFeatures.html) """ function _PhysicalDeviceBufferDeviceAddressFeatures(buffer_device_address::Bool, buffer_device_address_capture_replay::Bool, buffer_device_address_multi_device::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceBufferDeviceAddressFeatures(structure_type(VkPhysicalDeviceBufferDeviceAddressFeatures), unsafe_convert(Ptr{Cvoid}, next), buffer_device_address, buffer_device_address_capture_replay, buffer_device_address_multi_device) _PhysicalDeviceBufferDeviceAddressFeatures(vks, deps) end """ Extension: VK\\_EXT\\_buffer\\_device\\_address Arguments: - `buffer_device_address::Bool` - `buffer_device_address_capture_replay::Bool` - `buffer_device_address_multi_device::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBufferDeviceAddressFeaturesEXT.html) """ function _PhysicalDeviceBufferDeviceAddressFeaturesEXT(buffer_device_address::Bool, buffer_device_address_capture_replay::Bool, buffer_device_address_multi_device::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceBufferDeviceAddressFeaturesEXT(structure_type(VkPhysicalDeviceBufferDeviceAddressFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), buffer_device_address, buffer_device_address_capture_replay, buffer_device_address_multi_device) _PhysicalDeviceBufferDeviceAddressFeaturesEXT(vks, deps) end """ Arguments: - `buffer::Buffer` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferDeviceAddressInfo.html) """ function _BufferDeviceAddressInfo(buffer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBufferDeviceAddressInfo(structure_type(VkBufferDeviceAddressInfo), unsafe_convert(Ptr{Cvoid}, next), buffer) _BufferDeviceAddressInfo(vks, deps, buffer) end """ Arguments: - `opaque_capture_address::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferOpaqueCaptureAddressCreateInfo.html) """ function _BufferOpaqueCaptureAddressCreateInfo(opaque_capture_address::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBufferOpaqueCaptureAddressCreateInfo(structure_type(VkBufferOpaqueCaptureAddressCreateInfo), unsafe_convert(Ptr{Cvoid}, next), opaque_capture_address) _BufferOpaqueCaptureAddressCreateInfo(vks, deps) end """ Extension: VK\\_EXT\\_buffer\\_device\\_address Arguments: - `device_address::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferDeviceAddressCreateInfoEXT.html) """ function _BufferDeviceAddressCreateInfoEXT(device_address::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBufferDeviceAddressCreateInfoEXT(structure_type(VkBufferDeviceAddressCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), device_address) _BufferDeviceAddressCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_filter\\_cubic Arguments: - `image_view_type::ImageViewType` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageViewImageFormatInfoEXT.html) """ function _PhysicalDeviceImageViewImageFormatInfoEXT(image_view_type::ImageViewType; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceImageViewImageFormatInfoEXT(structure_type(VkPhysicalDeviceImageViewImageFormatInfoEXT), unsafe_convert(Ptr{Cvoid}, next), image_view_type) _PhysicalDeviceImageViewImageFormatInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_filter\\_cubic Arguments: - `filter_cubic::Bool` - `filter_cubic_minmax::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFilterCubicImageViewImageFormatPropertiesEXT.html) """ function _FilterCubicImageViewImageFormatPropertiesEXT(filter_cubic::Bool, filter_cubic_minmax::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkFilterCubicImageViewImageFormatPropertiesEXT(structure_type(VkFilterCubicImageViewImageFormatPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), filter_cubic, filter_cubic_minmax) _FilterCubicImageViewImageFormatPropertiesEXT(vks, deps) end """ Arguments: - `imageless_framebuffer::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImagelessFramebufferFeatures.html) """ function _PhysicalDeviceImagelessFramebufferFeatures(imageless_framebuffer::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceImagelessFramebufferFeatures(structure_type(VkPhysicalDeviceImagelessFramebufferFeatures), unsafe_convert(Ptr{Cvoid}, next), imageless_framebuffer) _PhysicalDeviceImagelessFramebufferFeatures(vks, deps) end """ Arguments: - `attachment_image_infos::Vector{_FramebufferAttachmentImageInfo}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferAttachmentsCreateInfo.html) """ function _FramebufferAttachmentsCreateInfo(attachment_image_infos::AbstractArray; next = C_NULL) attachment_image_info_count = pointer_length(attachment_image_infos) next = cconvert(Ptr{Cvoid}, next) attachment_image_infos = cconvert(Ptr{VkFramebufferAttachmentImageInfo}, attachment_image_infos) deps = Any[next, attachment_image_infos] vks = VkFramebufferAttachmentsCreateInfo(structure_type(VkFramebufferAttachmentsCreateInfo), unsafe_convert(Ptr{Cvoid}, next), attachment_image_info_count, unsafe_convert(Ptr{VkFramebufferAttachmentImageInfo}, attachment_image_infos)) _FramebufferAttachmentsCreateInfo(vks, deps) end """ Arguments: - `usage::ImageUsageFlag` - `width::UInt32` - `height::UInt32` - `layer_count::UInt32` - `view_formats::Vector{Format}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::ImageCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferAttachmentImageInfo.html) """ function _FramebufferAttachmentImageInfo(usage::ImageUsageFlag, width::Integer, height::Integer, layer_count::Integer, view_formats::AbstractArray; next = C_NULL, flags = 0) view_format_count = pointer_length(view_formats) next = cconvert(Ptr{Cvoid}, next) view_formats = cconvert(Ptr{VkFormat}, view_formats) deps = Any[next, view_formats] vks = VkFramebufferAttachmentImageInfo(structure_type(VkFramebufferAttachmentImageInfo), unsafe_convert(Ptr{Cvoid}, next), flags, usage, width, height, layer_count, view_format_count, unsafe_convert(Ptr{VkFormat}, view_formats)) _FramebufferAttachmentImageInfo(vks, deps) end """ Arguments: - `attachments::Vector{ImageView}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassAttachmentBeginInfo.html) """ function _RenderPassAttachmentBeginInfo(attachments::AbstractArray; next = C_NULL) attachment_count = pointer_length(attachments) next = cconvert(Ptr{Cvoid}, next) attachments = cconvert(Ptr{VkImageView}, attachments) deps = Any[next, attachments] vks = VkRenderPassAttachmentBeginInfo(structure_type(VkRenderPassAttachmentBeginInfo), unsafe_convert(Ptr{Cvoid}, next), attachment_count, unsafe_convert(Ptr{VkImageView}, attachments)) _RenderPassAttachmentBeginInfo(vks, deps) end """ Arguments: - `texture_compression_astc_hdr::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTextureCompressionASTCHDRFeatures.html) """ function _PhysicalDeviceTextureCompressionASTCHDRFeatures(texture_compression_astc_hdr::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceTextureCompressionASTCHDRFeatures(structure_type(VkPhysicalDeviceTextureCompressionASTCHDRFeatures), unsafe_convert(Ptr{Cvoid}, next), texture_compression_astc_hdr) _PhysicalDeviceTextureCompressionASTCHDRFeatures(vks, deps) end """ Extension: VK\\_NV\\_cooperative\\_matrix Arguments: - `cooperative_matrix::Bool` - `cooperative_matrix_robust_buffer_access::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCooperativeMatrixFeaturesNV.html) """ function _PhysicalDeviceCooperativeMatrixFeaturesNV(cooperative_matrix::Bool, cooperative_matrix_robust_buffer_access::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceCooperativeMatrixFeaturesNV(structure_type(VkPhysicalDeviceCooperativeMatrixFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), cooperative_matrix, cooperative_matrix_robust_buffer_access) _PhysicalDeviceCooperativeMatrixFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_cooperative\\_matrix Arguments: - `cooperative_matrix_supported_stages::ShaderStageFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCooperativeMatrixPropertiesNV.html) """ function _PhysicalDeviceCooperativeMatrixPropertiesNV(cooperative_matrix_supported_stages::ShaderStageFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceCooperativeMatrixPropertiesNV(structure_type(VkPhysicalDeviceCooperativeMatrixPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), cooperative_matrix_supported_stages) _PhysicalDeviceCooperativeMatrixPropertiesNV(vks, deps) end """ Extension: VK\\_NV\\_cooperative\\_matrix Arguments: - `m_size::UInt32` - `n_size::UInt32` - `k_size::UInt32` - `a_type::ComponentTypeNV` - `b_type::ComponentTypeNV` - `c_type::ComponentTypeNV` - `d_type::ComponentTypeNV` - `scope::ScopeNV` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCooperativeMatrixPropertiesNV.html) """ function _CooperativeMatrixPropertiesNV(m_size::Integer, n_size::Integer, k_size::Integer, a_type::ComponentTypeNV, b_type::ComponentTypeNV, c_type::ComponentTypeNV, d_type::ComponentTypeNV, scope::ScopeNV; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCooperativeMatrixPropertiesNV(structure_type(VkCooperativeMatrixPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), m_size, n_size, k_size, a_type, b_type, c_type, d_type, scope) _CooperativeMatrixPropertiesNV(vks, deps) end """ Extension: VK\\_EXT\\_ycbcr\\_image\\_arrays Arguments: - `ycbcr_image_arrays::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceYcbcrImageArraysFeaturesEXT.html) """ function _PhysicalDeviceYcbcrImageArraysFeaturesEXT(ycbcr_image_arrays::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceYcbcrImageArraysFeaturesEXT(structure_type(VkPhysicalDeviceYcbcrImageArraysFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), ycbcr_image_arrays) _PhysicalDeviceYcbcrImageArraysFeaturesEXT(vks, deps) end """ Extension: VK\\_NVX\\_image\\_view\\_handle Arguments: - `image_view::ImageView` - `descriptor_type::DescriptorType` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `sampler::Sampler`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewHandleInfoNVX.html) """ function _ImageViewHandleInfoNVX(image_view, descriptor_type::DescriptorType; next = C_NULL, sampler = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageViewHandleInfoNVX(structure_type(VkImageViewHandleInfoNVX), unsafe_convert(Ptr{Cvoid}, next), image_view, descriptor_type, sampler) _ImageViewHandleInfoNVX(vks, deps, image_view, sampler) end """ Extension: VK\\_NVX\\_image\\_view\\_handle Arguments: - `device_address::UInt64` - `size::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewAddressPropertiesNVX.html) """ function _ImageViewAddressPropertiesNVX(device_address::Integer, size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageViewAddressPropertiesNVX(structure_type(VkImageViewAddressPropertiesNVX), unsafe_convert(Ptr{Cvoid}, next), device_address, size) _ImageViewAddressPropertiesNVX(vks, deps) end """ Arguments: - `flags::PipelineCreationFeedbackFlag` - `duration::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCreationFeedback.html) """ function _PipelineCreationFeedback(flags::PipelineCreationFeedbackFlag, duration::Integer) _PipelineCreationFeedback(VkPipelineCreationFeedback(flags, duration)) end """ Arguments: - `pipeline_creation_feedback::_PipelineCreationFeedback` - `pipeline_stage_creation_feedbacks::Vector{_PipelineCreationFeedback}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCreationFeedbackCreateInfo.html) """ function _PipelineCreationFeedbackCreateInfo(pipeline_creation_feedback::_PipelineCreationFeedback, pipeline_stage_creation_feedbacks::AbstractArray; next = C_NULL) pipeline_stage_creation_feedback_count = pointer_length(pipeline_stage_creation_feedbacks) next = cconvert(Ptr{Cvoid}, next) pipeline_creation_feedback = cconvert(Ptr{VkPipelineCreationFeedback}, pipeline_creation_feedback) pipeline_stage_creation_feedbacks = cconvert(Ptr{Ptr{VkPipelineCreationFeedback}}, pipeline_stage_creation_feedbacks) deps = Any[next, pipeline_creation_feedback, pipeline_stage_creation_feedbacks] vks = VkPipelineCreationFeedbackCreateInfo(structure_type(VkPipelineCreationFeedbackCreateInfo), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{VkPipelineCreationFeedback}, pipeline_creation_feedback), pipeline_stage_creation_feedback_count, unsafe_convert(Ptr{Ptr{VkPipelineCreationFeedback}}, pipeline_stage_creation_feedbacks)) _PipelineCreationFeedbackCreateInfo(vks, deps) end """ Extension: VK\\_NV\\_present\\_barrier Arguments: - `present_barrier::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePresentBarrierFeaturesNV.html) """ function _PhysicalDevicePresentBarrierFeaturesNV(present_barrier::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePresentBarrierFeaturesNV(structure_type(VkPhysicalDevicePresentBarrierFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), present_barrier) _PhysicalDevicePresentBarrierFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_present\\_barrier Arguments: - `present_barrier_supported::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilitiesPresentBarrierNV.html) """ function _SurfaceCapabilitiesPresentBarrierNV(present_barrier_supported::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSurfaceCapabilitiesPresentBarrierNV(structure_type(VkSurfaceCapabilitiesPresentBarrierNV), unsafe_convert(Ptr{Cvoid}, next), present_barrier_supported) _SurfaceCapabilitiesPresentBarrierNV(vks, deps) end """ Extension: VK\\_NV\\_present\\_barrier Arguments: - `present_barrier_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentBarrierCreateInfoNV.html) """ function _SwapchainPresentBarrierCreateInfoNV(present_barrier_enable::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSwapchainPresentBarrierCreateInfoNV(structure_type(VkSwapchainPresentBarrierCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), present_barrier_enable) _SwapchainPresentBarrierCreateInfoNV(vks, deps) end """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `performance_counter_query_pools::Bool` - `performance_counter_multiple_query_pools::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePerformanceQueryFeaturesKHR.html) """ function _PhysicalDevicePerformanceQueryFeaturesKHR(performance_counter_query_pools::Bool, performance_counter_multiple_query_pools::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePerformanceQueryFeaturesKHR(structure_type(VkPhysicalDevicePerformanceQueryFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), performance_counter_query_pools, performance_counter_multiple_query_pools) _PhysicalDevicePerformanceQueryFeaturesKHR(vks, deps) end """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `allow_command_buffer_query_copies::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePerformanceQueryPropertiesKHR.html) """ function _PhysicalDevicePerformanceQueryPropertiesKHR(allow_command_buffer_query_copies::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePerformanceQueryPropertiesKHR(structure_type(VkPhysicalDevicePerformanceQueryPropertiesKHR), unsafe_convert(Ptr{Cvoid}, next), allow_command_buffer_query_copies) _PhysicalDevicePerformanceQueryPropertiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `unit::PerformanceCounterUnitKHR` - `scope::PerformanceCounterScopeKHR` - `storage::PerformanceCounterStorageKHR` - `uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceCounterKHR.html) """ function _PerformanceCounterKHR(unit::PerformanceCounterUnitKHR, scope::PerformanceCounterScopeKHR, storage::PerformanceCounterStorageKHR, uuid::NTuple{Int(VK_UUID_SIZE), UInt8}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPerformanceCounterKHR(structure_type(VkPerformanceCounterKHR), unsafe_convert(Ptr{Cvoid}, next), unit, scope, storage, uuid) _PerformanceCounterKHR(vks, deps) end """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `name::String` - `category::String` - `description::String` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PerformanceCounterDescriptionFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceCounterDescriptionKHR.html) """ function _PerformanceCounterDescriptionKHR(name::AbstractString, category::AbstractString, description::AbstractString; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPerformanceCounterDescriptionKHR(structure_type(VkPerformanceCounterDescriptionKHR), unsafe_convert(Ptr{Cvoid}, next), flags, name, category, description) _PerformanceCounterDescriptionKHR(vks, deps) end """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `queue_family_index::UInt32` - `counter_indices::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueryPoolPerformanceCreateInfoKHR.html) """ function _QueryPoolPerformanceCreateInfoKHR(queue_family_index::Integer, counter_indices::AbstractArray; next = C_NULL) counter_index_count = pointer_length(counter_indices) next = cconvert(Ptr{Cvoid}, next) counter_indices = cconvert(Ptr{UInt32}, counter_indices) deps = Any[next, counter_indices] vks = VkQueryPoolPerformanceCreateInfoKHR(structure_type(VkQueryPoolPerformanceCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), queue_family_index, counter_index_count, unsafe_convert(Ptr{UInt32}, counter_indices)) _QueryPoolPerformanceCreateInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `timeout::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::AcquireProfilingLockFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAcquireProfilingLockInfoKHR.html) """ function _AcquireProfilingLockInfoKHR(timeout::Integer; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAcquireProfilingLockInfoKHR(structure_type(VkAcquireProfilingLockInfoKHR), unsafe_convert(Ptr{Cvoid}, next), flags, timeout) _AcquireProfilingLockInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `counter_pass_index::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceQuerySubmitInfoKHR.html) """ function _PerformanceQuerySubmitInfoKHR(counter_pass_index::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPerformanceQuerySubmitInfoKHR(structure_type(VkPerformanceQuerySubmitInfoKHR), unsafe_convert(Ptr{Cvoid}, next), counter_pass_index) _PerformanceQuerySubmitInfoKHR(vks, deps) end """ Extension: VK\\_EXT\\_headless\\_surface Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkHeadlessSurfaceCreateInfoEXT.html) """ function _HeadlessSurfaceCreateInfoEXT(; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkHeadlessSurfaceCreateInfoEXT(structure_type(VkHeadlessSurfaceCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), flags) _HeadlessSurfaceCreateInfoEXT(vks, deps) end """ Extension: VK\\_NV\\_coverage\\_reduction\\_mode Arguments: - `coverage_reduction_mode::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCoverageReductionModeFeaturesNV.html) """ function _PhysicalDeviceCoverageReductionModeFeaturesNV(coverage_reduction_mode::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceCoverageReductionModeFeaturesNV(structure_type(VkPhysicalDeviceCoverageReductionModeFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), coverage_reduction_mode) _PhysicalDeviceCoverageReductionModeFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_coverage\\_reduction\\_mode Arguments: - `coverage_reduction_mode::CoverageReductionModeNV` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCoverageReductionStateCreateInfoNV.html) """ function _PipelineCoverageReductionStateCreateInfoNV(coverage_reduction_mode::CoverageReductionModeNV; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineCoverageReductionStateCreateInfoNV(structure_type(VkPipelineCoverageReductionStateCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), flags, coverage_reduction_mode) _PipelineCoverageReductionStateCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_coverage\\_reduction\\_mode Arguments: - `coverage_reduction_mode::CoverageReductionModeNV` - `rasterization_samples::SampleCountFlag` - `depth_stencil_samples::SampleCountFlag` - `color_samples::SampleCountFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferMixedSamplesCombinationNV.html) """ function _FramebufferMixedSamplesCombinationNV(coverage_reduction_mode::CoverageReductionModeNV, rasterization_samples::SampleCountFlag, depth_stencil_samples::SampleCountFlag, color_samples::SampleCountFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkFramebufferMixedSamplesCombinationNV(structure_type(VkFramebufferMixedSamplesCombinationNV), unsafe_convert(Ptr{Cvoid}, next), coverage_reduction_mode, VkSampleCountFlagBits(rasterization_samples.val), depth_stencil_samples, color_samples) _FramebufferMixedSamplesCombinationNV(vks, deps) end """ Extension: VK\\_INTEL\\_shader\\_integer\\_functions2 Arguments: - `shader_integer_functions_2::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL.html) """ function _PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL(shader_integer_functions_2::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL(structure_type(VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL), unsafe_convert(Ptr{Cvoid}, next), shader_integer_functions_2) _PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL(vks, deps) end """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `type::PerformanceValueTypeINTEL` - `data::_PerformanceValueDataINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceValueINTEL.html) """ function _PerformanceValueINTEL(type::PerformanceValueTypeINTEL, data::_PerformanceValueDataINTEL) _PerformanceValueINTEL(VkPerformanceValueINTEL(type, data.vks)) end """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkInitializePerformanceApiInfoINTEL.html) """ function _InitializePerformanceApiInfoINTEL(; next = C_NULL, user_data = C_NULL) next = cconvert(Ptr{Cvoid}, next) user_data = cconvert(Ptr{Cvoid}, user_data) deps = Any[next, user_data] vks = VkInitializePerformanceApiInfoINTEL(structure_type(VkInitializePerformanceApiInfoINTEL), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{Cvoid}, user_data)) _InitializePerformanceApiInfoINTEL(vks, deps) end """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `performance_counters_sampling::QueryPoolSamplingModeINTEL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueryPoolPerformanceQueryCreateInfoINTEL.html) """ function _QueryPoolPerformanceQueryCreateInfoINTEL(performance_counters_sampling::QueryPoolSamplingModeINTEL; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkQueryPoolPerformanceQueryCreateInfoINTEL(structure_type(VkQueryPoolPerformanceQueryCreateInfoINTEL), unsafe_convert(Ptr{Cvoid}, next), performance_counters_sampling) _QueryPoolPerformanceQueryCreateInfoINTEL(vks, deps) end """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `marker::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceMarkerInfoINTEL.html) """ function _PerformanceMarkerInfoINTEL(marker::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPerformanceMarkerInfoINTEL(structure_type(VkPerformanceMarkerInfoINTEL), unsafe_convert(Ptr{Cvoid}, next), marker) _PerformanceMarkerInfoINTEL(vks, deps) end """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `marker::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceStreamMarkerInfoINTEL.html) """ function _PerformanceStreamMarkerInfoINTEL(marker::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPerformanceStreamMarkerInfoINTEL(structure_type(VkPerformanceStreamMarkerInfoINTEL), unsafe_convert(Ptr{Cvoid}, next), marker) _PerformanceStreamMarkerInfoINTEL(vks, deps) end """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `type::PerformanceOverrideTypeINTEL` - `enable::Bool` - `parameter::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceOverrideInfoINTEL.html) """ function _PerformanceOverrideInfoINTEL(type::PerformanceOverrideTypeINTEL, enable::Bool, parameter::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPerformanceOverrideInfoINTEL(structure_type(VkPerformanceOverrideInfoINTEL), unsafe_convert(Ptr{Cvoid}, next), type, enable, parameter) _PerformanceOverrideInfoINTEL(vks, deps) end """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `type::PerformanceConfigurationTypeINTEL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceConfigurationAcquireInfoINTEL.html) """ function _PerformanceConfigurationAcquireInfoINTEL(type::PerformanceConfigurationTypeINTEL; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPerformanceConfigurationAcquireInfoINTEL(structure_type(VkPerformanceConfigurationAcquireInfoINTEL), unsafe_convert(Ptr{Cvoid}, next), type) _PerformanceConfigurationAcquireInfoINTEL(vks, deps) end """ Extension: VK\\_KHR\\_shader\\_clock Arguments: - `shader_subgroup_clock::Bool` - `shader_device_clock::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderClockFeaturesKHR.html) """ function _PhysicalDeviceShaderClockFeaturesKHR(shader_subgroup_clock::Bool, shader_device_clock::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderClockFeaturesKHR(structure_type(VkPhysicalDeviceShaderClockFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), shader_subgroup_clock, shader_device_clock) _PhysicalDeviceShaderClockFeaturesKHR(vks, deps) end """ Extension: VK\\_EXT\\_index\\_type\\_uint8 Arguments: - `index_type_uint_8::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceIndexTypeUint8FeaturesEXT.html) """ function _PhysicalDeviceIndexTypeUint8FeaturesEXT(index_type_uint_8::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceIndexTypeUint8FeaturesEXT(structure_type(VkPhysicalDeviceIndexTypeUint8FeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), index_type_uint_8) _PhysicalDeviceIndexTypeUint8FeaturesEXT(vks, deps) end """ Extension: VK\\_NV\\_shader\\_sm\\_builtins Arguments: - `shader_sm_count::UInt32` - `shader_warps_per_sm::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSMBuiltinsPropertiesNV.html) """ function _PhysicalDeviceShaderSMBuiltinsPropertiesNV(shader_sm_count::Integer, shader_warps_per_sm::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderSMBuiltinsPropertiesNV(structure_type(VkPhysicalDeviceShaderSMBuiltinsPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), shader_sm_count, shader_warps_per_sm) _PhysicalDeviceShaderSMBuiltinsPropertiesNV(vks, deps) end """ Extension: VK\\_NV\\_shader\\_sm\\_builtins Arguments: - `shader_sm_builtins::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSMBuiltinsFeaturesNV.html) """ function _PhysicalDeviceShaderSMBuiltinsFeaturesNV(shader_sm_builtins::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderSMBuiltinsFeaturesNV(structure_type(VkPhysicalDeviceShaderSMBuiltinsFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), shader_sm_builtins) _PhysicalDeviceShaderSMBuiltinsFeaturesNV(vks, deps) end """ Extension: VK\\_EXT\\_fragment\\_shader\\_interlock Arguments: - `fragment_shader_sample_interlock::Bool` - `fragment_shader_pixel_interlock::Bool` - `fragment_shader_shading_rate_interlock::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT.html) """ function _PhysicalDeviceFragmentShaderInterlockFeaturesEXT(fragment_shader_sample_interlock::Bool, fragment_shader_pixel_interlock::Bool, fragment_shader_shading_rate_interlock::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT(structure_type(VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), fragment_shader_sample_interlock, fragment_shader_pixel_interlock, fragment_shader_shading_rate_interlock) _PhysicalDeviceFragmentShaderInterlockFeaturesEXT(vks, deps) end """ Arguments: - `separate_depth_stencil_layouts::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures.html) """ function _PhysicalDeviceSeparateDepthStencilLayoutsFeatures(separate_depth_stencil_layouts::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures(structure_type(VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures), unsafe_convert(Ptr{Cvoid}, next), separate_depth_stencil_layouts) _PhysicalDeviceSeparateDepthStencilLayoutsFeatures(vks, deps) end """ Arguments: - `stencil_layout::ImageLayout` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentReferenceStencilLayout.html) """ function _AttachmentReferenceStencilLayout(stencil_layout::ImageLayout; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAttachmentReferenceStencilLayout(structure_type(VkAttachmentReferenceStencilLayout), unsafe_convert(Ptr{Cvoid}, next), stencil_layout) _AttachmentReferenceStencilLayout(vks, deps) end """ Extension: VK\\_EXT\\_primitive\\_topology\\_list\\_restart Arguments: - `primitive_topology_list_restart::Bool` - `primitive_topology_patch_list_restart::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT.html) """ function _PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT(primitive_topology_list_restart::Bool, primitive_topology_patch_list_restart::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT(structure_type(VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), primitive_topology_list_restart, primitive_topology_patch_list_restart) _PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT(vks, deps) end """ Arguments: - `stencil_initial_layout::ImageLayout` - `stencil_final_layout::ImageLayout` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentDescriptionStencilLayout.html) """ function _AttachmentDescriptionStencilLayout(stencil_initial_layout::ImageLayout, stencil_final_layout::ImageLayout; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAttachmentDescriptionStencilLayout(structure_type(VkAttachmentDescriptionStencilLayout), unsafe_convert(Ptr{Cvoid}, next), stencil_initial_layout, stencil_final_layout) _AttachmentDescriptionStencilLayout(vks, deps) end """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Arguments: - `pipeline_executable_info::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR.html) """ function _PhysicalDevicePipelineExecutablePropertiesFeaturesKHR(pipeline_executable_info::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR(structure_type(VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), pipeline_executable_info) _PhysicalDevicePipelineExecutablePropertiesFeaturesKHR(vks, deps) end """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Arguments: - `pipeline::Pipeline` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineInfoKHR.html) """ function _PipelineInfoKHR(pipeline; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineInfoKHR(structure_type(VkPipelineInfoKHR), unsafe_convert(Ptr{Cvoid}, next), pipeline) _PipelineInfoKHR(vks, deps, pipeline) end """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Arguments: - `stages::ShaderStageFlag` - `name::String` - `description::String` - `subgroup_size::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutablePropertiesKHR.html) """ function _PipelineExecutablePropertiesKHR(stages::ShaderStageFlag, name::AbstractString, description::AbstractString, subgroup_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineExecutablePropertiesKHR(structure_type(VkPipelineExecutablePropertiesKHR), unsafe_convert(Ptr{Cvoid}, next), stages, name, description, subgroup_size) _PipelineExecutablePropertiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Arguments: - `pipeline::Pipeline` - `executable_index::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableInfoKHR.html) """ function _PipelineExecutableInfoKHR(pipeline, executable_index::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineExecutableInfoKHR(structure_type(VkPipelineExecutableInfoKHR), unsafe_convert(Ptr{Cvoid}, next), pipeline, executable_index) _PipelineExecutableInfoKHR(vks, deps, pipeline) end """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Arguments: - `name::String` - `description::String` - `format::PipelineExecutableStatisticFormatKHR` - `value::_PipelineExecutableStatisticValueKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableStatisticKHR.html) """ function _PipelineExecutableStatisticKHR(name::AbstractString, description::AbstractString, format::PipelineExecutableStatisticFormatKHR, value::_PipelineExecutableStatisticValueKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineExecutableStatisticKHR(structure_type(VkPipelineExecutableStatisticKHR), unsafe_convert(Ptr{Cvoid}, next), name, description, format, value.vks) _PipelineExecutableStatisticKHR(vks, deps) end """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Arguments: - `name::String` - `description::String` - `is_text::Bool` - `data_size::UInt` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableInternalRepresentationKHR.html) """ function _PipelineExecutableInternalRepresentationKHR(name::AbstractString, description::AbstractString, is_text::Bool, data_size::Integer; next = C_NULL, data = C_NULL) next = cconvert(Ptr{Cvoid}, next) data = cconvert(Ptr{Cvoid}, data) deps = Any[next, data] vks = VkPipelineExecutableInternalRepresentationKHR(structure_type(VkPipelineExecutableInternalRepresentationKHR), unsafe_convert(Ptr{Cvoid}, next), name, description, is_text, data_size, unsafe_convert(Ptr{Cvoid}, data)) _PipelineExecutableInternalRepresentationKHR(vks, deps) end """ Arguments: - `shader_demote_to_helper_invocation::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures.html) """ function _PhysicalDeviceShaderDemoteToHelperInvocationFeatures(shader_demote_to_helper_invocation::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures(structure_type(VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures), unsafe_convert(Ptr{Cvoid}, next), shader_demote_to_helper_invocation) _PhysicalDeviceShaderDemoteToHelperInvocationFeatures(vks, deps) end """ Extension: VK\\_EXT\\_texel\\_buffer\\_alignment Arguments: - `texel_buffer_alignment::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT.html) """ function _PhysicalDeviceTexelBufferAlignmentFeaturesEXT(texel_buffer_alignment::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT(structure_type(VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), texel_buffer_alignment) _PhysicalDeviceTexelBufferAlignmentFeaturesEXT(vks, deps) end """ Arguments: - `storage_texel_buffer_offset_alignment_bytes::UInt64` - `storage_texel_buffer_offset_single_texel_alignment::Bool` - `uniform_texel_buffer_offset_alignment_bytes::UInt64` - `uniform_texel_buffer_offset_single_texel_alignment::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTexelBufferAlignmentProperties.html) """ function _PhysicalDeviceTexelBufferAlignmentProperties(storage_texel_buffer_offset_alignment_bytes::Integer, storage_texel_buffer_offset_single_texel_alignment::Bool, uniform_texel_buffer_offset_alignment_bytes::Integer, uniform_texel_buffer_offset_single_texel_alignment::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceTexelBufferAlignmentProperties(structure_type(VkPhysicalDeviceTexelBufferAlignmentProperties), unsafe_convert(Ptr{Cvoid}, next), storage_texel_buffer_offset_alignment_bytes, storage_texel_buffer_offset_single_texel_alignment, uniform_texel_buffer_offset_alignment_bytes, uniform_texel_buffer_offset_single_texel_alignment) _PhysicalDeviceTexelBufferAlignmentProperties(vks, deps) end """ Arguments: - `subgroup_size_control::Bool` - `compute_full_subgroups::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubgroupSizeControlFeatures.html) """ function _PhysicalDeviceSubgroupSizeControlFeatures(subgroup_size_control::Bool, compute_full_subgroups::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSubgroupSizeControlFeatures(structure_type(VkPhysicalDeviceSubgroupSizeControlFeatures), unsafe_convert(Ptr{Cvoid}, next), subgroup_size_control, compute_full_subgroups) _PhysicalDeviceSubgroupSizeControlFeatures(vks, deps) end """ Arguments: - `min_subgroup_size::UInt32` - `max_subgroup_size::UInt32` - `max_compute_workgroup_subgroups::UInt32` - `required_subgroup_size_stages::ShaderStageFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubgroupSizeControlProperties.html) """ function _PhysicalDeviceSubgroupSizeControlProperties(min_subgroup_size::Integer, max_subgroup_size::Integer, max_compute_workgroup_subgroups::Integer, required_subgroup_size_stages::ShaderStageFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSubgroupSizeControlProperties(structure_type(VkPhysicalDeviceSubgroupSizeControlProperties), unsafe_convert(Ptr{Cvoid}, next), min_subgroup_size, max_subgroup_size, max_compute_workgroup_subgroups, required_subgroup_size_stages) _PhysicalDeviceSubgroupSizeControlProperties(vks, deps) end """ Arguments: - `required_subgroup_size::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineShaderStageRequiredSubgroupSizeCreateInfo.html) """ function _PipelineShaderStageRequiredSubgroupSizeCreateInfo(required_subgroup_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineShaderStageRequiredSubgroupSizeCreateInfo(structure_type(VkPipelineShaderStageRequiredSubgroupSizeCreateInfo), unsafe_convert(Ptr{Cvoid}, next), required_subgroup_size) _PipelineShaderStageRequiredSubgroupSizeCreateInfo(vks, deps) end """ Extension: VK\\_HUAWEI\\_subpass\\_shading Arguments: - `render_pass::RenderPass` - `subpass::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassShadingPipelineCreateInfoHUAWEI.html) """ function _SubpassShadingPipelineCreateInfoHUAWEI(render_pass, subpass::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSubpassShadingPipelineCreateInfoHUAWEI(structure_type(VkSubpassShadingPipelineCreateInfoHUAWEI), unsafe_convert(Ptr{Cvoid}, next), render_pass, subpass) _SubpassShadingPipelineCreateInfoHUAWEI(vks, deps, render_pass) end """ Extension: VK\\_HUAWEI\\_subpass\\_shading Arguments: - `max_subpass_shading_workgroup_size_aspect_ratio::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubpassShadingPropertiesHUAWEI.html) """ function _PhysicalDeviceSubpassShadingPropertiesHUAWEI(max_subpass_shading_workgroup_size_aspect_ratio::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSubpassShadingPropertiesHUAWEI(structure_type(VkPhysicalDeviceSubpassShadingPropertiesHUAWEI), unsafe_convert(Ptr{Cvoid}, next), max_subpass_shading_workgroup_size_aspect_ratio) _PhysicalDeviceSubpassShadingPropertiesHUAWEI(vks, deps) end """ Extension: VK\\_HUAWEI\\_cluster\\_culling\\_shader Arguments: - `max_work_group_count::NTuple{3, UInt32}` - `max_work_group_size::NTuple{3, UInt32}` - `max_output_cluster_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI.html) """ function _PhysicalDeviceClusterCullingShaderPropertiesHUAWEI(max_work_group_count::NTuple{3, UInt32}, max_work_group_size::NTuple{3, UInt32}, max_output_cluster_count::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI(structure_type(VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI), unsafe_convert(Ptr{Cvoid}, next), max_work_group_count, max_work_group_size, max_output_cluster_count) _PhysicalDeviceClusterCullingShaderPropertiesHUAWEI(vks, deps) end """ Arguments: - `opaque_capture_address::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryOpaqueCaptureAddressAllocateInfo.html) """ function _MemoryOpaqueCaptureAddressAllocateInfo(opaque_capture_address::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryOpaqueCaptureAddressAllocateInfo(structure_type(VkMemoryOpaqueCaptureAddressAllocateInfo), unsafe_convert(Ptr{Cvoid}, next), opaque_capture_address) _MemoryOpaqueCaptureAddressAllocateInfo(vks, deps) end """ Arguments: - `memory::DeviceMemory` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceMemoryOpaqueCaptureAddressInfo.html) """ function _DeviceMemoryOpaqueCaptureAddressInfo(memory; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceMemoryOpaqueCaptureAddressInfo(structure_type(VkDeviceMemoryOpaqueCaptureAddressInfo), unsafe_convert(Ptr{Cvoid}, next), memory) _DeviceMemoryOpaqueCaptureAddressInfo(vks, deps, memory) end """ Extension: VK\\_EXT\\_line\\_rasterization Arguments: - `rectangular_lines::Bool` - `bresenham_lines::Bool` - `smooth_lines::Bool` - `stippled_rectangular_lines::Bool` - `stippled_bresenham_lines::Bool` - `stippled_smooth_lines::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLineRasterizationFeaturesEXT.html) """ function _PhysicalDeviceLineRasterizationFeaturesEXT(rectangular_lines::Bool, bresenham_lines::Bool, smooth_lines::Bool, stippled_rectangular_lines::Bool, stippled_bresenham_lines::Bool, stippled_smooth_lines::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceLineRasterizationFeaturesEXT(structure_type(VkPhysicalDeviceLineRasterizationFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), rectangular_lines, bresenham_lines, smooth_lines, stippled_rectangular_lines, stippled_bresenham_lines, stippled_smooth_lines) _PhysicalDeviceLineRasterizationFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_line\\_rasterization Arguments: - `line_sub_pixel_precision_bits::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLineRasterizationPropertiesEXT.html) """ function _PhysicalDeviceLineRasterizationPropertiesEXT(line_sub_pixel_precision_bits::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceLineRasterizationPropertiesEXT(structure_type(VkPhysicalDeviceLineRasterizationPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), line_sub_pixel_precision_bits) _PhysicalDeviceLineRasterizationPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_line\\_rasterization Arguments: - `line_rasterization_mode::LineRasterizationModeEXT` - `stippled_line_enable::Bool` - `line_stipple_factor::UInt32` - `line_stipple_pattern::UInt16` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationLineStateCreateInfoEXT.html) """ function _PipelineRasterizationLineStateCreateInfoEXT(line_rasterization_mode::LineRasterizationModeEXT, stippled_line_enable::Bool, line_stipple_factor::Integer, line_stipple_pattern::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineRasterizationLineStateCreateInfoEXT(structure_type(VkPipelineRasterizationLineStateCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), line_rasterization_mode, stippled_line_enable, line_stipple_factor, line_stipple_pattern) _PipelineRasterizationLineStateCreateInfoEXT(vks, deps) end """ Arguments: - `pipeline_creation_cache_control::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineCreationCacheControlFeatures.html) """ function _PhysicalDevicePipelineCreationCacheControlFeatures(pipeline_creation_cache_control::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePipelineCreationCacheControlFeatures(structure_type(VkPhysicalDevicePipelineCreationCacheControlFeatures), unsafe_convert(Ptr{Cvoid}, next), pipeline_creation_cache_control) _PhysicalDevicePipelineCreationCacheControlFeatures(vks, deps) end """ Arguments: - `storage_buffer_16_bit_access::Bool` - `uniform_and_storage_buffer_16_bit_access::Bool` - `storage_push_constant_16::Bool` - `storage_input_output_16::Bool` - `multiview::Bool` - `multiview_geometry_shader::Bool` - `multiview_tessellation_shader::Bool` - `variable_pointers_storage_buffer::Bool` - `variable_pointers::Bool` - `protected_memory::Bool` - `sampler_ycbcr_conversion::Bool` - `shader_draw_parameters::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan11Features.html) """ function _PhysicalDeviceVulkan11Features(storage_buffer_16_bit_access::Bool, uniform_and_storage_buffer_16_bit_access::Bool, storage_push_constant_16::Bool, storage_input_output_16::Bool, multiview::Bool, multiview_geometry_shader::Bool, multiview_tessellation_shader::Bool, variable_pointers_storage_buffer::Bool, variable_pointers::Bool, protected_memory::Bool, sampler_ycbcr_conversion::Bool, shader_draw_parameters::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceVulkan11Features(structure_type(VkPhysicalDeviceVulkan11Features), unsafe_convert(Ptr{Cvoid}, next), storage_buffer_16_bit_access, uniform_and_storage_buffer_16_bit_access, storage_push_constant_16, storage_input_output_16, multiview, multiview_geometry_shader, multiview_tessellation_shader, variable_pointers_storage_buffer, variable_pointers, protected_memory, sampler_ycbcr_conversion, shader_draw_parameters) _PhysicalDeviceVulkan11Features(vks, deps) end """ Arguments: - `device_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `driver_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `device_luid::NTuple{Int(VK_LUID_SIZE), UInt8}` - `device_node_mask::UInt32` - `device_luid_valid::Bool` - `subgroup_size::UInt32` - `subgroup_supported_stages::ShaderStageFlag` - `subgroup_supported_operations::SubgroupFeatureFlag` - `subgroup_quad_operations_in_all_stages::Bool` - `point_clipping_behavior::PointClippingBehavior` - `max_multiview_view_count::UInt32` - `max_multiview_instance_index::UInt32` - `protected_no_fault::Bool` - `max_per_set_descriptors::UInt32` - `max_memory_allocation_size::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan11Properties.html) """ function _PhysicalDeviceVulkan11Properties(device_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}, driver_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}, device_luid::NTuple{Int(VK_LUID_SIZE), UInt8}, device_node_mask::Integer, device_luid_valid::Bool, subgroup_size::Integer, subgroup_supported_stages::ShaderStageFlag, subgroup_supported_operations::SubgroupFeatureFlag, subgroup_quad_operations_in_all_stages::Bool, point_clipping_behavior::PointClippingBehavior, max_multiview_view_count::Integer, max_multiview_instance_index::Integer, protected_no_fault::Bool, max_per_set_descriptors::Integer, max_memory_allocation_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceVulkan11Properties(structure_type(VkPhysicalDeviceVulkan11Properties), unsafe_convert(Ptr{Cvoid}, next), device_uuid, driver_uuid, device_luid, device_node_mask, device_luid_valid, subgroup_size, subgroup_supported_stages, subgroup_supported_operations, subgroup_quad_operations_in_all_stages, point_clipping_behavior, max_multiview_view_count, max_multiview_instance_index, protected_no_fault, max_per_set_descriptors, max_memory_allocation_size) _PhysicalDeviceVulkan11Properties(vks, deps) end """ Arguments: - `sampler_mirror_clamp_to_edge::Bool` - `draw_indirect_count::Bool` - `storage_buffer_8_bit_access::Bool` - `uniform_and_storage_buffer_8_bit_access::Bool` - `storage_push_constant_8::Bool` - `shader_buffer_int_64_atomics::Bool` - `shader_shared_int_64_atomics::Bool` - `shader_float_16::Bool` - `shader_int_8::Bool` - `descriptor_indexing::Bool` - `shader_input_attachment_array_dynamic_indexing::Bool` - `shader_uniform_texel_buffer_array_dynamic_indexing::Bool` - `shader_storage_texel_buffer_array_dynamic_indexing::Bool` - `shader_uniform_buffer_array_non_uniform_indexing::Bool` - `shader_sampled_image_array_non_uniform_indexing::Bool` - `shader_storage_buffer_array_non_uniform_indexing::Bool` - `shader_storage_image_array_non_uniform_indexing::Bool` - `shader_input_attachment_array_non_uniform_indexing::Bool` - `shader_uniform_texel_buffer_array_non_uniform_indexing::Bool` - `shader_storage_texel_buffer_array_non_uniform_indexing::Bool` - `descriptor_binding_uniform_buffer_update_after_bind::Bool` - `descriptor_binding_sampled_image_update_after_bind::Bool` - `descriptor_binding_storage_image_update_after_bind::Bool` - `descriptor_binding_storage_buffer_update_after_bind::Bool` - `descriptor_binding_uniform_texel_buffer_update_after_bind::Bool` - `descriptor_binding_storage_texel_buffer_update_after_bind::Bool` - `descriptor_binding_update_unused_while_pending::Bool` - `descriptor_binding_partially_bound::Bool` - `descriptor_binding_variable_descriptor_count::Bool` - `runtime_descriptor_array::Bool` - `sampler_filter_minmax::Bool` - `scalar_block_layout::Bool` - `imageless_framebuffer::Bool` - `uniform_buffer_standard_layout::Bool` - `shader_subgroup_extended_types::Bool` - `separate_depth_stencil_layouts::Bool` - `host_query_reset::Bool` - `timeline_semaphore::Bool` - `buffer_device_address::Bool` - `buffer_device_address_capture_replay::Bool` - `buffer_device_address_multi_device::Bool` - `vulkan_memory_model::Bool` - `vulkan_memory_model_device_scope::Bool` - `vulkan_memory_model_availability_visibility_chains::Bool` - `shader_output_viewport_index::Bool` - `shader_output_layer::Bool` - `subgroup_broadcast_dynamic_id::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan12Features.html) """ function _PhysicalDeviceVulkan12Features(sampler_mirror_clamp_to_edge::Bool, draw_indirect_count::Bool, storage_buffer_8_bit_access::Bool, uniform_and_storage_buffer_8_bit_access::Bool, storage_push_constant_8::Bool, shader_buffer_int_64_atomics::Bool, shader_shared_int_64_atomics::Bool, shader_float_16::Bool, shader_int_8::Bool, descriptor_indexing::Bool, shader_input_attachment_array_dynamic_indexing::Bool, shader_uniform_texel_buffer_array_dynamic_indexing::Bool, shader_storage_texel_buffer_array_dynamic_indexing::Bool, shader_uniform_buffer_array_non_uniform_indexing::Bool, shader_sampled_image_array_non_uniform_indexing::Bool, shader_storage_buffer_array_non_uniform_indexing::Bool, shader_storage_image_array_non_uniform_indexing::Bool, shader_input_attachment_array_non_uniform_indexing::Bool, shader_uniform_texel_buffer_array_non_uniform_indexing::Bool, shader_storage_texel_buffer_array_non_uniform_indexing::Bool, descriptor_binding_uniform_buffer_update_after_bind::Bool, descriptor_binding_sampled_image_update_after_bind::Bool, descriptor_binding_storage_image_update_after_bind::Bool, descriptor_binding_storage_buffer_update_after_bind::Bool, descriptor_binding_uniform_texel_buffer_update_after_bind::Bool, descriptor_binding_storage_texel_buffer_update_after_bind::Bool, descriptor_binding_update_unused_while_pending::Bool, descriptor_binding_partially_bound::Bool, descriptor_binding_variable_descriptor_count::Bool, runtime_descriptor_array::Bool, sampler_filter_minmax::Bool, scalar_block_layout::Bool, imageless_framebuffer::Bool, uniform_buffer_standard_layout::Bool, shader_subgroup_extended_types::Bool, separate_depth_stencil_layouts::Bool, host_query_reset::Bool, timeline_semaphore::Bool, buffer_device_address::Bool, buffer_device_address_capture_replay::Bool, buffer_device_address_multi_device::Bool, vulkan_memory_model::Bool, vulkan_memory_model_device_scope::Bool, vulkan_memory_model_availability_visibility_chains::Bool, shader_output_viewport_index::Bool, shader_output_layer::Bool, subgroup_broadcast_dynamic_id::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceVulkan12Features(structure_type(VkPhysicalDeviceVulkan12Features), unsafe_convert(Ptr{Cvoid}, next), sampler_mirror_clamp_to_edge, draw_indirect_count, storage_buffer_8_bit_access, uniform_and_storage_buffer_8_bit_access, storage_push_constant_8, shader_buffer_int_64_atomics, shader_shared_int_64_atomics, shader_float_16, shader_int_8, descriptor_indexing, shader_input_attachment_array_dynamic_indexing, shader_uniform_texel_buffer_array_dynamic_indexing, shader_storage_texel_buffer_array_dynamic_indexing, shader_uniform_buffer_array_non_uniform_indexing, shader_sampled_image_array_non_uniform_indexing, shader_storage_buffer_array_non_uniform_indexing, shader_storage_image_array_non_uniform_indexing, shader_input_attachment_array_non_uniform_indexing, shader_uniform_texel_buffer_array_non_uniform_indexing, shader_storage_texel_buffer_array_non_uniform_indexing, descriptor_binding_uniform_buffer_update_after_bind, descriptor_binding_sampled_image_update_after_bind, descriptor_binding_storage_image_update_after_bind, descriptor_binding_storage_buffer_update_after_bind, descriptor_binding_uniform_texel_buffer_update_after_bind, descriptor_binding_storage_texel_buffer_update_after_bind, descriptor_binding_update_unused_while_pending, descriptor_binding_partially_bound, descriptor_binding_variable_descriptor_count, runtime_descriptor_array, sampler_filter_minmax, scalar_block_layout, imageless_framebuffer, uniform_buffer_standard_layout, shader_subgroup_extended_types, separate_depth_stencil_layouts, host_query_reset, timeline_semaphore, buffer_device_address, buffer_device_address_capture_replay, buffer_device_address_multi_device, vulkan_memory_model, vulkan_memory_model_device_scope, vulkan_memory_model_availability_visibility_chains, shader_output_viewport_index, shader_output_layer, subgroup_broadcast_dynamic_id) _PhysicalDeviceVulkan12Features(vks, deps) end """ Arguments: - `driver_id::DriverId` - `driver_name::String` - `driver_info::String` - `conformance_version::_ConformanceVersion` - `denorm_behavior_independence::ShaderFloatControlsIndependence` - `rounding_mode_independence::ShaderFloatControlsIndependence` - `shader_signed_zero_inf_nan_preserve_float_16::Bool` - `shader_signed_zero_inf_nan_preserve_float_32::Bool` - `shader_signed_zero_inf_nan_preserve_float_64::Bool` - `shader_denorm_preserve_float_16::Bool` - `shader_denorm_preserve_float_32::Bool` - `shader_denorm_preserve_float_64::Bool` - `shader_denorm_flush_to_zero_float_16::Bool` - `shader_denorm_flush_to_zero_float_32::Bool` - `shader_denorm_flush_to_zero_float_64::Bool` - `shader_rounding_mode_rte_float_16::Bool` - `shader_rounding_mode_rte_float_32::Bool` - `shader_rounding_mode_rte_float_64::Bool` - `shader_rounding_mode_rtz_float_16::Bool` - `shader_rounding_mode_rtz_float_32::Bool` - `shader_rounding_mode_rtz_float_64::Bool` - `max_update_after_bind_descriptors_in_all_pools::UInt32` - `shader_uniform_buffer_array_non_uniform_indexing_native::Bool` - `shader_sampled_image_array_non_uniform_indexing_native::Bool` - `shader_storage_buffer_array_non_uniform_indexing_native::Bool` - `shader_storage_image_array_non_uniform_indexing_native::Bool` - `shader_input_attachment_array_non_uniform_indexing_native::Bool` - `robust_buffer_access_update_after_bind::Bool` - `quad_divergent_implicit_lod::Bool` - `max_per_stage_descriptor_update_after_bind_samplers::UInt32` - `max_per_stage_descriptor_update_after_bind_uniform_buffers::UInt32` - `max_per_stage_descriptor_update_after_bind_storage_buffers::UInt32` - `max_per_stage_descriptor_update_after_bind_sampled_images::UInt32` - `max_per_stage_descriptor_update_after_bind_storage_images::UInt32` - `max_per_stage_descriptor_update_after_bind_input_attachments::UInt32` - `max_per_stage_update_after_bind_resources::UInt32` - `max_descriptor_set_update_after_bind_samplers::UInt32` - `max_descriptor_set_update_after_bind_uniform_buffers::UInt32` - `max_descriptor_set_update_after_bind_uniform_buffers_dynamic::UInt32` - `max_descriptor_set_update_after_bind_storage_buffers::UInt32` - `max_descriptor_set_update_after_bind_storage_buffers_dynamic::UInt32` - `max_descriptor_set_update_after_bind_sampled_images::UInt32` - `max_descriptor_set_update_after_bind_storage_images::UInt32` - `max_descriptor_set_update_after_bind_input_attachments::UInt32` - `supported_depth_resolve_modes::ResolveModeFlag` - `supported_stencil_resolve_modes::ResolveModeFlag` - `independent_resolve_none::Bool` - `independent_resolve::Bool` - `filter_minmax_single_component_formats::Bool` - `filter_minmax_image_component_mapping::Bool` - `max_timeline_semaphore_value_difference::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `framebuffer_integer_color_sample_counts::SampleCountFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan12Properties.html) """ function _PhysicalDeviceVulkan12Properties(driver_id::DriverId, driver_name::AbstractString, driver_info::AbstractString, conformance_version::_ConformanceVersion, denorm_behavior_independence::ShaderFloatControlsIndependence, rounding_mode_independence::ShaderFloatControlsIndependence, shader_signed_zero_inf_nan_preserve_float_16::Bool, shader_signed_zero_inf_nan_preserve_float_32::Bool, shader_signed_zero_inf_nan_preserve_float_64::Bool, shader_denorm_preserve_float_16::Bool, shader_denorm_preserve_float_32::Bool, shader_denorm_preserve_float_64::Bool, shader_denorm_flush_to_zero_float_16::Bool, shader_denorm_flush_to_zero_float_32::Bool, shader_denorm_flush_to_zero_float_64::Bool, shader_rounding_mode_rte_float_16::Bool, shader_rounding_mode_rte_float_32::Bool, shader_rounding_mode_rte_float_64::Bool, shader_rounding_mode_rtz_float_16::Bool, shader_rounding_mode_rtz_float_32::Bool, shader_rounding_mode_rtz_float_64::Bool, max_update_after_bind_descriptors_in_all_pools::Integer, shader_uniform_buffer_array_non_uniform_indexing_native::Bool, shader_sampled_image_array_non_uniform_indexing_native::Bool, shader_storage_buffer_array_non_uniform_indexing_native::Bool, shader_storage_image_array_non_uniform_indexing_native::Bool, shader_input_attachment_array_non_uniform_indexing_native::Bool, robust_buffer_access_update_after_bind::Bool, quad_divergent_implicit_lod::Bool, max_per_stage_descriptor_update_after_bind_samplers::Integer, max_per_stage_descriptor_update_after_bind_uniform_buffers::Integer, max_per_stage_descriptor_update_after_bind_storage_buffers::Integer, max_per_stage_descriptor_update_after_bind_sampled_images::Integer, max_per_stage_descriptor_update_after_bind_storage_images::Integer, max_per_stage_descriptor_update_after_bind_input_attachments::Integer, max_per_stage_update_after_bind_resources::Integer, max_descriptor_set_update_after_bind_samplers::Integer, max_descriptor_set_update_after_bind_uniform_buffers::Integer, max_descriptor_set_update_after_bind_uniform_buffers_dynamic::Integer, max_descriptor_set_update_after_bind_storage_buffers::Integer, max_descriptor_set_update_after_bind_storage_buffers_dynamic::Integer, max_descriptor_set_update_after_bind_sampled_images::Integer, max_descriptor_set_update_after_bind_storage_images::Integer, max_descriptor_set_update_after_bind_input_attachments::Integer, supported_depth_resolve_modes::ResolveModeFlag, supported_stencil_resolve_modes::ResolveModeFlag, independent_resolve_none::Bool, independent_resolve::Bool, filter_minmax_single_component_formats::Bool, filter_minmax_image_component_mapping::Bool, max_timeline_semaphore_value_difference::Integer; next = C_NULL, framebuffer_integer_color_sample_counts = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceVulkan12Properties(structure_type(VkPhysicalDeviceVulkan12Properties), unsafe_convert(Ptr{Cvoid}, next), driver_id, driver_name, driver_info, conformance_version.vks, denorm_behavior_independence, rounding_mode_independence, shader_signed_zero_inf_nan_preserve_float_16, shader_signed_zero_inf_nan_preserve_float_32, shader_signed_zero_inf_nan_preserve_float_64, shader_denorm_preserve_float_16, shader_denorm_preserve_float_32, shader_denorm_preserve_float_64, shader_denorm_flush_to_zero_float_16, shader_denorm_flush_to_zero_float_32, shader_denorm_flush_to_zero_float_64, shader_rounding_mode_rte_float_16, shader_rounding_mode_rte_float_32, shader_rounding_mode_rte_float_64, shader_rounding_mode_rtz_float_16, shader_rounding_mode_rtz_float_32, shader_rounding_mode_rtz_float_64, max_update_after_bind_descriptors_in_all_pools, shader_uniform_buffer_array_non_uniform_indexing_native, shader_sampled_image_array_non_uniform_indexing_native, shader_storage_buffer_array_non_uniform_indexing_native, shader_storage_image_array_non_uniform_indexing_native, shader_input_attachment_array_non_uniform_indexing_native, robust_buffer_access_update_after_bind, quad_divergent_implicit_lod, max_per_stage_descriptor_update_after_bind_samplers, max_per_stage_descriptor_update_after_bind_uniform_buffers, max_per_stage_descriptor_update_after_bind_storage_buffers, max_per_stage_descriptor_update_after_bind_sampled_images, max_per_stage_descriptor_update_after_bind_storage_images, max_per_stage_descriptor_update_after_bind_input_attachments, max_per_stage_update_after_bind_resources, max_descriptor_set_update_after_bind_samplers, max_descriptor_set_update_after_bind_uniform_buffers, max_descriptor_set_update_after_bind_uniform_buffers_dynamic, max_descriptor_set_update_after_bind_storage_buffers, max_descriptor_set_update_after_bind_storage_buffers_dynamic, max_descriptor_set_update_after_bind_sampled_images, max_descriptor_set_update_after_bind_storage_images, max_descriptor_set_update_after_bind_input_attachments, supported_depth_resolve_modes, supported_stencil_resolve_modes, independent_resolve_none, independent_resolve, filter_minmax_single_component_formats, filter_minmax_image_component_mapping, max_timeline_semaphore_value_difference, framebuffer_integer_color_sample_counts) _PhysicalDeviceVulkan12Properties(vks, deps) end """ Arguments: - `robust_image_access::Bool` - `inline_uniform_block::Bool` - `descriptor_binding_inline_uniform_block_update_after_bind::Bool` - `pipeline_creation_cache_control::Bool` - `private_data::Bool` - `shader_demote_to_helper_invocation::Bool` - `shader_terminate_invocation::Bool` - `subgroup_size_control::Bool` - `compute_full_subgroups::Bool` - `synchronization2::Bool` - `texture_compression_astc_hdr::Bool` - `shader_zero_initialize_workgroup_memory::Bool` - `dynamic_rendering::Bool` - `shader_integer_dot_product::Bool` - `maintenance4::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan13Features.html) """ function _PhysicalDeviceVulkan13Features(robust_image_access::Bool, inline_uniform_block::Bool, descriptor_binding_inline_uniform_block_update_after_bind::Bool, pipeline_creation_cache_control::Bool, private_data::Bool, shader_demote_to_helper_invocation::Bool, shader_terminate_invocation::Bool, subgroup_size_control::Bool, compute_full_subgroups::Bool, synchronization2::Bool, texture_compression_astc_hdr::Bool, shader_zero_initialize_workgroup_memory::Bool, dynamic_rendering::Bool, shader_integer_dot_product::Bool, maintenance4::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceVulkan13Features(structure_type(VkPhysicalDeviceVulkan13Features), unsafe_convert(Ptr{Cvoid}, next), robust_image_access, inline_uniform_block, descriptor_binding_inline_uniform_block_update_after_bind, pipeline_creation_cache_control, private_data, shader_demote_to_helper_invocation, shader_terminate_invocation, subgroup_size_control, compute_full_subgroups, synchronization2, texture_compression_astc_hdr, shader_zero_initialize_workgroup_memory, dynamic_rendering, shader_integer_dot_product, maintenance4) _PhysicalDeviceVulkan13Features(vks, deps) end """ Arguments: - `min_subgroup_size::UInt32` - `max_subgroup_size::UInt32` - `max_compute_workgroup_subgroups::UInt32` - `required_subgroup_size_stages::ShaderStageFlag` - `max_inline_uniform_block_size::UInt32` - `max_per_stage_descriptor_inline_uniform_blocks::UInt32` - `max_per_stage_descriptor_update_after_bind_inline_uniform_blocks::UInt32` - `max_descriptor_set_inline_uniform_blocks::UInt32` - `max_descriptor_set_update_after_bind_inline_uniform_blocks::UInt32` - `max_inline_uniform_total_size::UInt32` - `integer_dot_product_8_bit_unsigned_accelerated::Bool` - `integer_dot_product_8_bit_signed_accelerated::Bool` - `integer_dot_product_8_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_8_bit_packed_unsigned_accelerated::Bool` - `integer_dot_product_8_bit_packed_signed_accelerated::Bool` - `integer_dot_product_8_bit_packed_mixed_signedness_accelerated::Bool` - `integer_dot_product_16_bit_unsigned_accelerated::Bool` - `integer_dot_product_16_bit_signed_accelerated::Bool` - `integer_dot_product_16_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_32_bit_unsigned_accelerated::Bool` - `integer_dot_product_32_bit_signed_accelerated::Bool` - `integer_dot_product_32_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_64_bit_unsigned_accelerated::Bool` - `integer_dot_product_64_bit_signed_accelerated::Bool` - `integer_dot_product_64_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_16_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_32_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_64_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated::Bool` - `storage_texel_buffer_offset_alignment_bytes::UInt64` - `storage_texel_buffer_offset_single_texel_alignment::Bool` - `uniform_texel_buffer_offset_alignment_bytes::UInt64` - `uniform_texel_buffer_offset_single_texel_alignment::Bool` - `max_buffer_size::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan13Properties.html) """ function _PhysicalDeviceVulkan13Properties(min_subgroup_size::Integer, max_subgroup_size::Integer, max_compute_workgroup_subgroups::Integer, required_subgroup_size_stages::ShaderStageFlag, max_inline_uniform_block_size::Integer, max_per_stage_descriptor_inline_uniform_blocks::Integer, max_per_stage_descriptor_update_after_bind_inline_uniform_blocks::Integer, max_descriptor_set_inline_uniform_blocks::Integer, max_descriptor_set_update_after_bind_inline_uniform_blocks::Integer, max_inline_uniform_total_size::Integer, integer_dot_product_8_bit_unsigned_accelerated::Bool, integer_dot_product_8_bit_signed_accelerated::Bool, integer_dot_product_8_bit_mixed_signedness_accelerated::Bool, integer_dot_product_8_bit_packed_unsigned_accelerated::Bool, integer_dot_product_8_bit_packed_signed_accelerated::Bool, integer_dot_product_8_bit_packed_mixed_signedness_accelerated::Bool, integer_dot_product_16_bit_unsigned_accelerated::Bool, integer_dot_product_16_bit_signed_accelerated::Bool, integer_dot_product_16_bit_mixed_signedness_accelerated::Bool, integer_dot_product_32_bit_unsigned_accelerated::Bool, integer_dot_product_32_bit_signed_accelerated::Bool, integer_dot_product_32_bit_mixed_signedness_accelerated::Bool, integer_dot_product_64_bit_unsigned_accelerated::Bool, integer_dot_product_64_bit_signed_accelerated::Bool, integer_dot_product_64_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_16_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_32_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_64_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated::Bool, storage_texel_buffer_offset_alignment_bytes::Integer, storage_texel_buffer_offset_single_texel_alignment::Bool, uniform_texel_buffer_offset_alignment_bytes::Integer, uniform_texel_buffer_offset_single_texel_alignment::Bool, max_buffer_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceVulkan13Properties(structure_type(VkPhysicalDeviceVulkan13Properties), unsafe_convert(Ptr{Cvoid}, next), min_subgroup_size, max_subgroup_size, max_compute_workgroup_subgroups, required_subgroup_size_stages, max_inline_uniform_block_size, max_per_stage_descriptor_inline_uniform_blocks, max_per_stage_descriptor_update_after_bind_inline_uniform_blocks, max_descriptor_set_inline_uniform_blocks, max_descriptor_set_update_after_bind_inline_uniform_blocks, max_inline_uniform_total_size, integer_dot_product_8_bit_unsigned_accelerated, integer_dot_product_8_bit_signed_accelerated, integer_dot_product_8_bit_mixed_signedness_accelerated, integer_dot_product_8_bit_packed_unsigned_accelerated, integer_dot_product_8_bit_packed_signed_accelerated, integer_dot_product_8_bit_packed_mixed_signedness_accelerated, integer_dot_product_16_bit_unsigned_accelerated, integer_dot_product_16_bit_signed_accelerated, integer_dot_product_16_bit_mixed_signedness_accelerated, integer_dot_product_32_bit_unsigned_accelerated, integer_dot_product_32_bit_signed_accelerated, integer_dot_product_32_bit_mixed_signedness_accelerated, integer_dot_product_64_bit_unsigned_accelerated, integer_dot_product_64_bit_signed_accelerated, integer_dot_product_64_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_8_bit_signed_accelerated, integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated, integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated, integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_16_bit_signed_accelerated, integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_32_bit_signed_accelerated, integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_64_bit_signed_accelerated, integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated, storage_texel_buffer_offset_alignment_bytes, storage_texel_buffer_offset_single_texel_alignment, uniform_texel_buffer_offset_alignment_bytes, uniform_texel_buffer_offset_single_texel_alignment, max_buffer_size) _PhysicalDeviceVulkan13Properties(vks, deps) end """ Extension: VK\\_AMD\\_pipeline\\_compiler\\_control Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `compiler_control_flags::PipelineCompilerControlFlagAMD`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCompilerControlCreateInfoAMD.html) """ function _PipelineCompilerControlCreateInfoAMD(; next = C_NULL, compiler_control_flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineCompilerControlCreateInfoAMD(structure_type(VkPipelineCompilerControlCreateInfoAMD), unsafe_convert(Ptr{Cvoid}, next), compiler_control_flags) _PipelineCompilerControlCreateInfoAMD(vks, deps) end """ Extension: VK\\_AMD\\_device\\_coherent\\_memory Arguments: - `device_coherent_memory::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCoherentMemoryFeaturesAMD.html) """ function _PhysicalDeviceCoherentMemoryFeaturesAMD(device_coherent_memory::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceCoherentMemoryFeaturesAMD(structure_type(VkPhysicalDeviceCoherentMemoryFeaturesAMD), unsafe_convert(Ptr{Cvoid}, next), device_coherent_memory) _PhysicalDeviceCoherentMemoryFeaturesAMD(vks, deps) end """ Arguments: - `name::String` - `version::String` - `purposes::ToolPurposeFlag` - `description::String` - `layer::String` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceToolProperties.html) """ function _PhysicalDeviceToolProperties(name::AbstractString, version::AbstractString, purposes::ToolPurposeFlag, description::AbstractString, layer::AbstractString; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceToolProperties(structure_type(VkPhysicalDeviceToolProperties), unsafe_convert(Ptr{Cvoid}, next), name, version, purposes, description, layer) _PhysicalDeviceToolProperties(vks, deps) end """ Extension: VK\\_EXT\\_custom\\_border\\_color Arguments: - `custom_border_color::_ClearColorValue` - `format::Format` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerCustomBorderColorCreateInfoEXT.html) """ function _SamplerCustomBorderColorCreateInfoEXT(custom_border_color::_ClearColorValue, format::Format; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSamplerCustomBorderColorCreateInfoEXT(structure_type(VkSamplerCustomBorderColorCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), custom_border_color.vks, format) _SamplerCustomBorderColorCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_custom\\_border\\_color Arguments: - `max_custom_border_color_samplers::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCustomBorderColorPropertiesEXT.html) """ function _PhysicalDeviceCustomBorderColorPropertiesEXT(max_custom_border_color_samplers::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceCustomBorderColorPropertiesEXT(structure_type(VkPhysicalDeviceCustomBorderColorPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), max_custom_border_color_samplers) _PhysicalDeviceCustomBorderColorPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_custom\\_border\\_color Arguments: - `custom_border_colors::Bool` - `custom_border_color_without_format::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCustomBorderColorFeaturesEXT.html) """ function _PhysicalDeviceCustomBorderColorFeaturesEXT(custom_border_colors::Bool, custom_border_color_without_format::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceCustomBorderColorFeaturesEXT(structure_type(VkPhysicalDeviceCustomBorderColorFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), custom_border_colors, custom_border_color_without_format) _PhysicalDeviceCustomBorderColorFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_border\\_color\\_swizzle Arguments: - `components::_ComponentMapping` - `srgb::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerBorderColorComponentMappingCreateInfoEXT.html) """ function _SamplerBorderColorComponentMappingCreateInfoEXT(components::_ComponentMapping, srgb::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSamplerBorderColorComponentMappingCreateInfoEXT(structure_type(VkSamplerBorderColorComponentMappingCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), components.vks, srgb) _SamplerBorderColorComponentMappingCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_border\\_color\\_swizzle Arguments: - `border_color_swizzle::Bool` - `border_color_swizzle_from_image::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBorderColorSwizzleFeaturesEXT.html) """ function _PhysicalDeviceBorderColorSwizzleFeaturesEXT(border_color_swizzle::Bool, border_color_swizzle_from_image::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceBorderColorSwizzleFeaturesEXT(structure_type(VkPhysicalDeviceBorderColorSwizzleFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), border_color_swizzle, border_color_swizzle_from_image) _PhysicalDeviceBorderColorSwizzleFeaturesEXT(vks, deps) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `vertex_format::Format` - `vertex_data::_DeviceOrHostAddressConstKHR` - `vertex_stride::UInt64` - `max_vertex::UInt32` - `index_type::IndexType` - `index_data::_DeviceOrHostAddressConstKHR` - `transform_data::_DeviceOrHostAddressConstKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryTrianglesDataKHR.html) """ function _AccelerationStructureGeometryTrianglesDataKHR(vertex_format::Format, vertex_data::_DeviceOrHostAddressConstKHR, vertex_stride::Integer, max_vertex::Integer, index_type::IndexType, index_data::_DeviceOrHostAddressConstKHR, transform_data::_DeviceOrHostAddressConstKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAccelerationStructureGeometryTrianglesDataKHR(structure_type(VkAccelerationStructureGeometryTrianglesDataKHR), unsafe_convert(Ptr{Cvoid}, next), vertex_format, vertex_data.vks, vertex_stride, max_vertex, index_type, index_data.vks, transform_data.vks) _AccelerationStructureGeometryTrianglesDataKHR(vks, deps) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `data::_DeviceOrHostAddressConstKHR` - `stride::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryAabbsDataKHR.html) """ function _AccelerationStructureGeometryAabbsDataKHR(data::_DeviceOrHostAddressConstKHR, stride::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAccelerationStructureGeometryAabbsDataKHR(structure_type(VkAccelerationStructureGeometryAabbsDataKHR), unsafe_convert(Ptr{Cvoid}, next), data.vks, stride) _AccelerationStructureGeometryAabbsDataKHR(vks, deps) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `array_of_pointers::Bool` - `data::_DeviceOrHostAddressConstKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryInstancesDataKHR.html) """ function _AccelerationStructureGeometryInstancesDataKHR(array_of_pointers::Bool, data::_DeviceOrHostAddressConstKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAccelerationStructureGeometryInstancesDataKHR(structure_type(VkAccelerationStructureGeometryInstancesDataKHR), unsafe_convert(Ptr{Cvoid}, next), array_of_pointers, data.vks) _AccelerationStructureGeometryInstancesDataKHR(vks, deps) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `geometry_type::GeometryTypeKHR` - `geometry::_AccelerationStructureGeometryDataKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::GeometryFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryKHR.html) """ function _AccelerationStructureGeometryKHR(geometry_type::GeometryTypeKHR, geometry::_AccelerationStructureGeometryDataKHR; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAccelerationStructureGeometryKHR(structure_type(VkAccelerationStructureGeometryKHR), unsafe_convert(Ptr{Cvoid}, next), geometry_type, geometry.vks, flags) _AccelerationStructureGeometryKHR(vks, deps) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `type::AccelerationStructureTypeKHR` - `mode::BuildAccelerationStructureModeKHR` - `scratch_data::_DeviceOrHostAddressKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::BuildAccelerationStructureFlagKHR`: defaults to `0` - `src_acceleration_structure::AccelerationStructureKHR`: defaults to `C_NULL` - `dst_acceleration_structure::AccelerationStructureKHR`: defaults to `C_NULL` - `geometries::Vector{_AccelerationStructureGeometryKHR}`: defaults to `C_NULL` - `geometries_2::Vector{_AccelerationStructureGeometryKHR}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureBuildGeometryInfoKHR.html) """ function _AccelerationStructureBuildGeometryInfoKHR(type::AccelerationStructureTypeKHR, mode::BuildAccelerationStructureModeKHR, scratch_data::_DeviceOrHostAddressKHR; next = C_NULL, flags = 0, src_acceleration_structure = C_NULL, dst_acceleration_structure = C_NULL, geometries = C_NULL, geometries_2 = C_NULL) geometry_count = pointer_length(geometries) next = cconvert(Ptr{Cvoid}, next) geometries = cconvert(Ptr{VkAccelerationStructureGeometryKHR}, geometries) geometries_2 = cconvert(Ptr{Ptr{VkAccelerationStructureGeometryKHR}}, geometries_2) deps = Any[next, geometries, geometries_2] vks = VkAccelerationStructureBuildGeometryInfoKHR(structure_type(VkAccelerationStructureBuildGeometryInfoKHR), unsafe_convert(Ptr{Cvoid}, next), type, flags, mode, src_acceleration_structure, dst_acceleration_structure, geometry_count, unsafe_convert(Ptr{VkAccelerationStructureGeometryKHR}, geometries), unsafe_convert(Ptr{Ptr{VkAccelerationStructureGeometryKHR}}, geometries), scratch_data.vks) _AccelerationStructureBuildGeometryInfoKHR(vks, deps, src_acceleration_structure, dst_acceleration_structure) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `primitive_count::UInt32` - `primitive_offset::UInt32` - `first_vertex::UInt32` - `transform_offset::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureBuildRangeInfoKHR.html) """ function _AccelerationStructureBuildRangeInfoKHR(primitive_count::Integer, primitive_offset::Integer, first_vertex::Integer, transform_offset::Integer) _AccelerationStructureBuildRangeInfoKHR(VkAccelerationStructureBuildRangeInfoKHR(primitive_count, primitive_offset, first_vertex, transform_offset)) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `type::AccelerationStructureTypeKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `create_flags::AccelerationStructureCreateFlagKHR`: defaults to `0` - `device_address::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureCreateInfoKHR.html) """ function _AccelerationStructureCreateInfoKHR(buffer, offset::Integer, size::Integer, type::AccelerationStructureTypeKHR; next = C_NULL, create_flags = 0, device_address = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAccelerationStructureCreateInfoKHR(structure_type(VkAccelerationStructureCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), create_flags, buffer, offset, size, type, device_address) _AccelerationStructureCreateInfoKHR(vks, deps, buffer) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `min_x::Float32` - `min_y::Float32` - `min_z::Float32` - `max_x::Float32` - `max_y::Float32` - `max_z::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAabbPositionsKHR.html) """ function _AabbPositionsKHR(min_x::Real, min_y::Real, min_z::Real, max_x::Real, max_y::Real, max_z::Real) _AabbPositionsKHR(VkAabbPositionsKHR(min_x, min_y, min_z, max_x, max_y, max_z)) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `matrix::NTuple{3, NTuple{4, Float32}}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTransformMatrixKHR.html) """ function _TransformMatrixKHR(matrix::NTuple{3, NTuple{4, Float32}}) _TransformMatrixKHR(VkTransformMatrixKHR(matrix)) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `transform::_TransformMatrixKHR` - `instance_custom_index::UInt32` - `mask::UInt32` - `instance_shader_binding_table_record_offset::UInt32` - `acceleration_structure_reference::UInt64` - `flags::GeometryInstanceFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureInstanceKHR.html) """ function _AccelerationStructureInstanceKHR(transform::_TransformMatrixKHR, instance_custom_index::Integer, mask::Integer, instance_shader_binding_table_record_offset::Integer, acceleration_structure_reference::Integer; flags = 0) _AccelerationStructureInstanceKHR(VkAccelerationStructureInstanceKHR(transform.vks, instance_custom_index, mask, instance_shader_binding_table_record_offset, flags, acceleration_structure_reference)) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `acceleration_structure::AccelerationStructureKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureDeviceAddressInfoKHR.html) """ function _AccelerationStructureDeviceAddressInfoKHR(acceleration_structure; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAccelerationStructureDeviceAddressInfoKHR(structure_type(VkAccelerationStructureDeviceAddressInfoKHR), unsafe_convert(Ptr{Cvoid}, next), acceleration_structure) _AccelerationStructureDeviceAddressInfoKHR(vks, deps, acceleration_structure) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `version_data::Vector{UInt8}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureVersionInfoKHR.html) """ function _AccelerationStructureVersionInfoKHR(version_data::AbstractArray; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) version_data = cconvert(Ptr{UInt8}, version_data) deps = Any[next, version_data] vks = VkAccelerationStructureVersionInfoKHR(structure_type(VkAccelerationStructureVersionInfoKHR), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{UInt8}, version_data)) _AccelerationStructureVersionInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `src::AccelerationStructureKHR` - `dst::AccelerationStructureKHR` - `mode::CopyAccelerationStructureModeKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyAccelerationStructureInfoKHR.html) """ function _CopyAccelerationStructureInfoKHR(src, dst, mode::CopyAccelerationStructureModeKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCopyAccelerationStructureInfoKHR(structure_type(VkCopyAccelerationStructureInfoKHR), unsafe_convert(Ptr{Cvoid}, next), src, dst, mode) _CopyAccelerationStructureInfoKHR(vks, deps, src, dst) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `src::AccelerationStructureKHR` - `dst::_DeviceOrHostAddressKHR` - `mode::CopyAccelerationStructureModeKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyAccelerationStructureToMemoryInfoKHR.html) """ function _CopyAccelerationStructureToMemoryInfoKHR(src, dst::_DeviceOrHostAddressKHR, mode::CopyAccelerationStructureModeKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCopyAccelerationStructureToMemoryInfoKHR(structure_type(VkCopyAccelerationStructureToMemoryInfoKHR), unsafe_convert(Ptr{Cvoid}, next), src, dst.vks, mode) _CopyAccelerationStructureToMemoryInfoKHR(vks, deps, src) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `src::_DeviceOrHostAddressConstKHR` - `dst::AccelerationStructureKHR` - `mode::CopyAccelerationStructureModeKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryToAccelerationStructureInfoKHR.html) """ function _CopyMemoryToAccelerationStructureInfoKHR(src::_DeviceOrHostAddressConstKHR, dst, mode::CopyAccelerationStructureModeKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCopyMemoryToAccelerationStructureInfoKHR(structure_type(VkCopyMemoryToAccelerationStructureInfoKHR), unsafe_convert(Ptr{Cvoid}, next), src.vks, dst, mode) _CopyMemoryToAccelerationStructureInfoKHR(vks, deps, dst) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `max_pipeline_ray_payload_size::UInt32` - `max_pipeline_ray_hit_attribute_size::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingPipelineInterfaceCreateInfoKHR.html) """ function _RayTracingPipelineInterfaceCreateInfoKHR(max_pipeline_ray_payload_size::Integer, max_pipeline_ray_hit_attribute_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkRayTracingPipelineInterfaceCreateInfoKHR(structure_type(VkRayTracingPipelineInterfaceCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), max_pipeline_ray_payload_size, max_pipeline_ray_hit_attribute_size) _RayTracingPipelineInterfaceCreateInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_pipeline\\_library Arguments: - `libraries::Vector{Pipeline}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineLibraryCreateInfoKHR.html) """ function _PipelineLibraryCreateInfoKHR(libraries::AbstractArray; next = C_NULL) library_count = pointer_length(libraries) next = cconvert(Ptr{Cvoid}, next) libraries = cconvert(Ptr{VkPipeline}, libraries) deps = Any[next, libraries] vks = VkPipelineLibraryCreateInfoKHR(structure_type(VkPipelineLibraryCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), library_count, unsafe_convert(Ptr{VkPipeline}, libraries)) _PipelineLibraryCreateInfoKHR(vks, deps) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state Arguments: - `extended_dynamic_state::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicStateFeaturesEXT.html) """ function _PhysicalDeviceExtendedDynamicStateFeaturesEXT(extended_dynamic_state::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceExtendedDynamicStateFeaturesEXT(structure_type(VkPhysicalDeviceExtendedDynamicStateFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), extended_dynamic_state) _PhysicalDeviceExtendedDynamicStateFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state2 Arguments: - `extended_dynamic_state_2::Bool` - `extended_dynamic_state_2_logic_op::Bool` - `extended_dynamic_state_2_patch_control_points::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicState2FeaturesEXT.html) """ function _PhysicalDeviceExtendedDynamicState2FeaturesEXT(extended_dynamic_state_2::Bool, extended_dynamic_state_2_logic_op::Bool, extended_dynamic_state_2_patch_control_points::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceExtendedDynamicState2FeaturesEXT(structure_type(VkPhysicalDeviceExtendedDynamicState2FeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), extended_dynamic_state_2, extended_dynamic_state_2_logic_op, extended_dynamic_state_2_patch_control_points) _PhysicalDeviceExtendedDynamicState2FeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `extended_dynamic_state_3_tessellation_domain_origin::Bool` - `extended_dynamic_state_3_depth_clamp_enable::Bool` - `extended_dynamic_state_3_polygon_mode::Bool` - `extended_dynamic_state_3_rasterization_samples::Bool` - `extended_dynamic_state_3_sample_mask::Bool` - `extended_dynamic_state_3_alpha_to_coverage_enable::Bool` - `extended_dynamic_state_3_alpha_to_one_enable::Bool` - `extended_dynamic_state_3_logic_op_enable::Bool` - `extended_dynamic_state_3_color_blend_enable::Bool` - `extended_dynamic_state_3_color_blend_equation::Bool` - `extended_dynamic_state_3_color_write_mask::Bool` - `extended_dynamic_state_3_rasterization_stream::Bool` - `extended_dynamic_state_3_conservative_rasterization_mode::Bool` - `extended_dynamic_state_3_extra_primitive_overestimation_size::Bool` - `extended_dynamic_state_3_depth_clip_enable::Bool` - `extended_dynamic_state_3_sample_locations_enable::Bool` - `extended_dynamic_state_3_color_blend_advanced::Bool` - `extended_dynamic_state_3_provoking_vertex_mode::Bool` - `extended_dynamic_state_3_line_rasterization_mode::Bool` - `extended_dynamic_state_3_line_stipple_enable::Bool` - `extended_dynamic_state_3_depth_clip_negative_one_to_one::Bool` - `extended_dynamic_state_3_viewport_w_scaling_enable::Bool` - `extended_dynamic_state_3_viewport_swizzle::Bool` - `extended_dynamic_state_3_coverage_to_color_enable::Bool` - `extended_dynamic_state_3_coverage_to_color_location::Bool` - `extended_dynamic_state_3_coverage_modulation_mode::Bool` - `extended_dynamic_state_3_coverage_modulation_table_enable::Bool` - `extended_dynamic_state_3_coverage_modulation_table::Bool` - `extended_dynamic_state_3_coverage_reduction_mode::Bool` - `extended_dynamic_state_3_representative_fragment_test_enable::Bool` - `extended_dynamic_state_3_shading_rate_image_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicState3FeaturesEXT.html) """ function _PhysicalDeviceExtendedDynamicState3FeaturesEXT(extended_dynamic_state_3_tessellation_domain_origin::Bool, extended_dynamic_state_3_depth_clamp_enable::Bool, extended_dynamic_state_3_polygon_mode::Bool, extended_dynamic_state_3_rasterization_samples::Bool, extended_dynamic_state_3_sample_mask::Bool, extended_dynamic_state_3_alpha_to_coverage_enable::Bool, extended_dynamic_state_3_alpha_to_one_enable::Bool, extended_dynamic_state_3_logic_op_enable::Bool, extended_dynamic_state_3_color_blend_enable::Bool, extended_dynamic_state_3_color_blend_equation::Bool, extended_dynamic_state_3_color_write_mask::Bool, extended_dynamic_state_3_rasterization_stream::Bool, extended_dynamic_state_3_conservative_rasterization_mode::Bool, extended_dynamic_state_3_extra_primitive_overestimation_size::Bool, extended_dynamic_state_3_depth_clip_enable::Bool, extended_dynamic_state_3_sample_locations_enable::Bool, extended_dynamic_state_3_color_blend_advanced::Bool, extended_dynamic_state_3_provoking_vertex_mode::Bool, extended_dynamic_state_3_line_rasterization_mode::Bool, extended_dynamic_state_3_line_stipple_enable::Bool, extended_dynamic_state_3_depth_clip_negative_one_to_one::Bool, extended_dynamic_state_3_viewport_w_scaling_enable::Bool, extended_dynamic_state_3_viewport_swizzle::Bool, extended_dynamic_state_3_coverage_to_color_enable::Bool, extended_dynamic_state_3_coverage_to_color_location::Bool, extended_dynamic_state_3_coverage_modulation_mode::Bool, extended_dynamic_state_3_coverage_modulation_table_enable::Bool, extended_dynamic_state_3_coverage_modulation_table::Bool, extended_dynamic_state_3_coverage_reduction_mode::Bool, extended_dynamic_state_3_representative_fragment_test_enable::Bool, extended_dynamic_state_3_shading_rate_image_enable::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceExtendedDynamicState3FeaturesEXT(structure_type(VkPhysicalDeviceExtendedDynamicState3FeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), extended_dynamic_state_3_tessellation_domain_origin, extended_dynamic_state_3_depth_clamp_enable, extended_dynamic_state_3_polygon_mode, extended_dynamic_state_3_rasterization_samples, extended_dynamic_state_3_sample_mask, extended_dynamic_state_3_alpha_to_coverage_enable, extended_dynamic_state_3_alpha_to_one_enable, extended_dynamic_state_3_logic_op_enable, extended_dynamic_state_3_color_blend_enable, extended_dynamic_state_3_color_blend_equation, extended_dynamic_state_3_color_write_mask, extended_dynamic_state_3_rasterization_stream, extended_dynamic_state_3_conservative_rasterization_mode, extended_dynamic_state_3_extra_primitive_overestimation_size, extended_dynamic_state_3_depth_clip_enable, extended_dynamic_state_3_sample_locations_enable, extended_dynamic_state_3_color_blend_advanced, extended_dynamic_state_3_provoking_vertex_mode, extended_dynamic_state_3_line_rasterization_mode, extended_dynamic_state_3_line_stipple_enable, extended_dynamic_state_3_depth_clip_negative_one_to_one, extended_dynamic_state_3_viewport_w_scaling_enable, extended_dynamic_state_3_viewport_swizzle, extended_dynamic_state_3_coverage_to_color_enable, extended_dynamic_state_3_coverage_to_color_location, extended_dynamic_state_3_coverage_modulation_mode, extended_dynamic_state_3_coverage_modulation_table_enable, extended_dynamic_state_3_coverage_modulation_table, extended_dynamic_state_3_coverage_reduction_mode, extended_dynamic_state_3_representative_fragment_test_enable, extended_dynamic_state_3_shading_rate_image_enable) _PhysicalDeviceExtendedDynamicState3FeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `dynamic_primitive_topology_unrestricted::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicState3PropertiesEXT.html) """ function _PhysicalDeviceExtendedDynamicState3PropertiesEXT(dynamic_primitive_topology_unrestricted::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceExtendedDynamicState3PropertiesEXT(structure_type(VkPhysicalDeviceExtendedDynamicState3PropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), dynamic_primitive_topology_unrestricted) _PhysicalDeviceExtendedDynamicState3PropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `src_color_blend_factor::BlendFactor` - `dst_color_blend_factor::BlendFactor` - `color_blend_op::BlendOp` - `src_alpha_blend_factor::BlendFactor` - `dst_alpha_blend_factor::BlendFactor` - `alpha_blend_op::BlendOp` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkColorBlendEquationEXT.html) """ function _ColorBlendEquationEXT(src_color_blend_factor::BlendFactor, dst_color_blend_factor::BlendFactor, color_blend_op::BlendOp, src_alpha_blend_factor::BlendFactor, dst_alpha_blend_factor::BlendFactor, alpha_blend_op::BlendOp) _ColorBlendEquationEXT(VkColorBlendEquationEXT(src_color_blend_factor, dst_color_blend_factor, color_blend_op, src_alpha_blend_factor, dst_alpha_blend_factor, alpha_blend_op)) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `advanced_blend_op::BlendOp` - `src_premultiplied::Bool` - `dst_premultiplied::Bool` - `blend_overlap::BlendOverlapEXT` - `clamp_results::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkColorBlendAdvancedEXT.html) """ function _ColorBlendAdvancedEXT(advanced_blend_op::BlendOp, src_premultiplied::Bool, dst_premultiplied::Bool, blend_overlap::BlendOverlapEXT, clamp_results::Bool) _ColorBlendAdvancedEXT(VkColorBlendAdvancedEXT(advanced_blend_op, src_premultiplied, dst_premultiplied, blend_overlap, clamp_results)) end """ Extension: VK\\_QCOM\\_render\\_pass\\_transform Arguments: - `transform::SurfaceTransformFlagKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassTransformBeginInfoQCOM.html) """ function _RenderPassTransformBeginInfoQCOM(transform::SurfaceTransformFlagKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkRenderPassTransformBeginInfoQCOM(structure_type(VkRenderPassTransformBeginInfoQCOM), unsafe_convert(Ptr{Cvoid}, next), VkSurfaceTransformFlagBitsKHR(transform.val)) _RenderPassTransformBeginInfoQCOM(vks, deps) end """ Extension: VK\\_QCOM\\_rotated\\_copy\\_commands Arguments: - `transform::SurfaceTransformFlagKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyCommandTransformInfoQCOM.html) """ function _CopyCommandTransformInfoQCOM(transform::SurfaceTransformFlagKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCopyCommandTransformInfoQCOM(structure_type(VkCopyCommandTransformInfoQCOM), unsafe_convert(Ptr{Cvoid}, next), VkSurfaceTransformFlagBitsKHR(transform.val)) _CopyCommandTransformInfoQCOM(vks, deps) end """ Extension: VK\\_QCOM\\_render\\_pass\\_transform Arguments: - `transform::SurfaceTransformFlagKHR` - `render_area::_Rect2D` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceRenderPassTransformInfoQCOM.html) """ function _CommandBufferInheritanceRenderPassTransformInfoQCOM(transform::SurfaceTransformFlagKHR, render_area::_Rect2D; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCommandBufferInheritanceRenderPassTransformInfoQCOM(structure_type(VkCommandBufferInheritanceRenderPassTransformInfoQCOM), unsafe_convert(Ptr{Cvoid}, next), VkSurfaceTransformFlagBitsKHR(transform.val), render_area.vks) _CommandBufferInheritanceRenderPassTransformInfoQCOM(vks, deps) end """ Extension: VK\\_NV\\_device\\_diagnostics\\_config Arguments: - `diagnostics_config::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDiagnosticsConfigFeaturesNV.html) """ function _PhysicalDeviceDiagnosticsConfigFeaturesNV(diagnostics_config::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDiagnosticsConfigFeaturesNV(structure_type(VkPhysicalDeviceDiagnosticsConfigFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), diagnostics_config) _PhysicalDeviceDiagnosticsConfigFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_device\\_diagnostics\\_config Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::DeviceDiagnosticsConfigFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceDiagnosticsConfigCreateInfoNV.html) """ function _DeviceDiagnosticsConfigCreateInfoNV(; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceDiagnosticsConfigCreateInfoNV(structure_type(VkDeviceDiagnosticsConfigCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), flags) _DeviceDiagnosticsConfigCreateInfoNV(vks, deps) end """ Arguments: - `shader_zero_initialize_workgroup_memory::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures.html) """ function _PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures(shader_zero_initialize_workgroup_memory::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures(structure_type(VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures), unsafe_convert(Ptr{Cvoid}, next), shader_zero_initialize_workgroup_memory) _PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures(vks, deps) end """ Extension: VK\\_KHR\\_shader\\_subgroup\\_uniform\\_control\\_flow Arguments: - `shader_subgroup_uniform_control_flow::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR.html) """ function _PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR(shader_subgroup_uniform_control_flow::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR(structure_type(VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), shader_subgroup_uniform_control_flow) _PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR(vks, deps) end """ Extension: VK\\_EXT\\_robustness2 Arguments: - `robust_buffer_access_2::Bool` - `robust_image_access_2::Bool` - `null_descriptor::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRobustness2FeaturesEXT.html) """ function _PhysicalDeviceRobustness2FeaturesEXT(robust_buffer_access_2::Bool, robust_image_access_2::Bool, null_descriptor::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRobustness2FeaturesEXT(structure_type(VkPhysicalDeviceRobustness2FeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), robust_buffer_access_2, robust_image_access_2, null_descriptor) _PhysicalDeviceRobustness2FeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_robustness2 Arguments: - `robust_storage_buffer_access_size_alignment::UInt64` - `robust_uniform_buffer_access_size_alignment::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRobustness2PropertiesEXT.html) """ function _PhysicalDeviceRobustness2PropertiesEXT(robust_storage_buffer_access_size_alignment::Integer, robust_uniform_buffer_access_size_alignment::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRobustness2PropertiesEXT(structure_type(VkPhysicalDeviceRobustness2PropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), robust_storage_buffer_access_size_alignment, robust_uniform_buffer_access_size_alignment) _PhysicalDeviceRobustness2PropertiesEXT(vks, deps) end """ Arguments: - `robust_image_access::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageRobustnessFeatures.html) """ function _PhysicalDeviceImageRobustnessFeatures(robust_image_access::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceImageRobustnessFeatures(structure_type(VkPhysicalDeviceImageRobustnessFeatures), unsafe_convert(Ptr{Cvoid}, next), robust_image_access) _PhysicalDeviceImageRobustnessFeatures(vks, deps) end """ Extension: VK\\_KHR\\_workgroup\\_memory\\_explicit\\_layout Arguments: - `workgroup_memory_explicit_layout::Bool` - `workgroup_memory_explicit_layout_scalar_block_layout::Bool` - `workgroup_memory_explicit_layout_8_bit_access::Bool` - `workgroup_memory_explicit_layout_16_bit_access::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR.html) """ function _PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR(workgroup_memory_explicit_layout::Bool, workgroup_memory_explicit_layout_scalar_block_layout::Bool, workgroup_memory_explicit_layout_8_bit_access::Bool, workgroup_memory_explicit_layout_16_bit_access::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR(structure_type(VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), workgroup_memory_explicit_layout, workgroup_memory_explicit_layout_scalar_block_layout, workgroup_memory_explicit_layout_8_bit_access, workgroup_memory_explicit_layout_16_bit_access) _PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR(vks, deps) end """ Extension: VK\\_EXT\\_4444\\_formats Arguments: - `format_a4r4g4b4::Bool` - `format_a4b4g4r4::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevice4444FormatsFeaturesEXT.html) """ function _PhysicalDevice4444FormatsFeaturesEXT(format_a4r4g4b4::Bool, format_a4b4g4r4::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevice4444FormatsFeaturesEXT(structure_type(VkPhysicalDevice4444FormatsFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), format_a4r4g4b4, format_a4b4g4r4) _PhysicalDevice4444FormatsFeaturesEXT(vks, deps) end """ Extension: VK\\_HUAWEI\\_subpass\\_shading Arguments: - `subpass_shading::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubpassShadingFeaturesHUAWEI.html) """ function _PhysicalDeviceSubpassShadingFeaturesHUAWEI(subpass_shading::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSubpassShadingFeaturesHUAWEI(structure_type(VkPhysicalDeviceSubpassShadingFeaturesHUAWEI), unsafe_convert(Ptr{Cvoid}, next), subpass_shading) _PhysicalDeviceSubpassShadingFeaturesHUAWEI(vks, deps) end """ Extension: VK\\_HUAWEI\\_cluster\\_culling\\_shader Arguments: - `clusterculling_shader::Bool` - `multiview_cluster_culling_shader::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI.html) """ function _PhysicalDeviceClusterCullingShaderFeaturesHUAWEI(clusterculling_shader::Bool, multiview_cluster_culling_shader::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI(structure_type(VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI), unsafe_convert(Ptr{Cvoid}, next), clusterculling_shader, multiview_cluster_culling_shader) _PhysicalDeviceClusterCullingShaderFeaturesHUAWEI(vks, deps) end """ Arguments: - `src_offset::UInt64` - `dst_offset::UInt64` - `size::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCopy2.html) """ function _BufferCopy2(src_offset::Integer, dst_offset::Integer, size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBufferCopy2(structure_type(VkBufferCopy2), unsafe_convert(Ptr{Cvoid}, next), src_offset, dst_offset, size) _BufferCopy2(vks, deps) end """ Arguments: - `src_subresource::_ImageSubresourceLayers` - `src_offset::_Offset3D` - `dst_subresource::_ImageSubresourceLayers` - `dst_offset::_Offset3D` - `extent::_Extent3D` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCopy2.html) """ function _ImageCopy2(src_subresource::_ImageSubresourceLayers, src_offset::_Offset3D, dst_subresource::_ImageSubresourceLayers, dst_offset::_Offset3D, extent::_Extent3D; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageCopy2(structure_type(VkImageCopy2), unsafe_convert(Ptr{Cvoid}, next), src_subresource.vks, src_offset.vks, dst_subresource.vks, dst_offset.vks, extent.vks) _ImageCopy2(vks, deps) end """ Arguments: - `src_subresource::_ImageSubresourceLayers` - `src_offsets::NTuple{2, _Offset3D}` - `dst_subresource::_ImageSubresourceLayers` - `dst_offsets::NTuple{2, _Offset3D}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageBlit2.html) """ function _ImageBlit2(src_subresource::_ImageSubresourceLayers, src_offsets::NTuple{2, _Offset3D}, dst_subresource::_ImageSubresourceLayers, dst_offsets::NTuple{2, _Offset3D}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageBlit2(structure_type(VkImageBlit2), unsafe_convert(Ptr{Cvoid}, next), src_subresource.vks, to_vk(NTuple{2, VkOffset3D}, src_offsets), dst_subresource.vks, to_vk(NTuple{2, VkOffset3D}, dst_offsets)) _ImageBlit2(vks, deps) end """ Arguments: - `buffer_offset::UInt64` - `buffer_row_length::UInt32` - `buffer_image_height::UInt32` - `image_subresource::_ImageSubresourceLayers` - `image_offset::_Offset3D` - `image_extent::_Extent3D` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferImageCopy2.html) """ function _BufferImageCopy2(buffer_offset::Integer, buffer_row_length::Integer, buffer_image_height::Integer, image_subresource::_ImageSubresourceLayers, image_offset::_Offset3D, image_extent::_Extent3D; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBufferImageCopy2(structure_type(VkBufferImageCopy2), unsafe_convert(Ptr{Cvoid}, next), buffer_offset, buffer_row_length, buffer_image_height, image_subresource.vks, image_offset.vks, image_extent.vks) _BufferImageCopy2(vks, deps) end """ Arguments: - `src_subresource::_ImageSubresourceLayers` - `src_offset::_Offset3D` - `dst_subresource::_ImageSubresourceLayers` - `dst_offset::_Offset3D` - `extent::_Extent3D` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageResolve2.html) """ function _ImageResolve2(src_subresource::_ImageSubresourceLayers, src_offset::_Offset3D, dst_subresource::_ImageSubresourceLayers, dst_offset::_Offset3D, extent::_Extent3D; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageResolve2(structure_type(VkImageResolve2), unsafe_convert(Ptr{Cvoid}, next), src_subresource.vks, src_offset.vks, dst_subresource.vks, dst_offset.vks, extent.vks) _ImageResolve2(vks, deps) end """ Arguments: - `src_buffer::Buffer` - `dst_buffer::Buffer` - `regions::Vector{_BufferCopy2}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyBufferInfo2.html) """ function _CopyBufferInfo2(src_buffer, dst_buffer, regions::AbstractArray; next = C_NULL) region_count = pointer_length(regions) next = cconvert(Ptr{Cvoid}, next) regions = cconvert(Ptr{VkBufferCopy2}, regions) deps = Any[next, regions] vks = VkCopyBufferInfo2(structure_type(VkCopyBufferInfo2), unsafe_convert(Ptr{Cvoid}, next), src_buffer, dst_buffer, region_count, unsafe_convert(Ptr{VkBufferCopy2}, regions)) _CopyBufferInfo2(vks, deps, src_buffer, dst_buffer) end """ Arguments: - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{_ImageCopy2}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyImageInfo2.html) """ function _CopyImageInfo2(src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray; next = C_NULL) region_count = pointer_length(regions) next = cconvert(Ptr{Cvoid}, next) regions = cconvert(Ptr{VkImageCopy2}, regions) deps = Any[next, regions] vks = VkCopyImageInfo2(structure_type(VkCopyImageInfo2), unsafe_convert(Ptr{Cvoid}, next), src_image, src_image_layout, dst_image, dst_image_layout, region_count, unsafe_convert(Ptr{VkImageCopy2}, regions)) _CopyImageInfo2(vks, deps, src_image, dst_image) end """ Arguments: - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{_ImageBlit2}` - `filter::Filter` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBlitImageInfo2.html) """ function _BlitImageInfo2(src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray, filter::Filter; next = C_NULL) region_count = pointer_length(regions) next = cconvert(Ptr{Cvoid}, next) regions = cconvert(Ptr{VkImageBlit2}, regions) deps = Any[next, regions] vks = VkBlitImageInfo2(structure_type(VkBlitImageInfo2), unsafe_convert(Ptr{Cvoid}, next), src_image, src_image_layout, dst_image, dst_image_layout, region_count, unsafe_convert(Ptr{VkImageBlit2}, regions), filter) _BlitImageInfo2(vks, deps, src_image, dst_image) end """ Arguments: - `src_buffer::Buffer` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{_BufferImageCopy2}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyBufferToImageInfo2.html) """ function _CopyBufferToImageInfo2(src_buffer, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray; next = C_NULL) region_count = pointer_length(regions) next = cconvert(Ptr{Cvoid}, next) regions = cconvert(Ptr{VkBufferImageCopy2}, regions) deps = Any[next, regions] vks = VkCopyBufferToImageInfo2(structure_type(VkCopyBufferToImageInfo2), unsafe_convert(Ptr{Cvoid}, next), src_buffer, dst_image, dst_image_layout, region_count, unsafe_convert(Ptr{VkBufferImageCopy2}, regions)) _CopyBufferToImageInfo2(vks, deps, src_buffer, dst_image) end """ Arguments: - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_buffer::Buffer` - `regions::Vector{_BufferImageCopy2}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyImageToBufferInfo2.html) """ function _CopyImageToBufferInfo2(src_image, src_image_layout::ImageLayout, dst_buffer, regions::AbstractArray; next = C_NULL) region_count = pointer_length(regions) next = cconvert(Ptr{Cvoid}, next) regions = cconvert(Ptr{VkBufferImageCopy2}, regions) deps = Any[next, regions] vks = VkCopyImageToBufferInfo2(structure_type(VkCopyImageToBufferInfo2), unsafe_convert(Ptr{Cvoid}, next), src_image, src_image_layout, dst_buffer, region_count, unsafe_convert(Ptr{VkBufferImageCopy2}, regions)) _CopyImageToBufferInfo2(vks, deps, src_image, dst_buffer) end """ Arguments: - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{_ImageResolve2}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkResolveImageInfo2.html) """ function _ResolveImageInfo2(src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray; next = C_NULL) region_count = pointer_length(regions) next = cconvert(Ptr{Cvoid}, next) regions = cconvert(Ptr{VkImageResolve2}, regions) deps = Any[next, regions] vks = VkResolveImageInfo2(structure_type(VkResolveImageInfo2), unsafe_convert(Ptr{Cvoid}, next), src_image, src_image_layout, dst_image, dst_image_layout, region_count, unsafe_convert(Ptr{VkImageResolve2}, regions)) _ResolveImageInfo2(vks, deps, src_image, dst_image) end """ Extension: VK\\_EXT\\_shader\\_image\\_atomic\\_int64 Arguments: - `shader_image_int_64_atomics::Bool` - `sparse_image_int_64_atomics::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT.html) """ function _PhysicalDeviceShaderImageAtomicInt64FeaturesEXT(shader_image_int_64_atomics::Bool, sparse_image_int_64_atomics::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT(structure_type(VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), shader_image_int_64_atomics, sparse_image_int_64_atomics) _PhysicalDeviceShaderImageAtomicInt64FeaturesEXT(vks, deps) end """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Arguments: - `shading_rate_attachment_texel_size::_Extent2D` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `fragment_shading_rate_attachment::_AttachmentReference2`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFragmentShadingRateAttachmentInfoKHR.html) """ function _FragmentShadingRateAttachmentInfoKHR(shading_rate_attachment_texel_size::_Extent2D; next = C_NULL, fragment_shading_rate_attachment = C_NULL) next = cconvert(Ptr{Cvoid}, next) fragment_shading_rate_attachment = cconvert(Ptr{VkAttachmentReference2}, fragment_shading_rate_attachment) deps = Any[next, fragment_shading_rate_attachment] vks = VkFragmentShadingRateAttachmentInfoKHR(structure_type(VkFragmentShadingRateAttachmentInfoKHR), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{VkAttachmentReference2}, fragment_shading_rate_attachment), shading_rate_attachment_texel_size.vks) _FragmentShadingRateAttachmentInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Arguments: - `fragment_size::_Extent2D` - `combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineFragmentShadingRateStateCreateInfoKHR.html) """ function _PipelineFragmentShadingRateStateCreateInfoKHR(fragment_size::_Extent2D, combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineFragmentShadingRateStateCreateInfoKHR(structure_type(VkPipelineFragmentShadingRateStateCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), fragment_size.vks, to_vk(NTuple{2, VkFragmentShadingRateCombinerOpKHR}, combiner_ops)) _PipelineFragmentShadingRateStateCreateInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Arguments: - `pipeline_fragment_shading_rate::Bool` - `primitive_fragment_shading_rate::Bool` - `attachment_fragment_shading_rate::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateFeaturesKHR.html) """ function _PhysicalDeviceFragmentShadingRateFeaturesKHR(pipeline_fragment_shading_rate::Bool, primitive_fragment_shading_rate::Bool, attachment_fragment_shading_rate::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentShadingRateFeaturesKHR(structure_type(VkPhysicalDeviceFragmentShadingRateFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), pipeline_fragment_shading_rate, primitive_fragment_shading_rate, attachment_fragment_shading_rate) _PhysicalDeviceFragmentShadingRateFeaturesKHR(vks, deps) end """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Arguments: - `min_fragment_shading_rate_attachment_texel_size::_Extent2D` - `max_fragment_shading_rate_attachment_texel_size::_Extent2D` - `max_fragment_shading_rate_attachment_texel_size_aspect_ratio::UInt32` - `primitive_fragment_shading_rate_with_multiple_viewports::Bool` - `layered_shading_rate_attachments::Bool` - `fragment_shading_rate_non_trivial_combiner_ops::Bool` - `max_fragment_size::_Extent2D` - `max_fragment_size_aspect_ratio::UInt32` - `max_fragment_shading_rate_coverage_samples::UInt32` - `max_fragment_shading_rate_rasterization_samples::SampleCountFlag` - `fragment_shading_rate_with_shader_depth_stencil_writes::Bool` - `fragment_shading_rate_with_sample_mask::Bool` - `fragment_shading_rate_with_shader_sample_mask::Bool` - `fragment_shading_rate_with_conservative_rasterization::Bool` - `fragment_shading_rate_with_fragment_shader_interlock::Bool` - `fragment_shading_rate_with_custom_sample_locations::Bool` - `fragment_shading_rate_strict_multiply_combiner::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRatePropertiesKHR.html) """ function _PhysicalDeviceFragmentShadingRatePropertiesKHR(min_fragment_shading_rate_attachment_texel_size::_Extent2D, max_fragment_shading_rate_attachment_texel_size::_Extent2D, max_fragment_shading_rate_attachment_texel_size_aspect_ratio::Integer, primitive_fragment_shading_rate_with_multiple_viewports::Bool, layered_shading_rate_attachments::Bool, fragment_shading_rate_non_trivial_combiner_ops::Bool, max_fragment_size::_Extent2D, max_fragment_size_aspect_ratio::Integer, max_fragment_shading_rate_coverage_samples::Integer, max_fragment_shading_rate_rasterization_samples::SampleCountFlag, fragment_shading_rate_with_shader_depth_stencil_writes::Bool, fragment_shading_rate_with_sample_mask::Bool, fragment_shading_rate_with_shader_sample_mask::Bool, fragment_shading_rate_with_conservative_rasterization::Bool, fragment_shading_rate_with_fragment_shader_interlock::Bool, fragment_shading_rate_with_custom_sample_locations::Bool, fragment_shading_rate_strict_multiply_combiner::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentShadingRatePropertiesKHR(structure_type(VkPhysicalDeviceFragmentShadingRatePropertiesKHR), unsafe_convert(Ptr{Cvoid}, next), min_fragment_shading_rate_attachment_texel_size.vks, max_fragment_shading_rate_attachment_texel_size.vks, max_fragment_shading_rate_attachment_texel_size_aspect_ratio, primitive_fragment_shading_rate_with_multiple_viewports, layered_shading_rate_attachments, fragment_shading_rate_non_trivial_combiner_ops, max_fragment_size.vks, max_fragment_size_aspect_ratio, max_fragment_shading_rate_coverage_samples, VkSampleCountFlagBits(max_fragment_shading_rate_rasterization_samples.val), fragment_shading_rate_with_shader_depth_stencil_writes, fragment_shading_rate_with_sample_mask, fragment_shading_rate_with_shader_sample_mask, fragment_shading_rate_with_conservative_rasterization, fragment_shading_rate_with_fragment_shader_interlock, fragment_shading_rate_with_custom_sample_locations, fragment_shading_rate_strict_multiply_combiner) _PhysicalDeviceFragmentShadingRatePropertiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Arguments: - `sample_counts::SampleCountFlag` - `fragment_size::_Extent2D` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateKHR.html) """ function _PhysicalDeviceFragmentShadingRateKHR(sample_counts::SampleCountFlag, fragment_size::_Extent2D; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentShadingRateKHR(structure_type(VkPhysicalDeviceFragmentShadingRateKHR), unsafe_convert(Ptr{Cvoid}, next), sample_counts, fragment_size.vks) _PhysicalDeviceFragmentShadingRateKHR(vks, deps) end """ Arguments: - `shader_terminate_invocation::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderTerminateInvocationFeatures.html) """ function _PhysicalDeviceShaderTerminateInvocationFeatures(shader_terminate_invocation::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderTerminateInvocationFeatures(structure_type(VkPhysicalDeviceShaderTerminateInvocationFeatures), unsafe_convert(Ptr{Cvoid}, next), shader_terminate_invocation) _PhysicalDeviceShaderTerminateInvocationFeatures(vks, deps) end """ Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums Arguments: - `fragment_shading_rate_enums::Bool` - `supersample_fragment_shading_rates::Bool` - `no_invocation_fragment_shading_rates::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV.html) """ function _PhysicalDeviceFragmentShadingRateEnumsFeaturesNV(fragment_shading_rate_enums::Bool, supersample_fragment_shading_rates::Bool, no_invocation_fragment_shading_rates::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV(structure_type(VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), fragment_shading_rate_enums, supersample_fragment_shading_rates, no_invocation_fragment_shading_rates) _PhysicalDeviceFragmentShadingRateEnumsFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums Arguments: - `max_fragment_shading_rate_invocation_count::SampleCountFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV.html) """ function _PhysicalDeviceFragmentShadingRateEnumsPropertiesNV(max_fragment_shading_rate_invocation_count::SampleCountFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV(structure_type(VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), VkSampleCountFlagBits(max_fragment_shading_rate_invocation_count.val)) _PhysicalDeviceFragmentShadingRateEnumsPropertiesNV(vks, deps) end """ Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums Arguments: - `shading_rate_type::FragmentShadingRateTypeNV` - `shading_rate::FragmentShadingRateNV` - `combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineFragmentShadingRateEnumStateCreateInfoNV.html) """ function _PipelineFragmentShadingRateEnumStateCreateInfoNV(shading_rate_type::FragmentShadingRateTypeNV, shading_rate::FragmentShadingRateNV, combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineFragmentShadingRateEnumStateCreateInfoNV(structure_type(VkPipelineFragmentShadingRateEnumStateCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), shading_rate_type, shading_rate, to_vk(NTuple{2, VkFragmentShadingRateCombinerOpKHR}, combiner_ops)) _PipelineFragmentShadingRateEnumStateCreateInfoNV(vks, deps) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `acceleration_structure_size::UInt64` - `update_scratch_size::UInt64` - `build_scratch_size::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureBuildSizesInfoKHR.html) """ function _AccelerationStructureBuildSizesInfoKHR(acceleration_structure_size::Integer, update_scratch_size::Integer, build_scratch_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAccelerationStructureBuildSizesInfoKHR(structure_type(VkAccelerationStructureBuildSizesInfoKHR), unsafe_convert(Ptr{Cvoid}, next), acceleration_structure_size, update_scratch_size, build_scratch_size) _AccelerationStructureBuildSizesInfoKHR(vks, deps) end """ Extension: VK\\_EXT\\_image\\_2d\\_view\\_of\\_3d Arguments: - `image_2_d_view_of_3_d::Bool` - `sampler_2_d_view_of_3_d::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImage2DViewOf3DFeaturesEXT.html) """ function _PhysicalDeviceImage2DViewOf3DFeaturesEXT(image_2_d_view_of_3_d::Bool, sampler_2_d_view_of_3_d::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceImage2DViewOf3DFeaturesEXT(structure_type(VkPhysicalDeviceImage2DViewOf3DFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), image_2_d_view_of_3_d, sampler_2_d_view_of_3_d) _PhysicalDeviceImage2DViewOf3DFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_mutable\\_descriptor\\_type Arguments: - `mutable_descriptor_type::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT.html) """ function _PhysicalDeviceMutableDescriptorTypeFeaturesEXT(mutable_descriptor_type::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT(structure_type(VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), mutable_descriptor_type) _PhysicalDeviceMutableDescriptorTypeFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_mutable\\_descriptor\\_type Arguments: - `descriptor_types::Vector{DescriptorType}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMutableDescriptorTypeListEXT.html) """ function _MutableDescriptorTypeListEXT(descriptor_types::AbstractArray) descriptor_type_count = pointer_length(descriptor_types) descriptor_types = cconvert(Ptr{VkDescriptorType}, descriptor_types) deps = Any[descriptor_types] vks = VkMutableDescriptorTypeListEXT(descriptor_type_count, unsafe_convert(Ptr{VkDescriptorType}, descriptor_types)) _MutableDescriptorTypeListEXT(vks, deps) end """ Extension: VK\\_EXT\\_mutable\\_descriptor\\_type Arguments: - `mutable_descriptor_type_lists::Vector{_MutableDescriptorTypeListEXT}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMutableDescriptorTypeCreateInfoEXT.html) """ function _MutableDescriptorTypeCreateInfoEXT(mutable_descriptor_type_lists::AbstractArray; next = C_NULL) mutable_descriptor_type_list_count = pointer_length(mutable_descriptor_type_lists) next = cconvert(Ptr{Cvoid}, next) mutable_descriptor_type_lists = cconvert(Ptr{VkMutableDescriptorTypeListEXT}, mutable_descriptor_type_lists) deps = Any[next, mutable_descriptor_type_lists] vks = VkMutableDescriptorTypeCreateInfoEXT(structure_type(VkMutableDescriptorTypeCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), mutable_descriptor_type_list_count, unsafe_convert(Ptr{VkMutableDescriptorTypeListEXT}, mutable_descriptor_type_lists)) _MutableDescriptorTypeCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_depth\\_clip\\_control Arguments: - `depth_clip_control::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthClipControlFeaturesEXT.html) """ function _PhysicalDeviceDepthClipControlFeaturesEXT(depth_clip_control::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDepthClipControlFeaturesEXT(structure_type(VkPhysicalDeviceDepthClipControlFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), depth_clip_control) _PhysicalDeviceDepthClipControlFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_depth\\_clip\\_control Arguments: - `negative_one_to_one::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportDepthClipControlCreateInfoEXT.html) """ function _PipelineViewportDepthClipControlCreateInfoEXT(negative_one_to_one::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineViewportDepthClipControlCreateInfoEXT(structure_type(VkPipelineViewportDepthClipControlCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), negative_one_to_one) _PipelineViewportDepthClipControlCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state Arguments: - `vertex_input_dynamic_state::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT.html) """ function _PhysicalDeviceVertexInputDynamicStateFeaturesEXT(vertex_input_dynamic_state::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT(structure_type(VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), vertex_input_dynamic_state) _PhysicalDeviceVertexInputDynamicStateFeaturesEXT(vks, deps) end """ Extension: VK\\_NV\\_external\\_memory\\_rdma Arguments: - `external_memory_rdma::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalMemoryRDMAFeaturesNV.html) """ function _PhysicalDeviceExternalMemoryRDMAFeaturesNV(external_memory_rdma::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceExternalMemoryRDMAFeaturesNV(structure_type(VkPhysicalDeviceExternalMemoryRDMAFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), external_memory_rdma) _PhysicalDeviceExternalMemoryRDMAFeaturesNV(vks, deps) end """ Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state Arguments: - `binding::UInt32` - `stride::UInt32` - `input_rate::VertexInputRate` - `divisor::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputBindingDescription2EXT.html) """ function _VertexInputBindingDescription2EXT(binding::Integer, stride::Integer, input_rate::VertexInputRate, divisor::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVertexInputBindingDescription2EXT(structure_type(VkVertexInputBindingDescription2EXT), unsafe_convert(Ptr{Cvoid}, next), binding, stride, input_rate, divisor) _VertexInputBindingDescription2EXT(vks, deps) end """ Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state Arguments: - `location::UInt32` - `binding::UInt32` - `format::Format` - `offset::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputAttributeDescription2EXT.html) """ function _VertexInputAttributeDescription2EXT(location::Integer, binding::Integer, format::Format, offset::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVertexInputAttributeDescription2EXT(structure_type(VkVertexInputAttributeDescription2EXT), unsafe_convert(Ptr{Cvoid}, next), location, binding, format, offset) _VertexInputAttributeDescription2EXT(vks, deps) end """ Extension: VK\\_EXT\\_color\\_write\\_enable Arguments: - `color_write_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceColorWriteEnableFeaturesEXT.html) """ function _PhysicalDeviceColorWriteEnableFeaturesEXT(color_write_enable::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceColorWriteEnableFeaturesEXT(structure_type(VkPhysicalDeviceColorWriteEnableFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), color_write_enable) _PhysicalDeviceColorWriteEnableFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_color\\_write\\_enable Arguments: - `color_write_enables::Vector{Bool}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorWriteCreateInfoEXT.html) """ function _PipelineColorWriteCreateInfoEXT(color_write_enables::AbstractArray; next = C_NULL) attachment_count = pointer_length(color_write_enables) next = cconvert(Ptr{Cvoid}, next) color_write_enables = cconvert(Ptr{VkBool32}, color_write_enables) deps = Any[next, color_write_enables] vks = VkPipelineColorWriteCreateInfoEXT(structure_type(VkPipelineColorWriteCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), attachment_count, unsafe_convert(Ptr{VkBool32}, color_write_enables)) _PipelineColorWriteCreateInfoEXT(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `src_stage_mask::UInt64`: defaults to `0` - `src_access_mask::UInt64`: defaults to `0` - `dst_stage_mask::UInt64`: defaults to `0` - `dst_access_mask::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryBarrier2.html) """ function _MemoryBarrier2(; next = C_NULL, src_stage_mask = 0, src_access_mask = 0, dst_stage_mask = 0, dst_access_mask = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryBarrier2(structure_type(VkMemoryBarrier2), unsafe_convert(Ptr{Cvoid}, next), src_stage_mask, src_access_mask, dst_stage_mask, dst_access_mask) _MemoryBarrier2(vks, deps) end """ Arguments: - `old_layout::ImageLayout` - `new_layout::ImageLayout` - `src_queue_family_index::UInt32` - `dst_queue_family_index::UInt32` - `image::Image` - `subresource_range::_ImageSubresourceRange` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `src_stage_mask::UInt64`: defaults to `0` - `src_access_mask::UInt64`: defaults to `0` - `dst_stage_mask::UInt64`: defaults to `0` - `dst_access_mask::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageMemoryBarrier2.html) """ function _ImageMemoryBarrier2(old_layout::ImageLayout, new_layout::ImageLayout, src_queue_family_index::Integer, dst_queue_family_index::Integer, image, subresource_range::_ImageSubresourceRange; next = C_NULL, src_stage_mask = 0, src_access_mask = 0, dst_stage_mask = 0, dst_access_mask = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageMemoryBarrier2(structure_type(VkImageMemoryBarrier2), unsafe_convert(Ptr{Cvoid}, next), src_stage_mask, src_access_mask, dst_stage_mask, dst_access_mask, old_layout, new_layout, src_queue_family_index, dst_queue_family_index, image, subresource_range.vks) _ImageMemoryBarrier2(vks, deps, image) end """ Arguments: - `src_queue_family_index::UInt32` - `dst_queue_family_index::UInt32` - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `src_stage_mask::UInt64`: defaults to `0` - `src_access_mask::UInt64`: defaults to `0` - `dst_stage_mask::UInt64`: defaults to `0` - `dst_access_mask::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferMemoryBarrier2.html) """ function _BufferMemoryBarrier2(src_queue_family_index::Integer, dst_queue_family_index::Integer, buffer, offset::Integer, size::Integer; next = C_NULL, src_stage_mask = 0, src_access_mask = 0, dst_stage_mask = 0, dst_access_mask = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBufferMemoryBarrier2(structure_type(VkBufferMemoryBarrier2), unsafe_convert(Ptr{Cvoid}, next), src_stage_mask, src_access_mask, dst_stage_mask, dst_access_mask, src_queue_family_index, dst_queue_family_index, buffer, offset, size) _BufferMemoryBarrier2(vks, deps, buffer) end """ Arguments: - `memory_barriers::Vector{_MemoryBarrier2}` - `buffer_memory_barriers::Vector{_BufferMemoryBarrier2}` - `image_memory_barriers::Vector{_ImageMemoryBarrier2}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `dependency_flags::DependencyFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDependencyInfo.html) """ function _DependencyInfo(memory_barriers::AbstractArray, buffer_memory_barriers::AbstractArray, image_memory_barriers::AbstractArray; next = C_NULL, dependency_flags = 0) memory_barrier_count = pointer_length(memory_barriers) buffer_memory_barrier_count = pointer_length(buffer_memory_barriers) image_memory_barrier_count = pointer_length(image_memory_barriers) next = cconvert(Ptr{Cvoid}, next) memory_barriers = cconvert(Ptr{VkMemoryBarrier2}, memory_barriers) buffer_memory_barriers = cconvert(Ptr{VkBufferMemoryBarrier2}, buffer_memory_barriers) image_memory_barriers = cconvert(Ptr{VkImageMemoryBarrier2}, image_memory_barriers) deps = Any[next, memory_barriers, buffer_memory_barriers, image_memory_barriers] vks = VkDependencyInfo(structure_type(VkDependencyInfo), unsafe_convert(Ptr{Cvoid}, next), dependency_flags, memory_barrier_count, unsafe_convert(Ptr{VkMemoryBarrier2}, memory_barriers), buffer_memory_barrier_count, unsafe_convert(Ptr{VkBufferMemoryBarrier2}, buffer_memory_barriers), image_memory_barrier_count, unsafe_convert(Ptr{VkImageMemoryBarrier2}, image_memory_barriers)) _DependencyInfo(vks, deps) end """ Arguments: - `semaphore::Semaphore` - `value::UInt64` - `device_index::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `stage_mask::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreSubmitInfo.html) """ function _SemaphoreSubmitInfo(semaphore, value::Integer, device_index::Integer; next = C_NULL, stage_mask = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSemaphoreSubmitInfo(structure_type(VkSemaphoreSubmitInfo), unsafe_convert(Ptr{Cvoid}, next), semaphore, value, stage_mask, device_index) _SemaphoreSubmitInfo(vks, deps, semaphore) end """ Arguments: - `command_buffer::CommandBuffer` - `device_mask::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferSubmitInfo.html) """ function _CommandBufferSubmitInfo(command_buffer, device_mask::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCommandBufferSubmitInfo(structure_type(VkCommandBufferSubmitInfo), unsafe_convert(Ptr{Cvoid}, next), command_buffer, device_mask) _CommandBufferSubmitInfo(vks, deps, command_buffer) end """ Arguments: - `wait_semaphore_infos::Vector{_SemaphoreSubmitInfo}` - `command_buffer_infos::Vector{_CommandBufferSubmitInfo}` - `signal_semaphore_infos::Vector{_SemaphoreSubmitInfo}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::SubmitFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubmitInfo2.html) """ function _SubmitInfo2(wait_semaphore_infos::AbstractArray, command_buffer_infos::AbstractArray, signal_semaphore_infos::AbstractArray; next = C_NULL, flags = 0) wait_semaphore_info_count = pointer_length(wait_semaphore_infos) command_buffer_info_count = pointer_length(command_buffer_infos) signal_semaphore_info_count = pointer_length(signal_semaphore_infos) next = cconvert(Ptr{Cvoid}, next) wait_semaphore_infos = cconvert(Ptr{VkSemaphoreSubmitInfo}, wait_semaphore_infos) command_buffer_infos = cconvert(Ptr{VkCommandBufferSubmitInfo}, command_buffer_infos) signal_semaphore_infos = cconvert(Ptr{VkSemaphoreSubmitInfo}, signal_semaphore_infos) deps = Any[next, wait_semaphore_infos, command_buffer_infos, signal_semaphore_infos] vks = VkSubmitInfo2(structure_type(VkSubmitInfo2), unsafe_convert(Ptr{Cvoid}, next), flags, wait_semaphore_info_count, unsafe_convert(Ptr{VkSemaphoreSubmitInfo}, wait_semaphore_infos), command_buffer_info_count, unsafe_convert(Ptr{VkCommandBufferSubmitInfo}, command_buffer_infos), signal_semaphore_info_count, unsafe_convert(Ptr{VkSemaphoreSubmitInfo}, signal_semaphore_infos)) _SubmitInfo2(vks, deps) end """ Extension: VK\\_KHR\\_synchronization2 Arguments: - `checkpoint_execution_stage_mask::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyCheckpointProperties2NV.html) """ function _QueueFamilyCheckpointProperties2NV(checkpoint_execution_stage_mask::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkQueueFamilyCheckpointProperties2NV(structure_type(VkQueueFamilyCheckpointProperties2NV), unsafe_convert(Ptr{Cvoid}, next), checkpoint_execution_stage_mask) _QueueFamilyCheckpointProperties2NV(vks, deps) end """ Extension: VK\\_KHR\\_synchronization2 Arguments: - `stage::UInt64` - `checkpoint_marker::Ptr{Cvoid}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCheckpointData2NV.html) """ function _CheckpointData2NV(stage::Integer, checkpoint_marker::Ptr{Cvoid}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) checkpoint_marker = cconvert(Ptr{Cvoid}, checkpoint_marker) deps = Any[next, checkpoint_marker] vks = VkCheckpointData2NV(structure_type(VkCheckpointData2NV), unsafe_convert(Ptr{Cvoid}, next), stage, unsafe_convert(Ptr{Cvoid}, checkpoint_marker)) _CheckpointData2NV(vks, deps) end """ Arguments: - `synchronization2::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSynchronization2Features.html) """ function _PhysicalDeviceSynchronization2Features(synchronization2::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSynchronization2Features(structure_type(VkPhysicalDeviceSynchronization2Features), unsafe_convert(Ptr{Cvoid}, next), synchronization2) _PhysicalDeviceSynchronization2Features(vks, deps) end """ Extension: VK\\_EXT\\_primitives\\_generated\\_query Arguments: - `primitives_generated_query::Bool` - `primitives_generated_query_with_rasterizer_discard::Bool` - `primitives_generated_query_with_non_zero_streams::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT.html) """ function _PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT(primitives_generated_query::Bool, primitives_generated_query_with_rasterizer_discard::Bool, primitives_generated_query_with_non_zero_streams::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT(structure_type(VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), primitives_generated_query, primitives_generated_query_with_rasterizer_discard, primitives_generated_query_with_non_zero_streams) _PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_legacy\\_dithering Arguments: - `legacy_dithering::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLegacyDitheringFeaturesEXT.html) """ function _PhysicalDeviceLegacyDitheringFeaturesEXT(legacy_dithering::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceLegacyDitheringFeaturesEXT(structure_type(VkPhysicalDeviceLegacyDitheringFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), legacy_dithering) _PhysicalDeviceLegacyDitheringFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_multisampled\\_render\\_to\\_single\\_sampled Arguments: - `multisampled_render_to_single_sampled::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT.html) """ function _PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT(multisampled_render_to_single_sampled::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT(structure_type(VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), multisampled_render_to_single_sampled) _PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_multisampled\\_render\\_to\\_single\\_sampled Arguments: - `optimal::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassResolvePerformanceQueryEXT.html) """ function _SubpassResolvePerformanceQueryEXT(optimal::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSubpassResolvePerformanceQueryEXT(structure_type(VkSubpassResolvePerformanceQueryEXT), unsafe_convert(Ptr{Cvoid}, next), optimal) _SubpassResolvePerformanceQueryEXT(vks, deps) end """ Extension: VK\\_EXT\\_multisampled\\_render\\_to\\_single\\_sampled Arguments: - `multisampled_render_to_single_sampled_enable::Bool` - `rasterization_samples::SampleCountFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultisampledRenderToSingleSampledInfoEXT.html) """ function _MultisampledRenderToSingleSampledInfoEXT(multisampled_render_to_single_sampled_enable::Bool, rasterization_samples::SampleCountFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMultisampledRenderToSingleSampledInfoEXT(structure_type(VkMultisampledRenderToSingleSampledInfoEXT), unsafe_convert(Ptr{Cvoid}, next), multisampled_render_to_single_sampled_enable, VkSampleCountFlagBits(rasterization_samples.val)) _MultisampledRenderToSingleSampledInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_pipeline\\_protected\\_access Arguments: - `pipeline_protected_access::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineProtectedAccessFeaturesEXT.html) """ function _PhysicalDevicePipelineProtectedAccessFeaturesEXT(pipeline_protected_access::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePipelineProtectedAccessFeaturesEXT(structure_type(VkPhysicalDevicePipelineProtectedAccessFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), pipeline_protected_access) _PhysicalDevicePipelineProtectedAccessFeaturesEXT(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `video_codec_operations::VideoCodecOperationFlagKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyVideoPropertiesKHR.html) """ function _QueueFamilyVideoPropertiesKHR(video_codec_operations::VideoCodecOperationFlagKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkQueueFamilyVideoPropertiesKHR(structure_type(VkQueueFamilyVideoPropertiesKHR), unsafe_convert(Ptr{Cvoid}, next), video_codec_operations) _QueueFamilyVideoPropertiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `query_result_status_support::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyQueryResultStatusPropertiesKHR.html) """ function _QueueFamilyQueryResultStatusPropertiesKHR(query_result_status_support::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkQueueFamilyQueryResultStatusPropertiesKHR(structure_type(VkQueueFamilyQueryResultStatusPropertiesKHR), unsafe_convert(Ptr{Cvoid}, next), query_result_status_support) _QueueFamilyQueryResultStatusPropertiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `profiles::Vector{_VideoProfileInfoKHR}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoProfileListInfoKHR.html) """ function _VideoProfileListInfoKHR(profiles::AbstractArray; next = C_NULL) profile_count = pointer_length(profiles) next = cconvert(Ptr{Cvoid}, next) profiles = cconvert(Ptr{VkVideoProfileInfoKHR}, profiles) deps = Any[next, profiles] vks = VkVideoProfileListInfoKHR(structure_type(VkVideoProfileListInfoKHR), unsafe_convert(Ptr{Cvoid}, next), profile_count, unsafe_convert(Ptr{VkVideoProfileInfoKHR}, profiles)) _VideoProfileListInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `image_usage::ImageUsageFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVideoFormatInfoKHR.html) """ function _PhysicalDeviceVideoFormatInfoKHR(image_usage::ImageUsageFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceVideoFormatInfoKHR(structure_type(VkPhysicalDeviceVideoFormatInfoKHR), unsafe_convert(Ptr{Cvoid}, next), image_usage) _PhysicalDeviceVideoFormatInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `format::Format` - `component_mapping::_ComponentMapping` - `image_create_flags::ImageCreateFlag` - `image_type::ImageType` - `image_tiling::ImageTiling` - `image_usage_flags::ImageUsageFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoFormatPropertiesKHR.html) """ function _VideoFormatPropertiesKHR(format::Format, component_mapping::_ComponentMapping, image_create_flags::ImageCreateFlag, image_type::ImageType, image_tiling::ImageTiling, image_usage_flags::ImageUsageFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoFormatPropertiesKHR(structure_type(VkVideoFormatPropertiesKHR), unsafe_convert(Ptr{Cvoid}, next), format, component_mapping.vks, image_create_flags, image_type, image_tiling, image_usage_flags) _VideoFormatPropertiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `video_codec_operation::VideoCodecOperationFlagKHR` - `chroma_subsampling::VideoChromaSubsamplingFlagKHR` - `luma_bit_depth::VideoComponentBitDepthFlagKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `chroma_bit_depth::VideoComponentBitDepthFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoProfileInfoKHR.html) """ function _VideoProfileInfoKHR(video_codec_operation::VideoCodecOperationFlagKHR, chroma_subsampling::VideoChromaSubsamplingFlagKHR, luma_bit_depth::VideoComponentBitDepthFlagKHR; next = C_NULL, chroma_bit_depth = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoProfileInfoKHR(structure_type(VkVideoProfileInfoKHR), unsafe_convert(Ptr{Cvoid}, next), VkVideoCodecOperationFlagBitsKHR(video_codec_operation.val), chroma_subsampling, luma_bit_depth, chroma_bit_depth) _VideoProfileInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `flags::VideoCapabilityFlagKHR` - `min_bitstream_buffer_offset_alignment::UInt64` - `min_bitstream_buffer_size_alignment::UInt64` - `picture_access_granularity::_Extent2D` - `min_coded_extent::_Extent2D` - `max_coded_extent::_Extent2D` - `max_dpb_slots::UInt32` - `max_active_reference_pictures::UInt32` - `std_header_version::_ExtensionProperties` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoCapabilitiesKHR.html) """ function _VideoCapabilitiesKHR(flags::VideoCapabilityFlagKHR, min_bitstream_buffer_offset_alignment::Integer, min_bitstream_buffer_size_alignment::Integer, picture_access_granularity::_Extent2D, min_coded_extent::_Extent2D, max_coded_extent::_Extent2D, max_dpb_slots::Integer, max_active_reference_pictures::Integer, std_header_version::_ExtensionProperties; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoCapabilitiesKHR(structure_type(VkVideoCapabilitiesKHR), unsafe_convert(Ptr{Cvoid}, next), flags, min_bitstream_buffer_offset_alignment, min_bitstream_buffer_size_alignment, picture_access_granularity.vks, min_coded_extent.vks, max_coded_extent.vks, max_dpb_slots, max_active_reference_pictures, std_header_version.vks) _VideoCapabilitiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `memory_bind_index::UInt32` - `memory_requirements::_MemoryRequirements` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionMemoryRequirementsKHR.html) """ function _VideoSessionMemoryRequirementsKHR(memory_bind_index::Integer, memory_requirements::_MemoryRequirements; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoSessionMemoryRequirementsKHR(structure_type(VkVideoSessionMemoryRequirementsKHR), unsafe_convert(Ptr{Cvoid}, next), memory_bind_index, memory_requirements.vks) _VideoSessionMemoryRequirementsKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `memory_bind_index::UInt32` - `memory::DeviceMemory` - `memory_offset::UInt64` - `memory_size::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindVideoSessionMemoryInfoKHR.html) """ function _BindVideoSessionMemoryInfoKHR(memory_bind_index::Integer, memory, memory_offset::Integer, memory_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBindVideoSessionMemoryInfoKHR(structure_type(VkBindVideoSessionMemoryInfoKHR), unsafe_convert(Ptr{Cvoid}, next), memory_bind_index, memory, memory_offset, memory_size) _BindVideoSessionMemoryInfoKHR(vks, deps, memory) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `coded_offset::_Offset2D` - `coded_extent::_Extent2D` - `base_array_layer::UInt32` - `image_view_binding::ImageView` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoPictureResourceInfoKHR.html) """ function _VideoPictureResourceInfoKHR(coded_offset::_Offset2D, coded_extent::_Extent2D, base_array_layer::Integer, image_view_binding; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoPictureResourceInfoKHR(structure_type(VkVideoPictureResourceInfoKHR), unsafe_convert(Ptr{Cvoid}, next), coded_offset.vks, coded_extent.vks, base_array_layer, image_view_binding) _VideoPictureResourceInfoKHR(vks, deps, image_view_binding) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `slot_index::Int32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `picture_resource::_VideoPictureResourceInfoKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoReferenceSlotInfoKHR.html) """ function _VideoReferenceSlotInfoKHR(slot_index::Integer; next = C_NULL, picture_resource = C_NULL) next = cconvert(Ptr{Cvoid}, next) picture_resource = cconvert(Ptr{VkVideoPictureResourceInfoKHR}, picture_resource) deps = Any[next, picture_resource] vks = VkVideoReferenceSlotInfoKHR(structure_type(VkVideoReferenceSlotInfoKHR), unsafe_convert(Ptr{Cvoid}, next), slot_index, unsafe_convert(Ptr{VkVideoPictureResourceInfoKHR}, picture_resource)) _VideoReferenceSlotInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_queue Arguments: - `flags::VideoDecodeCapabilityFlagKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeCapabilitiesKHR.html) """ function _VideoDecodeCapabilitiesKHR(flags::VideoDecodeCapabilityFlagKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoDecodeCapabilitiesKHR(structure_type(VkVideoDecodeCapabilitiesKHR), unsafe_convert(Ptr{Cvoid}, next), flags) _VideoDecodeCapabilitiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_queue Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `video_usage_hints::VideoDecodeUsageFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeUsageInfoKHR.html) """ function _VideoDecodeUsageInfoKHR(; next = C_NULL, video_usage_hints = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoDecodeUsageInfoKHR(structure_type(VkVideoDecodeUsageInfoKHR), unsafe_convert(Ptr{Cvoid}, next), video_usage_hints) _VideoDecodeUsageInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_queue Arguments: - `src_buffer::Buffer` - `src_buffer_offset::UInt64` - `src_buffer_range::UInt64` - `dst_picture_resource::_VideoPictureResourceInfoKHR` - `setup_reference_slot::_VideoReferenceSlotInfoKHR` - `reference_slots::Vector{_VideoReferenceSlotInfoKHR}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeInfoKHR.html) """ function _VideoDecodeInfoKHR(src_buffer, src_buffer_offset::Integer, src_buffer_range::Integer, dst_picture_resource::_VideoPictureResourceInfoKHR, setup_reference_slot::_VideoReferenceSlotInfoKHR, reference_slots::AbstractArray; next = C_NULL, flags = 0) reference_slot_count = pointer_length(reference_slots) next = cconvert(Ptr{Cvoid}, next) setup_reference_slot = cconvert(Ptr{VkVideoReferenceSlotInfoKHR}, setup_reference_slot) reference_slots = cconvert(Ptr{VkVideoReferenceSlotInfoKHR}, reference_slots) deps = Any[next, setup_reference_slot, reference_slots] vks = VkVideoDecodeInfoKHR(structure_type(VkVideoDecodeInfoKHR), unsafe_convert(Ptr{Cvoid}, next), flags, src_buffer, src_buffer_offset, src_buffer_range, dst_picture_resource.vks, unsafe_convert(Ptr{VkVideoReferenceSlotInfoKHR}, setup_reference_slot), reference_slot_count, unsafe_convert(Ptr{VkVideoReferenceSlotInfoKHR}, reference_slots)) _VideoDecodeInfoKHR(vks, deps, src_buffer) end """ Extension: VK\\_KHR\\_video\\_decode\\_h264 Arguments: - `std_profile_idc::StdVideoH264ProfileIdc` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `picture_layout::VideoDecodeH264PictureLayoutFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264ProfileInfoKHR.html) """ function _VideoDecodeH264ProfileInfoKHR(std_profile_idc::StdVideoH264ProfileIdc; next = C_NULL, picture_layout = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoDecodeH264ProfileInfoKHR(structure_type(VkVideoDecodeH264ProfileInfoKHR), unsafe_convert(Ptr{Cvoid}, next), std_profile_idc, VkVideoDecodeH264PictureLayoutFlagBitsKHR(picture_layout.val)) _VideoDecodeH264ProfileInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_h264 Arguments: - `max_level_idc::StdVideoH264LevelIdc` - `field_offset_granularity::_Offset2D` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264CapabilitiesKHR.html) """ function _VideoDecodeH264CapabilitiesKHR(max_level_idc::StdVideoH264LevelIdc, field_offset_granularity::_Offset2D; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoDecodeH264CapabilitiesKHR(structure_type(VkVideoDecodeH264CapabilitiesKHR), unsafe_convert(Ptr{Cvoid}, next), max_level_idc, field_offset_granularity.vks) _VideoDecodeH264CapabilitiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_h264 Arguments: - `std_sp_ss::Vector{StdVideoH264SequenceParameterSet}` - `std_pp_ss::Vector{StdVideoH264PictureParameterSet}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264SessionParametersAddInfoKHR.html) """ function _VideoDecodeH264SessionParametersAddInfoKHR(std_sp_ss::AbstractArray, std_pp_ss::AbstractArray; next = C_NULL) std_sps_count = pointer_length(std_sp_ss) std_pps_count = pointer_length(std_pp_ss) next = cconvert(Ptr{Cvoid}, next) std_sp_ss = cconvert(Ptr{StdVideoH264SequenceParameterSet}, std_sp_ss) std_pp_ss = cconvert(Ptr{StdVideoH264PictureParameterSet}, std_pp_ss) deps = Any[next, std_sp_ss, std_pp_ss] vks = VkVideoDecodeH264SessionParametersAddInfoKHR(structure_type(VkVideoDecodeH264SessionParametersAddInfoKHR), unsafe_convert(Ptr{Cvoid}, next), std_sps_count, unsafe_convert(Ptr{StdVideoH264SequenceParameterSet}, std_sp_ss), std_pps_count, unsafe_convert(Ptr{StdVideoH264PictureParameterSet}, std_pp_ss)) _VideoDecodeH264SessionParametersAddInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_h264 Arguments: - `max_std_sps_count::UInt32` - `max_std_pps_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `parameters_add_info::_VideoDecodeH264SessionParametersAddInfoKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264SessionParametersCreateInfoKHR.html) """ function _VideoDecodeH264SessionParametersCreateInfoKHR(max_std_sps_count::Integer, max_std_pps_count::Integer; next = C_NULL, parameters_add_info = C_NULL) next = cconvert(Ptr{Cvoid}, next) parameters_add_info = cconvert(Ptr{VkVideoDecodeH264SessionParametersAddInfoKHR}, parameters_add_info) deps = Any[next, parameters_add_info] vks = VkVideoDecodeH264SessionParametersCreateInfoKHR(structure_type(VkVideoDecodeH264SessionParametersCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), max_std_sps_count, max_std_pps_count, unsafe_convert(Ptr{VkVideoDecodeH264SessionParametersAddInfoKHR}, parameters_add_info)) _VideoDecodeH264SessionParametersCreateInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_h264 Arguments: - `std_picture_info::StdVideoDecodeH264PictureInfo` - `slice_offsets::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264PictureInfoKHR.html) """ function _VideoDecodeH264PictureInfoKHR(std_picture_info::StdVideoDecodeH264PictureInfo, slice_offsets::AbstractArray; next = C_NULL) slice_count = pointer_length(slice_offsets) next = cconvert(Ptr{Cvoid}, next) std_picture_info = cconvert(Ptr{StdVideoDecodeH264PictureInfo}, std_picture_info) slice_offsets = cconvert(Ptr{UInt32}, slice_offsets) deps = Any[next, std_picture_info, slice_offsets] vks = VkVideoDecodeH264PictureInfoKHR(structure_type(VkVideoDecodeH264PictureInfoKHR), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{StdVideoDecodeH264PictureInfo}, std_picture_info), slice_count, unsafe_convert(Ptr{UInt32}, slice_offsets)) _VideoDecodeH264PictureInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_h264 Arguments: - `std_reference_info::StdVideoDecodeH264ReferenceInfo` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264DpbSlotInfoKHR.html) """ function _VideoDecodeH264DpbSlotInfoKHR(std_reference_info::StdVideoDecodeH264ReferenceInfo; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) std_reference_info = cconvert(Ptr{StdVideoDecodeH264ReferenceInfo}, std_reference_info) deps = Any[next, std_reference_info] vks = VkVideoDecodeH264DpbSlotInfoKHR(structure_type(VkVideoDecodeH264DpbSlotInfoKHR), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{StdVideoDecodeH264ReferenceInfo}, std_reference_info)) _VideoDecodeH264DpbSlotInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_h265 Arguments: - `std_profile_idc::StdVideoH265ProfileIdc` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265ProfileInfoKHR.html) """ function _VideoDecodeH265ProfileInfoKHR(std_profile_idc::StdVideoH265ProfileIdc; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoDecodeH265ProfileInfoKHR(structure_type(VkVideoDecodeH265ProfileInfoKHR), unsafe_convert(Ptr{Cvoid}, next), std_profile_idc) _VideoDecodeH265ProfileInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_h265 Arguments: - `max_level_idc::StdVideoH265LevelIdc` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265CapabilitiesKHR.html) """ function _VideoDecodeH265CapabilitiesKHR(max_level_idc::StdVideoH265LevelIdc; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoDecodeH265CapabilitiesKHR(structure_type(VkVideoDecodeH265CapabilitiesKHR), unsafe_convert(Ptr{Cvoid}, next), max_level_idc) _VideoDecodeH265CapabilitiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_h265 Arguments: - `std_vp_ss::Vector{StdVideoH265VideoParameterSet}` - `std_sp_ss::Vector{StdVideoH265SequenceParameterSet}` - `std_pp_ss::Vector{StdVideoH265PictureParameterSet}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265SessionParametersAddInfoKHR.html) """ function _VideoDecodeH265SessionParametersAddInfoKHR(std_vp_ss::AbstractArray, std_sp_ss::AbstractArray, std_pp_ss::AbstractArray; next = C_NULL) std_vps_count = pointer_length(std_vp_ss) std_sps_count = pointer_length(std_sp_ss) std_pps_count = pointer_length(std_pp_ss) next = cconvert(Ptr{Cvoid}, next) std_vp_ss = cconvert(Ptr{StdVideoH265VideoParameterSet}, std_vp_ss) std_sp_ss = cconvert(Ptr{StdVideoH265SequenceParameterSet}, std_sp_ss) std_pp_ss = cconvert(Ptr{StdVideoH265PictureParameterSet}, std_pp_ss) deps = Any[next, std_vp_ss, std_sp_ss, std_pp_ss] vks = VkVideoDecodeH265SessionParametersAddInfoKHR(structure_type(VkVideoDecodeH265SessionParametersAddInfoKHR), unsafe_convert(Ptr{Cvoid}, next), std_vps_count, unsafe_convert(Ptr{StdVideoH265VideoParameterSet}, std_vp_ss), std_sps_count, unsafe_convert(Ptr{StdVideoH265SequenceParameterSet}, std_sp_ss), std_pps_count, unsafe_convert(Ptr{StdVideoH265PictureParameterSet}, std_pp_ss)) _VideoDecodeH265SessionParametersAddInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_h265 Arguments: - `max_std_vps_count::UInt32` - `max_std_sps_count::UInt32` - `max_std_pps_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `parameters_add_info::_VideoDecodeH265SessionParametersAddInfoKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265SessionParametersCreateInfoKHR.html) """ function _VideoDecodeH265SessionParametersCreateInfoKHR(max_std_vps_count::Integer, max_std_sps_count::Integer, max_std_pps_count::Integer; next = C_NULL, parameters_add_info = C_NULL) next = cconvert(Ptr{Cvoid}, next) parameters_add_info = cconvert(Ptr{VkVideoDecodeH265SessionParametersAddInfoKHR}, parameters_add_info) deps = Any[next, parameters_add_info] vks = VkVideoDecodeH265SessionParametersCreateInfoKHR(structure_type(VkVideoDecodeH265SessionParametersCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), max_std_vps_count, max_std_sps_count, max_std_pps_count, unsafe_convert(Ptr{VkVideoDecodeH265SessionParametersAddInfoKHR}, parameters_add_info)) _VideoDecodeH265SessionParametersCreateInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_h265 Arguments: - `std_picture_info::StdVideoDecodeH265PictureInfo` - `slice_segment_offsets::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265PictureInfoKHR.html) """ function _VideoDecodeH265PictureInfoKHR(std_picture_info::StdVideoDecodeH265PictureInfo, slice_segment_offsets::AbstractArray; next = C_NULL) slice_segment_count = pointer_length(slice_segment_offsets) next = cconvert(Ptr{Cvoid}, next) std_picture_info = cconvert(Ptr{StdVideoDecodeH265PictureInfo}, std_picture_info) slice_segment_offsets = cconvert(Ptr{UInt32}, slice_segment_offsets) deps = Any[next, std_picture_info, slice_segment_offsets] vks = VkVideoDecodeH265PictureInfoKHR(structure_type(VkVideoDecodeH265PictureInfoKHR), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{StdVideoDecodeH265PictureInfo}, std_picture_info), slice_segment_count, unsafe_convert(Ptr{UInt32}, slice_segment_offsets)) _VideoDecodeH265PictureInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_h265 Arguments: - `std_reference_info::StdVideoDecodeH265ReferenceInfo` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265DpbSlotInfoKHR.html) """ function _VideoDecodeH265DpbSlotInfoKHR(std_reference_info::StdVideoDecodeH265ReferenceInfo; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) std_reference_info = cconvert(Ptr{StdVideoDecodeH265ReferenceInfo}, std_reference_info) deps = Any[next, std_reference_info] vks = VkVideoDecodeH265DpbSlotInfoKHR(structure_type(VkVideoDecodeH265DpbSlotInfoKHR), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{StdVideoDecodeH265ReferenceInfo}, std_reference_info)) _VideoDecodeH265DpbSlotInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `queue_family_index::UInt32` - `video_profile::_VideoProfileInfoKHR` - `picture_format::Format` - `max_coded_extent::_Extent2D` - `reference_picture_format::Format` - `max_dpb_slots::UInt32` - `max_active_reference_pictures::UInt32` - `std_header_version::_ExtensionProperties` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::VideoSessionCreateFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionCreateInfoKHR.html) """ function _VideoSessionCreateInfoKHR(queue_family_index::Integer, video_profile::_VideoProfileInfoKHR, picture_format::Format, max_coded_extent::_Extent2D, reference_picture_format::Format, max_dpb_slots::Integer, max_active_reference_pictures::Integer, std_header_version::_ExtensionProperties; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) video_profile = cconvert(Ptr{VkVideoProfileInfoKHR}, video_profile) std_header_version = cconvert(Ptr{VkExtensionProperties}, std_header_version) deps = Any[next, video_profile, std_header_version] vks = VkVideoSessionCreateInfoKHR(structure_type(VkVideoSessionCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), queue_family_index, flags, unsafe_convert(Ptr{VkVideoProfileInfoKHR}, video_profile), picture_format, max_coded_extent.vks, reference_picture_format, max_dpb_slots, max_active_reference_pictures, unsafe_convert(Ptr{VkExtensionProperties}, std_header_version)) _VideoSessionCreateInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `video_session::VideoSessionKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `video_session_parameters_template::VideoSessionParametersKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionParametersCreateInfoKHR.html) """ function _VideoSessionParametersCreateInfoKHR(video_session; next = C_NULL, flags = 0, video_session_parameters_template = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoSessionParametersCreateInfoKHR(structure_type(VkVideoSessionParametersCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), flags, video_session_parameters_template, video_session) _VideoSessionParametersCreateInfoKHR(vks, deps, video_session_parameters_template, video_session) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `update_sequence_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionParametersUpdateInfoKHR.html) """ function _VideoSessionParametersUpdateInfoKHR(update_sequence_count::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoSessionParametersUpdateInfoKHR(structure_type(VkVideoSessionParametersUpdateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), update_sequence_count) _VideoSessionParametersUpdateInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `video_session::VideoSessionKHR` - `reference_slots::Vector{_VideoReferenceSlotInfoKHR}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `video_session_parameters::VideoSessionParametersKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoBeginCodingInfoKHR.html) """ function _VideoBeginCodingInfoKHR(video_session, reference_slots::AbstractArray; next = C_NULL, flags = 0, video_session_parameters = C_NULL) reference_slot_count = pointer_length(reference_slots) next = cconvert(Ptr{Cvoid}, next) reference_slots = cconvert(Ptr{VkVideoReferenceSlotInfoKHR}, reference_slots) deps = Any[next, reference_slots] vks = VkVideoBeginCodingInfoKHR(structure_type(VkVideoBeginCodingInfoKHR), unsafe_convert(Ptr{Cvoid}, next), flags, video_session, video_session_parameters, reference_slot_count, unsafe_convert(Ptr{VkVideoReferenceSlotInfoKHR}, reference_slots)) _VideoBeginCodingInfoKHR(vks, deps, video_session, video_session_parameters) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoEndCodingInfoKHR.html) """ function _VideoEndCodingInfoKHR(; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoEndCodingInfoKHR(structure_type(VkVideoEndCodingInfoKHR), unsafe_convert(Ptr{Cvoid}, next), flags) _VideoEndCodingInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::VideoCodingControlFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoCodingControlInfoKHR.html) """ function _VideoCodingControlInfoKHR(; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoCodingControlInfoKHR(structure_type(VkVideoCodingControlInfoKHR), unsafe_convert(Ptr{Cvoid}, next), flags) _VideoCodingControlInfoKHR(vks, deps) end """ Extension: VK\\_NV\\_inherited\\_viewport\\_scissor Arguments: - `inherited_viewport_scissor_2_d::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInheritedViewportScissorFeaturesNV.html) """ function _PhysicalDeviceInheritedViewportScissorFeaturesNV(inherited_viewport_scissor_2_d::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceInheritedViewportScissorFeaturesNV(structure_type(VkPhysicalDeviceInheritedViewportScissorFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), inherited_viewport_scissor_2_d) _PhysicalDeviceInheritedViewportScissorFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_inherited\\_viewport\\_scissor Arguments: - `viewport_scissor_2_d::Bool` - `viewport_depth_count::UInt32` - `viewport_depths::_Viewport` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceViewportScissorInfoNV.html) """ function _CommandBufferInheritanceViewportScissorInfoNV(viewport_scissor_2_d::Bool, viewport_depth_count::Integer, viewport_depths::_Viewport; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) viewport_depths = cconvert(Ptr{VkViewport}, viewport_depths) deps = Any[next, viewport_depths] vks = VkCommandBufferInheritanceViewportScissorInfoNV(structure_type(VkCommandBufferInheritanceViewportScissorInfoNV), unsafe_convert(Ptr{Cvoid}, next), viewport_scissor_2_d, viewport_depth_count, unsafe_convert(Ptr{VkViewport}, viewport_depths)) _CommandBufferInheritanceViewportScissorInfoNV(vks, deps) end """ Extension: VK\\_EXT\\_ycbcr\\_2plane\\_444\\_formats Arguments: - `ycbcr_444_formats::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT.html) """ function _PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT(ycbcr_444_formats::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT(structure_type(VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), ycbcr_444_formats) _PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_provoking\\_vertex Arguments: - `provoking_vertex_last::Bool` - `transform_feedback_preserves_provoking_vertex::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProvokingVertexFeaturesEXT.html) """ function _PhysicalDeviceProvokingVertexFeaturesEXT(provoking_vertex_last::Bool, transform_feedback_preserves_provoking_vertex::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceProvokingVertexFeaturesEXT(structure_type(VkPhysicalDeviceProvokingVertexFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), provoking_vertex_last, transform_feedback_preserves_provoking_vertex) _PhysicalDeviceProvokingVertexFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_provoking\\_vertex Arguments: - `provoking_vertex_mode_per_pipeline::Bool` - `transform_feedback_preserves_triangle_fan_provoking_vertex::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProvokingVertexPropertiesEXT.html) """ function _PhysicalDeviceProvokingVertexPropertiesEXT(provoking_vertex_mode_per_pipeline::Bool, transform_feedback_preserves_triangle_fan_provoking_vertex::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceProvokingVertexPropertiesEXT(structure_type(VkPhysicalDeviceProvokingVertexPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), provoking_vertex_mode_per_pipeline, transform_feedback_preserves_triangle_fan_provoking_vertex) _PhysicalDeviceProvokingVertexPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_provoking\\_vertex Arguments: - `provoking_vertex_mode::ProvokingVertexModeEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationProvokingVertexStateCreateInfoEXT.html) """ function _PipelineRasterizationProvokingVertexStateCreateInfoEXT(provoking_vertex_mode::ProvokingVertexModeEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineRasterizationProvokingVertexStateCreateInfoEXT(structure_type(VkPipelineRasterizationProvokingVertexStateCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), provoking_vertex_mode) _PipelineRasterizationProvokingVertexStateCreateInfoEXT(vks, deps) end """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `data_size::UInt` - `data::Ptr{Cvoid}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCuModuleCreateInfoNVX.html) """ function _CuModuleCreateInfoNVX(data_size::Integer, data::Ptr{Cvoid}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) data = cconvert(Ptr{Cvoid}, data) deps = Any[next, data] vks = VkCuModuleCreateInfoNVX(structure_type(VkCuModuleCreateInfoNVX), unsafe_convert(Ptr{Cvoid}, next), data_size, unsafe_convert(Ptr{Cvoid}, data)) _CuModuleCreateInfoNVX(vks, deps) end """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `_module::CuModuleNVX` - `name::String` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCuFunctionCreateInfoNVX.html) """ function _CuFunctionCreateInfoNVX(_module, name::AbstractString; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) name = cconvert(Cstring, name) deps = Any[next, name] vks = VkCuFunctionCreateInfoNVX(structure_type(VkCuFunctionCreateInfoNVX), unsafe_convert(Ptr{Cvoid}, next), _module, unsafe_convert(Cstring, name)) _CuFunctionCreateInfoNVX(vks, deps, _module) end """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `_function::CuFunctionNVX` - `grid_dim_x::UInt32` - `grid_dim_y::UInt32` - `grid_dim_z::UInt32` - `block_dim_x::UInt32` - `block_dim_y::UInt32` - `block_dim_z::UInt32` - `shared_mem_bytes::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCuLaunchInfoNVX.html) """ function _CuLaunchInfoNVX(_function, grid_dim_x::Integer, grid_dim_y::Integer, grid_dim_z::Integer, block_dim_x::Integer, block_dim_y::Integer, block_dim_z::Integer, shared_mem_bytes::Integer; next = C_NULL) param_count = pointer_length(params) extra_count = pointer_length(extras) next = cconvert(Ptr{Cvoid}, next) params = cconvert(Ptr{Ptr{Cvoid}}, params) extras = cconvert(Ptr{Ptr{Cvoid}}, extras) deps = Any[next, params, extras] vks = VkCuLaunchInfoNVX(structure_type(VkCuLaunchInfoNVX), unsafe_convert(Ptr{Cvoid}, next), _function, grid_dim_x, grid_dim_y, grid_dim_z, block_dim_x, block_dim_y, block_dim_z, shared_mem_bytes, param_count, unsafe_convert(Ptr{Ptr{Cvoid}}, params), extra_count, unsafe_convert(Ptr{Ptr{Cvoid}}, extras)) _CuLaunchInfoNVX(vks, deps, _function) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `descriptor_buffer::Bool` - `descriptor_buffer_capture_replay::Bool` - `descriptor_buffer_image_layout_ignored::Bool` - `descriptor_buffer_push_descriptors::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorBufferFeaturesEXT.html) """ function _PhysicalDeviceDescriptorBufferFeaturesEXT(descriptor_buffer::Bool, descriptor_buffer_capture_replay::Bool, descriptor_buffer_image_layout_ignored::Bool, descriptor_buffer_push_descriptors::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDescriptorBufferFeaturesEXT(structure_type(VkPhysicalDeviceDescriptorBufferFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), descriptor_buffer, descriptor_buffer_capture_replay, descriptor_buffer_image_layout_ignored, descriptor_buffer_push_descriptors) _PhysicalDeviceDescriptorBufferFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `combined_image_sampler_descriptor_single_array::Bool` - `bufferless_push_descriptors::Bool` - `allow_sampler_image_view_post_submit_creation::Bool` - `descriptor_buffer_offset_alignment::UInt64` - `max_descriptor_buffer_bindings::UInt32` - `max_resource_descriptor_buffer_bindings::UInt32` - `max_sampler_descriptor_buffer_bindings::UInt32` - `max_embedded_immutable_sampler_bindings::UInt32` - `max_embedded_immutable_samplers::UInt32` - `buffer_capture_replay_descriptor_data_size::UInt` - `image_capture_replay_descriptor_data_size::UInt` - `image_view_capture_replay_descriptor_data_size::UInt` - `sampler_capture_replay_descriptor_data_size::UInt` - `acceleration_structure_capture_replay_descriptor_data_size::UInt` - `sampler_descriptor_size::UInt` - `combined_image_sampler_descriptor_size::UInt` - `sampled_image_descriptor_size::UInt` - `storage_image_descriptor_size::UInt` - `uniform_texel_buffer_descriptor_size::UInt` - `robust_uniform_texel_buffer_descriptor_size::UInt` - `storage_texel_buffer_descriptor_size::UInt` - `robust_storage_texel_buffer_descriptor_size::UInt` - `uniform_buffer_descriptor_size::UInt` - `robust_uniform_buffer_descriptor_size::UInt` - `storage_buffer_descriptor_size::UInt` - `robust_storage_buffer_descriptor_size::UInt` - `input_attachment_descriptor_size::UInt` - `acceleration_structure_descriptor_size::UInt` - `max_sampler_descriptor_buffer_range::UInt64` - `max_resource_descriptor_buffer_range::UInt64` - `sampler_descriptor_buffer_address_space_size::UInt64` - `resource_descriptor_buffer_address_space_size::UInt64` - `descriptor_buffer_address_space_size::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorBufferPropertiesEXT.html) """ function _PhysicalDeviceDescriptorBufferPropertiesEXT(combined_image_sampler_descriptor_single_array::Bool, bufferless_push_descriptors::Bool, allow_sampler_image_view_post_submit_creation::Bool, descriptor_buffer_offset_alignment::Integer, max_descriptor_buffer_bindings::Integer, max_resource_descriptor_buffer_bindings::Integer, max_sampler_descriptor_buffer_bindings::Integer, max_embedded_immutable_sampler_bindings::Integer, max_embedded_immutable_samplers::Integer, buffer_capture_replay_descriptor_data_size::Integer, image_capture_replay_descriptor_data_size::Integer, image_view_capture_replay_descriptor_data_size::Integer, sampler_capture_replay_descriptor_data_size::Integer, acceleration_structure_capture_replay_descriptor_data_size::Integer, sampler_descriptor_size::Integer, combined_image_sampler_descriptor_size::Integer, sampled_image_descriptor_size::Integer, storage_image_descriptor_size::Integer, uniform_texel_buffer_descriptor_size::Integer, robust_uniform_texel_buffer_descriptor_size::Integer, storage_texel_buffer_descriptor_size::Integer, robust_storage_texel_buffer_descriptor_size::Integer, uniform_buffer_descriptor_size::Integer, robust_uniform_buffer_descriptor_size::Integer, storage_buffer_descriptor_size::Integer, robust_storage_buffer_descriptor_size::Integer, input_attachment_descriptor_size::Integer, acceleration_structure_descriptor_size::Integer, max_sampler_descriptor_buffer_range::Integer, max_resource_descriptor_buffer_range::Integer, sampler_descriptor_buffer_address_space_size::Integer, resource_descriptor_buffer_address_space_size::Integer, descriptor_buffer_address_space_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDescriptorBufferPropertiesEXT(structure_type(VkPhysicalDeviceDescriptorBufferPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), combined_image_sampler_descriptor_single_array, bufferless_push_descriptors, allow_sampler_image_view_post_submit_creation, descriptor_buffer_offset_alignment, max_descriptor_buffer_bindings, max_resource_descriptor_buffer_bindings, max_sampler_descriptor_buffer_bindings, max_embedded_immutable_sampler_bindings, max_embedded_immutable_samplers, buffer_capture_replay_descriptor_data_size, image_capture_replay_descriptor_data_size, image_view_capture_replay_descriptor_data_size, sampler_capture_replay_descriptor_data_size, acceleration_structure_capture_replay_descriptor_data_size, sampler_descriptor_size, combined_image_sampler_descriptor_size, sampled_image_descriptor_size, storage_image_descriptor_size, uniform_texel_buffer_descriptor_size, robust_uniform_texel_buffer_descriptor_size, storage_texel_buffer_descriptor_size, robust_storage_texel_buffer_descriptor_size, uniform_buffer_descriptor_size, robust_uniform_buffer_descriptor_size, storage_buffer_descriptor_size, robust_storage_buffer_descriptor_size, input_attachment_descriptor_size, acceleration_structure_descriptor_size, max_sampler_descriptor_buffer_range, max_resource_descriptor_buffer_range, sampler_descriptor_buffer_address_space_size, resource_descriptor_buffer_address_space_size, descriptor_buffer_address_space_size) _PhysicalDeviceDescriptorBufferPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `combined_image_sampler_density_map_descriptor_size::UInt` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT.html) """ function _PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT(combined_image_sampler_density_map_descriptor_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT(structure_type(VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), combined_image_sampler_density_map_descriptor_size) _PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `address::UInt64` - `range::UInt64` - `format::Format` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorAddressInfoEXT.html) """ function _DescriptorAddressInfoEXT(address::Integer, range::Integer, format::Format; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDescriptorAddressInfoEXT(structure_type(VkDescriptorAddressInfoEXT), unsafe_convert(Ptr{Cvoid}, next), address, range, format) _DescriptorAddressInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `address::UInt64` - `usage::BufferUsageFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorBufferBindingInfoEXT.html) """ function _DescriptorBufferBindingInfoEXT(address::Integer, usage::BufferUsageFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDescriptorBufferBindingInfoEXT(structure_type(VkDescriptorBufferBindingInfoEXT), unsafe_convert(Ptr{Cvoid}, next), address, usage) _DescriptorBufferBindingInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `buffer::Buffer` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorBufferBindingPushDescriptorBufferHandleEXT.html) """ function _DescriptorBufferBindingPushDescriptorBufferHandleEXT(buffer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDescriptorBufferBindingPushDescriptorBufferHandleEXT(structure_type(VkDescriptorBufferBindingPushDescriptorBufferHandleEXT), unsafe_convert(Ptr{Cvoid}, next), buffer) _DescriptorBufferBindingPushDescriptorBufferHandleEXT(vks, deps, buffer) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `type::DescriptorType` - `data::_DescriptorDataEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorGetInfoEXT.html) """ function _DescriptorGetInfoEXT(type::DescriptorType, data::_DescriptorDataEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDescriptorGetInfoEXT(structure_type(VkDescriptorGetInfoEXT), unsafe_convert(Ptr{Cvoid}, next), type, data.vks) _DescriptorGetInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `buffer::Buffer` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCaptureDescriptorDataInfoEXT.html) """ function _BufferCaptureDescriptorDataInfoEXT(buffer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBufferCaptureDescriptorDataInfoEXT(structure_type(VkBufferCaptureDescriptorDataInfoEXT), unsafe_convert(Ptr{Cvoid}, next), buffer) _BufferCaptureDescriptorDataInfoEXT(vks, deps, buffer) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `image::Image` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCaptureDescriptorDataInfoEXT.html) """ function _ImageCaptureDescriptorDataInfoEXT(image; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageCaptureDescriptorDataInfoEXT(structure_type(VkImageCaptureDescriptorDataInfoEXT), unsafe_convert(Ptr{Cvoid}, next), image) _ImageCaptureDescriptorDataInfoEXT(vks, deps, image) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `image_view::ImageView` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewCaptureDescriptorDataInfoEXT.html) """ function _ImageViewCaptureDescriptorDataInfoEXT(image_view; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageViewCaptureDescriptorDataInfoEXT(structure_type(VkImageViewCaptureDescriptorDataInfoEXT), unsafe_convert(Ptr{Cvoid}, next), image_view) _ImageViewCaptureDescriptorDataInfoEXT(vks, deps, image_view) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `sampler::Sampler` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerCaptureDescriptorDataInfoEXT.html) """ function _SamplerCaptureDescriptorDataInfoEXT(sampler; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSamplerCaptureDescriptorDataInfoEXT(structure_type(VkSamplerCaptureDescriptorDataInfoEXT), unsafe_convert(Ptr{Cvoid}, next), sampler) _SamplerCaptureDescriptorDataInfoEXT(vks, deps, sampler) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `acceleration_structure::AccelerationStructureKHR`: defaults to `C_NULL` - `acceleration_structure_nv::AccelerationStructureNV`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureCaptureDescriptorDataInfoEXT.html) """ function _AccelerationStructureCaptureDescriptorDataInfoEXT(; next = C_NULL, acceleration_structure = C_NULL, acceleration_structure_nv = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAccelerationStructureCaptureDescriptorDataInfoEXT(structure_type(VkAccelerationStructureCaptureDescriptorDataInfoEXT), unsafe_convert(Ptr{Cvoid}, next), acceleration_structure, acceleration_structure_nv) _AccelerationStructureCaptureDescriptorDataInfoEXT(vks, deps, acceleration_structure, acceleration_structure_nv) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `opaque_capture_descriptor_data::Ptr{Cvoid}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpaqueCaptureDescriptorDataCreateInfoEXT.html) """ function _OpaqueCaptureDescriptorDataCreateInfoEXT(opaque_capture_descriptor_data::Ptr{Cvoid}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) opaque_capture_descriptor_data = cconvert(Ptr{Cvoid}, opaque_capture_descriptor_data) deps = Any[next, opaque_capture_descriptor_data] vks = VkOpaqueCaptureDescriptorDataCreateInfoEXT(structure_type(VkOpaqueCaptureDescriptorDataCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{Cvoid}, opaque_capture_descriptor_data)) _OpaqueCaptureDescriptorDataCreateInfoEXT(vks, deps) end """ Arguments: - `shader_integer_dot_product::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderIntegerDotProductFeatures.html) """ function _PhysicalDeviceShaderIntegerDotProductFeatures(shader_integer_dot_product::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderIntegerDotProductFeatures(structure_type(VkPhysicalDeviceShaderIntegerDotProductFeatures), unsafe_convert(Ptr{Cvoid}, next), shader_integer_dot_product) _PhysicalDeviceShaderIntegerDotProductFeatures(vks, deps) end """ Arguments: - `integer_dot_product_8_bit_unsigned_accelerated::Bool` - `integer_dot_product_8_bit_signed_accelerated::Bool` - `integer_dot_product_8_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_8_bit_packed_unsigned_accelerated::Bool` - `integer_dot_product_8_bit_packed_signed_accelerated::Bool` - `integer_dot_product_8_bit_packed_mixed_signedness_accelerated::Bool` - `integer_dot_product_16_bit_unsigned_accelerated::Bool` - `integer_dot_product_16_bit_signed_accelerated::Bool` - `integer_dot_product_16_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_32_bit_unsigned_accelerated::Bool` - `integer_dot_product_32_bit_signed_accelerated::Bool` - `integer_dot_product_32_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_64_bit_unsigned_accelerated::Bool` - `integer_dot_product_64_bit_signed_accelerated::Bool` - `integer_dot_product_64_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_16_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_32_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_64_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderIntegerDotProductProperties.html) """ function _PhysicalDeviceShaderIntegerDotProductProperties(integer_dot_product_8_bit_unsigned_accelerated::Bool, integer_dot_product_8_bit_signed_accelerated::Bool, integer_dot_product_8_bit_mixed_signedness_accelerated::Bool, integer_dot_product_8_bit_packed_unsigned_accelerated::Bool, integer_dot_product_8_bit_packed_signed_accelerated::Bool, integer_dot_product_8_bit_packed_mixed_signedness_accelerated::Bool, integer_dot_product_16_bit_unsigned_accelerated::Bool, integer_dot_product_16_bit_signed_accelerated::Bool, integer_dot_product_16_bit_mixed_signedness_accelerated::Bool, integer_dot_product_32_bit_unsigned_accelerated::Bool, integer_dot_product_32_bit_signed_accelerated::Bool, integer_dot_product_32_bit_mixed_signedness_accelerated::Bool, integer_dot_product_64_bit_unsigned_accelerated::Bool, integer_dot_product_64_bit_signed_accelerated::Bool, integer_dot_product_64_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_16_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_32_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_64_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderIntegerDotProductProperties(structure_type(VkPhysicalDeviceShaderIntegerDotProductProperties), unsafe_convert(Ptr{Cvoid}, next), integer_dot_product_8_bit_unsigned_accelerated, integer_dot_product_8_bit_signed_accelerated, integer_dot_product_8_bit_mixed_signedness_accelerated, integer_dot_product_8_bit_packed_unsigned_accelerated, integer_dot_product_8_bit_packed_signed_accelerated, integer_dot_product_8_bit_packed_mixed_signedness_accelerated, integer_dot_product_16_bit_unsigned_accelerated, integer_dot_product_16_bit_signed_accelerated, integer_dot_product_16_bit_mixed_signedness_accelerated, integer_dot_product_32_bit_unsigned_accelerated, integer_dot_product_32_bit_signed_accelerated, integer_dot_product_32_bit_mixed_signedness_accelerated, integer_dot_product_64_bit_unsigned_accelerated, integer_dot_product_64_bit_signed_accelerated, integer_dot_product_64_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_8_bit_signed_accelerated, integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated, integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated, integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_16_bit_signed_accelerated, integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_32_bit_signed_accelerated, integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_64_bit_signed_accelerated, integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated) _PhysicalDeviceShaderIntegerDotProductProperties(vks, deps) end """ Extension: VK\\_EXT\\_physical\\_device\\_drm Arguments: - `has_primary::Bool` - `has_render::Bool` - `primary_major::Int64` - `primary_minor::Int64` - `render_major::Int64` - `render_minor::Int64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDrmPropertiesEXT.html) """ function _PhysicalDeviceDrmPropertiesEXT(has_primary::Bool, has_render::Bool, primary_major::Integer, primary_minor::Integer, render_major::Integer, render_minor::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDrmPropertiesEXT(structure_type(VkPhysicalDeviceDrmPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), has_primary, has_render, primary_major, primary_minor, render_major, render_minor) _PhysicalDeviceDrmPropertiesEXT(vks, deps) end """ Extension: VK\\_KHR\\_fragment\\_shader\\_barycentric Arguments: - `fragment_shader_barycentric::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR.html) """ function _PhysicalDeviceFragmentShaderBarycentricFeaturesKHR(fragment_shader_barycentric::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR(structure_type(VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), fragment_shader_barycentric) _PhysicalDeviceFragmentShaderBarycentricFeaturesKHR(vks, deps) end """ Extension: VK\\_KHR\\_fragment\\_shader\\_barycentric Arguments: - `tri_strip_vertex_order_independent_of_provoking_vertex::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR.html) """ function _PhysicalDeviceFragmentShaderBarycentricPropertiesKHR(tri_strip_vertex_order_independent_of_provoking_vertex::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR(structure_type(VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR), unsafe_convert(Ptr{Cvoid}, next), tri_strip_vertex_order_independent_of_provoking_vertex) _PhysicalDeviceFragmentShaderBarycentricPropertiesKHR(vks, deps) end """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `ray_tracing_motion_blur::Bool` - `ray_tracing_motion_blur_pipeline_trace_rays_indirect::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingMotionBlurFeaturesNV.html) """ function _PhysicalDeviceRayTracingMotionBlurFeaturesNV(ray_tracing_motion_blur::Bool, ray_tracing_motion_blur_pipeline_trace_rays_indirect::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRayTracingMotionBlurFeaturesNV(structure_type(VkPhysicalDeviceRayTracingMotionBlurFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), ray_tracing_motion_blur, ray_tracing_motion_blur_pipeline_trace_rays_indirect) _PhysicalDeviceRayTracingMotionBlurFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `vertex_data::_DeviceOrHostAddressConstKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryMotionTrianglesDataNV.html) """ function _AccelerationStructureGeometryMotionTrianglesDataNV(vertex_data::_DeviceOrHostAddressConstKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAccelerationStructureGeometryMotionTrianglesDataNV(structure_type(VkAccelerationStructureGeometryMotionTrianglesDataNV), unsafe_convert(Ptr{Cvoid}, next), vertex_data.vks) _AccelerationStructureGeometryMotionTrianglesDataNV(vks, deps) end """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `max_instances::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMotionInfoNV.html) """ function _AccelerationStructureMotionInfoNV(max_instances::Integer; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAccelerationStructureMotionInfoNV(structure_type(VkAccelerationStructureMotionInfoNV), unsafe_convert(Ptr{Cvoid}, next), max_instances, flags) _AccelerationStructureMotionInfoNV(vks, deps) end """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `sx::Float32` - `a::Float32` - `b::Float32` - `pvx::Float32` - `sy::Float32` - `c::Float32` - `pvy::Float32` - `sz::Float32` - `pvz::Float32` - `qx::Float32` - `qy::Float32` - `qz::Float32` - `qw::Float32` - `tx::Float32` - `ty::Float32` - `tz::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSRTDataNV.html) """ function _SRTDataNV(sx::Real, a::Real, b::Real, pvx::Real, sy::Real, c::Real, pvy::Real, sz::Real, pvz::Real, qx::Real, qy::Real, qz::Real, qw::Real, tx::Real, ty::Real, tz::Real) _SRTDataNV(VkSRTDataNV(sx, a, b, pvx, sy, c, pvy, sz, pvz, qx, qy, qz, qw, tx, ty, tz)) end """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `transform_t_0::_SRTDataNV` - `transform_t_1::_SRTDataNV` - `instance_custom_index::UInt32` - `mask::UInt32` - `instance_shader_binding_table_record_offset::UInt32` - `acceleration_structure_reference::UInt64` - `flags::GeometryInstanceFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureSRTMotionInstanceNV.html) """ function _AccelerationStructureSRTMotionInstanceNV(transform_t_0::_SRTDataNV, transform_t_1::_SRTDataNV, instance_custom_index::Integer, mask::Integer, instance_shader_binding_table_record_offset::Integer, acceleration_structure_reference::Integer; flags = 0) _AccelerationStructureSRTMotionInstanceNV(VkAccelerationStructureSRTMotionInstanceNV(transform_t_0.vks, transform_t_1.vks, instance_custom_index, mask, instance_shader_binding_table_record_offset, flags, acceleration_structure_reference)) end """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `transform_t_0::_TransformMatrixKHR` - `transform_t_1::_TransformMatrixKHR` - `instance_custom_index::UInt32` - `mask::UInt32` - `instance_shader_binding_table_record_offset::UInt32` - `acceleration_structure_reference::UInt64` - `flags::GeometryInstanceFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMatrixMotionInstanceNV.html) """ function _AccelerationStructureMatrixMotionInstanceNV(transform_t_0::_TransformMatrixKHR, transform_t_1::_TransformMatrixKHR, instance_custom_index::Integer, mask::Integer, instance_shader_binding_table_record_offset::Integer, acceleration_structure_reference::Integer; flags = 0) _AccelerationStructureMatrixMotionInstanceNV(VkAccelerationStructureMatrixMotionInstanceNV(transform_t_0.vks, transform_t_1.vks, instance_custom_index, mask, instance_shader_binding_table_record_offset, flags, acceleration_structure_reference)) end """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `type::AccelerationStructureMotionInstanceTypeNV` - `data::_AccelerationStructureMotionInstanceDataNV` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMotionInstanceNV.html) """ function _AccelerationStructureMotionInstanceNV(type::AccelerationStructureMotionInstanceTypeNV, data::_AccelerationStructureMotionInstanceDataNV; flags = 0) _AccelerationStructureMotionInstanceNV(VkAccelerationStructureMotionInstanceNV(type, flags, data.vks)) end """ Extension: VK\\_NV\\_external\\_memory\\_rdma Arguments: - `memory::DeviceMemory` - `handle_type::ExternalMemoryHandleTypeFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryGetRemoteAddressInfoNV.html) """ function _MemoryGetRemoteAddressInfoNV(memory, handle_type::ExternalMemoryHandleTypeFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryGetRemoteAddressInfoNV(structure_type(VkMemoryGetRemoteAddressInfoNV), unsafe_convert(Ptr{Cvoid}, next), memory, VkExternalMemoryHandleTypeFlagBits(handle_type.val)) _MemoryGetRemoteAddressInfoNV(vks, deps, memory) end """ Extension: VK\\_EXT\\_rgba10x6\\_formats Arguments: - `format_rgba_1_6_without_y_cb_cr_sampler::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT.html) """ function _PhysicalDeviceRGBA10X6FormatsFeaturesEXT(format_rgba_1_6_without_y_cb_cr_sampler::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT(structure_type(VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), format_rgba_1_6_without_y_cb_cr_sampler) _PhysicalDeviceRGBA10X6FormatsFeaturesEXT(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `linear_tiling_features::UInt64`: defaults to `0` - `optimal_tiling_features::UInt64`: defaults to `0` - `buffer_features::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFormatProperties3.html) """ function _FormatProperties3(; next = C_NULL, linear_tiling_features = 0, optimal_tiling_features = 0, buffer_features = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkFormatProperties3(structure_type(VkFormatProperties3), unsafe_convert(Ptr{Cvoid}, next), linear_tiling_features, optimal_tiling_features, buffer_features) _FormatProperties3(vks, deps) end """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `drm_format_modifier_properties::Vector{_DrmFormatModifierProperties2EXT}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierPropertiesList2EXT.html) """ function _DrmFormatModifierPropertiesList2EXT(; next = C_NULL, drm_format_modifier_properties = C_NULL) drm_format_modifier_count = pointer_length(drm_format_modifier_properties) next = cconvert(Ptr{Cvoid}, next) drm_format_modifier_properties = cconvert(Ptr{VkDrmFormatModifierProperties2EXT}, drm_format_modifier_properties) deps = Any[next, drm_format_modifier_properties] vks = VkDrmFormatModifierPropertiesList2EXT(structure_type(VkDrmFormatModifierPropertiesList2EXT), unsafe_convert(Ptr{Cvoid}, next), drm_format_modifier_count, unsafe_convert(Ptr{VkDrmFormatModifierProperties2EXT}, drm_format_modifier_properties)) _DrmFormatModifierPropertiesList2EXT(vks, deps) end """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `drm_format_modifier::UInt64` - `drm_format_modifier_plane_count::UInt32` - `drm_format_modifier_tiling_features::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierProperties2EXT.html) """ function _DrmFormatModifierProperties2EXT(drm_format_modifier::Integer, drm_format_modifier_plane_count::Integer, drm_format_modifier_tiling_features::Integer) _DrmFormatModifierProperties2EXT(VkDrmFormatModifierProperties2EXT(drm_format_modifier, drm_format_modifier_plane_count, drm_format_modifier_tiling_features)) end """ Arguments: - `view_mask::UInt32` - `color_attachment_formats::Vector{Format}` - `depth_attachment_format::Format` - `stencil_attachment_format::Format` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRenderingCreateInfo.html) """ function _PipelineRenderingCreateInfo(view_mask::Integer, color_attachment_formats::AbstractArray, depth_attachment_format::Format, stencil_attachment_format::Format; next = C_NULL) color_attachment_count = pointer_length(color_attachment_formats) next = cconvert(Ptr{Cvoid}, next) color_attachment_formats = cconvert(Ptr{VkFormat}, color_attachment_formats) deps = Any[next, color_attachment_formats] vks = VkPipelineRenderingCreateInfo(structure_type(VkPipelineRenderingCreateInfo), unsafe_convert(Ptr{Cvoid}, next), view_mask, color_attachment_count, unsafe_convert(Ptr{VkFormat}, color_attachment_formats), depth_attachment_format, stencil_attachment_format) _PipelineRenderingCreateInfo(vks, deps) end """ Arguments: - `render_area::_Rect2D` - `layer_count::UInt32` - `view_mask::UInt32` - `color_attachments::Vector{_RenderingAttachmentInfo}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::RenderingFlag`: defaults to `0` - `depth_attachment::_RenderingAttachmentInfo`: defaults to `C_NULL` - `stencil_attachment::_RenderingAttachmentInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingInfo.html) """ function _RenderingInfo(render_area::_Rect2D, layer_count::Integer, view_mask::Integer, color_attachments::AbstractArray; next = C_NULL, flags = 0, depth_attachment = C_NULL, stencil_attachment = C_NULL) color_attachment_count = pointer_length(color_attachments) next = cconvert(Ptr{Cvoid}, next) color_attachments = cconvert(Ptr{VkRenderingAttachmentInfo}, color_attachments) depth_attachment = cconvert(Ptr{VkRenderingAttachmentInfo}, depth_attachment) stencil_attachment = cconvert(Ptr{VkRenderingAttachmentInfo}, stencil_attachment) deps = Any[next, color_attachments, depth_attachment, stencil_attachment] vks = VkRenderingInfo(structure_type(VkRenderingInfo), unsafe_convert(Ptr{Cvoid}, next), flags, render_area.vks, layer_count, view_mask, color_attachment_count, unsafe_convert(Ptr{VkRenderingAttachmentInfo}, color_attachments), unsafe_convert(Ptr{VkRenderingAttachmentInfo}, depth_attachment), unsafe_convert(Ptr{VkRenderingAttachmentInfo}, stencil_attachment)) _RenderingInfo(vks, deps) end """ Arguments: - `image_layout::ImageLayout` - `resolve_image_layout::ImageLayout` - `load_op::AttachmentLoadOp` - `store_op::AttachmentStoreOp` - `clear_value::_ClearValue` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `image_view::ImageView`: defaults to `C_NULL` - `resolve_mode::ResolveModeFlag`: defaults to `0` - `resolve_image_view::ImageView`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingAttachmentInfo.html) """ function _RenderingAttachmentInfo(image_layout::ImageLayout, resolve_image_layout::ImageLayout, load_op::AttachmentLoadOp, store_op::AttachmentStoreOp, clear_value::_ClearValue; next = C_NULL, image_view = C_NULL, resolve_mode = 0, resolve_image_view = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkRenderingAttachmentInfo(structure_type(VkRenderingAttachmentInfo), unsafe_convert(Ptr{Cvoid}, next), image_view, image_layout, VkResolveModeFlagBits(resolve_mode.val), resolve_image_view, resolve_image_layout, load_op, store_op, clear_value.vks) _RenderingAttachmentInfo(vks, deps, image_view, resolve_image_view) end """ Extension: VK\\_KHR\\_dynamic\\_rendering Arguments: - `image_layout::ImageLayout` - `shading_rate_attachment_texel_size::_Extent2D` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `image_view::ImageView`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingFragmentShadingRateAttachmentInfoKHR.html) """ function _RenderingFragmentShadingRateAttachmentInfoKHR(image_layout::ImageLayout, shading_rate_attachment_texel_size::_Extent2D; next = C_NULL, image_view = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkRenderingFragmentShadingRateAttachmentInfoKHR(structure_type(VkRenderingFragmentShadingRateAttachmentInfoKHR), unsafe_convert(Ptr{Cvoid}, next), image_view, image_layout, shading_rate_attachment_texel_size.vks) _RenderingFragmentShadingRateAttachmentInfoKHR(vks, deps, image_view) end """ Extension: VK\\_KHR\\_dynamic\\_rendering Arguments: - `image_view::ImageView` - `image_layout::ImageLayout` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingFragmentDensityMapAttachmentInfoEXT.html) """ function _RenderingFragmentDensityMapAttachmentInfoEXT(image_view, image_layout::ImageLayout; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkRenderingFragmentDensityMapAttachmentInfoEXT(structure_type(VkRenderingFragmentDensityMapAttachmentInfoEXT), unsafe_convert(Ptr{Cvoid}, next), image_view, image_layout) _RenderingFragmentDensityMapAttachmentInfoEXT(vks, deps, image_view) end """ Arguments: - `dynamic_rendering::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDynamicRenderingFeatures.html) """ function _PhysicalDeviceDynamicRenderingFeatures(dynamic_rendering::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDynamicRenderingFeatures(structure_type(VkPhysicalDeviceDynamicRenderingFeatures), unsafe_convert(Ptr{Cvoid}, next), dynamic_rendering) _PhysicalDeviceDynamicRenderingFeatures(vks, deps) end """ Arguments: - `view_mask::UInt32` - `color_attachment_formats::Vector{Format}` - `depth_attachment_format::Format` - `stencil_attachment_format::Format` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::RenderingFlag`: defaults to `0` - `rasterization_samples::SampleCountFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceRenderingInfo.html) """ function _CommandBufferInheritanceRenderingInfo(view_mask::Integer, color_attachment_formats::AbstractArray, depth_attachment_format::Format, stencil_attachment_format::Format; next = C_NULL, flags = 0, rasterization_samples = 0) color_attachment_count = pointer_length(color_attachment_formats) next = cconvert(Ptr{Cvoid}, next) color_attachment_formats = cconvert(Ptr{VkFormat}, color_attachment_formats) deps = Any[next, color_attachment_formats] vks = VkCommandBufferInheritanceRenderingInfo(structure_type(VkCommandBufferInheritanceRenderingInfo), unsafe_convert(Ptr{Cvoid}, next), flags, view_mask, color_attachment_count, unsafe_convert(Ptr{VkFormat}, color_attachment_formats), depth_attachment_format, stencil_attachment_format, VkSampleCountFlagBits(rasterization_samples.val)) _CommandBufferInheritanceRenderingInfo(vks, deps) end """ Extension: VK\\_KHR\\_dynamic\\_rendering Arguments: - `color_attachment_samples::Vector{SampleCountFlag}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `depth_stencil_attachment_samples::SampleCountFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentSampleCountInfoAMD.html) """ function _AttachmentSampleCountInfoAMD(color_attachment_samples::AbstractArray; next = C_NULL, depth_stencil_attachment_samples = 0) color_attachment_count = pointer_length(color_attachment_samples) next = cconvert(Ptr{Cvoid}, next) color_attachment_samples = cconvert(Ptr{VkSampleCountFlagBits}, color_attachment_samples) deps = Any[next, color_attachment_samples] vks = VkAttachmentSampleCountInfoAMD(structure_type(VkAttachmentSampleCountInfoAMD), unsafe_convert(Ptr{Cvoid}, next), color_attachment_count, unsafe_convert(Ptr{VkSampleCountFlagBits}, color_attachment_samples), VkSampleCountFlagBits(depth_stencil_attachment_samples.val)) _AttachmentSampleCountInfoAMD(vks, deps) end """ Extension: VK\\_KHR\\_dynamic\\_rendering Arguments: - `per_view_attributes::Bool` - `per_view_attributes_position_x_only::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultiviewPerViewAttributesInfoNVX.html) """ function _MultiviewPerViewAttributesInfoNVX(per_view_attributes::Bool, per_view_attributes_position_x_only::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMultiviewPerViewAttributesInfoNVX(structure_type(VkMultiviewPerViewAttributesInfoNVX), unsafe_convert(Ptr{Cvoid}, next), per_view_attributes, per_view_attributes_position_x_only) _MultiviewPerViewAttributesInfoNVX(vks, deps) end """ Extension: VK\\_EXT\\_image\\_view\\_min\\_lod Arguments: - `min_lod::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageViewMinLodFeaturesEXT.html) """ function _PhysicalDeviceImageViewMinLodFeaturesEXT(min_lod::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceImageViewMinLodFeaturesEXT(structure_type(VkPhysicalDeviceImageViewMinLodFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), min_lod) _PhysicalDeviceImageViewMinLodFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_image\\_view\\_min\\_lod Arguments: - `min_lod::Float32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewMinLodCreateInfoEXT.html) """ function _ImageViewMinLodCreateInfoEXT(min_lod::Real; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageViewMinLodCreateInfoEXT(structure_type(VkImageViewMinLodCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), min_lod) _ImageViewMinLodCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_rasterization\\_order\\_attachment\\_access Arguments: - `rasterization_order_color_attachment_access::Bool` - `rasterization_order_depth_attachment_access::Bool` - `rasterization_order_stencil_attachment_access::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT.html) """ function _PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT(rasterization_order_color_attachment_access::Bool, rasterization_order_depth_attachment_access::Bool, rasterization_order_stencil_attachment_access::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT(structure_type(VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), rasterization_order_color_attachment_access, rasterization_order_depth_attachment_access, rasterization_order_stencil_attachment_access) _PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT(vks, deps) end """ Extension: VK\\_NV\\_linear\\_color\\_attachment Arguments: - `linear_color_attachment::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLinearColorAttachmentFeaturesNV.html) """ function _PhysicalDeviceLinearColorAttachmentFeaturesNV(linear_color_attachment::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceLinearColorAttachmentFeaturesNV(structure_type(VkPhysicalDeviceLinearColorAttachmentFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), linear_color_attachment) _PhysicalDeviceLinearColorAttachmentFeaturesNV(vks, deps) end """ Extension: VK\\_EXT\\_graphics\\_pipeline\\_library Arguments: - `graphics_pipeline_library::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT.html) """ function _PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT(graphics_pipeline_library::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT(structure_type(VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), graphics_pipeline_library) _PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_graphics\\_pipeline\\_library Arguments: - `graphics_pipeline_library_fast_linking::Bool` - `graphics_pipeline_library_independent_interpolation_decoration::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT.html) """ function _PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT(graphics_pipeline_library_fast_linking::Bool, graphics_pipeline_library_independent_interpolation_decoration::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT(structure_type(VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), graphics_pipeline_library_fast_linking, graphics_pipeline_library_independent_interpolation_decoration) _PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_graphics\\_pipeline\\_library Arguments: - `flags::GraphicsPipelineLibraryFlagEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsPipelineLibraryCreateInfoEXT.html) """ function _GraphicsPipelineLibraryCreateInfoEXT(flags::GraphicsPipelineLibraryFlagEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkGraphicsPipelineLibraryCreateInfoEXT(structure_type(VkGraphicsPipelineLibraryCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), flags) _GraphicsPipelineLibraryCreateInfoEXT(vks, deps) end """ Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping Arguments: - `descriptor_set_host_mapping::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE.html) """ function _PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE(descriptor_set_host_mapping::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE(structure_type(VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE), unsafe_convert(Ptr{Cvoid}, next), descriptor_set_host_mapping) _PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE(vks, deps) end """ Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping Arguments: - `descriptor_set_layout::DescriptorSetLayout` - `binding::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetBindingReferenceVALVE.html) """ function _DescriptorSetBindingReferenceVALVE(descriptor_set_layout, binding::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDescriptorSetBindingReferenceVALVE(structure_type(VkDescriptorSetBindingReferenceVALVE), unsafe_convert(Ptr{Cvoid}, next), descriptor_set_layout, binding) _DescriptorSetBindingReferenceVALVE(vks, deps, descriptor_set_layout) end """ Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping Arguments: - `descriptor_offset::UInt` - `descriptor_size::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutHostMappingInfoVALVE.html) """ function _DescriptorSetLayoutHostMappingInfoVALVE(descriptor_offset::Integer, descriptor_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDescriptorSetLayoutHostMappingInfoVALVE(structure_type(VkDescriptorSetLayoutHostMappingInfoVALVE), unsafe_convert(Ptr{Cvoid}, next), descriptor_offset, descriptor_size) _DescriptorSetLayoutHostMappingInfoVALVE(vks, deps) end """ Extension: VK\\_EXT\\_shader\\_module\\_identifier Arguments: - `shader_module_identifier::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT.html) """ function _PhysicalDeviceShaderModuleIdentifierFeaturesEXT(shader_module_identifier::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT(structure_type(VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), shader_module_identifier) _PhysicalDeviceShaderModuleIdentifierFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_shader\\_module\\_identifier Arguments: - `shader_module_identifier_algorithm_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT.html) """ function _PhysicalDeviceShaderModuleIdentifierPropertiesEXT(shader_module_identifier_algorithm_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT(structure_type(VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), shader_module_identifier_algorithm_uuid) _PhysicalDeviceShaderModuleIdentifierPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_shader\\_module\\_identifier Arguments: - `identifier::Vector{UInt8}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `identifier_size::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineShaderStageModuleIdentifierCreateInfoEXT.html) """ function _PipelineShaderStageModuleIdentifierCreateInfoEXT(identifier::AbstractArray; next = C_NULL, identifier_size = 0) next = cconvert(Ptr{Cvoid}, next) identifier = cconvert(Ptr{UInt8}, identifier) deps = Any[next, identifier] vks = VkPipelineShaderStageModuleIdentifierCreateInfoEXT(structure_type(VkPipelineShaderStageModuleIdentifierCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), identifier_size, unsafe_convert(Ptr{UInt8}, identifier)) _PipelineShaderStageModuleIdentifierCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_shader\\_module\\_identifier Arguments: - `identifier_size::UInt32` - `identifier::NTuple{Int(VK_MAX_SHADER_MODULE_IDENTIFIER_SIZE_EXT), UInt8}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderModuleIdentifierEXT.html) """ function _ShaderModuleIdentifierEXT(identifier_size::Integer, identifier::NTuple{Int(VK_MAX_SHADER_MODULE_IDENTIFIER_SIZE_EXT), UInt8}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkShaderModuleIdentifierEXT(structure_type(VkShaderModuleIdentifierEXT), unsafe_convert(Ptr{Cvoid}, next), identifier_size, identifier) _ShaderModuleIdentifierEXT(vks, deps) end """ Extension: VK\\_EXT\\_image\\_compression\\_control Arguments: - `flags::ImageCompressionFlagEXT` - `fixed_rate_flags::Vector{ImageCompressionFixedRateFlagEXT}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCompressionControlEXT.html) """ function _ImageCompressionControlEXT(flags::ImageCompressionFlagEXT, fixed_rate_flags::AbstractArray; next = C_NULL) compression_control_plane_count = pointer_length(fixed_rate_flags) next = cconvert(Ptr{Cvoid}, next) fixed_rate_flags = cconvert(Ptr{VkImageCompressionFixedRateFlagsEXT}, fixed_rate_flags) deps = Any[next, fixed_rate_flags] vks = VkImageCompressionControlEXT(structure_type(VkImageCompressionControlEXT), unsafe_convert(Ptr{Cvoid}, next), flags, compression_control_plane_count, unsafe_convert(Ptr{VkImageCompressionFixedRateFlagsEXT}, fixed_rate_flags)) _ImageCompressionControlEXT(vks, deps) end """ Extension: VK\\_EXT\\_image\\_compression\\_control Arguments: - `image_compression_control::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageCompressionControlFeaturesEXT.html) """ function _PhysicalDeviceImageCompressionControlFeaturesEXT(image_compression_control::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceImageCompressionControlFeaturesEXT(structure_type(VkPhysicalDeviceImageCompressionControlFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), image_compression_control) _PhysicalDeviceImageCompressionControlFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_image\\_compression\\_control Arguments: - `image_compression_flags::ImageCompressionFlagEXT` - `image_compression_fixed_rate_flags::ImageCompressionFixedRateFlagEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCompressionPropertiesEXT.html) """ function _ImageCompressionPropertiesEXT(image_compression_flags::ImageCompressionFlagEXT, image_compression_fixed_rate_flags::ImageCompressionFixedRateFlagEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageCompressionPropertiesEXT(structure_type(VkImageCompressionPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), image_compression_flags, image_compression_fixed_rate_flags) _ImageCompressionPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_image\\_compression\\_control\\_swapchain Arguments: - `image_compression_control_swapchain::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT.html) """ function _PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT(image_compression_control_swapchain::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT(structure_type(VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), image_compression_control_swapchain) _PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_image\\_compression\\_control Arguments: - `image_subresource::_ImageSubresource` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresource2EXT.html) """ function _ImageSubresource2EXT(image_subresource::_ImageSubresource; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageSubresource2EXT(structure_type(VkImageSubresource2EXT), unsafe_convert(Ptr{Cvoid}, next), image_subresource.vks) _ImageSubresource2EXT(vks, deps) end """ Extension: VK\\_EXT\\_image\\_compression\\_control Arguments: - `subresource_layout::_SubresourceLayout` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubresourceLayout2EXT.html) """ function _SubresourceLayout2EXT(subresource_layout::_SubresourceLayout; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSubresourceLayout2EXT(structure_type(VkSubresourceLayout2EXT), unsafe_convert(Ptr{Cvoid}, next), subresource_layout.vks) _SubresourceLayout2EXT(vks, deps) end """ Extension: VK\\_EXT\\_subpass\\_merge\\_feedback Arguments: - `disallow_merging::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreationControlEXT.html) """ function _RenderPassCreationControlEXT(disallow_merging::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkRenderPassCreationControlEXT(structure_type(VkRenderPassCreationControlEXT), unsafe_convert(Ptr{Cvoid}, next), disallow_merging) _RenderPassCreationControlEXT(vks, deps) end """ Extension: VK\\_EXT\\_subpass\\_merge\\_feedback Arguments: - `post_merge_subpass_count::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreationFeedbackInfoEXT.html) """ function _RenderPassCreationFeedbackInfoEXT(post_merge_subpass_count::Integer) _RenderPassCreationFeedbackInfoEXT(VkRenderPassCreationFeedbackInfoEXT(post_merge_subpass_count)) end """ Extension: VK\\_EXT\\_subpass\\_merge\\_feedback Arguments: - `render_pass_feedback::_RenderPassCreationFeedbackInfoEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreationFeedbackCreateInfoEXT.html) """ function _RenderPassCreationFeedbackCreateInfoEXT(render_pass_feedback::_RenderPassCreationFeedbackInfoEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) render_pass_feedback = cconvert(Ptr{VkRenderPassCreationFeedbackInfoEXT}, render_pass_feedback) deps = Any[next, render_pass_feedback] vks = VkRenderPassCreationFeedbackCreateInfoEXT(structure_type(VkRenderPassCreationFeedbackCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{VkRenderPassCreationFeedbackInfoEXT}, render_pass_feedback)) _RenderPassCreationFeedbackCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_subpass\\_merge\\_feedback Arguments: - `subpass_merge_status::SubpassMergeStatusEXT` - `description::String` - `post_merge_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassSubpassFeedbackInfoEXT.html) """ function _RenderPassSubpassFeedbackInfoEXT(subpass_merge_status::SubpassMergeStatusEXT, description::AbstractString, post_merge_index::Integer) _RenderPassSubpassFeedbackInfoEXT(VkRenderPassSubpassFeedbackInfoEXT(subpass_merge_status, description, post_merge_index)) end """ Extension: VK\\_EXT\\_subpass\\_merge\\_feedback Arguments: - `subpass_feedback::_RenderPassSubpassFeedbackInfoEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassSubpassFeedbackCreateInfoEXT.html) """ function _RenderPassSubpassFeedbackCreateInfoEXT(subpass_feedback::_RenderPassSubpassFeedbackInfoEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) subpass_feedback = cconvert(Ptr{VkRenderPassSubpassFeedbackInfoEXT}, subpass_feedback) deps = Any[next, subpass_feedback] vks = VkRenderPassSubpassFeedbackCreateInfoEXT(structure_type(VkRenderPassSubpassFeedbackCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{VkRenderPassSubpassFeedbackInfoEXT}, subpass_feedback)) _RenderPassSubpassFeedbackCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_subpass\\_merge\\_feedback Arguments: - `subpass_merge_feedback::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT.html) """ function _PhysicalDeviceSubpassMergeFeedbackFeaturesEXT(subpass_merge_feedback::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT(structure_type(VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), subpass_merge_feedback) _PhysicalDeviceSubpassMergeFeedbackFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `type::MicromapTypeEXT` - `mode::BuildMicromapModeEXT` - `data::_DeviceOrHostAddressConstKHR` - `scratch_data::_DeviceOrHostAddressKHR` - `triangle_array::_DeviceOrHostAddressConstKHR` - `triangle_array_stride::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::BuildMicromapFlagEXT`: defaults to `0` - `dst_micromap::MicromapEXT`: defaults to `C_NULL` - `usage_counts::Vector{_MicromapUsageEXT}`: defaults to `C_NULL` - `usage_counts_2::Vector{_MicromapUsageEXT}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapBuildInfoEXT.html) """ function _MicromapBuildInfoEXT(type::MicromapTypeEXT, mode::BuildMicromapModeEXT, data::_DeviceOrHostAddressConstKHR, scratch_data::_DeviceOrHostAddressKHR, triangle_array::_DeviceOrHostAddressConstKHR, triangle_array_stride::Integer; next = C_NULL, flags = 0, dst_micromap = C_NULL, usage_counts = C_NULL, usage_counts_2 = C_NULL) usage_counts_count = pointer_length(usage_counts) next = cconvert(Ptr{Cvoid}, next) usage_counts = cconvert(Ptr{VkMicromapUsageEXT}, usage_counts) usage_counts_2 = cconvert(Ptr{Ptr{VkMicromapUsageEXT}}, usage_counts_2) deps = Any[next, usage_counts, usage_counts_2] vks = VkMicromapBuildInfoEXT(structure_type(VkMicromapBuildInfoEXT), unsafe_convert(Ptr{Cvoid}, next), type, flags, mode, dst_micromap, usage_counts_count, unsafe_convert(Ptr{VkMicromapUsageEXT}, usage_counts), unsafe_convert(Ptr{Ptr{VkMicromapUsageEXT}}, usage_counts), data.vks, scratch_data.vks, triangle_array.vks, triangle_array_stride) _MicromapBuildInfoEXT(vks, deps, dst_micromap) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `type::MicromapTypeEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `create_flags::MicromapCreateFlagEXT`: defaults to `0` - `device_address::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapCreateInfoEXT.html) """ function _MicromapCreateInfoEXT(buffer, offset::Integer, size::Integer, type::MicromapTypeEXT; next = C_NULL, create_flags = 0, device_address = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMicromapCreateInfoEXT(structure_type(VkMicromapCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), create_flags, buffer, offset, size, type, device_address) _MicromapCreateInfoEXT(vks, deps, buffer) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `version_data::Vector{UInt8}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapVersionInfoEXT.html) """ function _MicromapVersionInfoEXT(version_data::AbstractArray; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) version_data = cconvert(Ptr{UInt8}, version_data) deps = Any[next, version_data] vks = VkMicromapVersionInfoEXT(structure_type(VkMicromapVersionInfoEXT), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{UInt8}, version_data)) _MicromapVersionInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `src::MicromapEXT` - `dst::MicromapEXT` - `mode::CopyMicromapModeEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMicromapInfoEXT.html) """ function _CopyMicromapInfoEXT(src, dst, mode::CopyMicromapModeEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCopyMicromapInfoEXT(structure_type(VkCopyMicromapInfoEXT), unsafe_convert(Ptr{Cvoid}, next), src, dst, mode) _CopyMicromapInfoEXT(vks, deps, src, dst) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `src::MicromapEXT` - `dst::_DeviceOrHostAddressKHR` - `mode::CopyMicromapModeEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMicromapToMemoryInfoEXT.html) """ function _CopyMicromapToMemoryInfoEXT(src, dst::_DeviceOrHostAddressKHR, mode::CopyMicromapModeEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCopyMicromapToMemoryInfoEXT(structure_type(VkCopyMicromapToMemoryInfoEXT), unsafe_convert(Ptr{Cvoid}, next), src, dst.vks, mode) _CopyMicromapToMemoryInfoEXT(vks, deps, src) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `src::_DeviceOrHostAddressConstKHR` - `dst::MicromapEXT` - `mode::CopyMicromapModeEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryToMicromapInfoEXT.html) """ function _CopyMemoryToMicromapInfoEXT(src::_DeviceOrHostAddressConstKHR, dst, mode::CopyMicromapModeEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCopyMemoryToMicromapInfoEXT(structure_type(VkCopyMemoryToMicromapInfoEXT), unsafe_convert(Ptr{Cvoid}, next), src.vks, dst, mode) _CopyMemoryToMicromapInfoEXT(vks, deps, dst) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `micromap_size::UInt64` - `build_scratch_size::UInt64` - `discardable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapBuildSizesInfoEXT.html) """ function _MicromapBuildSizesInfoEXT(micromap_size::Integer, build_scratch_size::Integer, discardable::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMicromapBuildSizesInfoEXT(structure_type(VkMicromapBuildSizesInfoEXT), unsafe_convert(Ptr{Cvoid}, next), micromap_size, build_scratch_size, discardable) _MicromapBuildSizesInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `count::UInt32` - `subdivision_level::UInt32` - `format::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapUsageEXT.html) """ function _MicromapUsageEXT(count::Integer, subdivision_level::Integer, format::Integer) _MicromapUsageEXT(VkMicromapUsageEXT(count, subdivision_level, format)) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `data_offset::UInt32` - `subdivision_level::UInt16` - `format::UInt16` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapTriangleEXT.html) """ function _MicromapTriangleEXT(data_offset::Integer, subdivision_level::Integer, format::Integer) _MicromapTriangleEXT(VkMicromapTriangleEXT(data_offset, subdivision_level, format)) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `micromap::Bool` - `micromap_capture_replay::Bool` - `micromap_host_commands::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpacityMicromapFeaturesEXT.html) """ function _PhysicalDeviceOpacityMicromapFeaturesEXT(micromap::Bool, micromap_capture_replay::Bool, micromap_host_commands::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceOpacityMicromapFeaturesEXT(structure_type(VkPhysicalDeviceOpacityMicromapFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), micromap, micromap_capture_replay, micromap_host_commands) _PhysicalDeviceOpacityMicromapFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `max_opacity_2_state_subdivision_level::UInt32` - `max_opacity_4_state_subdivision_level::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpacityMicromapPropertiesEXT.html) """ function _PhysicalDeviceOpacityMicromapPropertiesEXT(max_opacity_2_state_subdivision_level::Integer, max_opacity_4_state_subdivision_level::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceOpacityMicromapPropertiesEXT(structure_type(VkPhysicalDeviceOpacityMicromapPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), max_opacity_2_state_subdivision_level, max_opacity_4_state_subdivision_level) _PhysicalDeviceOpacityMicromapPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `index_type::IndexType` - `index_buffer::_DeviceOrHostAddressConstKHR` - `index_stride::UInt64` - `base_triangle::UInt32` - `micromap::MicromapEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `usage_counts::Vector{_MicromapUsageEXT}`: defaults to `C_NULL` - `usage_counts_2::Vector{_MicromapUsageEXT}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureTrianglesOpacityMicromapEXT.html) """ function _AccelerationStructureTrianglesOpacityMicromapEXT(index_type::IndexType, index_buffer::_DeviceOrHostAddressConstKHR, index_stride::Integer, base_triangle::Integer, micromap; next = C_NULL, usage_counts = C_NULL, usage_counts_2 = C_NULL) usage_counts_count = pointer_length(usage_counts) next = cconvert(Ptr{Cvoid}, next) usage_counts = cconvert(Ptr{VkMicromapUsageEXT}, usage_counts) usage_counts_2 = cconvert(Ptr{Ptr{VkMicromapUsageEXT}}, usage_counts_2) deps = Any[next, usage_counts, usage_counts_2] vks = VkAccelerationStructureTrianglesOpacityMicromapEXT(structure_type(VkAccelerationStructureTrianglesOpacityMicromapEXT), unsafe_convert(Ptr{Cvoid}, next), index_type, index_buffer.vks, index_stride, base_triangle, usage_counts_count, unsafe_convert(Ptr{VkMicromapUsageEXT}, usage_counts), unsafe_convert(Ptr{Ptr{VkMicromapUsageEXT}}, usage_counts), micromap) _AccelerationStructureTrianglesOpacityMicromapEXT(vks, deps, micromap) end """ Extension: VK\\_EXT\\_pipeline\\_properties Arguments: - `pipeline_identifier::NTuple{Int(VK_UUID_SIZE), UInt8}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelinePropertiesIdentifierEXT.html) """ function _PipelinePropertiesIdentifierEXT(pipeline_identifier::NTuple{Int(VK_UUID_SIZE), UInt8}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelinePropertiesIdentifierEXT(structure_type(VkPipelinePropertiesIdentifierEXT), unsafe_convert(Ptr{Cvoid}, next), pipeline_identifier) _PipelinePropertiesIdentifierEXT(vks, deps) end """ Extension: VK\\_EXT\\_pipeline\\_properties Arguments: - `pipeline_properties_identifier::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelinePropertiesFeaturesEXT.html) """ function _PhysicalDevicePipelinePropertiesFeaturesEXT(pipeline_properties_identifier::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePipelinePropertiesFeaturesEXT(structure_type(VkPhysicalDevicePipelinePropertiesFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), pipeline_properties_identifier) _PhysicalDevicePipelinePropertiesFeaturesEXT(vks, deps) end """ Extension: VK\\_AMD\\_shader\\_early\\_and\\_late\\_fragment\\_tests Arguments: - `shader_early_and_late_fragment_tests::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD.html) """ function _PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD(shader_early_and_late_fragment_tests::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD(structure_type(VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD), unsafe_convert(Ptr{Cvoid}, next), shader_early_and_late_fragment_tests) _PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD(vks, deps) end """ Extension: VK\\_EXT\\_non\\_seamless\\_cube\\_map Arguments: - `non_seamless_cube_map::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT.html) """ function _PhysicalDeviceNonSeamlessCubeMapFeaturesEXT(non_seamless_cube_map::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT(structure_type(VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), non_seamless_cube_map) _PhysicalDeviceNonSeamlessCubeMapFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_pipeline\\_robustness Arguments: - `pipeline_robustness::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineRobustnessFeaturesEXT.html) """ function _PhysicalDevicePipelineRobustnessFeaturesEXT(pipeline_robustness::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePipelineRobustnessFeaturesEXT(structure_type(VkPhysicalDevicePipelineRobustnessFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), pipeline_robustness) _PhysicalDevicePipelineRobustnessFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_pipeline\\_robustness Arguments: - `storage_buffers::PipelineRobustnessBufferBehaviorEXT` - `uniform_buffers::PipelineRobustnessBufferBehaviorEXT` - `vertex_inputs::PipelineRobustnessBufferBehaviorEXT` - `images::PipelineRobustnessImageBehaviorEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRobustnessCreateInfoEXT.html) """ function _PipelineRobustnessCreateInfoEXT(storage_buffers::PipelineRobustnessBufferBehaviorEXT, uniform_buffers::PipelineRobustnessBufferBehaviorEXT, vertex_inputs::PipelineRobustnessBufferBehaviorEXT, images::PipelineRobustnessImageBehaviorEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineRobustnessCreateInfoEXT(structure_type(VkPipelineRobustnessCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), storage_buffers, uniform_buffers, vertex_inputs, images) _PipelineRobustnessCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_pipeline\\_robustness Arguments: - `default_robustness_storage_buffers::PipelineRobustnessBufferBehaviorEXT` - `default_robustness_uniform_buffers::PipelineRobustnessBufferBehaviorEXT` - `default_robustness_vertex_inputs::PipelineRobustnessBufferBehaviorEXT` - `default_robustness_images::PipelineRobustnessImageBehaviorEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineRobustnessPropertiesEXT.html) """ function _PhysicalDevicePipelineRobustnessPropertiesEXT(default_robustness_storage_buffers::PipelineRobustnessBufferBehaviorEXT, default_robustness_uniform_buffers::PipelineRobustnessBufferBehaviorEXT, default_robustness_vertex_inputs::PipelineRobustnessBufferBehaviorEXT, default_robustness_images::PipelineRobustnessImageBehaviorEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePipelineRobustnessPropertiesEXT(structure_type(VkPhysicalDevicePipelineRobustnessPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), default_robustness_storage_buffers, default_robustness_uniform_buffers, default_robustness_vertex_inputs, default_robustness_images) _PhysicalDevicePipelineRobustnessPropertiesEXT(vks, deps) end """ Extension: VK\\_QCOM\\_image\\_processing Arguments: - `filter_center::_Offset2D` - `filter_size::_Extent2D` - `num_phases::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewSampleWeightCreateInfoQCOM.html) """ function _ImageViewSampleWeightCreateInfoQCOM(filter_center::_Offset2D, filter_size::_Extent2D, num_phases::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageViewSampleWeightCreateInfoQCOM(structure_type(VkImageViewSampleWeightCreateInfoQCOM), unsafe_convert(Ptr{Cvoid}, next), filter_center.vks, filter_size.vks, num_phases) _ImageViewSampleWeightCreateInfoQCOM(vks, deps) end """ Extension: VK\\_QCOM\\_image\\_processing Arguments: - `texture_sample_weighted::Bool` - `texture_box_filter::Bool` - `texture_block_match::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageProcessingFeaturesQCOM.html) """ function _PhysicalDeviceImageProcessingFeaturesQCOM(texture_sample_weighted::Bool, texture_box_filter::Bool, texture_block_match::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceImageProcessingFeaturesQCOM(structure_type(VkPhysicalDeviceImageProcessingFeaturesQCOM), unsafe_convert(Ptr{Cvoid}, next), texture_sample_weighted, texture_box_filter, texture_block_match) _PhysicalDeviceImageProcessingFeaturesQCOM(vks, deps) end """ Extension: VK\\_QCOM\\_image\\_processing Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `max_weight_filter_phases::UInt32`: defaults to `0` - `max_weight_filter_dimension::_Extent2D`: defaults to `0` - `max_block_match_region::_Extent2D`: defaults to `0` - `max_box_filter_block_size::_Extent2D`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageProcessingPropertiesQCOM.html) """ function _PhysicalDeviceImageProcessingPropertiesQCOM(; next = C_NULL, max_weight_filter_phases = 0, max_weight_filter_dimension = 0, max_block_match_region = 0, max_box_filter_block_size = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceImageProcessingPropertiesQCOM(structure_type(VkPhysicalDeviceImageProcessingPropertiesQCOM), unsafe_convert(Ptr{Cvoid}, next), max_weight_filter_phases, max_weight_filter_dimension.vks, max_block_match_region.vks, max_box_filter_block_size.vks) _PhysicalDeviceImageProcessingPropertiesQCOM(vks, deps) end """ Extension: VK\\_QCOM\\_tile\\_properties Arguments: - `tile_properties::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTilePropertiesFeaturesQCOM.html) """ function _PhysicalDeviceTilePropertiesFeaturesQCOM(tile_properties::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceTilePropertiesFeaturesQCOM(structure_type(VkPhysicalDeviceTilePropertiesFeaturesQCOM), unsafe_convert(Ptr{Cvoid}, next), tile_properties) _PhysicalDeviceTilePropertiesFeaturesQCOM(vks, deps) end """ Extension: VK\\_QCOM\\_tile\\_properties Arguments: - `tile_size::_Extent3D` - `apron_size::_Extent2D` - `origin::_Offset2D` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTilePropertiesQCOM.html) """ function _TilePropertiesQCOM(tile_size::_Extent3D, apron_size::_Extent2D, origin::_Offset2D; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkTilePropertiesQCOM(structure_type(VkTilePropertiesQCOM), unsafe_convert(Ptr{Cvoid}, next), tile_size.vks, apron_size.vks, origin.vks) _TilePropertiesQCOM(vks, deps) end """ Extension: VK\\_SEC\\_amigo\\_profiling Arguments: - `amigo_profiling::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAmigoProfilingFeaturesSEC.html) """ function _PhysicalDeviceAmigoProfilingFeaturesSEC(amigo_profiling::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceAmigoProfilingFeaturesSEC(structure_type(VkPhysicalDeviceAmigoProfilingFeaturesSEC), unsafe_convert(Ptr{Cvoid}, next), amigo_profiling) _PhysicalDeviceAmigoProfilingFeaturesSEC(vks, deps) end """ Extension: VK\\_SEC\\_amigo\\_profiling Arguments: - `first_draw_timestamp::UInt64` - `swap_buffer_timestamp::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAmigoProfilingSubmitInfoSEC.html) """ function _AmigoProfilingSubmitInfoSEC(first_draw_timestamp::Integer, swap_buffer_timestamp::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAmigoProfilingSubmitInfoSEC(structure_type(VkAmigoProfilingSubmitInfoSEC), unsafe_convert(Ptr{Cvoid}, next), first_draw_timestamp, swap_buffer_timestamp) _AmigoProfilingSubmitInfoSEC(vks, deps) end """ Extension: VK\\_EXT\\_attachment\\_feedback\\_loop\\_layout Arguments: - `attachment_feedback_loop_layout::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT.html) """ function _PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT(attachment_feedback_loop_layout::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT(structure_type(VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), attachment_feedback_loop_layout) _PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_depth\\_clamp\\_zero\\_one Arguments: - `depth_clamp_zero_one::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthClampZeroOneFeaturesEXT.html) """ function _PhysicalDeviceDepthClampZeroOneFeaturesEXT(depth_clamp_zero_one::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDepthClampZeroOneFeaturesEXT(structure_type(VkPhysicalDeviceDepthClampZeroOneFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), depth_clamp_zero_one) _PhysicalDeviceDepthClampZeroOneFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_device\\_address\\_binding\\_report Arguments: - `report_address_binding::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAddressBindingReportFeaturesEXT.html) """ function _PhysicalDeviceAddressBindingReportFeaturesEXT(report_address_binding::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceAddressBindingReportFeaturesEXT(structure_type(VkPhysicalDeviceAddressBindingReportFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), report_address_binding) _PhysicalDeviceAddressBindingReportFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_device\\_address\\_binding\\_report Arguments: - `base_address::UInt64` - `size::UInt64` - `binding_type::DeviceAddressBindingTypeEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::DeviceAddressBindingFlagEXT`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceAddressBindingCallbackDataEXT.html) """ function _DeviceAddressBindingCallbackDataEXT(base_address::Integer, size::Integer, binding_type::DeviceAddressBindingTypeEXT; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceAddressBindingCallbackDataEXT(structure_type(VkDeviceAddressBindingCallbackDataEXT), unsafe_convert(Ptr{Cvoid}, next), flags, base_address, size, binding_type) _DeviceAddressBindingCallbackDataEXT(vks, deps) end """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `optical_flow::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpticalFlowFeaturesNV.html) """ function _PhysicalDeviceOpticalFlowFeaturesNV(optical_flow::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceOpticalFlowFeaturesNV(structure_type(VkPhysicalDeviceOpticalFlowFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), optical_flow) _PhysicalDeviceOpticalFlowFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `supported_output_grid_sizes::OpticalFlowGridSizeFlagNV` - `supported_hint_grid_sizes::OpticalFlowGridSizeFlagNV` - `hint_supported::Bool` - `cost_supported::Bool` - `bidirectional_flow_supported::Bool` - `global_flow_supported::Bool` - `min_width::UInt32` - `min_height::UInt32` - `max_width::UInt32` - `max_height::UInt32` - `max_num_regions_of_interest::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpticalFlowPropertiesNV.html) """ function _PhysicalDeviceOpticalFlowPropertiesNV(supported_output_grid_sizes::OpticalFlowGridSizeFlagNV, supported_hint_grid_sizes::OpticalFlowGridSizeFlagNV, hint_supported::Bool, cost_supported::Bool, bidirectional_flow_supported::Bool, global_flow_supported::Bool, min_width::Integer, min_height::Integer, max_width::Integer, max_height::Integer, max_num_regions_of_interest::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceOpticalFlowPropertiesNV(structure_type(VkPhysicalDeviceOpticalFlowPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), supported_output_grid_sizes, supported_hint_grid_sizes, hint_supported, cost_supported, bidirectional_flow_supported, global_flow_supported, min_width, min_height, max_width, max_height, max_num_regions_of_interest) _PhysicalDeviceOpticalFlowPropertiesNV(vks, deps) end """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `usage::OpticalFlowUsageFlagNV` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowImageFormatInfoNV.html) """ function _OpticalFlowImageFormatInfoNV(usage::OpticalFlowUsageFlagNV; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkOpticalFlowImageFormatInfoNV(structure_type(VkOpticalFlowImageFormatInfoNV), unsafe_convert(Ptr{Cvoid}, next), usage) _OpticalFlowImageFormatInfoNV(vks, deps) end """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `format::Format` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowImageFormatPropertiesNV.html) """ function _OpticalFlowImageFormatPropertiesNV(format::Format; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkOpticalFlowImageFormatPropertiesNV(structure_type(VkOpticalFlowImageFormatPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), format) _OpticalFlowImageFormatPropertiesNV(vks, deps) end """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `width::UInt32` - `height::UInt32` - `image_format::Format` - `flow_vector_format::Format` - `output_grid_size::OpticalFlowGridSizeFlagNV` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `cost_format::Format`: defaults to `0` - `hint_grid_size::OpticalFlowGridSizeFlagNV`: defaults to `0` - `performance_level::OpticalFlowPerformanceLevelNV`: defaults to `0` - `flags::OpticalFlowSessionCreateFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowSessionCreateInfoNV.html) """ function _OpticalFlowSessionCreateInfoNV(width::Integer, height::Integer, image_format::Format, flow_vector_format::Format, output_grid_size::OpticalFlowGridSizeFlagNV; next = C_NULL, cost_format = 0, hint_grid_size = 0, performance_level = 0, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkOpticalFlowSessionCreateInfoNV(structure_type(VkOpticalFlowSessionCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), width, height, image_format, flow_vector_format, cost_format, output_grid_size, hint_grid_size, performance_level, flags) _OpticalFlowSessionCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `id::UInt32` - `size::UInt32` - `private_data::Ptr{Cvoid}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowSessionCreatePrivateDataInfoNV.html) """ function _OpticalFlowSessionCreatePrivateDataInfoNV(id::Integer, size::Integer, private_data::Ptr{Cvoid}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) private_data = cconvert(Ptr{Cvoid}, private_data) deps = Any[next, private_data] vks = VkOpticalFlowSessionCreatePrivateDataInfoNV(structure_type(VkOpticalFlowSessionCreatePrivateDataInfoNV), unsafe_convert(Ptr{Cvoid}, next), id, size, unsafe_convert(Ptr{Cvoid}, private_data)) _OpticalFlowSessionCreatePrivateDataInfoNV(vks, deps) end """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `regions::Vector{_Rect2D}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::OpticalFlowExecuteFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowExecuteInfoNV.html) """ function _OpticalFlowExecuteInfoNV(regions::AbstractArray; next = C_NULL, flags = 0) region_count = pointer_length(regions) next = cconvert(Ptr{Cvoid}, next) regions = cconvert(Ptr{VkRect2D}, regions) deps = Any[next, regions] vks = VkOpticalFlowExecuteInfoNV(structure_type(VkOpticalFlowExecuteInfoNV), unsafe_convert(Ptr{Cvoid}, next), flags, region_count, unsafe_convert(Ptr{VkRect2D}, regions)) _OpticalFlowExecuteInfoNV(vks, deps) end """ Extension: VK\\_EXT\\_device\\_fault Arguments: - `device_fault::Bool` - `device_fault_vendor_binary::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFaultFeaturesEXT.html) """ function _PhysicalDeviceFaultFeaturesEXT(device_fault::Bool, device_fault_vendor_binary::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFaultFeaturesEXT(structure_type(VkPhysicalDeviceFaultFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), device_fault, device_fault_vendor_binary) _PhysicalDeviceFaultFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_device\\_fault Arguments: - `address_type::DeviceFaultAddressTypeEXT` - `reported_address::UInt64` - `address_precision::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultAddressInfoEXT.html) """ function _DeviceFaultAddressInfoEXT(address_type::DeviceFaultAddressTypeEXT, reported_address::Integer, address_precision::Integer) _DeviceFaultAddressInfoEXT(VkDeviceFaultAddressInfoEXT(address_type, reported_address, address_precision)) end """ Extension: VK\\_EXT\\_device\\_fault Arguments: - `description::String` - `vendor_fault_code::UInt64` - `vendor_fault_data::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultVendorInfoEXT.html) """ function _DeviceFaultVendorInfoEXT(description::AbstractString, vendor_fault_code::Integer, vendor_fault_data::Integer) _DeviceFaultVendorInfoEXT(VkDeviceFaultVendorInfoEXT(description, vendor_fault_code, vendor_fault_data)) end """ Extension: VK\\_EXT\\_device\\_fault Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `address_info_count::UInt32`: defaults to `0` - `vendor_info_count::UInt32`: defaults to `0` - `vendor_binary_size::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultCountsEXT.html) """ function _DeviceFaultCountsEXT(; next = C_NULL, address_info_count = 0, vendor_info_count = 0, vendor_binary_size = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceFaultCountsEXT(structure_type(VkDeviceFaultCountsEXT), unsafe_convert(Ptr{Cvoid}, next), address_info_count, vendor_info_count, vendor_binary_size) _DeviceFaultCountsEXT(vks, deps) end """ Extension: VK\\_EXT\\_device\\_fault Arguments: - `description::String` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `address_infos::_DeviceFaultAddressInfoEXT`: defaults to `C_NULL` - `vendor_infos::_DeviceFaultVendorInfoEXT`: defaults to `C_NULL` - `vendor_binary_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultInfoEXT.html) """ function _DeviceFaultInfoEXT(description::AbstractString; next = C_NULL, address_infos = C_NULL, vendor_infos = C_NULL, vendor_binary_data = C_NULL) next = cconvert(Ptr{Cvoid}, next) address_infos = cconvert(Ptr{VkDeviceFaultAddressInfoEXT}, address_infos) vendor_infos = cconvert(Ptr{VkDeviceFaultVendorInfoEXT}, vendor_infos) vendor_binary_data = cconvert(Ptr{Cvoid}, vendor_binary_data) deps = Any[next, address_infos, vendor_infos, vendor_binary_data] vks = VkDeviceFaultInfoEXT(structure_type(VkDeviceFaultInfoEXT), unsafe_convert(Ptr{Cvoid}, next), description, unsafe_convert(Ptr{VkDeviceFaultAddressInfoEXT}, address_infos), unsafe_convert(Ptr{VkDeviceFaultVendorInfoEXT}, vendor_infos), unsafe_convert(Ptr{Cvoid}, vendor_binary_data)) _DeviceFaultInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_device\\_fault Arguments: - `header_size::UInt32` - `header_version::DeviceFaultVendorBinaryHeaderVersionEXT` - `vendor_id::UInt32` - `device_id::UInt32` - `driver_version::VersionNumber` - `pipeline_cache_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `application_name_offset::UInt32` - `application_version::VersionNumber` - `engine_name_offset::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultVendorBinaryHeaderVersionOneEXT.html) """ function _DeviceFaultVendorBinaryHeaderVersionOneEXT(header_size::Integer, header_version::DeviceFaultVendorBinaryHeaderVersionEXT, vendor_id::Integer, device_id::Integer, driver_version::VersionNumber, pipeline_cache_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}, application_name_offset::Integer, application_version::VersionNumber, engine_name_offset::Integer) _DeviceFaultVendorBinaryHeaderVersionOneEXT(VkDeviceFaultVendorBinaryHeaderVersionOneEXT(header_size, header_version, vendor_id, device_id, to_vk(UInt32, driver_version), pipeline_cache_uuid, application_name_offset, to_vk(UInt32, application_version), engine_name_offset)) end """ Extension: VK\\_EXT\\_pipeline\\_library\\_group\\_handles Arguments: - `pipeline_library_group_handles::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT.html) """ function _PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT(pipeline_library_group_handles::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT(structure_type(VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), pipeline_library_group_handles) _PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT(vks, deps) end """ Extension: VK\\_NV\\_memory\\_decompression Arguments: - `src_address::UInt64` - `dst_address::UInt64` - `compressed_size::UInt64` - `decompressed_size::UInt64` - `decompression_method::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDecompressMemoryRegionNV.html) """ function _DecompressMemoryRegionNV(src_address::Integer, dst_address::Integer, compressed_size::Integer, decompressed_size::Integer, decompression_method::Integer) _DecompressMemoryRegionNV(VkDecompressMemoryRegionNV(src_address, dst_address, compressed_size, decompressed_size, decompression_method)) end """ Extension: VK\\_ARM\\_shader\\_core\\_builtins Arguments: - `shader_core_mask::UInt64` - `shader_core_count::UInt32` - `shader_warps_per_core::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM.html) """ function _PhysicalDeviceShaderCoreBuiltinsPropertiesARM(shader_core_mask::Integer, shader_core_count::Integer, shader_warps_per_core::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM(structure_type(VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM), unsafe_convert(Ptr{Cvoid}, next), shader_core_mask, shader_core_count, shader_warps_per_core) _PhysicalDeviceShaderCoreBuiltinsPropertiesARM(vks, deps) end """ Extension: VK\\_ARM\\_shader\\_core\\_builtins Arguments: - `shader_core_builtins::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM.html) """ function _PhysicalDeviceShaderCoreBuiltinsFeaturesARM(shader_core_builtins::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM(structure_type(VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM), unsafe_convert(Ptr{Cvoid}, next), shader_core_builtins) _PhysicalDeviceShaderCoreBuiltinsFeaturesARM(vks, deps) end """ Extension: VK\\_EXT\\_surface\\_maintenance1 Arguments: - `present_mode::PresentModeKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfacePresentModeEXT.html) """ function _SurfacePresentModeEXT(present_mode::PresentModeKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSurfacePresentModeEXT(structure_type(VkSurfacePresentModeEXT), unsafe_convert(Ptr{Cvoid}, next), present_mode) _SurfacePresentModeEXT(vks, deps) end """ Extension: VK\\_EXT\\_surface\\_maintenance1 Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `supported_present_scaling::PresentScalingFlagEXT`: defaults to `0` - `supported_present_gravity_x::PresentGravityFlagEXT`: defaults to `0` - `supported_present_gravity_y::PresentGravityFlagEXT`: defaults to `0` - `min_scaled_image_extent::_Extent2D`: defaults to `0` - `max_scaled_image_extent::_Extent2D`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfacePresentScalingCapabilitiesEXT.html) """ function _SurfacePresentScalingCapabilitiesEXT(; next = C_NULL, supported_present_scaling = 0, supported_present_gravity_x = 0, supported_present_gravity_y = 0, min_scaled_image_extent = 0, max_scaled_image_extent = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSurfacePresentScalingCapabilitiesEXT(structure_type(VkSurfacePresentScalingCapabilitiesEXT), unsafe_convert(Ptr{Cvoid}, next), supported_present_scaling, supported_present_gravity_x, supported_present_gravity_y, min_scaled_image_extent.vks, max_scaled_image_extent.vks) _SurfacePresentScalingCapabilitiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_surface\\_maintenance1 Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `present_modes::Vector{PresentModeKHR}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfacePresentModeCompatibilityEXT.html) """ function _SurfacePresentModeCompatibilityEXT(; next = C_NULL, present_modes = C_NULL) present_mode_count = pointer_length(present_modes) next = cconvert(Ptr{Cvoid}, next) present_modes = cconvert(Ptr{VkPresentModeKHR}, present_modes) deps = Any[next, present_modes] vks = VkSurfacePresentModeCompatibilityEXT(structure_type(VkSurfacePresentModeCompatibilityEXT), unsafe_convert(Ptr{Cvoid}, next), present_mode_count, unsafe_convert(Ptr{VkPresentModeKHR}, present_modes)) _SurfacePresentModeCompatibilityEXT(vks, deps) end """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Arguments: - `swapchain_maintenance_1::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT.html) """ function _PhysicalDeviceSwapchainMaintenance1FeaturesEXT(swapchain_maintenance_1::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT(structure_type(VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), swapchain_maintenance_1) _PhysicalDeviceSwapchainMaintenance1FeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Arguments: - `fences::Vector{Fence}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentFenceInfoEXT.html) """ function _SwapchainPresentFenceInfoEXT(fences::AbstractArray; next = C_NULL) swapchain_count = pointer_length(fences) next = cconvert(Ptr{Cvoid}, next) fences = cconvert(Ptr{VkFence}, fences) deps = Any[next, fences] vks = VkSwapchainPresentFenceInfoEXT(structure_type(VkSwapchainPresentFenceInfoEXT), unsafe_convert(Ptr{Cvoid}, next), swapchain_count, unsafe_convert(Ptr{VkFence}, fences)) _SwapchainPresentFenceInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Arguments: - `present_modes::Vector{PresentModeKHR}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentModesCreateInfoEXT.html) """ function _SwapchainPresentModesCreateInfoEXT(present_modes::AbstractArray; next = C_NULL) present_mode_count = pointer_length(present_modes) next = cconvert(Ptr{Cvoid}, next) present_modes = cconvert(Ptr{VkPresentModeKHR}, present_modes) deps = Any[next, present_modes] vks = VkSwapchainPresentModesCreateInfoEXT(structure_type(VkSwapchainPresentModesCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), present_mode_count, unsafe_convert(Ptr{VkPresentModeKHR}, present_modes)) _SwapchainPresentModesCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Arguments: - `present_modes::Vector{PresentModeKHR}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentModeInfoEXT.html) """ function _SwapchainPresentModeInfoEXT(present_modes::AbstractArray; next = C_NULL) swapchain_count = pointer_length(present_modes) next = cconvert(Ptr{Cvoid}, next) present_modes = cconvert(Ptr{VkPresentModeKHR}, present_modes) deps = Any[next, present_modes] vks = VkSwapchainPresentModeInfoEXT(structure_type(VkSwapchainPresentModeInfoEXT), unsafe_convert(Ptr{Cvoid}, next), swapchain_count, unsafe_convert(Ptr{VkPresentModeKHR}, present_modes)) _SwapchainPresentModeInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `scaling_behavior::PresentScalingFlagEXT`: defaults to `0` - `present_gravity_x::PresentGravityFlagEXT`: defaults to `0` - `present_gravity_y::PresentGravityFlagEXT`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentScalingCreateInfoEXT.html) """ function _SwapchainPresentScalingCreateInfoEXT(; next = C_NULL, scaling_behavior = 0, present_gravity_x = 0, present_gravity_y = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSwapchainPresentScalingCreateInfoEXT(structure_type(VkSwapchainPresentScalingCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), scaling_behavior, present_gravity_x, present_gravity_y) _SwapchainPresentScalingCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Arguments: - `swapchain::SwapchainKHR` (externsync) - `image_indices::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkReleaseSwapchainImagesInfoEXT.html) """ function _ReleaseSwapchainImagesInfoEXT(swapchain, image_indices::AbstractArray; next = C_NULL) image_index_count = pointer_length(image_indices) next = cconvert(Ptr{Cvoid}, next) image_indices = cconvert(Ptr{UInt32}, image_indices) deps = Any[next, image_indices] vks = VkReleaseSwapchainImagesInfoEXT(structure_type(VkReleaseSwapchainImagesInfoEXT), unsafe_convert(Ptr{Cvoid}, next), swapchain, image_index_count, unsafe_convert(Ptr{UInt32}, image_indices)) _ReleaseSwapchainImagesInfoEXT(vks, deps, swapchain) end """ Extension: VK\\_NV\\_ray\\_tracing\\_invocation\\_reorder Arguments: - `ray_tracing_invocation_reorder::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV.html) """ function _PhysicalDeviceRayTracingInvocationReorderFeaturesNV(ray_tracing_invocation_reorder::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV(structure_type(VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), ray_tracing_invocation_reorder) _PhysicalDeviceRayTracingInvocationReorderFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_ray\\_tracing\\_invocation\\_reorder Arguments: - `ray_tracing_invocation_reorder_reordering_hint::RayTracingInvocationReorderModeNV` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV.html) """ function _PhysicalDeviceRayTracingInvocationReorderPropertiesNV(ray_tracing_invocation_reorder_reordering_hint::RayTracingInvocationReorderModeNV; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV(structure_type(VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), ray_tracing_invocation_reorder_reordering_hint) _PhysicalDeviceRayTracingInvocationReorderPropertiesNV(vks, deps) end """ Extension: VK\\_LUNARG\\_direct\\_driver\\_loading Arguments: - `flags::UInt32` - `pfn_get_instance_proc_addr::FunctionPtr` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDirectDriverLoadingInfoLUNARG.html) """ function _DirectDriverLoadingInfoLUNARG(flags::Integer, pfn_get_instance_proc_addr::FunctionPtr; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDirectDriverLoadingInfoLUNARG(structure_type(VkDirectDriverLoadingInfoLUNARG), unsafe_convert(Ptr{Cvoid}, next), flags, pfn_get_instance_proc_addr) _DirectDriverLoadingInfoLUNARG(vks, deps) end """ Extension: VK\\_LUNARG\\_direct\\_driver\\_loading Arguments: - `mode::DirectDriverLoadingModeLUNARG` - `drivers::Vector{_DirectDriverLoadingInfoLUNARG}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDirectDriverLoadingListLUNARG.html) """ function _DirectDriverLoadingListLUNARG(mode::DirectDriverLoadingModeLUNARG, drivers::AbstractArray; next = C_NULL) driver_count = pointer_length(drivers) next = cconvert(Ptr{Cvoid}, next) drivers = cconvert(Ptr{VkDirectDriverLoadingInfoLUNARG}, drivers) deps = Any[next, drivers] vks = VkDirectDriverLoadingListLUNARG(structure_type(VkDirectDriverLoadingListLUNARG), unsafe_convert(Ptr{Cvoid}, next), mode, driver_count, unsafe_convert(Ptr{VkDirectDriverLoadingInfoLUNARG}, drivers)) _DirectDriverLoadingListLUNARG(vks, deps) end """ Extension: VK\\_QCOM\\_multiview\\_per\\_view\\_viewports Arguments: - `multiview_per_view_viewports::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM.html) """ function _PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM(multiview_per_view_viewports::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM(structure_type(VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM), unsafe_convert(Ptr{Cvoid}, next), multiview_per_view_viewports) _PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM(vks, deps) end """ Arguments: - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBaseOutStructure.html) """ BaseOutStructure(; next = C_NULL) = BaseOutStructure(next) """ Arguments: - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBaseInStructure.html) """ BaseInStructure(; next = C_NULL) = BaseInStructure(next) """ Arguments: - `application_version::VersionNumber` - `engine_version::VersionNumber` - `api_version::VersionNumber` - `next::Any`: defaults to `C_NULL` - `application_name::String`: defaults to `` - `engine_name::String`: defaults to `` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkApplicationInfo.html) """ ApplicationInfo(application_version::VersionNumber, engine_version::VersionNumber, api_version::VersionNumber; next = C_NULL, application_name = "", engine_name = "") = ApplicationInfo(next, application_name, application_version, engine_name, engine_version, api_version) """ Arguments: - `pfn_allocation::FunctionPtr` - `pfn_reallocation::FunctionPtr` - `pfn_free::FunctionPtr` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` - `pfn_internal_allocation::FunctionPtr`: defaults to `C_NULL` - `pfn_internal_free::FunctionPtr`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAllocationCallbacks.html) """ AllocationCallbacks(pfn_allocation::FunctionPtr, pfn_reallocation::FunctionPtr, pfn_free::FunctionPtr; user_data = C_NULL, pfn_internal_allocation = C_NULL, pfn_internal_free = C_NULL) = AllocationCallbacks(user_data, pfn_allocation, pfn_reallocation, pfn_free, pfn_internal_allocation, pfn_internal_free) """ Arguments: - `queue_family_index::UInt32` - `queue_priorities::Vector{Float32}` - `next::Any`: defaults to `C_NULL` - `flags::DeviceQueueCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceQueueCreateInfo.html) """ DeviceQueueCreateInfo(queue_family_index::Integer, queue_priorities::AbstractArray; next = C_NULL, flags = 0) = DeviceQueueCreateInfo(next, flags, queue_family_index, queue_priorities) """ Arguments: - `queue_create_infos::Vector{DeviceQueueCreateInfo}` - `enabled_layer_names::Vector{String}` - `enabled_extension_names::Vector{String}` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `enabled_features::PhysicalDeviceFeatures`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceCreateInfo.html) """ DeviceCreateInfo(queue_create_infos::AbstractArray, enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray; next = C_NULL, flags = 0, enabled_features = C_NULL) = DeviceCreateInfo(next, flags, queue_create_infos, enabled_layer_names, enabled_extension_names, enabled_features) """ Arguments: - `enabled_layer_names::Vector{String}` - `enabled_extension_names::Vector{String}` - `next::Any`: defaults to `C_NULL` - `flags::InstanceCreateFlag`: defaults to `0` - `application_info::ApplicationInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkInstanceCreateInfo.html) """ InstanceCreateInfo(enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray; next = C_NULL, flags = 0, application_info = C_NULL) = InstanceCreateInfo(next, flags, application_info, enabled_layer_names, enabled_extension_names) """ Arguments: - `queue_count::UInt32` - `timestamp_valid_bits::UInt32` - `min_image_transfer_granularity::Extent3D` - `queue_flags::QueueFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyProperties.html) """ QueueFamilyProperties(queue_count::Integer, timestamp_valid_bits::Integer, min_image_transfer_granularity::Extent3D; queue_flags = 0) = QueueFamilyProperties(queue_flags, queue_count, timestamp_valid_bits, min_image_transfer_granularity) """ Arguments: - `allocation_size::UInt64` - `memory_type_index::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryAllocateInfo.html) """ MemoryAllocateInfo(allocation_size::Integer, memory_type_index::Integer; next = C_NULL) = MemoryAllocateInfo(next, allocation_size, memory_type_index) """ Arguments: - `image_granularity::Extent3D` - `aspect_mask::ImageAspectFlag`: defaults to `0` - `flags::SparseImageFormatFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageFormatProperties.html) """ SparseImageFormatProperties(image_granularity::Extent3D; aspect_mask = 0, flags = 0) = SparseImageFormatProperties(aspect_mask, image_granularity, flags) """ Arguments: - `heap_index::UInt32` - `property_flags::MemoryPropertyFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryType.html) """ MemoryType(heap_index::Integer; property_flags = 0) = MemoryType(property_flags, heap_index) """ Arguments: - `size::UInt64` - `flags::MemoryHeapFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryHeap.html) """ MemoryHeap(size::Integer; flags = 0) = MemoryHeap(size, flags) """ Arguments: - `memory::DeviceMemory` - `offset::UInt64` - `size::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMappedMemoryRange.html) """ MappedMemoryRange(memory::DeviceMemory, offset::Integer, size::Integer; next = C_NULL) = MappedMemoryRange(next, memory, offset, size) """ Arguments: - `linear_tiling_features::FormatFeatureFlag`: defaults to `0` - `optimal_tiling_features::FormatFeatureFlag`: defaults to `0` - `buffer_features::FormatFeatureFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFormatProperties.html) """ FormatProperties(; linear_tiling_features = 0, optimal_tiling_features = 0, buffer_features = 0) = FormatProperties(linear_tiling_features, optimal_tiling_features, buffer_features) """ Arguments: - `max_extent::Extent3D` - `max_mip_levels::UInt32` - `max_array_layers::UInt32` - `max_resource_size::UInt64` - `sample_counts::SampleCountFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageFormatProperties.html) """ ImageFormatProperties(max_extent::Extent3D, max_mip_levels::Integer, max_array_layers::Integer, max_resource_size::Integer; sample_counts = 0) = ImageFormatProperties(max_extent, max_mip_levels, max_array_layers, sample_counts, max_resource_size) """ Arguments: - `offset::UInt64` - `range::UInt64` - `buffer::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorBufferInfo.html) """ DescriptorBufferInfo(offset::Integer, range::Integer; buffer = C_NULL) = DescriptorBufferInfo(buffer, offset, range) """ Arguments: - `dst_set::DescriptorSet` - `dst_binding::UInt32` - `dst_array_element::UInt32` - `descriptor_type::DescriptorType` - `image_info::Vector{DescriptorImageInfo}` - `buffer_info::Vector{DescriptorBufferInfo}` - `texel_buffer_view::Vector{BufferView}` - `next::Any`: defaults to `C_NULL` - `descriptor_count::UInt32`: defaults to `max(pointer_length(image_info), pointer_length(buffer_info), pointer_length(texel_buffer_view))` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSet.html) """ WriteDescriptorSet(dst_set::DescriptorSet, dst_binding::Integer, dst_array_element::Integer, descriptor_type::DescriptorType, image_info::AbstractArray, buffer_info::AbstractArray, texel_buffer_view::AbstractArray; next = C_NULL, descriptor_count = max(pointer_length(image_info), pointer_length(buffer_info), pointer_length(texel_buffer_view))) = WriteDescriptorSet(next, dst_set, dst_binding, dst_array_element, descriptor_count, descriptor_type, image_info, buffer_info, texel_buffer_view) """ Arguments: - `src_set::DescriptorSet` - `src_binding::UInt32` - `src_array_element::UInt32` - `dst_set::DescriptorSet` - `dst_binding::UInt32` - `dst_array_element::UInt32` - `descriptor_count::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyDescriptorSet.html) """ CopyDescriptorSet(src_set::DescriptorSet, src_binding::Integer, src_array_element::Integer, dst_set::DescriptorSet, dst_binding::Integer, dst_array_element::Integer, descriptor_count::Integer; next = C_NULL) = CopyDescriptorSet(next, src_set, src_binding, src_array_element, dst_set, dst_binding, dst_array_element, descriptor_count) """ Arguments: - `size::UInt64` - `usage::BufferUsageFlag` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` - `flags::BufferCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCreateInfo.html) """ BufferCreateInfo(size::Integer, usage::BufferUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray; next = C_NULL, flags = 0) = BufferCreateInfo(next, flags, size, usage, sharing_mode, queue_family_indices) """ Arguments: - `buffer::Buffer` - `format::Format` - `offset::UInt64` - `range::UInt64` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferViewCreateInfo.html) """ BufferViewCreateInfo(buffer::Buffer, format::Format, offset::Integer, range::Integer; next = C_NULL, flags = 0) = BufferViewCreateInfo(next, flags, buffer, format, offset, range) """ Arguments: - `next::Any`: defaults to `C_NULL` - `src_access_mask::AccessFlag`: defaults to `0` - `dst_access_mask::AccessFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryBarrier.html) """ MemoryBarrier(; next = C_NULL, src_access_mask = 0, dst_access_mask = 0) = MemoryBarrier(next, src_access_mask, dst_access_mask) """ Arguments: - `src_access_mask::AccessFlag` - `dst_access_mask::AccessFlag` - `src_queue_family_index::UInt32` - `dst_queue_family_index::UInt32` - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferMemoryBarrier.html) """ BufferMemoryBarrier(src_access_mask::AccessFlag, dst_access_mask::AccessFlag, src_queue_family_index::Integer, dst_queue_family_index::Integer, buffer::Buffer, offset::Integer, size::Integer; next = C_NULL) = BufferMemoryBarrier(next, src_access_mask, dst_access_mask, src_queue_family_index, dst_queue_family_index, buffer, offset, size) """ Arguments: - `src_access_mask::AccessFlag` - `dst_access_mask::AccessFlag` - `old_layout::ImageLayout` - `new_layout::ImageLayout` - `src_queue_family_index::UInt32` - `dst_queue_family_index::UInt32` - `image::Image` - `subresource_range::ImageSubresourceRange` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageMemoryBarrier.html) """ ImageMemoryBarrier(src_access_mask::AccessFlag, dst_access_mask::AccessFlag, old_layout::ImageLayout, new_layout::ImageLayout, src_queue_family_index::Integer, dst_queue_family_index::Integer, image::Image, subresource_range::ImageSubresourceRange; next = C_NULL) = ImageMemoryBarrier(next, src_access_mask, dst_access_mask, old_layout, new_layout, src_queue_family_index, dst_queue_family_index, image, subresource_range) """ Arguments: - `image_type::ImageType` - `format::Format` - `extent::Extent3D` - `mip_levels::UInt32` - `array_layers::UInt32` - `samples::SampleCountFlag` - `tiling::ImageTiling` - `usage::ImageUsageFlag` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `initial_layout::ImageLayout` - `next::Any`: defaults to `C_NULL` - `flags::ImageCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCreateInfo.html) """ ImageCreateInfo(image_type::ImageType, format::Format, extent::Extent3D, mip_levels::Integer, array_layers::Integer, samples::SampleCountFlag, tiling::ImageTiling, usage::ImageUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, initial_layout::ImageLayout; next = C_NULL, flags = 0) = ImageCreateInfo(next, flags, image_type, format, extent, mip_levels, array_layers, samples, tiling, usage, sharing_mode, queue_family_indices, initial_layout) """ Arguments: - `image::Image` - `view_type::ImageViewType` - `format::Format` - `components::ComponentMapping` - `subresource_range::ImageSubresourceRange` - `next::Any`: defaults to `C_NULL` - `flags::ImageViewCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewCreateInfo.html) """ ImageViewCreateInfo(image::Image, view_type::ImageViewType, format::Format, components::ComponentMapping, subresource_range::ImageSubresourceRange; next = C_NULL, flags = 0) = ImageViewCreateInfo(next, flags, image, view_type, format, components, subresource_range) """ Arguments: - `resource_offset::UInt64` - `size::UInt64` - `memory_offset::UInt64` - `memory::DeviceMemory`: defaults to `C_NULL` - `flags::SparseMemoryBindFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseMemoryBind.html) """ SparseMemoryBind(resource_offset::Integer, size::Integer, memory_offset::Integer; memory = C_NULL, flags = 0) = SparseMemoryBind(resource_offset, size, memory, memory_offset, flags) """ Arguments: - `subresource::ImageSubresource` - `offset::Offset3D` - `extent::Extent3D` - `memory_offset::UInt64` - `memory::DeviceMemory`: defaults to `C_NULL` - `flags::SparseMemoryBindFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryBind.html) """ SparseImageMemoryBind(subresource::ImageSubresource, offset::Offset3D, extent::Extent3D, memory_offset::Integer; memory = C_NULL, flags = 0) = SparseImageMemoryBind(subresource, offset, extent, memory, memory_offset, flags) """ Arguments: - `wait_semaphores::Vector{Semaphore}` - `buffer_binds::Vector{SparseBufferMemoryBindInfo}` - `image_opaque_binds::Vector{SparseImageOpaqueMemoryBindInfo}` - `image_binds::Vector{SparseImageMemoryBindInfo}` - `signal_semaphores::Vector{Semaphore}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindSparseInfo.html) """ BindSparseInfo(wait_semaphores::AbstractArray, buffer_binds::AbstractArray, image_opaque_binds::AbstractArray, image_binds::AbstractArray, signal_semaphores::AbstractArray; next = C_NULL) = BindSparseInfo(next, wait_semaphores, buffer_binds, image_opaque_binds, image_binds, signal_semaphores) """ Arguments: - `code_size::UInt` - `code::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderModuleCreateInfo.html) """ ShaderModuleCreateInfo(code_size::Integer, code::AbstractArray; next = C_NULL, flags = 0) = ShaderModuleCreateInfo(next, flags, code_size, code) """ Arguments: - `binding::UInt32` - `descriptor_type::DescriptorType` - `stage_flags::ShaderStageFlag` - `descriptor_count::UInt32`: defaults to `0` - `immutable_samplers::Vector{Sampler}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutBinding.html) """ DescriptorSetLayoutBinding(binding::Integer, descriptor_type::DescriptorType, stage_flags::ShaderStageFlag; descriptor_count = 0, immutable_samplers = C_NULL) = DescriptorSetLayoutBinding(binding, descriptor_type, descriptor_count, stage_flags, immutable_samplers) """ Arguments: - `bindings::Vector{DescriptorSetLayoutBinding}` - `next::Any`: defaults to `C_NULL` - `flags::DescriptorSetLayoutCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutCreateInfo.html) """ DescriptorSetLayoutCreateInfo(bindings::AbstractArray; next = C_NULL, flags = 0) = DescriptorSetLayoutCreateInfo(next, flags, bindings) """ Arguments: - `max_sets::UInt32` - `pool_sizes::Vector{DescriptorPoolSize}` - `next::Any`: defaults to `C_NULL` - `flags::DescriptorPoolCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorPoolCreateInfo.html) """ DescriptorPoolCreateInfo(max_sets::Integer, pool_sizes::AbstractArray; next = C_NULL, flags = 0) = DescriptorPoolCreateInfo(next, flags, max_sets, pool_sizes) """ Arguments: - `descriptor_pool::DescriptorPool` - `set_layouts::Vector{DescriptorSetLayout}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetAllocateInfo.html) """ DescriptorSetAllocateInfo(descriptor_pool::DescriptorPool, set_layouts::AbstractArray; next = C_NULL) = DescriptorSetAllocateInfo(next, descriptor_pool, set_layouts) """ Arguments: - `map_entries::Vector{SpecializationMapEntry}` - `data::Ptr{Cvoid}` - `data_size::UInt`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSpecializationInfo.html) """ SpecializationInfo(map_entries::AbstractArray, data::Ptr{Cvoid}; data_size = C_NULL) = SpecializationInfo(map_entries, data_size, data) """ Arguments: - `stage::ShaderStageFlag` - `_module::ShaderModule` - `name::String` - `next::Any`: defaults to `C_NULL` - `flags::PipelineShaderStageCreateFlag`: defaults to `0` - `specialization_info::SpecializationInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineShaderStageCreateInfo.html) """ PipelineShaderStageCreateInfo(stage::ShaderStageFlag, _module::ShaderModule, name::AbstractString; next = C_NULL, flags = 0, specialization_info = C_NULL) = PipelineShaderStageCreateInfo(next, flags, stage, _module, name, specialization_info) """ Arguments: - `stage::PipelineShaderStageCreateInfo` - `layout::PipelineLayout` - `base_pipeline_index::Int32` - `next::Any`: defaults to `C_NULL` - `flags::PipelineCreateFlag`: defaults to `0` - `base_pipeline_handle::Pipeline`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkComputePipelineCreateInfo.html) """ ComputePipelineCreateInfo(stage::PipelineShaderStageCreateInfo, layout::PipelineLayout, base_pipeline_index::Integer; next = C_NULL, flags = 0, base_pipeline_handle = C_NULL) = ComputePipelineCreateInfo(next, flags, stage, layout, base_pipeline_handle, base_pipeline_index) """ Arguments: - `vertex_binding_descriptions::Vector{VertexInputBindingDescription}` - `vertex_attribute_descriptions::Vector{VertexInputAttributeDescription}` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineVertexInputStateCreateInfo.html) """ PipelineVertexInputStateCreateInfo(vertex_binding_descriptions::AbstractArray, vertex_attribute_descriptions::AbstractArray; next = C_NULL, flags = 0) = PipelineVertexInputStateCreateInfo(next, flags, vertex_binding_descriptions, vertex_attribute_descriptions) """ Arguments: - `topology::PrimitiveTopology` - `primitive_restart_enable::Bool` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineInputAssemblyStateCreateInfo.html) """ PipelineInputAssemblyStateCreateInfo(topology::PrimitiveTopology, primitive_restart_enable::Bool; next = C_NULL, flags = 0) = PipelineInputAssemblyStateCreateInfo(next, flags, topology, primitive_restart_enable) """ Arguments: - `patch_control_points::UInt32` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineTessellationStateCreateInfo.html) """ PipelineTessellationStateCreateInfo(patch_control_points::Integer; next = C_NULL, flags = 0) = PipelineTessellationStateCreateInfo(next, flags, patch_control_points) """ Arguments: - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `viewports::Vector{Viewport}`: defaults to `C_NULL` - `scissors::Vector{Rect2D}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportStateCreateInfo.html) """ PipelineViewportStateCreateInfo(; next = C_NULL, flags = 0, viewports = C_NULL, scissors = C_NULL) = PipelineViewportStateCreateInfo(next, flags, viewports, scissors) """ Arguments: - `depth_clamp_enable::Bool` - `rasterizer_discard_enable::Bool` - `polygon_mode::PolygonMode` - `front_face::FrontFace` - `depth_bias_enable::Bool` - `depth_bias_constant_factor::Float32` - `depth_bias_clamp::Float32` - `depth_bias_slope_factor::Float32` - `line_width::Float32` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `cull_mode::CullModeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationStateCreateInfo.html) """ PipelineRasterizationStateCreateInfo(depth_clamp_enable::Bool, rasterizer_discard_enable::Bool, polygon_mode::PolygonMode, front_face::FrontFace, depth_bias_enable::Bool, depth_bias_constant_factor::Real, depth_bias_clamp::Real, depth_bias_slope_factor::Real, line_width::Real; next = C_NULL, flags = 0, cull_mode = 0) = PipelineRasterizationStateCreateInfo(next, flags, depth_clamp_enable, rasterizer_discard_enable, polygon_mode, cull_mode, front_face, depth_bias_enable, depth_bias_constant_factor, depth_bias_clamp, depth_bias_slope_factor, line_width) """ Arguments: - `rasterization_samples::SampleCountFlag` - `sample_shading_enable::Bool` - `min_sample_shading::Float32` - `alpha_to_coverage_enable::Bool` - `alpha_to_one_enable::Bool` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `sample_mask::Vector{UInt32}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineMultisampleStateCreateInfo.html) """ PipelineMultisampleStateCreateInfo(rasterization_samples::SampleCountFlag, sample_shading_enable::Bool, min_sample_shading::Real, alpha_to_coverage_enable::Bool, alpha_to_one_enable::Bool; next = C_NULL, flags = 0, sample_mask = C_NULL) = PipelineMultisampleStateCreateInfo(next, flags, rasterization_samples, sample_shading_enable, min_sample_shading, sample_mask, alpha_to_coverage_enable, alpha_to_one_enable) """ Arguments: - `blend_enable::Bool` - `src_color_blend_factor::BlendFactor` - `dst_color_blend_factor::BlendFactor` - `color_blend_op::BlendOp` - `src_alpha_blend_factor::BlendFactor` - `dst_alpha_blend_factor::BlendFactor` - `alpha_blend_op::BlendOp` - `color_write_mask::ColorComponentFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorBlendAttachmentState.html) """ PipelineColorBlendAttachmentState(blend_enable::Bool, src_color_blend_factor::BlendFactor, dst_color_blend_factor::BlendFactor, color_blend_op::BlendOp, src_alpha_blend_factor::BlendFactor, dst_alpha_blend_factor::BlendFactor, alpha_blend_op::BlendOp; color_write_mask = 0) = PipelineColorBlendAttachmentState(blend_enable, src_color_blend_factor, dst_color_blend_factor, color_blend_op, src_alpha_blend_factor, dst_alpha_blend_factor, alpha_blend_op, color_write_mask) """ Arguments: - `logic_op_enable::Bool` - `logic_op::LogicOp` - `attachments::Vector{PipelineColorBlendAttachmentState}` - `blend_constants::NTuple{4, Float32}` - `next::Any`: defaults to `C_NULL` - `flags::PipelineColorBlendStateCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorBlendStateCreateInfo.html) """ PipelineColorBlendStateCreateInfo(logic_op_enable::Bool, logic_op::LogicOp, attachments::AbstractArray, blend_constants::NTuple{4, Float32}; next = C_NULL, flags = 0) = PipelineColorBlendStateCreateInfo(next, flags, logic_op_enable, logic_op, attachments, blend_constants) """ Arguments: - `dynamic_states::Vector{DynamicState}` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineDynamicStateCreateInfo.html) """ PipelineDynamicStateCreateInfo(dynamic_states::AbstractArray; next = C_NULL, flags = 0) = PipelineDynamicStateCreateInfo(next, flags, dynamic_states) """ Arguments: - `depth_test_enable::Bool` - `depth_write_enable::Bool` - `depth_compare_op::CompareOp` - `depth_bounds_test_enable::Bool` - `stencil_test_enable::Bool` - `front::StencilOpState` - `back::StencilOpState` - `min_depth_bounds::Float32` - `max_depth_bounds::Float32` - `next::Any`: defaults to `C_NULL` - `flags::PipelineDepthStencilStateCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineDepthStencilStateCreateInfo.html) """ PipelineDepthStencilStateCreateInfo(depth_test_enable::Bool, depth_write_enable::Bool, depth_compare_op::CompareOp, depth_bounds_test_enable::Bool, stencil_test_enable::Bool, front::StencilOpState, back::StencilOpState, min_depth_bounds::Real, max_depth_bounds::Real; next = C_NULL, flags = 0) = PipelineDepthStencilStateCreateInfo(next, flags, depth_test_enable, depth_write_enable, depth_compare_op, depth_bounds_test_enable, stencil_test_enable, front, back, min_depth_bounds, max_depth_bounds) """ Arguments: - `stages::Vector{PipelineShaderStageCreateInfo}` - `rasterization_state::PipelineRasterizationStateCreateInfo` - `layout::PipelineLayout` - `subpass::UInt32` - `base_pipeline_index::Int32` - `next::Any`: defaults to `C_NULL` - `flags::PipelineCreateFlag`: defaults to `0` - `vertex_input_state::PipelineVertexInputStateCreateInfo`: defaults to `C_NULL` - `input_assembly_state::PipelineInputAssemblyStateCreateInfo`: defaults to `C_NULL` - `tessellation_state::PipelineTessellationStateCreateInfo`: defaults to `C_NULL` - `viewport_state::PipelineViewportStateCreateInfo`: defaults to `C_NULL` - `multisample_state::PipelineMultisampleStateCreateInfo`: defaults to `C_NULL` - `depth_stencil_state::PipelineDepthStencilStateCreateInfo`: defaults to `C_NULL` - `color_blend_state::PipelineColorBlendStateCreateInfo`: defaults to `C_NULL` - `dynamic_state::PipelineDynamicStateCreateInfo`: defaults to `C_NULL` - `render_pass::RenderPass`: defaults to `C_NULL` - `base_pipeline_handle::Pipeline`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsPipelineCreateInfo.html) """ GraphicsPipelineCreateInfo(stages::AbstractArray, rasterization_state::PipelineRasterizationStateCreateInfo, layout::PipelineLayout, subpass::Integer, base_pipeline_index::Integer; next = C_NULL, flags = 0, vertex_input_state = C_NULL, input_assembly_state = C_NULL, tessellation_state = C_NULL, viewport_state = C_NULL, multisample_state = C_NULL, depth_stencil_state = C_NULL, color_blend_state = C_NULL, dynamic_state = C_NULL, render_pass = C_NULL, base_pipeline_handle = C_NULL) = GraphicsPipelineCreateInfo(next, flags, stages, vertex_input_state, input_assembly_state, tessellation_state, viewport_state, rasterization_state, multisample_state, depth_stencil_state, color_blend_state, dynamic_state, layout, render_pass, subpass, base_pipeline_handle, base_pipeline_index) """ Arguments: - `initial_data::Ptr{Cvoid}` - `next::Any`: defaults to `C_NULL` - `flags::PipelineCacheCreateFlag`: defaults to `0` - `initial_data_size::UInt`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCacheCreateInfo.html) """ PipelineCacheCreateInfo(initial_data::Ptr{Cvoid}; next = C_NULL, flags = 0, initial_data_size = C_NULL) = PipelineCacheCreateInfo(next, flags, initial_data_size, initial_data) """ Arguments: - `set_layouts::Vector{DescriptorSetLayout}` - `push_constant_ranges::Vector{PushConstantRange}` - `next::Any`: defaults to `C_NULL` - `flags::PipelineLayoutCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineLayoutCreateInfo.html) """ PipelineLayoutCreateInfo(set_layouts::AbstractArray, push_constant_ranges::AbstractArray; next = C_NULL, flags = 0) = PipelineLayoutCreateInfo(next, flags, set_layouts, push_constant_ranges) """ Arguments: - `mag_filter::Filter` - `min_filter::Filter` - `mipmap_mode::SamplerMipmapMode` - `address_mode_u::SamplerAddressMode` - `address_mode_v::SamplerAddressMode` - `address_mode_w::SamplerAddressMode` - `mip_lod_bias::Float32` - `anisotropy_enable::Bool` - `max_anisotropy::Float32` - `compare_enable::Bool` - `compare_op::CompareOp` - `min_lod::Float32` - `max_lod::Float32` - `border_color::BorderColor` - `unnormalized_coordinates::Bool` - `next::Any`: defaults to `C_NULL` - `flags::SamplerCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerCreateInfo.html) """ SamplerCreateInfo(mag_filter::Filter, min_filter::Filter, mipmap_mode::SamplerMipmapMode, address_mode_u::SamplerAddressMode, address_mode_v::SamplerAddressMode, address_mode_w::SamplerAddressMode, mip_lod_bias::Real, anisotropy_enable::Bool, max_anisotropy::Real, compare_enable::Bool, compare_op::CompareOp, min_lod::Real, max_lod::Real, border_color::BorderColor, unnormalized_coordinates::Bool; next = C_NULL, flags = 0) = SamplerCreateInfo(next, flags, mag_filter, min_filter, mipmap_mode, address_mode_u, address_mode_v, address_mode_w, mip_lod_bias, anisotropy_enable, max_anisotropy, compare_enable, compare_op, min_lod, max_lod, border_color, unnormalized_coordinates) """ Arguments: - `queue_family_index::UInt32` - `next::Any`: defaults to `C_NULL` - `flags::CommandPoolCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandPoolCreateInfo.html) """ CommandPoolCreateInfo(queue_family_index::Integer; next = C_NULL, flags = 0) = CommandPoolCreateInfo(next, flags, queue_family_index) """ Arguments: - `command_pool::CommandPool` - `level::CommandBufferLevel` - `command_buffer_count::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferAllocateInfo.html) """ CommandBufferAllocateInfo(command_pool::CommandPool, level::CommandBufferLevel, command_buffer_count::Integer; next = C_NULL) = CommandBufferAllocateInfo(next, command_pool, level, command_buffer_count) """ Arguments: - `subpass::UInt32` - `occlusion_query_enable::Bool` - `next::Any`: defaults to `C_NULL` - `render_pass::RenderPass`: defaults to `C_NULL` - `framebuffer::Framebuffer`: defaults to `C_NULL` - `query_flags::QueryControlFlag`: defaults to `0` - `pipeline_statistics::QueryPipelineStatisticFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceInfo.html) """ CommandBufferInheritanceInfo(subpass::Integer, occlusion_query_enable::Bool; next = C_NULL, render_pass = C_NULL, framebuffer = C_NULL, query_flags = 0, pipeline_statistics = 0) = CommandBufferInheritanceInfo(next, render_pass, subpass, framebuffer, occlusion_query_enable, query_flags, pipeline_statistics) """ Arguments: - `next::Any`: defaults to `C_NULL` - `flags::CommandBufferUsageFlag`: defaults to `0` - `inheritance_info::CommandBufferInheritanceInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferBeginInfo.html) """ CommandBufferBeginInfo(; next = C_NULL, flags = 0, inheritance_info = C_NULL) = CommandBufferBeginInfo(next, flags, inheritance_info) """ Arguments: - `render_pass::RenderPass` - `framebuffer::Framebuffer` - `render_area::Rect2D` - `clear_values::Vector{ClearValue}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassBeginInfo.html) """ RenderPassBeginInfo(render_pass::RenderPass, framebuffer::Framebuffer, render_area::Rect2D, clear_values::AbstractArray; next = C_NULL) = RenderPassBeginInfo(next, render_pass, framebuffer, render_area, clear_values) """ Arguments: - `format::Format` - `samples::SampleCountFlag` - `load_op::AttachmentLoadOp` - `store_op::AttachmentStoreOp` - `stencil_load_op::AttachmentLoadOp` - `stencil_store_op::AttachmentStoreOp` - `initial_layout::ImageLayout` - `final_layout::ImageLayout` - `flags::AttachmentDescriptionFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentDescription.html) """ AttachmentDescription(format::Format, samples::SampleCountFlag, load_op::AttachmentLoadOp, store_op::AttachmentStoreOp, stencil_load_op::AttachmentLoadOp, stencil_store_op::AttachmentStoreOp, initial_layout::ImageLayout, final_layout::ImageLayout; flags = 0) = AttachmentDescription(flags, format, samples, load_op, store_op, stencil_load_op, stencil_store_op, initial_layout, final_layout) """ Arguments: - `pipeline_bind_point::PipelineBindPoint` - `input_attachments::Vector{AttachmentReference}` - `color_attachments::Vector{AttachmentReference}` - `preserve_attachments::Vector{UInt32}` - `flags::SubpassDescriptionFlag`: defaults to `0` - `resolve_attachments::Vector{AttachmentReference}`: defaults to `C_NULL` - `depth_stencil_attachment::AttachmentReference`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDescription.html) """ SubpassDescription(pipeline_bind_point::PipelineBindPoint, input_attachments::AbstractArray, color_attachments::AbstractArray, preserve_attachments::AbstractArray; flags = 0, resolve_attachments = C_NULL, depth_stencil_attachment = C_NULL) = SubpassDescription(flags, pipeline_bind_point, input_attachments, color_attachments, resolve_attachments, depth_stencil_attachment, preserve_attachments) """ Arguments: - `src_subpass::UInt32` - `dst_subpass::UInt32` - `src_stage_mask::PipelineStageFlag`: defaults to `0` - `dst_stage_mask::PipelineStageFlag`: defaults to `0` - `src_access_mask::AccessFlag`: defaults to `0` - `dst_access_mask::AccessFlag`: defaults to `0` - `dependency_flags::DependencyFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDependency.html) """ SubpassDependency(src_subpass::Integer, dst_subpass::Integer; src_stage_mask = 0, dst_stage_mask = 0, src_access_mask = 0, dst_access_mask = 0, dependency_flags = 0) = SubpassDependency(src_subpass, dst_subpass, src_stage_mask, dst_stage_mask, src_access_mask, dst_access_mask, dependency_flags) """ Arguments: - `attachments::Vector{AttachmentDescription}` - `subpasses::Vector{SubpassDescription}` - `dependencies::Vector{SubpassDependency}` - `next::Any`: defaults to `C_NULL` - `flags::RenderPassCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreateInfo.html) """ RenderPassCreateInfo(attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray; next = C_NULL, flags = 0) = RenderPassCreateInfo(next, flags, attachments, subpasses, dependencies) """ Arguments: - `next::Any`: defaults to `C_NULL` - `flags::EventCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkEventCreateInfo.html) """ EventCreateInfo(; next = C_NULL, flags = 0) = EventCreateInfo(next, flags) """ Arguments: - `next::Any`: defaults to `C_NULL` - `flags::FenceCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFenceCreateInfo.html) """ FenceCreateInfo(; next = C_NULL, flags = 0) = FenceCreateInfo(next, flags) """ Arguments: - `max_image_dimension_1_d::UInt32` - `max_image_dimension_2_d::UInt32` - `max_image_dimension_3_d::UInt32` - `max_image_dimension_cube::UInt32` - `max_image_array_layers::UInt32` - `max_texel_buffer_elements::UInt32` - `max_uniform_buffer_range::UInt32` - `max_storage_buffer_range::UInt32` - `max_push_constants_size::UInt32` - `max_memory_allocation_count::UInt32` - `max_sampler_allocation_count::UInt32` - `buffer_image_granularity::UInt64` - `sparse_address_space_size::UInt64` - `max_bound_descriptor_sets::UInt32` - `max_per_stage_descriptor_samplers::UInt32` - `max_per_stage_descriptor_uniform_buffers::UInt32` - `max_per_stage_descriptor_storage_buffers::UInt32` - `max_per_stage_descriptor_sampled_images::UInt32` - `max_per_stage_descriptor_storage_images::UInt32` - `max_per_stage_descriptor_input_attachments::UInt32` - `max_per_stage_resources::UInt32` - `max_descriptor_set_samplers::UInt32` - `max_descriptor_set_uniform_buffers::UInt32` - `max_descriptor_set_uniform_buffers_dynamic::UInt32` - `max_descriptor_set_storage_buffers::UInt32` - `max_descriptor_set_storage_buffers_dynamic::UInt32` - `max_descriptor_set_sampled_images::UInt32` - `max_descriptor_set_storage_images::UInt32` - `max_descriptor_set_input_attachments::UInt32` - `max_vertex_input_attributes::UInt32` - `max_vertex_input_bindings::UInt32` - `max_vertex_input_attribute_offset::UInt32` - `max_vertex_input_binding_stride::UInt32` - `max_vertex_output_components::UInt32` - `max_tessellation_generation_level::UInt32` - `max_tessellation_patch_size::UInt32` - `max_tessellation_control_per_vertex_input_components::UInt32` - `max_tessellation_control_per_vertex_output_components::UInt32` - `max_tessellation_control_per_patch_output_components::UInt32` - `max_tessellation_control_total_output_components::UInt32` - `max_tessellation_evaluation_input_components::UInt32` - `max_tessellation_evaluation_output_components::UInt32` - `max_geometry_shader_invocations::UInt32` - `max_geometry_input_components::UInt32` - `max_geometry_output_components::UInt32` - `max_geometry_output_vertices::UInt32` - `max_geometry_total_output_components::UInt32` - `max_fragment_input_components::UInt32` - `max_fragment_output_attachments::UInt32` - `max_fragment_dual_src_attachments::UInt32` - `max_fragment_combined_output_resources::UInt32` - `max_compute_shared_memory_size::UInt32` - `max_compute_work_group_count::NTuple{3, UInt32}` - `max_compute_work_group_invocations::UInt32` - `max_compute_work_group_size::NTuple{3, UInt32}` - `sub_pixel_precision_bits::UInt32` - `sub_texel_precision_bits::UInt32` - `mipmap_precision_bits::UInt32` - `max_draw_indexed_index_value::UInt32` - `max_draw_indirect_count::UInt32` - `max_sampler_lod_bias::Float32` - `max_sampler_anisotropy::Float32` - `max_viewports::UInt32` - `max_viewport_dimensions::NTuple{2, UInt32}` - `viewport_bounds_range::NTuple{2, Float32}` - `viewport_sub_pixel_bits::UInt32` - `min_memory_map_alignment::UInt` - `min_texel_buffer_offset_alignment::UInt64` - `min_uniform_buffer_offset_alignment::UInt64` - `min_storage_buffer_offset_alignment::UInt64` - `min_texel_offset::Int32` - `max_texel_offset::UInt32` - `min_texel_gather_offset::Int32` - `max_texel_gather_offset::UInt32` - `min_interpolation_offset::Float32` - `max_interpolation_offset::Float32` - `sub_pixel_interpolation_offset_bits::UInt32` - `max_framebuffer_width::UInt32` - `max_framebuffer_height::UInt32` - `max_framebuffer_layers::UInt32` - `max_color_attachments::UInt32` - `max_sample_mask_words::UInt32` - `timestamp_compute_and_graphics::Bool` - `timestamp_period::Float32` - `max_clip_distances::UInt32` - `max_cull_distances::UInt32` - `max_combined_clip_and_cull_distances::UInt32` - `discrete_queue_priorities::UInt32` - `point_size_range::NTuple{2, Float32}` - `line_width_range::NTuple{2, Float32}` - `point_size_granularity::Float32` - `line_width_granularity::Float32` - `strict_lines::Bool` - `standard_sample_locations::Bool` - `optimal_buffer_copy_offset_alignment::UInt64` - `optimal_buffer_copy_row_pitch_alignment::UInt64` - `non_coherent_atom_size::UInt64` - `framebuffer_color_sample_counts::SampleCountFlag`: defaults to `0` - `framebuffer_depth_sample_counts::SampleCountFlag`: defaults to `0` - `framebuffer_stencil_sample_counts::SampleCountFlag`: defaults to `0` - `framebuffer_no_attachments_sample_counts::SampleCountFlag`: defaults to `0` - `sampled_image_color_sample_counts::SampleCountFlag`: defaults to `0` - `sampled_image_integer_sample_counts::SampleCountFlag`: defaults to `0` - `sampled_image_depth_sample_counts::SampleCountFlag`: defaults to `0` - `sampled_image_stencil_sample_counts::SampleCountFlag`: defaults to `0` - `storage_image_sample_counts::SampleCountFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLimits.html) """ PhysicalDeviceLimits(max_image_dimension_1_d::Integer, max_image_dimension_2_d::Integer, max_image_dimension_3_d::Integer, max_image_dimension_cube::Integer, max_image_array_layers::Integer, max_texel_buffer_elements::Integer, max_uniform_buffer_range::Integer, max_storage_buffer_range::Integer, max_push_constants_size::Integer, max_memory_allocation_count::Integer, max_sampler_allocation_count::Integer, buffer_image_granularity::Integer, sparse_address_space_size::Integer, max_bound_descriptor_sets::Integer, max_per_stage_descriptor_samplers::Integer, max_per_stage_descriptor_uniform_buffers::Integer, max_per_stage_descriptor_storage_buffers::Integer, max_per_stage_descriptor_sampled_images::Integer, max_per_stage_descriptor_storage_images::Integer, max_per_stage_descriptor_input_attachments::Integer, max_per_stage_resources::Integer, max_descriptor_set_samplers::Integer, max_descriptor_set_uniform_buffers::Integer, max_descriptor_set_uniform_buffers_dynamic::Integer, max_descriptor_set_storage_buffers::Integer, max_descriptor_set_storage_buffers_dynamic::Integer, max_descriptor_set_sampled_images::Integer, max_descriptor_set_storage_images::Integer, max_descriptor_set_input_attachments::Integer, max_vertex_input_attributes::Integer, max_vertex_input_bindings::Integer, max_vertex_input_attribute_offset::Integer, max_vertex_input_binding_stride::Integer, max_vertex_output_components::Integer, max_tessellation_generation_level::Integer, max_tessellation_patch_size::Integer, max_tessellation_control_per_vertex_input_components::Integer, max_tessellation_control_per_vertex_output_components::Integer, max_tessellation_control_per_patch_output_components::Integer, max_tessellation_control_total_output_components::Integer, max_tessellation_evaluation_input_components::Integer, max_tessellation_evaluation_output_components::Integer, max_geometry_shader_invocations::Integer, max_geometry_input_components::Integer, max_geometry_output_components::Integer, max_geometry_output_vertices::Integer, max_geometry_total_output_components::Integer, max_fragment_input_components::Integer, max_fragment_output_attachments::Integer, max_fragment_dual_src_attachments::Integer, max_fragment_combined_output_resources::Integer, max_compute_shared_memory_size::Integer, max_compute_work_group_count::NTuple{3, UInt32}, max_compute_work_group_invocations::Integer, max_compute_work_group_size::NTuple{3, UInt32}, sub_pixel_precision_bits::Integer, sub_texel_precision_bits::Integer, mipmap_precision_bits::Integer, max_draw_indexed_index_value::Integer, max_draw_indirect_count::Integer, max_sampler_lod_bias::Real, max_sampler_anisotropy::Real, max_viewports::Integer, max_viewport_dimensions::NTuple{2, UInt32}, viewport_bounds_range::NTuple{2, Float32}, viewport_sub_pixel_bits::Integer, min_memory_map_alignment::Integer, min_texel_buffer_offset_alignment::Integer, min_uniform_buffer_offset_alignment::Integer, min_storage_buffer_offset_alignment::Integer, min_texel_offset::Integer, max_texel_offset::Integer, min_texel_gather_offset::Integer, max_texel_gather_offset::Integer, min_interpolation_offset::Real, max_interpolation_offset::Real, sub_pixel_interpolation_offset_bits::Integer, max_framebuffer_width::Integer, max_framebuffer_height::Integer, max_framebuffer_layers::Integer, max_color_attachments::Integer, max_sample_mask_words::Integer, timestamp_compute_and_graphics::Bool, timestamp_period::Real, max_clip_distances::Integer, max_cull_distances::Integer, max_combined_clip_and_cull_distances::Integer, discrete_queue_priorities::Integer, point_size_range::NTuple{2, Float32}, line_width_range::NTuple{2, Float32}, point_size_granularity::Real, line_width_granularity::Real, strict_lines::Bool, standard_sample_locations::Bool, optimal_buffer_copy_offset_alignment::Integer, optimal_buffer_copy_row_pitch_alignment::Integer, non_coherent_atom_size::Integer; framebuffer_color_sample_counts = 0, framebuffer_depth_sample_counts = 0, framebuffer_stencil_sample_counts = 0, framebuffer_no_attachments_sample_counts = 0, sampled_image_color_sample_counts = 0, sampled_image_integer_sample_counts = 0, sampled_image_depth_sample_counts = 0, sampled_image_stencil_sample_counts = 0, storage_image_sample_counts = 0) = PhysicalDeviceLimits(max_image_dimension_1_d, max_image_dimension_2_d, max_image_dimension_3_d, max_image_dimension_cube, max_image_array_layers, max_texel_buffer_elements, max_uniform_buffer_range, max_storage_buffer_range, max_push_constants_size, max_memory_allocation_count, max_sampler_allocation_count, buffer_image_granularity, sparse_address_space_size, max_bound_descriptor_sets, max_per_stage_descriptor_samplers, max_per_stage_descriptor_uniform_buffers, max_per_stage_descriptor_storage_buffers, max_per_stage_descriptor_sampled_images, max_per_stage_descriptor_storage_images, max_per_stage_descriptor_input_attachments, max_per_stage_resources, max_descriptor_set_samplers, max_descriptor_set_uniform_buffers, max_descriptor_set_uniform_buffers_dynamic, max_descriptor_set_storage_buffers, max_descriptor_set_storage_buffers_dynamic, max_descriptor_set_sampled_images, max_descriptor_set_storage_images, max_descriptor_set_input_attachments, max_vertex_input_attributes, max_vertex_input_bindings, max_vertex_input_attribute_offset, max_vertex_input_binding_stride, max_vertex_output_components, max_tessellation_generation_level, max_tessellation_patch_size, max_tessellation_control_per_vertex_input_components, max_tessellation_control_per_vertex_output_components, max_tessellation_control_per_patch_output_components, max_tessellation_control_total_output_components, max_tessellation_evaluation_input_components, max_tessellation_evaluation_output_components, max_geometry_shader_invocations, max_geometry_input_components, max_geometry_output_components, max_geometry_output_vertices, max_geometry_total_output_components, max_fragment_input_components, max_fragment_output_attachments, max_fragment_dual_src_attachments, max_fragment_combined_output_resources, max_compute_shared_memory_size, max_compute_work_group_count, max_compute_work_group_invocations, max_compute_work_group_size, sub_pixel_precision_bits, sub_texel_precision_bits, mipmap_precision_bits, max_draw_indexed_index_value, max_draw_indirect_count, max_sampler_lod_bias, max_sampler_anisotropy, max_viewports, max_viewport_dimensions, viewport_bounds_range, viewport_sub_pixel_bits, min_memory_map_alignment, min_texel_buffer_offset_alignment, min_uniform_buffer_offset_alignment, min_storage_buffer_offset_alignment, min_texel_offset, max_texel_offset, min_texel_gather_offset, max_texel_gather_offset, min_interpolation_offset, max_interpolation_offset, sub_pixel_interpolation_offset_bits, max_framebuffer_width, max_framebuffer_height, max_framebuffer_layers, framebuffer_color_sample_counts, framebuffer_depth_sample_counts, framebuffer_stencil_sample_counts, framebuffer_no_attachments_sample_counts, max_color_attachments, sampled_image_color_sample_counts, sampled_image_integer_sample_counts, sampled_image_depth_sample_counts, sampled_image_stencil_sample_counts, storage_image_sample_counts, max_sample_mask_words, timestamp_compute_and_graphics, timestamp_period, max_clip_distances, max_cull_distances, max_combined_clip_and_cull_distances, discrete_queue_priorities, point_size_range, line_width_range, point_size_granularity, line_width_granularity, strict_lines, standard_sample_locations, optimal_buffer_copy_offset_alignment, optimal_buffer_copy_row_pitch_alignment, non_coherent_atom_size) """ Arguments: - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreCreateInfo.html) """ SemaphoreCreateInfo(; next = C_NULL, flags = 0) = SemaphoreCreateInfo(next, flags) """ Arguments: - `query_type::QueryType` - `query_count::UInt32` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `pipeline_statistics::QueryPipelineStatisticFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueryPoolCreateInfo.html) """ QueryPoolCreateInfo(query_type::QueryType, query_count::Integer; next = C_NULL, flags = 0, pipeline_statistics = 0) = QueryPoolCreateInfo(next, flags, query_type, query_count, pipeline_statistics) """ Arguments: - `render_pass::RenderPass` - `attachments::Vector{ImageView}` - `width::UInt32` - `height::UInt32` - `layers::UInt32` - `next::Any`: defaults to `C_NULL` - `flags::FramebufferCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferCreateInfo.html) """ FramebufferCreateInfo(render_pass::RenderPass, attachments::AbstractArray, width::Integer, height::Integer, layers::Integer; next = C_NULL, flags = 0) = FramebufferCreateInfo(next, flags, render_pass, attachments, width, height, layers) """ Arguments: - `wait_semaphores::Vector{Semaphore}` - `wait_dst_stage_mask::Vector{PipelineStageFlag}` - `command_buffers::Vector{CommandBuffer}` - `signal_semaphores::Vector{Semaphore}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubmitInfo.html) """ SubmitInfo(wait_semaphores::AbstractArray, wait_dst_stage_mask::AbstractArray, command_buffers::AbstractArray, signal_semaphores::AbstractArray; next = C_NULL) = SubmitInfo(next, wait_semaphores, wait_dst_stage_mask, command_buffers, signal_semaphores) """ Extension: VK\\_KHR\\_display Arguments: - `display::DisplayKHR` - `display_name::String` - `physical_dimensions::Extent2D` - `physical_resolution::Extent2D` - `plane_reorder_possible::Bool` - `persistent_content::Bool` - `supported_transforms::SurfaceTransformFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPropertiesKHR.html) """ DisplayPropertiesKHR(display::DisplayKHR, display_name::AbstractString, physical_dimensions::Extent2D, physical_resolution::Extent2D, plane_reorder_possible::Bool, persistent_content::Bool; supported_transforms = 0) = DisplayPropertiesKHR(display, display_name, physical_dimensions, physical_resolution, supported_transforms, plane_reorder_possible, persistent_content) """ Extension: VK\\_KHR\\_display Arguments: - `parameters::DisplayModeParametersKHR` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModeCreateInfoKHR.html) """ DisplayModeCreateInfoKHR(parameters::DisplayModeParametersKHR; next = C_NULL, flags = 0) = DisplayModeCreateInfoKHR(next, flags, parameters) """ Extension: VK\\_KHR\\_display Arguments: - `min_src_position::Offset2D` - `max_src_position::Offset2D` - `min_src_extent::Extent2D` - `max_src_extent::Extent2D` - `min_dst_position::Offset2D` - `max_dst_position::Offset2D` - `min_dst_extent::Extent2D` - `max_dst_extent::Extent2D` - `supported_alpha::DisplayPlaneAlphaFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneCapabilitiesKHR.html) """ DisplayPlaneCapabilitiesKHR(min_src_position::Offset2D, max_src_position::Offset2D, min_src_extent::Extent2D, max_src_extent::Extent2D, min_dst_position::Offset2D, max_dst_position::Offset2D, min_dst_extent::Extent2D, max_dst_extent::Extent2D; supported_alpha = 0) = DisplayPlaneCapabilitiesKHR(supported_alpha, min_src_position, max_src_position, min_src_extent, max_src_extent, min_dst_position, max_dst_position, min_dst_extent, max_dst_extent) """ Extension: VK\\_KHR\\_display Arguments: - `display_mode::DisplayModeKHR` - `plane_index::UInt32` - `plane_stack_index::UInt32` - `transform::SurfaceTransformFlagKHR` - `global_alpha::Float32` - `alpha_mode::DisplayPlaneAlphaFlagKHR` - `image_extent::Extent2D` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplaySurfaceCreateInfoKHR.html) """ DisplaySurfaceCreateInfoKHR(display_mode::DisplayModeKHR, plane_index::Integer, plane_stack_index::Integer, transform::SurfaceTransformFlagKHR, global_alpha::Real, alpha_mode::DisplayPlaneAlphaFlagKHR, image_extent::Extent2D; next = C_NULL, flags = 0) = DisplaySurfaceCreateInfoKHR(next, flags, display_mode, plane_index, plane_stack_index, transform, global_alpha, alpha_mode, image_extent) """ Extension: VK\\_KHR\\_display\\_swapchain Arguments: - `src_rect::Rect2D` - `dst_rect::Rect2D` - `persistent::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPresentInfoKHR.html) """ DisplayPresentInfoKHR(src_rect::Rect2D, dst_rect::Rect2D, persistent::Bool; next = C_NULL) = DisplayPresentInfoKHR(next, src_rect, dst_rect, persistent) """ Extension: VK\\_KHR\\_wayland\\_surface Arguments: - `display::Ptr{wl_display}` - `surface::Ptr{wl_surface}` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWaylandSurfaceCreateInfoKHR.html) """ WaylandSurfaceCreateInfoKHR(display::Ptr{vk.wl_display}, surface::Ptr{vk.wl_surface}; next = C_NULL, flags = 0) = WaylandSurfaceCreateInfoKHR(next, flags, display, surface) """ Extension: VK\\_KHR\\_xlib\\_surface Arguments: - `dpy::Ptr{Display}` - `window::Window` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkXlibSurfaceCreateInfoKHR.html) """ XlibSurfaceCreateInfoKHR(dpy::Ptr{vk.Display}, window::vk.Window; next = C_NULL, flags = 0) = XlibSurfaceCreateInfoKHR(next, flags, dpy, window) """ Extension: VK\\_KHR\\_xcb\\_surface Arguments: - `connection::Ptr{xcb_connection_t}` - `window::xcb_window_t` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkXcbSurfaceCreateInfoKHR.html) """ XcbSurfaceCreateInfoKHR(connection::Ptr{vk.xcb_connection_t}, window::vk.xcb_window_t; next = C_NULL, flags = 0) = XcbSurfaceCreateInfoKHR(next, flags, connection, window) """ Extension: VK\\_KHR\\_swapchain Arguments: - `surface::SurfaceKHR` - `min_image_count::UInt32` - `image_format::Format` - `image_color_space::ColorSpaceKHR` - `image_extent::Extent2D` - `image_array_layers::UInt32` - `image_usage::ImageUsageFlag` - `image_sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `pre_transform::SurfaceTransformFlagKHR` - `composite_alpha::CompositeAlphaFlagKHR` - `present_mode::PresentModeKHR` - `clipped::Bool` - `next::Any`: defaults to `C_NULL` - `flags::SwapchainCreateFlagKHR`: defaults to `0` - `old_swapchain::SwapchainKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainCreateInfoKHR.html) """ SwapchainCreateInfoKHR(surface::SurfaceKHR, min_image_count::Integer, image_format::Format, image_color_space::ColorSpaceKHR, image_extent::Extent2D, image_array_layers::Integer, image_usage::ImageUsageFlag, image_sharing_mode::SharingMode, queue_family_indices::AbstractArray, pre_transform::SurfaceTransformFlagKHR, composite_alpha::CompositeAlphaFlagKHR, present_mode::PresentModeKHR, clipped::Bool; next = C_NULL, flags = 0, old_swapchain = C_NULL) = SwapchainCreateInfoKHR(next, flags, surface, min_image_count, image_format, image_color_space, image_extent, image_array_layers, image_usage, image_sharing_mode, queue_family_indices, pre_transform, composite_alpha, present_mode, clipped, old_swapchain) """ Extension: VK\\_KHR\\_swapchain Arguments: - `wait_semaphores::Vector{Semaphore}` - `swapchains::Vector{SwapchainKHR}` - `image_indices::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` - `results::Vector{Result}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentInfoKHR.html) """ PresentInfoKHR(wait_semaphores::AbstractArray, swapchains::AbstractArray, image_indices::AbstractArray; next = C_NULL, results = C_NULL) = PresentInfoKHR(next, wait_semaphores, swapchains, image_indices, results) """ Extension: VK\\_EXT\\_debug\\_report Arguments: - `pfn_callback::FunctionPtr` - `next::Any`: defaults to `C_NULL` - `flags::DebugReportFlagEXT`: defaults to `0` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugReportCallbackCreateInfoEXT.html) """ DebugReportCallbackCreateInfoEXT(pfn_callback::FunctionPtr; next = C_NULL, flags = 0, user_data = C_NULL) = DebugReportCallbackCreateInfoEXT(next, flags, pfn_callback, user_data) """ Extension: VK\\_EXT\\_validation\\_flags Arguments: - `disabled_validation_checks::Vector{ValidationCheckEXT}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkValidationFlagsEXT.html) """ ValidationFlagsEXT(disabled_validation_checks::AbstractArray; next = C_NULL) = ValidationFlagsEXT(next, disabled_validation_checks) """ Extension: VK\\_EXT\\_validation\\_features Arguments: - `enabled_validation_features::Vector{ValidationFeatureEnableEXT}` - `disabled_validation_features::Vector{ValidationFeatureDisableEXT}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkValidationFeaturesEXT.html) """ ValidationFeaturesEXT(enabled_validation_features::AbstractArray, disabled_validation_features::AbstractArray; next = C_NULL) = ValidationFeaturesEXT(next, enabled_validation_features, disabled_validation_features) """ Extension: VK\\_AMD\\_rasterization\\_order Arguments: - `rasterization_order::RasterizationOrderAMD` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationStateRasterizationOrderAMD.html) """ PipelineRasterizationStateRasterizationOrderAMD(rasterization_order::RasterizationOrderAMD; next = C_NULL) = PipelineRasterizationStateRasterizationOrderAMD(next, rasterization_order) """ Extension: VK\\_EXT\\_debug\\_marker Arguments: - `object_type::DebugReportObjectTypeEXT` - `object::UInt64` - `object_name::String` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugMarkerObjectNameInfoEXT.html) """ DebugMarkerObjectNameInfoEXT(object_type::DebugReportObjectTypeEXT, object::Integer, object_name::AbstractString; next = C_NULL) = DebugMarkerObjectNameInfoEXT(next, object_type, object, object_name) """ Extension: VK\\_EXT\\_debug\\_marker Arguments: - `object_type::DebugReportObjectTypeEXT` - `object::UInt64` - `tag_name::UInt64` - `tag_size::UInt` - `tag::Ptr{Cvoid}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugMarkerObjectTagInfoEXT.html) """ DebugMarkerObjectTagInfoEXT(object_type::DebugReportObjectTypeEXT, object::Integer, tag_name::Integer, tag_size::Integer, tag::Ptr{Cvoid}; next = C_NULL) = DebugMarkerObjectTagInfoEXT(next, object_type, object, tag_name, tag_size, tag) """ Extension: VK\\_EXT\\_debug\\_marker Arguments: - `marker_name::String` - `color::NTuple{4, Float32}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugMarkerMarkerInfoEXT.html) """ DebugMarkerMarkerInfoEXT(marker_name::AbstractString, color::NTuple{4, Float32}; next = C_NULL) = DebugMarkerMarkerInfoEXT(next, marker_name, color) """ Extension: VK\\_NV\\_dedicated\\_allocation Arguments: - `dedicated_allocation::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDedicatedAllocationImageCreateInfoNV.html) """ DedicatedAllocationImageCreateInfoNV(dedicated_allocation::Bool; next = C_NULL) = DedicatedAllocationImageCreateInfoNV(next, dedicated_allocation) """ Extension: VK\\_NV\\_dedicated\\_allocation Arguments: - `dedicated_allocation::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDedicatedAllocationBufferCreateInfoNV.html) """ DedicatedAllocationBufferCreateInfoNV(dedicated_allocation::Bool; next = C_NULL) = DedicatedAllocationBufferCreateInfoNV(next, dedicated_allocation) """ Extension: VK\\_NV\\_dedicated\\_allocation Arguments: - `next::Any`: defaults to `C_NULL` - `image::Image`: defaults to `C_NULL` - `buffer::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDedicatedAllocationMemoryAllocateInfoNV.html) """ DedicatedAllocationMemoryAllocateInfoNV(; next = C_NULL, image = C_NULL, buffer = C_NULL) = DedicatedAllocationMemoryAllocateInfoNV(next, image, buffer) """ Extension: VK\\_NV\\_external\\_memory\\_capabilities Arguments: - `image_format_properties::ImageFormatProperties` - `external_memory_features::ExternalMemoryFeatureFlagNV`: defaults to `0` - `export_from_imported_handle_types::ExternalMemoryHandleTypeFlagNV`: defaults to `0` - `compatible_handle_types::ExternalMemoryHandleTypeFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalImageFormatPropertiesNV.html) """ ExternalImageFormatPropertiesNV(image_format_properties::ImageFormatProperties; external_memory_features = 0, export_from_imported_handle_types = 0, compatible_handle_types = 0) = ExternalImageFormatPropertiesNV(image_format_properties, external_memory_features, export_from_imported_handle_types, compatible_handle_types) """ Extension: VK\\_NV\\_external\\_memory Arguments: - `next::Any`: defaults to `C_NULL` - `handle_types::ExternalMemoryHandleTypeFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryImageCreateInfoNV.html) """ ExternalMemoryImageCreateInfoNV(; next = C_NULL, handle_types = 0) = ExternalMemoryImageCreateInfoNV(next, handle_types) """ Extension: VK\\_NV\\_external\\_memory Arguments: - `next::Any`: defaults to `C_NULL` - `handle_types::ExternalMemoryHandleTypeFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMemoryAllocateInfoNV.html) """ ExportMemoryAllocateInfoNV(; next = C_NULL, handle_types = 0) = ExportMemoryAllocateInfoNV(next, handle_types) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `device_generated_commands::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV.html) """ PhysicalDeviceDeviceGeneratedCommandsFeaturesNV(device_generated_commands::Bool; next = C_NULL) = PhysicalDeviceDeviceGeneratedCommandsFeaturesNV(next, device_generated_commands) """ Arguments: - `private_data_slot_request_count::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDevicePrivateDataCreateInfo.html) """ DevicePrivateDataCreateInfo(private_data_slot_request_count::Integer; next = C_NULL) = DevicePrivateDataCreateInfo(next, private_data_slot_request_count) """ Arguments: - `flags::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPrivateDataSlotCreateInfo.html) """ PrivateDataSlotCreateInfo(flags::Integer; next = C_NULL) = PrivateDataSlotCreateInfo(next, flags) """ Arguments: - `private_data::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePrivateDataFeatures.html) """ PhysicalDevicePrivateDataFeatures(private_data::Bool; next = C_NULL) = PhysicalDevicePrivateDataFeatures(next, private_data) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `max_graphics_shader_group_count::UInt32` - `max_indirect_sequence_count::UInt32` - `max_indirect_commands_token_count::UInt32` - `max_indirect_commands_stream_count::UInt32` - `max_indirect_commands_token_offset::UInt32` - `max_indirect_commands_stream_stride::UInt32` - `min_sequences_count_buffer_offset_alignment::UInt32` - `min_sequences_index_buffer_offset_alignment::UInt32` - `min_indirect_commands_buffer_offset_alignment::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV.html) """ PhysicalDeviceDeviceGeneratedCommandsPropertiesNV(max_graphics_shader_group_count::Integer, max_indirect_sequence_count::Integer, max_indirect_commands_token_count::Integer, max_indirect_commands_stream_count::Integer, max_indirect_commands_token_offset::Integer, max_indirect_commands_stream_stride::Integer, min_sequences_count_buffer_offset_alignment::Integer, min_sequences_index_buffer_offset_alignment::Integer, min_indirect_commands_buffer_offset_alignment::Integer; next = C_NULL) = PhysicalDeviceDeviceGeneratedCommandsPropertiesNV(next, max_graphics_shader_group_count, max_indirect_sequence_count, max_indirect_commands_token_count, max_indirect_commands_stream_count, max_indirect_commands_token_offset, max_indirect_commands_stream_stride, min_sequences_count_buffer_offset_alignment, min_sequences_index_buffer_offset_alignment, min_indirect_commands_buffer_offset_alignment) """ Extension: VK\\_EXT\\_multi\\_draw Arguments: - `max_multi_draw_count::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiDrawPropertiesEXT.html) """ PhysicalDeviceMultiDrawPropertiesEXT(max_multi_draw_count::Integer; next = C_NULL) = PhysicalDeviceMultiDrawPropertiesEXT(next, max_multi_draw_count) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `stages::Vector{PipelineShaderStageCreateInfo}` - `next::Any`: defaults to `C_NULL` - `vertex_input_state::PipelineVertexInputStateCreateInfo`: defaults to `C_NULL` - `tessellation_state::PipelineTessellationStateCreateInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsShaderGroupCreateInfoNV.html) """ GraphicsShaderGroupCreateInfoNV(stages::AbstractArray; next = C_NULL, vertex_input_state = C_NULL, tessellation_state = C_NULL) = GraphicsShaderGroupCreateInfoNV(next, stages, vertex_input_state, tessellation_state) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `groups::Vector{GraphicsShaderGroupCreateInfoNV}` - `pipelines::Vector{Pipeline}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsPipelineShaderGroupsCreateInfoNV.html) """ GraphicsPipelineShaderGroupsCreateInfoNV(groups::AbstractArray, pipelines::AbstractArray; next = C_NULL) = GraphicsPipelineShaderGroupsCreateInfoNV(next, groups, pipelines) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `token_type::IndirectCommandsTokenTypeNV` - `stream::UInt32` - `offset::UInt32` - `vertex_binding_unit::UInt32` - `vertex_dynamic_stride::Bool` - `pushconstant_offset::UInt32` - `pushconstant_size::UInt32` - `index_types::Vector{IndexType}` - `index_type_values::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` - `pushconstant_pipeline_layout::PipelineLayout`: defaults to `C_NULL` - `pushconstant_shader_stage_flags::ShaderStageFlag`: defaults to `0` - `indirect_state_flags::IndirectStateFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkIndirectCommandsLayoutTokenNV.html) """ IndirectCommandsLayoutTokenNV(token_type::IndirectCommandsTokenTypeNV, stream::Integer, offset::Integer, vertex_binding_unit::Integer, vertex_dynamic_stride::Bool, pushconstant_offset::Integer, pushconstant_size::Integer, index_types::AbstractArray, index_type_values::AbstractArray; next = C_NULL, pushconstant_pipeline_layout = C_NULL, pushconstant_shader_stage_flags = 0, indirect_state_flags = 0) = IndirectCommandsLayoutTokenNV(next, token_type, stream, offset, vertex_binding_unit, vertex_dynamic_stride, pushconstant_pipeline_layout, pushconstant_shader_stage_flags, pushconstant_offset, pushconstant_size, indirect_state_flags, index_types, index_type_values) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `pipeline_bind_point::PipelineBindPoint` - `tokens::Vector{IndirectCommandsLayoutTokenNV}` - `stream_strides::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` - `flags::IndirectCommandsLayoutUsageFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkIndirectCommandsLayoutCreateInfoNV.html) """ IndirectCommandsLayoutCreateInfoNV(pipeline_bind_point::PipelineBindPoint, tokens::AbstractArray, stream_strides::AbstractArray; next = C_NULL, flags = 0) = IndirectCommandsLayoutCreateInfoNV(next, flags, pipeline_bind_point, tokens, stream_strides) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `pipeline_bind_point::PipelineBindPoint` - `pipeline::Pipeline` - `indirect_commands_layout::IndirectCommandsLayoutNV` - `streams::Vector{IndirectCommandsStreamNV}` - `sequences_count::UInt32` - `preprocess_buffer::Buffer` - `preprocess_offset::UInt64` - `preprocess_size::UInt64` - `sequences_count_offset::UInt64` - `sequences_index_offset::UInt64` - `next::Any`: defaults to `C_NULL` - `sequences_count_buffer::Buffer`: defaults to `C_NULL` - `sequences_index_buffer::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeneratedCommandsInfoNV.html) """ GeneratedCommandsInfoNV(pipeline_bind_point::PipelineBindPoint, pipeline::Pipeline, indirect_commands_layout::IndirectCommandsLayoutNV, streams::AbstractArray, sequences_count::Integer, preprocess_buffer::Buffer, preprocess_offset::Integer, preprocess_size::Integer, sequences_count_offset::Integer, sequences_index_offset::Integer; next = C_NULL, sequences_count_buffer = C_NULL, sequences_index_buffer = C_NULL) = GeneratedCommandsInfoNV(next, pipeline_bind_point, pipeline, indirect_commands_layout, streams, sequences_count, preprocess_buffer, preprocess_offset, preprocess_size, sequences_count_buffer, sequences_count_offset, sequences_index_buffer, sequences_index_offset) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `pipeline_bind_point::PipelineBindPoint` - `pipeline::Pipeline` - `indirect_commands_layout::IndirectCommandsLayoutNV` - `max_sequences_count::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeneratedCommandsMemoryRequirementsInfoNV.html) """ GeneratedCommandsMemoryRequirementsInfoNV(pipeline_bind_point::PipelineBindPoint, pipeline::Pipeline, indirect_commands_layout::IndirectCommandsLayoutNV, max_sequences_count::Integer; next = C_NULL) = GeneratedCommandsMemoryRequirementsInfoNV(next, pipeline_bind_point, pipeline, indirect_commands_layout, max_sequences_count) """ Arguments: - `features::PhysicalDeviceFeatures` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFeatures2.html) """ PhysicalDeviceFeatures2(features::PhysicalDeviceFeatures; next = C_NULL) = PhysicalDeviceFeatures2(next, features) """ Arguments: - `properties::PhysicalDeviceProperties` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProperties2.html) """ PhysicalDeviceProperties2(properties::PhysicalDeviceProperties; next = C_NULL) = PhysicalDeviceProperties2(next, properties) """ Arguments: - `format_properties::FormatProperties` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFormatProperties2.html) """ FormatProperties2(format_properties::FormatProperties; next = C_NULL) = FormatProperties2(next, format_properties) """ Arguments: - `image_format_properties::ImageFormatProperties` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageFormatProperties2.html) """ ImageFormatProperties2(image_format_properties::ImageFormatProperties; next = C_NULL) = ImageFormatProperties2(next, image_format_properties) """ Arguments: - `format::Format` - `type::ImageType` - `tiling::ImageTiling` - `usage::ImageUsageFlag` - `next::Any`: defaults to `C_NULL` - `flags::ImageCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageFormatInfo2.html) """ PhysicalDeviceImageFormatInfo2(format::Format, type::ImageType, tiling::ImageTiling, usage::ImageUsageFlag; next = C_NULL, flags = 0) = PhysicalDeviceImageFormatInfo2(next, format, type, tiling, usage, flags) """ Arguments: - `queue_family_properties::QueueFamilyProperties` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyProperties2.html) """ QueueFamilyProperties2(queue_family_properties::QueueFamilyProperties; next = C_NULL) = QueueFamilyProperties2(next, queue_family_properties) """ Arguments: - `memory_properties::PhysicalDeviceMemoryProperties` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryProperties2.html) """ PhysicalDeviceMemoryProperties2(memory_properties::PhysicalDeviceMemoryProperties; next = C_NULL) = PhysicalDeviceMemoryProperties2(next, memory_properties) """ Arguments: - `properties::SparseImageFormatProperties` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageFormatProperties2.html) """ SparseImageFormatProperties2(properties::SparseImageFormatProperties; next = C_NULL) = SparseImageFormatProperties2(next, properties) """ Arguments: - `format::Format` - `type::ImageType` - `samples::SampleCountFlag` - `usage::ImageUsageFlag` - `tiling::ImageTiling` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSparseImageFormatInfo2.html) """ PhysicalDeviceSparseImageFormatInfo2(format::Format, type::ImageType, samples::SampleCountFlag, usage::ImageUsageFlag, tiling::ImageTiling; next = C_NULL) = PhysicalDeviceSparseImageFormatInfo2(next, format, type, samples, usage, tiling) """ Extension: VK\\_KHR\\_push\\_descriptor Arguments: - `max_push_descriptors::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePushDescriptorPropertiesKHR.html) """ PhysicalDevicePushDescriptorPropertiesKHR(max_push_descriptors::Integer; next = C_NULL) = PhysicalDevicePushDescriptorPropertiesKHR(next, max_push_descriptors) """ Arguments: - `driver_id::DriverId` - `driver_name::String` - `driver_info::String` - `conformance_version::ConformanceVersion` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDriverProperties.html) """ PhysicalDeviceDriverProperties(driver_id::DriverId, driver_name::AbstractString, driver_info::AbstractString, conformance_version::ConformanceVersion; next = C_NULL) = PhysicalDeviceDriverProperties(next, driver_id, driver_name, driver_info, conformance_version) """ Extension: VK\\_KHR\\_incremental\\_present Arguments: - `next::Any`: defaults to `C_NULL` - `regions::Vector{PresentRegionKHR}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentRegionsKHR.html) """ PresentRegionsKHR(; next = C_NULL, regions = C_NULL) = PresentRegionsKHR(next, regions) """ Extension: VK\\_KHR\\_incremental\\_present Arguments: - `rectangles::Vector{RectLayerKHR}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentRegionKHR.html) """ PresentRegionKHR(; rectangles = C_NULL) = PresentRegionKHR(rectangles) """ Arguments: - `variable_pointers_storage_buffer::Bool` - `variable_pointers::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVariablePointersFeatures.html) """ PhysicalDeviceVariablePointersFeatures(variable_pointers_storage_buffer::Bool, variable_pointers::Bool; next = C_NULL) = PhysicalDeviceVariablePointersFeatures(next, variable_pointers_storage_buffer, variable_pointers) """ Arguments: - `external_memory_features::ExternalMemoryFeatureFlag` - `compatible_handle_types::ExternalMemoryHandleTypeFlag` - `export_from_imported_handle_types::ExternalMemoryHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryProperties.html) """ ExternalMemoryProperties(external_memory_features::ExternalMemoryFeatureFlag, compatible_handle_types::ExternalMemoryHandleTypeFlag; export_from_imported_handle_types = 0) = ExternalMemoryProperties(external_memory_features, export_from_imported_handle_types, compatible_handle_types) """ Arguments: - `next::Any`: defaults to `C_NULL` - `handle_type::ExternalMemoryHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalImageFormatInfo.html) """ PhysicalDeviceExternalImageFormatInfo(; next = C_NULL, handle_type = 0) = PhysicalDeviceExternalImageFormatInfo(next, handle_type) """ Arguments: - `external_memory_properties::ExternalMemoryProperties` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalImageFormatProperties.html) """ ExternalImageFormatProperties(external_memory_properties::ExternalMemoryProperties; next = C_NULL) = ExternalImageFormatProperties(next, external_memory_properties) """ Arguments: - `usage::BufferUsageFlag` - `handle_type::ExternalMemoryHandleTypeFlag` - `next::Any`: defaults to `C_NULL` - `flags::BufferCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalBufferInfo.html) """ PhysicalDeviceExternalBufferInfo(usage::BufferUsageFlag, handle_type::ExternalMemoryHandleTypeFlag; next = C_NULL, flags = 0) = PhysicalDeviceExternalBufferInfo(next, flags, usage, handle_type) """ Arguments: - `external_memory_properties::ExternalMemoryProperties` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalBufferProperties.html) """ ExternalBufferProperties(external_memory_properties::ExternalMemoryProperties; next = C_NULL) = ExternalBufferProperties(next, external_memory_properties) """ Arguments: - `device_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `driver_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `device_luid::NTuple{Int(VK_LUID_SIZE), UInt8}` - `device_node_mask::UInt32` - `device_luid_valid::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceIDProperties.html) """ PhysicalDeviceIDProperties(device_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}, driver_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}, device_luid::NTuple{Int(VK_LUID_SIZE), UInt8}, device_node_mask::Integer, device_luid_valid::Bool; next = C_NULL) = PhysicalDeviceIDProperties(next, device_uuid, driver_uuid, device_luid, device_node_mask, device_luid_valid) """ Arguments: - `next::Any`: defaults to `C_NULL` - `handle_types::ExternalMemoryHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryImageCreateInfo.html) """ ExternalMemoryImageCreateInfo(; next = C_NULL, handle_types = 0) = ExternalMemoryImageCreateInfo(next, handle_types) """ Arguments: - `next::Any`: defaults to `C_NULL` - `handle_types::ExternalMemoryHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryBufferCreateInfo.html) """ ExternalMemoryBufferCreateInfo(; next = C_NULL, handle_types = 0) = ExternalMemoryBufferCreateInfo(next, handle_types) """ Arguments: - `next::Any`: defaults to `C_NULL` - `handle_types::ExternalMemoryHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMemoryAllocateInfo.html) """ ExportMemoryAllocateInfo(; next = C_NULL, handle_types = 0) = ExportMemoryAllocateInfo(next, handle_types) """ Extension: VK\\_KHR\\_external\\_memory\\_fd Arguments: - `fd::Int` - `next::Any`: defaults to `C_NULL` - `handle_type::ExternalMemoryHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMemoryFdInfoKHR.html) """ ImportMemoryFdInfoKHR(fd::Integer; next = C_NULL, handle_type = 0) = ImportMemoryFdInfoKHR(next, handle_type, fd) """ Extension: VK\\_KHR\\_external\\_memory\\_fd Arguments: - `memory_type_bits::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryFdPropertiesKHR.html) """ MemoryFdPropertiesKHR(memory_type_bits::Integer; next = C_NULL) = MemoryFdPropertiesKHR(next, memory_type_bits) """ Extension: VK\\_KHR\\_external\\_memory\\_fd Arguments: - `memory::DeviceMemory` - `handle_type::ExternalMemoryHandleTypeFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryGetFdInfoKHR.html) """ MemoryGetFdInfoKHR(memory::DeviceMemory, handle_type::ExternalMemoryHandleTypeFlag; next = C_NULL) = MemoryGetFdInfoKHR(next, memory, handle_type) """ Arguments: - `handle_type::ExternalSemaphoreHandleTypeFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalSemaphoreInfo.html) """ PhysicalDeviceExternalSemaphoreInfo(handle_type::ExternalSemaphoreHandleTypeFlag; next = C_NULL) = PhysicalDeviceExternalSemaphoreInfo(next, handle_type) """ Arguments: - `export_from_imported_handle_types::ExternalSemaphoreHandleTypeFlag` - `compatible_handle_types::ExternalSemaphoreHandleTypeFlag` - `next::Any`: defaults to `C_NULL` - `external_semaphore_features::ExternalSemaphoreFeatureFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalSemaphoreProperties.html) """ ExternalSemaphoreProperties(export_from_imported_handle_types::ExternalSemaphoreHandleTypeFlag, compatible_handle_types::ExternalSemaphoreHandleTypeFlag; next = C_NULL, external_semaphore_features = 0) = ExternalSemaphoreProperties(next, export_from_imported_handle_types, compatible_handle_types, external_semaphore_features) """ Arguments: - `next::Any`: defaults to `C_NULL` - `handle_types::ExternalSemaphoreHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportSemaphoreCreateInfo.html) """ ExportSemaphoreCreateInfo(; next = C_NULL, handle_types = 0) = ExportSemaphoreCreateInfo(next, handle_types) """ Extension: VK\\_KHR\\_external\\_semaphore\\_fd Arguments: - `semaphore::Semaphore` (externsync) - `handle_type::ExternalSemaphoreHandleTypeFlag` - `fd::Int` - `next::Any`: defaults to `C_NULL` - `flags::SemaphoreImportFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportSemaphoreFdInfoKHR.html) """ ImportSemaphoreFdInfoKHR(semaphore::Semaphore, handle_type::ExternalSemaphoreHandleTypeFlag, fd::Integer; next = C_NULL, flags = 0) = ImportSemaphoreFdInfoKHR(next, semaphore, flags, handle_type, fd) """ Extension: VK\\_KHR\\_external\\_semaphore\\_fd Arguments: - `semaphore::Semaphore` - `handle_type::ExternalSemaphoreHandleTypeFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreGetFdInfoKHR.html) """ SemaphoreGetFdInfoKHR(semaphore::Semaphore, handle_type::ExternalSemaphoreHandleTypeFlag; next = C_NULL) = SemaphoreGetFdInfoKHR(next, semaphore, handle_type) """ Arguments: - `handle_type::ExternalFenceHandleTypeFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalFenceInfo.html) """ PhysicalDeviceExternalFenceInfo(handle_type::ExternalFenceHandleTypeFlag; next = C_NULL) = PhysicalDeviceExternalFenceInfo(next, handle_type) """ Arguments: - `export_from_imported_handle_types::ExternalFenceHandleTypeFlag` - `compatible_handle_types::ExternalFenceHandleTypeFlag` - `next::Any`: defaults to `C_NULL` - `external_fence_features::ExternalFenceFeatureFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalFenceProperties.html) """ ExternalFenceProperties(export_from_imported_handle_types::ExternalFenceHandleTypeFlag, compatible_handle_types::ExternalFenceHandleTypeFlag; next = C_NULL, external_fence_features = 0) = ExternalFenceProperties(next, export_from_imported_handle_types, compatible_handle_types, external_fence_features) """ Arguments: - `next::Any`: defaults to `C_NULL` - `handle_types::ExternalFenceHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportFenceCreateInfo.html) """ ExportFenceCreateInfo(; next = C_NULL, handle_types = 0) = ExportFenceCreateInfo(next, handle_types) """ Extension: VK\\_KHR\\_external\\_fence\\_fd Arguments: - `fence::Fence` (externsync) - `handle_type::ExternalFenceHandleTypeFlag` - `fd::Int` - `next::Any`: defaults to `C_NULL` - `flags::FenceImportFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportFenceFdInfoKHR.html) """ ImportFenceFdInfoKHR(fence::Fence, handle_type::ExternalFenceHandleTypeFlag, fd::Integer; next = C_NULL, flags = 0) = ImportFenceFdInfoKHR(next, fence, flags, handle_type, fd) """ Extension: VK\\_KHR\\_external\\_fence\\_fd Arguments: - `fence::Fence` - `handle_type::ExternalFenceHandleTypeFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFenceGetFdInfoKHR.html) """ FenceGetFdInfoKHR(fence::Fence, handle_type::ExternalFenceHandleTypeFlag; next = C_NULL) = FenceGetFdInfoKHR(next, fence, handle_type) """ Arguments: - `multiview::Bool` - `multiview_geometry_shader::Bool` - `multiview_tessellation_shader::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewFeatures.html) """ PhysicalDeviceMultiviewFeatures(multiview::Bool, multiview_geometry_shader::Bool, multiview_tessellation_shader::Bool; next = C_NULL) = PhysicalDeviceMultiviewFeatures(next, multiview, multiview_geometry_shader, multiview_tessellation_shader) """ Arguments: - `max_multiview_view_count::UInt32` - `max_multiview_instance_index::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewProperties.html) """ PhysicalDeviceMultiviewProperties(max_multiview_view_count::Integer, max_multiview_instance_index::Integer; next = C_NULL) = PhysicalDeviceMultiviewProperties(next, max_multiview_view_count, max_multiview_instance_index) """ Arguments: - `view_masks::Vector{UInt32}` - `view_offsets::Vector{Int32}` - `correlation_masks::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassMultiviewCreateInfo.html) """ RenderPassMultiviewCreateInfo(view_masks::AbstractArray, view_offsets::AbstractArray, correlation_masks::AbstractArray; next = C_NULL) = RenderPassMultiviewCreateInfo(next, view_masks, view_offsets, correlation_masks) """ Extension: VK\\_EXT\\_display\\_surface\\_counter Arguments: - `min_image_count::UInt32` - `max_image_count::UInt32` - `current_extent::Extent2D` - `min_image_extent::Extent2D` - `max_image_extent::Extent2D` - `max_image_array_layers::UInt32` - `supported_transforms::SurfaceTransformFlagKHR` - `current_transform::SurfaceTransformFlagKHR` - `supported_composite_alpha::CompositeAlphaFlagKHR` - `supported_usage_flags::ImageUsageFlag` - `next::Any`: defaults to `C_NULL` - `supported_surface_counters::SurfaceCounterFlagEXT`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilities2EXT.html) """ SurfaceCapabilities2EXT(min_image_count::Integer, max_image_count::Integer, current_extent::Extent2D, min_image_extent::Extent2D, max_image_extent::Extent2D, max_image_array_layers::Integer, supported_transforms::SurfaceTransformFlagKHR, current_transform::SurfaceTransformFlagKHR, supported_composite_alpha::CompositeAlphaFlagKHR, supported_usage_flags::ImageUsageFlag; next = C_NULL, supported_surface_counters = 0) = SurfaceCapabilities2EXT(next, min_image_count, max_image_count, current_extent, min_image_extent, max_image_extent, max_image_array_layers, supported_transforms, current_transform, supported_composite_alpha, supported_usage_flags, supported_surface_counters) """ Extension: VK\\_EXT\\_display\\_control Arguments: - `power_state::DisplayPowerStateEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPowerInfoEXT.html) """ DisplayPowerInfoEXT(power_state::DisplayPowerStateEXT; next = C_NULL) = DisplayPowerInfoEXT(next, power_state) """ Extension: VK\\_EXT\\_display\\_control Arguments: - `device_event::DeviceEventTypeEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceEventInfoEXT.html) """ DeviceEventInfoEXT(device_event::DeviceEventTypeEXT; next = C_NULL) = DeviceEventInfoEXT(next, device_event) """ Extension: VK\\_EXT\\_display\\_control Arguments: - `display_event::DisplayEventTypeEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayEventInfoEXT.html) """ DisplayEventInfoEXT(display_event::DisplayEventTypeEXT; next = C_NULL) = DisplayEventInfoEXT(next, display_event) """ Extension: VK\\_EXT\\_display\\_control Arguments: - `next::Any`: defaults to `C_NULL` - `surface_counters::SurfaceCounterFlagEXT`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainCounterCreateInfoEXT.html) """ SwapchainCounterCreateInfoEXT(; next = C_NULL, surface_counters = 0) = SwapchainCounterCreateInfoEXT(next, surface_counters) """ Arguments: - `physical_device_count::UInt32` - `physical_devices::NTuple{Int(VK_MAX_DEVICE_GROUP_SIZE), PhysicalDevice}` - `subset_allocation::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGroupProperties.html) """ PhysicalDeviceGroupProperties(physical_device_count::Integer, physical_devices::NTuple{Int(VK_MAX_DEVICE_GROUP_SIZE), PhysicalDevice}, subset_allocation::Bool; next = C_NULL) = PhysicalDeviceGroupProperties(next, physical_device_count, physical_devices, subset_allocation) """ Arguments: - `device_mask::UInt32` - `next::Any`: defaults to `C_NULL` - `flags::MemoryAllocateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryAllocateFlagsInfo.html) """ MemoryAllocateFlagsInfo(device_mask::Integer; next = C_NULL, flags = 0) = MemoryAllocateFlagsInfo(next, flags, device_mask) """ Arguments: - `buffer::Buffer` - `memory::DeviceMemory` - `memory_offset::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindBufferMemoryInfo.html) """ BindBufferMemoryInfo(buffer::Buffer, memory::DeviceMemory, memory_offset::Integer; next = C_NULL) = BindBufferMemoryInfo(next, buffer, memory, memory_offset) """ Arguments: - `device_indices::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindBufferMemoryDeviceGroupInfo.html) """ BindBufferMemoryDeviceGroupInfo(device_indices::AbstractArray; next = C_NULL) = BindBufferMemoryDeviceGroupInfo(next, device_indices) """ Arguments: - `image::Image` - `memory::DeviceMemory` - `memory_offset::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImageMemoryInfo.html) """ BindImageMemoryInfo(image::Image, memory::DeviceMemory, memory_offset::Integer; next = C_NULL) = BindImageMemoryInfo(next, image, memory, memory_offset) """ Arguments: - `device_indices::Vector{UInt32}` - `split_instance_bind_regions::Vector{Rect2D}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImageMemoryDeviceGroupInfo.html) """ BindImageMemoryDeviceGroupInfo(device_indices::AbstractArray, split_instance_bind_regions::AbstractArray; next = C_NULL) = BindImageMemoryDeviceGroupInfo(next, device_indices, split_instance_bind_regions) """ Arguments: - `device_mask::UInt32` - `device_render_areas::Vector{Rect2D}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupRenderPassBeginInfo.html) """ DeviceGroupRenderPassBeginInfo(device_mask::Integer, device_render_areas::AbstractArray; next = C_NULL) = DeviceGroupRenderPassBeginInfo(next, device_mask, device_render_areas) """ Arguments: - `device_mask::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupCommandBufferBeginInfo.html) """ DeviceGroupCommandBufferBeginInfo(device_mask::Integer; next = C_NULL) = DeviceGroupCommandBufferBeginInfo(next, device_mask) """ Arguments: - `wait_semaphore_device_indices::Vector{UInt32}` - `command_buffer_device_masks::Vector{UInt32}` - `signal_semaphore_device_indices::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupSubmitInfo.html) """ DeviceGroupSubmitInfo(wait_semaphore_device_indices::AbstractArray, command_buffer_device_masks::AbstractArray, signal_semaphore_device_indices::AbstractArray; next = C_NULL) = DeviceGroupSubmitInfo(next, wait_semaphore_device_indices, command_buffer_device_masks, signal_semaphore_device_indices) """ Arguments: - `resource_device_index::UInt32` - `memory_device_index::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupBindSparseInfo.html) """ DeviceGroupBindSparseInfo(resource_device_index::Integer, memory_device_index::Integer; next = C_NULL) = DeviceGroupBindSparseInfo(next, resource_device_index, memory_device_index) """ Extension: VK\\_KHR\\_swapchain Arguments: - `present_mask::NTuple{Int(VK_MAX_DEVICE_GROUP_SIZE), UInt32}` - `modes::DeviceGroupPresentModeFlagKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupPresentCapabilitiesKHR.html) """ DeviceGroupPresentCapabilitiesKHR(present_mask::NTuple{Int(VK_MAX_DEVICE_GROUP_SIZE), UInt32}, modes::DeviceGroupPresentModeFlagKHR; next = C_NULL) = DeviceGroupPresentCapabilitiesKHR(next, present_mask, modes) """ Extension: VK\\_KHR\\_swapchain Arguments: - `next::Any`: defaults to `C_NULL` - `swapchain::SwapchainKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSwapchainCreateInfoKHR.html) """ ImageSwapchainCreateInfoKHR(; next = C_NULL, swapchain = C_NULL) = ImageSwapchainCreateInfoKHR(next, swapchain) """ Extension: VK\\_KHR\\_swapchain Arguments: - `swapchain::SwapchainKHR` (externsync) - `image_index::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImageMemorySwapchainInfoKHR.html) """ BindImageMemorySwapchainInfoKHR(swapchain::SwapchainKHR, image_index::Integer; next = C_NULL) = BindImageMemorySwapchainInfoKHR(next, swapchain, image_index) """ Extension: VK\\_KHR\\_swapchain Arguments: - `swapchain::SwapchainKHR` (externsync) - `timeout::UInt64` - `device_mask::UInt32` - `next::Any`: defaults to `C_NULL` - `semaphore::Semaphore`: defaults to `C_NULL` (externsync) - `fence::Fence`: defaults to `C_NULL` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAcquireNextImageInfoKHR.html) """ AcquireNextImageInfoKHR(swapchain::SwapchainKHR, timeout::Integer, device_mask::Integer; next = C_NULL, semaphore = C_NULL, fence = C_NULL) = AcquireNextImageInfoKHR(next, swapchain, timeout, semaphore, fence, device_mask) """ Extension: VK\\_KHR\\_swapchain Arguments: - `device_masks::Vector{UInt32}` - `mode::DeviceGroupPresentModeFlagKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupPresentInfoKHR.html) """ DeviceGroupPresentInfoKHR(device_masks::AbstractArray, mode::DeviceGroupPresentModeFlagKHR; next = C_NULL) = DeviceGroupPresentInfoKHR(next, device_masks, mode) """ Arguments: - `physical_devices::Vector{PhysicalDevice}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupDeviceCreateInfo.html) """ DeviceGroupDeviceCreateInfo(physical_devices::AbstractArray; next = C_NULL) = DeviceGroupDeviceCreateInfo(next, physical_devices) """ Extension: VK\\_KHR\\_swapchain Arguments: - `modes::DeviceGroupPresentModeFlagKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupSwapchainCreateInfoKHR.html) """ DeviceGroupSwapchainCreateInfoKHR(modes::DeviceGroupPresentModeFlagKHR; next = C_NULL) = DeviceGroupSwapchainCreateInfoKHR(next, modes) """ Arguments: - `descriptor_update_entries::Vector{DescriptorUpdateTemplateEntry}` - `template_type::DescriptorUpdateTemplateType` - `descriptor_set_layout::DescriptorSetLayout` - `pipeline_bind_point::PipelineBindPoint` - `pipeline_layout::PipelineLayout` - `set::UInt32` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorUpdateTemplateCreateInfo.html) """ DescriptorUpdateTemplateCreateInfo(descriptor_update_entries::AbstractArray, template_type::DescriptorUpdateTemplateType, descriptor_set_layout::DescriptorSetLayout, pipeline_bind_point::PipelineBindPoint, pipeline_layout::PipelineLayout, set::Integer; next = C_NULL, flags = 0) = DescriptorUpdateTemplateCreateInfo(next, flags, descriptor_update_entries, template_type, descriptor_set_layout, pipeline_bind_point, pipeline_layout, set) """ Extension: VK\\_KHR\\_present\\_id Arguments: - `present_id::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePresentIdFeaturesKHR.html) """ PhysicalDevicePresentIdFeaturesKHR(present_id::Bool; next = C_NULL) = PhysicalDevicePresentIdFeaturesKHR(next, present_id) """ Extension: VK\\_KHR\\_present\\_id Arguments: - `next::Any`: defaults to `C_NULL` - `present_ids::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentIdKHR.html) """ PresentIdKHR(; next = C_NULL, present_ids = C_NULL) = PresentIdKHR(next, present_ids) """ Extension: VK\\_KHR\\_present\\_wait Arguments: - `present_wait::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePresentWaitFeaturesKHR.html) """ PhysicalDevicePresentWaitFeaturesKHR(present_wait::Bool; next = C_NULL) = PhysicalDevicePresentWaitFeaturesKHR(next, present_wait) """ Extension: VK\\_EXT\\_hdr\\_metadata Arguments: - `display_primary_red::XYColorEXT` - `display_primary_green::XYColorEXT` - `display_primary_blue::XYColorEXT` - `white_point::XYColorEXT` - `max_luminance::Float32` - `min_luminance::Float32` - `max_content_light_level::Float32` - `max_frame_average_light_level::Float32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkHdrMetadataEXT.html) """ HdrMetadataEXT(display_primary_red::XYColorEXT, display_primary_green::XYColorEXT, display_primary_blue::XYColorEXT, white_point::XYColorEXT, max_luminance::Real, min_luminance::Real, max_content_light_level::Real, max_frame_average_light_level::Real; next = C_NULL) = HdrMetadataEXT(next, display_primary_red, display_primary_green, display_primary_blue, white_point, max_luminance, min_luminance, max_content_light_level, max_frame_average_light_level) """ Extension: VK\\_AMD\\_display\\_native\\_hdr Arguments: - `local_dimming_support::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayNativeHdrSurfaceCapabilitiesAMD.html) """ DisplayNativeHdrSurfaceCapabilitiesAMD(local_dimming_support::Bool; next = C_NULL) = DisplayNativeHdrSurfaceCapabilitiesAMD(next, local_dimming_support) """ Extension: VK\\_AMD\\_display\\_native\\_hdr Arguments: - `local_dimming_enable::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainDisplayNativeHdrCreateInfoAMD.html) """ SwapchainDisplayNativeHdrCreateInfoAMD(local_dimming_enable::Bool; next = C_NULL) = SwapchainDisplayNativeHdrCreateInfoAMD(next, local_dimming_enable) """ Extension: VK\\_GOOGLE\\_display\\_timing Arguments: - `next::Any`: defaults to `C_NULL` - `times::Vector{PresentTimeGOOGLE}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentTimesInfoGOOGLE.html) """ PresentTimesInfoGOOGLE(; next = C_NULL, times = C_NULL) = PresentTimesInfoGOOGLE(next, times) """ Extension: VK\\_NV\\_clip\\_space\\_w\\_scaling Arguments: - `viewport_w_scaling_enable::Bool` - `next::Any`: defaults to `C_NULL` - `viewport_w_scalings::Vector{ViewportWScalingNV}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportWScalingStateCreateInfoNV.html) """ PipelineViewportWScalingStateCreateInfoNV(viewport_w_scaling_enable::Bool; next = C_NULL, viewport_w_scalings = C_NULL) = PipelineViewportWScalingStateCreateInfoNV(next, viewport_w_scaling_enable, viewport_w_scalings) """ Extension: VK\\_NV\\_viewport\\_swizzle Arguments: - `viewport_swizzles::Vector{ViewportSwizzleNV}` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportSwizzleStateCreateInfoNV.html) """ PipelineViewportSwizzleStateCreateInfoNV(viewport_swizzles::AbstractArray; next = C_NULL, flags = 0) = PipelineViewportSwizzleStateCreateInfoNV(next, flags, viewport_swizzles) """ Extension: VK\\_EXT\\_discard\\_rectangles Arguments: - `max_discard_rectangles::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDiscardRectanglePropertiesEXT.html) """ PhysicalDeviceDiscardRectanglePropertiesEXT(max_discard_rectangles::Integer; next = C_NULL) = PhysicalDeviceDiscardRectanglePropertiesEXT(next, max_discard_rectangles) """ Extension: VK\\_EXT\\_discard\\_rectangles Arguments: - `discard_rectangle_mode::DiscardRectangleModeEXT` - `discard_rectangles::Vector{Rect2D}` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineDiscardRectangleStateCreateInfoEXT.html) """ PipelineDiscardRectangleStateCreateInfoEXT(discard_rectangle_mode::DiscardRectangleModeEXT, discard_rectangles::AbstractArray; next = C_NULL, flags = 0) = PipelineDiscardRectangleStateCreateInfoEXT(next, flags, discard_rectangle_mode, discard_rectangles) """ Extension: VK\\_NVX\\_multiview\\_per\\_view\\_attributes Arguments: - `per_view_position_all_components::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX.html) """ PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX(per_view_position_all_components::Bool; next = C_NULL) = PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX(next, per_view_position_all_components) """ Arguments: - `aspect_references::Vector{InputAttachmentAspectReference}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassInputAttachmentAspectCreateInfo.html) """ RenderPassInputAttachmentAspectCreateInfo(aspect_references::AbstractArray; next = C_NULL) = RenderPassInputAttachmentAspectCreateInfo(next, aspect_references) """ Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 Arguments: - `next::Any`: defaults to `C_NULL` - `surface::SurfaceKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSurfaceInfo2KHR.html) """ PhysicalDeviceSurfaceInfo2KHR(; next = C_NULL, surface = C_NULL) = PhysicalDeviceSurfaceInfo2KHR(next, surface) """ Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 Arguments: - `surface_capabilities::SurfaceCapabilitiesKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilities2KHR.html) """ SurfaceCapabilities2KHR(surface_capabilities::SurfaceCapabilitiesKHR; next = C_NULL) = SurfaceCapabilities2KHR(next, surface_capabilities) """ Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 Arguments: - `surface_format::SurfaceFormatKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceFormat2KHR.html) """ SurfaceFormat2KHR(surface_format::SurfaceFormatKHR; next = C_NULL) = SurfaceFormat2KHR(next, surface_format) """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Arguments: - `display_properties::DisplayPropertiesKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayProperties2KHR.html) """ DisplayProperties2KHR(display_properties::DisplayPropertiesKHR; next = C_NULL) = DisplayProperties2KHR(next, display_properties) """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Arguments: - `display_plane_properties::DisplayPlanePropertiesKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneProperties2KHR.html) """ DisplayPlaneProperties2KHR(display_plane_properties::DisplayPlanePropertiesKHR; next = C_NULL) = DisplayPlaneProperties2KHR(next, display_plane_properties) """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Arguments: - `display_mode_properties::DisplayModePropertiesKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModeProperties2KHR.html) """ DisplayModeProperties2KHR(display_mode_properties::DisplayModePropertiesKHR; next = C_NULL) = DisplayModeProperties2KHR(next, display_mode_properties) """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Arguments: - `mode::DisplayModeKHR` (externsync) - `plane_index::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneInfo2KHR.html) """ DisplayPlaneInfo2KHR(mode::DisplayModeKHR, plane_index::Integer; next = C_NULL) = DisplayPlaneInfo2KHR(next, mode, plane_index) """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Arguments: - `capabilities::DisplayPlaneCapabilitiesKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneCapabilities2KHR.html) """ DisplayPlaneCapabilities2KHR(capabilities::DisplayPlaneCapabilitiesKHR; next = C_NULL) = DisplayPlaneCapabilities2KHR(next, capabilities) """ Extension: VK\\_KHR\\_shared\\_presentable\\_image Arguments: - `next::Any`: defaults to `C_NULL` - `shared_present_supported_usage_flags::ImageUsageFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSharedPresentSurfaceCapabilitiesKHR.html) """ SharedPresentSurfaceCapabilitiesKHR(; next = C_NULL, shared_present_supported_usage_flags = 0) = SharedPresentSurfaceCapabilitiesKHR(next, shared_present_supported_usage_flags) """ Arguments: - `storage_buffer_16_bit_access::Bool` - `uniform_and_storage_buffer_16_bit_access::Bool` - `storage_push_constant_16::Bool` - `storage_input_output_16::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevice16BitStorageFeatures.html) """ PhysicalDevice16BitStorageFeatures(storage_buffer_16_bit_access::Bool, uniform_and_storage_buffer_16_bit_access::Bool, storage_push_constant_16::Bool, storage_input_output_16::Bool; next = C_NULL) = PhysicalDevice16BitStorageFeatures(next, storage_buffer_16_bit_access, uniform_and_storage_buffer_16_bit_access, storage_push_constant_16, storage_input_output_16) """ Arguments: - `subgroup_size::UInt32` - `supported_stages::ShaderStageFlag` - `supported_operations::SubgroupFeatureFlag` - `quad_operations_in_all_stages::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubgroupProperties.html) """ PhysicalDeviceSubgroupProperties(subgroup_size::Integer, supported_stages::ShaderStageFlag, supported_operations::SubgroupFeatureFlag, quad_operations_in_all_stages::Bool; next = C_NULL) = PhysicalDeviceSubgroupProperties(next, subgroup_size, supported_stages, supported_operations, quad_operations_in_all_stages) """ Arguments: - `shader_subgroup_extended_types::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures.html) """ PhysicalDeviceShaderSubgroupExtendedTypesFeatures(shader_subgroup_extended_types::Bool; next = C_NULL) = PhysicalDeviceShaderSubgroupExtendedTypesFeatures(next, shader_subgroup_extended_types) """ Arguments: - `buffer::Buffer` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferMemoryRequirementsInfo2.html) """ BufferMemoryRequirementsInfo2(buffer::Buffer; next = C_NULL) = BufferMemoryRequirementsInfo2(next, buffer) """ Arguments: - `create_info::BufferCreateInfo` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceBufferMemoryRequirements.html) """ DeviceBufferMemoryRequirements(create_info::BufferCreateInfo; next = C_NULL) = DeviceBufferMemoryRequirements(next, create_info) """ Arguments: - `image::Image` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageMemoryRequirementsInfo2.html) """ ImageMemoryRequirementsInfo2(image::Image; next = C_NULL) = ImageMemoryRequirementsInfo2(next, image) """ Arguments: - `image::Image` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSparseMemoryRequirementsInfo2.html) """ ImageSparseMemoryRequirementsInfo2(image::Image; next = C_NULL) = ImageSparseMemoryRequirementsInfo2(next, image) """ Arguments: - `create_info::ImageCreateInfo` - `next::Any`: defaults to `C_NULL` - `plane_aspect::ImageAspectFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceImageMemoryRequirements.html) """ DeviceImageMemoryRequirements(create_info::ImageCreateInfo; next = C_NULL, plane_aspect = 0) = DeviceImageMemoryRequirements(next, create_info, plane_aspect) """ Arguments: - `memory_requirements::MemoryRequirements` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryRequirements2.html) """ MemoryRequirements2(memory_requirements::MemoryRequirements; next = C_NULL) = MemoryRequirements2(next, memory_requirements) """ Arguments: - `memory_requirements::SparseImageMemoryRequirements` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryRequirements2.html) """ SparseImageMemoryRequirements2(memory_requirements::SparseImageMemoryRequirements; next = C_NULL) = SparseImageMemoryRequirements2(next, memory_requirements) """ Arguments: - `point_clipping_behavior::PointClippingBehavior` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePointClippingProperties.html) """ PhysicalDevicePointClippingProperties(point_clipping_behavior::PointClippingBehavior; next = C_NULL) = PhysicalDevicePointClippingProperties(next, point_clipping_behavior) """ Arguments: - `prefers_dedicated_allocation::Bool` - `requires_dedicated_allocation::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryDedicatedRequirements.html) """ MemoryDedicatedRequirements(prefers_dedicated_allocation::Bool, requires_dedicated_allocation::Bool; next = C_NULL) = MemoryDedicatedRequirements(next, prefers_dedicated_allocation, requires_dedicated_allocation) """ Arguments: - `next::Any`: defaults to `C_NULL` - `image::Image`: defaults to `C_NULL` - `buffer::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryDedicatedAllocateInfo.html) """ MemoryDedicatedAllocateInfo(; next = C_NULL, image = C_NULL, buffer = C_NULL) = MemoryDedicatedAllocateInfo(next, image, buffer) """ Arguments: - `usage::ImageUsageFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewUsageCreateInfo.html) """ ImageViewUsageCreateInfo(usage::ImageUsageFlag; next = C_NULL) = ImageViewUsageCreateInfo(next, usage) """ Arguments: - `domain_origin::TessellationDomainOrigin` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineTessellationDomainOriginStateCreateInfo.html) """ PipelineTessellationDomainOriginStateCreateInfo(domain_origin::TessellationDomainOrigin; next = C_NULL) = PipelineTessellationDomainOriginStateCreateInfo(next, domain_origin) """ Arguments: - `conversion::SamplerYcbcrConversion` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerYcbcrConversionInfo.html) """ SamplerYcbcrConversionInfo(conversion::SamplerYcbcrConversion; next = C_NULL) = SamplerYcbcrConversionInfo(next, conversion) """ Arguments: - `format::Format` - `ycbcr_model::SamplerYcbcrModelConversion` - `ycbcr_range::SamplerYcbcrRange` - `components::ComponentMapping` - `x_chroma_offset::ChromaLocation` - `y_chroma_offset::ChromaLocation` - `chroma_filter::Filter` - `force_explicit_reconstruction::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerYcbcrConversionCreateInfo.html) """ SamplerYcbcrConversionCreateInfo(format::Format, ycbcr_model::SamplerYcbcrModelConversion, ycbcr_range::SamplerYcbcrRange, components::ComponentMapping, x_chroma_offset::ChromaLocation, y_chroma_offset::ChromaLocation, chroma_filter::Filter, force_explicit_reconstruction::Bool; next = C_NULL) = SamplerYcbcrConversionCreateInfo(next, format, ycbcr_model, ycbcr_range, components, x_chroma_offset, y_chroma_offset, chroma_filter, force_explicit_reconstruction) """ Arguments: - `plane_aspect::ImageAspectFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImagePlaneMemoryInfo.html) """ BindImagePlaneMemoryInfo(plane_aspect::ImageAspectFlag; next = C_NULL) = BindImagePlaneMemoryInfo(next, plane_aspect) """ Arguments: - `plane_aspect::ImageAspectFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImagePlaneMemoryRequirementsInfo.html) """ ImagePlaneMemoryRequirementsInfo(plane_aspect::ImageAspectFlag; next = C_NULL) = ImagePlaneMemoryRequirementsInfo(next, plane_aspect) """ Arguments: - `sampler_ycbcr_conversion::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSamplerYcbcrConversionFeatures.html) """ PhysicalDeviceSamplerYcbcrConversionFeatures(sampler_ycbcr_conversion::Bool; next = C_NULL) = PhysicalDeviceSamplerYcbcrConversionFeatures(next, sampler_ycbcr_conversion) """ Arguments: - `combined_image_sampler_descriptor_count::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerYcbcrConversionImageFormatProperties.html) """ SamplerYcbcrConversionImageFormatProperties(combined_image_sampler_descriptor_count::Integer; next = C_NULL) = SamplerYcbcrConversionImageFormatProperties(next, combined_image_sampler_descriptor_count) """ Extension: VK\\_AMD\\_texture\\_gather\\_bias\\_lod Arguments: - `supports_texture_gather_lod_bias_amd::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTextureLODGatherFormatPropertiesAMD.html) """ TextureLODGatherFormatPropertiesAMD(supports_texture_gather_lod_bias_amd::Bool; next = C_NULL) = TextureLODGatherFormatPropertiesAMD(next, supports_texture_gather_lod_bias_amd) """ Extension: VK\\_EXT\\_conditional\\_rendering Arguments: - `buffer::Buffer` - `offset::UInt64` - `next::Any`: defaults to `C_NULL` - `flags::ConditionalRenderingFlagEXT`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkConditionalRenderingBeginInfoEXT.html) """ ConditionalRenderingBeginInfoEXT(buffer::Buffer, offset::Integer; next = C_NULL, flags = 0) = ConditionalRenderingBeginInfoEXT(next, buffer, offset, flags) """ Arguments: - `protected_submit::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkProtectedSubmitInfo.html) """ ProtectedSubmitInfo(protected_submit::Bool; next = C_NULL) = ProtectedSubmitInfo(next, protected_submit) """ Arguments: - `protected_memory::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProtectedMemoryFeatures.html) """ PhysicalDeviceProtectedMemoryFeatures(protected_memory::Bool; next = C_NULL) = PhysicalDeviceProtectedMemoryFeatures(next, protected_memory) """ Arguments: - `protected_no_fault::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProtectedMemoryProperties.html) """ PhysicalDeviceProtectedMemoryProperties(protected_no_fault::Bool; next = C_NULL) = PhysicalDeviceProtectedMemoryProperties(next, protected_no_fault) """ Arguments: - `queue_family_index::UInt32` - `queue_index::UInt32` - `next::Any`: defaults to `C_NULL` - `flags::DeviceQueueCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceQueueInfo2.html) """ DeviceQueueInfo2(queue_family_index::Integer, queue_index::Integer; next = C_NULL, flags = 0) = DeviceQueueInfo2(next, flags, queue_family_index, queue_index) """ Extension: VK\\_NV\\_fragment\\_coverage\\_to\\_color Arguments: - `coverage_to_color_enable::Bool` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `coverage_to_color_location::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCoverageToColorStateCreateInfoNV.html) """ PipelineCoverageToColorStateCreateInfoNV(coverage_to_color_enable::Bool; next = C_NULL, flags = 0, coverage_to_color_location = 0) = PipelineCoverageToColorStateCreateInfoNV(next, flags, coverage_to_color_enable, coverage_to_color_location) """ Arguments: - `filter_minmax_single_component_formats::Bool` - `filter_minmax_image_component_mapping::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSamplerFilterMinmaxProperties.html) """ PhysicalDeviceSamplerFilterMinmaxProperties(filter_minmax_single_component_formats::Bool, filter_minmax_image_component_mapping::Bool; next = C_NULL) = PhysicalDeviceSamplerFilterMinmaxProperties(next, filter_minmax_single_component_formats, filter_minmax_image_component_mapping) """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `sample_locations_per_pixel::SampleCountFlag` - `sample_location_grid_size::Extent2D` - `sample_locations::Vector{SampleLocationEXT}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSampleLocationsInfoEXT.html) """ SampleLocationsInfoEXT(sample_locations_per_pixel::SampleCountFlag, sample_location_grid_size::Extent2D, sample_locations::AbstractArray; next = C_NULL) = SampleLocationsInfoEXT(next, sample_locations_per_pixel, sample_location_grid_size, sample_locations) """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `attachment_initial_sample_locations::Vector{AttachmentSampleLocationsEXT}` - `post_subpass_sample_locations::Vector{SubpassSampleLocationsEXT}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassSampleLocationsBeginInfoEXT.html) """ RenderPassSampleLocationsBeginInfoEXT(attachment_initial_sample_locations::AbstractArray, post_subpass_sample_locations::AbstractArray; next = C_NULL) = RenderPassSampleLocationsBeginInfoEXT(next, attachment_initial_sample_locations, post_subpass_sample_locations) """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `sample_locations_enable::Bool` - `sample_locations_info::SampleLocationsInfoEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineSampleLocationsStateCreateInfoEXT.html) """ PipelineSampleLocationsStateCreateInfoEXT(sample_locations_enable::Bool, sample_locations_info::SampleLocationsInfoEXT; next = C_NULL) = PipelineSampleLocationsStateCreateInfoEXT(next, sample_locations_enable, sample_locations_info) """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `sample_location_sample_counts::SampleCountFlag` - `max_sample_location_grid_size::Extent2D` - `sample_location_coordinate_range::NTuple{2, Float32}` - `sample_location_sub_pixel_bits::UInt32` - `variable_sample_locations::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSampleLocationsPropertiesEXT.html) """ PhysicalDeviceSampleLocationsPropertiesEXT(sample_location_sample_counts::SampleCountFlag, max_sample_location_grid_size::Extent2D, sample_location_coordinate_range::NTuple{2, Float32}, sample_location_sub_pixel_bits::Integer, variable_sample_locations::Bool; next = C_NULL) = PhysicalDeviceSampleLocationsPropertiesEXT(next, sample_location_sample_counts, max_sample_location_grid_size, sample_location_coordinate_range, sample_location_sub_pixel_bits, variable_sample_locations) """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `max_sample_location_grid_size::Extent2D` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultisamplePropertiesEXT.html) """ MultisamplePropertiesEXT(max_sample_location_grid_size::Extent2D; next = C_NULL) = MultisamplePropertiesEXT(next, max_sample_location_grid_size) """ Arguments: - `reduction_mode::SamplerReductionMode` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerReductionModeCreateInfo.html) """ SamplerReductionModeCreateInfo(reduction_mode::SamplerReductionMode; next = C_NULL) = SamplerReductionModeCreateInfo(next, reduction_mode) """ Extension: VK\\_EXT\\_blend\\_operation\\_advanced Arguments: - `advanced_blend_coherent_operations::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT.html) """ PhysicalDeviceBlendOperationAdvancedFeaturesEXT(advanced_blend_coherent_operations::Bool; next = C_NULL) = PhysicalDeviceBlendOperationAdvancedFeaturesEXT(next, advanced_blend_coherent_operations) """ Extension: VK\\_EXT\\_multi\\_draw Arguments: - `multi_draw::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiDrawFeaturesEXT.html) """ PhysicalDeviceMultiDrawFeaturesEXT(multi_draw::Bool; next = C_NULL) = PhysicalDeviceMultiDrawFeaturesEXT(next, multi_draw) """ Extension: VK\\_EXT\\_blend\\_operation\\_advanced Arguments: - `advanced_blend_max_color_attachments::UInt32` - `advanced_blend_independent_blend::Bool` - `advanced_blend_non_premultiplied_src_color::Bool` - `advanced_blend_non_premultiplied_dst_color::Bool` - `advanced_blend_correlated_overlap::Bool` - `advanced_blend_all_operations::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT.html) """ PhysicalDeviceBlendOperationAdvancedPropertiesEXT(advanced_blend_max_color_attachments::Integer, advanced_blend_independent_blend::Bool, advanced_blend_non_premultiplied_src_color::Bool, advanced_blend_non_premultiplied_dst_color::Bool, advanced_blend_correlated_overlap::Bool, advanced_blend_all_operations::Bool; next = C_NULL) = PhysicalDeviceBlendOperationAdvancedPropertiesEXT(next, advanced_blend_max_color_attachments, advanced_blend_independent_blend, advanced_blend_non_premultiplied_src_color, advanced_blend_non_premultiplied_dst_color, advanced_blend_correlated_overlap, advanced_blend_all_operations) """ Extension: VK\\_EXT\\_blend\\_operation\\_advanced Arguments: - `src_premultiplied::Bool` - `dst_premultiplied::Bool` - `blend_overlap::BlendOverlapEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorBlendAdvancedStateCreateInfoEXT.html) """ PipelineColorBlendAdvancedStateCreateInfoEXT(src_premultiplied::Bool, dst_premultiplied::Bool, blend_overlap::BlendOverlapEXT; next = C_NULL) = PipelineColorBlendAdvancedStateCreateInfoEXT(next, src_premultiplied, dst_premultiplied, blend_overlap) """ Arguments: - `inline_uniform_block::Bool` - `descriptor_binding_inline_uniform_block_update_after_bind::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInlineUniformBlockFeatures.html) """ PhysicalDeviceInlineUniformBlockFeatures(inline_uniform_block::Bool, descriptor_binding_inline_uniform_block_update_after_bind::Bool; next = C_NULL) = PhysicalDeviceInlineUniformBlockFeatures(next, inline_uniform_block, descriptor_binding_inline_uniform_block_update_after_bind) """ Arguments: - `max_inline_uniform_block_size::UInt32` - `max_per_stage_descriptor_inline_uniform_blocks::UInt32` - `max_per_stage_descriptor_update_after_bind_inline_uniform_blocks::UInt32` - `max_descriptor_set_inline_uniform_blocks::UInt32` - `max_descriptor_set_update_after_bind_inline_uniform_blocks::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInlineUniformBlockProperties.html) """ PhysicalDeviceInlineUniformBlockProperties(max_inline_uniform_block_size::Integer, max_per_stage_descriptor_inline_uniform_blocks::Integer, max_per_stage_descriptor_update_after_bind_inline_uniform_blocks::Integer, max_descriptor_set_inline_uniform_blocks::Integer, max_descriptor_set_update_after_bind_inline_uniform_blocks::Integer; next = C_NULL) = PhysicalDeviceInlineUniformBlockProperties(next, max_inline_uniform_block_size, max_per_stage_descriptor_inline_uniform_blocks, max_per_stage_descriptor_update_after_bind_inline_uniform_blocks, max_descriptor_set_inline_uniform_blocks, max_descriptor_set_update_after_bind_inline_uniform_blocks) """ Arguments: - `data_size::UInt32` - `data::Ptr{Cvoid}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSetInlineUniformBlock.html) """ WriteDescriptorSetInlineUniformBlock(data_size::Integer, data::Ptr{Cvoid}; next = C_NULL) = WriteDescriptorSetInlineUniformBlock(next, data_size, data) """ Arguments: - `max_inline_uniform_block_bindings::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorPoolInlineUniformBlockCreateInfo.html) """ DescriptorPoolInlineUniformBlockCreateInfo(max_inline_uniform_block_bindings::Integer; next = C_NULL) = DescriptorPoolInlineUniformBlockCreateInfo(next, max_inline_uniform_block_bindings) """ Extension: VK\\_NV\\_framebuffer\\_mixed\\_samples Arguments: - `coverage_modulation_mode::CoverageModulationModeNV` - `coverage_modulation_table_enable::Bool` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `coverage_modulation_table::Vector{Float32}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCoverageModulationStateCreateInfoNV.html) """ PipelineCoverageModulationStateCreateInfoNV(coverage_modulation_mode::CoverageModulationModeNV, coverage_modulation_table_enable::Bool; next = C_NULL, flags = 0, coverage_modulation_table = C_NULL) = PipelineCoverageModulationStateCreateInfoNV(next, flags, coverage_modulation_mode, coverage_modulation_table_enable, coverage_modulation_table) """ Arguments: - `view_formats::Vector{Format}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageFormatListCreateInfo.html) """ ImageFormatListCreateInfo(view_formats::AbstractArray; next = C_NULL) = ImageFormatListCreateInfo(next, view_formats) """ Extension: VK\\_EXT\\_validation\\_cache Arguments: - `initial_data::Ptr{Cvoid}` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `initial_data_size::UInt`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkValidationCacheCreateInfoEXT.html) """ ValidationCacheCreateInfoEXT(initial_data::Ptr{Cvoid}; next = C_NULL, flags = 0, initial_data_size = C_NULL) = ValidationCacheCreateInfoEXT(next, flags, initial_data_size, initial_data) """ Extension: VK\\_EXT\\_validation\\_cache Arguments: - `validation_cache::ValidationCacheEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderModuleValidationCacheCreateInfoEXT.html) """ ShaderModuleValidationCacheCreateInfoEXT(validation_cache::ValidationCacheEXT; next = C_NULL) = ShaderModuleValidationCacheCreateInfoEXT(next, validation_cache) """ Arguments: - `max_per_set_descriptors::UInt32` - `max_memory_allocation_size::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMaintenance3Properties.html) """ PhysicalDeviceMaintenance3Properties(max_per_set_descriptors::Integer, max_memory_allocation_size::Integer; next = C_NULL) = PhysicalDeviceMaintenance3Properties(next, max_per_set_descriptors, max_memory_allocation_size) """ Arguments: - `maintenance4::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMaintenance4Features.html) """ PhysicalDeviceMaintenance4Features(maintenance4::Bool; next = C_NULL) = PhysicalDeviceMaintenance4Features(next, maintenance4) """ Arguments: - `max_buffer_size::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMaintenance4Properties.html) """ PhysicalDeviceMaintenance4Properties(max_buffer_size::Integer; next = C_NULL) = PhysicalDeviceMaintenance4Properties(next, max_buffer_size) """ Arguments: - `supported::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutSupport.html) """ DescriptorSetLayoutSupport(supported::Bool; next = C_NULL) = DescriptorSetLayoutSupport(next, supported) """ Arguments: - `shader_draw_parameters::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderDrawParametersFeatures.html) """ PhysicalDeviceShaderDrawParametersFeatures(shader_draw_parameters::Bool; next = C_NULL) = PhysicalDeviceShaderDrawParametersFeatures(next, shader_draw_parameters) """ Arguments: - `shader_float_16::Bool` - `shader_int_8::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderFloat16Int8Features.html) """ PhysicalDeviceShaderFloat16Int8Features(shader_float_16::Bool, shader_int_8::Bool; next = C_NULL) = PhysicalDeviceShaderFloat16Int8Features(next, shader_float_16, shader_int_8) """ Arguments: - `denorm_behavior_independence::ShaderFloatControlsIndependence` - `rounding_mode_independence::ShaderFloatControlsIndependence` - `shader_signed_zero_inf_nan_preserve_float_16::Bool` - `shader_signed_zero_inf_nan_preserve_float_32::Bool` - `shader_signed_zero_inf_nan_preserve_float_64::Bool` - `shader_denorm_preserve_float_16::Bool` - `shader_denorm_preserve_float_32::Bool` - `shader_denorm_preserve_float_64::Bool` - `shader_denorm_flush_to_zero_float_16::Bool` - `shader_denorm_flush_to_zero_float_32::Bool` - `shader_denorm_flush_to_zero_float_64::Bool` - `shader_rounding_mode_rte_float_16::Bool` - `shader_rounding_mode_rte_float_32::Bool` - `shader_rounding_mode_rte_float_64::Bool` - `shader_rounding_mode_rtz_float_16::Bool` - `shader_rounding_mode_rtz_float_32::Bool` - `shader_rounding_mode_rtz_float_64::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFloatControlsProperties.html) """ PhysicalDeviceFloatControlsProperties(denorm_behavior_independence::ShaderFloatControlsIndependence, rounding_mode_independence::ShaderFloatControlsIndependence, shader_signed_zero_inf_nan_preserve_float_16::Bool, shader_signed_zero_inf_nan_preserve_float_32::Bool, shader_signed_zero_inf_nan_preserve_float_64::Bool, shader_denorm_preserve_float_16::Bool, shader_denorm_preserve_float_32::Bool, shader_denorm_preserve_float_64::Bool, shader_denorm_flush_to_zero_float_16::Bool, shader_denorm_flush_to_zero_float_32::Bool, shader_denorm_flush_to_zero_float_64::Bool, shader_rounding_mode_rte_float_16::Bool, shader_rounding_mode_rte_float_32::Bool, shader_rounding_mode_rte_float_64::Bool, shader_rounding_mode_rtz_float_16::Bool, shader_rounding_mode_rtz_float_32::Bool, shader_rounding_mode_rtz_float_64::Bool; next = C_NULL) = PhysicalDeviceFloatControlsProperties(next, denorm_behavior_independence, rounding_mode_independence, shader_signed_zero_inf_nan_preserve_float_16, shader_signed_zero_inf_nan_preserve_float_32, shader_signed_zero_inf_nan_preserve_float_64, shader_denorm_preserve_float_16, shader_denorm_preserve_float_32, shader_denorm_preserve_float_64, shader_denorm_flush_to_zero_float_16, shader_denorm_flush_to_zero_float_32, shader_denorm_flush_to_zero_float_64, shader_rounding_mode_rte_float_16, shader_rounding_mode_rte_float_32, shader_rounding_mode_rte_float_64, shader_rounding_mode_rtz_float_16, shader_rounding_mode_rtz_float_32, shader_rounding_mode_rtz_float_64) """ Arguments: - `host_query_reset::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceHostQueryResetFeatures.html) """ PhysicalDeviceHostQueryResetFeatures(host_query_reset::Bool; next = C_NULL) = PhysicalDeviceHostQueryResetFeatures(next, host_query_reset) """ Extension: VK\\_KHR\\_global\\_priority Arguments: - `global_priority::QueueGlobalPriorityKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceQueueGlobalPriorityCreateInfoKHR.html) """ DeviceQueueGlobalPriorityCreateInfoKHR(global_priority::QueueGlobalPriorityKHR; next = C_NULL) = DeviceQueueGlobalPriorityCreateInfoKHR(next, global_priority) """ Extension: VK\\_KHR\\_global\\_priority Arguments: - `global_priority_query::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR.html) """ PhysicalDeviceGlobalPriorityQueryFeaturesKHR(global_priority_query::Bool; next = C_NULL) = PhysicalDeviceGlobalPriorityQueryFeaturesKHR(next, global_priority_query) """ Extension: VK\\_KHR\\_global\\_priority Arguments: - `priority_count::UInt32` - `priorities::NTuple{Int(VK_MAX_GLOBAL_PRIORITY_SIZE_KHR), QueueGlobalPriorityKHR}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyGlobalPriorityPropertiesKHR.html) """ QueueFamilyGlobalPriorityPropertiesKHR(priority_count::Integer, priorities::NTuple{Int(VK_MAX_GLOBAL_PRIORITY_SIZE_KHR), QueueGlobalPriorityKHR}; next = C_NULL) = QueueFamilyGlobalPriorityPropertiesKHR(next, priority_count, priorities) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `object_type::ObjectType` - `object_handle::UInt64` - `next::Any`: defaults to `C_NULL` - `object_name::String`: defaults to `` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsObjectNameInfoEXT.html) """ DebugUtilsObjectNameInfoEXT(object_type::ObjectType, object_handle::Integer; next = C_NULL, object_name = "") = DebugUtilsObjectNameInfoEXT(next, object_type, object_handle, object_name) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `object_type::ObjectType` - `object_handle::UInt64` - `tag_name::UInt64` - `tag_size::UInt` - `tag::Ptr{Cvoid}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsObjectTagInfoEXT.html) """ DebugUtilsObjectTagInfoEXT(object_type::ObjectType, object_handle::Integer, tag_name::Integer, tag_size::Integer, tag::Ptr{Cvoid}; next = C_NULL) = DebugUtilsObjectTagInfoEXT(next, object_type, object_handle, tag_name, tag_size, tag) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `label_name::String` - `color::NTuple{4, Float32}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsLabelEXT.html) """ DebugUtilsLabelEXT(label_name::AbstractString, color::NTuple{4, Float32}; next = C_NULL) = DebugUtilsLabelEXT(next, label_name, color) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `message_severity::DebugUtilsMessageSeverityFlagEXT` - `message_type::DebugUtilsMessageTypeFlagEXT` - `pfn_user_callback::FunctionPtr` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsMessengerCreateInfoEXT.html) """ DebugUtilsMessengerCreateInfoEXT(message_severity::DebugUtilsMessageSeverityFlagEXT, message_type::DebugUtilsMessageTypeFlagEXT, pfn_user_callback::FunctionPtr; next = C_NULL, flags = 0, user_data = C_NULL) = DebugUtilsMessengerCreateInfoEXT(next, flags, message_severity, message_type, pfn_user_callback, user_data) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `message_id_number::Int32` - `message::String` - `queue_labels::Vector{DebugUtilsLabelEXT}` - `cmd_buf_labels::Vector{DebugUtilsLabelEXT}` - `objects::Vector{DebugUtilsObjectNameInfoEXT}` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `message_id_name::String`: defaults to `` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsMessengerCallbackDataEXT.html) """ DebugUtilsMessengerCallbackDataEXT(message_id_number::Integer, message::AbstractString, queue_labels::AbstractArray, cmd_buf_labels::AbstractArray, objects::AbstractArray; next = C_NULL, flags = 0, message_id_name = "") = DebugUtilsMessengerCallbackDataEXT(next, flags, message_id_name, message_id_number, message, queue_labels, cmd_buf_labels, objects) """ Extension: VK\\_EXT\\_device\\_memory\\_report Arguments: - `device_memory_report::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDeviceMemoryReportFeaturesEXT.html) """ PhysicalDeviceDeviceMemoryReportFeaturesEXT(device_memory_report::Bool; next = C_NULL) = PhysicalDeviceDeviceMemoryReportFeaturesEXT(next, device_memory_report) """ Extension: VK\\_EXT\\_device\\_memory\\_report Arguments: - `flags::UInt32` - `pfn_user_callback::FunctionPtr` - `user_data::Ptr{Cvoid}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceDeviceMemoryReportCreateInfoEXT.html) """ DeviceDeviceMemoryReportCreateInfoEXT(flags::Integer, pfn_user_callback::FunctionPtr, user_data::Ptr{Cvoid}; next = C_NULL) = DeviceDeviceMemoryReportCreateInfoEXT(next, flags, pfn_user_callback, user_data) """ Extension: VK\\_EXT\\_device\\_memory\\_report Arguments: - `flags::UInt32` - `type::DeviceMemoryReportEventTypeEXT` - `memory_object_id::UInt64` - `size::UInt64` - `object_type::ObjectType` - `object_handle::UInt64` - `heap_index::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceMemoryReportCallbackDataEXT.html) """ DeviceMemoryReportCallbackDataEXT(flags::Integer, type::DeviceMemoryReportEventTypeEXT, memory_object_id::Integer, size::Integer, object_type::ObjectType, object_handle::Integer, heap_index::Integer; next = C_NULL) = DeviceMemoryReportCallbackDataEXT(next, flags, type, memory_object_id, size, object_type, object_handle, heap_index) """ Extension: VK\\_EXT\\_external\\_memory\\_host Arguments: - `handle_type::ExternalMemoryHandleTypeFlag` - `host_pointer::Ptr{Cvoid}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMemoryHostPointerInfoEXT.html) """ ImportMemoryHostPointerInfoEXT(handle_type::ExternalMemoryHandleTypeFlag, host_pointer::Ptr{Cvoid}; next = C_NULL) = ImportMemoryHostPointerInfoEXT(next, handle_type, host_pointer) """ Extension: VK\\_EXT\\_external\\_memory\\_host Arguments: - `memory_type_bits::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryHostPointerPropertiesEXT.html) """ MemoryHostPointerPropertiesEXT(memory_type_bits::Integer; next = C_NULL) = MemoryHostPointerPropertiesEXT(next, memory_type_bits) """ Extension: VK\\_EXT\\_external\\_memory\\_host Arguments: - `min_imported_host_pointer_alignment::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalMemoryHostPropertiesEXT.html) """ PhysicalDeviceExternalMemoryHostPropertiesEXT(min_imported_host_pointer_alignment::Integer; next = C_NULL) = PhysicalDeviceExternalMemoryHostPropertiesEXT(next, min_imported_host_pointer_alignment) """ Extension: VK\\_EXT\\_conservative\\_rasterization Arguments: - `primitive_overestimation_size::Float32` - `max_extra_primitive_overestimation_size::Float32` - `extra_primitive_overestimation_size_granularity::Float32` - `primitive_underestimation::Bool` - `conservative_point_and_line_rasterization::Bool` - `degenerate_triangles_rasterized::Bool` - `degenerate_lines_rasterized::Bool` - `fully_covered_fragment_shader_input_variable::Bool` - `conservative_rasterization_post_depth_coverage::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceConservativeRasterizationPropertiesEXT.html) """ PhysicalDeviceConservativeRasterizationPropertiesEXT(primitive_overestimation_size::Real, max_extra_primitive_overestimation_size::Real, extra_primitive_overestimation_size_granularity::Real, primitive_underestimation::Bool, conservative_point_and_line_rasterization::Bool, degenerate_triangles_rasterized::Bool, degenerate_lines_rasterized::Bool, fully_covered_fragment_shader_input_variable::Bool, conservative_rasterization_post_depth_coverage::Bool; next = C_NULL) = PhysicalDeviceConservativeRasterizationPropertiesEXT(next, primitive_overestimation_size, max_extra_primitive_overestimation_size, extra_primitive_overestimation_size_granularity, primitive_underestimation, conservative_point_and_line_rasterization, degenerate_triangles_rasterized, degenerate_lines_rasterized, fully_covered_fragment_shader_input_variable, conservative_rasterization_post_depth_coverage) """ Extension: VK\\_EXT\\_calibrated\\_timestamps Arguments: - `time_domain::TimeDomainEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCalibratedTimestampInfoEXT.html) """ CalibratedTimestampInfoEXT(time_domain::TimeDomainEXT; next = C_NULL) = CalibratedTimestampInfoEXT(next, time_domain) """ Extension: VK\\_AMD\\_shader\\_core\\_properties Arguments: - `shader_engine_count::UInt32` - `shader_arrays_per_engine_count::UInt32` - `compute_units_per_shader_array::UInt32` - `simd_per_compute_unit::UInt32` - `wavefronts_per_simd::UInt32` - `wavefront_size::UInt32` - `sgprs_per_simd::UInt32` - `min_sgpr_allocation::UInt32` - `max_sgpr_allocation::UInt32` - `sgpr_allocation_granularity::UInt32` - `vgprs_per_simd::UInt32` - `min_vgpr_allocation::UInt32` - `max_vgpr_allocation::UInt32` - `vgpr_allocation_granularity::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCorePropertiesAMD.html) """ PhysicalDeviceShaderCorePropertiesAMD(shader_engine_count::Integer, shader_arrays_per_engine_count::Integer, compute_units_per_shader_array::Integer, simd_per_compute_unit::Integer, wavefronts_per_simd::Integer, wavefront_size::Integer, sgprs_per_simd::Integer, min_sgpr_allocation::Integer, max_sgpr_allocation::Integer, sgpr_allocation_granularity::Integer, vgprs_per_simd::Integer, min_vgpr_allocation::Integer, max_vgpr_allocation::Integer, vgpr_allocation_granularity::Integer; next = C_NULL) = PhysicalDeviceShaderCorePropertiesAMD(next, shader_engine_count, shader_arrays_per_engine_count, compute_units_per_shader_array, simd_per_compute_unit, wavefronts_per_simd, wavefront_size, sgprs_per_simd, min_sgpr_allocation, max_sgpr_allocation, sgpr_allocation_granularity, vgprs_per_simd, min_vgpr_allocation, max_vgpr_allocation, vgpr_allocation_granularity) """ Extension: VK\\_AMD\\_shader\\_core\\_properties2 Arguments: - `shader_core_features::ShaderCorePropertiesFlagAMD` - `active_compute_unit_count::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCoreProperties2AMD.html) """ PhysicalDeviceShaderCoreProperties2AMD(shader_core_features::ShaderCorePropertiesFlagAMD, active_compute_unit_count::Integer; next = C_NULL) = PhysicalDeviceShaderCoreProperties2AMD(next, shader_core_features, active_compute_unit_count) """ Extension: VK\\_EXT\\_conservative\\_rasterization Arguments: - `conservative_rasterization_mode::ConservativeRasterizationModeEXT` - `extra_primitive_overestimation_size::Float32` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationConservativeStateCreateInfoEXT.html) """ PipelineRasterizationConservativeStateCreateInfoEXT(conservative_rasterization_mode::ConservativeRasterizationModeEXT, extra_primitive_overestimation_size::Real; next = C_NULL, flags = 0) = PipelineRasterizationConservativeStateCreateInfoEXT(next, flags, conservative_rasterization_mode, extra_primitive_overestimation_size) """ Arguments: - `shader_input_attachment_array_dynamic_indexing::Bool` - `shader_uniform_texel_buffer_array_dynamic_indexing::Bool` - `shader_storage_texel_buffer_array_dynamic_indexing::Bool` - `shader_uniform_buffer_array_non_uniform_indexing::Bool` - `shader_sampled_image_array_non_uniform_indexing::Bool` - `shader_storage_buffer_array_non_uniform_indexing::Bool` - `shader_storage_image_array_non_uniform_indexing::Bool` - `shader_input_attachment_array_non_uniform_indexing::Bool` - `shader_uniform_texel_buffer_array_non_uniform_indexing::Bool` - `shader_storage_texel_buffer_array_non_uniform_indexing::Bool` - `descriptor_binding_uniform_buffer_update_after_bind::Bool` - `descriptor_binding_sampled_image_update_after_bind::Bool` - `descriptor_binding_storage_image_update_after_bind::Bool` - `descriptor_binding_storage_buffer_update_after_bind::Bool` - `descriptor_binding_uniform_texel_buffer_update_after_bind::Bool` - `descriptor_binding_storage_texel_buffer_update_after_bind::Bool` - `descriptor_binding_update_unused_while_pending::Bool` - `descriptor_binding_partially_bound::Bool` - `descriptor_binding_variable_descriptor_count::Bool` - `runtime_descriptor_array::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorIndexingFeatures.html) """ PhysicalDeviceDescriptorIndexingFeatures(shader_input_attachment_array_dynamic_indexing::Bool, shader_uniform_texel_buffer_array_dynamic_indexing::Bool, shader_storage_texel_buffer_array_dynamic_indexing::Bool, shader_uniform_buffer_array_non_uniform_indexing::Bool, shader_sampled_image_array_non_uniform_indexing::Bool, shader_storage_buffer_array_non_uniform_indexing::Bool, shader_storage_image_array_non_uniform_indexing::Bool, shader_input_attachment_array_non_uniform_indexing::Bool, shader_uniform_texel_buffer_array_non_uniform_indexing::Bool, shader_storage_texel_buffer_array_non_uniform_indexing::Bool, descriptor_binding_uniform_buffer_update_after_bind::Bool, descriptor_binding_sampled_image_update_after_bind::Bool, descriptor_binding_storage_image_update_after_bind::Bool, descriptor_binding_storage_buffer_update_after_bind::Bool, descriptor_binding_uniform_texel_buffer_update_after_bind::Bool, descriptor_binding_storage_texel_buffer_update_after_bind::Bool, descriptor_binding_update_unused_while_pending::Bool, descriptor_binding_partially_bound::Bool, descriptor_binding_variable_descriptor_count::Bool, runtime_descriptor_array::Bool; next = C_NULL) = PhysicalDeviceDescriptorIndexingFeatures(next, shader_input_attachment_array_dynamic_indexing, shader_uniform_texel_buffer_array_dynamic_indexing, shader_storage_texel_buffer_array_dynamic_indexing, shader_uniform_buffer_array_non_uniform_indexing, shader_sampled_image_array_non_uniform_indexing, shader_storage_buffer_array_non_uniform_indexing, shader_storage_image_array_non_uniform_indexing, shader_input_attachment_array_non_uniform_indexing, shader_uniform_texel_buffer_array_non_uniform_indexing, shader_storage_texel_buffer_array_non_uniform_indexing, descriptor_binding_uniform_buffer_update_after_bind, descriptor_binding_sampled_image_update_after_bind, descriptor_binding_storage_image_update_after_bind, descriptor_binding_storage_buffer_update_after_bind, descriptor_binding_uniform_texel_buffer_update_after_bind, descriptor_binding_storage_texel_buffer_update_after_bind, descriptor_binding_update_unused_while_pending, descriptor_binding_partially_bound, descriptor_binding_variable_descriptor_count, runtime_descriptor_array) """ Arguments: - `max_update_after_bind_descriptors_in_all_pools::UInt32` - `shader_uniform_buffer_array_non_uniform_indexing_native::Bool` - `shader_sampled_image_array_non_uniform_indexing_native::Bool` - `shader_storage_buffer_array_non_uniform_indexing_native::Bool` - `shader_storage_image_array_non_uniform_indexing_native::Bool` - `shader_input_attachment_array_non_uniform_indexing_native::Bool` - `robust_buffer_access_update_after_bind::Bool` - `quad_divergent_implicit_lod::Bool` - `max_per_stage_descriptor_update_after_bind_samplers::UInt32` - `max_per_stage_descriptor_update_after_bind_uniform_buffers::UInt32` - `max_per_stage_descriptor_update_after_bind_storage_buffers::UInt32` - `max_per_stage_descriptor_update_after_bind_sampled_images::UInt32` - `max_per_stage_descriptor_update_after_bind_storage_images::UInt32` - `max_per_stage_descriptor_update_after_bind_input_attachments::UInt32` - `max_per_stage_update_after_bind_resources::UInt32` - `max_descriptor_set_update_after_bind_samplers::UInt32` - `max_descriptor_set_update_after_bind_uniform_buffers::UInt32` - `max_descriptor_set_update_after_bind_uniform_buffers_dynamic::UInt32` - `max_descriptor_set_update_after_bind_storage_buffers::UInt32` - `max_descriptor_set_update_after_bind_storage_buffers_dynamic::UInt32` - `max_descriptor_set_update_after_bind_sampled_images::UInt32` - `max_descriptor_set_update_after_bind_storage_images::UInt32` - `max_descriptor_set_update_after_bind_input_attachments::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorIndexingProperties.html) """ PhysicalDeviceDescriptorIndexingProperties(max_update_after_bind_descriptors_in_all_pools::Integer, shader_uniform_buffer_array_non_uniform_indexing_native::Bool, shader_sampled_image_array_non_uniform_indexing_native::Bool, shader_storage_buffer_array_non_uniform_indexing_native::Bool, shader_storage_image_array_non_uniform_indexing_native::Bool, shader_input_attachment_array_non_uniform_indexing_native::Bool, robust_buffer_access_update_after_bind::Bool, quad_divergent_implicit_lod::Bool, max_per_stage_descriptor_update_after_bind_samplers::Integer, max_per_stage_descriptor_update_after_bind_uniform_buffers::Integer, max_per_stage_descriptor_update_after_bind_storage_buffers::Integer, max_per_stage_descriptor_update_after_bind_sampled_images::Integer, max_per_stage_descriptor_update_after_bind_storage_images::Integer, max_per_stage_descriptor_update_after_bind_input_attachments::Integer, max_per_stage_update_after_bind_resources::Integer, max_descriptor_set_update_after_bind_samplers::Integer, max_descriptor_set_update_after_bind_uniform_buffers::Integer, max_descriptor_set_update_after_bind_uniform_buffers_dynamic::Integer, max_descriptor_set_update_after_bind_storage_buffers::Integer, max_descriptor_set_update_after_bind_storage_buffers_dynamic::Integer, max_descriptor_set_update_after_bind_sampled_images::Integer, max_descriptor_set_update_after_bind_storage_images::Integer, max_descriptor_set_update_after_bind_input_attachments::Integer; next = C_NULL) = PhysicalDeviceDescriptorIndexingProperties(next, max_update_after_bind_descriptors_in_all_pools, shader_uniform_buffer_array_non_uniform_indexing_native, shader_sampled_image_array_non_uniform_indexing_native, shader_storage_buffer_array_non_uniform_indexing_native, shader_storage_image_array_non_uniform_indexing_native, shader_input_attachment_array_non_uniform_indexing_native, robust_buffer_access_update_after_bind, quad_divergent_implicit_lod, max_per_stage_descriptor_update_after_bind_samplers, max_per_stage_descriptor_update_after_bind_uniform_buffers, max_per_stage_descriptor_update_after_bind_storage_buffers, max_per_stage_descriptor_update_after_bind_sampled_images, max_per_stage_descriptor_update_after_bind_storage_images, max_per_stage_descriptor_update_after_bind_input_attachments, max_per_stage_update_after_bind_resources, max_descriptor_set_update_after_bind_samplers, max_descriptor_set_update_after_bind_uniform_buffers, max_descriptor_set_update_after_bind_uniform_buffers_dynamic, max_descriptor_set_update_after_bind_storage_buffers, max_descriptor_set_update_after_bind_storage_buffers_dynamic, max_descriptor_set_update_after_bind_sampled_images, max_descriptor_set_update_after_bind_storage_images, max_descriptor_set_update_after_bind_input_attachments) """ Arguments: - `binding_flags::Vector{DescriptorBindingFlag}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutBindingFlagsCreateInfo.html) """ DescriptorSetLayoutBindingFlagsCreateInfo(binding_flags::AbstractArray; next = C_NULL) = DescriptorSetLayoutBindingFlagsCreateInfo(next, binding_flags) """ Arguments: - `descriptor_counts::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetVariableDescriptorCountAllocateInfo.html) """ DescriptorSetVariableDescriptorCountAllocateInfo(descriptor_counts::AbstractArray; next = C_NULL) = DescriptorSetVariableDescriptorCountAllocateInfo(next, descriptor_counts) """ Arguments: - `max_variable_descriptor_count::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetVariableDescriptorCountLayoutSupport.html) """ DescriptorSetVariableDescriptorCountLayoutSupport(max_variable_descriptor_count::Integer; next = C_NULL) = DescriptorSetVariableDescriptorCountLayoutSupport(next, max_variable_descriptor_count) """ Arguments: - `format::Format` - `samples::SampleCountFlag` - `load_op::AttachmentLoadOp` - `store_op::AttachmentStoreOp` - `stencil_load_op::AttachmentLoadOp` - `stencil_store_op::AttachmentStoreOp` - `initial_layout::ImageLayout` - `final_layout::ImageLayout` - `next::Any`: defaults to `C_NULL` - `flags::AttachmentDescriptionFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentDescription2.html) """ AttachmentDescription2(format::Format, samples::SampleCountFlag, load_op::AttachmentLoadOp, store_op::AttachmentStoreOp, stencil_load_op::AttachmentLoadOp, stencil_store_op::AttachmentStoreOp, initial_layout::ImageLayout, final_layout::ImageLayout; next = C_NULL, flags = 0) = AttachmentDescription2(next, flags, format, samples, load_op, store_op, stencil_load_op, stencil_store_op, initial_layout, final_layout) """ Arguments: - `attachment::UInt32` - `layout::ImageLayout` - `aspect_mask::ImageAspectFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentReference2.html) """ AttachmentReference2(attachment::Integer, layout::ImageLayout, aspect_mask::ImageAspectFlag; next = C_NULL) = AttachmentReference2(next, attachment, layout, aspect_mask) """ Arguments: - `pipeline_bind_point::PipelineBindPoint` - `view_mask::UInt32` - `input_attachments::Vector{AttachmentReference2}` - `color_attachments::Vector{AttachmentReference2}` - `preserve_attachments::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` - `flags::SubpassDescriptionFlag`: defaults to `0` - `resolve_attachments::Vector{AttachmentReference2}`: defaults to `C_NULL` - `depth_stencil_attachment::AttachmentReference2`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDescription2.html) """ SubpassDescription2(pipeline_bind_point::PipelineBindPoint, view_mask::Integer, input_attachments::AbstractArray, color_attachments::AbstractArray, preserve_attachments::AbstractArray; next = C_NULL, flags = 0, resolve_attachments = C_NULL, depth_stencil_attachment = C_NULL) = SubpassDescription2(next, flags, pipeline_bind_point, view_mask, input_attachments, color_attachments, resolve_attachments, depth_stencil_attachment, preserve_attachments) """ Arguments: - `src_subpass::UInt32` - `dst_subpass::UInt32` - `view_offset::Int32` - `next::Any`: defaults to `C_NULL` - `src_stage_mask::PipelineStageFlag`: defaults to `0` - `dst_stage_mask::PipelineStageFlag`: defaults to `0` - `src_access_mask::AccessFlag`: defaults to `0` - `dst_access_mask::AccessFlag`: defaults to `0` - `dependency_flags::DependencyFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDependency2.html) """ SubpassDependency2(src_subpass::Integer, dst_subpass::Integer, view_offset::Integer; next = C_NULL, src_stage_mask = 0, dst_stage_mask = 0, src_access_mask = 0, dst_access_mask = 0, dependency_flags = 0) = SubpassDependency2(next, src_subpass, dst_subpass, src_stage_mask, dst_stage_mask, src_access_mask, dst_access_mask, dependency_flags, view_offset) """ Arguments: - `attachments::Vector{AttachmentDescription2}` - `subpasses::Vector{SubpassDescription2}` - `dependencies::Vector{SubpassDependency2}` - `correlated_view_masks::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` - `flags::RenderPassCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreateInfo2.html) """ RenderPassCreateInfo2(attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray, correlated_view_masks::AbstractArray; next = C_NULL, flags = 0) = RenderPassCreateInfo2(next, flags, attachments, subpasses, dependencies, correlated_view_masks) """ Arguments: - `contents::SubpassContents` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassBeginInfo.html) """ SubpassBeginInfo(contents::SubpassContents; next = C_NULL) = SubpassBeginInfo(next, contents) """ Arguments: - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassEndInfo.html) """ SubpassEndInfo(; next = C_NULL) = SubpassEndInfo(next) """ Arguments: - `timeline_semaphore::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTimelineSemaphoreFeatures.html) """ PhysicalDeviceTimelineSemaphoreFeatures(timeline_semaphore::Bool; next = C_NULL) = PhysicalDeviceTimelineSemaphoreFeatures(next, timeline_semaphore) """ Arguments: - `max_timeline_semaphore_value_difference::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTimelineSemaphoreProperties.html) """ PhysicalDeviceTimelineSemaphoreProperties(max_timeline_semaphore_value_difference::Integer; next = C_NULL) = PhysicalDeviceTimelineSemaphoreProperties(next, max_timeline_semaphore_value_difference) """ Arguments: - `semaphore_type::SemaphoreType` - `initial_value::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreTypeCreateInfo.html) """ SemaphoreTypeCreateInfo(semaphore_type::SemaphoreType, initial_value::Integer; next = C_NULL) = SemaphoreTypeCreateInfo(next, semaphore_type, initial_value) """ Arguments: - `next::Any`: defaults to `C_NULL` - `wait_semaphore_values::Vector{UInt64}`: defaults to `C_NULL` - `signal_semaphore_values::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTimelineSemaphoreSubmitInfo.html) """ TimelineSemaphoreSubmitInfo(; next = C_NULL, wait_semaphore_values = C_NULL, signal_semaphore_values = C_NULL) = TimelineSemaphoreSubmitInfo(next, wait_semaphore_values, signal_semaphore_values) """ Arguments: - `semaphores::Vector{Semaphore}` - `values::Vector{UInt64}` - `next::Any`: defaults to `C_NULL` - `flags::SemaphoreWaitFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreWaitInfo.html) """ SemaphoreWaitInfo(semaphores::AbstractArray, values::AbstractArray; next = C_NULL, flags = 0) = SemaphoreWaitInfo(next, flags, semaphores, values) """ Arguments: - `semaphore::Semaphore` - `value::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreSignalInfo.html) """ SemaphoreSignalInfo(semaphore::Semaphore, value::Integer; next = C_NULL) = SemaphoreSignalInfo(next, semaphore, value) """ Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor Arguments: - `vertex_binding_divisors::Vector{VertexInputBindingDivisorDescriptionEXT}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineVertexInputDivisorStateCreateInfoEXT.html) """ PipelineVertexInputDivisorStateCreateInfoEXT(vertex_binding_divisors::AbstractArray; next = C_NULL) = PipelineVertexInputDivisorStateCreateInfoEXT(next, vertex_binding_divisors) """ Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor Arguments: - `max_vertex_attrib_divisor::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT.html) """ PhysicalDeviceVertexAttributeDivisorPropertiesEXT(max_vertex_attrib_divisor::Integer; next = C_NULL) = PhysicalDeviceVertexAttributeDivisorPropertiesEXT(next, max_vertex_attrib_divisor) """ Extension: VK\\_EXT\\_pci\\_bus\\_info Arguments: - `pci_domain::UInt32` - `pci_bus::UInt32` - `pci_device::UInt32` - `pci_function::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePCIBusInfoPropertiesEXT.html) """ PhysicalDevicePCIBusInfoPropertiesEXT(pci_domain::Integer, pci_bus::Integer, pci_device::Integer, pci_function::Integer; next = C_NULL) = PhysicalDevicePCIBusInfoPropertiesEXT(next, pci_domain, pci_bus, pci_device, pci_function) """ Extension: VK\\_EXT\\_conditional\\_rendering Arguments: - `conditional_rendering_enable::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceConditionalRenderingInfoEXT.html) """ CommandBufferInheritanceConditionalRenderingInfoEXT(conditional_rendering_enable::Bool; next = C_NULL) = CommandBufferInheritanceConditionalRenderingInfoEXT(next, conditional_rendering_enable) """ Arguments: - `storage_buffer_8_bit_access::Bool` - `uniform_and_storage_buffer_8_bit_access::Bool` - `storage_push_constant_8::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevice8BitStorageFeatures.html) """ PhysicalDevice8BitStorageFeatures(storage_buffer_8_bit_access::Bool, uniform_and_storage_buffer_8_bit_access::Bool, storage_push_constant_8::Bool; next = C_NULL) = PhysicalDevice8BitStorageFeatures(next, storage_buffer_8_bit_access, uniform_and_storage_buffer_8_bit_access, storage_push_constant_8) """ Extension: VK\\_EXT\\_conditional\\_rendering Arguments: - `conditional_rendering::Bool` - `inherited_conditional_rendering::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceConditionalRenderingFeaturesEXT.html) """ PhysicalDeviceConditionalRenderingFeaturesEXT(conditional_rendering::Bool, inherited_conditional_rendering::Bool; next = C_NULL) = PhysicalDeviceConditionalRenderingFeaturesEXT(next, conditional_rendering, inherited_conditional_rendering) """ Arguments: - `vulkan_memory_model::Bool` - `vulkan_memory_model_device_scope::Bool` - `vulkan_memory_model_availability_visibility_chains::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkanMemoryModelFeatures.html) """ PhysicalDeviceVulkanMemoryModelFeatures(vulkan_memory_model::Bool, vulkan_memory_model_device_scope::Bool, vulkan_memory_model_availability_visibility_chains::Bool; next = C_NULL) = PhysicalDeviceVulkanMemoryModelFeatures(next, vulkan_memory_model, vulkan_memory_model_device_scope, vulkan_memory_model_availability_visibility_chains) """ Arguments: - `shader_buffer_int_64_atomics::Bool` - `shader_shared_int_64_atomics::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderAtomicInt64Features.html) """ PhysicalDeviceShaderAtomicInt64Features(shader_buffer_int_64_atomics::Bool, shader_shared_int_64_atomics::Bool; next = C_NULL) = PhysicalDeviceShaderAtomicInt64Features(next, shader_buffer_int_64_atomics, shader_shared_int_64_atomics) """ Extension: VK\\_EXT\\_shader\\_atomic\\_float Arguments: - `shader_buffer_float_32_atomics::Bool` - `shader_buffer_float_32_atomic_add::Bool` - `shader_buffer_float_64_atomics::Bool` - `shader_buffer_float_64_atomic_add::Bool` - `shader_shared_float_32_atomics::Bool` - `shader_shared_float_32_atomic_add::Bool` - `shader_shared_float_64_atomics::Bool` - `shader_shared_float_64_atomic_add::Bool` - `shader_image_float_32_atomics::Bool` - `shader_image_float_32_atomic_add::Bool` - `sparse_image_float_32_atomics::Bool` - `sparse_image_float_32_atomic_add::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderAtomicFloatFeaturesEXT.html) """ PhysicalDeviceShaderAtomicFloatFeaturesEXT(shader_buffer_float_32_atomics::Bool, shader_buffer_float_32_atomic_add::Bool, shader_buffer_float_64_atomics::Bool, shader_buffer_float_64_atomic_add::Bool, shader_shared_float_32_atomics::Bool, shader_shared_float_32_atomic_add::Bool, shader_shared_float_64_atomics::Bool, shader_shared_float_64_atomic_add::Bool, shader_image_float_32_atomics::Bool, shader_image_float_32_atomic_add::Bool, sparse_image_float_32_atomics::Bool, sparse_image_float_32_atomic_add::Bool; next = C_NULL) = PhysicalDeviceShaderAtomicFloatFeaturesEXT(next, shader_buffer_float_32_atomics, shader_buffer_float_32_atomic_add, shader_buffer_float_64_atomics, shader_buffer_float_64_atomic_add, shader_shared_float_32_atomics, shader_shared_float_32_atomic_add, shader_shared_float_64_atomics, shader_shared_float_64_atomic_add, shader_image_float_32_atomics, shader_image_float_32_atomic_add, sparse_image_float_32_atomics, sparse_image_float_32_atomic_add) """ Extension: VK\\_EXT\\_shader\\_atomic\\_float2 Arguments: - `shader_buffer_float_16_atomics::Bool` - `shader_buffer_float_16_atomic_add::Bool` - `shader_buffer_float_16_atomic_min_max::Bool` - `shader_buffer_float_32_atomic_min_max::Bool` - `shader_buffer_float_64_atomic_min_max::Bool` - `shader_shared_float_16_atomics::Bool` - `shader_shared_float_16_atomic_add::Bool` - `shader_shared_float_16_atomic_min_max::Bool` - `shader_shared_float_32_atomic_min_max::Bool` - `shader_shared_float_64_atomic_min_max::Bool` - `shader_image_float_32_atomic_min_max::Bool` - `sparse_image_float_32_atomic_min_max::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT.html) """ PhysicalDeviceShaderAtomicFloat2FeaturesEXT(shader_buffer_float_16_atomics::Bool, shader_buffer_float_16_atomic_add::Bool, shader_buffer_float_16_atomic_min_max::Bool, shader_buffer_float_32_atomic_min_max::Bool, shader_buffer_float_64_atomic_min_max::Bool, shader_shared_float_16_atomics::Bool, shader_shared_float_16_atomic_add::Bool, shader_shared_float_16_atomic_min_max::Bool, shader_shared_float_32_atomic_min_max::Bool, shader_shared_float_64_atomic_min_max::Bool, shader_image_float_32_atomic_min_max::Bool, sparse_image_float_32_atomic_min_max::Bool; next = C_NULL) = PhysicalDeviceShaderAtomicFloat2FeaturesEXT(next, shader_buffer_float_16_atomics, shader_buffer_float_16_atomic_add, shader_buffer_float_16_atomic_min_max, shader_buffer_float_32_atomic_min_max, shader_buffer_float_64_atomic_min_max, shader_shared_float_16_atomics, shader_shared_float_16_atomic_add, shader_shared_float_16_atomic_min_max, shader_shared_float_32_atomic_min_max, shader_shared_float_64_atomic_min_max, shader_image_float_32_atomic_min_max, sparse_image_float_32_atomic_min_max) """ Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor Arguments: - `vertex_attribute_instance_rate_divisor::Bool` - `vertex_attribute_instance_rate_zero_divisor::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT.html) """ PhysicalDeviceVertexAttributeDivisorFeaturesEXT(vertex_attribute_instance_rate_divisor::Bool, vertex_attribute_instance_rate_zero_divisor::Bool; next = C_NULL) = PhysicalDeviceVertexAttributeDivisorFeaturesEXT(next, vertex_attribute_instance_rate_divisor, vertex_attribute_instance_rate_zero_divisor) """ Extension: VK\\_NV\\_device\\_diagnostic\\_checkpoints Arguments: - `checkpoint_execution_stage_mask::PipelineStageFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyCheckpointPropertiesNV.html) """ QueueFamilyCheckpointPropertiesNV(checkpoint_execution_stage_mask::PipelineStageFlag; next = C_NULL) = QueueFamilyCheckpointPropertiesNV(next, checkpoint_execution_stage_mask) """ Extension: VK\\_NV\\_device\\_diagnostic\\_checkpoints Arguments: - `stage::PipelineStageFlag` - `checkpoint_marker::Ptr{Cvoid}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCheckpointDataNV.html) """ CheckpointDataNV(stage::PipelineStageFlag, checkpoint_marker::Ptr{Cvoid}; next = C_NULL) = CheckpointDataNV(next, stage, checkpoint_marker) """ Arguments: - `supported_depth_resolve_modes::ResolveModeFlag` - `supported_stencil_resolve_modes::ResolveModeFlag` - `independent_resolve_none::Bool` - `independent_resolve::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthStencilResolveProperties.html) """ PhysicalDeviceDepthStencilResolveProperties(supported_depth_resolve_modes::ResolveModeFlag, supported_stencil_resolve_modes::ResolveModeFlag, independent_resolve_none::Bool, independent_resolve::Bool; next = C_NULL) = PhysicalDeviceDepthStencilResolveProperties(next, supported_depth_resolve_modes, supported_stencil_resolve_modes, independent_resolve_none, independent_resolve) """ Arguments: - `depth_resolve_mode::ResolveModeFlag` - `stencil_resolve_mode::ResolveModeFlag` - `next::Any`: defaults to `C_NULL` - `depth_stencil_resolve_attachment::AttachmentReference2`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDescriptionDepthStencilResolve.html) """ SubpassDescriptionDepthStencilResolve(depth_resolve_mode::ResolveModeFlag, stencil_resolve_mode::ResolveModeFlag; next = C_NULL, depth_stencil_resolve_attachment = C_NULL) = SubpassDescriptionDepthStencilResolve(next, depth_resolve_mode, stencil_resolve_mode, depth_stencil_resolve_attachment) """ Extension: VK\\_EXT\\_astc\\_decode\\_mode Arguments: - `decode_mode::Format` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewASTCDecodeModeEXT.html) """ ImageViewASTCDecodeModeEXT(decode_mode::Format; next = C_NULL) = ImageViewASTCDecodeModeEXT(next, decode_mode) """ Extension: VK\\_EXT\\_astc\\_decode\\_mode Arguments: - `decode_mode_shared_exponent::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceASTCDecodeFeaturesEXT.html) """ PhysicalDeviceASTCDecodeFeaturesEXT(decode_mode_shared_exponent::Bool; next = C_NULL) = PhysicalDeviceASTCDecodeFeaturesEXT(next, decode_mode_shared_exponent) """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `transform_feedback::Bool` - `geometry_streams::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTransformFeedbackFeaturesEXT.html) """ PhysicalDeviceTransformFeedbackFeaturesEXT(transform_feedback::Bool, geometry_streams::Bool; next = C_NULL) = PhysicalDeviceTransformFeedbackFeaturesEXT(next, transform_feedback, geometry_streams) """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `max_transform_feedback_streams::UInt32` - `max_transform_feedback_buffers::UInt32` - `max_transform_feedback_buffer_size::UInt64` - `max_transform_feedback_stream_data_size::UInt32` - `max_transform_feedback_buffer_data_size::UInt32` - `max_transform_feedback_buffer_data_stride::UInt32` - `transform_feedback_queries::Bool` - `transform_feedback_streams_lines_triangles::Bool` - `transform_feedback_rasterization_stream_select::Bool` - `transform_feedback_draw::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTransformFeedbackPropertiesEXT.html) """ PhysicalDeviceTransformFeedbackPropertiesEXT(max_transform_feedback_streams::Integer, max_transform_feedback_buffers::Integer, max_transform_feedback_buffer_size::Integer, max_transform_feedback_stream_data_size::Integer, max_transform_feedback_buffer_data_size::Integer, max_transform_feedback_buffer_data_stride::Integer, transform_feedback_queries::Bool, transform_feedback_streams_lines_triangles::Bool, transform_feedback_rasterization_stream_select::Bool, transform_feedback_draw::Bool; next = C_NULL) = PhysicalDeviceTransformFeedbackPropertiesEXT(next, max_transform_feedback_streams, max_transform_feedback_buffers, max_transform_feedback_buffer_size, max_transform_feedback_stream_data_size, max_transform_feedback_buffer_data_size, max_transform_feedback_buffer_data_stride, transform_feedback_queries, transform_feedback_streams_lines_triangles, transform_feedback_rasterization_stream_select, transform_feedback_draw) """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `rasterization_stream::UInt32` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationStateStreamCreateInfoEXT.html) """ PipelineRasterizationStateStreamCreateInfoEXT(rasterization_stream::Integer; next = C_NULL, flags = 0) = PipelineRasterizationStateStreamCreateInfoEXT(next, flags, rasterization_stream) """ Extension: VK\\_NV\\_representative\\_fragment\\_test Arguments: - `representative_fragment_test::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV.html) """ PhysicalDeviceRepresentativeFragmentTestFeaturesNV(representative_fragment_test::Bool; next = C_NULL) = PhysicalDeviceRepresentativeFragmentTestFeaturesNV(next, representative_fragment_test) """ Extension: VK\\_NV\\_representative\\_fragment\\_test Arguments: - `representative_fragment_test_enable::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRepresentativeFragmentTestStateCreateInfoNV.html) """ PipelineRepresentativeFragmentTestStateCreateInfoNV(representative_fragment_test_enable::Bool; next = C_NULL) = PipelineRepresentativeFragmentTestStateCreateInfoNV(next, representative_fragment_test_enable) """ Extension: VK\\_NV\\_scissor\\_exclusive Arguments: - `exclusive_scissor::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExclusiveScissorFeaturesNV.html) """ PhysicalDeviceExclusiveScissorFeaturesNV(exclusive_scissor::Bool; next = C_NULL) = PhysicalDeviceExclusiveScissorFeaturesNV(next, exclusive_scissor) """ Extension: VK\\_NV\\_scissor\\_exclusive Arguments: - `exclusive_scissors::Vector{Rect2D}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportExclusiveScissorStateCreateInfoNV.html) """ PipelineViewportExclusiveScissorStateCreateInfoNV(exclusive_scissors::AbstractArray; next = C_NULL) = PipelineViewportExclusiveScissorStateCreateInfoNV(next, exclusive_scissors) """ Extension: VK\\_NV\\_corner\\_sampled\\_image Arguments: - `corner_sampled_image::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCornerSampledImageFeaturesNV.html) """ PhysicalDeviceCornerSampledImageFeaturesNV(corner_sampled_image::Bool; next = C_NULL) = PhysicalDeviceCornerSampledImageFeaturesNV(next, corner_sampled_image) """ Extension: VK\\_NV\\_compute\\_shader\\_derivatives Arguments: - `compute_derivative_group_quads::Bool` - `compute_derivative_group_linear::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceComputeShaderDerivativesFeaturesNV.html) """ PhysicalDeviceComputeShaderDerivativesFeaturesNV(compute_derivative_group_quads::Bool, compute_derivative_group_linear::Bool; next = C_NULL) = PhysicalDeviceComputeShaderDerivativesFeaturesNV(next, compute_derivative_group_quads, compute_derivative_group_linear) """ Extension: VK\\_NV\\_shader\\_image\\_footprint Arguments: - `image_footprint::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderImageFootprintFeaturesNV.html) """ PhysicalDeviceShaderImageFootprintFeaturesNV(image_footprint::Bool; next = C_NULL) = PhysicalDeviceShaderImageFootprintFeaturesNV(next, image_footprint) """ Extension: VK\\_NV\\_dedicated\\_allocation\\_image\\_aliasing Arguments: - `dedicated_allocation_image_aliasing::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV.html) """ PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV(dedicated_allocation_image_aliasing::Bool; next = C_NULL) = PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV(next, dedicated_allocation_image_aliasing) """ Extension: VK\\_NV\\_copy\\_memory\\_indirect Arguments: - `indirect_copy::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCopyMemoryIndirectFeaturesNV.html) """ PhysicalDeviceCopyMemoryIndirectFeaturesNV(indirect_copy::Bool; next = C_NULL) = PhysicalDeviceCopyMemoryIndirectFeaturesNV(next, indirect_copy) """ Extension: VK\\_NV\\_copy\\_memory\\_indirect Arguments: - `supported_queues::QueueFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCopyMemoryIndirectPropertiesNV.html) """ PhysicalDeviceCopyMemoryIndirectPropertiesNV(supported_queues::QueueFlag; next = C_NULL) = PhysicalDeviceCopyMemoryIndirectPropertiesNV(next, supported_queues) """ Extension: VK\\_NV\\_memory\\_decompression Arguments: - `memory_decompression::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryDecompressionFeaturesNV.html) """ PhysicalDeviceMemoryDecompressionFeaturesNV(memory_decompression::Bool; next = C_NULL) = PhysicalDeviceMemoryDecompressionFeaturesNV(next, memory_decompression) """ Extension: VK\\_NV\\_memory\\_decompression Arguments: - `decompression_methods::UInt64` - `max_decompression_indirect_count::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryDecompressionPropertiesNV.html) """ PhysicalDeviceMemoryDecompressionPropertiesNV(decompression_methods::Integer, max_decompression_indirect_count::Integer; next = C_NULL) = PhysicalDeviceMemoryDecompressionPropertiesNV(next, decompression_methods, max_decompression_indirect_count) """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `shading_rate_image_enable::Bool` - `shading_rate_palettes::Vector{ShadingRatePaletteNV}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportShadingRateImageStateCreateInfoNV.html) """ PipelineViewportShadingRateImageStateCreateInfoNV(shading_rate_image_enable::Bool, shading_rate_palettes::AbstractArray; next = C_NULL) = PipelineViewportShadingRateImageStateCreateInfoNV(next, shading_rate_image_enable, shading_rate_palettes) """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `shading_rate_image::Bool` - `shading_rate_coarse_sample_order::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShadingRateImageFeaturesNV.html) """ PhysicalDeviceShadingRateImageFeaturesNV(shading_rate_image::Bool, shading_rate_coarse_sample_order::Bool; next = C_NULL) = PhysicalDeviceShadingRateImageFeaturesNV(next, shading_rate_image, shading_rate_coarse_sample_order) """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `shading_rate_texel_size::Extent2D` - `shading_rate_palette_size::UInt32` - `shading_rate_max_coarse_samples::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShadingRateImagePropertiesNV.html) """ PhysicalDeviceShadingRateImagePropertiesNV(shading_rate_texel_size::Extent2D, shading_rate_palette_size::Integer, shading_rate_max_coarse_samples::Integer; next = C_NULL) = PhysicalDeviceShadingRateImagePropertiesNV(next, shading_rate_texel_size, shading_rate_palette_size, shading_rate_max_coarse_samples) """ Extension: VK\\_HUAWEI\\_invocation\\_mask Arguments: - `invocation_mask::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInvocationMaskFeaturesHUAWEI.html) """ PhysicalDeviceInvocationMaskFeaturesHUAWEI(invocation_mask::Bool; next = C_NULL) = PhysicalDeviceInvocationMaskFeaturesHUAWEI(next, invocation_mask) """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `sample_order_type::CoarseSampleOrderTypeNV` - `custom_sample_orders::Vector{CoarseSampleOrderCustomNV}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportCoarseSampleOrderStateCreateInfoNV.html) """ PipelineViewportCoarseSampleOrderStateCreateInfoNV(sample_order_type::CoarseSampleOrderTypeNV, custom_sample_orders::AbstractArray; next = C_NULL) = PipelineViewportCoarseSampleOrderStateCreateInfoNV(next, sample_order_type, custom_sample_orders) """ Extension: VK\\_NV\\_mesh\\_shader Arguments: - `task_shader::Bool` - `mesh_shader::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderFeaturesNV.html) """ PhysicalDeviceMeshShaderFeaturesNV(task_shader::Bool, mesh_shader::Bool; next = C_NULL) = PhysicalDeviceMeshShaderFeaturesNV(next, task_shader, mesh_shader) """ Extension: VK\\_NV\\_mesh\\_shader Arguments: - `max_draw_mesh_tasks_count::UInt32` - `max_task_work_group_invocations::UInt32` - `max_task_work_group_size::NTuple{3, UInt32}` - `max_task_total_memory_size::UInt32` - `max_task_output_count::UInt32` - `max_mesh_work_group_invocations::UInt32` - `max_mesh_work_group_size::NTuple{3, UInt32}` - `max_mesh_total_memory_size::UInt32` - `max_mesh_output_vertices::UInt32` - `max_mesh_output_primitives::UInt32` - `max_mesh_multiview_view_count::UInt32` - `mesh_output_per_vertex_granularity::UInt32` - `mesh_output_per_primitive_granularity::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderPropertiesNV.html) """ PhysicalDeviceMeshShaderPropertiesNV(max_draw_mesh_tasks_count::Integer, max_task_work_group_invocations::Integer, max_task_work_group_size::NTuple{3, UInt32}, max_task_total_memory_size::Integer, max_task_output_count::Integer, max_mesh_work_group_invocations::Integer, max_mesh_work_group_size::NTuple{3, UInt32}, max_mesh_total_memory_size::Integer, max_mesh_output_vertices::Integer, max_mesh_output_primitives::Integer, max_mesh_multiview_view_count::Integer, mesh_output_per_vertex_granularity::Integer, mesh_output_per_primitive_granularity::Integer; next = C_NULL) = PhysicalDeviceMeshShaderPropertiesNV(next, max_draw_mesh_tasks_count, max_task_work_group_invocations, max_task_work_group_size, max_task_total_memory_size, max_task_output_count, max_mesh_work_group_invocations, max_mesh_work_group_size, max_mesh_total_memory_size, max_mesh_output_vertices, max_mesh_output_primitives, max_mesh_multiview_view_count, mesh_output_per_vertex_granularity, mesh_output_per_primitive_granularity) """ Extension: VK\\_EXT\\_mesh\\_shader Arguments: - `task_shader::Bool` - `mesh_shader::Bool` - `multiview_mesh_shader::Bool` - `primitive_fragment_shading_rate_mesh_shader::Bool` - `mesh_shader_queries::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderFeaturesEXT.html) """ PhysicalDeviceMeshShaderFeaturesEXT(task_shader::Bool, mesh_shader::Bool, multiview_mesh_shader::Bool, primitive_fragment_shading_rate_mesh_shader::Bool, mesh_shader_queries::Bool; next = C_NULL) = PhysicalDeviceMeshShaderFeaturesEXT(next, task_shader, mesh_shader, multiview_mesh_shader, primitive_fragment_shading_rate_mesh_shader, mesh_shader_queries) """ Extension: VK\\_EXT\\_mesh\\_shader Arguments: - `max_task_work_group_total_count::UInt32` - `max_task_work_group_count::NTuple{3, UInt32}` - `max_task_work_group_invocations::UInt32` - `max_task_work_group_size::NTuple{3, UInt32}` - `max_task_payload_size::UInt32` - `max_task_shared_memory_size::UInt32` - `max_task_payload_and_shared_memory_size::UInt32` - `max_mesh_work_group_total_count::UInt32` - `max_mesh_work_group_count::NTuple{3, UInt32}` - `max_mesh_work_group_invocations::UInt32` - `max_mesh_work_group_size::NTuple{3, UInt32}` - `max_mesh_shared_memory_size::UInt32` - `max_mesh_payload_and_shared_memory_size::UInt32` - `max_mesh_output_memory_size::UInt32` - `max_mesh_payload_and_output_memory_size::UInt32` - `max_mesh_output_components::UInt32` - `max_mesh_output_vertices::UInt32` - `max_mesh_output_primitives::UInt32` - `max_mesh_output_layers::UInt32` - `max_mesh_multiview_view_count::UInt32` - `mesh_output_per_vertex_granularity::UInt32` - `mesh_output_per_primitive_granularity::UInt32` - `max_preferred_task_work_group_invocations::UInt32` - `max_preferred_mesh_work_group_invocations::UInt32` - `prefers_local_invocation_vertex_output::Bool` - `prefers_local_invocation_primitive_output::Bool` - `prefers_compact_vertex_output::Bool` - `prefers_compact_primitive_output::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderPropertiesEXT.html) """ PhysicalDeviceMeshShaderPropertiesEXT(max_task_work_group_total_count::Integer, max_task_work_group_count::NTuple{3, UInt32}, max_task_work_group_invocations::Integer, max_task_work_group_size::NTuple{3, UInt32}, max_task_payload_size::Integer, max_task_shared_memory_size::Integer, max_task_payload_and_shared_memory_size::Integer, max_mesh_work_group_total_count::Integer, max_mesh_work_group_count::NTuple{3, UInt32}, max_mesh_work_group_invocations::Integer, max_mesh_work_group_size::NTuple{3, UInt32}, max_mesh_shared_memory_size::Integer, max_mesh_payload_and_shared_memory_size::Integer, max_mesh_output_memory_size::Integer, max_mesh_payload_and_output_memory_size::Integer, max_mesh_output_components::Integer, max_mesh_output_vertices::Integer, max_mesh_output_primitives::Integer, max_mesh_output_layers::Integer, max_mesh_multiview_view_count::Integer, mesh_output_per_vertex_granularity::Integer, mesh_output_per_primitive_granularity::Integer, max_preferred_task_work_group_invocations::Integer, max_preferred_mesh_work_group_invocations::Integer, prefers_local_invocation_vertex_output::Bool, prefers_local_invocation_primitive_output::Bool, prefers_compact_vertex_output::Bool, prefers_compact_primitive_output::Bool; next = C_NULL) = PhysicalDeviceMeshShaderPropertiesEXT(next, max_task_work_group_total_count, max_task_work_group_count, max_task_work_group_invocations, max_task_work_group_size, max_task_payload_size, max_task_shared_memory_size, max_task_payload_and_shared_memory_size, max_mesh_work_group_total_count, max_mesh_work_group_count, max_mesh_work_group_invocations, max_mesh_work_group_size, max_mesh_shared_memory_size, max_mesh_payload_and_shared_memory_size, max_mesh_output_memory_size, max_mesh_payload_and_output_memory_size, max_mesh_output_components, max_mesh_output_vertices, max_mesh_output_primitives, max_mesh_output_layers, max_mesh_multiview_view_count, mesh_output_per_vertex_granularity, mesh_output_per_primitive_granularity, max_preferred_task_work_group_invocations, max_preferred_mesh_work_group_invocations, prefers_local_invocation_vertex_output, prefers_local_invocation_primitive_output, prefers_compact_vertex_output, prefers_compact_primitive_output) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `type::RayTracingShaderGroupTypeKHR` - `general_shader::UInt32` - `closest_hit_shader::UInt32` - `any_hit_shader::UInt32` - `intersection_shader::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingShaderGroupCreateInfoNV.html) """ RayTracingShaderGroupCreateInfoNV(type::RayTracingShaderGroupTypeKHR, general_shader::Integer, closest_hit_shader::Integer, any_hit_shader::Integer, intersection_shader::Integer; next = C_NULL) = RayTracingShaderGroupCreateInfoNV(next, type, general_shader, closest_hit_shader, any_hit_shader, intersection_shader) """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `type::RayTracingShaderGroupTypeKHR` - `general_shader::UInt32` - `closest_hit_shader::UInt32` - `any_hit_shader::UInt32` - `intersection_shader::UInt32` - `next::Any`: defaults to `C_NULL` - `shader_group_capture_replay_handle::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingShaderGroupCreateInfoKHR.html) """ RayTracingShaderGroupCreateInfoKHR(type::RayTracingShaderGroupTypeKHR, general_shader::Integer, closest_hit_shader::Integer, any_hit_shader::Integer, intersection_shader::Integer; next = C_NULL, shader_group_capture_replay_handle = C_NULL) = RayTracingShaderGroupCreateInfoKHR(next, type, general_shader, closest_hit_shader, any_hit_shader, intersection_shader, shader_group_capture_replay_handle) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `stages::Vector{PipelineShaderStageCreateInfo}` - `groups::Vector{RayTracingShaderGroupCreateInfoNV}` - `max_recursion_depth::UInt32` - `layout::PipelineLayout` - `base_pipeline_index::Int32` - `next::Any`: defaults to `C_NULL` - `flags::PipelineCreateFlag`: defaults to `0` - `base_pipeline_handle::Pipeline`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingPipelineCreateInfoNV.html) """ RayTracingPipelineCreateInfoNV(stages::AbstractArray, groups::AbstractArray, max_recursion_depth::Integer, layout::PipelineLayout, base_pipeline_index::Integer; next = C_NULL, flags = 0, base_pipeline_handle = C_NULL) = RayTracingPipelineCreateInfoNV(next, flags, stages, groups, max_recursion_depth, layout, base_pipeline_handle, base_pipeline_index) """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `stages::Vector{PipelineShaderStageCreateInfo}` - `groups::Vector{RayTracingShaderGroupCreateInfoKHR}` - `max_pipeline_ray_recursion_depth::UInt32` - `layout::PipelineLayout` - `base_pipeline_index::Int32` - `next::Any`: defaults to `C_NULL` - `flags::PipelineCreateFlag`: defaults to `0` - `library_info::PipelineLibraryCreateInfoKHR`: defaults to `C_NULL` - `library_interface::RayTracingPipelineInterfaceCreateInfoKHR`: defaults to `C_NULL` - `dynamic_state::PipelineDynamicStateCreateInfo`: defaults to `C_NULL` - `base_pipeline_handle::Pipeline`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingPipelineCreateInfoKHR.html) """ RayTracingPipelineCreateInfoKHR(stages::AbstractArray, groups::AbstractArray, max_pipeline_ray_recursion_depth::Integer, layout::PipelineLayout, base_pipeline_index::Integer; next = C_NULL, flags = 0, library_info = C_NULL, library_interface = C_NULL, dynamic_state = C_NULL, base_pipeline_handle = C_NULL) = RayTracingPipelineCreateInfoKHR(next, flags, stages, groups, max_pipeline_ray_recursion_depth, library_info, library_interface, dynamic_state, layout, base_pipeline_handle, base_pipeline_index) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `vertex_offset::UInt64` - `vertex_count::UInt32` - `vertex_stride::UInt64` - `vertex_format::Format` - `index_offset::UInt64` - `index_count::UInt32` - `index_type::IndexType` - `transform_offset::UInt64` - `next::Any`: defaults to `C_NULL` - `vertex_data::Buffer`: defaults to `C_NULL` - `index_data::Buffer`: defaults to `C_NULL` - `transform_data::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryTrianglesNV.html) """ GeometryTrianglesNV(vertex_offset::Integer, vertex_count::Integer, vertex_stride::Integer, vertex_format::Format, index_offset::Integer, index_count::Integer, index_type::IndexType, transform_offset::Integer; next = C_NULL, vertex_data = C_NULL, index_data = C_NULL, transform_data = C_NULL) = GeometryTrianglesNV(next, vertex_data, vertex_offset, vertex_count, vertex_stride, vertex_format, index_data, index_offset, index_count, index_type, transform_data, transform_offset) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `num_aab_bs::UInt32` - `stride::UInt32` - `offset::UInt64` - `next::Any`: defaults to `C_NULL` - `aabb_data::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryAABBNV.html) """ GeometryAABBNV(num_aab_bs::Integer, stride::Integer, offset::Integer; next = C_NULL, aabb_data = C_NULL) = GeometryAABBNV(next, aabb_data, num_aab_bs, stride, offset) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `geometry_type::GeometryTypeKHR` - `geometry::GeometryDataNV` - `next::Any`: defaults to `C_NULL` - `flags::GeometryFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryNV.html) """ GeometryNV(geometry_type::GeometryTypeKHR, geometry::GeometryDataNV; next = C_NULL, flags = 0) = GeometryNV(next, geometry_type, geometry, flags) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `type::VkAccelerationStructureTypeNV` - `geometries::Vector{GeometryNV}` - `next::Any`: defaults to `C_NULL` - `flags::VkBuildAccelerationStructureFlagsNV`: defaults to `C_NULL` - `instance_count::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureInfoNV.html) """ AccelerationStructureInfoNV(type::VkAccelerationStructureTypeNV, geometries::AbstractArray; next = C_NULL, flags = C_NULL, instance_count = 0) = AccelerationStructureInfoNV(next, type, flags, instance_count, geometries) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `compacted_size::UInt64` - `info::AccelerationStructureInfoNV` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureCreateInfoNV.html) """ AccelerationStructureCreateInfoNV(compacted_size::Integer, info::AccelerationStructureInfoNV; next = C_NULL) = AccelerationStructureCreateInfoNV(next, compacted_size, info) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `acceleration_structure::AccelerationStructureNV` - `memory::DeviceMemory` - `memory_offset::UInt64` - `device_indices::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindAccelerationStructureMemoryInfoNV.html) """ BindAccelerationStructureMemoryInfoNV(acceleration_structure::AccelerationStructureNV, memory::DeviceMemory, memory_offset::Integer, device_indices::AbstractArray; next = C_NULL) = BindAccelerationStructureMemoryInfoNV(next, acceleration_structure, memory, memory_offset, device_indices) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `acceleration_structures::Vector{AccelerationStructureKHR}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSetAccelerationStructureKHR.html) """ WriteDescriptorSetAccelerationStructureKHR(acceleration_structures::AbstractArray; next = C_NULL) = WriteDescriptorSetAccelerationStructureKHR(next, acceleration_structures) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `acceleration_structures::Vector{AccelerationStructureNV}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSetAccelerationStructureNV.html) """ WriteDescriptorSetAccelerationStructureNV(acceleration_structures::AbstractArray; next = C_NULL) = WriteDescriptorSetAccelerationStructureNV(next, acceleration_structures) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `type::AccelerationStructureMemoryRequirementsTypeNV` - `acceleration_structure::AccelerationStructureNV` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMemoryRequirementsInfoNV.html) """ AccelerationStructureMemoryRequirementsInfoNV(type::AccelerationStructureMemoryRequirementsTypeNV, acceleration_structure::AccelerationStructureNV; next = C_NULL) = AccelerationStructureMemoryRequirementsInfoNV(next, type, acceleration_structure) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `acceleration_structure::Bool` - `acceleration_structure_capture_replay::Bool` - `acceleration_structure_indirect_build::Bool` - `acceleration_structure_host_commands::Bool` - `descriptor_binding_acceleration_structure_update_after_bind::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAccelerationStructureFeaturesKHR.html) """ PhysicalDeviceAccelerationStructureFeaturesKHR(acceleration_structure::Bool, acceleration_structure_capture_replay::Bool, acceleration_structure_indirect_build::Bool, acceleration_structure_host_commands::Bool, descriptor_binding_acceleration_structure_update_after_bind::Bool; next = C_NULL) = PhysicalDeviceAccelerationStructureFeaturesKHR(next, acceleration_structure, acceleration_structure_capture_replay, acceleration_structure_indirect_build, acceleration_structure_host_commands, descriptor_binding_acceleration_structure_update_after_bind) """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `ray_tracing_pipeline::Bool` - `ray_tracing_pipeline_shader_group_handle_capture_replay::Bool` - `ray_tracing_pipeline_shader_group_handle_capture_replay_mixed::Bool` - `ray_tracing_pipeline_trace_rays_indirect::Bool` - `ray_traversal_primitive_culling::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingPipelineFeaturesKHR.html) """ PhysicalDeviceRayTracingPipelineFeaturesKHR(ray_tracing_pipeline::Bool, ray_tracing_pipeline_shader_group_handle_capture_replay::Bool, ray_tracing_pipeline_shader_group_handle_capture_replay_mixed::Bool, ray_tracing_pipeline_trace_rays_indirect::Bool, ray_traversal_primitive_culling::Bool; next = C_NULL) = PhysicalDeviceRayTracingPipelineFeaturesKHR(next, ray_tracing_pipeline, ray_tracing_pipeline_shader_group_handle_capture_replay, ray_tracing_pipeline_shader_group_handle_capture_replay_mixed, ray_tracing_pipeline_trace_rays_indirect, ray_traversal_primitive_culling) """ Extension: VK\\_KHR\\_ray\\_query Arguments: - `ray_query::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayQueryFeaturesKHR.html) """ PhysicalDeviceRayQueryFeaturesKHR(ray_query::Bool; next = C_NULL) = PhysicalDeviceRayQueryFeaturesKHR(next, ray_query) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `max_geometry_count::UInt64` - `max_instance_count::UInt64` - `max_primitive_count::UInt64` - `max_per_stage_descriptor_acceleration_structures::UInt32` - `max_per_stage_descriptor_update_after_bind_acceleration_structures::UInt32` - `max_descriptor_set_acceleration_structures::UInt32` - `max_descriptor_set_update_after_bind_acceleration_structures::UInt32` - `min_acceleration_structure_scratch_offset_alignment::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAccelerationStructurePropertiesKHR.html) """ PhysicalDeviceAccelerationStructurePropertiesKHR(max_geometry_count::Integer, max_instance_count::Integer, max_primitive_count::Integer, max_per_stage_descriptor_acceleration_structures::Integer, max_per_stage_descriptor_update_after_bind_acceleration_structures::Integer, max_descriptor_set_acceleration_structures::Integer, max_descriptor_set_update_after_bind_acceleration_structures::Integer, min_acceleration_structure_scratch_offset_alignment::Integer; next = C_NULL) = PhysicalDeviceAccelerationStructurePropertiesKHR(next, max_geometry_count, max_instance_count, max_primitive_count, max_per_stage_descriptor_acceleration_structures, max_per_stage_descriptor_update_after_bind_acceleration_structures, max_descriptor_set_acceleration_structures, max_descriptor_set_update_after_bind_acceleration_structures, min_acceleration_structure_scratch_offset_alignment) """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `shader_group_handle_size::UInt32` - `max_ray_recursion_depth::UInt32` - `max_shader_group_stride::UInt32` - `shader_group_base_alignment::UInt32` - `shader_group_handle_capture_replay_size::UInt32` - `max_ray_dispatch_invocation_count::UInt32` - `shader_group_handle_alignment::UInt32` - `max_ray_hit_attribute_size::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingPipelinePropertiesKHR.html) """ PhysicalDeviceRayTracingPipelinePropertiesKHR(shader_group_handle_size::Integer, max_ray_recursion_depth::Integer, max_shader_group_stride::Integer, shader_group_base_alignment::Integer, shader_group_handle_capture_replay_size::Integer, max_ray_dispatch_invocation_count::Integer, shader_group_handle_alignment::Integer, max_ray_hit_attribute_size::Integer; next = C_NULL) = PhysicalDeviceRayTracingPipelinePropertiesKHR(next, shader_group_handle_size, max_ray_recursion_depth, max_shader_group_stride, shader_group_base_alignment, shader_group_handle_capture_replay_size, max_ray_dispatch_invocation_count, shader_group_handle_alignment, max_ray_hit_attribute_size) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `shader_group_handle_size::UInt32` - `max_recursion_depth::UInt32` - `max_shader_group_stride::UInt32` - `shader_group_base_alignment::UInt32` - `max_geometry_count::UInt64` - `max_instance_count::UInt64` - `max_triangle_count::UInt64` - `max_descriptor_set_acceleration_structures::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingPropertiesNV.html) """ PhysicalDeviceRayTracingPropertiesNV(shader_group_handle_size::Integer, max_recursion_depth::Integer, max_shader_group_stride::Integer, shader_group_base_alignment::Integer, max_geometry_count::Integer, max_instance_count::Integer, max_triangle_count::Integer, max_descriptor_set_acceleration_structures::Integer; next = C_NULL) = PhysicalDeviceRayTracingPropertiesNV(next, shader_group_handle_size, max_recursion_depth, max_shader_group_stride, shader_group_base_alignment, max_geometry_count, max_instance_count, max_triangle_count, max_descriptor_set_acceleration_structures) """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `stride::UInt64` - `size::UInt64` - `device_address::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkStridedDeviceAddressRegionKHR.html) """ StridedDeviceAddressRegionKHR(stride::Integer, size::Integer; device_address = 0) = StridedDeviceAddressRegionKHR(device_address, stride, size) """ Extension: VK\\_KHR\\_ray\\_tracing\\_maintenance1 Arguments: - `ray_tracing_maintenance_1::Bool` - `ray_tracing_pipeline_trace_rays_indirect_2::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR.html) """ PhysicalDeviceRayTracingMaintenance1FeaturesKHR(ray_tracing_maintenance_1::Bool, ray_tracing_pipeline_trace_rays_indirect_2::Bool; next = C_NULL) = PhysicalDeviceRayTracingMaintenance1FeaturesKHR(next, ray_tracing_maintenance_1, ray_tracing_pipeline_trace_rays_indirect_2) """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `next::Any`: defaults to `C_NULL` - `drm_format_modifier_properties::Vector{DrmFormatModifierPropertiesEXT}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierPropertiesListEXT.html) """ DrmFormatModifierPropertiesListEXT(; next = C_NULL, drm_format_modifier_properties = C_NULL) = DrmFormatModifierPropertiesListEXT(next, drm_format_modifier_properties) """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `drm_format_modifier::UInt64` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageDrmFormatModifierInfoEXT.html) """ PhysicalDeviceImageDrmFormatModifierInfoEXT(drm_format_modifier::Integer, sharing_mode::SharingMode, queue_family_indices::AbstractArray; next = C_NULL) = PhysicalDeviceImageDrmFormatModifierInfoEXT(next, drm_format_modifier, sharing_mode, queue_family_indices) """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `drm_format_modifiers::Vector{UInt64}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageDrmFormatModifierListCreateInfoEXT.html) """ ImageDrmFormatModifierListCreateInfoEXT(drm_format_modifiers::AbstractArray; next = C_NULL) = ImageDrmFormatModifierListCreateInfoEXT(next, drm_format_modifiers) """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `drm_format_modifier::UInt64` - `plane_layouts::Vector{SubresourceLayout}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageDrmFormatModifierExplicitCreateInfoEXT.html) """ ImageDrmFormatModifierExplicitCreateInfoEXT(drm_format_modifier::Integer, plane_layouts::AbstractArray; next = C_NULL) = ImageDrmFormatModifierExplicitCreateInfoEXT(next, drm_format_modifier, plane_layouts) """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `drm_format_modifier::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageDrmFormatModifierPropertiesEXT.html) """ ImageDrmFormatModifierPropertiesEXT(drm_format_modifier::Integer; next = C_NULL) = ImageDrmFormatModifierPropertiesEXT(next, drm_format_modifier) """ Arguments: - `stencil_usage::ImageUsageFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageStencilUsageCreateInfo.html) """ ImageStencilUsageCreateInfo(stencil_usage::ImageUsageFlag; next = C_NULL) = ImageStencilUsageCreateInfo(next, stencil_usage) """ Extension: VK\\_AMD\\_memory\\_overallocation\\_behavior Arguments: - `overallocation_behavior::MemoryOverallocationBehaviorAMD` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceMemoryOverallocationCreateInfoAMD.html) """ DeviceMemoryOverallocationCreateInfoAMD(overallocation_behavior::MemoryOverallocationBehaviorAMD; next = C_NULL) = DeviceMemoryOverallocationCreateInfoAMD(next, overallocation_behavior) """ Extension: VK\\_EXT\\_fragment\\_density\\_map Arguments: - `fragment_density_map::Bool` - `fragment_density_map_dynamic::Bool` - `fragment_density_map_non_subsampled_images::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapFeaturesEXT.html) """ PhysicalDeviceFragmentDensityMapFeaturesEXT(fragment_density_map::Bool, fragment_density_map_dynamic::Bool, fragment_density_map_non_subsampled_images::Bool; next = C_NULL) = PhysicalDeviceFragmentDensityMapFeaturesEXT(next, fragment_density_map, fragment_density_map_dynamic, fragment_density_map_non_subsampled_images) """ Extension: VK\\_EXT\\_fragment\\_density\\_map2 Arguments: - `fragment_density_map_deferred::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMap2FeaturesEXT.html) """ PhysicalDeviceFragmentDensityMap2FeaturesEXT(fragment_density_map_deferred::Bool; next = C_NULL) = PhysicalDeviceFragmentDensityMap2FeaturesEXT(next, fragment_density_map_deferred) """ Extension: VK\\_QCOM\\_fragment\\_density\\_map\\_offset Arguments: - `fragment_density_map_offset::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM.html) """ PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM(fragment_density_map_offset::Bool; next = C_NULL) = PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM(next, fragment_density_map_offset) """ Extension: VK\\_EXT\\_fragment\\_density\\_map Arguments: - `min_fragment_density_texel_size::Extent2D` - `max_fragment_density_texel_size::Extent2D` - `fragment_density_invocations::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapPropertiesEXT.html) """ PhysicalDeviceFragmentDensityMapPropertiesEXT(min_fragment_density_texel_size::Extent2D, max_fragment_density_texel_size::Extent2D, fragment_density_invocations::Bool; next = C_NULL) = PhysicalDeviceFragmentDensityMapPropertiesEXT(next, min_fragment_density_texel_size, max_fragment_density_texel_size, fragment_density_invocations) """ Extension: VK\\_EXT\\_fragment\\_density\\_map2 Arguments: - `subsampled_loads::Bool` - `subsampled_coarse_reconstruction_early_access::Bool` - `max_subsampled_array_layers::UInt32` - `max_descriptor_set_subsampled_samplers::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMap2PropertiesEXT.html) """ PhysicalDeviceFragmentDensityMap2PropertiesEXT(subsampled_loads::Bool, subsampled_coarse_reconstruction_early_access::Bool, max_subsampled_array_layers::Integer, max_descriptor_set_subsampled_samplers::Integer; next = C_NULL) = PhysicalDeviceFragmentDensityMap2PropertiesEXT(next, subsampled_loads, subsampled_coarse_reconstruction_early_access, max_subsampled_array_layers, max_descriptor_set_subsampled_samplers) """ Extension: VK\\_QCOM\\_fragment\\_density\\_map\\_offset Arguments: - `fragment_density_offset_granularity::Extent2D` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM.html) """ PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM(fragment_density_offset_granularity::Extent2D; next = C_NULL) = PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM(next, fragment_density_offset_granularity) """ Extension: VK\\_EXT\\_fragment\\_density\\_map Arguments: - `fragment_density_map_attachment::AttachmentReference` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassFragmentDensityMapCreateInfoEXT.html) """ RenderPassFragmentDensityMapCreateInfoEXT(fragment_density_map_attachment::AttachmentReference; next = C_NULL) = RenderPassFragmentDensityMapCreateInfoEXT(next, fragment_density_map_attachment) """ Extension: VK\\_QCOM\\_fragment\\_density\\_map\\_offset Arguments: - `fragment_density_offsets::Vector{Offset2D}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassFragmentDensityMapOffsetEndInfoQCOM.html) """ SubpassFragmentDensityMapOffsetEndInfoQCOM(fragment_density_offsets::AbstractArray; next = C_NULL) = SubpassFragmentDensityMapOffsetEndInfoQCOM(next, fragment_density_offsets) """ Arguments: - `scalar_block_layout::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceScalarBlockLayoutFeatures.html) """ PhysicalDeviceScalarBlockLayoutFeatures(scalar_block_layout::Bool; next = C_NULL) = PhysicalDeviceScalarBlockLayoutFeatures(next, scalar_block_layout) """ Extension: VK\\_KHR\\_surface\\_protected\\_capabilities Arguments: - `supports_protected::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceProtectedCapabilitiesKHR.html) """ SurfaceProtectedCapabilitiesKHR(supports_protected::Bool; next = C_NULL) = SurfaceProtectedCapabilitiesKHR(next, supports_protected) """ Arguments: - `uniform_buffer_standard_layout::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceUniformBufferStandardLayoutFeatures.html) """ PhysicalDeviceUniformBufferStandardLayoutFeatures(uniform_buffer_standard_layout::Bool; next = C_NULL) = PhysicalDeviceUniformBufferStandardLayoutFeatures(next, uniform_buffer_standard_layout) """ Extension: VK\\_EXT\\_depth\\_clip\\_enable Arguments: - `depth_clip_enable::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthClipEnableFeaturesEXT.html) """ PhysicalDeviceDepthClipEnableFeaturesEXT(depth_clip_enable::Bool; next = C_NULL) = PhysicalDeviceDepthClipEnableFeaturesEXT(next, depth_clip_enable) """ Extension: VK\\_EXT\\_depth\\_clip\\_enable Arguments: - `depth_clip_enable::Bool` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationDepthClipStateCreateInfoEXT.html) """ PipelineRasterizationDepthClipStateCreateInfoEXT(depth_clip_enable::Bool; next = C_NULL, flags = 0) = PipelineRasterizationDepthClipStateCreateInfoEXT(next, flags, depth_clip_enable) """ Extension: VK\\_EXT\\_memory\\_budget Arguments: - `heap_budget::NTuple{Int(VK_MAX_MEMORY_HEAPS), UInt64}` - `heap_usage::NTuple{Int(VK_MAX_MEMORY_HEAPS), UInt64}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryBudgetPropertiesEXT.html) """ PhysicalDeviceMemoryBudgetPropertiesEXT(heap_budget::NTuple{Int(VK_MAX_MEMORY_HEAPS), UInt64}, heap_usage::NTuple{Int(VK_MAX_MEMORY_HEAPS), UInt64}; next = C_NULL) = PhysicalDeviceMemoryBudgetPropertiesEXT(next, heap_budget, heap_usage) """ Extension: VK\\_EXT\\_memory\\_priority Arguments: - `memory_priority::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryPriorityFeaturesEXT.html) """ PhysicalDeviceMemoryPriorityFeaturesEXT(memory_priority::Bool; next = C_NULL) = PhysicalDeviceMemoryPriorityFeaturesEXT(next, memory_priority) """ Extension: VK\\_EXT\\_memory\\_priority Arguments: - `priority::Float32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryPriorityAllocateInfoEXT.html) """ MemoryPriorityAllocateInfoEXT(priority::Real; next = C_NULL) = MemoryPriorityAllocateInfoEXT(next, priority) """ Extension: VK\\_EXT\\_pageable\\_device\\_local\\_memory Arguments: - `pageable_device_local_memory::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT.html) """ PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT(pageable_device_local_memory::Bool; next = C_NULL) = PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT(next, pageable_device_local_memory) """ Arguments: - `buffer_device_address::Bool` - `buffer_device_address_capture_replay::Bool` - `buffer_device_address_multi_device::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBufferDeviceAddressFeatures.html) """ PhysicalDeviceBufferDeviceAddressFeatures(buffer_device_address::Bool, buffer_device_address_capture_replay::Bool, buffer_device_address_multi_device::Bool; next = C_NULL) = PhysicalDeviceBufferDeviceAddressFeatures(next, buffer_device_address, buffer_device_address_capture_replay, buffer_device_address_multi_device) """ Extension: VK\\_EXT\\_buffer\\_device\\_address Arguments: - `buffer_device_address::Bool` - `buffer_device_address_capture_replay::Bool` - `buffer_device_address_multi_device::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBufferDeviceAddressFeaturesEXT.html) """ PhysicalDeviceBufferDeviceAddressFeaturesEXT(buffer_device_address::Bool, buffer_device_address_capture_replay::Bool, buffer_device_address_multi_device::Bool; next = C_NULL) = PhysicalDeviceBufferDeviceAddressFeaturesEXT(next, buffer_device_address, buffer_device_address_capture_replay, buffer_device_address_multi_device) """ Arguments: - `buffer::Buffer` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferDeviceAddressInfo.html) """ BufferDeviceAddressInfo(buffer::Buffer; next = C_NULL) = BufferDeviceAddressInfo(next, buffer) """ Arguments: - `opaque_capture_address::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferOpaqueCaptureAddressCreateInfo.html) """ BufferOpaqueCaptureAddressCreateInfo(opaque_capture_address::Integer; next = C_NULL) = BufferOpaqueCaptureAddressCreateInfo(next, opaque_capture_address) """ Extension: VK\\_EXT\\_buffer\\_device\\_address Arguments: - `device_address::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferDeviceAddressCreateInfoEXT.html) """ BufferDeviceAddressCreateInfoEXT(device_address::Integer; next = C_NULL) = BufferDeviceAddressCreateInfoEXT(next, device_address) """ Extension: VK\\_EXT\\_filter\\_cubic Arguments: - `image_view_type::ImageViewType` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageViewImageFormatInfoEXT.html) """ PhysicalDeviceImageViewImageFormatInfoEXT(image_view_type::ImageViewType; next = C_NULL) = PhysicalDeviceImageViewImageFormatInfoEXT(next, image_view_type) """ Extension: VK\\_EXT\\_filter\\_cubic Arguments: - `filter_cubic::Bool` - `filter_cubic_minmax::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFilterCubicImageViewImageFormatPropertiesEXT.html) """ FilterCubicImageViewImageFormatPropertiesEXT(filter_cubic::Bool, filter_cubic_minmax::Bool; next = C_NULL) = FilterCubicImageViewImageFormatPropertiesEXT(next, filter_cubic, filter_cubic_minmax) """ Arguments: - `imageless_framebuffer::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImagelessFramebufferFeatures.html) """ PhysicalDeviceImagelessFramebufferFeatures(imageless_framebuffer::Bool; next = C_NULL) = PhysicalDeviceImagelessFramebufferFeatures(next, imageless_framebuffer) """ Arguments: - `attachment_image_infos::Vector{FramebufferAttachmentImageInfo}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferAttachmentsCreateInfo.html) """ FramebufferAttachmentsCreateInfo(attachment_image_infos::AbstractArray; next = C_NULL) = FramebufferAttachmentsCreateInfo(next, attachment_image_infos) """ Arguments: - `usage::ImageUsageFlag` - `width::UInt32` - `height::UInt32` - `layer_count::UInt32` - `view_formats::Vector{Format}` - `next::Any`: defaults to `C_NULL` - `flags::ImageCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferAttachmentImageInfo.html) """ FramebufferAttachmentImageInfo(usage::ImageUsageFlag, width::Integer, height::Integer, layer_count::Integer, view_formats::AbstractArray; next = C_NULL, flags = 0) = FramebufferAttachmentImageInfo(next, flags, usage, width, height, layer_count, view_formats) """ Arguments: - `attachments::Vector{ImageView}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassAttachmentBeginInfo.html) """ RenderPassAttachmentBeginInfo(attachments::AbstractArray; next = C_NULL) = RenderPassAttachmentBeginInfo(next, attachments) """ Arguments: - `texture_compression_astc_hdr::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTextureCompressionASTCHDRFeatures.html) """ PhysicalDeviceTextureCompressionASTCHDRFeatures(texture_compression_astc_hdr::Bool; next = C_NULL) = PhysicalDeviceTextureCompressionASTCHDRFeatures(next, texture_compression_astc_hdr) """ Extension: VK\\_NV\\_cooperative\\_matrix Arguments: - `cooperative_matrix::Bool` - `cooperative_matrix_robust_buffer_access::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCooperativeMatrixFeaturesNV.html) """ PhysicalDeviceCooperativeMatrixFeaturesNV(cooperative_matrix::Bool, cooperative_matrix_robust_buffer_access::Bool; next = C_NULL) = PhysicalDeviceCooperativeMatrixFeaturesNV(next, cooperative_matrix, cooperative_matrix_robust_buffer_access) """ Extension: VK\\_NV\\_cooperative\\_matrix Arguments: - `cooperative_matrix_supported_stages::ShaderStageFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCooperativeMatrixPropertiesNV.html) """ PhysicalDeviceCooperativeMatrixPropertiesNV(cooperative_matrix_supported_stages::ShaderStageFlag; next = C_NULL) = PhysicalDeviceCooperativeMatrixPropertiesNV(next, cooperative_matrix_supported_stages) """ Extension: VK\\_NV\\_cooperative\\_matrix Arguments: - `m_size::UInt32` - `n_size::UInt32` - `k_size::UInt32` - `a_type::ComponentTypeNV` - `b_type::ComponentTypeNV` - `c_type::ComponentTypeNV` - `d_type::ComponentTypeNV` - `scope::ScopeNV` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCooperativeMatrixPropertiesNV.html) """ CooperativeMatrixPropertiesNV(m_size::Integer, n_size::Integer, k_size::Integer, a_type::ComponentTypeNV, b_type::ComponentTypeNV, c_type::ComponentTypeNV, d_type::ComponentTypeNV, scope::ScopeNV; next = C_NULL) = CooperativeMatrixPropertiesNV(next, m_size, n_size, k_size, a_type, b_type, c_type, d_type, scope) """ Extension: VK\\_EXT\\_ycbcr\\_image\\_arrays Arguments: - `ycbcr_image_arrays::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceYcbcrImageArraysFeaturesEXT.html) """ PhysicalDeviceYcbcrImageArraysFeaturesEXT(ycbcr_image_arrays::Bool; next = C_NULL) = PhysicalDeviceYcbcrImageArraysFeaturesEXT(next, ycbcr_image_arrays) """ Extension: VK\\_NVX\\_image\\_view\\_handle Arguments: - `image_view::ImageView` - `descriptor_type::DescriptorType` - `next::Any`: defaults to `C_NULL` - `sampler::Sampler`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewHandleInfoNVX.html) """ ImageViewHandleInfoNVX(image_view::ImageView, descriptor_type::DescriptorType; next = C_NULL, sampler = C_NULL) = ImageViewHandleInfoNVX(next, image_view, descriptor_type, sampler) """ Extension: VK\\_NVX\\_image\\_view\\_handle Arguments: - `device_address::UInt64` - `size::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewAddressPropertiesNVX.html) """ ImageViewAddressPropertiesNVX(device_address::Integer, size::Integer; next = C_NULL) = ImageViewAddressPropertiesNVX(next, device_address, size) """ Arguments: - `pipeline_creation_feedback::PipelineCreationFeedback` - `pipeline_stage_creation_feedbacks::Vector{PipelineCreationFeedback}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCreationFeedbackCreateInfo.html) """ PipelineCreationFeedbackCreateInfo(pipeline_creation_feedback::PipelineCreationFeedback, pipeline_stage_creation_feedbacks::AbstractArray; next = C_NULL) = PipelineCreationFeedbackCreateInfo(next, pipeline_creation_feedback, pipeline_stage_creation_feedbacks) """ Extension: VK\\_NV\\_present\\_barrier Arguments: - `present_barrier::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePresentBarrierFeaturesNV.html) """ PhysicalDevicePresentBarrierFeaturesNV(present_barrier::Bool; next = C_NULL) = PhysicalDevicePresentBarrierFeaturesNV(next, present_barrier) """ Extension: VK\\_NV\\_present\\_barrier Arguments: - `present_barrier_supported::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilitiesPresentBarrierNV.html) """ SurfaceCapabilitiesPresentBarrierNV(present_barrier_supported::Bool; next = C_NULL) = SurfaceCapabilitiesPresentBarrierNV(next, present_barrier_supported) """ Extension: VK\\_NV\\_present\\_barrier Arguments: - `present_barrier_enable::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentBarrierCreateInfoNV.html) """ SwapchainPresentBarrierCreateInfoNV(present_barrier_enable::Bool; next = C_NULL) = SwapchainPresentBarrierCreateInfoNV(next, present_barrier_enable) """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `performance_counter_query_pools::Bool` - `performance_counter_multiple_query_pools::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePerformanceQueryFeaturesKHR.html) """ PhysicalDevicePerformanceQueryFeaturesKHR(performance_counter_query_pools::Bool, performance_counter_multiple_query_pools::Bool; next = C_NULL) = PhysicalDevicePerformanceQueryFeaturesKHR(next, performance_counter_query_pools, performance_counter_multiple_query_pools) """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `allow_command_buffer_query_copies::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePerformanceQueryPropertiesKHR.html) """ PhysicalDevicePerformanceQueryPropertiesKHR(allow_command_buffer_query_copies::Bool; next = C_NULL) = PhysicalDevicePerformanceQueryPropertiesKHR(next, allow_command_buffer_query_copies) """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `unit::PerformanceCounterUnitKHR` - `scope::PerformanceCounterScopeKHR` - `storage::PerformanceCounterStorageKHR` - `uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceCounterKHR.html) """ PerformanceCounterKHR(unit::PerformanceCounterUnitKHR, scope::PerformanceCounterScopeKHR, storage::PerformanceCounterStorageKHR, uuid::NTuple{Int(VK_UUID_SIZE), UInt8}; next = C_NULL) = PerformanceCounterKHR(next, unit, scope, storage, uuid) """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `name::String` - `category::String` - `description::String` - `next::Any`: defaults to `C_NULL` - `flags::PerformanceCounterDescriptionFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceCounterDescriptionKHR.html) """ PerformanceCounterDescriptionKHR(name::AbstractString, category::AbstractString, description::AbstractString; next = C_NULL, flags = 0) = PerformanceCounterDescriptionKHR(next, flags, name, category, description) """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `queue_family_index::UInt32` - `counter_indices::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueryPoolPerformanceCreateInfoKHR.html) """ QueryPoolPerformanceCreateInfoKHR(queue_family_index::Integer, counter_indices::AbstractArray; next = C_NULL) = QueryPoolPerformanceCreateInfoKHR(next, queue_family_index, counter_indices) """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `timeout::UInt64` - `next::Any`: defaults to `C_NULL` - `flags::AcquireProfilingLockFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAcquireProfilingLockInfoKHR.html) """ AcquireProfilingLockInfoKHR(timeout::Integer; next = C_NULL, flags = 0) = AcquireProfilingLockInfoKHR(next, flags, timeout) """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `counter_pass_index::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceQuerySubmitInfoKHR.html) """ PerformanceQuerySubmitInfoKHR(counter_pass_index::Integer; next = C_NULL) = PerformanceQuerySubmitInfoKHR(next, counter_pass_index) """ Extension: VK\\_EXT\\_headless\\_surface Arguments: - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkHeadlessSurfaceCreateInfoEXT.html) """ HeadlessSurfaceCreateInfoEXT(; next = C_NULL, flags = 0) = HeadlessSurfaceCreateInfoEXT(next, flags) """ Extension: VK\\_NV\\_coverage\\_reduction\\_mode Arguments: - `coverage_reduction_mode::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCoverageReductionModeFeaturesNV.html) """ PhysicalDeviceCoverageReductionModeFeaturesNV(coverage_reduction_mode::Bool; next = C_NULL) = PhysicalDeviceCoverageReductionModeFeaturesNV(next, coverage_reduction_mode) """ Extension: VK\\_NV\\_coverage\\_reduction\\_mode Arguments: - `coverage_reduction_mode::CoverageReductionModeNV` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCoverageReductionStateCreateInfoNV.html) """ PipelineCoverageReductionStateCreateInfoNV(coverage_reduction_mode::CoverageReductionModeNV; next = C_NULL, flags = 0) = PipelineCoverageReductionStateCreateInfoNV(next, flags, coverage_reduction_mode) """ Extension: VK\\_NV\\_coverage\\_reduction\\_mode Arguments: - `coverage_reduction_mode::CoverageReductionModeNV` - `rasterization_samples::SampleCountFlag` - `depth_stencil_samples::SampleCountFlag` - `color_samples::SampleCountFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferMixedSamplesCombinationNV.html) """ FramebufferMixedSamplesCombinationNV(coverage_reduction_mode::CoverageReductionModeNV, rasterization_samples::SampleCountFlag, depth_stencil_samples::SampleCountFlag, color_samples::SampleCountFlag; next = C_NULL) = FramebufferMixedSamplesCombinationNV(next, coverage_reduction_mode, rasterization_samples, depth_stencil_samples, color_samples) """ Extension: VK\\_INTEL\\_shader\\_integer\\_functions2 Arguments: - `shader_integer_functions_2::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL.html) """ PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL(shader_integer_functions_2::Bool; next = C_NULL) = PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL(next, shader_integer_functions_2) """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `next::Any`: defaults to `C_NULL` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkInitializePerformanceApiInfoINTEL.html) """ InitializePerformanceApiInfoINTEL(; next = C_NULL, user_data = C_NULL) = InitializePerformanceApiInfoINTEL(next, user_data) """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `performance_counters_sampling::QueryPoolSamplingModeINTEL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueryPoolPerformanceQueryCreateInfoINTEL.html) """ QueryPoolPerformanceQueryCreateInfoINTEL(performance_counters_sampling::QueryPoolSamplingModeINTEL; next = C_NULL) = QueryPoolPerformanceQueryCreateInfoINTEL(next, performance_counters_sampling) """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `marker::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceMarkerInfoINTEL.html) """ PerformanceMarkerInfoINTEL(marker::Integer; next = C_NULL) = PerformanceMarkerInfoINTEL(next, marker) """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `marker::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceStreamMarkerInfoINTEL.html) """ PerformanceStreamMarkerInfoINTEL(marker::Integer; next = C_NULL) = PerformanceStreamMarkerInfoINTEL(next, marker) """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `type::PerformanceOverrideTypeINTEL` - `enable::Bool` - `parameter::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceOverrideInfoINTEL.html) """ PerformanceOverrideInfoINTEL(type::PerformanceOverrideTypeINTEL, enable::Bool, parameter::Integer; next = C_NULL) = PerformanceOverrideInfoINTEL(next, type, enable, parameter) """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `type::PerformanceConfigurationTypeINTEL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceConfigurationAcquireInfoINTEL.html) """ PerformanceConfigurationAcquireInfoINTEL(type::PerformanceConfigurationTypeINTEL; next = C_NULL) = PerformanceConfigurationAcquireInfoINTEL(next, type) """ Extension: VK\\_KHR\\_shader\\_clock Arguments: - `shader_subgroup_clock::Bool` - `shader_device_clock::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderClockFeaturesKHR.html) """ PhysicalDeviceShaderClockFeaturesKHR(shader_subgroup_clock::Bool, shader_device_clock::Bool; next = C_NULL) = PhysicalDeviceShaderClockFeaturesKHR(next, shader_subgroup_clock, shader_device_clock) """ Extension: VK\\_EXT\\_index\\_type\\_uint8 Arguments: - `index_type_uint_8::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceIndexTypeUint8FeaturesEXT.html) """ PhysicalDeviceIndexTypeUint8FeaturesEXT(index_type_uint_8::Bool; next = C_NULL) = PhysicalDeviceIndexTypeUint8FeaturesEXT(next, index_type_uint_8) """ Extension: VK\\_NV\\_shader\\_sm\\_builtins Arguments: - `shader_sm_count::UInt32` - `shader_warps_per_sm::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSMBuiltinsPropertiesNV.html) """ PhysicalDeviceShaderSMBuiltinsPropertiesNV(shader_sm_count::Integer, shader_warps_per_sm::Integer; next = C_NULL) = PhysicalDeviceShaderSMBuiltinsPropertiesNV(next, shader_sm_count, shader_warps_per_sm) """ Extension: VK\\_NV\\_shader\\_sm\\_builtins Arguments: - `shader_sm_builtins::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSMBuiltinsFeaturesNV.html) """ PhysicalDeviceShaderSMBuiltinsFeaturesNV(shader_sm_builtins::Bool; next = C_NULL) = PhysicalDeviceShaderSMBuiltinsFeaturesNV(next, shader_sm_builtins) """ Extension: VK\\_EXT\\_fragment\\_shader\\_interlock Arguments: - `fragment_shader_sample_interlock::Bool` - `fragment_shader_pixel_interlock::Bool` - `fragment_shader_shading_rate_interlock::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT.html) """ PhysicalDeviceFragmentShaderInterlockFeaturesEXT(fragment_shader_sample_interlock::Bool, fragment_shader_pixel_interlock::Bool, fragment_shader_shading_rate_interlock::Bool; next = C_NULL) = PhysicalDeviceFragmentShaderInterlockFeaturesEXT(next, fragment_shader_sample_interlock, fragment_shader_pixel_interlock, fragment_shader_shading_rate_interlock) """ Arguments: - `separate_depth_stencil_layouts::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures.html) """ PhysicalDeviceSeparateDepthStencilLayoutsFeatures(separate_depth_stencil_layouts::Bool; next = C_NULL) = PhysicalDeviceSeparateDepthStencilLayoutsFeatures(next, separate_depth_stencil_layouts) """ Arguments: - `stencil_layout::ImageLayout` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentReferenceStencilLayout.html) """ AttachmentReferenceStencilLayout(stencil_layout::ImageLayout; next = C_NULL) = AttachmentReferenceStencilLayout(next, stencil_layout) """ Extension: VK\\_EXT\\_primitive\\_topology\\_list\\_restart Arguments: - `primitive_topology_list_restart::Bool` - `primitive_topology_patch_list_restart::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT.html) """ PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT(primitive_topology_list_restart::Bool, primitive_topology_patch_list_restart::Bool; next = C_NULL) = PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT(next, primitive_topology_list_restart, primitive_topology_patch_list_restart) """ Arguments: - `stencil_initial_layout::ImageLayout` - `stencil_final_layout::ImageLayout` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentDescriptionStencilLayout.html) """ AttachmentDescriptionStencilLayout(stencil_initial_layout::ImageLayout, stencil_final_layout::ImageLayout; next = C_NULL) = AttachmentDescriptionStencilLayout(next, stencil_initial_layout, stencil_final_layout) """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Arguments: - `pipeline_executable_info::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR.html) """ PhysicalDevicePipelineExecutablePropertiesFeaturesKHR(pipeline_executable_info::Bool; next = C_NULL) = PhysicalDevicePipelineExecutablePropertiesFeaturesKHR(next, pipeline_executable_info) """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Arguments: - `pipeline::Pipeline` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineInfoKHR.html) """ PipelineInfoKHR(pipeline::Pipeline; next = C_NULL) = PipelineInfoKHR(next, pipeline) """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Arguments: - `stages::ShaderStageFlag` - `name::String` - `description::String` - `subgroup_size::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutablePropertiesKHR.html) """ PipelineExecutablePropertiesKHR(stages::ShaderStageFlag, name::AbstractString, description::AbstractString, subgroup_size::Integer; next = C_NULL) = PipelineExecutablePropertiesKHR(next, stages, name, description, subgroup_size) """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Arguments: - `pipeline::Pipeline` - `executable_index::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableInfoKHR.html) """ PipelineExecutableInfoKHR(pipeline::Pipeline, executable_index::Integer; next = C_NULL) = PipelineExecutableInfoKHR(next, pipeline, executable_index) """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Arguments: - `name::String` - `description::String` - `format::PipelineExecutableStatisticFormatKHR` - `value::PipelineExecutableStatisticValueKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableStatisticKHR.html) """ PipelineExecutableStatisticKHR(name::AbstractString, description::AbstractString, format::PipelineExecutableStatisticFormatKHR, value::PipelineExecutableStatisticValueKHR; next = C_NULL) = PipelineExecutableStatisticKHR(next, name, description, format, value) """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Arguments: - `name::String` - `description::String` - `is_text::Bool` - `data_size::UInt` - `next::Any`: defaults to `C_NULL` - `data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableInternalRepresentationKHR.html) """ PipelineExecutableInternalRepresentationKHR(name::AbstractString, description::AbstractString, is_text::Bool, data_size::Integer; next = C_NULL, data = C_NULL) = PipelineExecutableInternalRepresentationKHR(next, name, description, is_text, data_size, data) """ Arguments: - `shader_demote_to_helper_invocation::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures.html) """ PhysicalDeviceShaderDemoteToHelperInvocationFeatures(shader_demote_to_helper_invocation::Bool; next = C_NULL) = PhysicalDeviceShaderDemoteToHelperInvocationFeatures(next, shader_demote_to_helper_invocation) """ Extension: VK\\_EXT\\_texel\\_buffer\\_alignment Arguments: - `texel_buffer_alignment::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT.html) """ PhysicalDeviceTexelBufferAlignmentFeaturesEXT(texel_buffer_alignment::Bool; next = C_NULL) = PhysicalDeviceTexelBufferAlignmentFeaturesEXT(next, texel_buffer_alignment) """ Arguments: - `storage_texel_buffer_offset_alignment_bytes::UInt64` - `storage_texel_buffer_offset_single_texel_alignment::Bool` - `uniform_texel_buffer_offset_alignment_bytes::UInt64` - `uniform_texel_buffer_offset_single_texel_alignment::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTexelBufferAlignmentProperties.html) """ PhysicalDeviceTexelBufferAlignmentProperties(storage_texel_buffer_offset_alignment_bytes::Integer, storage_texel_buffer_offset_single_texel_alignment::Bool, uniform_texel_buffer_offset_alignment_bytes::Integer, uniform_texel_buffer_offset_single_texel_alignment::Bool; next = C_NULL) = PhysicalDeviceTexelBufferAlignmentProperties(next, storage_texel_buffer_offset_alignment_bytes, storage_texel_buffer_offset_single_texel_alignment, uniform_texel_buffer_offset_alignment_bytes, uniform_texel_buffer_offset_single_texel_alignment) """ Arguments: - `subgroup_size_control::Bool` - `compute_full_subgroups::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubgroupSizeControlFeatures.html) """ PhysicalDeviceSubgroupSizeControlFeatures(subgroup_size_control::Bool, compute_full_subgroups::Bool; next = C_NULL) = PhysicalDeviceSubgroupSizeControlFeatures(next, subgroup_size_control, compute_full_subgroups) """ Arguments: - `min_subgroup_size::UInt32` - `max_subgroup_size::UInt32` - `max_compute_workgroup_subgroups::UInt32` - `required_subgroup_size_stages::ShaderStageFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubgroupSizeControlProperties.html) """ PhysicalDeviceSubgroupSizeControlProperties(min_subgroup_size::Integer, max_subgroup_size::Integer, max_compute_workgroup_subgroups::Integer, required_subgroup_size_stages::ShaderStageFlag; next = C_NULL) = PhysicalDeviceSubgroupSizeControlProperties(next, min_subgroup_size, max_subgroup_size, max_compute_workgroup_subgroups, required_subgroup_size_stages) """ Arguments: - `required_subgroup_size::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineShaderStageRequiredSubgroupSizeCreateInfo.html) """ PipelineShaderStageRequiredSubgroupSizeCreateInfo(required_subgroup_size::Integer; next = C_NULL) = PipelineShaderStageRequiredSubgroupSizeCreateInfo(next, required_subgroup_size) """ Extension: VK\\_HUAWEI\\_subpass\\_shading Arguments: - `render_pass::RenderPass` - `subpass::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassShadingPipelineCreateInfoHUAWEI.html) """ SubpassShadingPipelineCreateInfoHUAWEI(render_pass::RenderPass, subpass::Integer; next = C_NULL) = SubpassShadingPipelineCreateInfoHUAWEI(next, render_pass, subpass) """ Extension: VK\\_HUAWEI\\_subpass\\_shading Arguments: - `max_subpass_shading_workgroup_size_aspect_ratio::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubpassShadingPropertiesHUAWEI.html) """ PhysicalDeviceSubpassShadingPropertiesHUAWEI(max_subpass_shading_workgroup_size_aspect_ratio::Integer; next = C_NULL) = PhysicalDeviceSubpassShadingPropertiesHUAWEI(next, max_subpass_shading_workgroup_size_aspect_ratio) """ Extension: VK\\_HUAWEI\\_cluster\\_culling\\_shader Arguments: - `max_work_group_count::NTuple{3, UInt32}` - `max_work_group_size::NTuple{3, UInt32}` - `max_output_cluster_count::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI.html) """ PhysicalDeviceClusterCullingShaderPropertiesHUAWEI(max_work_group_count::NTuple{3, UInt32}, max_work_group_size::NTuple{3, UInt32}, max_output_cluster_count::Integer; next = C_NULL) = PhysicalDeviceClusterCullingShaderPropertiesHUAWEI(next, max_work_group_count, max_work_group_size, max_output_cluster_count) """ Arguments: - `opaque_capture_address::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryOpaqueCaptureAddressAllocateInfo.html) """ MemoryOpaqueCaptureAddressAllocateInfo(opaque_capture_address::Integer; next = C_NULL) = MemoryOpaqueCaptureAddressAllocateInfo(next, opaque_capture_address) """ Arguments: - `memory::DeviceMemory` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceMemoryOpaqueCaptureAddressInfo.html) """ DeviceMemoryOpaqueCaptureAddressInfo(memory::DeviceMemory; next = C_NULL) = DeviceMemoryOpaqueCaptureAddressInfo(next, memory) """ Extension: VK\\_EXT\\_line\\_rasterization Arguments: - `rectangular_lines::Bool` - `bresenham_lines::Bool` - `smooth_lines::Bool` - `stippled_rectangular_lines::Bool` - `stippled_bresenham_lines::Bool` - `stippled_smooth_lines::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLineRasterizationFeaturesEXT.html) """ PhysicalDeviceLineRasterizationFeaturesEXT(rectangular_lines::Bool, bresenham_lines::Bool, smooth_lines::Bool, stippled_rectangular_lines::Bool, stippled_bresenham_lines::Bool, stippled_smooth_lines::Bool; next = C_NULL) = PhysicalDeviceLineRasterizationFeaturesEXT(next, rectangular_lines, bresenham_lines, smooth_lines, stippled_rectangular_lines, stippled_bresenham_lines, stippled_smooth_lines) """ Extension: VK\\_EXT\\_line\\_rasterization Arguments: - `line_sub_pixel_precision_bits::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLineRasterizationPropertiesEXT.html) """ PhysicalDeviceLineRasterizationPropertiesEXT(line_sub_pixel_precision_bits::Integer; next = C_NULL) = PhysicalDeviceLineRasterizationPropertiesEXT(next, line_sub_pixel_precision_bits) """ Extension: VK\\_EXT\\_line\\_rasterization Arguments: - `line_rasterization_mode::LineRasterizationModeEXT` - `stippled_line_enable::Bool` - `line_stipple_factor::UInt32` - `line_stipple_pattern::UInt16` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationLineStateCreateInfoEXT.html) """ PipelineRasterizationLineStateCreateInfoEXT(line_rasterization_mode::LineRasterizationModeEXT, stippled_line_enable::Bool, line_stipple_factor::Integer, line_stipple_pattern::Integer; next = C_NULL) = PipelineRasterizationLineStateCreateInfoEXT(next, line_rasterization_mode, stippled_line_enable, line_stipple_factor, line_stipple_pattern) """ Arguments: - `pipeline_creation_cache_control::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineCreationCacheControlFeatures.html) """ PhysicalDevicePipelineCreationCacheControlFeatures(pipeline_creation_cache_control::Bool; next = C_NULL) = PhysicalDevicePipelineCreationCacheControlFeatures(next, pipeline_creation_cache_control) """ Arguments: - `storage_buffer_16_bit_access::Bool` - `uniform_and_storage_buffer_16_bit_access::Bool` - `storage_push_constant_16::Bool` - `storage_input_output_16::Bool` - `multiview::Bool` - `multiview_geometry_shader::Bool` - `multiview_tessellation_shader::Bool` - `variable_pointers_storage_buffer::Bool` - `variable_pointers::Bool` - `protected_memory::Bool` - `sampler_ycbcr_conversion::Bool` - `shader_draw_parameters::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan11Features.html) """ PhysicalDeviceVulkan11Features(storage_buffer_16_bit_access::Bool, uniform_and_storage_buffer_16_bit_access::Bool, storage_push_constant_16::Bool, storage_input_output_16::Bool, multiview::Bool, multiview_geometry_shader::Bool, multiview_tessellation_shader::Bool, variable_pointers_storage_buffer::Bool, variable_pointers::Bool, protected_memory::Bool, sampler_ycbcr_conversion::Bool, shader_draw_parameters::Bool; next = C_NULL) = PhysicalDeviceVulkan11Features(next, storage_buffer_16_bit_access, uniform_and_storage_buffer_16_bit_access, storage_push_constant_16, storage_input_output_16, multiview, multiview_geometry_shader, multiview_tessellation_shader, variable_pointers_storage_buffer, variable_pointers, protected_memory, sampler_ycbcr_conversion, shader_draw_parameters) """ Arguments: - `device_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `driver_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `device_luid::NTuple{Int(VK_LUID_SIZE), UInt8}` - `device_node_mask::UInt32` - `device_luid_valid::Bool` - `subgroup_size::UInt32` - `subgroup_supported_stages::ShaderStageFlag` - `subgroup_supported_operations::SubgroupFeatureFlag` - `subgroup_quad_operations_in_all_stages::Bool` - `point_clipping_behavior::PointClippingBehavior` - `max_multiview_view_count::UInt32` - `max_multiview_instance_index::UInt32` - `protected_no_fault::Bool` - `max_per_set_descriptors::UInt32` - `max_memory_allocation_size::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan11Properties.html) """ PhysicalDeviceVulkan11Properties(device_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}, driver_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}, device_luid::NTuple{Int(VK_LUID_SIZE), UInt8}, device_node_mask::Integer, device_luid_valid::Bool, subgroup_size::Integer, subgroup_supported_stages::ShaderStageFlag, subgroup_supported_operations::SubgroupFeatureFlag, subgroup_quad_operations_in_all_stages::Bool, point_clipping_behavior::PointClippingBehavior, max_multiview_view_count::Integer, max_multiview_instance_index::Integer, protected_no_fault::Bool, max_per_set_descriptors::Integer, max_memory_allocation_size::Integer; next = C_NULL) = PhysicalDeviceVulkan11Properties(next, device_uuid, driver_uuid, device_luid, device_node_mask, device_luid_valid, subgroup_size, subgroup_supported_stages, subgroup_supported_operations, subgroup_quad_operations_in_all_stages, point_clipping_behavior, max_multiview_view_count, max_multiview_instance_index, protected_no_fault, max_per_set_descriptors, max_memory_allocation_size) """ Arguments: - `sampler_mirror_clamp_to_edge::Bool` - `draw_indirect_count::Bool` - `storage_buffer_8_bit_access::Bool` - `uniform_and_storage_buffer_8_bit_access::Bool` - `storage_push_constant_8::Bool` - `shader_buffer_int_64_atomics::Bool` - `shader_shared_int_64_atomics::Bool` - `shader_float_16::Bool` - `shader_int_8::Bool` - `descriptor_indexing::Bool` - `shader_input_attachment_array_dynamic_indexing::Bool` - `shader_uniform_texel_buffer_array_dynamic_indexing::Bool` - `shader_storage_texel_buffer_array_dynamic_indexing::Bool` - `shader_uniform_buffer_array_non_uniform_indexing::Bool` - `shader_sampled_image_array_non_uniform_indexing::Bool` - `shader_storage_buffer_array_non_uniform_indexing::Bool` - `shader_storage_image_array_non_uniform_indexing::Bool` - `shader_input_attachment_array_non_uniform_indexing::Bool` - `shader_uniform_texel_buffer_array_non_uniform_indexing::Bool` - `shader_storage_texel_buffer_array_non_uniform_indexing::Bool` - `descriptor_binding_uniform_buffer_update_after_bind::Bool` - `descriptor_binding_sampled_image_update_after_bind::Bool` - `descriptor_binding_storage_image_update_after_bind::Bool` - `descriptor_binding_storage_buffer_update_after_bind::Bool` - `descriptor_binding_uniform_texel_buffer_update_after_bind::Bool` - `descriptor_binding_storage_texel_buffer_update_after_bind::Bool` - `descriptor_binding_update_unused_while_pending::Bool` - `descriptor_binding_partially_bound::Bool` - `descriptor_binding_variable_descriptor_count::Bool` - `runtime_descriptor_array::Bool` - `sampler_filter_minmax::Bool` - `scalar_block_layout::Bool` - `imageless_framebuffer::Bool` - `uniform_buffer_standard_layout::Bool` - `shader_subgroup_extended_types::Bool` - `separate_depth_stencil_layouts::Bool` - `host_query_reset::Bool` - `timeline_semaphore::Bool` - `buffer_device_address::Bool` - `buffer_device_address_capture_replay::Bool` - `buffer_device_address_multi_device::Bool` - `vulkan_memory_model::Bool` - `vulkan_memory_model_device_scope::Bool` - `vulkan_memory_model_availability_visibility_chains::Bool` - `shader_output_viewport_index::Bool` - `shader_output_layer::Bool` - `subgroup_broadcast_dynamic_id::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan12Features.html) """ PhysicalDeviceVulkan12Features(sampler_mirror_clamp_to_edge::Bool, draw_indirect_count::Bool, storage_buffer_8_bit_access::Bool, uniform_and_storage_buffer_8_bit_access::Bool, storage_push_constant_8::Bool, shader_buffer_int_64_atomics::Bool, shader_shared_int_64_atomics::Bool, shader_float_16::Bool, shader_int_8::Bool, descriptor_indexing::Bool, shader_input_attachment_array_dynamic_indexing::Bool, shader_uniform_texel_buffer_array_dynamic_indexing::Bool, shader_storage_texel_buffer_array_dynamic_indexing::Bool, shader_uniform_buffer_array_non_uniform_indexing::Bool, shader_sampled_image_array_non_uniform_indexing::Bool, shader_storage_buffer_array_non_uniform_indexing::Bool, shader_storage_image_array_non_uniform_indexing::Bool, shader_input_attachment_array_non_uniform_indexing::Bool, shader_uniform_texel_buffer_array_non_uniform_indexing::Bool, shader_storage_texel_buffer_array_non_uniform_indexing::Bool, descriptor_binding_uniform_buffer_update_after_bind::Bool, descriptor_binding_sampled_image_update_after_bind::Bool, descriptor_binding_storage_image_update_after_bind::Bool, descriptor_binding_storage_buffer_update_after_bind::Bool, descriptor_binding_uniform_texel_buffer_update_after_bind::Bool, descriptor_binding_storage_texel_buffer_update_after_bind::Bool, descriptor_binding_update_unused_while_pending::Bool, descriptor_binding_partially_bound::Bool, descriptor_binding_variable_descriptor_count::Bool, runtime_descriptor_array::Bool, sampler_filter_minmax::Bool, scalar_block_layout::Bool, imageless_framebuffer::Bool, uniform_buffer_standard_layout::Bool, shader_subgroup_extended_types::Bool, separate_depth_stencil_layouts::Bool, host_query_reset::Bool, timeline_semaphore::Bool, buffer_device_address::Bool, buffer_device_address_capture_replay::Bool, buffer_device_address_multi_device::Bool, vulkan_memory_model::Bool, vulkan_memory_model_device_scope::Bool, vulkan_memory_model_availability_visibility_chains::Bool, shader_output_viewport_index::Bool, shader_output_layer::Bool, subgroup_broadcast_dynamic_id::Bool; next = C_NULL) = PhysicalDeviceVulkan12Features(next, sampler_mirror_clamp_to_edge, draw_indirect_count, storage_buffer_8_bit_access, uniform_and_storage_buffer_8_bit_access, storage_push_constant_8, shader_buffer_int_64_atomics, shader_shared_int_64_atomics, shader_float_16, shader_int_8, descriptor_indexing, shader_input_attachment_array_dynamic_indexing, shader_uniform_texel_buffer_array_dynamic_indexing, shader_storage_texel_buffer_array_dynamic_indexing, shader_uniform_buffer_array_non_uniform_indexing, shader_sampled_image_array_non_uniform_indexing, shader_storage_buffer_array_non_uniform_indexing, shader_storage_image_array_non_uniform_indexing, shader_input_attachment_array_non_uniform_indexing, shader_uniform_texel_buffer_array_non_uniform_indexing, shader_storage_texel_buffer_array_non_uniform_indexing, descriptor_binding_uniform_buffer_update_after_bind, descriptor_binding_sampled_image_update_after_bind, descriptor_binding_storage_image_update_after_bind, descriptor_binding_storage_buffer_update_after_bind, descriptor_binding_uniform_texel_buffer_update_after_bind, descriptor_binding_storage_texel_buffer_update_after_bind, descriptor_binding_update_unused_while_pending, descriptor_binding_partially_bound, descriptor_binding_variable_descriptor_count, runtime_descriptor_array, sampler_filter_minmax, scalar_block_layout, imageless_framebuffer, uniform_buffer_standard_layout, shader_subgroup_extended_types, separate_depth_stencil_layouts, host_query_reset, timeline_semaphore, buffer_device_address, buffer_device_address_capture_replay, buffer_device_address_multi_device, vulkan_memory_model, vulkan_memory_model_device_scope, vulkan_memory_model_availability_visibility_chains, shader_output_viewport_index, shader_output_layer, subgroup_broadcast_dynamic_id) """ Arguments: - `driver_id::DriverId` - `driver_name::String` - `driver_info::String` - `conformance_version::ConformanceVersion` - `denorm_behavior_independence::ShaderFloatControlsIndependence` - `rounding_mode_independence::ShaderFloatControlsIndependence` - `shader_signed_zero_inf_nan_preserve_float_16::Bool` - `shader_signed_zero_inf_nan_preserve_float_32::Bool` - `shader_signed_zero_inf_nan_preserve_float_64::Bool` - `shader_denorm_preserve_float_16::Bool` - `shader_denorm_preserve_float_32::Bool` - `shader_denorm_preserve_float_64::Bool` - `shader_denorm_flush_to_zero_float_16::Bool` - `shader_denorm_flush_to_zero_float_32::Bool` - `shader_denorm_flush_to_zero_float_64::Bool` - `shader_rounding_mode_rte_float_16::Bool` - `shader_rounding_mode_rte_float_32::Bool` - `shader_rounding_mode_rte_float_64::Bool` - `shader_rounding_mode_rtz_float_16::Bool` - `shader_rounding_mode_rtz_float_32::Bool` - `shader_rounding_mode_rtz_float_64::Bool` - `max_update_after_bind_descriptors_in_all_pools::UInt32` - `shader_uniform_buffer_array_non_uniform_indexing_native::Bool` - `shader_sampled_image_array_non_uniform_indexing_native::Bool` - `shader_storage_buffer_array_non_uniform_indexing_native::Bool` - `shader_storage_image_array_non_uniform_indexing_native::Bool` - `shader_input_attachment_array_non_uniform_indexing_native::Bool` - `robust_buffer_access_update_after_bind::Bool` - `quad_divergent_implicit_lod::Bool` - `max_per_stage_descriptor_update_after_bind_samplers::UInt32` - `max_per_stage_descriptor_update_after_bind_uniform_buffers::UInt32` - `max_per_stage_descriptor_update_after_bind_storage_buffers::UInt32` - `max_per_stage_descriptor_update_after_bind_sampled_images::UInt32` - `max_per_stage_descriptor_update_after_bind_storage_images::UInt32` - `max_per_stage_descriptor_update_after_bind_input_attachments::UInt32` - `max_per_stage_update_after_bind_resources::UInt32` - `max_descriptor_set_update_after_bind_samplers::UInt32` - `max_descriptor_set_update_after_bind_uniform_buffers::UInt32` - `max_descriptor_set_update_after_bind_uniform_buffers_dynamic::UInt32` - `max_descriptor_set_update_after_bind_storage_buffers::UInt32` - `max_descriptor_set_update_after_bind_storage_buffers_dynamic::UInt32` - `max_descriptor_set_update_after_bind_sampled_images::UInt32` - `max_descriptor_set_update_after_bind_storage_images::UInt32` - `max_descriptor_set_update_after_bind_input_attachments::UInt32` - `supported_depth_resolve_modes::ResolveModeFlag` - `supported_stencil_resolve_modes::ResolveModeFlag` - `independent_resolve_none::Bool` - `independent_resolve::Bool` - `filter_minmax_single_component_formats::Bool` - `filter_minmax_image_component_mapping::Bool` - `max_timeline_semaphore_value_difference::UInt64` - `next::Any`: defaults to `C_NULL` - `framebuffer_integer_color_sample_counts::SampleCountFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan12Properties.html) """ PhysicalDeviceVulkan12Properties(driver_id::DriverId, driver_name::AbstractString, driver_info::AbstractString, conformance_version::ConformanceVersion, denorm_behavior_independence::ShaderFloatControlsIndependence, rounding_mode_independence::ShaderFloatControlsIndependence, shader_signed_zero_inf_nan_preserve_float_16::Bool, shader_signed_zero_inf_nan_preserve_float_32::Bool, shader_signed_zero_inf_nan_preserve_float_64::Bool, shader_denorm_preserve_float_16::Bool, shader_denorm_preserve_float_32::Bool, shader_denorm_preserve_float_64::Bool, shader_denorm_flush_to_zero_float_16::Bool, shader_denorm_flush_to_zero_float_32::Bool, shader_denorm_flush_to_zero_float_64::Bool, shader_rounding_mode_rte_float_16::Bool, shader_rounding_mode_rte_float_32::Bool, shader_rounding_mode_rte_float_64::Bool, shader_rounding_mode_rtz_float_16::Bool, shader_rounding_mode_rtz_float_32::Bool, shader_rounding_mode_rtz_float_64::Bool, max_update_after_bind_descriptors_in_all_pools::Integer, shader_uniform_buffer_array_non_uniform_indexing_native::Bool, shader_sampled_image_array_non_uniform_indexing_native::Bool, shader_storage_buffer_array_non_uniform_indexing_native::Bool, shader_storage_image_array_non_uniform_indexing_native::Bool, shader_input_attachment_array_non_uniform_indexing_native::Bool, robust_buffer_access_update_after_bind::Bool, quad_divergent_implicit_lod::Bool, max_per_stage_descriptor_update_after_bind_samplers::Integer, max_per_stage_descriptor_update_after_bind_uniform_buffers::Integer, max_per_stage_descriptor_update_after_bind_storage_buffers::Integer, max_per_stage_descriptor_update_after_bind_sampled_images::Integer, max_per_stage_descriptor_update_after_bind_storage_images::Integer, max_per_stage_descriptor_update_after_bind_input_attachments::Integer, max_per_stage_update_after_bind_resources::Integer, max_descriptor_set_update_after_bind_samplers::Integer, max_descriptor_set_update_after_bind_uniform_buffers::Integer, max_descriptor_set_update_after_bind_uniform_buffers_dynamic::Integer, max_descriptor_set_update_after_bind_storage_buffers::Integer, max_descriptor_set_update_after_bind_storage_buffers_dynamic::Integer, max_descriptor_set_update_after_bind_sampled_images::Integer, max_descriptor_set_update_after_bind_storage_images::Integer, max_descriptor_set_update_after_bind_input_attachments::Integer, supported_depth_resolve_modes::ResolveModeFlag, supported_stencil_resolve_modes::ResolveModeFlag, independent_resolve_none::Bool, independent_resolve::Bool, filter_minmax_single_component_formats::Bool, filter_minmax_image_component_mapping::Bool, max_timeline_semaphore_value_difference::Integer; next = C_NULL, framebuffer_integer_color_sample_counts = 0) = PhysicalDeviceVulkan12Properties(next, driver_id, driver_name, driver_info, conformance_version, denorm_behavior_independence, rounding_mode_independence, shader_signed_zero_inf_nan_preserve_float_16, shader_signed_zero_inf_nan_preserve_float_32, shader_signed_zero_inf_nan_preserve_float_64, shader_denorm_preserve_float_16, shader_denorm_preserve_float_32, shader_denorm_preserve_float_64, shader_denorm_flush_to_zero_float_16, shader_denorm_flush_to_zero_float_32, shader_denorm_flush_to_zero_float_64, shader_rounding_mode_rte_float_16, shader_rounding_mode_rte_float_32, shader_rounding_mode_rte_float_64, shader_rounding_mode_rtz_float_16, shader_rounding_mode_rtz_float_32, shader_rounding_mode_rtz_float_64, max_update_after_bind_descriptors_in_all_pools, shader_uniform_buffer_array_non_uniform_indexing_native, shader_sampled_image_array_non_uniform_indexing_native, shader_storage_buffer_array_non_uniform_indexing_native, shader_storage_image_array_non_uniform_indexing_native, shader_input_attachment_array_non_uniform_indexing_native, robust_buffer_access_update_after_bind, quad_divergent_implicit_lod, max_per_stage_descriptor_update_after_bind_samplers, max_per_stage_descriptor_update_after_bind_uniform_buffers, max_per_stage_descriptor_update_after_bind_storage_buffers, max_per_stage_descriptor_update_after_bind_sampled_images, max_per_stage_descriptor_update_after_bind_storage_images, max_per_stage_descriptor_update_after_bind_input_attachments, max_per_stage_update_after_bind_resources, max_descriptor_set_update_after_bind_samplers, max_descriptor_set_update_after_bind_uniform_buffers, max_descriptor_set_update_after_bind_uniform_buffers_dynamic, max_descriptor_set_update_after_bind_storage_buffers, max_descriptor_set_update_after_bind_storage_buffers_dynamic, max_descriptor_set_update_after_bind_sampled_images, max_descriptor_set_update_after_bind_storage_images, max_descriptor_set_update_after_bind_input_attachments, supported_depth_resolve_modes, supported_stencil_resolve_modes, independent_resolve_none, independent_resolve, filter_minmax_single_component_formats, filter_minmax_image_component_mapping, max_timeline_semaphore_value_difference, framebuffer_integer_color_sample_counts) """ Arguments: - `robust_image_access::Bool` - `inline_uniform_block::Bool` - `descriptor_binding_inline_uniform_block_update_after_bind::Bool` - `pipeline_creation_cache_control::Bool` - `private_data::Bool` - `shader_demote_to_helper_invocation::Bool` - `shader_terminate_invocation::Bool` - `subgroup_size_control::Bool` - `compute_full_subgroups::Bool` - `synchronization2::Bool` - `texture_compression_astc_hdr::Bool` - `shader_zero_initialize_workgroup_memory::Bool` - `dynamic_rendering::Bool` - `shader_integer_dot_product::Bool` - `maintenance4::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan13Features.html) """ PhysicalDeviceVulkan13Features(robust_image_access::Bool, inline_uniform_block::Bool, descriptor_binding_inline_uniform_block_update_after_bind::Bool, pipeline_creation_cache_control::Bool, private_data::Bool, shader_demote_to_helper_invocation::Bool, shader_terminate_invocation::Bool, subgroup_size_control::Bool, compute_full_subgroups::Bool, synchronization2::Bool, texture_compression_astc_hdr::Bool, shader_zero_initialize_workgroup_memory::Bool, dynamic_rendering::Bool, shader_integer_dot_product::Bool, maintenance4::Bool; next = C_NULL) = PhysicalDeviceVulkan13Features(next, robust_image_access, inline_uniform_block, descriptor_binding_inline_uniform_block_update_after_bind, pipeline_creation_cache_control, private_data, shader_demote_to_helper_invocation, shader_terminate_invocation, subgroup_size_control, compute_full_subgroups, synchronization2, texture_compression_astc_hdr, shader_zero_initialize_workgroup_memory, dynamic_rendering, shader_integer_dot_product, maintenance4) """ Arguments: - `min_subgroup_size::UInt32` - `max_subgroup_size::UInt32` - `max_compute_workgroup_subgroups::UInt32` - `required_subgroup_size_stages::ShaderStageFlag` - `max_inline_uniform_block_size::UInt32` - `max_per_stage_descriptor_inline_uniform_blocks::UInt32` - `max_per_stage_descriptor_update_after_bind_inline_uniform_blocks::UInt32` - `max_descriptor_set_inline_uniform_blocks::UInt32` - `max_descriptor_set_update_after_bind_inline_uniform_blocks::UInt32` - `max_inline_uniform_total_size::UInt32` - `integer_dot_product_8_bit_unsigned_accelerated::Bool` - `integer_dot_product_8_bit_signed_accelerated::Bool` - `integer_dot_product_8_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_8_bit_packed_unsigned_accelerated::Bool` - `integer_dot_product_8_bit_packed_signed_accelerated::Bool` - `integer_dot_product_8_bit_packed_mixed_signedness_accelerated::Bool` - `integer_dot_product_16_bit_unsigned_accelerated::Bool` - `integer_dot_product_16_bit_signed_accelerated::Bool` - `integer_dot_product_16_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_32_bit_unsigned_accelerated::Bool` - `integer_dot_product_32_bit_signed_accelerated::Bool` - `integer_dot_product_32_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_64_bit_unsigned_accelerated::Bool` - `integer_dot_product_64_bit_signed_accelerated::Bool` - `integer_dot_product_64_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_16_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_32_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_64_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated::Bool` - `storage_texel_buffer_offset_alignment_bytes::UInt64` - `storage_texel_buffer_offset_single_texel_alignment::Bool` - `uniform_texel_buffer_offset_alignment_bytes::UInt64` - `uniform_texel_buffer_offset_single_texel_alignment::Bool` - `max_buffer_size::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan13Properties.html) """ PhysicalDeviceVulkan13Properties(min_subgroup_size::Integer, max_subgroup_size::Integer, max_compute_workgroup_subgroups::Integer, required_subgroup_size_stages::ShaderStageFlag, max_inline_uniform_block_size::Integer, max_per_stage_descriptor_inline_uniform_blocks::Integer, max_per_stage_descriptor_update_after_bind_inline_uniform_blocks::Integer, max_descriptor_set_inline_uniform_blocks::Integer, max_descriptor_set_update_after_bind_inline_uniform_blocks::Integer, max_inline_uniform_total_size::Integer, integer_dot_product_8_bit_unsigned_accelerated::Bool, integer_dot_product_8_bit_signed_accelerated::Bool, integer_dot_product_8_bit_mixed_signedness_accelerated::Bool, integer_dot_product_8_bit_packed_unsigned_accelerated::Bool, integer_dot_product_8_bit_packed_signed_accelerated::Bool, integer_dot_product_8_bit_packed_mixed_signedness_accelerated::Bool, integer_dot_product_16_bit_unsigned_accelerated::Bool, integer_dot_product_16_bit_signed_accelerated::Bool, integer_dot_product_16_bit_mixed_signedness_accelerated::Bool, integer_dot_product_32_bit_unsigned_accelerated::Bool, integer_dot_product_32_bit_signed_accelerated::Bool, integer_dot_product_32_bit_mixed_signedness_accelerated::Bool, integer_dot_product_64_bit_unsigned_accelerated::Bool, integer_dot_product_64_bit_signed_accelerated::Bool, integer_dot_product_64_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_16_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_32_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_64_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated::Bool, storage_texel_buffer_offset_alignment_bytes::Integer, storage_texel_buffer_offset_single_texel_alignment::Bool, uniform_texel_buffer_offset_alignment_bytes::Integer, uniform_texel_buffer_offset_single_texel_alignment::Bool, max_buffer_size::Integer; next = C_NULL) = PhysicalDeviceVulkan13Properties(next, min_subgroup_size, max_subgroup_size, max_compute_workgroup_subgroups, required_subgroup_size_stages, max_inline_uniform_block_size, max_per_stage_descriptor_inline_uniform_blocks, max_per_stage_descriptor_update_after_bind_inline_uniform_blocks, max_descriptor_set_inline_uniform_blocks, max_descriptor_set_update_after_bind_inline_uniform_blocks, max_inline_uniform_total_size, integer_dot_product_8_bit_unsigned_accelerated, integer_dot_product_8_bit_signed_accelerated, integer_dot_product_8_bit_mixed_signedness_accelerated, integer_dot_product_8_bit_packed_unsigned_accelerated, integer_dot_product_8_bit_packed_signed_accelerated, integer_dot_product_8_bit_packed_mixed_signedness_accelerated, integer_dot_product_16_bit_unsigned_accelerated, integer_dot_product_16_bit_signed_accelerated, integer_dot_product_16_bit_mixed_signedness_accelerated, integer_dot_product_32_bit_unsigned_accelerated, integer_dot_product_32_bit_signed_accelerated, integer_dot_product_32_bit_mixed_signedness_accelerated, integer_dot_product_64_bit_unsigned_accelerated, integer_dot_product_64_bit_signed_accelerated, integer_dot_product_64_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_8_bit_signed_accelerated, integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated, integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated, integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_16_bit_signed_accelerated, integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_32_bit_signed_accelerated, integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_64_bit_signed_accelerated, integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated, storage_texel_buffer_offset_alignment_bytes, storage_texel_buffer_offset_single_texel_alignment, uniform_texel_buffer_offset_alignment_bytes, uniform_texel_buffer_offset_single_texel_alignment, max_buffer_size) """ Extension: VK\\_AMD\\_pipeline\\_compiler\\_control Arguments: - `next::Any`: defaults to `C_NULL` - `compiler_control_flags::PipelineCompilerControlFlagAMD`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCompilerControlCreateInfoAMD.html) """ PipelineCompilerControlCreateInfoAMD(; next = C_NULL, compiler_control_flags = 0) = PipelineCompilerControlCreateInfoAMD(next, compiler_control_flags) """ Extension: VK\\_AMD\\_device\\_coherent\\_memory Arguments: - `device_coherent_memory::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCoherentMemoryFeaturesAMD.html) """ PhysicalDeviceCoherentMemoryFeaturesAMD(device_coherent_memory::Bool; next = C_NULL) = PhysicalDeviceCoherentMemoryFeaturesAMD(next, device_coherent_memory) """ Arguments: - `name::String` - `version::String` - `purposes::ToolPurposeFlag` - `description::String` - `layer::String` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceToolProperties.html) """ PhysicalDeviceToolProperties(name::AbstractString, version::AbstractString, purposes::ToolPurposeFlag, description::AbstractString, layer::AbstractString; next = C_NULL) = PhysicalDeviceToolProperties(next, name, version, purposes, description, layer) """ Extension: VK\\_EXT\\_custom\\_border\\_color Arguments: - `custom_border_color::ClearColorValue` - `format::Format` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerCustomBorderColorCreateInfoEXT.html) """ SamplerCustomBorderColorCreateInfoEXT(custom_border_color::ClearColorValue, format::Format; next = C_NULL) = SamplerCustomBorderColorCreateInfoEXT(next, custom_border_color, format) """ Extension: VK\\_EXT\\_custom\\_border\\_color Arguments: - `max_custom_border_color_samplers::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCustomBorderColorPropertiesEXT.html) """ PhysicalDeviceCustomBorderColorPropertiesEXT(max_custom_border_color_samplers::Integer; next = C_NULL) = PhysicalDeviceCustomBorderColorPropertiesEXT(next, max_custom_border_color_samplers) """ Extension: VK\\_EXT\\_custom\\_border\\_color Arguments: - `custom_border_colors::Bool` - `custom_border_color_without_format::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCustomBorderColorFeaturesEXT.html) """ PhysicalDeviceCustomBorderColorFeaturesEXT(custom_border_colors::Bool, custom_border_color_without_format::Bool; next = C_NULL) = PhysicalDeviceCustomBorderColorFeaturesEXT(next, custom_border_colors, custom_border_color_without_format) """ Extension: VK\\_EXT\\_border\\_color\\_swizzle Arguments: - `components::ComponentMapping` - `srgb::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerBorderColorComponentMappingCreateInfoEXT.html) """ SamplerBorderColorComponentMappingCreateInfoEXT(components::ComponentMapping, srgb::Bool; next = C_NULL) = SamplerBorderColorComponentMappingCreateInfoEXT(next, components, srgb) """ Extension: VK\\_EXT\\_border\\_color\\_swizzle Arguments: - `border_color_swizzle::Bool` - `border_color_swizzle_from_image::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBorderColorSwizzleFeaturesEXT.html) """ PhysicalDeviceBorderColorSwizzleFeaturesEXT(border_color_swizzle::Bool, border_color_swizzle_from_image::Bool; next = C_NULL) = PhysicalDeviceBorderColorSwizzleFeaturesEXT(next, border_color_swizzle, border_color_swizzle_from_image) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `vertex_format::Format` - `vertex_data::DeviceOrHostAddressConstKHR` - `vertex_stride::UInt64` - `max_vertex::UInt32` - `index_type::IndexType` - `index_data::DeviceOrHostAddressConstKHR` - `transform_data::DeviceOrHostAddressConstKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryTrianglesDataKHR.html) """ AccelerationStructureGeometryTrianglesDataKHR(vertex_format::Format, vertex_data::DeviceOrHostAddressConstKHR, vertex_stride::Integer, max_vertex::Integer, index_type::IndexType, index_data::DeviceOrHostAddressConstKHR, transform_data::DeviceOrHostAddressConstKHR; next = C_NULL) = AccelerationStructureGeometryTrianglesDataKHR(next, vertex_format, vertex_data, vertex_stride, max_vertex, index_type, index_data, transform_data) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `data::DeviceOrHostAddressConstKHR` - `stride::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryAabbsDataKHR.html) """ AccelerationStructureGeometryAabbsDataKHR(data::DeviceOrHostAddressConstKHR, stride::Integer; next = C_NULL) = AccelerationStructureGeometryAabbsDataKHR(next, data, stride) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `array_of_pointers::Bool` - `data::DeviceOrHostAddressConstKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryInstancesDataKHR.html) """ AccelerationStructureGeometryInstancesDataKHR(array_of_pointers::Bool, data::DeviceOrHostAddressConstKHR; next = C_NULL) = AccelerationStructureGeometryInstancesDataKHR(next, array_of_pointers, data) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `geometry_type::GeometryTypeKHR` - `geometry::AccelerationStructureGeometryDataKHR` - `next::Any`: defaults to `C_NULL` - `flags::GeometryFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryKHR.html) """ AccelerationStructureGeometryKHR(geometry_type::GeometryTypeKHR, geometry::AccelerationStructureGeometryDataKHR; next = C_NULL, flags = 0) = AccelerationStructureGeometryKHR(next, geometry_type, geometry, flags) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `type::AccelerationStructureTypeKHR` - `mode::BuildAccelerationStructureModeKHR` - `scratch_data::DeviceOrHostAddressKHR` - `next::Any`: defaults to `C_NULL` - `flags::BuildAccelerationStructureFlagKHR`: defaults to `0` - `src_acceleration_structure::AccelerationStructureKHR`: defaults to `C_NULL` - `dst_acceleration_structure::AccelerationStructureKHR`: defaults to `C_NULL` - `geometries::Vector{AccelerationStructureGeometryKHR}`: defaults to `C_NULL` - `geometries_2::Vector{AccelerationStructureGeometryKHR}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureBuildGeometryInfoKHR.html) """ AccelerationStructureBuildGeometryInfoKHR(type::AccelerationStructureTypeKHR, mode::BuildAccelerationStructureModeKHR, scratch_data::DeviceOrHostAddressKHR; next = C_NULL, flags = 0, src_acceleration_structure = C_NULL, dst_acceleration_structure = C_NULL, geometries = C_NULL, geometries_2 = C_NULL) = AccelerationStructureBuildGeometryInfoKHR(next, type, flags, mode, src_acceleration_structure, dst_acceleration_structure, geometries, geometries_2, scratch_data) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `type::AccelerationStructureTypeKHR` - `next::Any`: defaults to `C_NULL` - `create_flags::AccelerationStructureCreateFlagKHR`: defaults to `0` - `device_address::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureCreateInfoKHR.html) """ AccelerationStructureCreateInfoKHR(buffer::Buffer, offset::Integer, size::Integer, type::AccelerationStructureTypeKHR; next = C_NULL, create_flags = 0, device_address = 0) = AccelerationStructureCreateInfoKHR(next, create_flags, buffer, offset, size, type, device_address) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `transform::TransformMatrixKHR` - `instance_custom_index::UInt32` - `mask::UInt32` - `instance_shader_binding_table_record_offset::UInt32` - `acceleration_structure_reference::UInt64` - `flags::GeometryInstanceFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureInstanceKHR.html) """ AccelerationStructureInstanceKHR(transform::TransformMatrixKHR, instance_custom_index::Integer, mask::Integer, instance_shader_binding_table_record_offset::Integer, acceleration_structure_reference::Integer; flags = 0) = AccelerationStructureInstanceKHR(transform, instance_custom_index, mask, instance_shader_binding_table_record_offset, flags, acceleration_structure_reference) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `acceleration_structure::AccelerationStructureKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureDeviceAddressInfoKHR.html) """ AccelerationStructureDeviceAddressInfoKHR(acceleration_structure::AccelerationStructureKHR; next = C_NULL) = AccelerationStructureDeviceAddressInfoKHR(next, acceleration_structure) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `version_data::Vector{UInt8}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureVersionInfoKHR.html) """ AccelerationStructureVersionInfoKHR(version_data::AbstractArray; next = C_NULL) = AccelerationStructureVersionInfoKHR(next, version_data) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `src::AccelerationStructureKHR` - `dst::AccelerationStructureKHR` - `mode::CopyAccelerationStructureModeKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyAccelerationStructureInfoKHR.html) """ CopyAccelerationStructureInfoKHR(src::AccelerationStructureKHR, dst::AccelerationStructureKHR, mode::CopyAccelerationStructureModeKHR; next = C_NULL) = CopyAccelerationStructureInfoKHR(next, src, dst, mode) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `src::AccelerationStructureKHR` - `dst::DeviceOrHostAddressKHR` - `mode::CopyAccelerationStructureModeKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyAccelerationStructureToMemoryInfoKHR.html) """ CopyAccelerationStructureToMemoryInfoKHR(src::AccelerationStructureKHR, dst::DeviceOrHostAddressKHR, mode::CopyAccelerationStructureModeKHR; next = C_NULL) = CopyAccelerationStructureToMemoryInfoKHR(next, src, dst, mode) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `src::DeviceOrHostAddressConstKHR` - `dst::AccelerationStructureKHR` - `mode::CopyAccelerationStructureModeKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryToAccelerationStructureInfoKHR.html) """ CopyMemoryToAccelerationStructureInfoKHR(src::DeviceOrHostAddressConstKHR, dst::AccelerationStructureKHR, mode::CopyAccelerationStructureModeKHR; next = C_NULL) = CopyMemoryToAccelerationStructureInfoKHR(next, src, dst, mode) """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `max_pipeline_ray_payload_size::UInt32` - `max_pipeline_ray_hit_attribute_size::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingPipelineInterfaceCreateInfoKHR.html) """ RayTracingPipelineInterfaceCreateInfoKHR(max_pipeline_ray_payload_size::Integer, max_pipeline_ray_hit_attribute_size::Integer; next = C_NULL) = RayTracingPipelineInterfaceCreateInfoKHR(next, max_pipeline_ray_payload_size, max_pipeline_ray_hit_attribute_size) """ Extension: VK\\_KHR\\_pipeline\\_library Arguments: - `libraries::Vector{Pipeline}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineLibraryCreateInfoKHR.html) """ PipelineLibraryCreateInfoKHR(libraries::AbstractArray; next = C_NULL) = PipelineLibraryCreateInfoKHR(next, libraries) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state Arguments: - `extended_dynamic_state::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicStateFeaturesEXT.html) """ PhysicalDeviceExtendedDynamicStateFeaturesEXT(extended_dynamic_state::Bool; next = C_NULL) = PhysicalDeviceExtendedDynamicStateFeaturesEXT(next, extended_dynamic_state) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state2 Arguments: - `extended_dynamic_state_2::Bool` - `extended_dynamic_state_2_logic_op::Bool` - `extended_dynamic_state_2_patch_control_points::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicState2FeaturesEXT.html) """ PhysicalDeviceExtendedDynamicState2FeaturesEXT(extended_dynamic_state_2::Bool, extended_dynamic_state_2_logic_op::Bool, extended_dynamic_state_2_patch_control_points::Bool; next = C_NULL) = PhysicalDeviceExtendedDynamicState2FeaturesEXT(next, extended_dynamic_state_2, extended_dynamic_state_2_logic_op, extended_dynamic_state_2_patch_control_points) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `extended_dynamic_state_3_tessellation_domain_origin::Bool` - `extended_dynamic_state_3_depth_clamp_enable::Bool` - `extended_dynamic_state_3_polygon_mode::Bool` - `extended_dynamic_state_3_rasterization_samples::Bool` - `extended_dynamic_state_3_sample_mask::Bool` - `extended_dynamic_state_3_alpha_to_coverage_enable::Bool` - `extended_dynamic_state_3_alpha_to_one_enable::Bool` - `extended_dynamic_state_3_logic_op_enable::Bool` - `extended_dynamic_state_3_color_blend_enable::Bool` - `extended_dynamic_state_3_color_blend_equation::Bool` - `extended_dynamic_state_3_color_write_mask::Bool` - `extended_dynamic_state_3_rasterization_stream::Bool` - `extended_dynamic_state_3_conservative_rasterization_mode::Bool` - `extended_dynamic_state_3_extra_primitive_overestimation_size::Bool` - `extended_dynamic_state_3_depth_clip_enable::Bool` - `extended_dynamic_state_3_sample_locations_enable::Bool` - `extended_dynamic_state_3_color_blend_advanced::Bool` - `extended_dynamic_state_3_provoking_vertex_mode::Bool` - `extended_dynamic_state_3_line_rasterization_mode::Bool` - `extended_dynamic_state_3_line_stipple_enable::Bool` - `extended_dynamic_state_3_depth_clip_negative_one_to_one::Bool` - `extended_dynamic_state_3_viewport_w_scaling_enable::Bool` - `extended_dynamic_state_3_viewport_swizzle::Bool` - `extended_dynamic_state_3_coverage_to_color_enable::Bool` - `extended_dynamic_state_3_coverage_to_color_location::Bool` - `extended_dynamic_state_3_coverage_modulation_mode::Bool` - `extended_dynamic_state_3_coverage_modulation_table_enable::Bool` - `extended_dynamic_state_3_coverage_modulation_table::Bool` - `extended_dynamic_state_3_coverage_reduction_mode::Bool` - `extended_dynamic_state_3_representative_fragment_test_enable::Bool` - `extended_dynamic_state_3_shading_rate_image_enable::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicState3FeaturesEXT.html) """ PhysicalDeviceExtendedDynamicState3FeaturesEXT(extended_dynamic_state_3_tessellation_domain_origin::Bool, extended_dynamic_state_3_depth_clamp_enable::Bool, extended_dynamic_state_3_polygon_mode::Bool, extended_dynamic_state_3_rasterization_samples::Bool, extended_dynamic_state_3_sample_mask::Bool, extended_dynamic_state_3_alpha_to_coverage_enable::Bool, extended_dynamic_state_3_alpha_to_one_enable::Bool, extended_dynamic_state_3_logic_op_enable::Bool, extended_dynamic_state_3_color_blend_enable::Bool, extended_dynamic_state_3_color_blend_equation::Bool, extended_dynamic_state_3_color_write_mask::Bool, extended_dynamic_state_3_rasterization_stream::Bool, extended_dynamic_state_3_conservative_rasterization_mode::Bool, extended_dynamic_state_3_extra_primitive_overestimation_size::Bool, extended_dynamic_state_3_depth_clip_enable::Bool, extended_dynamic_state_3_sample_locations_enable::Bool, extended_dynamic_state_3_color_blend_advanced::Bool, extended_dynamic_state_3_provoking_vertex_mode::Bool, extended_dynamic_state_3_line_rasterization_mode::Bool, extended_dynamic_state_3_line_stipple_enable::Bool, extended_dynamic_state_3_depth_clip_negative_one_to_one::Bool, extended_dynamic_state_3_viewport_w_scaling_enable::Bool, extended_dynamic_state_3_viewport_swizzle::Bool, extended_dynamic_state_3_coverage_to_color_enable::Bool, extended_dynamic_state_3_coverage_to_color_location::Bool, extended_dynamic_state_3_coverage_modulation_mode::Bool, extended_dynamic_state_3_coverage_modulation_table_enable::Bool, extended_dynamic_state_3_coverage_modulation_table::Bool, extended_dynamic_state_3_coverage_reduction_mode::Bool, extended_dynamic_state_3_representative_fragment_test_enable::Bool, extended_dynamic_state_3_shading_rate_image_enable::Bool; next = C_NULL) = PhysicalDeviceExtendedDynamicState3FeaturesEXT(next, extended_dynamic_state_3_tessellation_domain_origin, extended_dynamic_state_3_depth_clamp_enable, extended_dynamic_state_3_polygon_mode, extended_dynamic_state_3_rasterization_samples, extended_dynamic_state_3_sample_mask, extended_dynamic_state_3_alpha_to_coverage_enable, extended_dynamic_state_3_alpha_to_one_enable, extended_dynamic_state_3_logic_op_enable, extended_dynamic_state_3_color_blend_enable, extended_dynamic_state_3_color_blend_equation, extended_dynamic_state_3_color_write_mask, extended_dynamic_state_3_rasterization_stream, extended_dynamic_state_3_conservative_rasterization_mode, extended_dynamic_state_3_extra_primitive_overestimation_size, extended_dynamic_state_3_depth_clip_enable, extended_dynamic_state_3_sample_locations_enable, extended_dynamic_state_3_color_blend_advanced, extended_dynamic_state_3_provoking_vertex_mode, extended_dynamic_state_3_line_rasterization_mode, extended_dynamic_state_3_line_stipple_enable, extended_dynamic_state_3_depth_clip_negative_one_to_one, extended_dynamic_state_3_viewport_w_scaling_enable, extended_dynamic_state_3_viewport_swizzle, extended_dynamic_state_3_coverage_to_color_enable, extended_dynamic_state_3_coverage_to_color_location, extended_dynamic_state_3_coverage_modulation_mode, extended_dynamic_state_3_coverage_modulation_table_enable, extended_dynamic_state_3_coverage_modulation_table, extended_dynamic_state_3_coverage_reduction_mode, extended_dynamic_state_3_representative_fragment_test_enable, extended_dynamic_state_3_shading_rate_image_enable) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `dynamic_primitive_topology_unrestricted::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicState3PropertiesEXT.html) """ PhysicalDeviceExtendedDynamicState3PropertiesEXT(dynamic_primitive_topology_unrestricted::Bool; next = C_NULL) = PhysicalDeviceExtendedDynamicState3PropertiesEXT(next, dynamic_primitive_topology_unrestricted) """ Extension: VK\\_QCOM\\_render\\_pass\\_transform Arguments: - `transform::SurfaceTransformFlagKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassTransformBeginInfoQCOM.html) """ RenderPassTransformBeginInfoQCOM(transform::SurfaceTransformFlagKHR; next = C_NULL) = RenderPassTransformBeginInfoQCOM(next, transform) """ Extension: VK\\_QCOM\\_rotated\\_copy\\_commands Arguments: - `transform::SurfaceTransformFlagKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyCommandTransformInfoQCOM.html) """ CopyCommandTransformInfoQCOM(transform::SurfaceTransformFlagKHR; next = C_NULL) = CopyCommandTransformInfoQCOM(next, transform) """ Extension: VK\\_QCOM\\_render\\_pass\\_transform Arguments: - `transform::SurfaceTransformFlagKHR` - `render_area::Rect2D` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceRenderPassTransformInfoQCOM.html) """ CommandBufferInheritanceRenderPassTransformInfoQCOM(transform::SurfaceTransformFlagKHR, render_area::Rect2D; next = C_NULL) = CommandBufferInheritanceRenderPassTransformInfoQCOM(next, transform, render_area) """ Extension: VK\\_NV\\_device\\_diagnostics\\_config Arguments: - `diagnostics_config::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDiagnosticsConfigFeaturesNV.html) """ PhysicalDeviceDiagnosticsConfigFeaturesNV(diagnostics_config::Bool; next = C_NULL) = PhysicalDeviceDiagnosticsConfigFeaturesNV(next, diagnostics_config) """ Extension: VK\\_NV\\_device\\_diagnostics\\_config Arguments: - `next::Any`: defaults to `C_NULL` - `flags::DeviceDiagnosticsConfigFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceDiagnosticsConfigCreateInfoNV.html) """ DeviceDiagnosticsConfigCreateInfoNV(; next = C_NULL, flags = 0) = DeviceDiagnosticsConfigCreateInfoNV(next, flags) """ Arguments: - `shader_zero_initialize_workgroup_memory::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures.html) """ PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures(shader_zero_initialize_workgroup_memory::Bool; next = C_NULL) = PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures(next, shader_zero_initialize_workgroup_memory) """ Extension: VK\\_KHR\\_shader\\_subgroup\\_uniform\\_control\\_flow Arguments: - `shader_subgroup_uniform_control_flow::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR.html) """ PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR(shader_subgroup_uniform_control_flow::Bool; next = C_NULL) = PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR(next, shader_subgroup_uniform_control_flow) """ Extension: VK\\_EXT\\_robustness2 Arguments: - `robust_buffer_access_2::Bool` - `robust_image_access_2::Bool` - `null_descriptor::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRobustness2FeaturesEXT.html) """ PhysicalDeviceRobustness2FeaturesEXT(robust_buffer_access_2::Bool, robust_image_access_2::Bool, null_descriptor::Bool; next = C_NULL) = PhysicalDeviceRobustness2FeaturesEXT(next, robust_buffer_access_2, robust_image_access_2, null_descriptor) """ Extension: VK\\_EXT\\_robustness2 Arguments: - `robust_storage_buffer_access_size_alignment::UInt64` - `robust_uniform_buffer_access_size_alignment::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRobustness2PropertiesEXT.html) """ PhysicalDeviceRobustness2PropertiesEXT(robust_storage_buffer_access_size_alignment::Integer, robust_uniform_buffer_access_size_alignment::Integer; next = C_NULL) = PhysicalDeviceRobustness2PropertiesEXT(next, robust_storage_buffer_access_size_alignment, robust_uniform_buffer_access_size_alignment) """ Arguments: - `robust_image_access::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageRobustnessFeatures.html) """ PhysicalDeviceImageRobustnessFeatures(robust_image_access::Bool; next = C_NULL) = PhysicalDeviceImageRobustnessFeatures(next, robust_image_access) """ Extension: VK\\_KHR\\_workgroup\\_memory\\_explicit\\_layout Arguments: - `workgroup_memory_explicit_layout::Bool` - `workgroup_memory_explicit_layout_scalar_block_layout::Bool` - `workgroup_memory_explicit_layout_8_bit_access::Bool` - `workgroup_memory_explicit_layout_16_bit_access::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR.html) """ PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR(workgroup_memory_explicit_layout::Bool, workgroup_memory_explicit_layout_scalar_block_layout::Bool, workgroup_memory_explicit_layout_8_bit_access::Bool, workgroup_memory_explicit_layout_16_bit_access::Bool; next = C_NULL) = PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR(next, workgroup_memory_explicit_layout, workgroup_memory_explicit_layout_scalar_block_layout, workgroup_memory_explicit_layout_8_bit_access, workgroup_memory_explicit_layout_16_bit_access) """ Extension: VK\\_EXT\\_4444\\_formats Arguments: - `format_a4r4g4b4::Bool` - `format_a4b4g4r4::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevice4444FormatsFeaturesEXT.html) """ PhysicalDevice4444FormatsFeaturesEXT(format_a4r4g4b4::Bool, format_a4b4g4r4::Bool; next = C_NULL) = PhysicalDevice4444FormatsFeaturesEXT(next, format_a4r4g4b4, format_a4b4g4r4) """ Extension: VK\\_HUAWEI\\_subpass\\_shading Arguments: - `subpass_shading::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubpassShadingFeaturesHUAWEI.html) """ PhysicalDeviceSubpassShadingFeaturesHUAWEI(subpass_shading::Bool; next = C_NULL) = PhysicalDeviceSubpassShadingFeaturesHUAWEI(next, subpass_shading) """ Extension: VK\\_HUAWEI\\_cluster\\_culling\\_shader Arguments: - `clusterculling_shader::Bool` - `multiview_cluster_culling_shader::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI.html) """ PhysicalDeviceClusterCullingShaderFeaturesHUAWEI(clusterculling_shader::Bool, multiview_cluster_culling_shader::Bool; next = C_NULL) = PhysicalDeviceClusterCullingShaderFeaturesHUAWEI(next, clusterculling_shader, multiview_cluster_culling_shader) """ Arguments: - `src_offset::UInt64` - `dst_offset::UInt64` - `size::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCopy2.html) """ BufferCopy2(src_offset::Integer, dst_offset::Integer, size::Integer; next = C_NULL) = BufferCopy2(next, src_offset, dst_offset, size) """ Arguments: - `src_subresource::ImageSubresourceLayers` - `src_offset::Offset3D` - `dst_subresource::ImageSubresourceLayers` - `dst_offset::Offset3D` - `extent::Extent3D` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCopy2.html) """ ImageCopy2(src_subresource::ImageSubresourceLayers, src_offset::Offset3D, dst_subresource::ImageSubresourceLayers, dst_offset::Offset3D, extent::Extent3D; next = C_NULL) = ImageCopy2(next, src_subresource, src_offset, dst_subresource, dst_offset, extent) """ Arguments: - `src_subresource::ImageSubresourceLayers` - `src_offsets::NTuple{2, Offset3D}` - `dst_subresource::ImageSubresourceLayers` - `dst_offsets::NTuple{2, Offset3D}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageBlit2.html) """ ImageBlit2(src_subresource::ImageSubresourceLayers, src_offsets::NTuple{2, Offset3D}, dst_subresource::ImageSubresourceLayers, dst_offsets::NTuple{2, Offset3D}; next = C_NULL) = ImageBlit2(next, src_subresource, src_offsets, dst_subresource, dst_offsets) """ Arguments: - `buffer_offset::UInt64` - `buffer_row_length::UInt32` - `buffer_image_height::UInt32` - `image_subresource::ImageSubresourceLayers` - `image_offset::Offset3D` - `image_extent::Extent3D` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferImageCopy2.html) """ BufferImageCopy2(buffer_offset::Integer, buffer_row_length::Integer, buffer_image_height::Integer, image_subresource::ImageSubresourceLayers, image_offset::Offset3D, image_extent::Extent3D; next = C_NULL) = BufferImageCopy2(next, buffer_offset, buffer_row_length, buffer_image_height, image_subresource, image_offset, image_extent) """ Arguments: - `src_subresource::ImageSubresourceLayers` - `src_offset::Offset3D` - `dst_subresource::ImageSubresourceLayers` - `dst_offset::Offset3D` - `extent::Extent3D` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageResolve2.html) """ ImageResolve2(src_subresource::ImageSubresourceLayers, src_offset::Offset3D, dst_subresource::ImageSubresourceLayers, dst_offset::Offset3D, extent::Extent3D; next = C_NULL) = ImageResolve2(next, src_subresource, src_offset, dst_subresource, dst_offset, extent) """ Arguments: - `src_buffer::Buffer` - `dst_buffer::Buffer` - `regions::Vector{BufferCopy2}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyBufferInfo2.html) """ CopyBufferInfo2(src_buffer::Buffer, dst_buffer::Buffer, regions::AbstractArray; next = C_NULL) = CopyBufferInfo2(next, src_buffer, dst_buffer, regions) """ Arguments: - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{ImageCopy2}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyImageInfo2.html) """ CopyImageInfo2(src_image::Image, src_image_layout::ImageLayout, dst_image::Image, dst_image_layout::ImageLayout, regions::AbstractArray; next = C_NULL) = CopyImageInfo2(next, src_image, src_image_layout, dst_image, dst_image_layout, regions) """ Arguments: - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{ImageBlit2}` - `filter::Filter` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBlitImageInfo2.html) """ BlitImageInfo2(src_image::Image, src_image_layout::ImageLayout, dst_image::Image, dst_image_layout::ImageLayout, regions::AbstractArray, filter::Filter; next = C_NULL) = BlitImageInfo2(next, src_image, src_image_layout, dst_image, dst_image_layout, regions, filter) """ Arguments: - `src_buffer::Buffer` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{BufferImageCopy2}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyBufferToImageInfo2.html) """ CopyBufferToImageInfo2(src_buffer::Buffer, dst_image::Image, dst_image_layout::ImageLayout, regions::AbstractArray; next = C_NULL) = CopyBufferToImageInfo2(next, src_buffer, dst_image, dst_image_layout, regions) """ Arguments: - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_buffer::Buffer` - `regions::Vector{BufferImageCopy2}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyImageToBufferInfo2.html) """ CopyImageToBufferInfo2(src_image::Image, src_image_layout::ImageLayout, dst_buffer::Buffer, regions::AbstractArray; next = C_NULL) = CopyImageToBufferInfo2(next, src_image, src_image_layout, dst_buffer, regions) """ Arguments: - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{ImageResolve2}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkResolveImageInfo2.html) """ ResolveImageInfo2(src_image::Image, src_image_layout::ImageLayout, dst_image::Image, dst_image_layout::ImageLayout, regions::AbstractArray; next = C_NULL) = ResolveImageInfo2(next, src_image, src_image_layout, dst_image, dst_image_layout, regions) """ Extension: VK\\_EXT\\_shader\\_image\\_atomic\\_int64 Arguments: - `shader_image_int_64_atomics::Bool` - `sparse_image_int_64_atomics::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT.html) """ PhysicalDeviceShaderImageAtomicInt64FeaturesEXT(shader_image_int_64_atomics::Bool, sparse_image_int_64_atomics::Bool; next = C_NULL) = PhysicalDeviceShaderImageAtomicInt64FeaturesEXT(next, shader_image_int_64_atomics, sparse_image_int_64_atomics) """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Arguments: - `shading_rate_attachment_texel_size::Extent2D` - `next::Any`: defaults to `C_NULL` - `fragment_shading_rate_attachment::AttachmentReference2`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFragmentShadingRateAttachmentInfoKHR.html) """ FragmentShadingRateAttachmentInfoKHR(shading_rate_attachment_texel_size::Extent2D; next = C_NULL, fragment_shading_rate_attachment = C_NULL) = FragmentShadingRateAttachmentInfoKHR(next, fragment_shading_rate_attachment, shading_rate_attachment_texel_size) """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Arguments: - `fragment_size::Extent2D` - `combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineFragmentShadingRateStateCreateInfoKHR.html) """ PipelineFragmentShadingRateStateCreateInfoKHR(fragment_size::Extent2D, combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}; next = C_NULL) = PipelineFragmentShadingRateStateCreateInfoKHR(next, fragment_size, combiner_ops) """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Arguments: - `pipeline_fragment_shading_rate::Bool` - `primitive_fragment_shading_rate::Bool` - `attachment_fragment_shading_rate::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateFeaturesKHR.html) """ PhysicalDeviceFragmentShadingRateFeaturesKHR(pipeline_fragment_shading_rate::Bool, primitive_fragment_shading_rate::Bool, attachment_fragment_shading_rate::Bool; next = C_NULL) = PhysicalDeviceFragmentShadingRateFeaturesKHR(next, pipeline_fragment_shading_rate, primitive_fragment_shading_rate, attachment_fragment_shading_rate) """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Arguments: - `min_fragment_shading_rate_attachment_texel_size::Extent2D` - `max_fragment_shading_rate_attachment_texel_size::Extent2D` - `max_fragment_shading_rate_attachment_texel_size_aspect_ratio::UInt32` - `primitive_fragment_shading_rate_with_multiple_viewports::Bool` - `layered_shading_rate_attachments::Bool` - `fragment_shading_rate_non_trivial_combiner_ops::Bool` - `max_fragment_size::Extent2D` - `max_fragment_size_aspect_ratio::UInt32` - `max_fragment_shading_rate_coverage_samples::UInt32` - `max_fragment_shading_rate_rasterization_samples::SampleCountFlag` - `fragment_shading_rate_with_shader_depth_stencil_writes::Bool` - `fragment_shading_rate_with_sample_mask::Bool` - `fragment_shading_rate_with_shader_sample_mask::Bool` - `fragment_shading_rate_with_conservative_rasterization::Bool` - `fragment_shading_rate_with_fragment_shader_interlock::Bool` - `fragment_shading_rate_with_custom_sample_locations::Bool` - `fragment_shading_rate_strict_multiply_combiner::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRatePropertiesKHR.html) """ PhysicalDeviceFragmentShadingRatePropertiesKHR(min_fragment_shading_rate_attachment_texel_size::Extent2D, max_fragment_shading_rate_attachment_texel_size::Extent2D, max_fragment_shading_rate_attachment_texel_size_aspect_ratio::Integer, primitive_fragment_shading_rate_with_multiple_viewports::Bool, layered_shading_rate_attachments::Bool, fragment_shading_rate_non_trivial_combiner_ops::Bool, max_fragment_size::Extent2D, max_fragment_size_aspect_ratio::Integer, max_fragment_shading_rate_coverage_samples::Integer, max_fragment_shading_rate_rasterization_samples::SampleCountFlag, fragment_shading_rate_with_shader_depth_stencil_writes::Bool, fragment_shading_rate_with_sample_mask::Bool, fragment_shading_rate_with_shader_sample_mask::Bool, fragment_shading_rate_with_conservative_rasterization::Bool, fragment_shading_rate_with_fragment_shader_interlock::Bool, fragment_shading_rate_with_custom_sample_locations::Bool, fragment_shading_rate_strict_multiply_combiner::Bool; next = C_NULL) = PhysicalDeviceFragmentShadingRatePropertiesKHR(next, min_fragment_shading_rate_attachment_texel_size, max_fragment_shading_rate_attachment_texel_size, max_fragment_shading_rate_attachment_texel_size_aspect_ratio, primitive_fragment_shading_rate_with_multiple_viewports, layered_shading_rate_attachments, fragment_shading_rate_non_trivial_combiner_ops, max_fragment_size, max_fragment_size_aspect_ratio, max_fragment_shading_rate_coverage_samples, max_fragment_shading_rate_rasterization_samples, fragment_shading_rate_with_shader_depth_stencil_writes, fragment_shading_rate_with_sample_mask, fragment_shading_rate_with_shader_sample_mask, fragment_shading_rate_with_conservative_rasterization, fragment_shading_rate_with_fragment_shader_interlock, fragment_shading_rate_with_custom_sample_locations, fragment_shading_rate_strict_multiply_combiner) """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Arguments: - `sample_counts::SampleCountFlag` - `fragment_size::Extent2D` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateKHR.html) """ PhysicalDeviceFragmentShadingRateKHR(sample_counts::SampleCountFlag, fragment_size::Extent2D; next = C_NULL) = PhysicalDeviceFragmentShadingRateKHR(next, sample_counts, fragment_size) """ Arguments: - `shader_terminate_invocation::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderTerminateInvocationFeatures.html) """ PhysicalDeviceShaderTerminateInvocationFeatures(shader_terminate_invocation::Bool; next = C_NULL) = PhysicalDeviceShaderTerminateInvocationFeatures(next, shader_terminate_invocation) """ Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums Arguments: - `fragment_shading_rate_enums::Bool` - `supersample_fragment_shading_rates::Bool` - `no_invocation_fragment_shading_rates::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV.html) """ PhysicalDeviceFragmentShadingRateEnumsFeaturesNV(fragment_shading_rate_enums::Bool, supersample_fragment_shading_rates::Bool, no_invocation_fragment_shading_rates::Bool; next = C_NULL) = PhysicalDeviceFragmentShadingRateEnumsFeaturesNV(next, fragment_shading_rate_enums, supersample_fragment_shading_rates, no_invocation_fragment_shading_rates) """ Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums Arguments: - `max_fragment_shading_rate_invocation_count::SampleCountFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV.html) """ PhysicalDeviceFragmentShadingRateEnumsPropertiesNV(max_fragment_shading_rate_invocation_count::SampleCountFlag; next = C_NULL) = PhysicalDeviceFragmentShadingRateEnumsPropertiesNV(next, max_fragment_shading_rate_invocation_count) """ Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums Arguments: - `shading_rate_type::FragmentShadingRateTypeNV` - `shading_rate::FragmentShadingRateNV` - `combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineFragmentShadingRateEnumStateCreateInfoNV.html) """ PipelineFragmentShadingRateEnumStateCreateInfoNV(shading_rate_type::FragmentShadingRateTypeNV, shading_rate::FragmentShadingRateNV, combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}; next = C_NULL) = PipelineFragmentShadingRateEnumStateCreateInfoNV(next, shading_rate_type, shading_rate, combiner_ops) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `acceleration_structure_size::UInt64` - `update_scratch_size::UInt64` - `build_scratch_size::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureBuildSizesInfoKHR.html) """ AccelerationStructureBuildSizesInfoKHR(acceleration_structure_size::Integer, update_scratch_size::Integer, build_scratch_size::Integer; next = C_NULL) = AccelerationStructureBuildSizesInfoKHR(next, acceleration_structure_size, update_scratch_size, build_scratch_size) """ Extension: VK\\_EXT\\_image\\_2d\\_view\\_of\\_3d Arguments: - `image_2_d_view_of_3_d::Bool` - `sampler_2_d_view_of_3_d::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImage2DViewOf3DFeaturesEXT.html) """ PhysicalDeviceImage2DViewOf3DFeaturesEXT(image_2_d_view_of_3_d::Bool, sampler_2_d_view_of_3_d::Bool; next = C_NULL) = PhysicalDeviceImage2DViewOf3DFeaturesEXT(next, image_2_d_view_of_3_d, sampler_2_d_view_of_3_d) """ Extension: VK\\_EXT\\_mutable\\_descriptor\\_type Arguments: - `mutable_descriptor_type::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT.html) """ PhysicalDeviceMutableDescriptorTypeFeaturesEXT(mutable_descriptor_type::Bool; next = C_NULL) = PhysicalDeviceMutableDescriptorTypeFeaturesEXT(next, mutable_descriptor_type) """ Extension: VK\\_EXT\\_mutable\\_descriptor\\_type Arguments: - `mutable_descriptor_type_lists::Vector{MutableDescriptorTypeListEXT}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMutableDescriptorTypeCreateInfoEXT.html) """ MutableDescriptorTypeCreateInfoEXT(mutable_descriptor_type_lists::AbstractArray; next = C_NULL) = MutableDescriptorTypeCreateInfoEXT(next, mutable_descriptor_type_lists) """ Extension: VK\\_EXT\\_depth\\_clip\\_control Arguments: - `depth_clip_control::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthClipControlFeaturesEXT.html) """ PhysicalDeviceDepthClipControlFeaturesEXT(depth_clip_control::Bool; next = C_NULL) = PhysicalDeviceDepthClipControlFeaturesEXT(next, depth_clip_control) """ Extension: VK\\_EXT\\_depth\\_clip\\_control Arguments: - `negative_one_to_one::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportDepthClipControlCreateInfoEXT.html) """ PipelineViewportDepthClipControlCreateInfoEXT(negative_one_to_one::Bool; next = C_NULL) = PipelineViewportDepthClipControlCreateInfoEXT(next, negative_one_to_one) """ Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state Arguments: - `vertex_input_dynamic_state::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT.html) """ PhysicalDeviceVertexInputDynamicStateFeaturesEXT(vertex_input_dynamic_state::Bool; next = C_NULL) = PhysicalDeviceVertexInputDynamicStateFeaturesEXT(next, vertex_input_dynamic_state) """ Extension: VK\\_NV\\_external\\_memory\\_rdma Arguments: - `external_memory_rdma::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalMemoryRDMAFeaturesNV.html) """ PhysicalDeviceExternalMemoryRDMAFeaturesNV(external_memory_rdma::Bool; next = C_NULL) = PhysicalDeviceExternalMemoryRDMAFeaturesNV(next, external_memory_rdma) """ Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state Arguments: - `binding::UInt32` - `stride::UInt32` - `input_rate::VertexInputRate` - `divisor::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputBindingDescription2EXT.html) """ VertexInputBindingDescription2EXT(binding::Integer, stride::Integer, input_rate::VertexInputRate, divisor::Integer; next = C_NULL) = VertexInputBindingDescription2EXT(next, binding, stride, input_rate, divisor) """ Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state Arguments: - `location::UInt32` - `binding::UInt32` - `format::Format` - `offset::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputAttributeDescription2EXT.html) """ VertexInputAttributeDescription2EXT(location::Integer, binding::Integer, format::Format, offset::Integer; next = C_NULL) = VertexInputAttributeDescription2EXT(next, location, binding, format, offset) """ Extension: VK\\_EXT\\_color\\_write\\_enable Arguments: - `color_write_enable::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceColorWriteEnableFeaturesEXT.html) """ PhysicalDeviceColorWriteEnableFeaturesEXT(color_write_enable::Bool; next = C_NULL) = PhysicalDeviceColorWriteEnableFeaturesEXT(next, color_write_enable) """ Extension: VK\\_EXT\\_color\\_write\\_enable Arguments: - `color_write_enables::Vector{Bool}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorWriteCreateInfoEXT.html) """ PipelineColorWriteCreateInfoEXT(color_write_enables::AbstractArray; next = C_NULL) = PipelineColorWriteCreateInfoEXT(next, color_write_enables) """ Arguments: - `next::Any`: defaults to `C_NULL` - `src_stage_mask::UInt64`: defaults to `0` - `src_access_mask::UInt64`: defaults to `0` - `dst_stage_mask::UInt64`: defaults to `0` - `dst_access_mask::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryBarrier2.html) """ MemoryBarrier2(; next = C_NULL, src_stage_mask = 0, src_access_mask = 0, dst_stage_mask = 0, dst_access_mask = 0) = MemoryBarrier2(next, src_stage_mask, src_access_mask, dst_stage_mask, dst_access_mask) """ Arguments: - `old_layout::ImageLayout` - `new_layout::ImageLayout` - `src_queue_family_index::UInt32` - `dst_queue_family_index::UInt32` - `image::Image` - `subresource_range::ImageSubresourceRange` - `next::Any`: defaults to `C_NULL` - `src_stage_mask::UInt64`: defaults to `0` - `src_access_mask::UInt64`: defaults to `0` - `dst_stage_mask::UInt64`: defaults to `0` - `dst_access_mask::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageMemoryBarrier2.html) """ ImageMemoryBarrier2(old_layout::ImageLayout, new_layout::ImageLayout, src_queue_family_index::Integer, dst_queue_family_index::Integer, image::Image, subresource_range::ImageSubresourceRange; next = C_NULL, src_stage_mask = 0, src_access_mask = 0, dst_stage_mask = 0, dst_access_mask = 0) = ImageMemoryBarrier2(next, src_stage_mask, src_access_mask, dst_stage_mask, dst_access_mask, old_layout, new_layout, src_queue_family_index, dst_queue_family_index, image, subresource_range) """ Arguments: - `src_queue_family_index::UInt32` - `dst_queue_family_index::UInt32` - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `next::Any`: defaults to `C_NULL` - `src_stage_mask::UInt64`: defaults to `0` - `src_access_mask::UInt64`: defaults to `0` - `dst_stage_mask::UInt64`: defaults to `0` - `dst_access_mask::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferMemoryBarrier2.html) """ BufferMemoryBarrier2(src_queue_family_index::Integer, dst_queue_family_index::Integer, buffer::Buffer, offset::Integer, size::Integer; next = C_NULL, src_stage_mask = 0, src_access_mask = 0, dst_stage_mask = 0, dst_access_mask = 0) = BufferMemoryBarrier2(next, src_stage_mask, src_access_mask, dst_stage_mask, dst_access_mask, src_queue_family_index, dst_queue_family_index, buffer, offset, size) """ Arguments: - `memory_barriers::Vector{MemoryBarrier2}` - `buffer_memory_barriers::Vector{BufferMemoryBarrier2}` - `image_memory_barriers::Vector{ImageMemoryBarrier2}` - `next::Any`: defaults to `C_NULL` - `dependency_flags::DependencyFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDependencyInfo.html) """ DependencyInfo(memory_barriers::AbstractArray, buffer_memory_barriers::AbstractArray, image_memory_barriers::AbstractArray; next = C_NULL, dependency_flags = 0) = DependencyInfo(next, dependency_flags, memory_barriers, buffer_memory_barriers, image_memory_barriers) """ Arguments: - `semaphore::Semaphore` - `value::UInt64` - `device_index::UInt32` - `next::Any`: defaults to `C_NULL` - `stage_mask::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreSubmitInfo.html) """ SemaphoreSubmitInfo(semaphore::Semaphore, value::Integer, device_index::Integer; next = C_NULL, stage_mask = 0) = SemaphoreSubmitInfo(next, semaphore, value, stage_mask, device_index) """ Arguments: - `command_buffer::CommandBuffer` - `device_mask::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferSubmitInfo.html) """ CommandBufferSubmitInfo(command_buffer::CommandBuffer, device_mask::Integer; next = C_NULL) = CommandBufferSubmitInfo(next, command_buffer, device_mask) """ Arguments: - `wait_semaphore_infos::Vector{SemaphoreSubmitInfo}` - `command_buffer_infos::Vector{CommandBufferSubmitInfo}` - `signal_semaphore_infos::Vector{SemaphoreSubmitInfo}` - `next::Any`: defaults to `C_NULL` - `flags::SubmitFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubmitInfo2.html) """ SubmitInfo2(wait_semaphore_infos::AbstractArray, command_buffer_infos::AbstractArray, signal_semaphore_infos::AbstractArray; next = C_NULL, flags = 0) = SubmitInfo2(next, flags, wait_semaphore_infos, command_buffer_infos, signal_semaphore_infos) """ Extension: VK\\_KHR\\_synchronization2 Arguments: - `checkpoint_execution_stage_mask::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyCheckpointProperties2NV.html) """ QueueFamilyCheckpointProperties2NV(checkpoint_execution_stage_mask::Integer; next = C_NULL) = QueueFamilyCheckpointProperties2NV(next, checkpoint_execution_stage_mask) """ Extension: VK\\_KHR\\_synchronization2 Arguments: - `stage::UInt64` - `checkpoint_marker::Ptr{Cvoid}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCheckpointData2NV.html) """ CheckpointData2NV(stage::Integer, checkpoint_marker::Ptr{Cvoid}; next = C_NULL) = CheckpointData2NV(next, stage, checkpoint_marker) """ Arguments: - `synchronization2::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSynchronization2Features.html) """ PhysicalDeviceSynchronization2Features(synchronization2::Bool; next = C_NULL) = PhysicalDeviceSynchronization2Features(next, synchronization2) """ Extension: VK\\_EXT\\_primitives\\_generated\\_query Arguments: - `primitives_generated_query::Bool` - `primitives_generated_query_with_rasterizer_discard::Bool` - `primitives_generated_query_with_non_zero_streams::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT.html) """ PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT(primitives_generated_query::Bool, primitives_generated_query_with_rasterizer_discard::Bool, primitives_generated_query_with_non_zero_streams::Bool; next = C_NULL) = PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT(next, primitives_generated_query, primitives_generated_query_with_rasterizer_discard, primitives_generated_query_with_non_zero_streams) """ Extension: VK\\_EXT\\_legacy\\_dithering Arguments: - `legacy_dithering::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLegacyDitheringFeaturesEXT.html) """ PhysicalDeviceLegacyDitheringFeaturesEXT(legacy_dithering::Bool; next = C_NULL) = PhysicalDeviceLegacyDitheringFeaturesEXT(next, legacy_dithering) """ Extension: VK\\_EXT\\_multisampled\\_render\\_to\\_single\\_sampled Arguments: - `multisampled_render_to_single_sampled::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT.html) """ PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT(multisampled_render_to_single_sampled::Bool; next = C_NULL) = PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT(next, multisampled_render_to_single_sampled) """ Extension: VK\\_EXT\\_multisampled\\_render\\_to\\_single\\_sampled Arguments: - `optimal::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassResolvePerformanceQueryEXT.html) """ SubpassResolvePerformanceQueryEXT(optimal::Bool; next = C_NULL) = SubpassResolvePerformanceQueryEXT(next, optimal) """ Extension: VK\\_EXT\\_multisampled\\_render\\_to\\_single\\_sampled Arguments: - `multisampled_render_to_single_sampled_enable::Bool` - `rasterization_samples::SampleCountFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultisampledRenderToSingleSampledInfoEXT.html) """ MultisampledRenderToSingleSampledInfoEXT(multisampled_render_to_single_sampled_enable::Bool, rasterization_samples::SampleCountFlag; next = C_NULL) = MultisampledRenderToSingleSampledInfoEXT(next, multisampled_render_to_single_sampled_enable, rasterization_samples) """ Extension: VK\\_EXT\\_pipeline\\_protected\\_access Arguments: - `pipeline_protected_access::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineProtectedAccessFeaturesEXT.html) """ PhysicalDevicePipelineProtectedAccessFeaturesEXT(pipeline_protected_access::Bool; next = C_NULL) = PhysicalDevicePipelineProtectedAccessFeaturesEXT(next, pipeline_protected_access) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `video_codec_operations::VideoCodecOperationFlagKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyVideoPropertiesKHR.html) """ QueueFamilyVideoPropertiesKHR(video_codec_operations::VideoCodecOperationFlagKHR; next = C_NULL) = QueueFamilyVideoPropertiesKHR(next, video_codec_operations) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `query_result_status_support::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyQueryResultStatusPropertiesKHR.html) """ QueueFamilyQueryResultStatusPropertiesKHR(query_result_status_support::Bool; next = C_NULL) = QueueFamilyQueryResultStatusPropertiesKHR(next, query_result_status_support) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `profiles::Vector{VideoProfileInfoKHR}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoProfileListInfoKHR.html) """ VideoProfileListInfoKHR(profiles::AbstractArray; next = C_NULL) = VideoProfileListInfoKHR(next, profiles) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `image_usage::ImageUsageFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVideoFormatInfoKHR.html) """ PhysicalDeviceVideoFormatInfoKHR(image_usage::ImageUsageFlag; next = C_NULL) = PhysicalDeviceVideoFormatInfoKHR(next, image_usage) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `format::Format` - `component_mapping::ComponentMapping` - `image_create_flags::ImageCreateFlag` - `image_type::ImageType` - `image_tiling::ImageTiling` - `image_usage_flags::ImageUsageFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoFormatPropertiesKHR.html) """ VideoFormatPropertiesKHR(format::Format, component_mapping::ComponentMapping, image_create_flags::ImageCreateFlag, image_type::ImageType, image_tiling::ImageTiling, image_usage_flags::ImageUsageFlag; next = C_NULL) = VideoFormatPropertiesKHR(next, format, component_mapping, image_create_flags, image_type, image_tiling, image_usage_flags) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `video_codec_operation::VideoCodecOperationFlagKHR` - `chroma_subsampling::VideoChromaSubsamplingFlagKHR` - `luma_bit_depth::VideoComponentBitDepthFlagKHR` - `next::Any`: defaults to `C_NULL` - `chroma_bit_depth::VideoComponentBitDepthFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoProfileInfoKHR.html) """ VideoProfileInfoKHR(video_codec_operation::VideoCodecOperationFlagKHR, chroma_subsampling::VideoChromaSubsamplingFlagKHR, luma_bit_depth::VideoComponentBitDepthFlagKHR; next = C_NULL, chroma_bit_depth = 0) = VideoProfileInfoKHR(next, video_codec_operation, chroma_subsampling, luma_bit_depth, chroma_bit_depth) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `flags::VideoCapabilityFlagKHR` - `min_bitstream_buffer_offset_alignment::UInt64` - `min_bitstream_buffer_size_alignment::UInt64` - `picture_access_granularity::Extent2D` - `min_coded_extent::Extent2D` - `max_coded_extent::Extent2D` - `max_dpb_slots::UInt32` - `max_active_reference_pictures::UInt32` - `std_header_version::ExtensionProperties` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoCapabilitiesKHR.html) """ VideoCapabilitiesKHR(flags::VideoCapabilityFlagKHR, min_bitstream_buffer_offset_alignment::Integer, min_bitstream_buffer_size_alignment::Integer, picture_access_granularity::Extent2D, min_coded_extent::Extent2D, max_coded_extent::Extent2D, max_dpb_slots::Integer, max_active_reference_pictures::Integer, std_header_version::ExtensionProperties; next = C_NULL) = VideoCapabilitiesKHR(next, flags, min_bitstream_buffer_offset_alignment, min_bitstream_buffer_size_alignment, picture_access_granularity, min_coded_extent, max_coded_extent, max_dpb_slots, max_active_reference_pictures, std_header_version) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `memory_bind_index::UInt32` - `memory_requirements::MemoryRequirements` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionMemoryRequirementsKHR.html) """ VideoSessionMemoryRequirementsKHR(memory_bind_index::Integer, memory_requirements::MemoryRequirements; next = C_NULL) = VideoSessionMemoryRequirementsKHR(next, memory_bind_index, memory_requirements) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `memory_bind_index::UInt32` - `memory::DeviceMemory` - `memory_offset::UInt64` - `memory_size::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindVideoSessionMemoryInfoKHR.html) """ BindVideoSessionMemoryInfoKHR(memory_bind_index::Integer, memory::DeviceMemory, memory_offset::Integer, memory_size::Integer; next = C_NULL) = BindVideoSessionMemoryInfoKHR(next, memory_bind_index, memory, memory_offset, memory_size) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `coded_offset::Offset2D` - `coded_extent::Extent2D` - `base_array_layer::UInt32` - `image_view_binding::ImageView` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoPictureResourceInfoKHR.html) """ VideoPictureResourceInfoKHR(coded_offset::Offset2D, coded_extent::Extent2D, base_array_layer::Integer, image_view_binding::ImageView; next = C_NULL) = VideoPictureResourceInfoKHR(next, coded_offset, coded_extent, base_array_layer, image_view_binding) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `slot_index::Int32` - `next::Any`: defaults to `C_NULL` - `picture_resource::VideoPictureResourceInfoKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoReferenceSlotInfoKHR.html) """ VideoReferenceSlotInfoKHR(slot_index::Integer; next = C_NULL, picture_resource = C_NULL) = VideoReferenceSlotInfoKHR(next, slot_index, picture_resource) """ Extension: VK\\_KHR\\_video\\_decode\\_queue Arguments: - `flags::VideoDecodeCapabilityFlagKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeCapabilitiesKHR.html) """ VideoDecodeCapabilitiesKHR(flags::VideoDecodeCapabilityFlagKHR; next = C_NULL) = VideoDecodeCapabilitiesKHR(next, flags) """ Extension: VK\\_KHR\\_video\\_decode\\_queue Arguments: - `next::Any`: defaults to `C_NULL` - `video_usage_hints::VideoDecodeUsageFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeUsageInfoKHR.html) """ VideoDecodeUsageInfoKHR(; next = C_NULL, video_usage_hints = 0) = VideoDecodeUsageInfoKHR(next, video_usage_hints) """ Extension: VK\\_KHR\\_video\\_decode\\_queue Arguments: - `src_buffer::Buffer` - `src_buffer_offset::UInt64` - `src_buffer_range::UInt64` - `dst_picture_resource::VideoPictureResourceInfoKHR` - `setup_reference_slot::VideoReferenceSlotInfoKHR` - `reference_slots::Vector{VideoReferenceSlotInfoKHR}` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeInfoKHR.html) """ VideoDecodeInfoKHR(src_buffer::Buffer, src_buffer_offset::Integer, src_buffer_range::Integer, dst_picture_resource::VideoPictureResourceInfoKHR, setup_reference_slot::VideoReferenceSlotInfoKHR, reference_slots::AbstractArray; next = C_NULL, flags = 0) = VideoDecodeInfoKHR(next, flags, src_buffer, src_buffer_offset, src_buffer_range, dst_picture_resource, setup_reference_slot, reference_slots) """ Extension: VK\\_KHR\\_video\\_decode\\_h264 Arguments: - `std_profile_idc::StdVideoH264ProfileIdc` - `next::Any`: defaults to `C_NULL` - `picture_layout::VideoDecodeH264PictureLayoutFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264ProfileInfoKHR.html) """ VideoDecodeH264ProfileInfoKHR(std_profile_idc::StdVideoH264ProfileIdc; next = C_NULL, picture_layout = 0) = VideoDecodeH264ProfileInfoKHR(next, std_profile_idc, picture_layout) """ Extension: VK\\_KHR\\_video\\_decode\\_h264 Arguments: - `max_level_idc::StdVideoH264LevelIdc` - `field_offset_granularity::Offset2D` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264CapabilitiesKHR.html) """ VideoDecodeH264CapabilitiesKHR(max_level_idc::StdVideoH264LevelIdc, field_offset_granularity::Offset2D; next = C_NULL) = VideoDecodeH264CapabilitiesKHR(next, max_level_idc, field_offset_granularity) """ Extension: VK\\_KHR\\_video\\_decode\\_h264 Arguments: - `std_sp_ss::Vector{StdVideoH264SequenceParameterSet}` - `std_pp_ss::Vector{StdVideoH264PictureParameterSet}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264SessionParametersAddInfoKHR.html) """ VideoDecodeH264SessionParametersAddInfoKHR(std_sp_ss::AbstractArray, std_pp_ss::AbstractArray; next = C_NULL) = VideoDecodeH264SessionParametersAddInfoKHR(next, std_sp_ss, std_pp_ss) """ Extension: VK\\_KHR\\_video\\_decode\\_h264 Arguments: - `max_std_sps_count::UInt32` - `max_std_pps_count::UInt32` - `next::Any`: defaults to `C_NULL` - `parameters_add_info::VideoDecodeH264SessionParametersAddInfoKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264SessionParametersCreateInfoKHR.html) """ VideoDecodeH264SessionParametersCreateInfoKHR(max_std_sps_count::Integer, max_std_pps_count::Integer; next = C_NULL, parameters_add_info = C_NULL) = VideoDecodeH264SessionParametersCreateInfoKHR(next, max_std_sps_count, max_std_pps_count, parameters_add_info) """ Extension: VK\\_KHR\\_video\\_decode\\_h264 Arguments: - `std_picture_info::StdVideoDecodeH264PictureInfo` - `slice_offsets::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264PictureInfoKHR.html) """ VideoDecodeH264PictureInfoKHR(std_picture_info::StdVideoDecodeH264PictureInfo, slice_offsets::AbstractArray; next = C_NULL) = VideoDecodeH264PictureInfoKHR(next, std_picture_info, slice_offsets) """ Extension: VK\\_KHR\\_video\\_decode\\_h264 Arguments: - `std_reference_info::StdVideoDecodeH264ReferenceInfo` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264DpbSlotInfoKHR.html) """ VideoDecodeH264DpbSlotInfoKHR(std_reference_info::StdVideoDecodeH264ReferenceInfo; next = C_NULL) = VideoDecodeH264DpbSlotInfoKHR(next, std_reference_info) """ Extension: VK\\_KHR\\_video\\_decode\\_h265 Arguments: - `std_profile_idc::StdVideoH265ProfileIdc` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265ProfileInfoKHR.html) """ VideoDecodeH265ProfileInfoKHR(std_profile_idc::StdVideoH265ProfileIdc; next = C_NULL) = VideoDecodeH265ProfileInfoKHR(next, std_profile_idc) """ Extension: VK\\_KHR\\_video\\_decode\\_h265 Arguments: - `max_level_idc::StdVideoH265LevelIdc` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265CapabilitiesKHR.html) """ VideoDecodeH265CapabilitiesKHR(max_level_idc::StdVideoH265LevelIdc; next = C_NULL) = VideoDecodeH265CapabilitiesKHR(next, max_level_idc) """ Extension: VK\\_KHR\\_video\\_decode\\_h265 Arguments: - `std_vp_ss::Vector{StdVideoH265VideoParameterSet}` - `std_sp_ss::Vector{StdVideoH265SequenceParameterSet}` - `std_pp_ss::Vector{StdVideoH265PictureParameterSet}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265SessionParametersAddInfoKHR.html) """ VideoDecodeH265SessionParametersAddInfoKHR(std_vp_ss::AbstractArray, std_sp_ss::AbstractArray, std_pp_ss::AbstractArray; next = C_NULL) = VideoDecodeH265SessionParametersAddInfoKHR(next, std_vp_ss, std_sp_ss, std_pp_ss) """ Extension: VK\\_KHR\\_video\\_decode\\_h265 Arguments: - `max_std_vps_count::UInt32` - `max_std_sps_count::UInt32` - `max_std_pps_count::UInt32` - `next::Any`: defaults to `C_NULL` - `parameters_add_info::VideoDecodeH265SessionParametersAddInfoKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265SessionParametersCreateInfoKHR.html) """ VideoDecodeH265SessionParametersCreateInfoKHR(max_std_vps_count::Integer, max_std_sps_count::Integer, max_std_pps_count::Integer; next = C_NULL, parameters_add_info = C_NULL) = VideoDecodeH265SessionParametersCreateInfoKHR(next, max_std_vps_count, max_std_sps_count, max_std_pps_count, parameters_add_info) """ Extension: VK\\_KHR\\_video\\_decode\\_h265 Arguments: - `std_picture_info::StdVideoDecodeH265PictureInfo` - `slice_segment_offsets::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265PictureInfoKHR.html) """ VideoDecodeH265PictureInfoKHR(std_picture_info::StdVideoDecodeH265PictureInfo, slice_segment_offsets::AbstractArray; next = C_NULL) = VideoDecodeH265PictureInfoKHR(next, std_picture_info, slice_segment_offsets) """ Extension: VK\\_KHR\\_video\\_decode\\_h265 Arguments: - `std_reference_info::StdVideoDecodeH265ReferenceInfo` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265DpbSlotInfoKHR.html) """ VideoDecodeH265DpbSlotInfoKHR(std_reference_info::StdVideoDecodeH265ReferenceInfo; next = C_NULL) = VideoDecodeH265DpbSlotInfoKHR(next, std_reference_info) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `queue_family_index::UInt32` - `video_profile::VideoProfileInfoKHR` - `picture_format::Format` - `max_coded_extent::Extent2D` - `reference_picture_format::Format` - `max_dpb_slots::UInt32` - `max_active_reference_pictures::UInt32` - `std_header_version::ExtensionProperties` - `next::Any`: defaults to `C_NULL` - `flags::VideoSessionCreateFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionCreateInfoKHR.html) """ VideoSessionCreateInfoKHR(queue_family_index::Integer, video_profile::VideoProfileInfoKHR, picture_format::Format, max_coded_extent::Extent2D, reference_picture_format::Format, max_dpb_slots::Integer, max_active_reference_pictures::Integer, std_header_version::ExtensionProperties; next = C_NULL, flags = 0) = VideoSessionCreateInfoKHR(next, queue_family_index, flags, video_profile, picture_format, max_coded_extent, reference_picture_format, max_dpb_slots, max_active_reference_pictures, std_header_version) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `video_session::VideoSessionKHR` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `video_session_parameters_template::VideoSessionParametersKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionParametersCreateInfoKHR.html) """ VideoSessionParametersCreateInfoKHR(video_session::VideoSessionKHR; next = C_NULL, flags = 0, video_session_parameters_template = C_NULL) = VideoSessionParametersCreateInfoKHR(next, flags, video_session_parameters_template, video_session) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `update_sequence_count::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionParametersUpdateInfoKHR.html) """ VideoSessionParametersUpdateInfoKHR(update_sequence_count::Integer; next = C_NULL) = VideoSessionParametersUpdateInfoKHR(next, update_sequence_count) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `video_session::VideoSessionKHR` - `reference_slots::Vector{VideoReferenceSlotInfoKHR}` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `video_session_parameters::VideoSessionParametersKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoBeginCodingInfoKHR.html) """ VideoBeginCodingInfoKHR(video_session::VideoSessionKHR, reference_slots::AbstractArray; next = C_NULL, flags = 0, video_session_parameters = C_NULL) = VideoBeginCodingInfoKHR(next, flags, video_session, video_session_parameters, reference_slots) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoEndCodingInfoKHR.html) """ VideoEndCodingInfoKHR(; next = C_NULL, flags = 0) = VideoEndCodingInfoKHR(next, flags) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `next::Any`: defaults to `C_NULL` - `flags::VideoCodingControlFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoCodingControlInfoKHR.html) """ VideoCodingControlInfoKHR(; next = C_NULL, flags = 0) = VideoCodingControlInfoKHR(next, flags) """ Extension: VK\\_NV\\_inherited\\_viewport\\_scissor Arguments: - `inherited_viewport_scissor_2_d::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInheritedViewportScissorFeaturesNV.html) """ PhysicalDeviceInheritedViewportScissorFeaturesNV(inherited_viewport_scissor_2_d::Bool; next = C_NULL) = PhysicalDeviceInheritedViewportScissorFeaturesNV(next, inherited_viewport_scissor_2_d) """ Extension: VK\\_NV\\_inherited\\_viewport\\_scissor Arguments: - `viewport_scissor_2_d::Bool` - `viewport_depth_count::UInt32` - `viewport_depths::Viewport` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceViewportScissorInfoNV.html) """ CommandBufferInheritanceViewportScissorInfoNV(viewport_scissor_2_d::Bool, viewport_depth_count::Integer, viewport_depths::Viewport; next = C_NULL) = CommandBufferInheritanceViewportScissorInfoNV(next, viewport_scissor_2_d, viewport_depth_count, viewport_depths) """ Extension: VK\\_EXT\\_ycbcr\\_2plane\\_444\\_formats Arguments: - `ycbcr_444_formats::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT.html) """ PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT(ycbcr_444_formats::Bool; next = C_NULL) = PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT(next, ycbcr_444_formats) """ Extension: VK\\_EXT\\_provoking\\_vertex Arguments: - `provoking_vertex_last::Bool` - `transform_feedback_preserves_provoking_vertex::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProvokingVertexFeaturesEXT.html) """ PhysicalDeviceProvokingVertexFeaturesEXT(provoking_vertex_last::Bool, transform_feedback_preserves_provoking_vertex::Bool; next = C_NULL) = PhysicalDeviceProvokingVertexFeaturesEXT(next, provoking_vertex_last, transform_feedback_preserves_provoking_vertex) """ Extension: VK\\_EXT\\_provoking\\_vertex Arguments: - `provoking_vertex_mode_per_pipeline::Bool` - `transform_feedback_preserves_triangle_fan_provoking_vertex::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProvokingVertexPropertiesEXT.html) """ PhysicalDeviceProvokingVertexPropertiesEXT(provoking_vertex_mode_per_pipeline::Bool, transform_feedback_preserves_triangle_fan_provoking_vertex::Bool; next = C_NULL) = PhysicalDeviceProvokingVertexPropertiesEXT(next, provoking_vertex_mode_per_pipeline, transform_feedback_preserves_triangle_fan_provoking_vertex) """ Extension: VK\\_EXT\\_provoking\\_vertex Arguments: - `provoking_vertex_mode::ProvokingVertexModeEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationProvokingVertexStateCreateInfoEXT.html) """ PipelineRasterizationProvokingVertexStateCreateInfoEXT(provoking_vertex_mode::ProvokingVertexModeEXT; next = C_NULL) = PipelineRasterizationProvokingVertexStateCreateInfoEXT(next, provoking_vertex_mode) """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `data_size::UInt` - `data::Ptr{Cvoid}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCuModuleCreateInfoNVX.html) """ CuModuleCreateInfoNVX(data_size::Integer, data::Ptr{Cvoid}; next = C_NULL) = CuModuleCreateInfoNVX(next, data_size, data) """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `_module::CuModuleNVX` - `name::String` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCuFunctionCreateInfoNVX.html) """ CuFunctionCreateInfoNVX(_module::CuModuleNVX, name::AbstractString; next = C_NULL) = CuFunctionCreateInfoNVX(next, _module, name) """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `_function::CuFunctionNVX` - `grid_dim_x::UInt32` - `grid_dim_y::UInt32` - `grid_dim_z::UInt32` - `block_dim_x::UInt32` - `block_dim_y::UInt32` - `block_dim_z::UInt32` - `shared_mem_bytes::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCuLaunchInfoNVX.html) """ CuLaunchInfoNVX(_function::CuFunctionNVX, grid_dim_x::Integer, grid_dim_y::Integer, grid_dim_z::Integer, block_dim_x::Integer, block_dim_y::Integer, block_dim_z::Integer, shared_mem_bytes::Integer; next = C_NULL) = CuLaunchInfoNVX(next, _function, grid_dim_x, grid_dim_y, grid_dim_z, block_dim_x, block_dim_y, block_dim_z, shared_mem_bytes) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `descriptor_buffer::Bool` - `descriptor_buffer_capture_replay::Bool` - `descriptor_buffer_image_layout_ignored::Bool` - `descriptor_buffer_push_descriptors::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorBufferFeaturesEXT.html) """ PhysicalDeviceDescriptorBufferFeaturesEXT(descriptor_buffer::Bool, descriptor_buffer_capture_replay::Bool, descriptor_buffer_image_layout_ignored::Bool, descriptor_buffer_push_descriptors::Bool; next = C_NULL) = PhysicalDeviceDescriptorBufferFeaturesEXT(next, descriptor_buffer, descriptor_buffer_capture_replay, descriptor_buffer_image_layout_ignored, descriptor_buffer_push_descriptors) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `combined_image_sampler_descriptor_single_array::Bool` - `bufferless_push_descriptors::Bool` - `allow_sampler_image_view_post_submit_creation::Bool` - `descriptor_buffer_offset_alignment::UInt64` - `max_descriptor_buffer_bindings::UInt32` - `max_resource_descriptor_buffer_bindings::UInt32` - `max_sampler_descriptor_buffer_bindings::UInt32` - `max_embedded_immutable_sampler_bindings::UInt32` - `max_embedded_immutable_samplers::UInt32` - `buffer_capture_replay_descriptor_data_size::UInt` - `image_capture_replay_descriptor_data_size::UInt` - `image_view_capture_replay_descriptor_data_size::UInt` - `sampler_capture_replay_descriptor_data_size::UInt` - `acceleration_structure_capture_replay_descriptor_data_size::UInt` - `sampler_descriptor_size::UInt` - `combined_image_sampler_descriptor_size::UInt` - `sampled_image_descriptor_size::UInt` - `storage_image_descriptor_size::UInt` - `uniform_texel_buffer_descriptor_size::UInt` - `robust_uniform_texel_buffer_descriptor_size::UInt` - `storage_texel_buffer_descriptor_size::UInt` - `robust_storage_texel_buffer_descriptor_size::UInt` - `uniform_buffer_descriptor_size::UInt` - `robust_uniform_buffer_descriptor_size::UInt` - `storage_buffer_descriptor_size::UInt` - `robust_storage_buffer_descriptor_size::UInt` - `input_attachment_descriptor_size::UInt` - `acceleration_structure_descriptor_size::UInt` - `max_sampler_descriptor_buffer_range::UInt64` - `max_resource_descriptor_buffer_range::UInt64` - `sampler_descriptor_buffer_address_space_size::UInt64` - `resource_descriptor_buffer_address_space_size::UInt64` - `descriptor_buffer_address_space_size::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorBufferPropertiesEXT.html) """ PhysicalDeviceDescriptorBufferPropertiesEXT(combined_image_sampler_descriptor_single_array::Bool, bufferless_push_descriptors::Bool, allow_sampler_image_view_post_submit_creation::Bool, descriptor_buffer_offset_alignment::Integer, max_descriptor_buffer_bindings::Integer, max_resource_descriptor_buffer_bindings::Integer, max_sampler_descriptor_buffer_bindings::Integer, max_embedded_immutable_sampler_bindings::Integer, max_embedded_immutable_samplers::Integer, buffer_capture_replay_descriptor_data_size::Integer, image_capture_replay_descriptor_data_size::Integer, image_view_capture_replay_descriptor_data_size::Integer, sampler_capture_replay_descriptor_data_size::Integer, acceleration_structure_capture_replay_descriptor_data_size::Integer, sampler_descriptor_size::Integer, combined_image_sampler_descriptor_size::Integer, sampled_image_descriptor_size::Integer, storage_image_descriptor_size::Integer, uniform_texel_buffer_descriptor_size::Integer, robust_uniform_texel_buffer_descriptor_size::Integer, storage_texel_buffer_descriptor_size::Integer, robust_storage_texel_buffer_descriptor_size::Integer, uniform_buffer_descriptor_size::Integer, robust_uniform_buffer_descriptor_size::Integer, storage_buffer_descriptor_size::Integer, robust_storage_buffer_descriptor_size::Integer, input_attachment_descriptor_size::Integer, acceleration_structure_descriptor_size::Integer, max_sampler_descriptor_buffer_range::Integer, max_resource_descriptor_buffer_range::Integer, sampler_descriptor_buffer_address_space_size::Integer, resource_descriptor_buffer_address_space_size::Integer, descriptor_buffer_address_space_size::Integer; next = C_NULL) = PhysicalDeviceDescriptorBufferPropertiesEXT(next, combined_image_sampler_descriptor_single_array, bufferless_push_descriptors, allow_sampler_image_view_post_submit_creation, descriptor_buffer_offset_alignment, max_descriptor_buffer_bindings, max_resource_descriptor_buffer_bindings, max_sampler_descriptor_buffer_bindings, max_embedded_immutable_sampler_bindings, max_embedded_immutable_samplers, buffer_capture_replay_descriptor_data_size, image_capture_replay_descriptor_data_size, image_view_capture_replay_descriptor_data_size, sampler_capture_replay_descriptor_data_size, acceleration_structure_capture_replay_descriptor_data_size, sampler_descriptor_size, combined_image_sampler_descriptor_size, sampled_image_descriptor_size, storage_image_descriptor_size, uniform_texel_buffer_descriptor_size, robust_uniform_texel_buffer_descriptor_size, storage_texel_buffer_descriptor_size, robust_storage_texel_buffer_descriptor_size, uniform_buffer_descriptor_size, robust_uniform_buffer_descriptor_size, storage_buffer_descriptor_size, robust_storage_buffer_descriptor_size, input_attachment_descriptor_size, acceleration_structure_descriptor_size, max_sampler_descriptor_buffer_range, max_resource_descriptor_buffer_range, sampler_descriptor_buffer_address_space_size, resource_descriptor_buffer_address_space_size, descriptor_buffer_address_space_size) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `combined_image_sampler_density_map_descriptor_size::UInt` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT.html) """ PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT(combined_image_sampler_density_map_descriptor_size::Integer; next = C_NULL) = PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT(next, combined_image_sampler_density_map_descriptor_size) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `address::UInt64` - `range::UInt64` - `format::Format` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorAddressInfoEXT.html) """ DescriptorAddressInfoEXT(address::Integer, range::Integer, format::Format; next = C_NULL) = DescriptorAddressInfoEXT(next, address, range, format) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `address::UInt64` - `usage::BufferUsageFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorBufferBindingInfoEXT.html) """ DescriptorBufferBindingInfoEXT(address::Integer, usage::BufferUsageFlag; next = C_NULL) = DescriptorBufferBindingInfoEXT(next, address, usage) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `buffer::Buffer` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorBufferBindingPushDescriptorBufferHandleEXT.html) """ DescriptorBufferBindingPushDescriptorBufferHandleEXT(buffer::Buffer; next = C_NULL) = DescriptorBufferBindingPushDescriptorBufferHandleEXT(next, buffer) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `type::DescriptorType` - `data::DescriptorDataEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorGetInfoEXT.html) """ DescriptorGetInfoEXT(type::DescriptorType, data::DescriptorDataEXT; next = C_NULL) = DescriptorGetInfoEXT(next, type, data) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `buffer::Buffer` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCaptureDescriptorDataInfoEXT.html) """ BufferCaptureDescriptorDataInfoEXT(buffer::Buffer; next = C_NULL) = BufferCaptureDescriptorDataInfoEXT(next, buffer) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `image::Image` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCaptureDescriptorDataInfoEXT.html) """ ImageCaptureDescriptorDataInfoEXT(image::Image; next = C_NULL) = ImageCaptureDescriptorDataInfoEXT(next, image) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `image_view::ImageView` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewCaptureDescriptorDataInfoEXT.html) """ ImageViewCaptureDescriptorDataInfoEXT(image_view::ImageView; next = C_NULL) = ImageViewCaptureDescriptorDataInfoEXT(next, image_view) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `sampler::Sampler` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerCaptureDescriptorDataInfoEXT.html) """ SamplerCaptureDescriptorDataInfoEXT(sampler::Sampler; next = C_NULL) = SamplerCaptureDescriptorDataInfoEXT(next, sampler) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `next::Any`: defaults to `C_NULL` - `acceleration_structure::AccelerationStructureKHR`: defaults to `C_NULL` - `acceleration_structure_nv::AccelerationStructureNV`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureCaptureDescriptorDataInfoEXT.html) """ AccelerationStructureCaptureDescriptorDataInfoEXT(; next = C_NULL, acceleration_structure = C_NULL, acceleration_structure_nv = C_NULL) = AccelerationStructureCaptureDescriptorDataInfoEXT(next, acceleration_structure, acceleration_structure_nv) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `opaque_capture_descriptor_data::Ptr{Cvoid}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpaqueCaptureDescriptorDataCreateInfoEXT.html) """ OpaqueCaptureDescriptorDataCreateInfoEXT(opaque_capture_descriptor_data::Ptr{Cvoid}; next = C_NULL) = OpaqueCaptureDescriptorDataCreateInfoEXT(next, opaque_capture_descriptor_data) """ Arguments: - `shader_integer_dot_product::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderIntegerDotProductFeatures.html) """ PhysicalDeviceShaderIntegerDotProductFeatures(shader_integer_dot_product::Bool; next = C_NULL) = PhysicalDeviceShaderIntegerDotProductFeatures(next, shader_integer_dot_product) """ Arguments: - `integer_dot_product_8_bit_unsigned_accelerated::Bool` - `integer_dot_product_8_bit_signed_accelerated::Bool` - `integer_dot_product_8_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_8_bit_packed_unsigned_accelerated::Bool` - `integer_dot_product_8_bit_packed_signed_accelerated::Bool` - `integer_dot_product_8_bit_packed_mixed_signedness_accelerated::Bool` - `integer_dot_product_16_bit_unsigned_accelerated::Bool` - `integer_dot_product_16_bit_signed_accelerated::Bool` - `integer_dot_product_16_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_32_bit_unsigned_accelerated::Bool` - `integer_dot_product_32_bit_signed_accelerated::Bool` - `integer_dot_product_32_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_64_bit_unsigned_accelerated::Bool` - `integer_dot_product_64_bit_signed_accelerated::Bool` - `integer_dot_product_64_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_16_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_32_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_64_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderIntegerDotProductProperties.html) """ PhysicalDeviceShaderIntegerDotProductProperties(integer_dot_product_8_bit_unsigned_accelerated::Bool, integer_dot_product_8_bit_signed_accelerated::Bool, integer_dot_product_8_bit_mixed_signedness_accelerated::Bool, integer_dot_product_8_bit_packed_unsigned_accelerated::Bool, integer_dot_product_8_bit_packed_signed_accelerated::Bool, integer_dot_product_8_bit_packed_mixed_signedness_accelerated::Bool, integer_dot_product_16_bit_unsigned_accelerated::Bool, integer_dot_product_16_bit_signed_accelerated::Bool, integer_dot_product_16_bit_mixed_signedness_accelerated::Bool, integer_dot_product_32_bit_unsigned_accelerated::Bool, integer_dot_product_32_bit_signed_accelerated::Bool, integer_dot_product_32_bit_mixed_signedness_accelerated::Bool, integer_dot_product_64_bit_unsigned_accelerated::Bool, integer_dot_product_64_bit_signed_accelerated::Bool, integer_dot_product_64_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_16_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_32_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_64_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated::Bool; next = C_NULL) = PhysicalDeviceShaderIntegerDotProductProperties(next, integer_dot_product_8_bit_unsigned_accelerated, integer_dot_product_8_bit_signed_accelerated, integer_dot_product_8_bit_mixed_signedness_accelerated, integer_dot_product_8_bit_packed_unsigned_accelerated, integer_dot_product_8_bit_packed_signed_accelerated, integer_dot_product_8_bit_packed_mixed_signedness_accelerated, integer_dot_product_16_bit_unsigned_accelerated, integer_dot_product_16_bit_signed_accelerated, integer_dot_product_16_bit_mixed_signedness_accelerated, integer_dot_product_32_bit_unsigned_accelerated, integer_dot_product_32_bit_signed_accelerated, integer_dot_product_32_bit_mixed_signedness_accelerated, integer_dot_product_64_bit_unsigned_accelerated, integer_dot_product_64_bit_signed_accelerated, integer_dot_product_64_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_8_bit_signed_accelerated, integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated, integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated, integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_16_bit_signed_accelerated, integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_32_bit_signed_accelerated, integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_64_bit_signed_accelerated, integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated) """ Extension: VK\\_EXT\\_physical\\_device\\_drm Arguments: - `has_primary::Bool` - `has_render::Bool` - `primary_major::Int64` - `primary_minor::Int64` - `render_major::Int64` - `render_minor::Int64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDrmPropertiesEXT.html) """ PhysicalDeviceDrmPropertiesEXT(has_primary::Bool, has_render::Bool, primary_major::Integer, primary_minor::Integer, render_major::Integer, render_minor::Integer; next = C_NULL) = PhysicalDeviceDrmPropertiesEXT(next, has_primary, has_render, primary_major, primary_minor, render_major, render_minor) """ Extension: VK\\_KHR\\_fragment\\_shader\\_barycentric Arguments: - `fragment_shader_barycentric::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR.html) """ PhysicalDeviceFragmentShaderBarycentricFeaturesKHR(fragment_shader_barycentric::Bool; next = C_NULL) = PhysicalDeviceFragmentShaderBarycentricFeaturesKHR(next, fragment_shader_barycentric) """ Extension: VK\\_KHR\\_fragment\\_shader\\_barycentric Arguments: - `tri_strip_vertex_order_independent_of_provoking_vertex::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR.html) """ PhysicalDeviceFragmentShaderBarycentricPropertiesKHR(tri_strip_vertex_order_independent_of_provoking_vertex::Bool; next = C_NULL) = PhysicalDeviceFragmentShaderBarycentricPropertiesKHR(next, tri_strip_vertex_order_independent_of_provoking_vertex) """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `ray_tracing_motion_blur::Bool` - `ray_tracing_motion_blur_pipeline_trace_rays_indirect::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingMotionBlurFeaturesNV.html) """ PhysicalDeviceRayTracingMotionBlurFeaturesNV(ray_tracing_motion_blur::Bool, ray_tracing_motion_blur_pipeline_trace_rays_indirect::Bool; next = C_NULL) = PhysicalDeviceRayTracingMotionBlurFeaturesNV(next, ray_tracing_motion_blur, ray_tracing_motion_blur_pipeline_trace_rays_indirect) """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `vertex_data::DeviceOrHostAddressConstKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryMotionTrianglesDataNV.html) """ AccelerationStructureGeometryMotionTrianglesDataNV(vertex_data::DeviceOrHostAddressConstKHR; next = C_NULL) = AccelerationStructureGeometryMotionTrianglesDataNV(next, vertex_data) """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `max_instances::UInt32` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMotionInfoNV.html) """ AccelerationStructureMotionInfoNV(max_instances::Integer; next = C_NULL, flags = 0) = AccelerationStructureMotionInfoNV(next, max_instances, flags) """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `transform_t_0::SRTDataNV` - `transform_t_1::SRTDataNV` - `instance_custom_index::UInt32` - `mask::UInt32` - `instance_shader_binding_table_record_offset::UInt32` - `acceleration_structure_reference::UInt64` - `flags::GeometryInstanceFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureSRTMotionInstanceNV.html) """ AccelerationStructureSRTMotionInstanceNV(transform_t_0::SRTDataNV, transform_t_1::SRTDataNV, instance_custom_index::Integer, mask::Integer, instance_shader_binding_table_record_offset::Integer, acceleration_structure_reference::Integer; flags = 0) = AccelerationStructureSRTMotionInstanceNV(transform_t_0, transform_t_1, instance_custom_index, mask, instance_shader_binding_table_record_offset, flags, acceleration_structure_reference) """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `transform_t_0::TransformMatrixKHR` - `transform_t_1::TransformMatrixKHR` - `instance_custom_index::UInt32` - `mask::UInt32` - `instance_shader_binding_table_record_offset::UInt32` - `acceleration_structure_reference::UInt64` - `flags::GeometryInstanceFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMatrixMotionInstanceNV.html) """ AccelerationStructureMatrixMotionInstanceNV(transform_t_0::TransformMatrixKHR, transform_t_1::TransformMatrixKHR, instance_custom_index::Integer, mask::Integer, instance_shader_binding_table_record_offset::Integer, acceleration_structure_reference::Integer; flags = 0) = AccelerationStructureMatrixMotionInstanceNV(transform_t_0, transform_t_1, instance_custom_index, mask, instance_shader_binding_table_record_offset, flags, acceleration_structure_reference) """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `type::AccelerationStructureMotionInstanceTypeNV` - `data::AccelerationStructureMotionInstanceDataNV` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMotionInstanceNV.html) """ AccelerationStructureMotionInstanceNV(type::AccelerationStructureMotionInstanceTypeNV, data::AccelerationStructureMotionInstanceDataNV; flags = 0) = AccelerationStructureMotionInstanceNV(type, flags, data) """ Extension: VK\\_NV\\_external\\_memory\\_rdma Arguments: - `memory::DeviceMemory` - `handle_type::ExternalMemoryHandleTypeFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryGetRemoteAddressInfoNV.html) """ MemoryGetRemoteAddressInfoNV(memory::DeviceMemory, handle_type::ExternalMemoryHandleTypeFlag; next = C_NULL) = MemoryGetRemoteAddressInfoNV(next, memory, handle_type) """ Extension: VK\\_EXT\\_rgba10x6\\_formats Arguments: - `format_rgba_1_6_without_y_cb_cr_sampler::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT.html) """ PhysicalDeviceRGBA10X6FormatsFeaturesEXT(format_rgba_1_6_without_y_cb_cr_sampler::Bool; next = C_NULL) = PhysicalDeviceRGBA10X6FormatsFeaturesEXT(next, format_rgba_1_6_without_y_cb_cr_sampler) """ Arguments: - `next::Any`: defaults to `C_NULL` - `linear_tiling_features::UInt64`: defaults to `0` - `optimal_tiling_features::UInt64`: defaults to `0` - `buffer_features::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFormatProperties3.html) """ FormatProperties3(; next = C_NULL, linear_tiling_features = 0, optimal_tiling_features = 0, buffer_features = 0) = FormatProperties3(next, linear_tiling_features, optimal_tiling_features, buffer_features) """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `next::Any`: defaults to `C_NULL` - `drm_format_modifier_properties::Vector{DrmFormatModifierProperties2EXT}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierPropertiesList2EXT.html) """ DrmFormatModifierPropertiesList2EXT(; next = C_NULL, drm_format_modifier_properties = C_NULL) = DrmFormatModifierPropertiesList2EXT(next, drm_format_modifier_properties) """ Arguments: - `view_mask::UInt32` - `color_attachment_formats::Vector{Format}` - `depth_attachment_format::Format` - `stencil_attachment_format::Format` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRenderingCreateInfo.html) """ PipelineRenderingCreateInfo(view_mask::Integer, color_attachment_formats::AbstractArray, depth_attachment_format::Format, stencil_attachment_format::Format; next = C_NULL) = PipelineRenderingCreateInfo(next, view_mask, color_attachment_formats, depth_attachment_format, stencil_attachment_format) """ Arguments: - `render_area::Rect2D` - `layer_count::UInt32` - `view_mask::UInt32` - `color_attachments::Vector{RenderingAttachmentInfo}` - `next::Any`: defaults to `C_NULL` - `flags::RenderingFlag`: defaults to `0` - `depth_attachment::RenderingAttachmentInfo`: defaults to `C_NULL` - `stencil_attachment::RenderingAttachmentInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingInfo.html) """ RenderingInfo(render_area::Rect2D, layer_count::Integer, view_mask::Integer, color_attachments::AbstractArray; next = C_NULL, flags = 0, depth_attachment = C_NULL, stencil_attachment = C_NULL) = RenderingInfo(next, flags, render_area, layer_count, view_mask, color_attachments, depth_attachment, stencil_attachment) """ Arguments: - `image_layout::ImageLayout` - `resolve_image_layout::ImageLayout` - `load_op::AttachmentLoadOp` - `store_op::AttachmentStoreOp` - `clear_value::ClearValue` - `next::Any`: defaults to `C_NULL` - `image_view::ImageView`: defaults to `C_NULL` - `resolve_mode::ResolveModeFlag`: defaults to `0` - `resolve_image_view::ImageView`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingAttachmentInfo.html) """ RenderingAttachmentInfo(image_layout::ImageLayout, resolve_image_layout::ImageLayout, load_op::AttachmentLoadOp, store_op::AttachmentStoreOp, clear_value::ClearValue; next = C_NULL, image_view = C_NULL, resolve_mode = 0, resolve_image_view = C_NULL) = RenderingAttachmentInfo(next, image_view, image_layout, resolve_mode, resolve_image_view, resolve_image_layout, load_op, store_op, clear_value) """ Extension: VK\\_KHR\\_dynamic\\_rendering Arguments: - `image_layout::ImageLayout` - `shading_rate_attachment_texel_size::Extent2D` - `next::Any`: defaults to `C_NULL` - `image_view::ImageView`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingFragmentShadingRateAttachmentInfoKHR.html) """ RenderingFragmentShadingRateAttachmentInfoKHR(image_layout::ImageLayout, shading_rate_attachment_texel_size::Extent2D; next = C_NULL, image_view = C_NULL) = RenderingFragmentShadingRateAttachmentInfoKHR(next, image_view, image_layout, shading_rate_attachment_texel_size) """ Extension: VK\\_KHR\\_dynamic\\_rendering Arguments: - `image_view::ImageView` - `image_layout::ImageLayout` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingFragmentDensityMapAttachmentInfoEXT.html) """ RenderingFragmentDensityMapAttachmentInfoEXT(image_view::ImageView, image_layout::ImageLayout; next = C_NULL) = RenderingFragmentDensityMapAttachmentInfoEXT(next, image_view, image_layout) """ Arguments: - `dynamic_rendering::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDynamicRenderingFeatures.html) """ PhysicalDeviceDynamicRenderingFeatures(dynamic_rendering::Bool; next = C_NULL) = PhysicalDeviceDynamicRenderingFeatures(next, dynamic_rendering) """ Arguments: - `view_mask::UInt32` - `color_attachment_formats::Vector{Format}` - `depth_attachment_format::Format` - `stencil_attachment_format::Format` - `next::Any`: defaults to `C_NULL` - `flags::RenderingFlag`: defaults to `0` - `rasterization_samples::SampleCountFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceRenderingInfo.html) """ CommandBufferInheritanceRenderingInfo(view_mask::Integer, color_attachment_formats::AbstractArray, depth_attachment_format::Format, stencil_attachment_format::Format; next = C_NULL, flags = 0, rasterization_samples = 0) = CommandBufferInheritanceRenderingInfo(next, flags, view_mask, color_attachment_formats, depth_attachment_format, stencil_attachment_format, rasterization_samples) """ Extension: VK\\_KHR\\_dynamic\\_rendering Arguments: - `color_attachment_samples::Vector{SampleCountFlag}` - `next::Any`: defaults to `C_NULL` - `depth_stencil_attachment_samples::SampleCountFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentSampleCountInfoAMD.html) """ AttachmentSampleCountInfoAMD(color_attachment_samples::AbstractArray; next = C_NULL, depth_stencil_attachment_samples = 0) = AttachmentSampleCountInfoAMD(next, color_attachment_samples, depth_stencil_attachment_samples) """ Extension: VK\\_KHR\\_dynamic\\_rendering Arguments: - `per_view_attributes::Bool` - `per_view_attributes_position_x_only::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultiviewPerViewAttributesInfoNVX.html) """ MultiviewPerViewAttributesInfoNVX(per_view_attributes::Bool, per_view_attributes_position_x_only::Bool; next = C_NULL) = MultiviewPerViewAttributesInfoNVX(next, per_view_attributes, per_view_attributes_position_x_only) """ Extension: VK\\_EXT\\_image\\_view\\_min\\_lod Arguments: - `min_lod::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageViewMinLodFeaturesEXT.html) """ PhysicalDeviceImageViewMinLodFeaturesEXT(min_lod::Bool; next = C_NULL) = PhysicalDeviceImageViewMinLodFeaturesEXT(next, min_lod) """ Extension: VK\\_EXT\\_image\\_view\\_min\\_lod Arguments: - `min_lod::Float32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewMinLodCreateInfoEXT.html) """ ImageViewMinLodCreateInfoEXT(min_lod::Real; next = C_NULL) = ImageViewMinLodCreateInfoEXT(next, min_lod) """ Extension: VK\\_EXT\\_rasterization\\_order\\_attachment\\_access Arguments: - `rasterization_order_color_attachment_access::Bool` - `rasterization_order_depth_attachment_access::Bool` - `rasterization_order_stencil_attachment_access::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT.html) """ PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT(rasterization_order_color_attachment_access::Bool, rasterization_order_depth_attachment_access::Bool, rasterization_order_stencil_attachment_access::Bool; next = C_NULL) = PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT(next, rasterization_order_color_attachment_access, rasterization_order_depth_attachment_access, rasterization_order_stencil_attachment_access) """ Extension: VK\\_NV\\_linear\\_color\\_attachment Arguments: - `linear_color_attachment::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLinearColorAttachmentFeaturesNV.html) """ PhysicalDeviceLinearColorAttachmentFeaturesNV(linear_color_attachment::Bool; next = C_NULL) = PhysicalDeviceLinearColorAttachmentFeaturesNV(next, linear_color_attachment) """ Extension: VK\\_EXT\\_graphics\\_pipeline\\_library Arguments: - `graphics_pipeline_library::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT.html) """ PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT(graphics_pipeline_library::Bool; next = C_NULL) = PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT(next, graphics_pipeline_library) """ Extension: VK\\_EXT\\_graphics\\_pipeline\\_library Arguments: - `graphics_pipeline_library_fast_linking::Bool` - `graphics_pipeline_library_independent_interpolation_decoration::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT.html) """ PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT(graphics_pipeline_library_fast_linking::Bool, graphics_pipeline_library_independent_interpolation_decoration::Bool; next = C_NULL) = PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT(next, graphics_pipeline_library_fast_linking, graphics_pipeline_library_independent_interpolation_decoration) """ Extension: VK\\_EXT\\_graphics\\_pipeline\\_library Arguments: - `flags::GraphicsPipelineLibraryFlagEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsPipelineLibraryCreateInfoEXT.html) """ GraphicsPipelineLibraryCreateInfoEXT(flags::GraphicsPipelineLibraryFlagEXT; next = C_NULL) = GraphicsPipelineLibraryCreateInfoEXT(next, flags) """ Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping Arguments: - `descriptor_set_host_mapping::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE.html) """ PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE(descriptor_set_host_mapping::Bool; next = C_NULL) = PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE(next, descriptor_set_host_mapping) """ Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping Arguments: - `descriptor_set_layout::DescriptorSetLayout` - `binding::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetBindingReferenceVALVE.html) """ DescriptorSetBindingReferenceVALVE(descriptor_set_layout::DescriptorSetLayout, binding::Integer; next = C_NULL) = DescriptorSetBindingReferenceVALVE(next, descriptor_set_layout, binding) """ Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping Arguments: - `descriptor_offset::UInt` - `descriptor_size::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutHostMappingInfoVALVE.html) """ DescriptorSetLayoutHostMappingInfoVALVE(descriptor_offset::Integer, descriptor_size::Integer; next = C_NULL) = DescriptorSetLayoutHostMappingInfoVALVE(next, descriptor_offset, descriptor_size) """ Extension: VK\\_EXT\\_shader\\_module\\_identifier Arguments: - `shader_module_identifier::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT.html) """ PhysicalDeviceShaderModuleIdentifierFeaturesEXT(shader_module_identifier::Bool; next = C_NULL) = PhysicalDeviceShaderModuleIdentifierFeaturesEXT(next, shader_module_identifier) """ Extension: VK\\_EXT\\_shader\\_module\\_identifier Arguments: - `shader_module_identifier_algorithm_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT.html) """ PhysicalDeviceShaderModuleIdentifierPropertiesEXT(shader_module_identifier_algorithm_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}; next = C_NULL) = PhysicalDeviceShaderModuleIdentifierPropertiesEXT(next, shader_module_identifier_algorithm_uuid) """ Extension: VK\\_EXT\\_shader\\_module\\_identifier Arguments: - `identifier::Vector{UInt8}` - `next::Any`: defaults to `C_NULL` - `identifier_size::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineShaderStageModuleIdentifierCreateInfoEXT.html) """ PipelineShaderStageModuleIdentifierCreateInfoEXT(identifier::AbstractArray; next = C_NULL, identifier_size = 0) = PipelineShaderStageModuleIdentifierCreateInfoEXT(next, identifier_size, identifier) """ Extension: VK\\_EXT\\_shader\\_module\\_identifier Arguments: - `identifier_size::UInt32` - `identifier::NTuple{Int(VK_MAX_SHADER_MODULE_IDENTIFIER_SIZE_EXT), UInt8}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderModuleIdentifierEXT.html) """ ShaderModuleIdentifierEXT(identifier_size::Integer, identifier::NTuple{Int(VK_MAX_SHADER_MODULE_IDENTIFIER_SIZE_EXT), UInt8}; next = C_NULL) = ShaderModuleIdentifierEXT(next, identifier_size, identifier) """ Extension: VK\\_EXT\\_image\\_compression\\_control Arguments: - `flags::ImageCompressionFlagEXT` - `fixed_rate_flags::Vector{ImageCompressionFixedRateFlagEXT}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCompressionControlEXT.html) """ ImageCompressionControlEXT(flags::ImageCompressionFlagEXT, fixed_rate_flags::AbstractArray; next = C_NULL) = ImageCompressionControlEXT(next, flags, fixed_rate_flags) """ Extension: VK\\_EXT\\_image\\_compression\\_control Arguments: - `image_compression_control::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageCompressionControlFeaturesEXT.html) """ PhysicalDeviceImageCompressionControlFeaturesEXT(image_compression_control::Bool; next = C_NULL) = PhysicalDeviceImageCompressionControlFeaturesEXT(next, image_compression_control) """ Extension: VK\\_EXT\\_image\\_compression\\_control Arguments: - `image_compression_flags::ImageCompressionFlagEXT` - `image_compression_fixed_rate_flags::ImageCompressionFixedRateFlagEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCompressionPropertiesEXT.html) """ ImageCompressionPropertiesEXT(image_compression_flags::ImageCompressionFlagEXT, image_compression_fixed_rate_flags::ImageCompressionFixedRateFlagEXT; next = C_NULL) = ImageCompressionPropertiesEXT(next, image_compression_flags, image_compression_fixed_rate_flags) """ Extension: VK\\_EXT\\_image\\_compression\\_control\\_swapchain Arguments: - `image_compression_control_swapchain::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT.html) """ PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT(image_compression_control_swapchain::Bool; next = C_NULL) = PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT(next, image_compression_control_swapchain) """ Extension: VK\\_EXT\\_image\\_compression\\_control Arguments: - `image_subresource::ImageSubresource` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresource2EXT.html) """ ImageSubresource2EXT(image_subresource::ImageSubresource; next = C_NULL) = ImageSubresource2EXT(next, image_subresource) """ Extension: VK\\_EXT\\_image\\_compression\\_control Arguments: - `subresource_layout::SubresourceLayout` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubresourceLayout2EXT.html) """ SubresourceLayout2EXT(subresource_layout::SubresourceLayout; next = C_NULL) = SubresourceLayout2EXT(next, subresource_layout) """ Extension: VK\\_EXT\\_subpass\\_merge\\_feedback Arguments: - `disallow_merging::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreationControlEXT.html) """ RenderPassCreationControlEXT(disallow_merging::Bool; next = C_NULL) = RenderPassCreationControlEXT(next, disallow_merging) """ Extension: VK\\_EXT\\_subpass\\_merge\\_feedback Arguments: - `render_pass_feedback::RenderPassCreationFeedbackInfoEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreationFeedbackCreateInfoEXT.html) """ RenderPassCreationFeedbackCreateInfoEXT(render_pass_feedback::RenderPassCreationFeedbackInfoEXT; next = C_NULL) = RenderPassCreationFeedbackCreateInfoEXT(next, render_pass_feedback) """ Extension: VK\\_EXT\\_subpass\\_merge\\_feedback Arguments: - `subpass_feedback::RenderPassSubpassFeedbackInfoEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassSubpassFeedbackCreateInfoEXT.html) """ RenderPassSubpassFeedbackCreateInfoEXT(subpass_feedback::RenderPassSubpassFeedbackInfoEXT; next = C_NULL) = RenderPassSubpassFeedbackCreateInfoEXT(next, subpass_feedback) """ Extension: VK\\_EXT\\_subpass\\_merge\\_feedback Arguments: - `subpass_merge_feedback::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT.html) """ PhysicalDeviceSubpassMergeFeedbackFeaturesEXT(subpass_merge_feedback::Bool; next = C_NULL) = PhysicalDeviceSubpassMergeFeedbackFeaturesEXT(next, subpass_merge_feedback) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `type::MicromapTypeEXT` - `mode::BuildMicromapModeEXT` - `data::DeviceOrHostAddressConstKHR` - `scratch_data::DeviceOrHostAddressKHR` - `triangle_array::DeviceOrHostAddressConstKHR` - `triangle_array_stride::UInt64` - `next::Any`: defaults to `C_NULL` - `flags::BuildMicromapFlagEXT`: defaults to `0` - `dst_micromap::MicromapEXT`: defaults to `C_NULL` - `usage_counts::Vector{MicromapUsageEXT}`: defaults to `C_NULL` - `usage_counts_2::Vector{MicromapUsageEXT}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapBuildInfoEXT.html) """ MicromapBuildInfoEXT(type::MicromapTypeEXT, mode::BuildMicromapModeEXT, data::DeviceOrHostAddressConstKHR, scratch_data::DeviceOrHostAddressKHR, triangle_array::DeviceOrHostAddressConstKHR, triangle_array_stride::Integer; next = C_NULL, flags = 0, dst_micromap = C_NULL, usage_counts = C_NULL, usage_counts_2 = C_NULL) = MicromapBuildInfoEXT(next, type, flags, mode, dst_micromap, usage_counts, usage_counts_2, data, scratch_data, triangle_array, triangle_array_stride) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `type::MicromapTypeEXT` - `next::Any`: defaults to `C_NULL` - `create_flags::MicromapCreateFlagEXT`: defaults to `0` - `device_address::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapCreateInfoEXT.html) """ MicromapCreateInfoEXT(buffer::Buffer, offset::Integer, size::Integer, type::MicromapTypeEXT; next = C_NULL, create_flags = 0, device_address = 0) = MicromapCreateInfoEXT(next, create_flags, buffer, offset, size, type, device_address) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `version_data::Vector{UInt8}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapVersionInfoEXT.html) """ MicromapVersionInfoEXT(version_data::AbstractArray; next = C_NULL) = MicromapVersionInfoEXT(next, version_data) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `src::MicromapEXT` - `dst::MicromapEXT` - `mode::CopyMicromapModeEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMicromapInfoEXT.html) """ CopyMicromapInfoEXT(src::MicromapEXT, dst::MicromapEXT, mode::CopyMicromapModeEXT; next = C_NULL) = CopyMicromapInfoEXT(next, src, dst, mode) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `src::MicromapEXT` - `dst::DeviceOrHostAddressKHR` - `mode::CopyMicromapModeEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMicromapToMemoryInfoEXT.html) """ CopyMicromapToMemoryInfoEXT(src::MicromapEXT, dst::DeviceOrHostAddressKHR, mode::CopyMicromapModeEXT; next = C_NULL) = CopyMicromapToMemoryInfoEXT(next, src, dst, mode) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `src::DeviceOrHostAddressConstKHR` - `dst::MicromapEXT` - `mode::CopyMicromapModeEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryToMicromapInfoEXT.html) """ CopyMemoryToMicromapInfoEXT(src::DeviceOrHostAddressConstKHR, dst::MicromapEXT, mode::CopyMicromapModeEXT; next = C_NULL) = CopyMemoryToMicromapInfoEXT(next, src, dst, mode) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `micromap_size::UInt64` - `build_scratch_size::UInt64` - `discardable::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapBuildSizesInfoEXT.html) """ MicromapBuildSizesInfoEXT(micromap_size::Integer, build_scratch_size::Integer, discardable::Bool; next = C_NULL) = MicromapBuildSizesInfoEXT(next, micromap_size, build_scratch_size, discardable) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `micromap::Bool` - `micromap_capture_replay::Bool` - `micromap_host_commands::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpacityMicromapFeaturesEXT.html) """ PhysicalDeviceOpacityMicromapFeaturesEXT(micromap::Bool, micromap_capture_replay::Bool, micromap_host_commands::Bool; next = C_NULL) = PhysicalDeviceOpacityMicromapFeaturesEXT(next, micromap, micromap_capture_replay, micromap_host_commands) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `max_opacity_2_state_subdivision_level::UInt32` - `max_opacity_4_state_subdivision_level::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpacityMicromapPropertiesEXT.html) """ PhysicalDeviceOpacityMicromapPropertiesEXT(max_opacity_2_state_subdivision_level::Integer, max_opacity_4_state_subdivision_level::Integer; next = C_NULL) = PhysicalDeviceOpacityMicromapPropertiesEXT(next, max_opacity_2_state_subdivision_level, max_opacity_4_state_subdivision_level) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `index_type::IndexType` - `index_buffer::DeviceOrHostAddressConstKHR` - `index_stride::UInt64` - `base_triangle::UInt32` - `micromap::MicromapEXT` - `next::Any`: defaults to `C_NULL` - `usage_counts::Vector{MicromapUsageEXT}`: defaults to `C_NULL` - `usage_counts_2::Vector{MicromapUsageEXT}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureTrianglesOpacityMicromapEXT.html) """ AccelerationStructureTrianglesOpacityMicromapEXT(index_type::IndexType, index_buffer::DeviceOrHostAddressConstKHR, index_stride::Integer, base_triangle::Integer, micromap::MicromapEXT; next = C_NULL, usage_counts = C_NULL, usage_counts_2 = C_NULL) = AccelerationStructureTrianglesOpacityMicromapEXT(next, index_type, index_buffer, index_stride, base_triangle, usage_counts, usage_counts_2, micromap) """ Extension: VK\\_EXT\\_pipeline\\_properties Arguments: - `pipeline_identifier::NTuple{Int(VK_UUID_SIZE), UInt8}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelinePropertiesIdentifierEXT.html) """ PipelinePropertiesIdentifierEXT(pipeline_identifier::NTuple{Int(VK_UUID_SIZE), UInt8}; next = C_NULL) = PipelinePropertiesIdentifierEXT(next, pipeline_identifier) """ Extension: VK\\_EXT\\_pipeline\\_properties Arguments: - `pipeline_properties_identifier::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelinePropertiesFeaturesEXT.html) """ PhysicalDevicePipelinePropertiesFeaturesEXT(pipeline_properties_identifier::Bool; next = C_NULL) = PhysicalDevicePipelinePropertiesFeaturesEXT(next, pipeline_properties_identifier) """ Extension: VK\\_AMD\\_shader\\_early\\_and\\_late\\_fragment\\_tests Arguments: - `shader_early_and_late_fragment_tests::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD.html) """ PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD(shader_early_and_late_fragment_tests::Bool; next = C_NULL) = PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD(next, shader_early_and_late_fragment_tests) """ Extension: VK\\_EXT\\_non\\_seamless\\_cube\\_map Arguments: - `non_seamless_cube_map::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT.html) """ PhysicalDeviceNonSeamlessCubeMapFeaturesEXT(non_seamless_cube_map::Bool; next = C_NULL) = PhysicalDeviceNonSeamlessCubeMapFeaturesEXT(next, non_seamless_cube_map) """ Extension: VK\\_EXT\\_pipeline\\_robustness Arguments: - `pipeline_robustness::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineRobustnessFeaturesEXT.html) """ PhysicalDevicePipelineRobustnessFeaturesEXT(pipeline_robustness::Bool; next = C_NULL) = PhysicalDevicePipelineRobustnessFeaturesEXT(next, pipeline_robustness) """ Extension: VK\\_EXT\\_pipeline\\_robustness Arguments: - `storage_buffers::PipelineRobustnessBufferBehaviorEXT` - `uniform_buffers::PipelineRobustnessBufferBehaviorEXT` - `vertex_inputs::PipelineRobustnessBufferBehaviorEXT` - `images::PipelineRobustnessImageBehaviorEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRobustnessCreateInfoEXT.html) """ PipelineRobustnessCreateInfoEXT(storage_buffers::PipelineRobustnessBufferBehaviorEXT, uniform_buffers::PipelineRobustnessBufferBehaviorEXT, vertex_inputs::PipelineRobustnessBufferBehaviorEXT, images::PipelineRobustnessImageBehaviorEXT; next = C_NULL) = PipelineRobustnessCreateInfoEXT(next, storage_buffers, uniform_buffers, vertex_inputs, images) """ Extension: VK\\_EXT\\_pipeline\\_robustness Arguments: - `default_robustness_storage_buffers::PipelineRobustnessBufferBehaviorEXT` - `default_robustness_uniform_buffers::PipelineRobustnessBufferBehaviorEXT` - `default_robustness_vertex_inputs::PipelineRobustnessBufferBehaviorEXT` - `default_robustness_images::PipelineRobustnessImageBehaviorEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineRobustnessPropertiesEXT.html) """ PhysicalDevicePipelineRobustnessPropertiesEXT(default_robustness_storage_buffers::PipelineRobustnessBufferBehaviorEXT, default_robustness_uniform_buffers::PipelineRobustnessBufferBehaviorEXT, default_robustness_vertex_inputs::PipelineRobustnessBufferBehaviorEXT, default_robustness_images::PipelineRobustnessImageBehaviorEXT; next = C_NULL) = PhysicalDevicePipelineRobustnessPropertiesEXT(next, default_robustness_storage_buffers, default_robustness_uniform_buffers, default_robustness_vertex_inputs, default_robustness_images) """ Extension: VK\\_QCOM\\_image\\_processing Arguments: - `filter_center::Offset2D` - `filter_size::Extent2D` - `num_phases::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewSampleWeightCreateInfoQCOM.html) """ ImageViewSampleWeightCreateInfoQCOM(filter_center::Offset2D, filter_size::Extent2D, num_phases::Integer; next = C_NULL) = ImageViewSampleWeightCreateInfoQCOM(next, filter_center, filter_size, num_phases) """ Extension: VK\\_QCOM\\_image\\_processing Arguments: - `texture_sample_weighted::Bool` - `texture_box_filter::Bool` - `texture_block_match::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageProcessingFeaturesQCOM.html) """ PhysicalDeviceImageProcessingFeaturesQCOM(texture_sample_weighted::Bool, texture_box_filter::Bool, texture_block_match::Bool; next = C_NULL) = PhysicalDeviceImageProcessingFeaturesQCOM(next, texture_sample_weighted, texture_box_filter, texture_block_match) """ Extension: VK\\_QCOM\\_image\\_processing Arguments: - `next::Any`: defaults to `C_NULL` - `max_weight_filter_phases::UInt32`: defaults to `0` - `max_weight_filter_dimension::Extent2D`: defaults to `C_NULL` - `max_block_match_region::Extent2D`: defaults to `C_NULL` - `max_box_filter_block_size::Extent2D`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageProcessingPropertiesQCOM.html) """ PhysicalDeviceImageProcessingPropertiesQCOM(; next = C_NULL, max_weight_filter_phases = 0, max_weight_filter_dimension = C_NULL, max_block_match_region = C_NULL, max_box_filter_block_size = C_NULL) = PhysicalDeviceImageProcessingPropertiesQCOM(next, max_weight_filter_phases, max_weight_filter_dimension, max_block_match_region, max_box_filter_block_size) """ Extension: VK\\_QCOM\\_tile\\_properties Arguments: - `tile_properties::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTilePropertiesFeaturesQCOM.html) """ PhysicalDeviceTilePropertiesFeaturesQCOM(tile_properties::Bool; next = C_NULL) = PhysicalDeviceTilePropertiesFeaturesQCOM(next, tile_properties) """ Extension: VK\\_QCOM\\_tile\\_properties Arguments: - `tile_size::Extent3D` - `apron_size::Extent2D` - `origin::Offset2D` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTilePropertiesQCOM.html) """ TilePropertiesQCOM(tile_size::Extent3D, apron_size::Extent2D, origin::Offset2D; next = C_NULL) = TilePropertiesQCOM(next, tile_size, apron_size, origin) """ Extension: VK\\_SEC\\_amigo\\_profiling Arguments: - `amigo_profiling::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAmigoProfilingFeaturesSEC.html) """ PhysicalDeviceAmigoProfilingFeaturesSEC(amigo_profiling::Bool; next = C_NULL) = PhysicalDeviceAmigoProfilingFeaturesSEC(next, amigo_profiling) """ Extension: VK\\_SEC\\_amigo\\_profiling Arguments: - `first_draw_timestamp::UInt64` - `swap_buffer_timestamp::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAmigoProfilingSubmitInfoSEC.html) """ AmigoProfilingSubmitInfoSEC(first_draw_timestamp::Integer, swap_buffer_timestamp::Integer; next = C_NULL) = AmigoProfilingSubmitInfoSEC(next, first_draw_timestamp, swap_buffer_timestamp) """ Extension: VK\\_EXT\\_attachment\\_feedback\\_loop\\_layout Arguments: - `attachment_feedback_loop_layout::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT.html) """ PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT(attachment_feedback_loop_layout::Bool; next = C_NULL) = PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT(next, attachment_feedback_loop_layout) """ Extension: VK\\_EXT\\_depth\\_clamp\\_zero\\_one Arguments: - `depth_clamp_zero_one::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthClampZeroOneFeaturesEXT.html) """ PhysicalDeviceDepthClampZeroOneFeaturesEXT(depth_clamp_zero_one::Bool; next = C_NULL) = PhysicalDeviceDepthClampZeroOneFeaturesEXT(next, depth_clamp_zero_one) """ Extension: VK\\_EXT\\_device\\_address\\_binding\\_report Arguments: - `report_address_binding::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAddressBindingReportFeaturesEXT.html) """ PhysicalDeviceAddressBindingReportFeaturesEXT(report_address_binding::Bool; next = C_NULL) = PhysicalDeviceAddressBindingReportFeaturesEXT(next, report_address_binding) """ Extension: VK\\_EXT\\_device\\_address\\_binding\\_report Arguments: - `base_address::UInt64` - `size::UInt64` - `binding_type::DeviceAddressBindingTypeEXT` - `next::Any`: defaults to `C_NULL` - `flags::DeviceAddressBindingFlagEXT`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceAddressBindingCallbackDataEXT.html) """ DeviceAddressBindingCallbackDataEXT(base_address::Integer, size::Integer, binding_type::DeviceAddressBindingTypeEXT; next = C_NULL, flags = 0) = DeviceAddressBindingCallbackDataEXT(next, flags, base_address, size, binding_type) """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `optical_flow::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpticalFlowFeaturesNV.html) """ PhysicalDeviceOpticalFlowFeaturesNV(optical_flow::Bool; next = C_NULL) = PhysicalDeviceOpticalFlowFeaturesNV(next, optical_flow) """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `supported_output_grid_sizes::OpticalFlowGridSizeFlagNV` - `supported_hint_grid_sizes::OpticalFlowGridSizeFlagNV` - `hint_supported::Bool` - `cost_supported::Bool` - `bidirectional_flow_supported::Bool` - `global_flow_supported::Bool` - `min_width::UInt32` - `min_height::UInt32` - `max_width::UInt32` - `max_height::UInt32` - `max_num_regions_of_interest::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpticalFlowPropertiesNV.html) """ PhysicalDeviceOpticalFlowPropertiesNV(supported_output_grid_sizes::OpticalFlowGridSizeFlagNV, supported_hint_grid_sizes::OpticalFlowGridSizeFlagNV, hint_supported::Bool, cost_supported::Bool, bidirectional_flow_supported::Bool, global_flow_supported::Bool, min_width::Integer, min_height::Integer, max_width::Integer, max_height::Integer, max_num_regions_of_interest::Integer; next = C_NULL) = PhysicalDeviceOpticalFlowPropertiesNV(next, supported_output_grid_sizes, supported_hint_grid_sizes, hint_supported, cost_supported, bidirectional_flow_supported, global_flow_supported, min_width, min_height, max_width, max_height, max_num_regions_of_interest) """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `usage::OpticalFlowUsageFlagNV` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowImageFormatInfoNV.html) """ OpticalFlowImageFormatInfoNV(usage::OpticalFlowUsageFlagNV; next = C_NULL) = OpticalFlowImageFormatInfoNV(next, usage) """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `format::Format` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowImageFormatPropertiesNV.html) """ OpticalFlowImageFormatPropertiesNV(format::Format; next = C_NULL) = OpticalFlowImageFormatPropertiesNV(next, format) """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `width::UInt32` - `height::UInt32` - `image_format::Format` - `flow_vector_format::Format` - `output_grid_size::OpticalFlowGridSizeFlagNV` - `next::Any`: defaults to `C_NULL` - `cost_format::Format`: defaults to `0` - `hint_grid_size::OpticalFlowGridSizeFlagNV`: defaults to `0` - `performance_level::OpticalFlowPerformanceLevelNV`: defaults to `0` - `flags::OpticalFlowSessionCreateFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowSessionCreateInfoNV.html) """ OpticalFlowSessionCreateInfoNV(width::Integer, height::Integer, image_format::Format, flow_vector_format::Format, output_grid_size::OpticalFlowGridSizeFlagNV; next = C_NULL, cost_format = 0, hint_grid_size = 0, performance_level = 0, flags = 0) = OpticalFlowSessionCreateInfoNV(next, width, height, image_format, flow_vector_format, cost_format, output_grid_size, hint_grid_size, performance_level, flags) """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `id::UInt32` - `size::UInt32` - `private_data::Ptr{Cvoid}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowSessionCreatePrivateDataInfoNV.html) """ OpticalFlowSessionCreatePrivateDataInfoNV(id::Integer, size::Integer, private_data::Ptr{Cvoid}; next = C_NULL) = OpticalFlowSessionCreatePrivateDataInfoNV(next, id, size, private_data) """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `regions::Vector{Rect2D}` - `next::Any`: defaults to `C_NULL` - `flags::OpticalFlowExecuteFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowExecuteInfoNV.html) """ OpticalFlowExecuteInfoNV(regions::AbstractArray; next = C_NULL, flags = 0) = OpticalFlowExecuteInfoNV(next, flags, regions) """ Extension: VK\\_EXT\\_device\\_fault Arguments: - `device_fault::Bool` - `device_fault_vendor_binary::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFaultFeaturesEXT.html) """ PhysicalDeviceFaultFeaturesEXT(device_fault::Bool, device_fault_vendor_binary::Bool; next = C_NULL) = PhysicalDeviceFaultFeaturesEXT(next, device_fault, device_fault_vendor_binary) """ Extension: VK\\_EXT\\_device\\_fault Arguments: - `next::Any`: defaults to `C_NULL` - `address_info_count::UInt32`: defaults to `0` - `vendor_info_count::UInt32`: defaults to `0` - `vendor_binary_size::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultCountsEXT.html) """ DeviceFaultCountsEXT(; next = C_NULL, address_info_count = 0, vendor_info_count = 0, vendor_binary_size = 0) = DeviceFaultCountsEXT(next, address_info_count, vendor_info_count, vendor_binary_size) """ Extension: VK\\_EXT\\_device\\_fault Arguments: - `description::String` - `next::Any`: defaults to `C_NULL` - `address_infos::DeviceFaultAddressInfoEXT`: defaults to `C_NULL` - `vendor_infos::DeviceFaultVendorInfoEXT`: defaults to `C_NULL` - `vendor_binary_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultInfoEXT.html) """ DeviceFaultInfoEXT(description::AbstractString; next = C_NULL, address_infos = C_NULL, vendor_infos = C_NULL, vendor_binary_data = C_NULL) = DeviceFaultInfoEXT(next, description, address_infos, vendor_infos, vendor_binary_data) """ Extension: VK\\_EXT\\_pipeline\\_library\\_group\\_handles Arguments: - `pipeline_library_group_handles::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT.html) """ PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT(pipeline_library_group_handles::Bool; next = C_NULL) = PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT(next, pipeline_library_group_handles) """ Extension: VK\\_ARM\\_shader\\_core\\_builtins Arguments: - `shader_core_mask::UInt64` - `shader_core_count::UInt32` - `shader_warps_per_core::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM.html) """ PhysicalDeviceShaderCoreBuiltinsPropertiesARM(shader_core_mask::Integer, shader_core_count::Integer, shader_warps_per_core::Integer; next = C_NULL) = PhysicalDeviceShaderCoreBuiltinsPropertiesARM(next, shader_core_mask, shader_core_count, shader_warps_per_core) """ Extension: VK\\_ARM\\_shader\\_core\\_builtins Arguments: - `shader_core_builtins::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM.html) """ PhysicalDeviceShaderCoreBuiltinsFeaturesARM(shader_core_builtins::Bool; next = C_NULL) = PhysicalDeviceShaderCoreBuiltinsFeaturesARM(next, shader_core_builtins) """ Extension: VK\\_EXT\\_surface\\_maintenance1 Arguments: - `present_mode::PresentModeKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfacePresentModeEXT.html) """ SurfacePresentModeEXT(present_mode::PresentModeKHR; next = C_NULL) = SurfacePresentModeEXT(next, present_mode) """ Extension: VK\\_EXT\\_surface\\_maintenance1 Arguments: - `next::Any`: defaults to `C_NULL` - `supported_present_scaling::PresentScalingFlagEXT`: defaults to `0` - `supported_present_gravity_x::PresentGravityFlagEXT`: defaults to `0` - `supported_present_gravity_y::PresentGravityFlagEXT`: defaults to `0` - `min_scaled_image_extent::Extent2D`: defaults to `C_NULL` - `max_scaled_image_extent::Extent2D`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfacePresentScalingCapabilitiesEXT.html) """ SurfacePresentScalingCapabilitiesEXT(; next = C_NULL, supported_present_scaling = 0, supported_present_gravity_x = 0, supported_present_gravity_y = 0, min_scaled_image_extent = C_NULL, max_scaled_image_extent = C_NULL) = SurfacePresentScalingCapabilitiesEXT(next, supported_present_scaling, supported_present_gravity_x, supported_present_gravity_y, min_scaled_image_extent, max_scaled_image_extent) """ Extension: VK\\_EXT\\_surface\\_maintenance1 Arguments: - `next::Any`: defaults to `C_NULL` - `present_modes::Vector{PresentModeKHR}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfacePresentModeCompatibilityEXT.html) """ SurfacePresentModeCompatibilityEXT(; next = C_NULL, present_modes = C_NULL) = SurfacePresentModeCompatibilityEXT(next, present_modes) """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Arguments: - `swapchain_maintenance_1::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT.html) """ PhysicalDeviceSwapchainMaintenance1FeaturesEXT(swapchain_maintenance_1::Bool; next = C_NULL) = PhysicalDeviceSwapchainMaintenance1FeaturesEXT(next, swapchain_maintenance_1) """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Arguments: - `fences::Vector{Fence}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentFenceInfoEXT.html) """ SwapchainPresentFenceInfoEXT(fences::AbstractArray; next = C_NULL) = SwapchainPresentFenceInfoEXT(next, fences) """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Arguments: - `present_modes::Vector{PresentModeKHR}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentModesCreateInfoEXT.html) """ SwapchainPresentModesCreateInfoEXT(present_modes::AbstractArray; next = C_NULL) = SwapchainPresentModesCreateInfoEXT(next, present_modes) """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Arguments: - `present_modes::Vector{PresentModeKHR}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentModeInfoEXT.html) """ SwapchainPresentModeInfoEXT(present_modes::AbstractArray; next = C_NULL) = SwapchainPresentModeInfoEXT(next, present_modes) """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Arguments: - `next::Any`: defaults to `C_NULL` - `scaling_behavior::PresentScalingFlagEXT`: defaults to `0` - `present_gravity_x::PresentGravityFlagEXT`: defaults to `0` - `present_gravity_y::PresentGravityFlagEXT`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentScalingCreateInfoEXT.html) """ SwapchainPresentScalingCreateInfoEXT(; next = C_NULL, scaling_behavior = 0, present_gravity_x = 0, present_gravity_y = 0) = SwapchainPresentScalingCreateInfoEXT(next, scaling_behavior, present_gravity_x, present_gravity_y) """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Arguments: - `swapchain::SwapchainKHR` (externsync) - `image_indices::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkReleaseSwapchainImagesInfoEXT.html) """ ReleaseSwapchainImagesInfoEXT(swapchain::SwapchainKHR, image_indices::AbstractArray; next = C_NULL) = ReleaseSwapchainImagesInfoEXT(next, swapchain, image_indices) """ Extension: VK\\_NV\\_ray\\_tracing\\_invocation\\_reorder Arguments: - `ray_tracing_invocation_reorder::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV.html) """ PhysicalDeviceRayTracingInvocationReorderFeaturesNV(ray_tracing_invocation_reorder::Bool; next = C_NULL) = PhysicalDeviceRayTracingInvocationReorderFeaturesNV(next, ray_tracing_invocation_reorder) """ Extension: VK\\_NV\\_ray\\_tracing\\_invocation\\_reorder Arguments: - `ray_tracing_invocation_reorder_reordering_hint::RayTracingInvocationReorderModeNV` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV.html) """ PhysicalDeviceRayTracingInvocationReorderPropertiesNV(ray_tracing_invocation_reorder_reordering_hint::RayTracingInvocationReorderModeNV; next = C_NULL) = PhysicalDeviceRayTracingInvocationReorderPropertiesNV(next, ray_tracing_invocation_reorder_reordering_hint) """ Extension: VK\\_LUNARG\\_direct\\_driver\\_loading Arguments: - `flags::UInt32` - `pfn_get_instance_proc_addr::FunctionPtr` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDirectDriverLoadingInfoLUNARG.html) """ DirectDriverLoadingInfoLUNARG(flags::Integer, pfn_get_instance_proc_addr::FunctionPtr; next = C_NULL) = DirectDriverLoadingInfoLUNARG(next, flags, pfn_get_instance_proc_addr) """ Extension: VK\\_LUNARG\\_direct\\_driver\\_loading Arguments: - `mode::DirectDriverLoadingModeLUNARG` - `drivers::Vector{DirectDriverLoadingInfoLUNARG}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDirectDriverLoadingListLUNARG.html) """ DirectDriverLoadingListLUNARG(mode::DirectDriverLoadingModeLUNARG, drivers::AbstractArray; next = C_NULL) = DirectDriverLoadingListLUNARG(next, mode, drivers) """ Extension: VK\\_QCOM\\_multiview\\_per\\_view\\_viewports Arguments: - `multiview_per_view_viewports::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM.html) """ PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM(multiview_per_view_viewports::Bool; next = C_NULL) = PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM(next, multiview_per_view_viewports) _BaseOutStructure(x::BaseOutStructure) = _BaseOutStructure(; x.next) _BaseInStructure(x::BaseInStructure) = _BaseInStructure(; x.next) _Offset2D(x::Offset2D) = _Offset2D(x.x, x.y) _Offset3D(x::Offset3D) = _Offset3D(x.x, x.y, x.z) _Extent2D(x::Extent2D) = _Extent2D(x.width, x.height) _Extent3D(x::Extent3D) = _Extent3D(x.width, x.height, x.depth) _Viewport(x::Viewport) = _Viewport(x.x, x.y, x.width, x.height, x.min_depth, x.max_depth) _Rect2D(x::Rect2D) = _Rect2D(convert_nonnull(_Offset2D, x.offset), convert_nonnull(_Extent2D, x.extent)) _ClearRect(x::ClearRect) = _ClearRect(convert_nonnull(_Rect2D, x.rect), x.base_array_layer, x.layer_count) _ComponentMapping(x::ComponentMapping) = _ComponentMapping(x.r, x.g, x.b, x.a) _PhysicalDeviceProperties(x::PhysicalDeviceProperties) = _PhysicalDeviceProperties(x.api_version, x.driver_version, x.vendor_id, x.device_id, x.device_type, x.device_name, x.pipeline_cache_uuid, convert_nonnull(_PhysicalDeviceLimits, x.limits), convert_nonnull(_PhysicalDeviceSparseProperties, x.sparse_properties)) _ExtensionProperties(x::ExtensionProperties) = _ExtensionProperties(x.extension_name, x.spec_version) _LayerProperties(x::LayerProperties) = _LayerProperties(x.layer_name, x.spec_version, x.implementation_version, x.description) _ApplicationInfo(x::ApplicationInfo) = _ApplicationInfo(x.application_version, x.engine_version, x.api_version; x.next, x.application_name, x.engine_name) _AllocationCallbacks(x::AllocationCallbacks) = _AllocationCallbacks(x.pfn_allocation, x.pfn_reallocation, x.pfn_free; x.user_data, x.pfn_internal_allocation, x.pfn_internal_free) _DeviceQueueCreateInfo(x::DeviceQueueCreateInfo) = _DeviceQueueCreateInfo(x.queue_family_index, x.queue_priorities; x.next, x.flags) _DeviceCreateInfo(x::DeviceCreateInfo) = _DeviceCreateInfo(convert_nonnull(Vector{_DeviceQueueCreateInfo}, x.queue_create_infos), x.enabled_layer_names, x.enabled_extension_names; x.next, x.flags, enabled_features = convert_nonnull(_PhysicalDeviceFeatures, x.enabled_features)) _InstanceCreateInfo(x::InstanceCreateInfo) = _InstanceCreateInfo(x.enabled_layer_names, x.enabled_extension_names; x.next, x.flags, application_info = convert_nonnull(_ApplicationInfo, x.application_info)) _QueueFamilyProperties(x::QueueFamilyProperties) = _QueueFamilyProperties(x.queue_count, x.timestamp_valid_bits, convert_nonnull(_Extent3D, x.min_image_transfer_granularity); x.queue_flags) _PhysicalDeviceMemoryProperties(x::PhysicalDeviceMemoryProperties) = _PhysicalDeviceMemoryProperties(x.memory_type_count, convert_nonnull(NTuple{Int(VK_MAX_MEMORY_TYPES), _MemoryType}, x.memory_types), x.memory_heap_count, convert_nonnull(NTuple{Int(VK_MAX_MEMORY_HEAPS), _MemoryHeap}, x.memory_heaps)) _MemoryAllocateInfo(x::MemoryAllocateInfo) = _MemoryAllocateInfo(x.allocation_size, x.memory_type_index; x.next) _MemoryRequirements(x::MemoryRequirements) = _MemoryRequirements(x.size, x.alignment, x.memory_type_bits) _SparseImageFormatProperties(x::SparseImageFormatProperties) = _SparseImageFormatProperties(convert_nonnull(_Extent3D, x.image_granularity); x.aspect_mask, x.flags) _SparseImageMemoryRequirements(x::SparseImageMemoryRequirements) = _SparseImageMemoryRequirements(convert_nonnull(_SparseImageFormatProperties, x.format_properties), x.image_mip_tail_first_lod, x.image_mip_tail_size, x.image_mip_tail_offset, x.image_mip_tail_stride) _MemoryType(x::MemoryType) = _MemoryType(x.heap_index; x.property_flags) _MemoryHeap(x::MemoryHeap) = _MemoryHeap(x.size; x.flags) _MappedMemoryRange(x::MappedMemoryRange) = _MappedMemoryRange(x.memory, x.offset, x.size; x.next) _FormatProperties(x::FormatProperties) = _FormatProperties(; x.linear_tiling_features, x.optimal_tiling_features, x.buffer_features) _ImageFormatProperties(x::ImageFormatProperties) = _ImageFormatProperties(convert_nonnull(_Extent3D, x.max_extent), x.max_mip_levels, x.max_array_layers, x.max_resource_size; x.sample_counts) _DescriptorBufferInfo(x::DescriptorBufferInfo) = _DescriptorBufferInfo(x.offset, x.range; x.buffer) _DescriptorImageInfo(x::DescriptorImageInfo) = _DescriptorImageInfo(x.sampler, x.image_view, x.image_layout) _WriteDescriptorSet(x::WriteDescriptorSet) = _WriteDescriptorSet(x.dst_set, x.dst_binding, x.dst_array_element, x.descriptor_type, convert_nonnull(Vector{_DescriptorImageInfo}, x.image_info), convert_nonnull(Vector{_DescriptorBufferInfo}, x.buffer_info), x.texel_buffer_view; x.next, x.descriptor_count) _CopyDescriptorSet(x::CopyDescriptorSet) = _CopyDescriptorSet(x.src_set, x.src_binding, x.src_array_element, x.dst_set, x.dst_binding, x.dst_array_element, x.descriptor_count; x.next) _BufferCreateInfo(x::BufferCreateInfo) = _BufferCreateInfo(x.size, x.usage, x.sharing_mode, x.queue_family_indices; x.next, x.flags) _BufferViewCreateInfo(x::BufferViewCreateInfo) = _BufferViewCreateInfo(x.buffer, x.format, x.offset, x.range; x.next, x.flags) _ImageSubresource(x::ImageSubresource) = _ImageSubresource(x.aspect_mask, x.mip_level, x.array_layer) _ImageSubresourceLayers(x::ImageSubresourceLayers) = _ImageSubresourceLayers(x.aspect_mask, x.mip_level, x.base_array_layer, x.layer_count) _ImageSubresourceRange(x::ImageSubresourceRange) = _ImageSubresourceRange(x.aspect_mask, x.base_mip_level, x.level_count, x.base_array_layer, x.layer_count) _MemoryBarrier(x::MemoryBarrier) = _MemoryBarrier(; x.next, x.src_access_mask, x.dst_access_mask) _BufferMemoryBarrier(x::BufferMemoryBarrier) = _BufferMemoryBarrier(x.src_access_mask, x.dst_access_mask, x.src_queue_family_index, x.dst_queue_family_index, x.buffer, x.offset, x.size; x.next) _ImageMemoryBarrier(x::ImageMemoryBarrier) = _ImageMemoryBarrier(x.src_access_mask, x.dst_access_mask, x.old_layout, x.new_layout, x.src_queue_family_index, x.dst_queue_family_index, x.image, convert_nonnull(_ImageSubresourceRange, x.subresource_range); x.next) _ImageCreateInfo(x::ImageCreateInfo) = _ImageCreateInfo(x.image_type, x.format, convert_nonnull(_Extent3D, x.extent), x.mip_levels, x.array_layers, x.samples, x.tiling, x.usage, x.sharing_mode, x.queue_family_indices, x.initial_layout; x.next, x.flags) _SubresourceLayout(x::SubresourceLayout) = _SubresourceLayout(x.offset, x.size, x.row_pitch, x.array_pitch, x.depth_pitch) _ImageViewCreateInfo(x::ImageViewCreateInfo) = _ImageViewCreateInfo(x.image, x.view_type, x.format, convert_nonnull(_ComponentMapping, x.components), convert_nonnull(_ImageSubresourceRange, x.subresource_range); x.next, x.flags) _BufferCopy(x::BufferCopy) = _BufferCopy(x.src_offset, x.dst_offset, x.size) _SparseMemoryBind(x::SparseMemoryBind) = _SparseMemoryBind(x.resource_offset, x.size, x.memory_offset; x.memory, x.flags) _SparseImageMemoryBind(x::SparseImageMemoryBind) = _SparseImageMemoryBind(convert_nonnull(_ImageSubresource, x.subresource), convert_nonnull(_Offset3D, x.offset), convert_nonnull(_Extent3D, x.extent), x.memory_offset; x.memory, x.flags) _SparseBufferMemoryBindInfo(x::SparseBufferMemoryBindInfo) = _SparseBufferMemoryBindInfo(x.buffer, convert_nonnull(Vector{_SparseMemoryBind}, x.binds)) _SparseImageOpaqueMemoryBindInfo(x::SparseImageOpaqueMemoryBindInfo) = _SparseImageOpaqueMemoryBindInfo(x.image, convert_nonnull(Vector{_SparseMemoryBind}, x.binds)) _SparseImageMemoryBindInfo(x::SparseImageMemoryBindInfo) = _SparseImageMemoryBindInfo(x.image, convert_nonnull(Vector{_SparseImageMemoryBind}, x.binds)) _BindSparseInfo(x::BindSparseInfo) = _BindSparseInfo(x.wait_semaphores, convert_nonnull(Vector{_SparseBufferMemoryBindInfo}, x.buffer_binds), convert_nonnull(Vector{_SparseImageOpaqueMemoryBindInfo}, x.image_opaque_binds), convert_nonnull(Vector{_SparseImageMemoryBindInfo}, x.image_binds), x.signal_semaphores; x.next) _ImageCopy(x::ImageCopy) = _ImageCopy(convert_nonnull(_ImageSubresourceLayers, x.src_subresource), convert_nonnull(_Offset3D, x.src_offset), convert_nonnull(_ImageSubresourceLayers, x.dst_subresource), convert_nonnull(_Offset3D, x.dst_offset), convert_nonnull(_Extent3D, x.extent)) _ImageBlit(x::ImageBlit) = _ImageBlit(convert_nonnull(_ImageSubresourceLayers, x.src_subresource), convert_nonnull(NTuple{2, _Offset3D}, x.src_offsets), convert_nonnull(_ImageSubresourceLayers, x.dst_subresource), convert_nonnull(NTuple{2, _Offset3D}, x.dst_offsets)) _BufferImageCopy(x::BufferImageCopy) = _BufferImageCopy(x.buffer_offset, x.buffer_row_length, x.buffer_image_height, convert_nonnull(_ImageSubresourceLayers, x.image_subresource), convert_nonnull(_Offset3D, x.image_offset), convert_nonnull(_Extent3D, x.image_extent)) _CopyMemoryIndirectCommandNV(x::CopyMemoryIndirectCommandNV) = _CopyMemoryIndirectCommandNV(x.src_address, x.dst_address, x.size) _CopyMemoryToImageIndirectCommandNV(x::CopyMemoryToImageIndirectCommandNV) = _CopyMemoryToImageIndirectCommandNV(x.src_address, x.buffer_row_length, x.buffer_image_height, convert_nonnull(_ImageSubresourceLayers, x.image_subresource), convert_nonnull(_Offset3D, x.image_offset), convert_nonnull(_Extent3D, x.image_extent)) _ImageResolve(x::ImageResolve) = _ImageResolve(convert_nonnull(_ImageSubresourceLayers, x.src_subresource), convert_nonnull(_Offset3D, x.src_offset), convert_nonnull(_ImageSubresourceLayers, x.dst_subresource), convert_nonnull(_Offset3D, x.dst_offset), convert_nonnull(_Extent3D, x.extent)) _ShaderModuleCreateInfo(x::ShaderModuleCreateInfo) = _ShaderModuleCreateInfo(x.code_size, x.code; x.next, x.flags) _DescriptorSetLayoutBinding(x::DescriptorSetLayoutBinding) = _DescriptorSetLayoutBinding(x.binding, x.descriptor_type, x.stage_flags; x.descriptor_count, x.immutable_samplers) _DescriptorSetLayoutCreateInfo(x::DescriptorSetLayoutCreateInfo) = _DescriptorSetLayoutCreateInfo(convert_nonnull(Vector{_DescriptorSetLayoutBinding}, x.bindings); x.next, x.flags) _DescriptorPoolSize(x::DescriptorPoolSize) = _DescriptorPoolSize(x.type, x.descriptor_count) _DescriptorPoolCreateInfo(x::DescriptorPoolCreateInfo) = _DescriptorPoolCreateInfo(x.max_sets, convert_nonnull(Vector{_DescriptorPoolSize}, x.pool_sizes); x.next, x.flags) _DescriptorSetAllocateInfo(x::DescriptorSetAllocateInfo) = _DescriptorSetAllocateInfo(x.descriptor_pool, x.set_layouts; x.next) _SpecializationMapEntry(x::SpecializationMapEntry) = _SpecializationMapEntry(x.constant_id, x.offset, x.size) _SpecializationInfo(x::SpecializationInfo) = _SpecializationInfo(convert_nonnull(Vector{_SpecializationMapEntry}, x.map_entries), x.data; x.data_size) _PipelineShaderStageCreateInfo(x::PipelineShaderStageCreateInfo) = _PipelineShaderStageCreateInfo(x.stage, x._module, x.name; x.next, x.flags, specialization_info = convert_nonnull(_SpecializationInfo, x.specialization_info)) _ComputePipelineCreateInfo(x::ComputePipelineCreateInfo) = _ComputePipelineCreateInfo(convert_nonnull(_PipelineShaderStageCreateInfo, x.stage), x.layout, x.base_pipeline_index; x.next, x.flags, x.base_pipeline_handle) _VertexInputBindingDescription(x::VertexInputBindingDescription) = _VertexInputBindingDescription(x.binding, x.stride, x.input_rate) _VertexInputAttributeDescription(x::VertexInputAttributeDescription) = _VertexInputAttributeDescription(x.location, x.binding, x.format, x.offset) _PipelineVertexInputStateCreateInfo(x::PipelineVertexInputStateCreateInfo) = _PipelineVertexInputStateCreateInfo(convert_nonnull(Vector{_VertexInputBindingDescription}, x.vertex_binding_descriptions), convert_nonnull(Vector{_VertexInputAttributeDescription}, x.vertex_attribute_descriptions); x.next, x.flags) _PipelineInputAssemblyStateCreateInfo(x::PipelineInputAssemblyStateCreateInfo) = _PipelineInputAssemblyStateCreateInfo(x.topology, x.primitive_restart_enable; x.next, x.flags) _PipelineTessellationStateCreateInfo(x::PipelineTessellationStateCreateInfo) = _PipelineTessellationStateCreateInfo(x.patch_control_points; x.next, x.flags) _PipelineViewportStateCreateInfo(x::PipelineViewportStateCreateInfo) = _PipelineViewportStateCreateInfo(; x.next, x.flags, viewports = convert_nonnull(Vector{_Viewport}, x.viewports), scissors = convert_nonnull(Vector{_Rect2D}, x.scissors)) _PipelineRasterizationStateCreateInfo(x::PipelineRasterizationStateCreateInfo) = _PipelineRasterizationStateCreateInfo(x.depth_clamp_enable, x.rasterizer_discard_enable, x.polygon_mode, x.front_face, x.depth_bias_enable, x.depth_bias_constant_factor, x.depth_bias_clamp, x.depth_bias_slope_factor, x.line_width; x.next, x.flags, x.cull_mode) _PipelineMultisampleStateCreateInfo(x::PipelineMultisampleStateCreateInfo) = _PipelineMultisampleStateCreateInfo(x.rasterization_samples, x.sample_shading_enable, x.min_sample_shading, x.alpha_to_coverage_enable, x.alpha_to_one_enable; x.next, x.flags, x.sample_mask) _PipelineColorBlendAttachmentState(x::PipelineColorBlendAttachmentState) = _PipelineColorBlendAttachmentState(x.blend_enable, x.src_color_blend_factor, x.dst_color_blend_factor, x.color_blend_op, x.src_alpha_blend_factor, x.dst_alpha_blend_factor, x.alpha_blend_op; x.color_write_mask) _PipelineColorBlendStateCreateInfo(x::PipelineColorBlendStateCreateInfo) = _PipelineColorBlendStateCreateInfo(x.logic_op_enable, x.logic_op, convert_nonnull(Vector{_PipelineColorBlendAttachmentState}, x.attachments), x.blend_constants; x.next, x.flags) _PipelineDynamicStateCreateInfo(x::PipelineDynamicStateCreateInfo) = _PipelineDynamicStateCreateInfo(x.dynamic_states; x.next, x.flags) _StencilOpState(x::StencilOpState) = _StencilOpState(x.fail_op, x.pass_op, x.depth_fail_op, x.compare_op, x.compare_mask, x.write_mask, x.reference) _PipelineDepthStencilStateCreateInfo(x::PipelineDepthStencilStateCreateInfo) = _PipelineDepthStencilStateCreateInfo(x.depth_test_enable, x.depth_write_enable, x.depth_compare_op, x.depth_bounds_test_enable, x.stencil_test_enable, convert_nonnull(_StencilOpState, x.front), convert_nonnull(_StencilOpState, x.back), x.min_depth_bounds, x.max_depth_bounds; x.next, x.flags) _GraphicsPipelineCreateInfo(x::GraphicsPipelineCreateInfo) = _GraphicsPipelineCreateInfo(convert_nonnull(Vector{_PipelineShaderStageCreateInfo}, x.stages), convert_nonnull(_PipelineRasterizationStateCreateInfo, x.rasterization_state), x.layout, x.subpass, x.base_pipeline_index; x.next, x.flags, vertex_input_state = convert_nonnull(_PipelineVertexInputStateCreateInfo, x.vertex_input_state), input_assembly_state = convert_nonnull(_PipelineInputAssemblyStateCreateInfo, x.input_assembly_state), tessellation_state = convert_nonnull(_PipelineTessellationStateCreateInfo, x.tessellation_state), viewport_state = convert_nonnull(_PipelineViewportStateCreateInfo, x.viewport_state), multisample_state = convert_nonnull(_PipelineMultisampleStateCreateInfo, x.multisample_state), depth_stencil_state = convert_nonnull(_PipelineDepthStencilStateCreateInfo, x.depth_stencil_state), color_blend_state = convert_nonnull(_PipelineColorBlendStateCreateInfo, x.color_blend_state), dynamic_state = convert_nonnull(_PipelineDynamicStateCreateInfo, x.dynamic_state), x.render_pass, x.base_pipeline_handle) _PipelineCacheCreateInfo(x::PipelineCacheCreateInfo) = _PipelineCacheCreateInfo(x.initial_data; x.next, x.flags, x.initial_data_size) _PipelineCacheHeaderVersionOne(x::PipelineCacheHeaderVersionOne) = _PipelineCacheHeaderVersionOne(x.header_size, x.header_version, x.vendor_id, x.device_id, x.pipeline_cache_uuid) _PushConstantRange(x::PushConstantRange) = _PushConstantRange(x.stage_flags, x.offset, x.size) _PipelineLayoutCreateInfo(x::PipelineLayoutCreateInfo) = _PipelineLayoutCreateInfo(x.set_layouts, convert_nonnull(Vector{_PushConstantRange}, x.push_constant_ranges); x.next, x.flags) _SamplerCreateInfo(x::SamplerCreateInfo) = _SamplerCreateInfo(x.mag_filter, x.min_filter, x.mipmap_mode, x.address_mode_u, x.address_mode_v, x.address_mode_w, x.mip_lod_bias, x.anisotropy_enable, x.max_anisotropy, x.compare_enable, x.compare_op, x.min_lod, x.max_lod, x.border_color, x.unnormalized_coordinates; x.next, x.flags) _CommandPoolCreateInfo(x::CommandPoolCreateInfo) = _CommandPoolCreateInfo(x.queue_family_index; x.next, x.flags) _CommandBufferAllocateInfo(x::CommandBufferAllocateInfo) = _CommandBufferAllocateInfo(x.command_pool, x.level, x.command_buffer_count; x.next) _CommandBufferInheritanceInfo(x::CommandBufferInheritanceInfo) = _CommandBufferInheritanceInfo(x.subpass, x.occlusion_query_enable; x.next, x.render_pass, x.framebuffer, x.query_flags, x.pipeline_statistics) _CommandBufferBeginInfo(x::CommandBufferBeginInfo) = _CommandBufferBeginInfo(; x.next, x.flags, inheritance_info = convert_nonnull(_CommandBufferInheritanceInfo, x.inheritance_info)) _RenderPassBeginInfo(x::RenderPassBeginInfo) = _RenderPassBeginInfo(x.render_pass, x.framebuffer, convert_nonnull(_Rect2D, x.render_area), convert_nonnull(Vector{_ClearValue}, x.clear_values); x.next) _ClearDepthStencilValue(x::ClearDepthStencilValue) = _ClearDepthStencilValue(x.depth, x.stencil) _ClearAttachment(x::ClearAttachment) = _ClearAttachment(x.aspect_mask, x.color_attachment, convert_nonnull(_ClearValue, x.clear_value)) _AttachmentDescription(x::AttachmentDescription) = _AttachmentDescription(x.format, x.samples, x.load_op, x.store_op, x.stencil_load_op, x.stencil_store_op, x.initial_layout, x.final_layout; x.flags) _AttachmentReference(x::AttachmentReference) = _AttachmentReference(x.attachment, x.layout) _SubpassDescription(x::SubpassDescription) = _SubpassDescription(x.pipeline_bind_point, convert_nonnull(Vector{_AttachmentReference}, x.input_attachments), convert_nonnull(Vector{_AttachmentReference}, x.color_attachments), x.preserve_attachments; x.flags, resolve_attachments = convert_nonnull(Vector{_AttachmentReference}, x.resolve_attachments), depth_stencil_attachment = convert_nonnull(_AttachmentReference, x.depth_stencil_attachment)) _SubpassDependency(x::SubpassDependency) = _SubpassDependency(x.src_subpass, x.dst_subpass; x.src_stage_mask, x.dst_stage_mask, x.src_access_mask, x.dst_access_mask, x.dependency_flags) _RenderPassCreateInfo(x::RenderPassCreateInfo) = _RenderPassCreateInfo(convert_nonnull(Vector{_AttachmentDescription}, x.attachments), convert_nonnull(Vector{_SubpassDescription}, x.subpasses), convert_nonnull(Vector{_SubpassDependency}, x.dependencies); x.next, x.flags) _EventCreateInfo(x::EventCreateInfo) = _EventCreateInfo(; x.next, x.flags) _FenceCreateInfo(x::FenceCreateInfo) = _FenceCreateInfo(; x.next, x.flags) _PhysicalDeviceFeatures(x::PhysicalDeviceFeatures) = _PhysicalDeviceFeatures(x.robust_buffer_access, x.full_draw_index_uint_32, x.image_cube_array, x.independent_blend, x.geometry_shader, x.tessellation_shader, x.sample_rate_shading, x.dual_src_blend, x.logic_op, x.multi_draw_indirect, x.draw_indirect_first_instance, x.depth_clamp, x.depth_bias_clamp, x.fill_mode_non_solid, x.depth_bounds, x.wide_lines, x.large_points, x.alpha_to_one, x.multi_viewport, x.sampler_anisotropy, x.texture_compression_etc_2, x.texture_compression_astc_ldr, x.texture_compression_bc, x.occlusion_query_precise, x.pipeline_statistics_query, x.vertex_pipeline_stores_and_atomics, x.fragment_stores_and_atomics, x.shader_tessellation_and_geometry_point_size, x.shader_image_gather_extended, x.shader_storage_image_extended_formats, x.shader_storage_image_multisample, x.shader_storage_image_read_without_format, x.shader_storage_image_write_without_format, x.shader_uniform_buffer_array_dynamic_indexing, x.shader_sampled_image_array_dynamic_indexing, x.shader_storage_buffer_array_dynamic_indexing, x.shader_storage_image_array_dynamic_indexing, x.shader_clip_distance, x.shader_cull_distance, x.shader_float_64, x.shader_int_64, x.shader_int_16, x.shader_resource_residency, x.shader_resource_min_lod, x.sparse_binding, x.sparse_residency_buffer, x.sparse_residency_image_2_d, x.sparse_residency_image_3_d, x.sparse_residency_2_samples, x.sparse_residency_4_samples, x.sparse_residency_8_samples, x.sparse_residency_16_samples, x.sparse_residency_aliased, x.variable_multisample_rate, x.inherited_queries) _PhysicalDeviceSparseProperties(x::PhysicalDeviceSparseProperties) = _PhysicalDeviceSparseProperties(x.residency_standard_2_d_block_shape, x.residency_standard_2_d_multisample_block_shape, x.residency_standard_3_d_block_shape, x.residency_aligned_mip_size, x.residency_non_resident_strict) _PhysicalDeviceLimits(x::PhysicalDeviceLimits) = _PhysicalDeviceLimits(x.max_image_dimension_1_d, x.max_image_dimension_2_d, x.max_image_dimension_3_d, x.max_image_dimension_cube, x.max_image_array_layers, x.max_texel_buffer_elements, x.max_uniform_buffer_range, x.max_storage_buffer_range, x.max_push_constants_size, x.max_memory_allocation_count, x.max_sampler_allocation_count, x.buffer_image_granularity, x.sparse_address_space_size, x.max_bound_descriptor_sets, x.max_per_stage_descriptor_samplers, x.max_per_stage_descriptor_uniform_buffers, x.max_per_stage_descriptor_storage_buffers, x.max_per_stage_descriptor_sampled_images, x.max_per_stage_descriptor_storage_images, x.max_per_stage_descriptor_input_attachments, x.max_per_stage_resources, x.max_descriptor_set_samplers, x.max_descriptor_set_uniform_buffers, x.max_descriptor_set_uniform_buffers_dynamic, x.max_descriptor_set_storage_buffers, x.max_descriptor_set_storage_buffers_dynamic, x.max_descriptor_set_sampled_images, x.max_descriptor_set_storage_images, x.max_descriptor_set_input_attachments, x.max_vertex_input_attributes, x.max_vertex_input_bindings, x.max_vertex_input_attribute_offset, x.max_vertex_input_binding_stride, x.max_vertex_output_components, x.max_tessellation_generation_level, x.max_tessellation_patch_size, x.max_tessellation_control_per_vertex_input_components, x.max_tessellation_control_per_vertex_output_components, x.max_tessellation_control_per_patch_output_components, x.max_tessellation_control_total_output_components, x.max_tessellation_evaluation_input_components, x.max_tessellation_evaluation_output_components, x.max_geometry_shader_invocations, x.max_geometry_input_components, x.max_geometry_output_components, x.max_geometry_output_vertices, x.max_geometry_total_output_components, x.max_fragment_input_components, x.max_fragment_output_attachments, x.max_fragment_dual_src_attachments, x.max_fragment_combined_output_resources, x.max_compute_shared_memory_size, x.max_compute_work_group_count, x.max_compute_work_group_invocations, x.max_compute_work_group_size, x.sub_pixel_precision_bits, x.sub_texel_precision_bits, x.mipmap_precision_bits, x.max_draw_indexed_index_value, x.max_draw_indirect_count, x.max_sampler_lod_bias, x.max_sampler_anisotropy, x.max_viewports, x.max_viewport_dimensions, x.viewport_bounds_range, x.viewport_sub_pixel_bits, x.min_memory_map_alignment, x.min_texel_buffer_offset_alignment, x.min_uniform_buffer_offset_alignment, x.min_storage_buffer_offset_alignment, x.min_texel_offset, x.max_texel_offset, x.min_texel_gather_offset, x.max_texel_gather_offset, x.min_interpolation_offset, x.max_interpolation_offset, x.sub_pixel_interpolation_offset_bits, x.max_framebuffer_width, x.max_framebuffer_height, x.max_framebuffer_layers, x.max_color_attachments, x.max_sample_mask_words, x.timestamp_compute_and_graphics, x.timestamp_period, x.max_clip_distances, x.max_cull_distances, x.max_combined_clip_and_cull_distances, x.discrete_queue_priorities, x.point_size_range, x.line_width_range, x.point_size_granularity, x.line_width_granularity, x.strict_lines, x.standard_sample_locations, x.optimal_buffer_copy_offset_alignment, x.optimal_buffer_copy_row_pitch_alignment, x.non_coherent_atom_size; x.framebuffer_color_sample_counts, x.framebuffer_depth_sample_counts, x.framebuffer_stencil_sample_counts, x.framebuffer_no_attachments_sample_counts, x.sampled_image_color_sample_counts, x.sampled_image_integer_sample_counts, x.sampled_image_depth_sample_counts, x.sampled_image_stencil_sample_counts, x.storage_image_sample_counts) _SemaphoreCreateInfo(x::SemaphoreCreateInfo) = _SemaphoreCreateInfo(; x.next, x.flags) _QueryPoolCreateInfo(x::QueryPoolCreateInfo) = _QueryPoolCreateInfo(x.query_type, x.query_count; x.next, x.flags, x.pipeline_statistics) _FramebufferCreateInfo(x::FramebufferCreateInfo) = _FramebufferCreateInfo(x.render_pass, x.attachments, x.width, x.height, x.layers; x.next, x.flags) _DrawIndirectCommand(x::DrawIndirectCommand) = _DrawIndirectCommand(x.vertex_count, x.instance_count, x.first_vertex, x.first_instance) _DrawIndexedIndirectCommand(x::DrawIndexedIndirectCommand) = _DrawIndexedIndirectCommand(x.index_count, x.instance_count, x.first_index, x.vertex_offset, x.first_instance) _DispatchIndirectCommand(x::DispatchIndirectCommand) = _DispatchIndirectCommand(x.x, x.y, x.z) _MultiDrawInfoEXT(x::MultiDrawInfoEXT) = _MultiDrawInfoEXT(x.first_vertex, x.vertex_count) _MultiDrawIndexedInfoEXT(x::MultiDrawIndexedInfoEXT) = _MultiDrawIndexedInfoEXT(x.first_index, x.index_count, x.vertex_offset) _SubmitInfo(x::SubmitInfo) = _SubmitInfo(x.wait_semaphores, x.wait_dst_stage_mask, x.command_buffers, x.signal_semaphores; x.next) _DisplayPropertiesKHR(x::DisplayPropertiesKHR) = _DisplayPropertiesKHR(x.display, x.display_name, convert_nonnull(_Extent2D, x.physical_dimensions), convert_nonnull(_Extent2D, x.physical_resolution), x.plane_reorder_possible, x.persistent_content; x.supported_transforms) _DisplayPlanePropertiesKHR(x::DisplayPlanePropertiesKHR) = _DisplayPlanePropertiesKHR(x.current_display, x.current_stack_index) _DisplayModeParametersKHR(x::DisplayModeParametersKHR) = _DisplayModeParametersKHR(convert_nonnull(_Extent2D, x.visible_region), x.refresh_rate) _DisplayModePropertiesKHR(x::DisplayModePropertiesKHR) = _DisplayModePropertiesKHR(x.display_mode, convert_nonnull(_DisplayModeParametersKHR, x.parameters)) _DisplayModeCreateInfoKHR(x::DisplayModeCreateInfoKHR) = _DisplayModeCreateInfoKHR(convert_nonnull(_DisplayModeParametersKHR, x.parameters); x.next, x.flags) _DisplayPlaneCapabilitiesKHR(x::DisplayPlaneCapabilitiesKHR) = _DisplayPlaneCapabilitiesKHR(convert_nonnull(_Offset2D, x.min_src_position), convert_nonnull(_Offset2D, x.max_src_position), convert_nonnull(_Extent2D, x.min_src_extent), convert_nonnull(_Extent2D, x.max_src_extent), convert_nonnull(_Offset2D, x.min_dst_position), convert_nonnull(_Offset2D, x.max_dst_position), convert_nonnull(_Extent2D, x.min_dst_extent), convert_nonnull(_Extent2D, x.max_dst_extent); x.supported_alpha) _DisplaySurfaceCreateInfoKHR(x::DisplaySurfaceCreateInfoKHR) = _DisplaySurfaceCreateInfoKHR(x.display_mode, x.plane_index, x.plane_stack_index, x.transform, x.global_alpha, x.alpha_mode, convert_nonnull(_Extent2D, x.image_extent); x.next, x.flags) _DisplayPresentInfoKHR(x::DisplayPresentInfoKHR) = _DisplayPresentInfoKHR(convert_nonnull(_Rect2D, x.src_rect), convert_nonnull(_Rect2D, x.dst_rect), x.persistent; x.next) _SurfaceCapabilitiesKHR(x::SurfaceCapabilitiesKHR) = _SurfaceCapabilitiesKHR(x.min_image_count, x.max_image_count, convert_nonnull(_Extent2D, x.current_extent), convert_nonnull(_Extent2D, x.min_image_extent), convert_nonnull(_Extent2D, x.max_image_extent), x.max_image_array_layers, x.supported_transforms, x.current_transform, x.supported_composite_alpha, x.supported_usage_flags) _WaylandSurfaceCreateInfoKHR(x::WaylandSurfaceCreateInfoKHR) = _WaylandSurfaceCreateInfoKHR(x.display, x.surface; x.next, x.flags) _XlibSurfaceCreateInfoKHR(x::XlibSurfaceCreateInfoKHR) = _XlibSurfaceCreateInfoKHR(x.dpy, x.window; x.next, x.flags) _XcbSurfaceCreateInfoKHR(x::XcbSurfaceCreateInfoKHR) = _XcbSurfaceCreateInfoKHR(x.connection, x.window; x.next, x.flags) _SurfaceFormatKHR(x::SurfaceFormatKHR) = _SurfaceFormatKHR(x.format, x.color_space) _SwapchainCreateInfoKHR(x::SwapchainCreateInfoKHR) = _SwapchainCreateInfoKHR(x.surface, x.min_image_count, x.image_format, x.image_color_space, convert_nonnull(_Extent2D, x.image_extent), x.image_array_layers, x.image_usage, x.image_sharing_mode, x.queue_family_indices, x.pre_transform, x.composite_alpha, x.present_mode, x.clipped; x.next, x.flags, x.old_swapchain) _PresentInfoKHR(x::PresentInfoKHR) = _PresentInfoKHR(x.wait_semaphores, x.swapchains, x.image_indices; x.next, x.results) _DebugReportCallbackCreateInfoEXT(x::DebugReportCallbackCreateInfoEXT) = _DebugReportCallbackCreateInfoEXT(x.pfn_callback; x.next, x.flags, x.user_data) _ValidationFlagsEXT(x::ValidationFlagsEXT) = _ValidationFlagsEXT(x.disabled_validation_checks; x.next) _ValidationFeaturesEXT(x::ValidationFeaturesEXT) = _ValidationFeaturesEXT(x.enabled_validation_features, x.disabled_validation_features; x.next) _PipelineRasterizationStateRasterizationOrderAMD(x::PipelineRasterizationStateRasterizationOrderAMD) = _PipelineRasterizationStateRasterizationOrderAMD(x.rasterization_order; x.next) _DebugMarkerObjectNameInfoEXT(x::DebugMarkerObjectNameInfoEXT) = _DebugMarkerObjectNameInfoEXT(x.object_type, x.object, x.object_name; x.next) _DebugMarkerObjectTagInfoEXT(x::DebugMarkerObjectTagInfoEXT) = _DebugMarkerObjectTagInfoEXT(x.object_type, x.object, x.tag_name, x.tag_size, x.tag; x.next) _DebugMarkerMarkerInfoEXT(x::DebugMarkerMarkerInfoEXT) = _DebugMarkerMarkerInfoEXT(x.marker_name, x.color; x.next) _DedicatedAllocationImageCreateInfoNV(x::DedicatedAllocationImageCreateInfoNV) = _DedicatedAllocationImageCreateInfoNV(x.dedicated_allocation; x.next) _DedicatedAllocationBufferCreateInfoNV(x::DedicatedAllocationBufferCreateInfoNV) = _DedicatedAllocationBufferCreateInfoNV(x.dedicated_allocation; x.next) _DedicatedAllocationMemoryAllocateInfoNV(x::DedicatedAllocationMemoryAllocateInfoNV) = _DedicatedAllocationMemoryAllocateInfoNV(; x.next, x.image, x.buffer) _ExternalImageFormatPropertiesNV(x::ExternalImageFormatPropertiesNV) = _ExternalImageFormatPropertiesNV(convert_nonnull(_ImageFormatProperties, x.image_format_properties); x.external_memory_features, x.export_from_imported_handle_types, x.compatible_handle_types) _ExternalMemoryImageCreateInfoNV(x::ExternalMemoryImageCreateInfoNV) = _ExternalMemoryImageCreateInfoNV(; x.next, x.handle_types) _ExportMemoryAllocateInfoNV(x::ExportMemoryAllocateInfoNV) = _ExportMemoryAllocateInfoNV(; x.next, x.handle_types) _PhysicalDeviceDeviceGeneratedCommandsFeaturesNV(x::PhysicalDeviceDeviceGeneratedCommandsFeaturesNV) = _PhysicalDeviceDeviceGeneratedCommandsFeaturesNV(x.device_generated_commands; x.next) _DevicePrivateDataCreateInfo(x::DevicePrivateDataCreateInfo) = _DevicePrivateDataCreateInfo(x.private_data_slot_request_count; x.next) _PrivateDataSlotCreateInfo(x::PrivateDataSlotCreateInfo) = _PrivateDataSlotCreateInfo(x.flags; x.next) _PhysicalDevicePrivateDataFeatures(x::PhysicalDevicePrivateDataFeatures) = _PhysicalDevicePrivateDataFeatures(x.private_data; x.next) _PhysicalDeviceDeviceGeneratedCommandsPropertiesNV(x::PhysicalDeviceDeviceGeneratedCommandsPropertiesNV) = _PhysicalDeviceDeviceGeneratedCommandsPropertiesNV(x.max_graphics_shader_group_count, x.max_indirect_sequence_count, x.max_indirect_commands_token_count, x.max_indirect_commands_stream_count, x.max_indirect_commands_token_offset, x.max_indirect_commands_stream_stride, x.min_sequences_count_buffer_offset_alignment, x.min_sequences_index_buffer_offset_alignment, x.min_indirect_commands_buffer_offset_alignment; x.next) _PhysicalDeviceMultiDrawPropertiesEXT(x::PhysicalDeviceMultiDrawPropertiesEXT) = _PhysicalDeviceMultiDrawPropertiesEXT(x.max_multi_draw_count; x.next) _GraphicsShaderGroupCreateInfoNV(x::GraphicsShaderGroupCreateInfoNV) = _GraphicsShaderGroupCreateInfoNV(convert_nonnull(Vector{_PipelineShaderStageCreateInfo}, x.stages); x.next, vertex_input_state = convert_nonnull(_PipelineVertexInputStateCreateInfo, x.vertex_input_state), tessellation_state = convert_nonnull(_PipelineTessellationStateCreateInfo, x.tessellation_state)) _GraphicsPipelineShaderGroupsCreateInfoNV(x::GraphicsPipelineShaderGroupsCreateInfoNV) = _GraphicsPipelineShaderGroupsCreateInfoNV(convert_nonnull(Vector{_GraphicsShaderGroupCreateInfoNV}, x.groups), x.pipelines; x.next) _BindShaderGroupIndirectCommandNV(x::BindShaderGroupIndirectCommandNV) = _BindShaderGroupIndirectCommandNV(x.group_index) _BindIndexBufferIndirectCommandNV(x::BindIndexBufferIndirectCommandNV) = _BindIndexBufferIndirectCommandNV(x.buffer_address, x.size, x.index_type) _BindVertexBufferIndirectCommandNV(x::BindVertexBufferIndirectCommandNV) = _BindVertexBufferIndirectCommandNV(x.buffer_address, x.size, x.stride) _SetStateFlagsIndirectCommandNV(x::SetStateFlagsIndirectCommandNV) = _SetStateFlagsIndirectCommandNV(x.data) _IndirectCommandsStreamNV(x::IndirectCommandsStreamNV) = _IndirectCommandsStreamNV(x.buffer, x.offset) _IndirectCommandsLayoutTokenNV(x::IndirectCommandsLayoutTokenNV) = _IndirectCommandsLayoutTokenNV(x.token_type, x.stream, x.offset, x.vertex_binding_unit, x.vertex_dynamic_stride, x.pushconstant_offset, x.pushconstant_size, x.index_types, x.index_type_values; x.next, x.pushconstant_pipeline_layout, x.pushconstant_shader_stage_flags, x.indirect_state_flags) _IndirectCommandsLayoutCreateInfoNV(x::IndirectCommandsLayoutCreateInfoNV) = _IndirectCommandsLayoutCreateInfoNV(x.pipeline_bind_point, convert_nonnull(Vector{_IndirectCommandsLayoutTokenNV}, x.tokens), x.stream_strides; x.next, x.flags) _GeneratedCommandsInfoNV(x::GeneratedCommandsInfoNV) = _GeneratedCommandsInfoNV(x.pipeline_bind_point, x.pipeline, x.indirect_commands_layout, convert_nonnull(Vector{_IndirectCommandsStreamNV}, x.streams), x.sequences_count, x.preprocess_buffer, x.preprocess_offset, x.preprocess_size, x.sequences_count_offset, x.sequences_index_offset; x.next, x.sequences_count_buffer, x.sequences_index_buffer) _GeneratedCommandsMemoryRequirementsInfoNV(x::GeneratedCommandsMemoryRequirementsInfoNV) = _GeneratedCommandsMemoryRequirementsInfoNV(x.pipeline_bind_point, x.pipeline, x.indirect_commands_layout, x.max_sequences_count; x.next) _PhysicalDeviceFeatures2(x::PhysicalDeviceFeatures2) = _PhysicalDeviceFeatures2(convert_nonnull(_PhysicalDeviceFeatures, x.features); x.next) _PhysicalDeviceProperties2(x::PhysicalDeviceProperties2) = _PhysicalDeviceProperties2(convert_nonnull(_PhysicalDeviceProperties, x.properties); x.next) _FormatProperties2(x::FormatProperties2) = _FormatProperties2(convert_nonnull(_FormatProperties, x.format_properties); x.next) _ImageFormatProperties2(x::ImageFormatProperties2) = _ImageFormatProperties2(convert_nonnull(_ImageFormatProperties, x.image_format_properties); x.next) _PhysicalDeviceImageFormatInfo2(x::PhysicalDeviceImageFormatInfo2) = _PhysicalDeviceImageFormatInfo2(x.format, x.type, x.tiling, x.usage; x.next, x.flags) _QueueFamilyProperties2(x::QueueFamilyProperties2) = _QueueFamilyProperties2(convert_nonnull(_QueueFamilyProperties, x.queue_family_properties); x.next) _PhysicalDeviceMemoryProperties2(x::PhysicalDeviceMemoryProperties2) = _PhysicalDeviceMemoryProperties2(convert_nonnull(_PhysicalDeviceMemoryProperties, x.memory_properties); x.next) _SparseImageFormatProperties2(x::SparseImageFormatProperties2) = _SparseImageFormatProperties2(convert_nonnull(_SparseImageFormatProperties, x.properties); x.next) _PhysicalDeviceSparseImageFormatInfo2(x::PhysicalDeviceSparseImageFormatInfo2) = _PhysicalDeviceSparseImageFormatInfo2(x.format, x.type, x.samples, x.usage, x.tiling; x.next) _PhysicalDevicePushDescriptorPropertiesKHR(x::PhysicalDevicePushDescriptorPropertiesKHR) = _PhysicalDevicePushDescriptorPropertiesKHR(x.max_push_descriptors; x.next) _ConformanceVersion(x::ConformanceVersion) = _ConformanceVersion(x.major, x.minor, x.subminor, x.patch) _PhysicalDeviceDriverProperties(x::PhysicalDeviceDriverProperties) = _PhysicalDeviceDriverProperties(x.driver_id, x.driver_name, x.driver_info, convert_nonnull(_ConformanceVersion, x.conformance_version); x.next) _PresentRegionsKHR(x::PresentRegionsKHR) = _PresentRegionsKHR(; x.next, regions = convert_nonnull(Vector{_PresentRegionKHR}, x.regions)) _PresentRegionKHR(x::PresentRegionKHR) = _PresentRegionKHR(; rectangles = convert_nonnull(Vector{_RectLayerKHR}, x.rectangles)) _RectLayerKHR(x::RectLayerKHR) = _RectLayerKHR(convert_nonnull(_Offset2D, x.offset), convert_nonnull(_Extent2D, x.extent), x.layer) _PhysicalDeviceVariablePointersFeatures(x::PhysicalDeviceVariablePointersFeatures) = _PhysicalDeviceVariablePointersFeatures(x.variable_pointers_storage_buffer, x.variable_pointers; x.next) _ExternalMemoryProperties(x::ExternalMemoryProperties) = _ExternalMemoryProperties(x.external_memory_features, x.compatible_handle_types; x.export_from_imported_handle_types) _PhysicalDeviceExternalImageFormatInfo(x::PhysicalDeviceExternalImageFormatInfo) = _PhysicalDeviceExternalImageFormatInfo(; x.next, x.handle_type) _ExternalImageFormatProperties(x::ExternalImageFormatProperties) = _ExternalImageFormatProperties(convert_nonnull(_ExternalMemoryProperties, x.external_memory_properties); x.next) _PhysicalDeviceExternalBufferInfo(x::PhysicalDeviceExternalBufferInfo) = _PhysicalDeviceExternalBufferInfo(x.usage, x.handle_type; x.next, x.flags) _ExternalBufferProperties(x::ExternalBufferProperties) = _ExternalBufferProperties(convert_nonnull(_ExternalMemoryProperties, x.external_memory_properties); x.next) _PhysicalDeviceIDProperties(x::PhysicalDeviceIDProperties) = _PhysicalDeviceIDProperties(x.device_uuid, x.driver_uuid, x.device_luid, x.device_node_mask, x.device_luid_valid; x.next) _ExternalMemoryImageCreateInfo(x::ExternalMemoryImageCreateInfo) = _ExternalMemoryImageCreateInfo(; x.next, x.handle_types) _ExternalMemoryBufferCreateInfo(x::ExternalMemoryBufferCreateInfo) = _ExternalMemoryBufferCreateInfo(; x.next, x.handle_types) _ExportMemoryAllocateInfo(x::ExportMemoryAllocateInfo) = _ExportMemoryAllocateInfo(; x.next, x.handle_types) _ImportMemoryFdInfoKHR(x::ImportMemoryFdInfoKHR) = _ImportMemoryFdInfoKHR(x.fd; x.next, x.handle_type) _MemoryFdPropertiesKHR(x::MemoryFdPropertiesKHR) = _MemoryFdPropertiesKHR(x.memory_type_bits; x.next) _MemoryGetFdInfoKHR(x::MemoryGetFdInfoKHR) = _MemoryGetFdInfoKHR(x.memory, x.handle_type; x.next) _PhysicalDeviceExternalSemaphoreInfo(x::PhysicalDeviceExternalSemaphoreInfo) = _PhysicalDeviceExternalSemaphoreInfo(x.handle_type; x.next) _ExternalSemaphoreProperties(x::ExternalSemaphoreProperties) = _ExternalSemaphoreProperties(x.export_from_imported_handle_types, x.compatible_handle_types; x.next, x.external_semaphore_features) _ExportSemaphoreCreateInfo(x::ExportSemaphoreCreateInfo) = _ExportSemaphoreCreateInfo(; x.next, x.handle_types) _ImportSemaphoreFdInfoKHR(x::ImportSemaphoreFdInfoKHR) = _ImportSemaphoreFdInfoKHR(x.semaphore, x.handle_type, x.fd; x.next, x.flags) _SemaphoreGetFdInfoKHR(x::SemaphoreGetFdInfoKHR) = _SemaphoreGetFdInfoKHR(x.semaphore, x.handle_type; x.next) _PhysicalDeviceExternalFenceInfo(x::PhysicalDeviceExternalFenceInfo) = _PhysicalDeviceExternalFenceInfo(x.handle_type; x.next) _ExternalFenceProperties(x::ExternalFenceProperties) = _ExternalFenceProperties(x.export_from_imported_handle_types, x.compatible_handle_types; x.next, x.external_fence_features) _ExportFenceCreateInfo(x::ExportFenceCreateInfo) = _ExportFenceCreateInfo(; x.next, x.handle_types) _ImportFenceFdInfoKHR(x::ImportFenceFdInfoKHR) = _ImportFenceFdInfoKHR(x.fence, x.handle_type, x.fd; x.next, x.flags) _FenceGetFdInfoKHR(x::FenceGetFdInfoKHR) = _FenceGetFdInfoKHR(x.fence, x.handle_type; x.next) _PhysicalDeviceMultiviewFeatures(x::PhysicalDeviceMultiviewFeatures) = _PhysicalDeviceMultiviewFeatures(x.multiview, x.multiview_geometry_shader, x.multiview_tessellation_shader; x.next) _PhysicalDeviceMultiviewProperties(x::PhysicalDeviceMultiviewProperties) = _PhysicalDeviceMultiviewProperties(x.max_multiview_view_count, x.max_multiview_instance_index; x.next) _RenderPassMultiviewCreateInfo(x::RenderPassMultiviewCreateInfo) = _RenderPassMultiviewCreateInfo(x.view_masks, x.view_offsets, x.correlation_masks; x.next) _SurfaceCapabilities2EXT(x::SurfaceCapabilities2EXT) = _SurfaceCapabilities2EXT(x.min_image_count, x.max_image_count, convert_nonnull(_Extent2D, x.current_extent), convert_nonnull(_Extent2D, x.min_image_extent), convert_nonnull(_Extent2D, x.max_image_extent), x.max_image_array_layers, x.supported_transforms, x.current_transform, x.supported_composite_alpha, x.supported_usage_flags; x.next, x.supported_surface_counters) _DisplayPowerInfoEXT(x::DisplayPowerInfoEXT) = _DisplayPowerInfoEXT(x.power_state; x.next) _DeviceEventInfoEXT(x::DeviceEventInfoEXT) = _DeviceEventInfoEXT(x.device_event; x.next) _DisplayEventInfoEXT(x::DisplayEventInfoEXT) = _DisplayEventInfoEXT(x.display_event; x.next) _SwapchainCounterCreateInfoEXT(x::SwapchainCounterCreateInfoEXT) = _SwapchainCounterCreateInfoEXT(; x.next, x.surface_counters) _PhysicalDeviceGroupProperties(x::PhysicalDeviceGroupProperties) = _PhysicalDeviceGroupProperties(x.physical_device_count, x.physical_devices, x.subset_allocation; x.next) _MemoryAllocateFlagsInfo(x::MemoryAllocateFlagsInfo) = _MemoryAllocateFlagsInfo(x.device_mask; x.next, x.flags) _BindBufferMemoryInfo(x::BindBufferMemoryInfo) = _BindBufferMemoryInfo(x.buffer, x.memory, x.memory_offset; x.next) _BindBufferMemoryDeviceGroupInfo(x::BindBufferMemoryDeviceGroupInfo) = _BindBufferMemoryDeviceGroupInfo(x.device_indices; x.next) _BindImageMemoryInfo(x::BindImageMemoryInfo) = _BindImageMemoryInfo(x.image, x.memory, x.memory_offset; x.next) _BindImageMemoryDeviceGroupInfo(x::BindImageMemoryDeviceGroupInfo) = _BindImageMemoryDeviceGroupInfo(x.device_indices, convert_nonnull(Vector{_Rect2D}, x.split_instance_bind_regions); x.next) _DeviceGroupRenderPassBeginInfo(x::DeviceGroupRenderPassBeginInfo) = _DeviceGroupRenderPassBeginInfo(x.device_mask, convert_nonnull(Vector{_Rect2D}, x.device_render_areas); x.next) _DeviceGroupCommandBufferBeginInfo(x::DeviceGroupCommandBufferBeginInfo) = _DeviceGroupCommandBufferBeginInfo(x.device_mask; x.next) _DeviceGroupSubmitInfo(x::DeviceGroupSubmitInfo) = _DeviceGroupSubmitInfo(x.wait_semaphore_device_indices, x.command_buffer_device_masks, x.signal_semaphore_device_indices; x.next) _DeviceGroupBindSparseInfo(x::DeviceGroupBindSparseInfo) = _DeviceGroupBindSparseInfo(x.resource_device_index, x.memory_device_index; x.next) _DeviceGroupPresentCapabilitiesKHR(x::DeviceGroupPresentCapabilitiesKHR) = _DeviceGroupPresentCapabilitiesKHR(x.present_mask, x.modes; x.next) _ImageSwapchainCreateInfoKHR(x::ImageSwapchainCreateInfoKHR) = _ImageSwapchainCreateInfoKHR(; x.next, x.swapchain) _BindImageMemorySwapchainInfoKHR(x::BindImageMemorySwapchainInfoKHR) = _BindImageMemorySwapchainInfoKHR(x.swapchain, x.image_index; x.next) _AcquireNextImageInfoKHR(x::AcquireNextImageInfoKHR) = _AcquireNextImageInfoKHR(x.swapchain, x.timeout, x.device_mask; x.next, x.semaphore, x.fence) _DeviceGroupPresentInfoKHR(x::DeviceGroupPresentInfoKHR) = _DeviceGroupPresentInfoKHR(x.device_masks, x.mode; x.next) _DeviceGroupDeviceCreateInfo(x::DeviceGroupDeviceCreateInfo) = _DeviceGroupDeviceCreateInfo(x.physical_devices; x.next) _DeviceGroupSwapchainCreateInfoKHR(x::DeviceGroupSwapchainCreateInfoKHR) = _DeviceGroupSwapchainCreateInfoKHR(x.modes; x.next) _DescriptorUpdateTemplateEntry(x::DescriptorUpdateTemplateEntry) = _DescriptorUpdateTemplateEntry(x.dst_binding, x.dst_array_element, x.descriptor_count, x.descriptor_type, x.offset, x.stride) _DescriptorUpdateTemplateCreateInfo(x::DescriptorUpdateTemplateCreateInfo) = _DescriptorUpdateTemplateCreateInfo(convert_nonnull(Vector{_DescriptorUpdateTemplateEntry}, x.descriptor_update_entries), x.template_type, x.descriptor_set_layout, x.pipeline_bind_point, x.pipeline_layout, x.set; x.next, x.flags) _XYColorEXT(x::XYColorEXT) = _XYColorEXT(x.x, x.y) _PhysicalDevicePresentIdFeaturesKHR(x::PhysicalDevicePresentIdFeaturesKHR) = _PhysicalDevicePresentIdFeaturesKHR(x.present_id; x.next) _PresentIdKHR(x::PresentIdKHR) = _PresentIdKHR(; x.next, x.present_ids) _PhysicalDevicePresentWaitFeaturesKHR(x::PhysicalDevicePresentWaitFeaturesKHR) = _PhysicalDevicePresentWaitFeaturesKHR(x.present_wait; x.next) _HdrMetadataEXT(x::HdrMetadataEXT) = _HdrMetadataEXT(convert_nonnull(_XYColorEXT, x.display_primary_red), convert_nonnull(_XYColorEXT, x.display_primary_green), convert_nonnull(_XYColorEXT, x.display_primary_blue), convert_nonnull(_XYColorEXT, x.white_point), x.max_luminance, x.min_luminance, x.max_content_light_level, x.max_frame_average_light_level; x.next) _DisplayNativeHdrSurfaceCapabilitiesAMD(x::DisplayNativeHdrSurfaceCapabilitiesAMD) = _DisplayNativeHdrSurfaceCapabilitiesAMD(x.local_dimming_support; x.next) _SwapchainDisplayNativeHdrCreateInfoAMD(x::SwapchainDisplayNativeHdrCreateInfoAMD) = _SwapchainDisplayNativeHdrCreateInfoAMD(x.local_dimming_enable; x.next) _RefreshCycleDurationGOOGLE(x::RefreshCycleDurationGOOGLE) = _RefreshCycleDurationGOOGLE(x.refresh_duration) _PastPresentationTimingGOOGLE(x::PastPresentationTimingGOOGLE) = _PastPresentationTimingGOOGLE(x.present_id, x.desired_present_time, x.actual_present_time, x.earliest_present_time, x.present_margin) _PresentTimesInfoGOOGLE(x::PresentTimesInfoGOOGLE) = _PresentTimesInfoGOOGLE(; x.next, times = convert_nonnull(Vector{_PresentTimeGOOGLE}, x.times)) _PresentTimeGOOGLE(x::PresentTimeGOOGLE) = _PresentTimeGOOGLE(x.present_id, x.desired_present_time) _ViewportWScalingNV(x::ViewportWScalingNV) = _ViewportWScalingNV(x.xcoeff, x.ycoeff) _PipelineViewportWScalingStateCreateInfoNV(x::PipelineViewportWScalingStateCreateInfoNV) = _PipelineViewportWScalingStateCreateInfoNV(x.viewport_w_scaling_enable; x.next, viewport_w_scalings = convert_nonnull(Vector{_ViewportWScalingNV}, x.viewport_w_scalings)) _ViewportSwizzleNV(x::ViewportSwizzleNV) = _ViewportSwizzleNV(x.x, x.y, x.z, x.w) _PipelineViewportSwizzleStateCreateInfoNV(x::PipelineViewportSwizzleStateCreateInfoNV) = _PipelineViewportSwizzleStateCreateInfoNV(convert_nonnull(Vector{_ViewportSwizzleNV}, x.viewport_swizzles); x.next, x.flags) _PhysicalDeviceDiscardRectanglePropertiesEXT(x::PhysicalDeviceDiscardRectanglePropertiesEXT) = _PhysicalDeviceDiscardRectanglePropertiesEXT(x.max_discard_rectangles; x.next) _PipelineDiscardRectangleStateCreateInfoEXT(x::PipelineDiscardRectangleStateCreateInfoEXT) = _PipelineDiscardRectangleStateCreateInfoEXT(x.discard_rectangle_mode, convert_nonnull(Vector{_Rect2D}, x.discard_rectangles); x.next, x.flags) _PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX(x::PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX) = _PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX(x.per_view_position_all_components; x.next) _InputAttachmentAspectReference(x::InputAttachmentAspectReference) = _InputAttachmentAspectReference(x.subpass, x.input_attachment_index, x.aspect_mask) _RenderPassInputAttachmentAspectCreateInfo(x::RenderPassInputAttachmentAspectCreateInfo) = _RenderPassInputAttachmentAspectCreateInfo(convert_nonnull(Vector{_InputAttachmentAspectReference}, x.aspect_references); x.next) _PhysicalDeviceSurfaceInfo2KHR(x::PhysicalDeviceSurfaceInfo2KHR) = _PhysicalDeviceSurfaceInfo2KHR(; x.next, x.surface) _SurfaceCapabilities2KHR(x::SurfaceCapabilities2KHR) = _SurfaceCapabilities2KHR(convert_nonnull(_SurfaceCapabilitiesKHR, x.surface_capabilities); x.next) _SurfaceFormat2KHR(x::SurfaceFormat2KHR) = _SurfaceFormat2KHR(convert_nonnull(_SurfaceFormatKHR, x.surface_format); x.next) _DisplayProperties2KHR(x::DisplayProperties2KHR) = _DisplayProperties2KHR(convert_nonnull(_DisplayPropertiesKHR, x.display_properties); x.next) _DisplayPlaneProperties2KHR(x::DisplayPlaneProperties2KHR) = _DisplayPlaneProperties2KHR(convert_nonnull(_DisplayPlanePropertiesKHR, x.display_plane_properties); x.next) _DisplayModeProperties2KHR(x::DisplayModeProperties2KHR) = _DisplayModeProperties2KHR(convert_nonnull(_DisplayModePropertiesKHR, x.display_mode_properties); x.next) _DisplayPlaneInfo2KHR(x::DisplayPlaneInfo2KHR) = _DisplayPlaneInfo2KHR(x.mode, x.plane_index; x.next) _DisplayPlaneCapabilities2KHR(x::DisplayPlaneCapabilities2KHR) = _DisplayPlaneCapabilities2KHR(convert_nonnull(_DisplayPlaneCapabilitiesKHR, x.capabilities); x.next) _SharedPresentSurfaceCapabilitiesKHR(x::SharedPresentSurfaceCapabilitiesKHR) = _SharedPresentSurfaceCapabilitiesKHR(; x.next, x.shared_present_supported_usage_flags) _PhysicalDevice16BitStorageFeatures(x::PhysicalDevice16BitStorageFeatures) = _PhysicalDevice16BitStorageFeatures(x.storage_buffer_16_bit_access, x.uniform_and_storage_buffer_16_bit_access, x.storage_push_constant_16, x.storage_input_output_16; x.next) _PhysicalDeviceSubgroupProperties(x::PhysicalDeviceSubgroupProperties) = _PhysicalDeviceSubgroupProperties(x.subgroup_size, x.supported_stages, x.supported_operations, x.quad_operations_in_all_stages; x.next) _PhysicalDeviceShaderSubgroupExtendedTypesFeatures(x::PhysicalDeviceShaderSubgroupExtendedTypesFeatures) = _PhysicalDeviceShaderSubgroupExtendedTypesFeatures(x.shader_subgroup_extended_types; x.next) _BufferMemoryRequirementsInfo2(x::BufferMemoryRequirementsInfo2) = _BufferMemoryRequirementsInfo2(x.buffer; x.next) _DeviceBufferMemoryRequirements(x::DeviceBufferMemoryRequirements) = _DeviceBufferMemoryRequirements(convert_nonnull(_BufferCreateInfo, x.create_info); x.next) _ImageMemoryRequirementsInfo2(x::ImageMemoryRequirementsInfo2) = _ImageMemoryRequirementsInfo2(x.image; x.next) _ImageSparseMemoryRequirementsInfo2(x::ImageSparseMemoryRequirementsInfo2) = _ImageSparseMemoryRequirementsInfo2(x.image; x.next) _DeviceImageMemoryRequirements(x::DeviceImageMemoryRequirements) = _DeviceImageMemoryRequirements(convert_nonnull(_ImageCreateInfo, x.create_info); x.next, x.plane_aspect) _MemoryRequirements2(x::MemoryRequirements2) = _MemoryRequirements2(convert_nonnull(_MemoryRequirements, x.memory_requirements); x.next) _SparseImageMemoryRequirements2(x::SparseImageMemoryRequirements2) = _SparseImageMemoryRequirements2(convert_nonnull(_SparseImageMemoryRequirements, x.memory_requirements); x.next) _PhysicalDevicePointClippingProperties(x::PhysicalDevicePointClippingProperties) = _PhysicalDevicePointClippingProperties(x.point_clipping_behavior; x.next) _MemoryDedicatedRequirements(x::MemoryDedicatedRequirements) = _MemoryDedicatedRequirements(x.prefers_dedicated_allocation, x.requires_dedicated_allocation; x.next) _MemoryDedicatedAllocateInfo(x::MemoryDedicatedAllocateInfo) = _MemoryDedicatedAllocateInfo(; x.next, x.image, x.buffer) _ImageViewUsageCreateInfo(x::ImageViewUsageCreateInfo) = _ImageViewUsageCreateInfo(x.usage; x.next) _PipelineTessellationDomainOriginStateCreateInfo(x::PipelineTessellationDomainOriginStateCreateInfo) = _PipelineTessellationDomainOriginStateCreateInfo(x.domain_origin; x.next) _SamplerYcbcrConversionInfo(x::SamplerYcbcrConversionInfo) = _SamplerYcbcrConversionInfo(x.conversion; x.next) _SamplerYcbcrConversionCreateInfo(x::SamplerYcbcrConversionCreateInfo) = _SamplerYcbcrConversionCreateInfo(x.format, x.ycbcr_model, x.ycbcr_range, convert_nonnull(_ComponentMapping, x.components), x.x_chroma_offset, x.y_chroma_offset, x.chroma_filter, x.force_explicit_reconstruction; x.next) _BindImagePlaneMemoryInfo(x::BindImagePlaneMemoryInfo) = _BindImagePlaneMemoryInfo(x.plane_aspect; x.next) _ImagePlaneMemoryRequirementsInfo(x::ImagePlaneMemoryRequirementsInfo) = _ImagePlaneMemoryRequirementsInfo(x.plane_aspect; x.next) _PhysicalDeviceSamplerYcbcrConversionFeatures(x::PhysicalDeviceSamplerYcbcrConversionFeatures) = _PhysicalDeviceSamplerYcbcrConversionFeatures(x.sampler_ycbcr_conversion; x.next) _SamplerYcbcrConversionImageFormatProperties(x::SamplerYcbcrConversionImageFormatProperties) = _SamplerYcbcrConversionImageFormatProperties(x.combined_image_sampler_descriptor_count; x.next) _TextureLODGatherFormatPropertiesAMD(x::TextureLODGatherFormatPropertiesAMD) = _TextureLODGatherFormatPropertiesAMD(x.supports_texture_gather_lod_bias_amd; x.next) _ConditionalRenderingBeginInfoEXT(x::ConditionalRenderingBeginInfoEXT) = _ConditionalRenderingBeginInfoEXT(x.buffer, x.offset; x.next, x.flags) _ProtectedSubmitInfo(x::ProtectedSubmitInfo) = _ProtectedSubmitInfo(x.protected_submit; x.next) _PhysicalDeviceProtectedMemoryFeatures(x::PhysicalDeviceProtectedMemoryFeatures) = _PhysicalDeviceProtectedMemoryFeatures(x.protected_memory; x.next) _PhysicalDeviceProtectedMemoryProperties(x::PhysicalDeviceProtectedMemoryProperties) = _PhysicalDeviceProtectedMemoryProperties(x.protected_no_fault; x.next) _DeviceQueueInfo2(x::DeviceQueueInfo2) = _DeviceQueueInfo2(x.queue_family_index, x.queue_index; x.next, x.flags) _PipelineCoverageToColorStateCreateInfoNV(x::PipelineCoverageToColorStateCreateInfoNV) = _PipelineCoverageToColorStateCreateInfoNV(x.coverage_to_color_enable; x.next, x.flags, x.coverage_to_color_location) _PhysicalDeviceSamplerFilterMinmaxProperties(x::PhysicalDeviceSamplerFilterMinmaxProperties) = _PhysicalDeviceSamplerFilterMinmaxProperties(x.filter_minmax_single_component_formats, x.filter_minmax_image_component_mapping; x.next) _SampleLocationEXT(x::SampleLocationEXT) = _SampleLocationEXT(x.x, x.y) _SampleLocationsInfoEXT(x::SampleLocationsInfoEXT) = _SampleLocationsInfoEXT(x.sample_locations_per_pixel, convert_nonnull(_Extent2D, x.sample_location_grid_size), convert_nonnull(Vector{_SampleLocationEXT}, x.sample_locations); x.next) _AttachmentSampleLocationsEXT(x::AttachmentSampleLocationsEXT) = _AttachmentSampleLocationsEXT(x.attachment_index, convert_nonnull(_SampleLocationsInfoEXT, x.sample_locations_info)) _SubpassSampleLocationsEXT(x::SubpassSampleLocationsEXT) = _SubpassSampleLocationsEXT(x.subpass_index, convert_nonnull(_SampleLocationsInfoEXT, x.sample_locations_info)) _RenderPassSampleLocationsBeginInfoEXT(x::RenderPassSampleLocationsBeginInfoEXT) = _RenderPassSampleLocationsBeginInfoEXT(convert_nonnull(Vector{_AttachmentSampleLocationsEXT}, x.attachment_initial_sample_locations), convert_nonnull(Vector{_SubpassSampleLocationsEXT}, x.post_subpass_sample_locations); x.next) _PipelineSampleLocationsStateCreateInfoEXT(x::PipelineSampleLocationsStateCreateInfoEXT) = _PipelineSampleLocationsStateCreateInfoEXT(x.sample_locations_enable, convert_nonnull(_SampleLocationsInfoEXT, x.sample_locations_info); x.next) _PhysicalDeviceSampleLocationsPropertiesEXT(x::PhysicalDeviceSampleLocationsPropertiesEXT) = _PhysicalDeviceSampleLocationsPropertiesEXT(x.sample_location_sample_counts, convert_nonnull(_Extent2D, x.max_sample_location_grid_size), x.sample_location_coordinate_range, x.sample_location_sub_pixel_bits, x.variable_sample_locations; x.next) _MultisamplePropertiesEXT(x::MultisamplePropertiesEXT) = _MultisamplePropertiesEXT(convert_nonnull(_Extent2D, x.max_sample_location_grid_size); x.next) _SamplerReductionModeCreateInfo(x::SamplerReductionModeCreateInfo) = _SamplerReductionModeCreateInfo(x.reduction_mode; x.next) _PhysicalDeviceBlendOperationAdvancedFeaturesEXT(x::PhysicalDeviceBlendOperationAdvancedFeaturesEXT) = _PhysicalDeviceBlendOperationAdvancedFeaturesEXT(x.advanced_blend_coherent_operations; x.next) _PhysicalDeviceMultiDrawFeaturesEXT(x::PhysicalDeviceMultiDrawFeaturesEXT) = _PhysicalDeviceMultiDrawFeaturesEXT(x.multi_draw; x.next) _PhysicalDeviceBlendOperationAdvancedPropertiesEXT(x::PhysicalDeviceBlendOperationAdvancedPropertiesEXT) = _PhysicalDeviceBlendOperationAdvancedPropertiesEXT(x.advanced_blend_max_color_attachments, x.advanced_blend_independent_blend, x.advanced_blend_non_premultiplied_src_color, x.advanced_blend_non_premultiplied_dst_color, x.advanced_blend_correlated_overlap, x.advanced_blend_all_operations; x.next) _PipelineColorBlendAdvancedStateCreateInfoEXT(x::PipelineColorBlendAdvancedStateCreateInfoEXT) = _PipelineColorBlendAdvancedStateCreateInfoEXT(x.src_premultiplied, x.dst_premultiplied, x.blend_overlap; x.next) _PhysicalDeviceInlineUniformBlockFeatures(x::PhysicalDeviceInlineUniformBlockFeatures) = _PhysicalDeviceInlineUniformBlockFeatures(x.inline_uniform_block, x.descriptor_binding_inline_uniform_block_update_after_bind; x.next) _PhysicalDeviceInlineUniformBlockProperties(x::PhysicalDeviceInlineUniformBlockProperties) = _PhysicalDeviceInlineUniformBlockProperties(x.max_inline_uniform_block_size, x.max_per_stage_descriptor_inline_uniform_blocks, x.max_per_stage_descriptor_update_after_bind_inline_uniform_blocks, x.max_descriptor_set_inline_uniform_blocks, x.max_descriptor_set_update_after_bind_inline_uniform_blocks; x.next) _WriteDescriptorSetInlineUniformBlock(x::WriteDescriptorSetInlineUniformBlock) = _WriteDescriptorSetInlineUniformBlock(x.data_size, x.data; x.next) _DescriptorPoolInlineUniformBlockCreateInfo(x::DescriptorPoolInlineUniformBlockCreateInfo) = _DescriptorPoolInlineUniformBlockCreateInfo(x.max_inline_uniform_block_bindings; x.next) _PipelineCoverageModulationStateCreateInfoNV(x::PipelineCoverageModulationStateCreateInfoNV) = _PipelineCoverageModulationStateCreateInfoNV(x.coverage_modulation_mode, x.coverage_modulation_table_enable; x.next, x.flags, x.coverage_modulation_table) _ImageFormatListCreateInfo(x::ImageFormatListCreateInfo) = _ImageFormatListCreateInfo(x.view_formats; x.next) _ValidationCacheCreateInfoEXT(x::ValidationCacheCreateInfoEXT) = _ValidationCacheCreateInfoEXT(x.initial_data; x.next, x.flags, x.initial_data_size) _ShaderModuleValidationCacheCreateInfoEXT(x::ShaderModuleValidationCacheCreateInfoEXT) = _ShaderModuleValidationCacheCreateInfoEXT(x.validation_cache; x.next) _PhysicalDeviceMaintenance3Properties(x::PhysicalDeviceMaintenance3Properties) = _PhysicalDeviceMaintenance3Properties(x.max_per_set_descriptors, x.max_memory_allocation_size; x.next) _PhysicalDeviceMaintenance4Features(x::PhysicalDeviceMaintenance4Features) = _PhysicalDeviceMaintenance4Features(x.maintenance4; x.next) _PhysicalDeviceMaintenance4Properties(x::PhysicalDeviceMaintenance4Properties) = _PhysicalDeviceMaintenance4Properties(x.max_buffer_size; x.next) _DescriptorSetLayoutSupport(x::DescriptorSetLayoutSupport) = _DescriptorSetLayoutSupport(x.supported; x.next) _PhysicalDeviceShaderDrawParametersFeatures(x::PhysicalDeviceShaderDrawParametersFeatures) = _PhysicalDeviceShaderDrawParametersFeatures(x.shader_draw_parameters; x.next) _PhysicalDeviceShaderFloat16Int8Features(x::PhysicalDeviceShaderFloat16Int8Features) = _PhysicalDeviceShaderFloat16Int8Features(x.shader_float_16, x.shader_int_8; x.next) _PhysicalDeviceFloatControlsProperties(x::PhysicalDeviceFloatControlsProperties) = _PhysicalDeviceFloatControlsProperties(x.denorm_behavior_independence, x.rounding_mode_independence, x.shader_signed_zero_inf_nan_preserve_float_16, x.shader_signed_zero_inf_nan_preserve_float_32, x.shader_signed_zero_inf_nan_preserve_float_64, x.shader_denorm_preserve_float_16, x.shader_denorm_preserve_float_32, x.shader_denorm_preserve_float_64, x.shader_denorm_flush_to_zero_float_16, x.shader_denorm_flush_to_zero_float_32, x.shader_denorm_flush_to_zero_float_64, x.shader_rounding_mode_rte_float_16, x.shader_rounding_mode_rte_float_32, x.shader_rounding_mode_rte_float_64, x.shader_rounding_mode_rtz_float_16, x.shader_rounding_mode_rtz_float_32, x.shader_rounding_mode_rtz_float_64; x.next) _PhysicalDeviceHostQueryResetFeatures(x::PhysicalDeviceHostQueryResetFeatures) = _PhysicalDeviceHostQueryResetFeatures(x.host_query_reset; x.next) _ShaderResourceUsageAMD(x::ShaderResourceUsageAMD) = _ShaderResourceUsageAMD(x.num_used_vgprs, x.num_used_sgprs, x.lds_size_per_local_work_group, x.lds_usage_size_in_bytes, x.scratch_mem_usage_in_bytes) _ShaderStatisticsInfoAMD(x::ShaderStatisticsInfoAMD) = _ShaderStatisticsInfoAMD(x.shader_stage_mask, convert_nonnull(_ShaderResourceUsageAMD, x.resource_usage), x.num_physical_vgprs, x.num_physical_sgprs, x.num_available_vgprs, x.num_available_sgprs, x.compute_work_group_size) _DeviceQueueGlobalPriorityCreateInfoKHR(x::DeviceQueueGlobalPriorityCreateInfoKHR) = _DeviceQueueGlobalPriorityCreateInfoKHR(x.global_priority; x.next) _PhysicalDeviceGlobalPriorityQueryFeaturesKHR(x::PhysicalDeviceGlobalPriorityQueryFeaturesKHR) = _PhysicalDeviceGlobalPriorityQueryFeaturesKHR(x.global_priority_query; x.next) _QueueFamilyGlobalPriorityPropertiesKHR(x::QueueFamilyGlobalPriorityPropertiesKHR) = _QueueFamilyGlobalPriorityPropertiesKHR(x.priority_count, x.priorities; x.next) _DebugUtilsObjectNameInfoEXT(x::DebugUtilsObjectNameInfoEXT) = _DebugUtilsObjectNameInfoEXT(x.object_type, x.object_handle; x.next, x.object_name) _DebugUtilsObjectTagInfoEXT(x::DebugUtilsObjectTagInfoEXT) = _DebugUtilsObjectTagInfoEXT(x.object_type, x.object_handle, x.tag_name, x.tag_size, x.tag; x.next) _DebugUtilsLabelEXT(x::DebugUtilsLabelEXT) = _DebugUtilsLabelEXT(x.label_name, x.color; x.next) _DebugUtilsMessengerCreateInfoEXT(x::DebugUtilsMessengerCreateInfoEXT) = _DebugUtilsMessengerCreateInfoEXT(x.message_severity, x.message_type, x.pfn_user_callback; x.next, x.flags, x.user_data) _DebugUtilsMessengerCallbackDataEXT(x::DebugUtilsMessengerCallbackDataEXT) = _DebugUtilsMessengerCallbackDataEXT(x.message_id_number, x.message, convert_nonnull(Vector{_DebugUtilsLabelEXT}, x.queue_labels), convert_nonnull(Vector{_DebugUtilsLabelEXT}, x.cmd_buf_labels), convert_nonnull(Vector{_DebugUtilsObjectNameInfoEXT}, x.objects); x.next, x.flags, x.message_id_name) _PhysicalDeviceDeviceMemoryReportFeaturesEXT(x::PhysicalDeviceDeviceMemoryReportFeaturesEXT) = _PhysicalDeviceDeviceMemoryReportFeaturesEXT(x.device_memory_report; x.next) _DeviceDeviceMemoryReportCreateInfoEXT(x::DeviceDeviceMemoryReportCreateInfoEXT) = _DeviceDeviceMemoryReportCreateInfoEXT(x.flags, x.pfn_user_callback, x.user_data; x.next) _DeviceMemoryReportCallbackDataEXT(x::DeviceMemoryReportCallbackDataEXT) = _DeviceMemoryReportCallbackDataEXT(x.flags, x.type, x.memory_object_id, x.size, x.object_type, x.object_handle, x.heap_index; x.next) _ImportMemoryHostPointerInfoEXT(x::ImportMemoryHostPointerInfoEXT) = _ImportMemoryHostPointerInfoEXT(x.handle_type, x.host_pointer; x.next) _MemoryHostPointerPropertiesEXT(x::MemoryHostPointerPropertiesEXT) = _MemoryHostPointerPropertiesEXT(x.memory_type_bits; x.next) _PhysicalDeviceExternalMemoryHostPropertiesEXT(x::PhysicalDeviceExternalMemoryHostPropertiesEXT) = _PhysicalDeviceExternalMemoryHostPropertiesEXT(x.min_imported_host_pointer_alignment; x.next) _PhysicalDeviceConservativeRasterizationPropertiesEXT(x::PhysicalDeviceConservativeRasterizationPropertiesEXT) = _PhysicalDeviceConservativeRasterizationPropertiesEXT(x.primitive_overestimation_size, x.max_extra_primitive_overestimation_size, x.extra_primitive_overestimation_size_granularity, x.primitive_underestimation, x.conservative_point_and_line_rasterization, x.degenerate_triangles_rasterized, x.degenerate_lines_rasterized, x.fully_covered_fragment_shader_input_variable, x.conservative_rasterization_post_depth_coverage; x.next) _CalibratedTimestampInfoEXT(x::CalibratedTimestampInfoEXT) = _CalibratedTimestampInfoEXT(x.time_domain; x.next) _PhysicalDeviceShaderCorePropertiesAMD(x::PhysicalDeviceShaderCorePropertiesAMD) = _PhysicalDeviceShaderCorePropertiesAMD(x.shader_engine_count, x.shader_arrays_per_engine_count, x.compute_units_per_shader_array, x.simd_per_compute_unit, x.wavefronts_per_simd, x.wavefront_size, x.sgprs_per_simd, x.min_sgpr_allocation, x.max_sgpr_allocation, x.sgpr_allocation_granularity, x.vgprs_per_simd, x.min_vgpr_allocation, x.max_vgpr_allocation, x.vgpr_allocation_granularity; x.next) _PhysicalDeviceShaderCoreProperties2AMD(x::PhysicalDeviceShaderCoreProperties2AMD) = _PhysicalDeviceShaderCoreProperties2AMD(x.shader_core_features, x.active_compute_unit_count; x.next) _PipelineRasterizationConservativeStateCreateInfoEXT(x::PipelineRasterizationConservativeStateCreateInfoEXT) = _PipelineRasterizationConservativeStateCreateInfoEXT(x.conservative_rasterization_mode, x.extra_primitive_overestimation_size; x.next, x.flags) _PhysicalDeviceDescriptorIndexingFeatures(x::PhysicalDeviceDescriptorIndexingFeatures) = _PhysicalDeviceDescriptorIndexingFeatures(x.shader_input_attachment_array_dynamic_indexing, x.shader_uniform_texel_buffer_array_dynamic_indexing, x.shader_storage_texel_buffer_array_dynamic_indexing, x.shader_uniform_buffer_array_non_uniform_indexing, x.shader_sampled_image_array_non_uniform_indexing, x.shader_storage_buffer_array_non_uniform_indexing, x.shader_storage_image_array_non_uniform_indexing, x.shader_input_attachment_array_non_uniform_indexing, x.shader_uniform_texel_buffer_array_non_uniform_indexing, x.shader_storage_texel_buffer_array_non_uniform_indexing, x.descriptor_binding_uniform_buffer_update_after_bind, x.descriptor_binding_sampled_image_update_after_bind, x.descriptor_binding_storage_image_update_after_bind, x.descriptor_binding_storage_buffer_update_after_bind, x.descriptor_binding_uniform_texel_buffer_update_after_bind, x.descriptor_binding_storage_texel_buffer_update_after_bind, x.descriptor_binding_update_unused_while_pending, x.descriptor_binding_partially_bound, x.descriptor_binding_variable_descriptor_count, x.runtime_descriptor_array; x.next) _PhysicalDeviceDescriptorIndexingProperties(x::PhysicalDeviceDescriptorIndexingProperties) = _PhysicalDeviceDescriptorIndexingProperties(x.max_update_after_bind_descriptors_in_all_pools, x.shader_uniform_buffer_array_non_uniform_indexing_native, x.shader_sampled_image_array_non_uniform_indexing_native, x.shader_storage_buffer_array_non_uniform_indexing_native, x.shader_storage_image_array_non_uniform_indexing_native, x.shader_input_attachment_array_non_uniform_indexing_native, x.robust_buffer_access_update_after_bind, x.quad_divergent_implicit_lod, x.max_per_stage_descriptor_update_after_bind_samplers, x.max_per_stage_descriptor_update_after_bind_uniform_buffers, x.max_per_stage_descriptor_update_after_bind_storage_buffers, x.max_per_stage_descriptor_update_after_bind_sampled_images, x.max_per_stage_descriptor_update_after_bind_storage_images, x.max_per_stage_descriptor_update_after_bind_input_attachments, x.max_per_stage_update_after_bind_resources, x.max_descriptor_set_update_after_bind_samplers, x.max_descriptor_set_update_after_bind_uniform_buffers, x.max_descriptor_set_update_after_bind_uniform_buffers_dynamic, x.max_descriptor_set_update_after_bind_storage_buffers, x.max_descriptor_set_update_after_bind_storage_buffers_dynamic, x.max_descriptor_set_update_after_bind_sampled_images, x.max_descriptor_set_update_after_bind_storage_images, x.max_descriptor_set_update_after_bind_input_attachments; x.next) _DescriptorSetLayoutBindingFlagsCreateInfo(x::DescriptorSetLayoutBindingFlagsCreateInfo) = _DescriptorSetLayoutBindingFlagsCreateInfo(x.binding_flags; x.next) _DescriptorSetVariableDescriptorCountAllocateInfo(x::DescriptorSetVariableDescriptorCountAllocateInfo) = _DescriptorSetVariableDescriptorCountAllocateInfo(x.descriptor_counts; x.next) _DescriptorSetVariableDescriptorCountLayoutSupport(x::DescriptorSetVariableDescriptorCountLayoutSupport) = _DescriptorSetVariableDescriptorCountLayoutSupport(x.max_variable_descriptor_count; x.next) _AttachmentDescription2(x::AttachmentDescription2) = _AttachmentDescription2(x.format, x.samples, x.load_op, x.store_op, x.stencil_load_op, x.stencil_store_op, x.initial_layout, x.final_layout; x.next, x.flags) _AttachmentReference2(x::AttachmentReference2) = _AttachmentReference2(x.attachment, x.layout, x.aspect_mask; x.next) _SubpassDescription2(x::SubpassDescription2) = _SubpassDescription2(x.pipeline_bind_point, x.view_mask, convert_nonnull(Vector{_AttachmentReference2}, x.input_attachments), convert_nonnull(Vector{_AttachmentReference2}, x.color_attachments), x.preserve_attachments; x.next, x.flags, resolve_attachments = convert_nonnull(Vector{_AttachmentReference2}, x.resolve_attachments), depth_stencil_attachment = convert_nonnull(_AttachmentReference2, x.depth_stencil_attachment)) _SubpassDependency2(x::SubpassDependency2) = _SubpassDependency2(x.src_subpass, x.dst_subpass, x.view_offset; x.next, x.src_stage_mask, x.dst_stage_mask, x.src_access_mask, x.dst_access_mask, x.dependency_flags) _RenderPassCreateInfo2(x::RenderPassCreateInfo2) = _RenderPassCreateInfo2(convert_nonnull(Vector{_AttachmentDescription2}, x.attachments), convert_nonnull(Vector{_SubpassDescription2}, x.subpasses), convert_nonnull(Vector{_SubpassDependency2}, x.dependencies), x.correlated_view_masks; x.next, x.flags) _SubpassBeginInfo(x::SubpassBeginInfo) = _SubpassBeginInfo(x.contents; x.next) _SubpassEndInfo(x::SubpassEndInfo) = _SubpassEndInfo(; x.next) _PhysicalDeviceTimelineSemaphoreFeatures(x::PhysicalDeviceTimelineSemaphoreFeatures) = _PhysicalDeviceTimelineSemaphoreFeatures(x.timeline_semaphore; x.next) _PhysicalDeviceTimelineSemaphoreProperties(x::PhysicalDeviceTimelineSemaphoreProperties) = _PhysicalDeviceTimelineSemaphoreProperties(x.max_timeline_semaphore_value_difference; x.next) _SemaphoreTypeCreateInfo(x::SemaphoreTypeCreateInfo) = _SemaphoreTypeCreateInfo(x.semaphore_type, x.initial_value; x.next) _TimelineSemaphoreSubmitInfo(x::TimelineSemaphoreSubmitInfo) = _TimelineSemaphoreSubmitInfo(; x.next, x.wait_semaphore_values, x.signal_semaphore_values) _SemaphoreWaitInfo(x::SemaphoreWaitInfo) = _SemaphoreWaitInfo(x.semaphores, x.values; x.next, x.flags) _SemaphoreSignalInfo(x::SemaphoreSignalInfo) = _SemaphoreSignalInfo(x.semaphore, x.value; x.next) _VertexInputBindingDivisorDescriptionEXT(x::VertexInputBindingDivisorDescriptionEXT) = _VertexInputBindingDivisorDescriptionEXT(x.binding, x.divisor) _PipelineVertexInputDivisorStateCreateInfoEXT(x::PipelineVertexInputDivisorStateCreateInfoEXT) = _PipelineVertexInputDivisorStateCreateInfoEXT(convert_nonnull(Vector{_VertexInputBindingDivisorDescriptionEXT}, x.vertex_binding_divisors); x.next) _PhysicalDeviceVertexAttributeDivisorPropertiesEXT(x::PhysicalDeviceVertexAttributeDivisorPropertiesEXT) = _PhysicalDeviceVertexAttributeDivisorPropertiesEXT(x.max_vertex_attrib_divisor; x.next) _PhysicalDevicePCIBusInfoPropertiesEXT(x::PhysicalDevicePCIBusInfoPropertiesEXT) = _PhysicalDevicePCIBusInfoPropertiesEXT(x.pci_domain, x.pci_bus, x.pci_device, x.pci_function; x.next) _CommandBufferInheritanceConditionalRenderingInfoEXT(x::CommandBufferInheritanceConditionalRenderingInfoEXT) = _CommandBufferInheritanceConditionalRenderingInfoEXT(x.conditional_rendering_enable; x.next) _PhysicalDevice8BitStorageFeatures(x::PhysicalDevice8BitStorageFeatures) = _PhysicalDevice8BitStorageFeatures(x.storage_buffer_8_bit_access, x.uniform_and_storage_buffer_8_bit_access, x.storage_push_constant_8; x.next) _PhysicalDeviceConditionalRenderingFeaturesEXT(x::PhysicalDeviceConditionalRenderingFeaturesEXT) = _PhysicalDeviceConditionalRenderingFeaturesEXT(x.conditional_rendering, x.inherited_conditional_rendering; x.next) _PhysicalDeviceVulkanMemoryModelFeatures(x::PhysicalDeviceVulkanMemoryModelFeatures) = _PhysicalDeviceVulkanMemoryModelFeatures(x.vulkan_memory_model, x.vulkan_memory_model_device_scope, x.vulkan_memory_model_availability_visibility_chains; x.next) _PhysicalDeviceShaderAtomicInt64Features(x::PhysicalDeviceShaderAtomicInt64Features) = _PhysicalDeviceShaderAtomicInt64Features(x.shader_buffer_int_64_atomics, x.shader_shared_int_64_atomics; x.next) _PhysicalDeviceShaderAtomicFloatFeaturesEXT(x::PhysicalDeviceShaderAtomicFloatFeaturesEXT) = _PhysicalDeviceShaderAtomicFloatFeaturesEXT(x.shader_buffer_float_32_atomics, x.shader_buffer_float_32_atomic_add, x.shader_buffer_float_64_atomics, x.shader_buffer_float_64_atomic_add, x.shader_shared_float_32_atomics, x.shader_shared_float_32_atomic_add, x.shader_shared_float_64_atomics, x.shader_shared_float_64_atomic_add, x.shader_image_float_32_atomics, x.shader_image_float_32_atomic_add, x.sparse_image_float_32_atomics, x.sparse_image_float_32_atomic_add; x.next) _PhysicalDeviceShaderAtomicFloat2FeaturesEXT(x::PhysicalDeviceShaderAtomicFloat2FeaturesEXT) = _PhysicalDeviceShaderAtomicFloat2FeaturesEXT(x.shader_buffer_float_16_atomics, x.shader_buffer_float_16_atomic_add, x.shader_buffer_float_16_atomic_min_max, x.shader_buffer_float_32_atomic_min_max, x.shader_buffer_float_64_atomic_min_max, x.shader_shared_float_16_atomics, x.shader_shared_float_16_atomic_add, x.shader_shared_float_16_atomic_min_max, x.shader_shared_float_32_atomic_min_max, x.shader_shared_float_64_atomic_min_max, x.shader_image_float_32_atomic_min_max, x.sparse_image_float_32_atomic_min_max; x.next) _PhysicalDeviceVertexAttributeDivisorFeaturesEXT(x::PhysicalDeviceVertexAttributeDivisorFeaturesEXT) = _PhysicalDeviceVertexAttributeDivisorFeaturesEXT(x.vertex_attribute_instance_rate_divisor, x.vertex_attribute_instance_rate_zero_divisor; x.next) _QueueFamilyCheckpointPropertiesNV(x::QueueFamilyCheckpointPropertiesNV) = _QueueFamilyCheckpointPropertiesNV(x.checkpoint_execution_stage_mask; x.next) _CheckpointDataNV(x::CheckpointDataNV) = _CheckpointDataNV(x.stage, x.checkpoint_marker; x.next) _PhysicalDeviceDepthStencilResolveProperties(x::PhysicalDeviceDepthStencilResolveProperties) = _PhysicalDeviceDepthStencilResolveProperties(x.supported_depth_resolve_modes, x.supported_stencil_resolve_modes, x.independent_resolve_none, x.independent_resolve; x.next) _SubpassDescriptionDepthStencilResolve(x::SubpassDescriptionDepthStencilResolve) = _SubpassDescriptionDepthStencilResolve(x.depth_resolve_mode, x.stencil_resolve_mode; x.next, depth_stencil_resolve_attachment = convert_nonnull(_AttachmentReference2, x.depth_stencil_resolve_attachment)) _ImageViewASTCDecodeModeEXT(x::ImageViewASTCDecodeModeEXT) = _ImageViewASTCDecodeModeEXT(x.decode_mode; x.next) _PhysicalDeviceASTCDecodeFeaturesEXT(x::PhysicalDeviceASTCDecodeFeaturesEXT) = _PhysicalDeviceASTCDecodeFeaturesEXT(x.decode_mode_shared_exponent; x.next) _PhysicalDeviceTransformFeedbackFeaturesEXT(x::PhysicalDeviceTransformFeedbackFeaturesEXT) = _PhysicalDeviceTransformFeedbackFeaturesEXT(x.transform_feedback, x.geometry_streams; x.next) _PhysicalDeviceTransformFeedbackPropertiesEXT(x::PhysicalDeviceTransformFeedbackPropertiesEXT) = _PhysicalDeviceTransformFeedbackPropertiesEXT(x.max_transform_feedback_streams, x.max_transform_feedback_buffers, x.max_transform_feedback_buffer_size, x.max_transform_feedback_stream_data_size, x.max_transform_feedback_buffer_data_size, x.max_transform_feedback_buffer_data_stride, x.transform_feedback_queries, x.transform_feedback_streams_lines_triangles, x.transform_feedback_rasterization_stream_select, x.transform_feedback_draw; x.next) _PipelineRasterizationStateStreamCreateInfoEXT(x::PipelineRasterizationStateStreamCreateInfoEXT) = _PipelineRasterizationStateStreamCreateInfoEXT(x.rasterization_stream; x.next, x.flags) _PhysicalDeviceRepresentativeFragmentTestFeaturesNV(x::PhysicalDeviceRepresentativeFragmentTestFeaturesNV) = _PhysicalDeviceRepresentativeFragmentTestFeaturesNV(x.representative_fragment_test; x.next) _PipelineRepresentativeFragmentTestStateCreateInfoNV(x::PipelineRepresentativeFragmentTestStateCreateInfoNV) = _PipelineRepresentativeFragmentTestStateCreateInfoNV(x.representative_fragment_test_enable; x.next) _PhysicalDeviceExclusiveScissorFeaturesNV(x::PhysicalDeviceExclusiveScissorFeaturesNV) = _PhysicalDeviceExclusiveScissorFeaturesNV(x.exclusive_scissor; x.next) _PipelineViewportExclusiveScissorStateCreateInfoNV(x::PipelineViewportExclusiveScissorStateCreateInfoNV) = _PipelineViewportExclusiveScissorStateCreateInfoNV(convert_nonnull(Vector{_Rect2D}, x.exclusive_scissors); x.next) _PhysicalDeviceCornerSampledImageFeaturesNV(x::PhysicalDeviceCornerSampledImageFeaturesNV) = _PhysicalDeviceCornerSampledImageFeaturesNV(x.corner_sampled_image; x.next) _PhysicalDeviceComputeShaderDerivativesFeaturesNV(x::PhysicalDeviceComputeShaderDerivativesFeaturesNV) = _PhysicalDeviceComputeShaderDerivativesFeaturesNV(x.compute_derivative_group_quads, x.compute_derivative_group_linear; x.next) _PhysicalDeviceShaderImageFootprintFeaturesNV(x::PhysicalDeviceShaderImageFootprintFeaturesNV) = _PhysicalDeviceShaderImageFootprintFeaturesNV(x.image_footprint; x.next) _PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV(x::PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV) = _PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV(x.dedicated_allocation_image_aliasing; x.next) _PhysicalDeviceCopyMemoryIndirectFeaturesNV(x::PhysicalDeviceCopyMemoryIndirectFeaturesNV) = _PhysicalDeviceCopyMemoryIndirectFeaturesNV(x.indirect_copy; x.next) _PhysicalDeviceCopyMemoryIndirectPropertiesNV(x::PhysicalDeviceCopyMemoryIndirectPropertiesNV) = _PhysicalDeviceCopyMemoryIndirectPropertiesNV(x.supported_queues; x.next) _PhysicalDeviceMemoryDecompressionFeaturesNV(x::PhysicalDeviceMemoryDecompressionFeaturesNV) = _PhysicalDeviceMemoryDecompressionFeaturesNV(x.memory_decompression; x.next) _PhysicalDeviceMemoryDecompressionPropertiesNV(x::PhysicalDeviceMemoryDecompressionPropertiesNV) = _PhysicalDeviceMemoryDecompressionPropertiesNV(x.decompression_methods, x.max_decompression_indirect_count; x.next) _ShadingRatePaletteNV(x::ShadingRatePaletteNV) = _ShadingRatePaletteNV(x.shading_rate_palette_entries) _PipelineViewportShadingRateImageStateCreateInfoNV(x::PipelineViewportShadingRateImageStateCreateInfoNV) = _PipelineViewportShadingRateImageStateCreateInfoNV(x.shading_rate_image_enable, convert_nonnull(Vector{_ShadingRatePaletteNV}, x.shading_rate_palettes); x.next) _PhysicalDeviceShadingRateImageFeaturesNV(x::PhysicalDeviceShadingRateImageFeaturesNV) = _PhysicalDeviceShadingRateImageFeaturesNV(x.shading_rate_image, x.shading_rate_coarse_sample_order; x.next) _PhysicalDeviceShadingRateImagePropertiesNV(x::PhysicalDeviceShadingRateImagePropertiesNV) = _PhysicalDeviceShadingRateImagePropertiesNV(convert_nonnull(_Extent2D, x.shading_rate_texel_size), x.shading_rate_palette_size, x.shading_rate_max_coarse_samples; x.next) _PhysicalDeviceInvocationMaskFeaturesHUAWEI(x::PhysicalDeviceInvocationMaskFeaturesHUAWEI) = _PhysicalDeviceInvocationMaskFeaturesHUAWEI(x.invocation_mask; x.next) _CoarseSampleLocationNV(x::CoarseSampleLocationNV) = _CoarseSampleLocationNV(x.pixel_x, x.pixel_y, x.sample) _CoarseSampleOrderCustomNV(x::CoarseSampleOrderCustomNV) = _CoarseSampleOrderCustomNV(x.shading_rate, x.sample_count, convert_nonnull(Vector{_CoarseSampleLocationNV}, x.sample_locations)) _PipelineViewportCoarseSampleOrderStateCreateInfoNV(x::PipelineViewportCoarseSampleOrderStateCreateInfoNV) = _PipelineViewportCoarseSampleOrderStateCreateInfoNV(x.sample_order_type, convert_nonnull(Vector{_CoarseSampleOrderCustomNV}, x.custom_sample_orders); x.next) _PhysicalDeviceMeshShaderFeaturesNV(x::PhysicalDeviceMeshShaderFeaturesNV) = _PhysicalDeviceMeshShaderFeaturesNV(x.task_shader, x.mesh_shader; x.next) _PhysicalDeviceMeshShaderPropertiesNV(x::PhysicalDeviceMeshShaderPropertiesNV) = _PhysicalDeviceMeshShaderPropertiesNV(x.max_draw_mesh_tasks_count, x.max_task_work_group_invocations, x.max_task_work_group_size, x.max_task_total_memory_size, x.max_task_output_count, x.max_mesh_work_group_invocations, x.max_mesh_work_group_size, x.max_mesh_total_memory_size, x.max_mesh_output_vertices, x.max_mesh_output_primitives, x.max_mesh_multiview_view_count, x.mesh_output_per_vertex_granularity, x.mesh_output_per_primitive_granularity; x.next) _DrawMeshTasksIndirectCommandNV(x::DrawMeshTasksIndirectCommandNV) = _DrawMeshTasksIndirectCommandNV(x.task_count, x.first_task) _PhysicalDeviceMeshShaderFeaturesEXT(x::PhysicalDeviceMeshShaderFeaturesEXT) = _PhysicalDeviceMeshShaderFeaturesEXT(x.task_shader, x.mesh_shader, x.multiview_mesh_shader, x.primitive_fragment_shading_rate_mesh_shader, x.mesh_shader_queries; x.next) _PhysicalDeviceMeshShaderPropertiesEXT(x::PhysicalDeviceMeshShaderPropertiesEXT) = _PhysicalDeviceMeshShaderPropertiesEXT(x.max_task_work_group_total_count, x.max_task_work_group_count, x.max_task_work_group_invocations, x.max_task_work_group_size, x.max_task_payload_size, x.max_task_shared_memory_size, x.max_task_payload_and_shared_memory_size, x.max_mesh_work_group_total_count, x.max_mesh_work_group_count, x.max_mesh_work_group_invocations, x.max_mesh_work_group_size, x.max_mesh_shared_memory_size, x.max_mesh_payload_and_shared_memory_size, x.max_mesh_output_memory_size, x.max_mesh_payload_and_output_memory_size, x.max_mesh_output_components, x.max_mesh_output_vertices, x.max_mesh_output_primitives, x.max_mesh_output_layers, x.max_mesh_multiview_view_count, x.mesh_output_per_vertex_granularity, x.mesh_output_per_primitive_granularity, x.max_preferred_task_work_group_invocations, x.max_preferred_mesh_work_group_invocations, x.prefers_local_invocation_vertex_output, x.prefers_local_invocation_primitive_output, x.prefers_compact_vertex_output, x.prefers_compact_primitive_output; x.next) _DrawMeshTasksIndirectCommandEXT(x::DrawMeshTasksIndirectCommandEXT) = _DrawMeshTasksIndirectCommandEXT(x.group_count_x, x.group_count_y, x.group_count_z) _RayTracingShaderGroupCreateInfoNV(x::RayTracingShaderGroupCreateInfoNV) = _RayTracingShaderGroupCreateInfoNV(x.type, x.general_shader, x.closest_hit_shader, x.any_hit_shader, x.intersection_shader; x.next) _RayTracingShaderGroupCreateInfoKHR(x::RayTracingShaderGroupCreateInfoKHR) = _RayTracingShaderGroupCreateInfoKHR(x.type, x.general_shader, x.closest_hit_shader, x.any_hit_shader, x.intersection_shader; x.next, x.shader_group_capture_replay_handle) _RayTracingPipelineCreateInfoNV(x::RayTracingPipelineCreateInfoNV) = _RayTracingPipelineCreateInfoNV(convert_nonnull(Vector{_PipelineShaderStageCreateInfo}, x.stages), convert_nonnull(Vector{_RayTracingShaderGroupCreateInfoNV}, x.groups), x.max_recursion_depth, x.layout, x.base_pipeline_index; x.next, x.flags, x.base_pipeline_handle) _RayTracingPipelineCreateInfoKHR(x::RayTracingPipelineCreateInfoKHR) = _RayTracingPipelineCreateInfoKHR(convert_nonnull(Vector{_PipelineShaderStageCreateInfo}, x.stages), convert_nonnull(Vector{_RayTracingShaderGroupCreateInfoKHR}, x.groups), x.max_pipeline_ray_recursion_depth, x.layout, x.base_pipeline_index; x.next, x.flags, library_info = convert_nonnull(_PipelineLibraryCreateInfoKHR, x.library_info), library_interface = convert_nonnull(_RayTracingPipelineInterfaceCreateInfoKHR, x.library_interface), dynamic_state = convert_nonnull(_PipelineDynamicStateCreateInfo, x.dynamic_state), x.base_pipeline_handle) _GeometryTrianglesNV(x::GeometryTrianglesNV) = _GeometryTrianglesNV(x.vertex_offset, x.vertex_count, x.vertex_stride, x.vertex_format, x.index_offset, x.index_count, x.index_type, x.transform_offset; x.next, x.vertex_data, x.index_data, x.transform_data) _GeometryAABBNV(x::GeometryAABBNV) = _GeometryAABBNV(x.num_aab_bs, x.stride, x.offset; x.next, x.aabb_data) _GeometryDataNV(x::GeometryDataNV) = _GeometryDataNV(convert_nonnull(_GeometryTrianglesNV, x.triangles), convert_nonnull(_GeometryAABBNV, x.aabbs)) _GeometryNV(x::GeometryNV) = _GeometryNV(x.geometry_type, convert_nonnull(_GeometryDataNV, x.geometry); x.next, x.flags) _AccelerationStructureInfoNV(x::AccelerationStructureInfoNV) = _AccelerationStructureInfoNV(x.type, convert_nonnull(Vector{_GeometryNV}, x.geometries); x.next, x.flags, x.instance_count) _AccelerationStructureCreateInfoNV(x::AccelerationStructureCreateInfoNV) = _AccelerationStructureCreateInfoNV(x.compacted_size, convert_nonnull(_AccelerationStructureInfoNV, x.info); x.next) _BindAccelerationStructureMemoryInfoNV(x::BindAccelerationStructureMemoryInfoNV) = _BindAccelerationStructureMemoryInfoNV(x.acceleration_structure, x.memory, x.memory_offset, x.device_indices; x.next) _WriteDescriptorSetAccelerationStructureKHR(x::WriteDescriptorSetAccelerationStructureKHR) = _WriteDescriptorSetAccelerationStructureKHR(x.acceleration_structures; x.next) _WriteDescriptorSetAccelerationStructureNV(x::WriteDescriptorSetAccelerationStructureNV) = _WriteDescriptorSetAccelerationStructureNV(x.acceleration_structures; x.next) _AccelerationStructureMemoryRequirementsInfoNV(x::AccelerationStructureMemoryRequirementsInfoNV) = _AccelerationStructureMemoryRequirementsInfoNV(x.type, x.acceleration_structure; x.next) _PhysicalDeviceAccelerationStructureFeaturesKHR(x::PhysicalDeviceAccelerationStructureFeaturesKHR) = _PhysicalDeviceAccelerationStructureFeaturesKHR(x.acceleration_structure, x.acceleration_structure_capture_replay, x.acceleration_structure_indirect_build, x.acceleration_structure_host_commands, x.descriptor_binding_acceleration_structure_update_after_bind; x.next) _PhysicalDeviceRayTracingPipelineFeaturesKHR(x::PhysicalDeviceRayTracingPipelineFeaturesKHR) = _PhysicalDeviceRayTracingPipelineFeaturesKHR(x.ray_tracing_pipeline, x.ray_tracing_pipeline_shader_group_handle_capture_replay, x.ray_tracing_pipeline_shader_group_handle_capture_replay_mixed, x.ray_tracing_pipeline_trace_rays_indirect, x.ray_traversal_primitive_culling; x.next) _PhysicalDeviceRayQueryFeaturesKHR(x::PhysicalDeviceRayQueryFeaturesKHR) = _PhysicalDeviceRayQueryFeaturesKHR(x.ray_query; x.next) _PhysicalDeviceAccelerationStructurePropertiesKHR(x::PhysicalDeviceAccelerationStructurePropertiesKHR) = _PhysicalDeviceAccelerationStructurePropertiesKHR(x.max_geometry_count, x.max_instance_count, x.max_primitive_count, x.max_per_stage_descriptor_acceleration_structures, x.max_per_stage_descriptor_update_after_bind_acceleration_structures, x.max_descriptor_set_acceleration_structures, x.max_descriptor_set_update_after_bind_acceleration_structures, x.min_acceleration_structure_scratch_offset_alignment; x.next) _PhysicalDeviceRayTracingPipelinePropertiesKHR(x::PhysicalDeviceRayTracingPipelinePropertiesKHR) = _PhysicalDeviceRayTracingPipelinePropertiesKHR(x.shader_group_handle_size, x.max_ray_recursion_depth, x.max_shader_group_stride, x.shader_group_base_alignment, x.shader_group_handle_capture_replay_size, x.max_ray_dispatch_invocation_count, x.shader_group_handle_alignment, x.max_ray_hit_attribute_size; x.next) _PhysicalDeviceRayTracingPropertiesNV(x::PhysicalDeviceRayTracingPropertiesNV) = _PhysicalDeviceRayTracingPropertiesNV(x.shader_group_handle_size, x.max_recursion_depth, x.max_shader_group_stride, x.shader_group_base_alignment, x.max_geometry_count, x.max_instance_count, x.max_triangle_count, x.max_descriptor_set_acceleration_structures; x.next) _StridedDeviceAddressRegionKHR(x::StridedDeviceAddressRegionKHR) = _StridedDeviceAddressRegionKHR(x.stride, x.size; x.device_address) _TraceRaysIndirectCommandKHR(x::TraceRaysIndirectCommandKHR) = _TraceRaysIndirectCommandKHR(x.width, x.height, x.depth) _TraceRaysIndirectCommand2KHR(x::TraceRaysIndirectCommand2KHR) = _TraceRaysIndirectCommand2KHR(x.raygen_shader_record_address, x.raygen_shader_record_size, x.miss_shader_binding_table_address, x.miss_shader_binding_table_size, x.miss_shader_binding_table_stride, x.hit_shader_binding_table_address, x.hit_shader_binding_table_size, x.hit_shader_binding_table_stride, x.callable_shader_binding_table_address, x.callable_shader_binding_table_size, x.callable_shader_binding_table_stride, x.width, x.height, x.depth) _PhysicalDeviceRayTracingMaintenance1FeaturesKHR(x::PhysicalDeviceRayTracingMaintenance1FeaturesKHR) = _PhysicalDeviceRayTracingMaintenance1FeaturesKHR(x.ray_tracing_maintenance_1, x.ray_tracing_pipeline_trace_rays_indirect_2; x.next) _DrmFormatModifierPropertiesListEXT(x::DrmFormatModifierPropertiesListEXT) = _DrmFormatModifierPropertiesListEXT(; x.next, drm_format_modifier_properties = convert_nonnull(Vector{_DrmFormatModifierPropertiesEXT}, x.drm_format_modifier_properties)) _DrmFormatModifierPropertiesEXT(x::DrmFormatModifierPropertiesEXT) = _DrmFormatModifierPropertiesEXT(x.drm_format_modifier, x.drm_format_modifier_plane_count, x.drm_format_modifier_tiling_features) _PhysicalDeviceImageDrmFormatModifierInfoEXT(x::PhysicalDeviceImageDrmFormatModifierInfoEXT) = _PhysicalDeviceImageDrmFormatModifierInfoEXT(x.drm_format_modifier, x.sharing_mode, x.queue_family_indices; x.next) _ImageDrmFormatModifierListCreateInfoEXT(x::ImageDrmFormatModifierListCreateInfoEXT) = _ImageDrmFormatModifierListCreateInfoEXT(x.drm_format_modifiers; x.next) _ImageDrmFormatModifierExplicitCreateInfoEXT(x::ImageDrmFormatModifierExplicitCreateInfoEXT) = _ImageDrmFormatModifierExplicitCreateInfoEXT(x.drm_format_modifier, convert_nonnull(Vector{_SubresourceLayout}, x.plane_layouts); x.next) _ImageDrmFormatModifierPropertiesEXT(x::ImageDrmFormatModifierPropertiesEXT) = _ImageDrmFormatModifierPropertiesEXT(x.drm_format_modifier; x.next) _ImageStencilUsageCreateInfo(x::ImageStencilUsageCreateInfo) = _ImageStencilUsageCreateInfo(x.stencil_usage; x.next) _DeviceMemoryOverallocationCreateInfoAMD(x::DeviceMemoryOverallocationCreateInfoAMD) = _DeviceMemoryOverallocationCreateInfoAMD(x.overallocation_behavior; x.next) _PhysicalDeviceFragmentDensityMapFeaturesEXT(x::PhysicalDeviceFragmentDensityMapFeaturesEXT) = _PhysicalDeviceFragmentDensityMapFeaturesEXT(x.fragment_density_map, x.fragment_density_map_dynamic, x.fragment_density_map_non_subsampled_images; x.next) _PhysicalDeviceFragmentDensityMap2FeaturesEXT(x::PhysicalDeviceFragmentDensityMap2FeaturesEXT) = _PhysicalDeviceFragmentDensityMap2FeaturesEXT(x.fragment_density_map_deferred; x.next) _PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM(x::PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM) = _PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM(x.fragment_density_map_offset; x.next) _PhysicalDeviceFragmentDensityMapPropertiesEXT(x::PhysicalDeviceFragmentDensityMapPropertiesEXT) = _PhysicalDeviceFragmentDensityMapPropertiesEXT(convert_nonnull(_Extent2D, x.min_fragment_density_texel_size), convert_nonnull(_Extent2D, x.max_fragment_density_texel_size), x.fragment_density_invocations; x.next) _PhysicalDeviceFragmentDensityMap2PropertiesEXT(x::PhysicalDeviceFragmentDensityMap2PropertiesEXT) = _PhysicalDeviceFragmentDensityMap2PropertiesEXT(x.subsampled_loads, x.subsampled_coarse_reconstruction_early_access, x.max_subsampled_array_layers, x.max_descriptor_set_subsampled_samplers; x.next) _PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM(x::PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM) = _PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM(convert_nonnull(_Extent2D, x.fragment_density_offset_granularity); x.next) _RenderPassFragmentDensityMapCreateInfoEXT(x::RenderPassFragmentDensityMapCreateInfoEXT) = _RenderPassFragmentDensityMapCreateInfoEXT(convert_nonnull(_AttachmentReference, x.fragment_density_map_attachment); x.next) _SubpassFragmentDensityMapOffsetEndInfoQCOM(x::SubpassFragmentDensityMapOffsetEndInfoQCOM) = _SubpassFragmentDensityMapOffsetEndInfoQCOM(convert_nonnull(Vector{_Offset2D}, x.fragment_density_offsets); x.next) _PhysicalDeviceScalarBlockLayoutFeatures(x::PhysicalDeviceScalarBlockLayoutFeatures) = _PhysicalDeviceScalarBlockLayoutFeatures(x.scalar_block_layout; x.next) _SurfaceProtectedCapabilitiesKHR(x::SurfaceProtectedCapabilitiesKHR) = _SurfaceProtectedCapabilitiesKHR(x.supports_protected; x.next) _PhysicalDeviceUniformBufferStandardLayoutFeatures(x::PhysicalDeviceUniformBufferStandardLayoutFeatures) = _PhysicalDeviceUniformBufferStandardLayoutFeatures(x.uniform_buffer_standard_layout; x.next) _PhysicalDeviceDepthClipEnableFeaturesEXT(x::PhysicalDeviceDepthClipEnableFeaturesEXT) = _PhysicalDeviceDepthClipEnableFeaturesEXT(x.depth_clip_enable; x.next) _PipelineRasterizationDepthClipStateCreateInfoEXT(x::PipelineRasterizationDepthClipStateCreateInfoEXT) = _PipelineRasterizationDepthClipStateCreateInfoEXT(x.depth_clip_enable; x.next, x.flags) _PhysicalDeviceMemoryBudgetPropertiesEXT(x::PhysicalDeviceMemoryBudgetPropertiesEXT) = _PhysicalDeviceMemoryBudgetPropertiesEXT(x.heap_budget, x.heap_usage; x.next) _PhysicalDeviceMemoryPriorityFeaturesEXT(x::PhysicalDeviceMemoryPriorityFeaturesEXT) = _PhysicalDeviceMemoryPriorityFeaturesEXT(x.memory_priority; x.next) _MemoryPriorityAllocateInfoEXT(x::MemoryPriorityAllocateInfoEXT) = _MemoryPriorityAllocateInfoEXT(x.priority; x.next) _PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT(x::PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT) = _PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT(x.pageable_device_local_memory; x.next) _PhysicalDeviceBufferDeviceAddressFeatures(x::PhysicalDeviceBufferDeviceAddressFeatures) = _PhysicalDeviceBufferDeviceAddressFeatures(x.buffer_device_address, x.buffer_device_address_capture_replay, x.buffer_device_address_multi_device; x.next) _PhysicalDeviceBufferDeviceAddressFeaturesEXT(x::PhysicalDeviceBufferDeviceAddressFeaturesEXT) = _PhysicalDeviceBufferDeviceAddressFeaturesEXT(x.buffer_device_address, x.buffer_device_address_capture_replay, x.buffer_device_address_multi_device; x.next) _BufferDeviceAddressInfo(x::BufferDeviceAddressInfo) = _BufferDeviceAddressInfo(x.buffer; x.next) _BufferOpaqueCaptureAddressCreateInfo(x::BufferOpaqueCaptureAddressCreateInfo) = _BufferOpaqueCaptureAddressCreateInfo(x.opaque_capture_address; x.next) _BufferDeviceAddressCreateInfoEXT(x::BufferDeviceAddressCreateInfoEXT) = _BufferDeviceAddressCreateInfoEXT(x.device_address; x.next) _PhysicalDeviceImageViewImageFormatInfoEXT(x::PhysicalDeviceImageViewImageFormatInfoEXT) = _PhysicalDeviceImageViewImageFormatInfoEXT(x.image_view_type; x.next) _FilterCubicImageViewImageFormatPropertiesEXT(x::FilterCubicImageViewImageFormatPropertiesEXT) = _FilterCubicImageViewImageFormatPropertiesEXT(x.filter_cubic, x.filter_cubic_minmax; x.next) _PhysicalDeviceImagelessFramebufferFeatures(x::PhysicalDeviceImagelessFramebufferFeatures) = _PhysicalDeviceImagelessFramebufferFeatures(x.imageless_framebuffer; x.next) _FramebufferAttachmentsCreateInfo(x::FramebufferAttachmentsCreateInfo) = _FramebufferAttachmentsCreateInfo(convert_nonnull(Vector{_FramebufferAttachmentImageInfo}, x.attachment_image_infos); x.next) _FramebufferAttachmentImageInfo(x::FramebufferAttachmentImageInfo) = _FramebufferAttachmentImageInfo(x.usage, x.width, x.height, x.layer_count, x.view_formats; x.next, x.flags) _RenderPassAttachmentBeginInfo(x::RenderPassAttachmentBeginInfo) = _RenderPassAttachmentBeginInfo(x.attachments; x.next) _PhysicalDeviceTextureCompressionASTCHDRFeatures(x::PhysicalDeviceTextureCompressionASTCHDRFeatures) = _PhysicalDeviceTextureCompressionASTCHDRFeatures(x.texture_compression_astc_hdr; x.next) _PhysicalDeviceCooperativeMatrixFeaturesNV(x::PhysicalDeviceCooperativeMatrixFeaturesNV) = _PhysicalDeviceCooperativeMatrixFeaturesNV(x.cooperative_matrix, x.cooperative_matrix_robust_buffer_access; x.next) _PhysicalDeviceCooperativeMatrixPropertiesNV(x::PhysicalDeviceCooperativeMatrixPropertiesNV) = _PhysicalDeviceCooperativeMatrixPropertiesNV(x.cooperative_matrix_supported_stages; x.next) _CooperativeMatrixPropertiesNV(x::CooperativeMatrixPropertiesNV) = _CooperativeMatrixPropertiesNV(x.m_size, x.n_size, x.k_size, x.a_type, x.b_type, x.c_type, x.d_type, x.scope; x.next) _PhysicalDeviceYcbcrImageArraysFeaturesEXT(x::PhysicalDeviceYcbcrImageArraysFeaturesEXT) = _PhysicalDeviceYcbcrImageArraysFeaturesEXT(x.ycbcr_image_arrays; x.next) _ImageViewHandleInfoNVX(x::ImageViewHandleInfoNVX) = _ImageViewHandleInfoNVX(x.image_view, x.descriptor_type; x.next, x.sampler) _ImageViewAddressPropertiesNVX(x::ImageViewAddressPropertiesNVX) = _ImageViewAddressPropertiesNVX(x.device_address, x.size; x.next) _PipelineCreationFeedback(x::PipelineCreationFeedback) = _PipelineCreationFeedback(x.flags, x.duration) _PipelineCreationFeedbackCreateInfo(x::PipelineCreationFeedbackCreateInfo) = _PipelineCreationFeedbackCreateInfo(convert_nonnull(_PipelineCreationFeedback, x.pipeline_creation_feedback), convert_nonnull(Vector{_PipelineCreationFeedback}, x.pipeline_stage_creation_feedbacks); x.next) _PhysicalDevicePresentBarrierFeaturesNV(x::PhysicalDevicePresentBarrierFeaturesNV) = _PhysicalDevicePresentBarrierFeaturesNV(x.present_barrier; x.next) _SurfaceCapabilitiesPresentBarrierNV(x::SurfaceCapabilitiesPresentBarrierNV) = _SurfaceCapabilitiesPresentBarrierNV(x.present_barrier_supported; x.next) _SwapchainPresentBarrierCreateInfoNV(x::SwapchainPresentBarrierCreateInfoNV) = _SwapchainPresentBarrierCreateInfoNV(x.present_barrier_enable; x.next) _PhysicalDevicePerformanceQueryFeaturesKHR(x::PhysicalDevicePerformanceQueryFeaturesKHR) = _PhysicalDevicePerformanceQueryFeaturesKHR(x.performance_counter_query_pools, x.performance_counter_multiple_query_pools; x.next) _PhysicalDevicePerformanceQueryPropertiesKHR(x::PhysicalDevicePerformanceQueryPropertiesKHR) = _PhysicalDevicePerformanceQueryPropertiesKHR(x.allow_command_buffer_query_copies; x.next) _PerformanceCounterKHR(x::PerformanceCounterKHR) = _PerformanceCounterKHR(x.unit, x.scope, x.storage, x.uuid; x.next) _PerformanceCounterDescriptionKHR(x::PerformanceCounterDescriptionKHR) = _PerformanceCounterDescriptionKHR(x.name, x.category, x.description; x.next, x.flags) _QueryPoolPerformanceCreateInfoKHR(x::QueryPoolPerformanceCreateInfoKHR) = _QueryPoolPerformanceCreateInfoKHR(x.queue_family_index, x.counter_indices; x.next) _AcquireProfilingLockInfoKHR(x::AcquireProfilingLockInfoKHR) = _AcquireProfilingLockInfoKHR(x.timeout; x.next, x.flags) _PerformanceQuerySubmitInfoKHR(x::PerformanceQuerySubmitInfoKHR) = _PerformanceQuerySubmitInfoKHR(x.counter_pass_index; x.next) _HeadlessSurfaceCreateInfoEXT(x::HeadlessSurfaceCreateInfoEXT) = _HeadlessSurfaceCreateInfoEXT(; x.next, x.flags) _PhysicalDeviceCoverageReductionModeFeaturesNV(x::PhysicalDeviceCoverageReductionModeFeaturesNV) = _PhysicalDeviceCoverageReductionModeFeaturesNV(x.coverage_reduction_mode; x.next) _PipelineCoverageReductionStateCreateInfoNV(x::PipelineCoverageReductionStateCreateInfoNV) = _PipelineCoverageReductionStateCreateInfoNV(x.coverage_reduction_mode; x.next, x.flags) _FramebufferMixedSamplesCombinationNV(x::FramebufferMixedSamplesCombinationNV) = _FramebufferMixedSamplesCombinationNV(x.coverage_reduction_mode, x.rasterization_samples, x.depth_stencil_samples, x.color_samples; x.next) _PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL(x::PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL) = _PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL(x.shader_integer_functions_2; x.next) _PerformanceValueINTEL(x::PerformanceValueINTEL) = _PerformanceValueINTEL(x.type, convert_nonnull(_PerformanceValueDataINTEL, x.data)) _InitializePerformanceApiInfoINTEL(x::InitializePerformanceApiInfoINTEL) = _InitializePerformanceApiInfoINTEL(; x.next, x.user_data) _QueryPoolPerformanceQueryCreateInfoINTEL(x::QueryPoolPerformanceQueryCreateInfoINTEL) = _QueryPoolPerformanceQueryCreateInfoINTEL(x.performance_counters_sampling; x.next) _PerformanceMarkerInfoINTEL(x::PerformanceMarkerInfoINTEL) = _PerformanceMarkerInfoINTEL(x.marker; x.next) _PerformanceStreamMarkerInfoINTEL(x::PerformanceStreamMarkerInfoINTEL) = _PerformanceStreamMarkerInfoINTEL(x.marker; x.next) _PerformanceOverrideInfoINTEL(x::PerformanceOverrideInfoINTEL) = _PerformanceOverrideInfoINTEL(x.type, x.enable, x.parameter; x.next) _PerformanceConfigurationAcquireInfoINTEL(x::PerformanceConfigurationAcquireInfoINTEL) = _PerformanceConfigurationAcquireInfoINTEL(x.type; x.next) _PhysicalDeviceShaderClockFeaturesKHR(x::PhysicalDeviceShaderClockFeaturesKHR) = _PhysicalDeviceShaderClockFeaturesKHR(x.shader_subgroup_clock, x.shader_device_clock; x.next) _PhysicalDeviceIndexTypeUint8FeaturesEXT(x::PhysicalDeviceIndexTypeUint8FeaturesEXT) = _PhysicalDeviceIndexTypeUint8FeaturesEXT(x.index_type_uint_8; x.next) _PhysicalDeviceShaderSMBuiltinsPropertiesNV(x::PhysicalDeviceShaderSMBuiltinsPropertiesNV) = _PhysicalDeviceShaderSMBuiltinsPropertiesNV(x.shader_sm_count, x.shader_warps_per_sm; x.next) _PhysicalDeviceShaderSMBuiltinsFeaturesNV(x::PhysicalDeviceShaderSMBuiltinsFeaturesNV) = _PhysicalDeviceShaderSMBuiltinsFeaturesNV(x.shader_sm_builtins; x.next) _PhysicalDeviceFragmentShaderInterlockFeaturesEXT(x::PhysicalDeviceFragmentShaderInterlockFeaturesEXT) = _PhysicalDeviceFragmentShaderInterlockFeaturesEXT(x.fragment_shader_sample_interlock, x.fragment_shader_pixel_interlock, x.fragment_shader_shading_rate_interlock; x.next) _PhysicalDeviceSeparateDepthStencilLayoutsFeatures(x::PhysicalDeviceSeparateDepthStencilLayoutsFeatures) = _PhysicalDeviceSeparateDepthStencilLayoutsFeatures(x.separate_depth_stencil_layouts; x.next) _AttachmentReferenceStencilLayout(x::AttachmentReferenceStencilLayout) = _AttachmentReferenceStencilLayout(x.stencil_layout; x.next) _PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT(x::PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT) = _PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT(x.primitive_topology_list_restart, x.primitive_topology_patch_list_restart; x.next) _AttachmentDescriptionStencilLayout(x::AttachmentDescriptionStencilLayout) = _AttachmentDescriptionStencilLayout(x.stencil_initial_layout, x.stencil_final_layout; x.next) _PhysicalDevicePipelineExecutablePropertiesFeaturesKHR(x::PhysicalDevicePipelineExecutablePropertiesFeaturesKHR) = _PhysicalDevicePipelineExecutablePropertiesFeaturesKHR(x.pipeline_executable_info; x.next) _PipelineInfoKHR(x::PipelineInfoKHR) = _PipelineInfoKHR(x.pipeline; x.next) _PipelineExecutablePropertiesKHR(x::PipelineExecutablePropertiesKHR) = _PipelineExecutablePropertiesKHR(x.stages, x.name, x.description, x.subgroup_size; x.next) _PipelineExecutableInfoKHR(x::PipelineExecutableInfoKHR) = _PipelineExecutableInfoKHR(x.pipeline, x.executable_index; x.next) _PipelineExecutableStatisticKHR(x::PipelineExecutableStatisticKHR) = _PipelineExecutableStatisticKHR(x.name, x.description, x.format, convert_nonnull(_PipelineExecutableStatisticValueKHR, x.value); x.next) _PipelineExecutableInternalRepresentationKHR(x::PipelineExecutableInternalRepresentationKHR) = _PipelineExecutableInternalRepresentationKHR(x.name, x.description, x.is_text, x.data_size; x.next, x.data) _PhysicalDeviceShaderDemoteToHelperInvocationFeatures(x::PhysicalDeviceShaderDemoteToHelperInvocationFeatures) = _PhysicalDeviceShaderDemoteToHelperInvocationFeatures(x.shader_demote_to_helper_invocation; x.next) _PhysicalDeviceTexelBufferAlignmentFeaturesEXT(x::PhysicalDeviceTexelBufferAlignmentFeaturesEXT) = _PhysicalDeviceTexelBufferAlignmentFeaturesEXT(x.texel_buffer_alignment; x.next) _PhysicalDeviceTexelBufferAlignmentProperties(x::PhysicalDeviceTexelBufferAlignmentProperties) = _PhysicalDeviceTexelBufferAlignmentProperties(x.storage_texel_buffer_offset_alignment_bytes, x.storage_texel_buffer_offset_single_texel_alignment, x.uniform_texel_buffer_offset_alignment_bytes, x.uniform_texel_buffer_offset_single_texel_alignment; x.next) _PhysicalDeviceSubgroupSizeControlFeatures(x::PhysicalDeviceSubgroupSizeControlFeatures) = _PhysicalDeviceSubgroupSizeControlFeatures(x.subgroup_size_control, x.compute_full_subgroups; x.next) _PhysicalDeviceSubgroupSizeControlProperties(x::PhysicalDeviceSubgroupSizeControlProperties) = _PhysicalDeviceSubgroupSizeControlProperties(x.min_subgroup_size, x.max_subgroup_size, x.max_compute_workgroup_subgroups, x.required_subgroup_size_stages; x.next) _PipelineShaderStageRequiredSubgroupSizeCreateInfo(x::PipelineShaderStageRequiredSubgroupSizeCreateInfo) = _PipelineShaderStageRequiredSubgroupSizeCreateInfo(x.required_subgroup_size; x.next) _SubpassShadingPipelineCreateInfoHUAWEI(x::SubpassShadingPipelineCreateInfoHUAWEI) = _SubpassShadingPipelineCreateInfoHUAWEI(x.render_pass, x.subpass; x.next) _PhysicalDeviceSubpassShadingPropertiesHUAWEI(x::PhysicalDeviceSubpassShadingPropertiesHUAWEI) = _PhysicalDeviceSubpassShadingPropertiesHUAWEI(x.max_subpass_shading_workgroup_size_aspect_ratio; x.next) _PhysicalDeviceClusterCullingShaderPropertiesHUAWEI(x::PhysicalDeviceClusterCullingShaderPropertiesHUAWEI) = _PhysicalDeviceClusterCullingShaderPropertiesHUAWEI(x.max_work_group_count, x.max_work_group_size, x.max_output_cluster_count; x.next) _MemoryOpaqueCaptureAddressAllocateInfo(x::MemoryOpaqueCaptureAddressAllocateInfo) = _MemoryOpaqueCaptureAddressAllocateInfo(x.opaque_capture_address; x.next) _DeviceMemoryOpaqueCaptureAddressInfo(x::DeviceMemoryOpaqueCaptureAddressInfo) = _DeviceMemoryOpaqueCaptureAddressInfo(x.memory; x.next) _PhysicalDeviceLineRasterizationFeaturesEXT(x::PhysicalDeviceLineRasterizationFeaturesEXT) = _PhysicalDeviceLineRasterizationFeaturesEXT(x.rectangular_lines, x.bresenham_lines, x.smooth_lines, x.stippled_rectangular_lines, x.stippled_bresenham_lines, x.stippled_smooth_lines; x.next) _PhysicalDeviceLineRasterizationPropertiesEXT(x::PhysicalDeviceLineRasterizationPropertiesEXT) = _PhysicalDeviceLineRasterizationPropertiesEXT(x.line_sub_pixel_precision_bits; x.next) _PipelineRasterizationLineStateCreateInfoEXT(x::PipelineRasterizationLineStateCreateInfoEXT) = _PipelineRasterizationLineStateCreateInfoEXT(x.line_rasterization_mode, x.stippled_line_enable, x.line_stipple_factor, x.line_stipple_pattern; x.next) _PhysicalDevicePipelineCreationCacheControlFeatures(x::PhysicalDevicePipelineCreationCacheControlFeatures) = _PhysicalDevicePipelineCreationCacheControlFeatures(x.pipeline_creation_cache_control; x.next) _PhysicalDeviceVulkan11Features(x::PhysicalDeviceVulkan11Features) = _PhysicalDeviceVulkan11Features(x.storage_buffer_16_bit_access, x.uniform_and_storage_buffer_16_bit_access, x.storage_push_constant_16, x.storage_input_output_16, x.multiview, x.multiview_geometry_shader, x.multiview_tessellation_shader, x.variable_pointers_storage_buffer, x.variable_pointers, x.protected_memory, x.sampler_ycbcr_conversion, x.shader_draw_parameters; x.next) _PhysicalDeviceVulkan11Properties(x::PhysicalDeviceVulkan11Properties) = _PhysicalDeviceVulkan11Properties(x.device_uuid, x.driver_uuid, x.device_luid, x.device_node_mask, x.device_luid_valid, x.subgroup_size, x.subgroup_supported_stages, x.subgroup_supported_operations, x.subgroup_quad_operations_in_all_stages, x.point_clipping_behavior, x.max_multiview_view_count, x.max_multiview_instance_index, x.protected_no_fault, x.max_per_set_descriptors, x.max_memory_allocation_size; x.next) _PhysicalDeviceVulkan12Features(x::PhysicalDeviceVulkan12Features) = _PhysicalDeviceVulkan12Features(x.sampler_mirror_clamp_to_edge, x.draw_indirect_count, x.storage_buffer_8_bit_access, x.uniform_and_storage_buffer_8_bit_access, x.storage_push_constant_8, x.shader_buffer_int_64_atomics, x.shader_shared_int_64_atomics, x.shader_float_16, x.shader_int_8, x.descriptor_indexing, x.shader_input_attachment_array_dynamic_indexing, x.shader_uniform_texel_buffer_array_dynamic_indexing, x.shader_storage_texel_buffer_array_dynamic_indexing, x.shader_uniform_buffer_array_non_uniform_indexing, x.shader_sampled_image_array_non_uniform_indexing, x.shader_storage_buffer_array_non_uniform_indexing, x.shader_storage_image_array_non_uniform_indexing, x.shader_input_attachment_array_non_uniform_indexing, x.shader_uniform_texel_buffer_array_non_uniform_indexing, x.shader_storage_texel_buffer_array_non_uniform_indexing, x.descriptor_binding_uniform_buffer_update_after_bind, x.descriptor_binding_sampled_image_update_after_bind, x.descriptor_binding_storage_image_update_after_bind, x.descriptor_binding_storage_buffer_update_after_bind, x.descriptor_binding_uniform_texel_buffer_update_after_bind, x.descriptor_binding_storage_texel_buffer_update_after_bind, x.descriptor_binding_update_unused_while_pending, x.descriptor_binding_partially_bound, x.descriptor_binding_variable_descriptor_count, x.runtime_descriptor_array, x.sampler_filter_minmax, x.scalar_block_layout, x.imageless_framebuffer, x.uniform_buffer_standard_layout, x.shader_subgroup_extended_types, x.separate_depth_stencil_layouts, x.host_query_reset, x.timeline_semaphore, x.buffer_device_address, x.buffer_device_address_capture_replay, x.buffer_device_address_multi_device, x.vulkan_memory_model, x.vulkan_memory_model_device_scope, x.vulkan_memory_model_availability_visibility_chains, x.shader_output_viewport_index, x.shader_output_layer, x.subgroup_broadcast_dynamic_id; x.next) _PhysicalDeviceVulkan12Properties(x::PhysicalDeviceVulkan12Properties) = _PhysicalDeviceVulkan12Properties(x.driver_id, x.driver_name, x.driver_info, convert_nonnull(_ConformanceVersion, x.conformance_version), x.denorm_behavior_independence, x.rounding_mode_independence, x.shader_signed_zero_inf_nan_preserve_float_16, x.shader_signed_zero_inf_nan_preserve_float_32, x.shader_signed_zero_inf_nan_preserve_float_64, x.shader_denorm_preserve_float_16, x.shader_denorm_preserve_float_32, x.shader_denorm_preserve_float_64, x.shader_denorm_flush_to_zero_float_16, x.shader_denorm_flush_to_zero_float_32, x.shader_denorm_flush_to_zero_float_64, x.shader_rounding_mode_rte_float_16, x.shader_rounding_mode_rte_float_32, x.shader_rounding_mode_rte_float_64, x.shader_rounding_mode_rtz_float_16, x.shader_rounding_mode_rtz_float_32, x.shader_rounding_mode_rtz_float_64, x.max_update_after_bind_descriptors_in_all_pools, x.shader_uniform_buffer_array_non_uniform_indexing_native, x.shader_sampled_image_array_non_uniform_indexing_native, x.shader_storage_buffer_array_non_uniform_indexing_native, x.shader_storage_image_array_non_uniform_indexing_native, x.shader_input_attachment_array_non_uniform_indexing_native, x.robust_buffer_access_update_after_bind, x.quad_divergent_implicit_lod, x.max_per_stage_descriptor_update_after_bind_samplers, x.max_per_stage_descriptor_update_after_bind_uniform_buffers, x.max_per_stage_descriptor_update_after_bind_storage_buffers, x.max_per_stage_descriptor_update_after_bind_sampled_images, x.max_per_stage_descriptor_update_after_bind_storage_images, x.max_per_stage_descriptor_update_after_bind_input_attachments, x.max_per_stage_update_after_bind_resources, x.max_descriptor_set_update_after_bind_samplers, x.max_descriptor_set_update_after_bind_uniform_buffers, x.max_descriptor_set_update_after_bind_uniform_buffers_dynamic, x.max_descriptor_set_update_after_bind_storage_buffers, x.max_descriptor_set_update_after_bind_storage_buffers_dynamic, x.max_descriptor_set_update_after_bind_sampled_images, x.max_descriptor_set_update_after_bind_storage_images, x.max_descriptor_set_update_after_bind_input_attachments, x.supported_depth_resolve_modes, x.supported_stencil_resolve_modes, x.independent_resolve_none, x.independent_resolve, x.filter_minmax_single_component_formats, x.filter_minmax_image_component_mapping, x.max_timeline_semaphore_value_difference; x.next, x.framebuffer_integer_color_sample_counts) _PhysicalDeviceVulkan13Features(x::PhysicalDeviceVulkan13Features) = _PhysicalDeviceVulkan13Features(x.robust_image_access, x.inline_uniform_block, x.descriptor_binding_inline_uniform_block_update_after_bind, x.pipeline_creation_cache_control, x.private_data, x.shader_demote_to_helper_invocation, x.shader_terminate_invocation, x.subgroup_size_control, x.compute_full_subgroups, x.synchronization2, x.texture_compression_astc_hdr, x.shader_zero_initialize_workgroup_memory, x.dynamic_rendering, x.shader_integer_dot_product, x.maintenance4; x.next) _PhysicalDeviceVulkan13Properties(x::PhysicalDeviceVulkan13Properties) = _PhysicalDeviceVulkan13Properties(x.min_subgroup_size, x.max_subgroup_size, x.max_compute_workgroup_subgroups, x.required_subgroup_size_stages, x.max_inline_uniform_block_size, x.max_per_stage_descriptor_inline_uniform_blocks, x.max_per_stage_descriptor_update_after_bind_inline_uniform_blocks, x.max_descriptor_set_inline_uniform_blocks, x.max_descriptor_set_update_after_bind_inline_uniform_blocks, x.max_inline_uniform_total_size, x.integer_dot_product_8_bit_unsigned_accelerated, x.integer_dot_product_8_bit_signed_accelerated, x.integer_dot_product_8_bit_mixed_signedness_accelerated, x.integer_dot_product_8_bit_packed_unsigned_accelerated, x.integer_dot_product_8_bit_packed_signed_accelerated, x.integer_dot_product_8_bit_packed_mixed_signedness_accelerated, x.integer_dot_product_16_bit_unsigned_accelerated, x.integer_dot_product_16_bit_signed_accelerated, x.integer_dot_product_16_bit_mixed_signedness_accelerated, x.integer_dot_product_32_bit_unsigned_accelerated, x.integer_dot_product_32_bit_signed_accelerated, x.integer_dot_product_32_bit_mixed_signedness_accelerated, x.integer_dot_product_64_bit_unsigned_accelerated, x.integer_dot_product_64_bit_signed_accelerated, x.integer_dot_product_64_bit_mixed_signedness_accelerated, x.integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated, x.integer_dot_product_accumulating_saturating_8_bit_signed_accelerated, x.integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated, x.integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated, x.integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated, x.integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated, x.integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated, x.integer_dot_product_accumulating_saturating_16_bit_signed_accelerated, x.integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated, x.integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated, x.integer_dot_product_accumulating_saturating_32_bit_signed_accelerated, x.integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated, x.integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated, x.integer_dot_product_accumulating_saturating_64_bit_signed_accelerated, x.integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated, x.storage_texel_buffer_offset_alignment_bytes, x.storage_texel_buffer_offset_single_texel_alignment, x.uniform_texel_buffer_offset_alignment_bytes, x.uniform_texel_buffer_offset_single_texel_alignment, x.max_buffer_size; x.next) _PipelineCompilerControlCreateInfoAMD(x::PipelineCompilerControlCreateInfoAMD) = _PipelineCompilerControlCreateInfoAMD(; x.next, x.compiler_control_flags) _PhysicalDeviceCoherentMemoryFeaturesAMD(x::PhysicalDeviceCoherentMemoryFeaturesAMD) = _PhysicalDeviceCoherentMemoryFeaturesAMD(x.device_coherent_memory; x.next) _PhysicalDeviceToolProperties(x::PhysicalDeviceToolProperties) = _PhysicalDeviceToolProperties(x.name, x.version, x.purposes, x.description, x.layer; x.next) _SamplerCustomBorderColorCreateInfoEXT(x::SamplerCustomBorderColorCreateInfoEXT) = _SamplerCustomBorderColorCreateInfoEXT(convert_nonnull(_ClearColorValue, x.custom_border_color), x.format; x.next) _PhysicalDeviceCustomBorderColorPropertiesEXT(x::PhysicalDeviceCustomBorderColorPropertiesEXT) = _PhysicalDeviceCustomBorderColorPropertiesEXT(x.max_custom_border_color_samplers; x.next) _PhysicalDeviceCustomBorderColorFeaturesEXT(x::PhysicalDeviceCustomBorderColorFeaturesEXT) = _PhysicalDeviceCustomBorderColorFeaturesEXT(x.custom_border_colors, x.custom_border_color_without_format; x.next) _SamplerBorderColorComponentMappingCreateInfoEXT(x::SamplerBorderColorComponentMappingCreateInfoEXT) = _SamplerBorderColorComponentMappingCreateInfoEXT(convert_nonnull(_ComponentMapping, x.components), x.srgb; x.next) _PhysicalDeviceBorderColorSwizzleFeaturesEXT(x::PhysicalDeviceBorderColorSwizzleFeaturesEXT) = _PhysicalDeviceBorderColorSwizzleFeaturesEXT(x.border_color_swizzle, x.border_color_swizzle_from_image; x.next) _AccelerationStructureGeometryTrianglesDataKHR(x::AccelerationStructureGeometryTrianglesDataKHR) = _AccelerationStructureGeometryTrianglesDataKHR(x.vertex_format, convert_nonnull(_DeviceOrHostAddressConstKHR, x.vertex_data), x.vertex_stride, x.max_vertex, x.index_type, convert_nonnull(_DeviceOrHostAddressConstKHR, x.index_data), convert_nonnull(_DeviceOrHostAddressConstKHR, x.transform_data); x.next) _AccelerationStructureGeometryAabbsDataKHR(x::AccelerationStructureGeometryAabbsDataKHR) = _AccelerationStructureGeometryAabbsDataKHR(convert_nonnull(_DeviceOrHostAddressConstKHR, x.data), x.stride; x.next) _AccelerationStructureGeometryInstancesDataKHR(x::AccelerationStructureGeometryInstancesDataKHR) = _AccelerationStructureGeometryInstancesDataKHR(x.array_of_pointers, convert_nonnull(_DeviceOrHostAddressConstKHR, x.data); x.next) _AccelerationStructureGeometryKHR(x::AccelerationStructureGeometryKHR) = _AccelerationStructureGeometryKHR(x.geometry_type, convert_nonnull(_AccelerationStructureGeometryDataKHR, x.geometry); x.next, x.flags) _AccelerationStructureBuildGeometryInfoKHR(x::AccelerationStructureBuildGeometryInfoKHR) = _AccelerationStructureBuildGeometryInfoKHR(x.type, x.mode, convert_nonnull(_DeviceOrHostAddressKHR, x.scratch_data); x.next, x.flags, x.src_acceleration_structure, x.dst_acceleration_structure, geometries = convert_nonnull(Vector{_AccelerationStructureGeometryKHR}, x.geometries), geometries_2 = convert_nonnull(Vector{_AccelerationStructureGeometryKHR}, x.geometries_2)) _AccelerationStructureBuildRangeInfoKHR(x::AccelerationStructureBuildRangeInfoKHR) = _AccelerationStructureBuildRangeInfoKHR(x.primitive_count, x.primitive_offset, x.first_vertex, x.transform_offset) _AccelerationStructureCreateInfoKHR(x::AccelerationStructureCreateInfoKHR) = _AccelerationStructureCreateInfoKHR(x.buffer, x.offset, x.size, x.type; x.next, x.create_flags, x.device_address) _AabbPositionsKHR(x::AabbPositionsKHR) = _AabbPositionsKHR(x.min_x, x.min_y, x.min_z, x.max_x, x.max_y, x.max_z) _TransformMatrixKHR(x::TransformMatrixKHR) = _TransformMatrixKHR(x.matrix) _AccelerationStructureInstanceKHR(x::AccelerationStructureInstanceKHR) = _AccelerationStructureInstanceKHR(convert_nonnull(_TransformMatrixKHR, x.transform), x.instance_custom_index, x.mask, x.instance_shader_binding_table_record_offset, x.acceleration_structure_reference; x.flags) _AccelerationStructureDeviceAddressInfoKHR(x::AccelerationStructureDeviceAddressInfoKHR) = _AccelerationStructureDeviceAddressInfoKHR(x.acceleration_structure; x.next) _AccelerationStructureVersionInfoKHR(x::AccelerationStructureVersionInfoKHR) = _AccelerationStructureVersionInfoKHR(x.version_data; x.next) _CopyAccelerationStructureInfoKHR(x::CopyAccelerationStructureInfoKHR) = _CopyAccelerationStructureInfoKHR(x.src, x.dst, x.mode; x.next) _CopyAccelerationStructureToMemoryInfoKHR(x::CopyAccelerationStructureToMemoryInfoKHR) = _CopyAccelerationStructureToMemoryInfoKHR(x.src, convert_nonnull(_DeviceOrHostAddressKHR, x.dst), x.mode; x.next) _CopyMemoryToAccelerationStructureInfoKHR(x::CopyMemoryToAccelerationStructureInfoKHR) = _CopyMemoryToAccelerationStructureInfoKHR(convert_nonnull(_DeviceOrHostAddressConstKHR, x.src), x.dst, x.mode; x.next) _RayTracingPipelineInterfaceCreateInfoKHR(x::RayTracingPipelineInterfaceCreateInfoKHR) = _RayTracingPipelineInterfaceCreateInfoKHR(x.max_pipeline_ray_payload_size, x.max_pipeline_ray_hit_attribute_size; x.next) _PipelineLibraryCreateInfoKHR(x::PipelineLibraryCreateInfoKHR) = _PipelineLibraryCreateInfoKHR(x.libraries; x.next) _PhysicalDeviceExtendedDynamicStateFeaturesEXT(x::PhysicalDeviceExtendedDynamicStateFeaturesEXT) = _PhysicalDeviceExtendedDynamicStateFeaturesEXT(x.extended_dynamic_state; x.next) _PhysicalDeviceExtendedDynamicState2FeaturesEXT(x::PhysicalDeviceExtendedDynamicState2FeaturesEXT) = _PhysicalDeviceExtendedDynamicState2FeaturesEXT(x.extended_dynamic_state_2, x.extended_dynamic_state_2_logic_op, x.extended_dynamic_state_2_patch_control_points; x.next) _PhysicalDeviceExtendedDynamicState3FeaturesEXT(x::PhysicalDeviceExtendedDynamicState3FeaturesEXT) = _PhysicalDeviceExtendedDynamicState3FeaturesEXT(x.extended_dynamic_state_3_tessellation_domain_origin, x.extended_dynamic_state_3_depth_clamp_enable, x.extended_dynamic_state_3_polygon_mode, x.extended_dynamic_state_3_rasterization_samples, x.extended_dynamic_state_3_sample_mask, x.extended_dynamic_state_3_alpha_to_coverage_enable, x.extended_dynamic_state_3_alpha_to_one_enable, x.extended_dynamic_state_3_logic_op_enable, x.extended_dynamic_state_3_color_blend_enable, x.extended_dynamic_state_3_color_blend_equation, x.extended_dynamic_state_3_color_write_mask, x.extended_dynamic_state_3_rasterization_stream, x.extended_dynamic_state_3_conservative_rasterization_mode, x.extended_dynamic_state_3_extra_primitive_overestimation_size, x.extended_dynamic_state_3_depth_clip_enable, x.extended_dynamic_state_3_sample_locations_enable, x.extended_dynamic_state_3_color_blend_advanced, x.extended_dynamic_state_3_provoking_vertex_mode, x.extended_dynamic_state_3_line_rasterization_mode, x.extended_dynamic_state_3_line_stipple_enable, x.extended_dynamic_state_3_depth_clip_negative_one_to_one, x.extended_dynamic_state_3_viewport_w_scaling_enable, x.extended_dynamic_state_3_viewport_swizzle, x.extended_dynamic_state_3_coverage_to_color_enable, x.extended_dynamic_state_3_coverage_to_color_location, x.extended_dynamic_state_3_coverage_modulation_mode, x.extended_dynamic_state_3_coverage_modulation_table_enable, x.extended_dynamic_state_3_coverage_modulation_table, x.extended_dynamic_state_3_coverage_reduction_mode, x.extended_dynamic_state_3_representative_fragment_test_enable, x.extended_dynamic_state_3_shading_rate_image_enable; x.next) _PhysicalDeviceExtendedDynamicState3PropertiesEXT(x::PhysicalDeviceExtendedDynamicState3PropertiesEXT) = _PhysicalDeviceExtendedDynamicState3PropertiesEXT(x.dynamic_primitive_topology_unrestricted; x.next) _ColorBlendEquationEXT(x::ColorBlendEquationEXT) = _ColorBlendEquationEXT(x.src_color_blend_factor, x.dst_color_blend_factor, x.color_blend_op, x.src_alpha_blend_factor, x.dst_alpha_blend_factor, x.alpha_blend_op) _ColorBlendAdvancedEXT(x::ColorBlendAdvancedEXT) = _ColorBlendAdvancedEXT(x.advanced_blend_op, x.src_premultiplied, x.dst_premultiplied, x.blend_overlap, x.clamp_results) _RenderPassTransformBeginInfoQCOM(x::RenderPassTransformBeginInfoQCOM) = _RenderPassTransformBeginInfoQCOM(x.transform; x.next) _CopyCommandTransformInfoQCOM(x::CopyCommandTransformInfoQCOM) = _CopyCommandTransformInfoQCOM(x.transform; x.next) _CommandBufferInheritanceRenderPassTransformInfoQCOM(x::CommandBufferInheritanceRenderPassTransformInfoQCOM) = _CommandBufferInheritanceRenderPassTransformInfoQCOM(x.transform, convert_nonnull(_Rect2D, x.render_area); x.next) _PhysicalDeviceDiagnosticsConfigFeaturesNV(x::PhysicalDeviceDiagnosticsConfigFeaturesNV) = _PhysicalDeviceDiagnosticsConfigFeaturesNV(x.diagnostics_config; x.next) _DeviceDiagnosticsConfigCreateInfoNV(x::DeviceDiagnosticsConfigCreateInfoNV) = _DeviceDiagnosticsConfigCreateInfoNV(; x.next, x.flags) _PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures(x::PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures) = _PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures(x.shader_zero_initialize_workgroup_memory; x.next) _PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR(x::PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR) = _PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR(x.shader_subgroup_uniform_control_flow; x.next) _PhysicalDeviceRobustness2FeaturesEXT(x::PhysicalDeviceRobustness2FeaturesEXT) = _PhysicalDeviceRobustness2FeaturesEXT(x.robust_buffer_access_2, x.robust_image_access_2, x.null_descriptor; x.next) _PhysicalDeviceRobustness2PropertiesEXT(x::PhysicalDeviceRobustness2PropertiesEXT) = _PhysicalDeviceRobustness2PropertiesEXT(x.robust_storage_buffer_access_size_alignment, x.robust_uniform_buffer_access_size_alignment; x.next) _PhysicalDeviceImageRobustnessFeatures(x::PhysicalDeviceImageRobustnessFeatures) = _PhysicalDeviceImageRobustnessFeatures(x.robust_image_access; x.next) _PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR(x::PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR) = _PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR(x.workgroup_memory_explicit_layout, x.workgroup_memory_explicit_layout_scalar_block_layout, x.workgroup_memory_explicit_layout_8_bit_access, x.workgroup_memory_explicit_layout_16_bit_access; x.next) _PhysicalDevice4444FormatsFeaturesEXT(x::PhysicalDevice4444FormatsFeaturesEXT) = _PhysicalDevice4444FormatsFeaturesEXT(x.format_a4r4g4b4, x.format_a4b4g4r4; x.next) _PhysicalDeviceSubpassShadingFeaturesHUAWEI(x::PhysicalDeviceSubpassShadingFeaturesHUAWEI) = _PhysicalDeviceSubpassShadingFeaturesHUAWEI(x.subpass_shading; x.next) _PhysicalDeviceClusterCullingShaderFeaturesHUAWEI(x::PhysicalDeviceClusterCullingShaderFeaturesHUAWEI) = _PhysicalDeviceClusterCullingShaderFeaturesHUAWEI(x.clusterculling_shader, x.multiview_cluster_culling_shader; x.next) _BufferCopy2(x::BufferCopy2) = _BufferCopy2(x.src_offset, x.dst_offset, x.size; x.next) _ImageCopy2(x::ImageCopy2) = _ImageCopy2(convert_nonnull(_ImageSubresourceLayers, x.src_subresource), convert_nonnull(_Offset3D, x.src_offset), convert_nonnull(_ImageSubresourceLayers, x.dst_subresource), convert_nonnull(_Offset3D, x.dst_offset), convert_nonnull(_Extent3D, x.extent); x.next) _ImageBlit2(x::ImageBlit2) = _ImageBlit2(convert_nonnull(_ImageSubresourceLayers, x.src_subresource), convert_nonnull(NTuple{2, _Offset3D}, x.src_offsets), convert_nonnull(_ImageSubresourceLayers, x.dst_subresource), convert_nonnull(NTuple{2, _Offset3D}, x.dst_offsets); x.next) _BufferImageCopy2(x::BufferImageCopy2) = _BufferImageCopy2(x.buffer_offset, x.buffer_row_length, x.buffer_image_height, convert_nonnull(_ImageSubresourceLayers, x.image_subresource), convert_nonnull(_Offset3D, x.image_offset), convert_nonnull(_Extent3D, x.image_extent); x.next) _ImageResolve2(x::ImageResolve2) = _ImageResolve2(convert_nonnull(_ImageSubresourceLayers, x.src_subresource), convert_nonnull(_Offset3D, x.src_offset), convert_nonnull(_ImageSubresourceLayers, x.dst_subresource), convert_nonnull(_Offset3D, x.dst_offset), convert_nonnull(_Extent3D, x.extent); x.next) _CopyBufferInfo2(x::CopyBufferInfo2) = _CopyBufferInfo2(x.src_buffer, x.dst_buffer, convert_nonnull(Vector{_BufferCopy2}, x.regions); x.next) _CopyImageInfo2(x::CopyImageInfo2) = _CopyImageInfo2(x.src_image, x.src_image_layout, x.dst_image, x.dst_image_layout, convert_nonnull(Vector{_ImageCopy2}, x.regions); x.next) _BlitImageInfo2(x::BlitImageInfo2) = _BlitImageInfo2(x.src_image, x.src_image_layout, x.dst_image, x.dst_image_layout, convert_nonnull(Vector{_ImageBlit2}, x.regions), x.filter; x.next) _CopyBufferToImageInfo2(x::CopyBufferToImageInfo2) = _CopyBufferToImageInfo2(x.src_buffer, x.dst_image, x.dst_image_layout, convert_nonnull(Vector{_BufferImageCopy2}, x.regions); x.next) _CopyImageToBufferInfo2(x::CopyImageToBufferInfo2) = _CopyImageToBufferInfo2(x.src_image, x.src_image_layout, x.dst_buffer, convert_nonnull(Vector{_BufferImageCopy2}, x.regions); x.next) _ResolveImageInfo2(x::ResolveImageInfo2) = _ResolveImageInfo2(x.src_image, x.src_image_layout, x.dst_image, x.dst_image_layout, convert_nonnull(Vector{_ImageResolve2}, x.regions); x.next) _PhysicalDeviceShaderImageAtomicInt64FeaturesEXT(x::PhysicalDeviceShaderImageAtomicInt64FeaturesEXT) = _PhysicalDeviceShaderImageAtomicInt64FeaturesEXT(x.shader_image_int_64_atomics, x.sparse_image_int_64_atomics; x.next) _FragmentShadingRateAttachmentInfoKHR(x::FragmentShadingRateAttachmentInfoKHR) = _FragmentShadingRateAttachmentInfoKHR(convert_nonnull(_Extent2D, x.shading_rate_attachment_texel_size); x.next, fragment_shading_rate_attachment = convert_nonnull(_AttachmentReference2, x.fragment_shading_rate_attachment)) _PipelineFragmentShadingRateStateCreateInfoKHR(x::PipelineFragmentShadingRateStateCreateInfoKHR) = _PipelineFragmentShadingRateStateCreateInfoKHR(convert_nonnull(_Extent2D, x.fragment_size), x.combiner_ops; x.next) _PhysicalDeviceFragmentShadingRateFeaturesKHR(x::PhysicalDeviceFragmentShadingRateFeaturesKHR) = _PhysicalDeviceFragmentShadingRateFeaturesKHR(x.pipeline_fragment_shading_rate, x.primitive_fragment_shading_rate, x.attachment_fragment_shading_rate; x.next) _PhysicalDeviceFragmentShadingRatePropertiesKHR(x::PhysicalDeviceFragmentShadingRatePropertiesKHR) = _PhysicalDeviceFragmentShadingRatePropertiesKHR(convert_nonnull(_Extent2D, x.min_fragment_shading_rate_attachment_texel_size), convert_nonnull(_Extent2D, x.max_fragment_shading_rate_attachment_texel_size), x.max_fragment_shading_rate_attachment_texel_size_aspect_ratio, x.primitive_fragment_shading_rate_with_multiple_viewports, x.layered_shading_rate_attachments, x.fragment_shading_rate_non_trivial_combiner_ops, convert_nonnull(_Extent2D, x.max_fragment_size), x.max_fragment_size_aspect_ratio, x.max_fragment_shading_rate_coverage_samples, x.max_fragment_shading_rate_rasterization_samples, x.fragment_shading_rate_with_shader_depth_stencil_writes, x.fragment_shading_rate_with_sample_mask, x.fragment_shading_rate_with_shader_sample_mask, x.fragment_shading_rate_with_conservative_rasterization, x.fragment_shading_rate_with_fragment_shader_interlock, x.fragment_shading_rate_with_custom_sample_locations, x.fragment_shading_rate_strict_multiply_combiner; x.next) _PhysicalDeviceFragmentShadingRateKHR(x::PhysicalDeviceFragmentShadingRateKHR) = _PhysicalDeviceFragmentShadingRateKHR(x.sample_counts, convert_nonnull(_Extent2D, x.fragment_size); x.next) _PhysicalDeviceShaderTerminateInvocationFeatures(x::PhysicalDeviceShaderTerminateInvocationFeatures) = _PhysicalDeviceShaderTerminateInvocationFeatures(x.shader_terminate_invocation; x.next) _PhysicalDeviceFragmentShadingRateEnumsFeaturesNV(x::PhysicalDeviceFragmentShadingRateEnumsFeaturesNV) = _PhysicalDeviceFragmentShadingRateEnumsFeaturesNV(x.fragment_shading_rate_enums, x.supersample_fragment_shading_rates, x.no_invocation_fragment_shading_rates; x.next) _PhysicalDeviceFragmentShadingRateEnumsPropertiesNV(x::PhysicalDeviceFragmentShadingRateEnumsPropertiesNV) = _PhysicalDeviceFragmentShadingRateEnumsPropertiesNV(x.max_fragment_shading_rate_invocation_count; x.next) _PipelineFragmentShadingRateEnumStateCreateInfoNV(x::PipelineFragmentShadingRateEnumStateCreateInfoNV) = _PipelineFragmentShadingRateEnumStateCreateInfoNV(x.shading_rate_type, x.shading_rate, x.combiner_ops; x.next) _AccelerationStructureBuildSizesInfoKHR(x::AccelerationStructureBuildSizesInfoKHR) = _AccelerationStructureBuildSizesInfoKHR(x.acceleration_structure_size, x.update_scratch_size, x.build_scratch_size; x.next) _PhysicalDeviceImage2DViewOf3DFeaturesEXT(x::PhysicalDeviceImage2DViewOf3DFeaturesEXT) = _PhysicalDeviceImage2DViewOf3DFeaturesEXT(x.image_2_d_view_of_3_d, x.sampler_2_d_view_of_3_d; x.next) _PhysicalDeviceMutableDescriptorTypeFeaturesEXT(x::PhysicalDeviceMutableDescriptorTypeFeaturesEXT) = _PhysicalDeviceMutableDescriptorTypeFeaturesEXT(x.mutable_descriptor_type; x.next) _MutableDescriptorTypeListEXT(x::MutableDescriptorTypeListEXT) = _MutableDescriptorTypeListEXT(x.descriptor_types) _MutableDescriptorTypeCreateInfoEXT(x::MutableDescriptorTypeCreateInfoEXT) = _MutableDescriptorTypeCreateInfoEXT(convert_nonnull(Vector{_MutableDescriptorTypeListEXT}, x.mutable_descriptor_type_lists); x.next) _PhysicalDeviceDepthClipControlFeaturesEXT(x::PhysicalDeviceDepthClipControlFeaturesEXT) = _PhysicalDeviceDepthClipControlFeaturesEXT(x.depth_clip_control; x.next) _PipelineViewportDepthClipControlCreateInfoEXT(x::PipelineViewportDepthClipControlCreateInfoEXT) = _PipelineViewportDepthClipControlCreateInfoEXT(x.negative_one_to_one; x.next) _PhysicalDeviceVertexInputDynamicStateFeaturesEXT(x::PhysicalDeviceVertexInputDynamicStateFeaturesEXT) = _PhysicalDeviceVertexInputDynamicStateFeaturesEXT(x.vertex_input_dynamic_state; x.next) _PhysicalDeviceExternalMemoryRDMAFeaturesNV(x::PhysicalDeviceExternalMemoryRDMAFeaturesNV) = _PhysicalDeviceExternalMemoryRDMAFeaturesNV(x.external_memory_rdma; x.next) _VertexInputBindingDescription2EXT(x::VertexInputBindingDescription2EXT) = _VertexInputBindingDescription2EXT(x.binding, x.stride, x.input_rate, x.divisor; x.next) _VertexInputAttributeDescription2EXT(x::VertexInputAttributeDescription2EXT) = _VertexInputAttributeDescription2EXT(x.location, x.binding, x.format, x.offset; x.next) _PhysicalDeviceColorWriteEnableFeaturesEXT(x::PhysicalDeviceColorWriteEnableFeaturesEXT) = _PhysicalDeviceColorWriteEnableFeaturesEXT(x.color_write_enable; x.next) _PipelineColorWriteCreateInfoEXT(x::PipelineColorWriteCreateInfoEXT) = _PipelineColorWriteCreateInfoEXT(x.color_write_enables; x.next) _MemoryBarrier2(x::MemoryBarrier2) = _MemoryBarrier2(; x.next, x.src_stage_mask, x.src_access_mask, x.dst_stage_mask, x.dst_access_mask) _ImageMemoryBarrier2(x::ImageMemoryBarrier2) = _ImageMemoryBarrier2(x.old_layout, x.new_layout, x.src_queue_family_index, x.dst_queue_family_index, x.image, convert_nonnull(_ImageSubresourceRange, x.subresource_range); x.next, x.src_stage_mask, x.src_access_mask, x.dst_stage_mask, x.dst_access_mask) _BufferMemoryBarrier2(x::BufferMemoryBarrier2) = _BufferMemoryBarrier2(x.src_queue_family_index, x.dst_queue_family_index, x.buffer, x.offset, x.size; x.next, x.src_stage_mask, x.src_access_mask, x.dst_stage_mask, x.dst_access_mask) _DependencyInfo(x::DependencyInfo) = _DependencyInfo(convert_nonnull(Vector{_MemoryBarrier2}, x.memory_barriers), convert_nonnull(Vector{_BufferMemoryBarrier2}, x.buffer_memory_barriers), convert_nonnull(Vector{_ImageMemoryBarrier2}, x.image_memory_barriers); x.next, x.dependency_flags) _SemaphoreSubmitInfo(x::SemaphoreSubmitInfo) = _SemaphoreSubmitInfo(x.semaphore, x.value, x.device_index; x.next, x.stage_mask) _CommandBufferSubmitInfo(x::CommandBufferSubmitInfo) = _CommandBufferSubmitInfo(x.command_buffer, x.device_mask; x.next) _SubmitInfo2(x::SubmitInfo2) = _SubmitInfo2(convert_nonnull(Vector{_SemaphoreSubmitInfo}, x.wait_semaphore_infos), convert_nonnull(Vector{_CommandBufferSubmitInfo}, x.command_buffer_infos), convert_nonnull(Vector{_SemaphoreSubmitInfo}, x.signal_semaphore_infos); x.next, x.flags) _QueueFamilyCheckpointProperties2NV(x::QueueFamilyCheckpointProperties2NV) = _QueueFamilyCheckpointProperties2NV(x.checkpoint_execution_stage_mask; x.next) _CheckpointData2NV(x::CheckpointData2NV) = _CheckpointData2NV(x.stage, x.checkpoint_marker; x.next) _PhysicalDeviceSynchronization2Features(x::PhysicalDeviceSynchronization2Features) = _PhysicalDeviceSynchronization2Features(x.synchronization2; x.next) _PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT(x::PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT) = _PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT(x.primitives_generated_query, x.primitives_generated_query_with_rasterizer_discard, x.primitives_generated_query_with_non_zero_streams; x.next) _PhysicalDeviceLegacyDitheringFeaturesEXT(x::PhysicalDeviceLegacyDitheringFeaturesEXT) = _PhysicalDeviceLegacyDitheringFeaturesEXT(x.legacy_dithering; x.next) _PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT(x::PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT) = _PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT(x.multisampled_render_to_single_sampled; x.next) _SubpassResolvePerformanceQueryEXT(x::SubpassResolvePerformanceQueryEXT) = _SubpassResolvePerformanceQueryEXT(x.optimal; x.next) _MultisampledRenderToSingleSampledInfoEXT(x::MultisampledRenderToSingleSampledInfoEXT) = _MultisampledRenderToSingleSampledInfoEXT(x.multisampled_render_to_single_sampled_enable, x.rasterization_samples; x.next) _PhysicalDevicePipelineProtectedAccessFeaturesEXT(x::PhysicalDevicePipelineProtectedAccessFeaturesEXT) = _PhysicalDevicePipelineProtectedAccessFeaturesEXT(x.pipeline_protected_access; x.next) _QueueFamilyVideoPropertiesKHR(x::QueueFamilyVideoPropertiesKHR) = _QueueFamilyVideoPropertiesKHR(x.video_codec_operations; x.next) _QueueFamilyQueryResultStatusPropertiesKHR(x::QueueFamilyQueryResultStatusPropertiesKHR) = _QueueFamilyQueryResultStatusPropertiesKHR(x.query_result_status_support; x.next) _VideoProfileListInfoKHR(x::VideoProfileListInfoKHR) = _VideoProfileListInfoKHR(convert_nonnull(Vector{_VideoProfileInfoKHR}, x.profiles); x.next) _PhysicalDeviceVideoFormatInfoKHR(x::PhysicalDeviceVideoFormatInfoKHR) = _PhysicalDeviceVideoFormatInfoKHR(x.image_usage; x.next) _VideoFormatPropertiesKHR(x::VideoFormatPropertiesKHR) = _VideoFormatPropertiesKHR(x.format, convert_nonnull(_ComponentMapping, x.component_mapping), x.image_create_flags, x.image_type, x.image_tiling, x.image_usage_flags; x.next) _VideoProfileInfoKHR(x::VideoProfileInfoKHR) = _VideoProfileInfoKHR(x.video_codec_operation, x.chroma_subsampling, x.luma_bit_depth; x.next, x.chroma_bit_depth) _VideoCapabilitiesKHR(x::VideoCapabilitiesKHR) = _VideoCapabilitiesKHR(x.flags, x.min_bitstream_buffer_offset_alignment, x.min_bitstream_buffer_size_alignment, convert_nonnull(_Extent2D, x.picture_access_granularity), convert_nonnull(_Extent2D, x.min_coded_extent), convert_nonnull(_Extent2D, x.max_coded_extent), x.max_dpb_slots, x.max_active_reference_pictures, convert_nonnull(_ExtensionProperties, x.std_header_version); x.next) _VideoSessionMemoryRequirementsKHR(x::VideoSessionMemoryRequirementsKHR) = _VideoSessionMemoryRequirementsKHR(x.memory_bind_index, convert_nonnull(_MemoryRequirements, x.memory_requirements); x.next) _BindVideoSessionMemoryInfoKHR(x::BindVideoSessionMemoryInfoKHR) = _BindVideoSessionMemoryInfoKHR(x.memory_bind_index, x.memory, x.memory_offset, x.memory_size; x.next) _VideoPictureResourceInfoKHR(x::VideoPictureResourceInfoKHR) = _VideoPictureResourceInfoKHR(convert_nonnull(_Offset2D, x.coded_offset), convert_nonnull(_Extent2D, x.coded_extent), x.base_array_layer, x.image_view_binding; x.next) _VideoReferenceSlotInfoKHR(x::VideoReferenceSlotInfoKHR) = _VideoReferenceSlotInfoKHR(x.slot_index; x.next, picture_resource = convert_nonnull(_VideoPictureResourceInfoKHR, x.picture_resource)) _VideoDecodeCapabilitiesKHR(x::VideoDecodeCapabilitiesKHR) = _VideoDecodeCapabilitiesKHR(x.flags; x.next) _VideoDecodeUsageInfoKHR(x::VideoDecodeUsageInfoKHR) = _VideoDecodeUsageInfoKHR(; x.next, x.video_usage_hints) _VideoDecodeInfoKHR(x::VideoDecodeInfoKHR) = _VideoDecodeInfoKHR(x.src_buffer, x.src_buffer_offset, x.src_buffer_range, convert_nonnull(_VideoPictureResourceInfoKHR, x.dst_picture_resource), convert_nonnull(_VideoReferenceSlotInfoKHR, x.setup_reference_slot), convert_nonnull(Vector{_VideoReferenceSlotInfoKHR}, x.reference_slots); x.next, x.flags) _VideoDecodeH264ProfileInfoKHR(x::VideoDecodeH264ProfileInfoKHR) = _VideoDecodeH264ProfileInfoKHR(x.std_profile_idc; x.next, x.picture_layout) _VideoDecodeH264CapabilitiesKHR(x::VideoDecodeH264CapabilitiesKHR) = _VideoDecodeH264CapabilitiesKHR(x.max_level_idc, convert_nonnull(_Offset2D, x.field_offset_granularity); x.next) _VideoDecodeH264SessionParametersAddInfoKHR(x::VideoDecodeH264SessionParametersAddInfoKHR) = _VideoDecodeH264SessionParametersAddInfoKHR(x.std_sp_ss, x.std_pp_ss; x.next) _VideoDecodeH264SessionParametersCreateInfoKHR(x::VideoDecodeH264SessionParametersCreateInfoKHR) = _VideoDecodeH264SessionParametersCreateInfoKHR(x.max_std_sps_count, x.max_std_pps_count; x.next, parameters_add_info = convert_nonnull(_VideoDecodeH264SessionParametersAddInfoKHR, x.parameters_add_info)) _VideoDecodeH264PictureInfoKHR(x::VideoDecodeH264PictureInfoKHR) = _VideoDecodeH264PictureInfoKHR(x.std_picture_info, x.slice_offsets; x.next) _VideoDecodeH264DpbSlotInfoKHR(x::VideoDecodeH264DpbSlotInfoKHR) = _VideoDecodeH264DpbSlotInfoKHR(x.std_reference_info; x.next) _VideoDecodeH265ProfileInfoKHR(x::VideoDecodeH265ProfileInfoKHR) = _VideoDecodeH265ProfileInfoKHR(x.std_profile_idc; x.next) _VideoDecodeH265CapabilitiesKHR(x::VideoDecodeH265CapabilitiesKHR) = _VideoDecodeH265CapabilitiesKHR(x.max_level_idc; x.next) _VideoDecodeH265SessionParametersAddInfoKHR(x::VideoDecodeH265SessionParametersAddInfoKHR) = _VideoDecodeH265SessionParametersAddInfoKHR(x.std_vp_ss, x.std_sp_ss, x.std_pp_ss; x.next) _VideoDecodeH265SessionParametersCreateInfoKHR(x::VideoDecodeH265SessionParametersCreateInfoKHR) = _VideoDecodeH265SessionParametersCreateInfoKHR(x.max_std_vps_count, x.max_std_sps_count, x.max_std_pps_count; x.next, parameters_add_info = convert_nonnull(_VideoDecodeH265SessionParametersAddInfoKHR, x.parameters_add_info)) _VideoDecodeH265PictureInfoKHR(x::VideoDecodeH265PictureInfoKHR) = _VideoDecodeH265PictureInfoKHR(x.std_picture_info, x.slice_segment_offsets; x.next) _VideoDecodeH265DpbSlotInfoKHR(x::VideoDecodeH265DpbSlotInfoKHR) = _VideoDecodeH265DpbSlotInfoKHR(x.std_reference_info; x.next) _VideoSessionCreateInfoKHR(x::VideoSessionCreateInfoKHR) = _VideoSessionCreateInfoKHR(x.queue_family_index, convert_nonnull(_VideoProfileInfoKHR, x.video_profile), x.picture_format, convert_nonnull(_Extent2D, x.max_coded_extent), x.reference_picture_format, x.max_dpb_slots, x.max_active_reference_pictures, convert_nonnull(_ExtensionProperties, x.std_header_version); x.next, x.flags) _VideoSessionParametersCreateInfoKHR(x::VideoSessionParametersCreateInfoKHR) = _VideoSessionParametersCreateInfoKHR(x.video_session; x.next, x.flags, x.video_session_parameters_template) _VideoSessionParametersUpdateInfoKHR(x::VideoSessionParametersUpdateInfoKHR) = _VideoSessionParametersUpdateInfoKHR(x.update_sequence_count; x.next) _VideoBeginCodingInfoKHR(x::VideoBeginCodingInfoKHR) = _VideoBeginCodingInfoKHR(x.video_session, convert_nonnull(Vector{_VideoReferenceSlotInfoKHR}, x.reference_slots); x.next, x.flags, x.video_session_parameters) _VideoEndCodingInfoKHR(x::VideoEndCodingInfoKHR) = _VideoEndCodingInfoKHR(; x.next, x.flags) _VideoCodingControlInfoKHR(x::VideoCodingControlInfoKHR) = _VideoCodingControlInfoKHR(; x.next, x.flags) _PhysicalDeviceInheritedViewportScissorFeaturesNV(x::PhysicalDeviceInheritedViewportScissorFeaturesNV) = _PhysicalDeviceInheritedViewportScissorFeaturesNV(x.inherited_viewport_scissor_2_d; x.next) _CommandBufferInheritanceViewportScissorInfoNV(x::CommandBufferInheritanceViewportScissorInfoNV) = _CommandBufferInheritanceViewportScissorInfoNV(x.viewport_scissor_2_d, x.viewport_depth_count, convert_nonnull(_Viewport, x.viewport_depths); x.next) _PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT(x::PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT) = _PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT(x.ycbcr_444_formats; x.next) _PhysicalDeviceProvokingVertexFeaturesEXT(x::PhysicalDeviceProvokingVertexFeaturesEXT) = _PhysicalDeviceProvokingVertexFeaturesEXT(x.provoking_vertex_last, x.transform_feedback_preserves_provoking_vertex; x.next) _PhysicalDeviceProvokingVertexPropertiesEXT(x::PhysicalDeviceProvokingVertexPropertiesEXT) = _PhysicalDeviceProvokingVertexPropertiesEXT(x.provoking_vertex_mode_per_pipeline, x.transform_feedback_preserves_triangle_fan_provoking_vertex; x.next) _PipelineRasterizationProvokingVertexStateCreateInfoEXT(x::PipelineRasterizationProvokingVertexStateCreateInfoEXT) = _PipelineRasterizationProvokingVertexStateCreateInfoEXT(x.provoking_vertex_mode; x.next) _CuModuleCreateInfoNVX(x::CuModuleCreateInfoNVX) = _CuModuleCreateInfoNVX(x.data_size, x.data; x.next) _CuFunctionCreateInfoNVX(x::CuFunctionCreateInfoNVX) = _CuFunctionCreateInfoNVX(x._module, x.name; x.next) _CuLaunchInfoNVX(x::CuLaunchInfoNVX) = _CuLaunchInfoNVX(x._function, x.grid_dim_x, x.grid_dim_y, x.grid_dim_z, x.block_dim_x, x.block_dim_y, x.block_dim_z, x.shared_mem_bytes; x.next) _PhysicalDeviceDescriptorBufferFeaturesEXT(x::PhysicalDeviceDescriptorBufferFeaturesEXT) = _PhysicalDeviceDescriptorBufferFeaturesEXT(x.descriptor_buffer, x.descriptor_buffer_capture_replay, x.descriptor_buffer_image_layout_ignored, x.descriptor_buffer_push_descriptors; x.next) _PhysicalDeviceDescriptorBufferPropertiesEXT(x::PhysicalDeviceDescriptorBufferPropertiesEXT) = _PhysicalDeviceDescriptorBufferPropertiesEXT(x.combined_image_sampler_descriptor_single_array, x.bufferless_push_descriptors, x.allow_sampler_image_view_post_submit_creation, x.descriptor_buffer_offset_alignment, x.max_descriptor_buffer_bindings, x.max_resource_descriptor_buffer_bindings, x.max_sampler_descriptor_buffer_bindings, x.max_embedded_immutable_sampler_bindings, x.max_embedded_immutable_samplers, x.buffer_capture_replay_descriptor_data_size, x.image_capture_replay_descriptor_data_size, x.image_view_capture_replay_descriptor_data_size, x.sampler_capture_replay_descriptor_data_size, x.acceleration_structure_capture_replay_descriptor_data_size, x.sampler_descriptor_size, x.combined_image_sampler_descriptor_size, x.sampled_image_descriptor_size, x.storage_image_descriptor_size, x.uniform_texel_buffer_descriptor_size, x.robust_uniform_texel_buffer_descriptor_size, x.storage_texel_buffer_descriptor_size, x.robust_storage_texel_buffer_descriptor_size, x.uniform_buffer_descriptor_size, x.robust_uniform_buffer_descriptor_size, x.storage_buffer_descriptor_size, x.robust_storage_buffer_descriptor_size, x.input_attachment_descriptor_size, x.acceleration_structure_descriptor_size, x.max_sampler_descriptor_buffer_range, x.max_resource_descriptor_buffer_range, x.sampler_descriptor_buffer_address_space_size, x.resource_descriptor_buffer_address_space_size, x.descriptor_buffer_address_space_size; x.next) _PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT(x::PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT) = _PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT(x.combined_image_sampler_density_map_descriptor_size; x.next) _DescriptorAddressInfoEXT(x::DescriptorAddressInfoEXT) = _DescriptorAddressInfoEXT(x.address, x.range, x.format; x.next) _DescriptorBufferBindingInfoEXT(x::DescriptorBufferBindingInfoEXT) = _DescriptorBufferBindingInfoEXT(x.address, x.usage; x.next) _DescriptorBufferBindingPushDescriptorBufferHandleEXT(x::DescriptorBufferBindingPushDescriptorBufferHandleEXT) = _DescriptorBufferBindingPushDescriptorBufferHandleEXT(x.buffer; x.next) _DescriptorGetInfoEXT(x::DescriptorGetInfoEXT) = _DescriptorGetInfoEXT(x.type, convert_nonnull(_DescriptorDataEXT, x.data); x.next) _BufferCaptureDescriptorDataInfoEXT(x::BufferCaptureDescriptorDataInfoEXT) = _BufferCaptureDescriptorDataInfoEXT(x.buffer; x.next) _ImageCaptureDescriptorDataInfoEXT(x::ImageCaptureDescriptorDataInfoEXT) = _ImageCaptureDescriptorDataInfoEXT(x.image; x.next) _ImageViewCaptureDescriptorDataInfoEXT(x::ImageViewCaptureDescriptorDataInfoEXT) = _ImageViewCaptureDescriptorDataInfoEXT(x.image_view; x.next) _SamplerCaptureDescriptorDataInfoEXT(x::SamplerCaptureDescriptorDataInfoEXT) = _SamplerCaptureDescriptorDataInfoEXT(x.sampler; x.next) _AccelerationStructureCaptureDescriptorDataInfoEXT(x::AccelerationStructureCaptureDescriptorDataInfoEXT) = _AccelerationStructureCaptureDescriptorDataInfoEXT(; x.next, x.acceleration_structure, x.acceleration_structure_nv) _OpaqueCaptureDescriptorDataCreateInfoEXT(x::OpaqueCaptureDescriptorDataCreateInfoEXT) = _OpaqueCaptureDescriptorDataCreateInfoEXT(x.opaque_capture_descriptor_data; x.next) _PhysicalDeviceShaderIntegerDotProductFeatures(x::PhysicalDeviceShaderIntegerDotProductFeatures) = _PhysicalDeviceShaderIntegerDotProductFeatures(x.shader_integer_dot_product; x.next) _PhysicalDeviceShaderIntegerDotProductProperties(x::PhysicalDeviceShaderIntegerDotProductProperties) = _PhysicalDeviceShaderIntegerDotProductProperties(x.integer_dot_product_8_bit_unsigned_accelerated, x.integer_dot_product_8_bit_signed_accelerated, x.integer_dot_product_8_bit_mixed_signedness_accelerated, x.integer_dot_product_8_bit_packed_unsigned_accelerated, x.integer_dot_product_8_bit_packed_signed_accelerated, x.integer_dot_product_8_bit_packed_mixed_signedness_accelerated, x.integer_dot_product_16_bit_unsigned_accelerated, x.integer_dot_product_16_bit_signed_accelerated, x.integer_dot_product_16_bit_mixed_signedness_accelerated, x.integer_dot_product_32_bit_unsigned_accelerated, x.integer_dot_product_32_bit_signed_accelerated, x.integer_dot_product_32_bit_mixed_signedness_accelerated, x.integer_dot_product_64_bit_unsigned_accelerated, x.integer_dot_product_64_bit_signed_accelerated, x.integer_dot_product_64_bit_mixed_signedness_accelerated, x.integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated, x.integer_dot_product_accumulating_saturating_8_bit_signed_accelerated, x.integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated, x.integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated, x.integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated, x.integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated, x.integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated, x.integer_dot_product_accumulating_saturating_16_bit_signed_accelerated, x.integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated, x.integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated, x.integer_dot_product_accumulating_saturating_32_bit_signed_accelerated, x.integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated, x.integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated, x.integer_dot_product_accumulating_saturating_64_bit_signed_accelerated, x.integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated; x.next) _PhysicalDeviceDrmPropertiesEXT(x::PhysicalDeviceDrmPropertiesEXT) = _PhysicalDeviceDrmPropertiesEXT(x.has_primary, x.has_render, x.primary_major, x.primary_minor, x.render_major, x.render_minor; x.next) _PhysicalDeviceFragmentShaderBarycentricFeaturesKHR(x::PhysicalDeviceFragmentShaderBarycentricFeaturesKHR) = _PhysicalDeviceFragmentShaderBarycentricFeaturesKHR(x.fragment_shader_barycentric; x.next) _PhysicalDeviceFragmentShaderBarycentricPropertiesKHR(x::PhysicalDeviceFragmentShaderBarycentricPropertiesKHR) = _PhysicalDeviceFragmentShaderBarycentricPropertiesKHR(x.tri_strip_vertex_order_independent_of_provoking_vertex; x.next) _PhysicalDeviceRayTracingMotionBlurFeaturesNV(x::PhysicalDeviceRayTracingMotionBlurFeaturesNV) = _PhysicalDeviceRayTracingMotionBlurFeaturesNV(x.ray_tracing_motion_blur, x.ray_tracing_motion_blur_pipeline_trace_rays_indirect; x.next) _AccelerationStructureGeometryMotionTrianglesDataNV(x::AccelerationStructureGeometryMotionTrianglesDataNV) = _AccelerationStructureGeometryMotionTrianglesDataNV(convert_nonnull(_DeviceOrHostAddressConstKHR, x.vertex_data); x.next) _AccelerationStructureMotionInfoNV(x::AccelerationStructureMotionInfoNV) = _AccelerationStructureMotionInfoNV(x.max_instances; x.next, x.flags) _SRTDataNV(x::SRTDataNV) = _SRTDataNV(x.sx, x.a, x.b, x.pvx, x.sy, x.c, x.pvy, x.sz, x.pvz, x.qx, x.qy, x.qz, x.qw, x.tx, x.ty, x.tz) _AccelerationStructureSRTMotionInstanceNV(x::AccelerationStructureSRTMotionInstanceNV) = _AccelerationStructureSRTMotionInstanceNV(convert_nonnull(_SRTDataNV, x.transform_t_0), convert_nonnull(_SRTDataNV, x.transform_t_1), x.instance_custom_index, x.mask, x.instance_shader_binding_table_record_offset, x.acceleration_structure_reference; x.flags) _AccelerationStructureMatrixMotionInstanceNV(x::AccelerationStructureMatrixMotionInstanceNV) = _AccelerationStructureMatrixMotionInstanceNV(convert_nonnull(_TransformMatrixKHR, x.transform_t_0), convert_nonnull(_TransformMatrixKHR, x.transform_t_1), x.instance_custom_index, x.mask, x.instance_shader_binding_table_record_offset, x.acceleration_structure_reference; x.flags) _AccelerationStructureMotionInstanceNV(x::AccelerationStructureMotionInstanceNV) = _AccelerationStructureMotionInstanceNV(x.type, convert_nonnull(_AccelerationStructureMotionInstanceDataNV, x.data); x.flags) _MemoryGetRemoteAddressInfoNV(x::MemoryGetRemoteAddressInfoNV) = _MemoryGetRemoteAddressInfoNV(x.memory, x.handle_type; x.next) _PhysicalDeviceRGBA10X6FormatsFeaturesEXT(x::PhysicalDeviceRGBA10X6FormatsFeaturesEXT) = _PhysicalDeviceRGBA10X6FormatsFeaturesEXT(x.format_rgba_1_6_without_y_cb_cr_sampler; x.next) _FormatProperties3(x::FormatProperties3) = _FormatProperties3(; x.next, x.linear_tiling_features, x.optimal_tiling_features, x.buffer_features) _DrmFormatModifierPropertiesList2EXT(x::DrmFormatModifierPropertiesList2EXT) = _DrmFormatModifierPropertiesList2EXT(; x.next, drm_format_modifier_properties = convert_nonnull(Vector{_DrmFormatModifierProperties2EXT}, x.drm_format_modifier_properties)) _DrmFormatModifierProperties2EXT(x::DrmFormatModifierProperties2EXT) = _DrmFormatModifierProperties2EXT(x.drm_format_modifier, x.drm_format_modifier_plane_count, x.drm_format_modifier_tiling_features) _PipelineRenderingCreateInfo(x::PipelineRenderingCreateInfo) = _PipelineRenderingCreateInfo(x.view_mask, x.color_attachment_formats, x.depth_attachment_format, x.stencil_attachment_format; x.next) _RenderingInfo(x::RenderingInfo) = _RenderingInfo(convert_nonnull(_Rect2D, x.render_area), x.layer_count, x.view_mask, convert_nonnull(Vector{_RenderingAttachmentInfo}, x.color_attachments); x.next, x.flags, depth_attachment = convert_nonnull(_RenderingAttachmentInfo, x.depth_attachment), stencil_attachment = convert_nonnull(_RenderingAttachmentInfo, x.stencil_attachment)) _RenderingAttachmentInfo(x::RenderingAttachmentInfo) = _RenderingAttachmentInfo(x.image_layout, x.resolve_image_layout, x.load_op, x.store_op, convert_nonnull(_ClearValue, x.clear_value); x.next, x.image_view, x.resolve_mode, x.resolve_image_view) _RenderingFragmentShadingRateAttachmentInfoKHR(x::RenderingFragmentShadingRateAttachmentInfoKHR) = _RenderingFragmentShadingRateAttachmentInfoKHR(x.image_layout, convert_nonnull(_Extent2D, x.shading_rate_attachment_texel_size); x.next, x.image_view) _RenderingFragmentDensityMapAttachmentInfoEXT(x::RenderingFragmentDensityMapAttachmentInfoEXT) = _RenderingFragmentDensityMapAttachmentInfoEXT(x.image_view, x.image_layout; x.next) _PhysicalDeviceDynamicRenderingFeatures(x::PhysicalDeviceDynamicRenderingFeatures) = _PhysicalDeviceDynamicRenderingFeatures(x.dynamic_rendering; x.next) _CommandBufferInheritanceRenderingInfo(x::CommandBufferInheritanceRenderingInfo) = _CommandBufferInheritanceRenderingInfo(x.view_mask, x.color_attachment_formats, x.depth_attachment_format, x.stencil_attachment_format; x.next, x.flags, x.rasterization_samples) _AttachmentSampleCountInfoAMD(x::AttachmentSampleCountInfoAMD) = _AttachmentSampleCountInfoAMD(x.color_attachment_samples; x.next, x.depth_stencil_attachment_samples) _MultiviewPerViewAttributesInfoNVX(x::MultiviewPerViewAttributesInfoNVX) = _MultiviewPerViewAttributesInfoNVX(x.per_view_attributes, x.per_view_attributes_position_x_only; x.next) _PhysicalDeviceImageViewMinLodFeaturesEXT(x::PhysicalDeviceImageViewMinLodFeaturesEXT) = _PhysicalDeviceImageViewMinLodFeaturesEXT(x.min_lod; x.next) _ImageViewMinLodCreateInfoEXT(x::ImageViewMinLodCreateInfoEXT) = _ImageViewMinLodCreateInfoEXT(x.min_lod; x.next) _PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT(x::PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT) = _PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT(x.rasterization_order_color_attachment_access, x.rasterization_order_depth_attachment_access, x.rasterization_order_stencil_attachment_access; x.next) _PhysicalDeviceLinearColorAttachmentFeaturesNV(x::PhysicalDeviceLinearColorAttachmentFeaturesNV) = _PhysicalDeviceLinearColorAttachmentFeaturesNV(x.linear_color_attachment; x.next) _PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT(x::PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT) = _PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT(x.graphics_pipeline_library; x.next) _PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT(x::PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT) = _PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT(x.graphics_pipeline_library_fast_linking, x.graphics_pipeline_library_independent_interpolation_decoration; x.next) _GraphicsPipelineLibraryCreateInfoEXT(x::GraphicsPipelineLibraryCreateInfoEXT) = _GraphicsPipelineLibraryCreateInfoEXT(x.flags; x.next) _PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE(x::PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE) = _PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE(x.descriptor_set_host_mapping; x.next) _DescriptorSetBindingReferenceVALVE(x::DescriptorSetBindingReferenceVALVE) = _DescriptorSetBindingReferenceVALVE(x.descriptor_set_layout, x.binding; x.next) _DescriptorSetLayoutHostMappingInfoVALVE(x::DescriptorSetLayoutHostMappingInfoVALVE) = _DescriptorSetLayoutHostMappingInfoVALVE(x.descriptor_offset, x.descriptor_size; x.next) _PhysicalDeviceShaderModuleIdentifierFeaturesEXT(x::PhysicalDeviceShaderModuleIdentifierFeaturesEXT) = _PhysicalDeviceShaderModuleIdentifierFeaturesEXT(x.shader_module_identifier; x.next) _PhysicalDeviceShaderModuleIdentifierPropertiesEXT(x::PhysicalDeviceShaderModuleIdentifierPropertiesEXT) = _PhysicalDeviceShaderModuleIdentifierPropertiesEXT(x.shader_module_identifier_algorithm_uuid; x.next) _PipelineShaderStageModuleIdentifierCreateInfoEXT(x::PipelineShaderStageModuleIdentifierCreateInfoEXT) = _PipelineShaderStageModuleIdentifierCreateInfoEXT(x.identifier; x.next, x.identifier_size) _ShaderModuleIdentifierEXT(x::ShaderModuleIdentifierEXT) = _ShaderModuleIdentifierEXT(x.identifier_size, x.identifier; x.next) _ImageCompressionControlEXT(x::ImageCompressionControlEXT) = _ImageCompressionControlEXT(x.flags, x.fixed_rate_flags; x.next) _PhysicalDeviceImageCompressionControlFeaturesEXT(x::PhysicalDeviceImageCompressionControlFeaturesEXT) = _PhysicalDeviceImageCompressionControlFeaturesEXT(x.image_compression_control; x.next) _ImageCompressionPropertiesEXT(x::ImageCompressionPropertiesEXT) = _ImageCompressionPropertiesEXT(x.image_compression_flags, x.image_compression_fixed_rate_flags; x.next) _PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT(x::PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT) = _PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT(x.image_compression_control_swapchain; x.next) _ImageSubresource2EXT(x::ImageSubresource2EXT) = _ImageSubresource2EXT(convert_nonnull(_ImageSubresource, x.image_subresource); x.next) _SubresourceLayout2EXT(x::SubresourceLayout2EXT) = _SubresourceLayout2EXT(convert_nonnull(_SubresourceLayout, x.subresource_layout); x.next) _RenderPassCreationControlEXT(x::RenderPassCreationControlEXT) = _RenderPassCreationControlEXT(x.disallow_merging; x.next) _RenderPassCreationFeedbackInfoEXT(x::RenderPassCreationFeedbackInfoEXT) = _RenderPassCreationFeedbackInfoEXT(x.post_merge_subpass_count) _RenderPassCreationFeedbackCreateInfoEXT(x::RenderPassCreationFeedbackCreateInfoEXT) = _RenderPassCreationFeedbackCreateInfoEXT(convert_nonnull(_RenderPassCreationFeedbackInfoEXT, x.render_pass_feedback); x.next) _RenderPassSubpassFeedbackInfoEXT(x::RenderPassSubpassFeedbackInfoEXT) = _RenderPassSubpassFeedbackInfoEXT(x.subpass_merge_status, x.description, x.post_merge_index) _RenderPassSubpassFeedbackCreateInfoEXT(x::RenderPassSubpassFeedbackCreateInfoEXT) = _RenderPassSubpassFeedbackCreateInfoEXT(convert_nonnull(_RenderPassSubpassFeedbackInfoEXT, x.subpass_feedback); x.next) _PhysicalDeviceSubpassMergeFeedbackFeaturesEXT(x::PhysicalDeviceSubpassMergeFeedbackFeaturesEXT) = _PhysicalDeviceSubpassMergeFeedbackFeaturesEXT(x.subpass_merge_feedback; x.next) _MicromapBuildInfoEXT(x::MicromapBuildInfoEXT) = _MicromapBuildInfoEXT(x.type, x.mode, convert_nonnull(_DeviceOrHostAddressConstKHR, x.data), convert_nonnull(_DeviceOrHostAddressKHR, x.scratch_data), convert_nonnull(_DeviceOrHostAddressConstKHR, x.triangle_array), x.triangle_array_stride; x.next, x.flags, x.dst_micromap, usage_counts = convert_nonnull(Vector{_MicromapUsageEXT}, x.usage_counts), usage_counts_2 = convert_nonnull(Vector{_MicromapUsageEXT}, x.usage_counts_2)) _MicromapCreateInfoEXT(x::MicromapCreateInfoEXT) = _MicromapCreateInfoEXT(x.buffer, x.offset, x.size, x.type; x.next, x.create_flags, x.device_address) _MicromapVersionInfoEXT(x::MicromapVersionInfoEXT) = _MicromapVersionInfoEXT(x.version_data; x.next) _CopyMicromapInfoEXT(x::CopyMicromapInfoEXT) = _CopyMicromapInfoEXT(x.src, x.dst, x.mode; x.next) _CopyMicromapToMemoryInfoEXT(x::CopyMicromapToMemoryInfoEXT) = _CopyMicromapToMemoryInfoEXT(x.src, convert_nonnull(_DeviceOrHostAddressKHR, x.dst), x.mode; x.next) _CopyMemoryToMicromapInfoEXT(x::CopyMemoryToMicromapInfoEXT) = _CopyMemoryToMicromapInfoEXT(convert_nonnull(_DeviceOrHostAddressConstKHR, x.src), x.dst, x.mode; x.next) _MicromapBuildSizesInfoEXT(x::MicromapBuildSizesInfoEXT) = _MicromapBuildSizesInfoEXT(x.micromap_size, x.build_scratch_size, x.discardable; x.next) _MicromapUsageEXT(x::MicromapUsageEXT) = _MicromapUsageEXT(x.count, x.subdivision_level, x.format) _MicromapTriangleEXT(x::MicromapTriangleEXT) = _MicromapTriangleEXT(x.data_offset, x.subdivision_level, x.format) _PhysicalDeviceOpacityMicromapFeaturesEXT(x::PhysicalDeviceOpacityMicromapFeaturesEXT) = _PhysicalDeviceOpacityMicromapFeaturesEXT(x.micromap, x.micromap_capture_replay, x.micromap_host_commands; x.next) _PhysicalDeviceOpacityMicromapPropertiesEXT(x::PhysicalDeviceOpacityMicromapPropertiesEXT) = _PhysicalDeviceOpacityMicromapPropertiesEXT(x.max_opacity_2_state_subdivision_level, x.max_opacity_4_state_subdivision_level; x.next) _AccelerationStructureTrianglesOpacityMicromapEXT(x::AccelerationStructureTrianglesOpacityMicromapEXT) = _AccelerationStructureTrianglesOpacityMicromapEXT(x.index_type, convert_nonnull(_DeviceOrHostAddressConstKHR, x.index_buffer), x.index_stride, x.base_triangle, x.micromap; x.next, usage_counts = convert_nonnull(Vector{_MicromapUsageEXT}, x.usage_counts), usage_counts_2 = convert_nonnull(Vector{_MicromapUsageEXT}, x.usage_counts_2)) _PipelinePropertiesIdentifierEXT(x::PipelinePropertiesIdentifierEXT) = _PipelinePropertiesIdentifierEXT(x.pipeline_identifier; x.next) _PhysicalDevicePipelinePropertiesFeaturesEXT(x::PhysicalDevicePipelinePropertiesFeaturesEXT) = _PhysicalDevicePipelinePropertiesFeaturesEXT(x.pipeline_properties_identifier; x.next) _PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD(x::PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD) = _PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD(x.shader_early_and_late_fragment_tests; x.next) _PhysicalDeviceNonSeamlessCubeMapFeaturesEXT(x::PhysicalDeviceNonSeamlessCubeMapFeaturesEXT) = _PhysicalDeviceNonSeamlessCubeMapFeaturesEXT(x.non_seamless_cube_map; x.next) _PhysicalDevicePipelineRobustnessFeaturesEXT(x::PhysicalDevicePipelineRobustnessFeaturesEXT) = _PhysicalDevicePipelineRobustnessFeaturesEXT(x.pipeline_robustness; x.next) _PipelineRobustnessCreateInfoEXT(x::PipelineRobustnessCreateInfoEXT) = _PipelineRobustnessCreateInfoEXT(x.storage_buffers, x.uniform_buffers, x.vertex_inputs, x.images; x.next) _PhysicalDevicePipelineRobustnessPropertiesEXT(x::PhysicalDevicePipelineRobustnessPropertiesEXT) = _PhysicalDevicePipelineRobustnessPropertiesEXT(x.default_robustness_storage_buffers, x.default_robustness_uniform_buffers, x.default_robustness_vertex_inputs, x.default_robustness_images; x.next) _ImageViewSampleWeightCreateInfoQCOM(x::ImageViewSampleWeightCreateInfoQCOM) = _ImageViewSampleWeightCreateInfoQCOM(convert_nonnull(_Offset2D, x.filter_center), convert_nonnull(_Extent2D, x.filter_size), x.num_phases; x.next) _PhysicalDeviceImageProcessingFeaturesQCOM(x::PhysicalDeviceImageProcessingFeaturesQCOM) = _PhysicalDeviceImageProcessingFeaturesQCOM(x.texture_sample_weighted, x.texture_box_filter, x.texture_block_match; x.next) _PhysicalDeviceImageProcessingPropertiesQCOM(x::PhysicalDeviceImageProcessingPropertiesQCOM) = _PhysicalDeviceImageProcessingPropertiesQCOM(; x.next, x.max_weight_filter_phases, max_weight_filter_dimension = convert_nonnull(_Extent2D, x.max_weight_filter_dimension), max_block_match_region = convert_nonnull(_Extent2D, x.max_block_match_region), max_box_filter_block_size = convert_nonnull(_Extent2D, x.max_box_filter_block_size)) _PhysicalDeviceTilePropertiesFeaturesQCOM(x::PhysicalDeviceTilePropertiesFeaturesQCOM) = _PhysicalDeviceTilePropertiesFeaturesQCOM(x.tile_properties; x.next) _TilePropertiesQCOM(x::TilePropertiesQCOM) = _TilePropertiesQCOM(convert_nonnull(_Extent3D, x.tile_size), convert_nonnull(_Extent2D, x.apron_size), convert_nonnull(_Offset2D, x.origin); x.next) _PhysicalDeviceAmigoProfilingFeaturesSEC(x::PhysicalDeviceAmigoProfilingFeaturesSEC) = _PhysicalDeviceAmigoProfilingFeaturesSEC(x.amigo_profiling; x.next) _AmigoProfilingSubmitInfoSEC(x::AmigoProfilingSubmitInfoSEC) = _AmigoProfilingSubmitInfoSEC(x.first_draw_timestamp, x.swap_buffer_timestamp; x.next) _PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT(x::PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT) = _PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT(x.attachment_feedback_loop_layout; x.next) _PhysicalDeviceDepthClampZeroOneFeaturesEXT(x::PhysicalDeviceDepthClampZeroOneFeaturesEXT) = _PhysicalDeviceDepthClampZeroOneFeaturesEXT(x.depth_clamp_zero_one; x.next) _PhysicalDeviceAddressBindingReportFeaturesEXT(x::PhysicalDeviceAddressBindingReportFeaturesEXT) = _PhysicalDeviceAddressBindingReportFeaturesEXT(x.report_address_binding; x.next) _DeviceAddressBindingCallbackDataEXT(x::DeviceAddressBindingCallbackDataEXT) = _DeviceAddressBindingCallbackDataEXT(x.base_address, x.size, x.binding_type; x.next, x.flags) _PhysicalDeviceOpticalFlowFeaturesNV(x::PhysicalDeviceOpticalFlowFeaturesNV) = _PhysicalDeviceOpticalFlowFeaturesNV(x.optical_flow; x.next) _PhysicalDeviceOpticalFlowPropertiesNV(x::PhysicalDeviceOpticalFlowPropertiesNV) = _PhysicalDeviceOpticalFlowPropertiesNV(x.supported_output_grid_sizes, x.supported_hint_grid_sizes, x.hint_supported, x.cost_supported, x.bidirectional_flow_supported, x.global_flow_supported, x.min_width, x.min_height, x.max_width, x.max_height, x.max_num_regions_of_interest; x.next) _OpticalFlowImageFormatInfoNV(x::OpticalFlowImageFormatInfoNV) = _OpticalFlowImageFormatInfoNV(x.usage; x.next) _OpticalFlowImageFormatPropertiesNV(x::OpticalFlowImageFormatPropertiesNV) = _OpticalFlowImageFormatPropertiesNV(x.format; x.next) _OpticalFlowSessionCreateInfoNV(x::OpticalFlowSessionCreateInfoNV) = _OpticalFlowSessionCreateInfoNV(x.width, x.height, x.image_format, x.flow_vector_format, x.output_grid_size; x.next, x.cost_format, x.hint_grid_size, x.performance_level, x.flags) _OpticalFlowSessionCreatePrivateDataInfoNV(x::OpticalFlowSessionCreatePrivateDataInfoNV) = _OpticalFlowSessionCreatePrivateDataInfoNV(x.id, x.size, x.private_data; x.next) _OpticalFlowExecuteInfoNV(x::OpticalFlowExecuteInfoNV) = _OpticalFlowExecuteInfoNV(convert_nonnull(Vector{_Rect2D}, x.regions); x.next, x.flags) _PhysicalDeviceFaultFeaturesEXT(x::PhysicalDeviceFaultFeaturesEXT) = _PhysicalDeviceFaultFeaturesEXT(x.device_fault, x.device_fault_vendor_binary; x.next) _DeviceFaultAddressInfoEXT(x::DeviceFaultAddressInfoEXT) = _DeviceFaultAddressInfoEXT(x.address_type, x.reported_address, x.address_precision) _DeviceFaultVendorInfoEXT(x::DeviceFaultVendorInfoEXT) = _DeviceFaultVendorInfoEXT(x.description, x.vendor_fault_code, x.vendor_fault_data) _DeviceFaultCountsEXT(x::DeviceFaultCountsEXT) = _DeviceFaultCountsEXT(; x.next, x.address_info_count, x.vendor_info_count, x.vendor_binary_size) _DeviceFaultInfoEXT(x::DeviceFaultInfoEXT) = _DeviceFaultInfoEXT(x.description; x.next, address_infos = convert_nonnull(_DeviceFaultAddressInfoEXT, x.address_infos), vendor_infos = convert_nonnull(_DeviceFaultVendorInfoEXT, x.vendor_infos), x.vendor_binary_data) _DeviceFaultVendorBinaryHeaderVersionOneEXT(x::DeviceFaultVendorBinaryHeaderVersionOneEXT) = _DeviceFaultVendorBinaryHeaderVersionOneEXT(x.header_size, x.header_version, x.vendor_id, x.device_id, x.driver_version, x.pipeline_cache_uuid, x.application_name_offset, x.application_version, x.engine_name_offset) _PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT(x::PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT) = _PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT(x.pipeline_library_group_handles; x.next) _DecompressMemoryRegionNV(x::DecompressMemoryRegionNV) = _DecompressMemoryRegionNV(x.src_address, x.dst_address, x.compressed_size, x.decompressed_size, x.decompression_method) _PhysicalDeviceShaderCoreBuiltinsPropertiesARM(x::PhysicalDeviceShaderCoreBuiltinsPropertiesARM) = _PhysicalDeviceShaderCoreBuiltinsPropertiesARM(x.shader_core_mask, x.shader_core_count, x.shader_warps_per_core; x.next) _PhysicalDeviceShaderCoreBuiltinsFeaturesARM(x::PhysicalDeviceShaderCoreBuiltinsFeaturesARM) = _PhysicalDeviceShaderCoreBuiltinsFeaturesARM(x.shader_core_builtins; x.next) _SurfacePresentModeEXT(x::SurfacePresentModeEXT) = _SurfacePresentModeEXT(x.present_mode; x.next) _SurfacePresentScalingCapabilitiesEXT(x::SurfacePresentScalingCapabilitiesEXT) = _SurfacePresentScalingCapabilitiesEXT(; x.next, x.supported_present_scaling, x.supported_present_gravity_x, x.supported_present_gravity_y, min_scaled_image_extent = convert_nonnull(_Extent2D, x.min_scaled_image_extent), max_scaled_image_extent = convert_nonnull(_Extent2D, x.max_scaled_image_extent)) _SurfacePresentModeCompatibilityEXT(x::SurfacePresentModeCompatibilityEXT) = _SurfacePresentModeCompatibilityEXT(; x.next, x.present_modes) _PhysicalDeviceSwapchainMaintenance1FeaturesEXT(x::PhysicalDeviceSwapchainMaintenance1FeaturesEXT) = _PhysicalDeviceSwapchainMaintenance1FeaturesEXT(x.swapchain_maintenance_1; x.next) _SwapchainPresentFenceInfoEXT(x::SwapchainPresentFenceInfoEXT) = _SwapchainPresentFenceInfoEXT(x.fences; x.next) _SwapchainPresentModesCreateInfoEXT(x::SwapchainPresentModesCreateInfoEXT) = _SwapchainPresentModesCreateInfoEXT(x.present_modes; x.next) _SwapchainPresentModeInfoEXT(x::SwapchainPresentModeInfoEXT) = _SwapchainPresentModeInfoEXT(x.present_modes; x.next) _SwapchainPresentScalingCreateInfoEXT(x::SwapchainPresentScalingCreateInfoEXT) = _SwapchainPresentScalingCreateInfoEXT(; x.next, x.scaling_behavior, x.present_gravity_x, x.present_gravity_y) _ReleaseSwapchainImagesInfoEXT(x::ReleaseSwapchainImagesInfoEXT) = _ReleaseSwapchainImagesInfoEXT(x.swapchain, x.image_indices; x.next) _PhysicalDeviceRayTracingInvocationReorderFeaturesNV(x::PhysicalDeviceRayTracingInvocationReorderFeaturesNV) = _PhysicalDeviceRayTracingInvocationReorderFeaturesNV(x.ray_tracing_invocation_reorder; x.next) _PhysicalDeviceRayTracingInvocationReorderPropertiesNV(x::PhysicalDeviceRayTracingInvocationReorderPropertiesNV) = _PhysicalDeviceRayTracingInvocationReorderPropertiesNV(x.ray_tracing_invocation_reorder_reordering_hint; x.next) _DirectDriverLoadingInfoLUNARG(x::DirectDriverLoadingInfoLUNARG) = _DirectDriverLoadingInfoLUNARG(x.flags, x.pfn_get_instance_proc_addr; x.next) _DirectDriverLoadingListLUNARG(x::DirectDriverLoadingListLUNARG) = _DirectDriverLoadingListLUNARG(x.mode, convert_nonnull(Vector{_DirectDriverLoadingInfoLUNARG}, x.drivers); x.next) _PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM(x::PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM) = _PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM(x.multiview_per_view_viewports; x.next) function BaseOutStructure(x::_BaseOutStructure, next_types::Type...) (; deps) = x GC.@preserve deps BaseOutStructure(x.vks, next_types...) end function BaseInStructure(x::_BaseInStructure, next_types::Type...) (; deps) = x GC.@preserve deps BaseInStructure(x.vks, next_types...) end Offset2D(x::_Offset2D) = Offset2D(x.vks) Offset3D(x::_Offset3D) = Offset3D(x.vks) Extent2D(x::_Extent2D) = Extent2D(x.vks) Extent3D(x::_Extent3D) = Extent3D(x.vks) Viewport(x::_Viewport) = Viewport(x.vks) Rect2D(x::_Rect2D) = Rect2D(x.vks) ClearRect(x::_ClearRect) = ClearRect(x.vks) ComponentMapping(x::_ComponentMapping) = ComponentMapping(x.vks) PhysicalDeviceProperties(x::_PhysicalDeviceProperties) = PhysicalDeviceProperties(x.vks) ExtensionProperties(x::_ExtensionProperties) = ExtensionProperties(x.vks) LayerProperties(x::_LayerProperties) = LayerProperties(x.vks) function ApplicationInfo(x::_ApplicationInfo, next_types::Type...) (; deps) = x GC.@preserve deps ApplicationInfo(x.vks, next_types...) end function AllocationCallbacks(x::_AllocationCallbacks) (; deps) = x GC.@preserve deps AllocationCallbacks(x.vks, next_types...) end function DeviceQueueCreateInfo(x::_DeviceQueueCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps DeviceQueueCreateInfo(x.vks, next_types...) end function DeviceCreateInfo(x::_DeviceCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps DeviceCreateInfo(x.vks, next_types...) end function InstanceCreateInfo(x::_InstanceCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps InstanceCreateInfo(x.vks, next_types...) end QueueFamilyProperties(x::_QueueFamilyProperties) = QueueFamilyProperties(x.vks) PhysicalDeviceMemoryProperties(x::_PhysicalDeviceMemoryProperties) = PhysicalDeviceMemoryProperties(x.vks) function MemoryAllocateInfo(x::_MemoryAllocateInfo, next_types::Type...) (; deps) = x GC.@preserve deps MemoryAllocateInfo(x.vks, next_types...) end MemoryRequirements(x::_MemoryRequirements) = MemoryRequirements(x.vks) SparseImageFormatProperties(x::_SparseImageFormatProperties) = SparseImageFormatProperties(x.vks) SparseImageMemoryRequirements(x::_SparseImageMemoryRequirements) = SparseImageMemoryRequirements(x.vks) MemoryType(x::_MemoryType) = MemoryType(x.vks) MemoryHeap(x::_MemoryHeap) = MemoryHeap(x.vks) function MappedMemoryRange(x::_MappedMemoryRange, next_types::Type...) (; deps) = x GC.@preserve deps MappedMemoryRange(x.vks, next_types...) end FormatProperties(x::_FormatProperties) = FormatProperties(x.vks) ImageFormatProperties(x::_ImageFormatProperties) = ImageFormatProperties(x.vks) DescriptorBufferInfo(x::_DescriptorBufferInfo) = DescriptorBufferInfo(x.vks) DescriptorImageInfo(x::_DescriptorImageInfo) = DescriptorImageInfo(x.vks) function WriteDescriptorSet(x::_WriteDescriptorSet, next_types::Type...) (; deps) = x GC.@preserve deps WriteDescriptorSet(x.vks, next_types...) end function CopyDescriptorSet(x::_CopyDescriptorSet, next_types::Type...) (; deps) = x GC.@preserve deps CopyDescriptorSet(x.vks, next_types...) end function BufferCreateInfo(x::_BufferCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps BufferCreateInfo(x.vks, next_types...) end function BufferViewCreateInfo(x::_BufferViewCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps BufferViewCreateInfo(x.vks, next_types...) end ImageSubresource(x::_ImageSubresource) = ImageSubresource(x.vks) ImageSubresourceLayers(x::_ImageSubresourceLayers) = ImageSubresourceLayers(x.vks) ImageSubresourceRange(x::_ImageSubresourceRange) = ImageSubresourceRange(x.vks) function MemoryBarrier(x::_MemoryBarrier, next_types::Type...) (; deps) = x GC.@preserve deps MemoryBarrier(x.vks, next_types...) end function BufferMemoryBarrier(x::_BufferMemoryBarrier, next_types::Type...) (; deps) = x GC.@preserve deps BufferMemoryBarrier(x.vks, next_types...) end function ImageMemoryBarrier(x::_ImageMemoryBarrier, next_types::Type...) (; deps) = x GC.@preserve deps ImageMemoryBarrier(x.vks, next_types...) end function ImageCreateInfo(x::_ImageCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps ImageCreateInfo(x.vks, next_types...) end SubresourceLayout(x::_SubresourceLayout) = SubresourceLayout(x.vks) function ImageViewCreateInfo(x::_ImageViewCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps ImageViewCreateInfo(x.vks, next_types...) end BufferCopy(x::_BufferCopy) = BufferCopy(x.vks) SparseMemoryBind(x::_SparseMemoryBind) = SparseMemoryBind(x.vks) SparseImageMemoryBind(x::_SparseImageMemoryBind) = SparseImageMemoryBind(x.vks) function SparseBufferMemoryBindInfo(x::_SparseBufferMemoryBindInfo) (; deps) = x GC.@preserve deps SparseBufferMemoryBindInfo(x.vks, next_types...) end function SparseImageOpaqueMemoryBindInfo(x::_SparseImageOpaqueMemoryBindInfo) (; deps) = x GC.@preserve deps SparseImageOpaqueMemoryBindInfo(x.vks, next_types...) end function SparseImageMemoryBindInfo(x::_SparseImageMemoryBindInfo) (; deps) = x GC.@preserve deps SparseImageMemoryBindInfo(x.vks, next_types...) end function BindSparseInfo(x::_BindSparseInfo, next_types::Type...) (; deps) = x GC.@preserve deps BindSparseInfo(x.vks, next_types...) end ImageCopy(x::_ImageCopy) = ImageCopy(x.vks) ImageBlit(x::_ImageBlit) = ImageBlit(x.vks) BufferImageCopy(x::_BufferImageCopy) = BufferImageCopy(x.vks) CopyMemoryIndirectCommandNV(x::_CopyMemoryIndirectCommandNV) = CopyMemoryIndirectCommandNV(x.vks) CopyMemoryToImageIndirectCommandNV(x::_CopyMemoryToImageIndirectCommandNV) = CopyMemoryToImageIndirectCommandNV(x.vks) ImageResolve(x::_ImageResolve) = ImageResolve(x.vks) function ShaderModuleCreateInfo(x::_ShaderModuleCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps ShaderModuleCreateInfo(x.vks, next_types...) end function DescriptorSetLayoutBinding(x::_DescriptorSetLayoutBinding) (; deps) = x GC.@preserve deps DescriptorSetLayoutBinding(x.vks, next_types...) end function DescriptorSetLayoutCreateInfo(x::_DescriptorSetLayoutCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorSetLayoutCreateInfo(x.vks, next_types...) end DescriptorPoolSize(x::_DescriptorPoolSize) = DescriptorPoolSize(x.vks) function DescriptorPoolCreateInfo(x::_DescriptorPoolCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorPoolCreateInfo(x.vks, next_types...) end function DescriptorSetAllocateInfo(x::_DescriptorSetAllocateInfo, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorSetAllocateInfo(x.vks, next_types...) end SpecializationMapEntry(x::_SpecializationMapEntry) = SpecializationMapEntry(x.vks) function SpecializationInfo(x::_SpecializationInfo) (; deps) = x GC.@preserve deps SpecializationInfo(x.vks, next_types...) end function PipelineShaderStageCreateInfo(x::_PipelineShaderStageCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineShaderStageCreateInfo(x.vks, next_types...) end function ComputePipelineCreateInfo(x::_ComputePipelineCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps ComputePipelineCreateInfo(x.vks, next_types...) end VertexInputBindingDescription(x::_VertexInputBindingDescription) = VertexInputBindingDescription(x.vks) VertexInputAttributeDescription(x::_VertexInputAttributeDescription) = VertexInputAttributeDescription(x.vks) function PipelineVertexInputStateCreateInfo(x::_PipelineVertexInputStateCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineVertexInputStateCreateInfo(x.vks, next_types...) end function PipelineInputAssemblyStateCreateInfo(x::_PipelineInputAssemblyStateCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineInputAssemblyStateCreateInfo(x.vks, next_types...) end function PipelineTessellationStateCreateInfo(x::_PipelineTessellationStateCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineTessellationStateCreateInfo(x.vks, next_types...) end function PipelineViewportStateCreateInfo(x::_PipelineViewportStateCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineViewportStateCreateInfo(x.vks, next_types...) end function PipelineRasterizationStateCreateInfo(x::_PipelineRasterizationStateCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineRasterizationStateCreateInfo(x.vks, next_types...) end function PipelineMultisampleStateCreateInfo(x::_PipelineMultisampleStateCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineMultisampleStateCreateInfo(x.vks, next_types...) end PipelineColorBlendAttachmentState(x::_PipelineColorBlendAttachmentState) = PipelineColorBlendAttachmentState(x.vks) function PipelineColorBlendStateCreateInfo(x::_PipelineColorBlendStateCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineColorBlendStateCreateInfo(x.vks, next_types...) end function PipelineDynamicStateCreateInfo(x::_PipelineDynamicStateCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineDynamicStateCreateInfo(x.vks, next_types...) end StencilOpState(x::_StencilOpState) = StencilOpState(x.vks) function PipelineDepthStencilStateCreateInfo(x::_PipelineDepthStencilStateCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineDepthStencilStateCreateInfo(x.vks, next_types...) end function GraphicsPipelineCreateInfo(x::_GraphicsPipelineCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps GraphicsPipelineCreateInfo(x.vks, next_types...) end function PipelineCacheCreateInfo(x::_PipelineCacheCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineCacheCreateInfo(x.vks, next_types...) end PipelineCacheHeaderVersionOne(x::_PipelineCacheHeaderVersionOne) = PipelineCacheHeaderVersionOne(x.vks) PushConstantRange(x::_PushConstantRange) = PushConstantRange(x.vks) function PipelineLayoutCreateInfo(x::_PipelineLayoutCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineLayoutCreateInfo(x.vks, next_types...) end function SamplerCreateInfo(x::_SamplerCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps SamplerCreateInfo(x.vks, next_types...) end function CommandPoolCreateInfo(x::_CommandPoolCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps CommandPoolCreateInfo(x.vks, next_types...) end function CommandBufferAllocateInfo(x::_CommandBufferAllocateInfo, next_types::Type...) (; deps) = x GC.@preserve deps CommandBufferAllocateInfo(x.vks, next_types...) end function CommandBufferInheritanceInfo(x::_CommandBufferInheritanceInfo, next_types::Type...) (; deps) = x GC.@preserve deps CommandBufferInheritanceInfo(x.vks, next_types...) end function CommandBufferBeginInfo(x::_CommandBufferBeginInfo, next_types::Type...) (; deps) = x GC.@preserve deps CommandBufferBeginInfo(x.vks, next_types...) end function RenderPassBeginInfo(x::_RenderPassBeginInfo, next_types::Type...) (; deps) = x GC.@preserve deps RenderPassBeginInfo(x.vks, next_types...) end ClearDepthStencilValue(x::_ClearDepthStencilValue) = ClearDepthStencilValue(x.vks) ClearAttachment(x::_ClearAttachment) = ClearAttachment(x.vks) AttachmentDescription(x::_AttachmentDescription) = AttachmentDescription(x.vks) AttachmentReference(x::_AttachmentReference) = AttachmentReference(x.vks) function SubpassDescription(x::_SubpassDescription) (; deps) = x GC.@preserve deps SubpassDescription(x.vks, next_types...) end SubpassDependency(x::_SubpassDependency) = SubpassDependency(x.vks) function RenderPassCreateInfo(x::_RenderPassCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps RenderPassCreateInfo(x.vks, next_types...) end function EventCreateInfo(x::_EventCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps EventCreateInfo(x.vks, next_types...) end function FenceCreateInfo(x::_FenceCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps FenceCreateInfo(x.vks, next_types...) end PhysicalDeviceFeatures(x::_PhysicalDeviceFeatures) = PhysicalDeviceFeatures(x.vks) PhysicalDeviceSparseProperties(x::_PhysicalDeviceSparseProperties) = PhysicalDeviceSparseProperties(x.vks) PhysicalDeviceLimits(x::_PhysicalDeviceLimits) = PhysicalDeviceLimits(x.vks) function SemaphoreCreateInfo(x::_SemaphoreCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps SemaphoreCreateInfo(x.vks, next_types...) end function QueryPoolCreateInfo(x::_QueryPoolCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps QueryPoolCreateInfo(x.vks, next_types...) end function FramebufferCreateInfo(x::_FramebufferCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps FramebufferCreateInfo(x.vks, next_types...) end DrawIndirectCommand(x::_DrawIndirectCommand) = DrawIndirectCommand(x.vks) DrawIndexedIndirectCommand(x::_DrawIndexedIndirectCommand) = DrawIndexedIndirectCommand(x.vks) DispatchIndirectCommand(x::_DispatchIndirectCommand) = DispatchIndirectCommand(x.vks) MultiDrawInfoEXT(x::_MultiDrawInfoEXT) = MultiDrawInfoEXT(x.vks) MultiDrawIndexedInfoEXT(x::_MultiDrawIndexedInfoEXT) = MultiDrawIndexedInfoEXT(x.vks) function SubmitInfo(x::_SubmitInfo, next_types::Type...) (; deps) = x GC.@preserve deps SubmitInfo(x.vks, next_types...) end function DisplayPropertiesKHR(x::_DisplayPropertiesKHR) (; deps) = x GC.@preserve deps DisplayPropertiesKHR(x.vks, next_types...) end DisplayPlanePropertiesKHR(x::_DisplayPlanePropertiesKHR) = DisplayPlanePropertiesKHR(x.vks) DisplayModeParametersKHR(x::_DisplayModeParametersKHR) = DisplayModeParametersKHR(x.vks) DisplayModePropertiesKHR(x::_DisplayModePropertiesKHR) = DisplayModePropertiesKHR(x.vks) function DisplayModeCreateInfoKHR(x::_DisplayModeCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps DisplayModeCreateInfoKHR(x.vks, next_types...) end DisplayPlaneCapabilitiesKHR(x::_DisplayPlaneCapabilitiesKHR) = DisplayPlaneCapabilitiesKHR(x.vks) function DisplaySurfaceCreateInfoKHR(x::_DisplaySurfaceCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps DisplaySurfaceCreateInfoKHR(x.vks, next_types...) end function DisplayPresentInfoKHR(x::_DisplayPresentInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps DisplayPresentInfoKHR(x.vks, next_types...) end SurfaceCapabilitiesKHR(x::_SurfaceCapabilitiesKHR) = SurfaceCapabilitiesKHR(x.vks) function WaylandSurfaceCreateInfoKHR(x::_WaylandSurfaceCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps WaylandSurfaceCreateInfoKHR(x.vks, next_types...) end function XlibSurfaceCreateInfoKHR(x::_XlibSurfaceCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps XlibSurfaceCreateInfoKHR(x.vks, next_types...) end function XcbSurfaceCreateInfoKHR(x::_XcbSurfaceCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps XcbSurfaceCreateInfoKHR(x.vks, next_types...) end SurfaceFormatKHR(x::_SurfaceFormatKHR) = SurfaceFormatKHR(x.vks) function SwapchainCreateInfoKHR(x::_SwapchainCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps SwapchainCreateInfoKHR(x.vks, next_types...) end function PresentInfoKHR(x::_PresentInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps PresentInfoKHR(x.vks, next_types...) end function DebugReportCallbackCreateInfoEXT(x::_DebugReportCallbackCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DebugReportCallbackCreateInfoEXT(x.vks, next_types...) end function ValidationFlagsEXT(x::_ValidationFlagsEXT, next_types::Type...) (; deps) = x GC.@preserve deps ValidationFlagsEXT(x.vks, next_types...) end function ValidationFeaturesEXT(x::_ValidationFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps ValidationFeaturesEXT(x.vks, next_types...) end function PipelineRasterizationStateRasterizationOrderAMD(x::_PipelineRasterizationStateRasterizationOrderAMD, next_types::Type...) (; deps) = x GC.@preserve deps PipelineRasterizationStateRasterizationOrderAMD(x.vks, next_types...) end function DebugMarkerObjectNameInfoEXT(x::_DebugMarkerObjectNameInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DebugMarkerObjectNameInfoEXT(x.vks, next_types...) end function DebugMarkerObjectTagInfoEXT(x::_DebugMarkerObjectTagInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DebugMarkerObjectTagInfoEXT(x.vks, next_types...) end function DebugMarkerMarkerInfoEXT(x::_DebugMarkerMarkerInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DebugMarkerMarkerInfoEXT(x.vks, next_types...) end function DedicatedAllocationImageCreateInfoNV(x::_DedicatedAllocationImageCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps DedicatedAllocationImageCreateInfoNV(x.vks, next_types...) end function DedicatedAllocationBufferCreateInfoNV(x::_DedicatedAllocationBufferCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps DedicatedAllocationBufferCreateInfoNV(x.vks, next_types...) end function DedicatedAllocationMemoryAllocateInfoNV(x::_DedicatedAllocationMemoryAllocateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps DedicatedAllocationMemoryAllocateInfoNV(x.vks, next_types...) end ExternalImageFormatPropertiesNV(x::_ExternalImageFormatPropertiesNV) = ExternalImageFormatPropertiesNV(x.vks) function ExternalMemoryImageCreateInfoNV(x::_ExternalMemoryImageCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps ExternalMemoryImageCreateInfoNV(x.vks, next_types...) end function ExportMemoryAllocateInfoNV(x::_ExportMemoryAllocateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps ExportMemoryAllocateInfoNV(x.vks, next_types...) end function PhysicalDeviceDeviceGeneratedCommandsFeaturesNV(x::_PhysicalDeviceDeviceGeneratedCommandsFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDeviceGeneratedCommandsFeaturesNV(x.vks, next_types...) end function DevicePrivateDataCreateInfo(x::_DevicePrivateDataCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps DevicePrivateDataCreateInfo(x.vks, next_types...) end function PrivateDataSlotCreateInfo(x::_PrivateDataSlotCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PrivateDataSlotCreateInfo(x.vks, next_types...) end function PhysicalDevicePrivateDataFeatures(x::_PhysicalDevicePrivateDataFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePrivateDataFeatures(x.vks, next_types...) end function PhysicalDeviceDeviceGeneratedCommandsPropertiesNV(x::_PhysicalDeviceDeviceGeneratedCommandsPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDeviceGeneratedCommandsPropertiesNV(x.vks, next_types...) end function PhysicalDeviceMultiDrawPropertiesEXT(x::_PhysicalDeviceMultiDrawPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMultiDrawPropertiesEXT(x.vks, next_types...) end function GraphicsShaderGroupCreateInfoNV(x::_GraphicsShaderGroupCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps GraphicsShaderGroupCreateInfoNV(x.vks, next_types...) end function GraphicsPipelineShaderGroupsCreateInfoNV(x::_GraphicsPipelineShaderGroupsCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps GraphicsPipelineShaderGroupsCreateInfoNV(x.vks, next_types...) end BindShaderGroupIndirectCommandNV(x::_BindShaderGroupIndirectCommandNV) = BindShaderGroupIndirectCommandNV(x.vks) BindIndexBufferIndirectCommandNV(x::_BindIndexBufferIndirectCommandNV) = BindIndexBufferIndirectCommandNV(x.vks) BindVertexBufferIndirectCommandNV(x::_BindVertexBufferIndirectCommandNV) = BindVertexBufferIndirectCommandNV(x.vks) SetStateFlagsIndirectCommandNV(x::_SetStateFlagsIndirectCommandNV) = SetStateFlagsIndirectCommandNV(x.vks) IndirectCommandsStreamNV(x::_IndirectCommandsStreamNV) = IndirectCommandsStreamNV(x.vks) function IndirectCommandsLayoutTokenNV(x::_IndirectCommandsLayoutTokenNV, next_types::Type...) (; deps) = x GC.@preserve deps IndirectCommandsLayoutTokenNV(x.vks, next_types...) end function IndirectCommandsLayoutCreateInfoNV(x::_IndirectCommandsLayoutCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps IndirectCommandsLayoutCreateInfoNV(x.vks, next_types...) end function GeneratedCommandsInfoNV(x::_GeneratedCommandsInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps GeneratedCommandsInfoNV(x.vks, next_types...) end function GeneratedCommandsMemoryRequirementsInfoNV(x::_GeneratedCommandsMemoryRequirementsInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps GeneratedCommandsMemoryRequirementsInfoNV(x.vks, next_types...) end function PhysicalDeviceFeatures2(x::_PhysicalDeviceFeatures2, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFeatures2(x.vks, next_types...) end function PhysicalDeviceProperties2(x::_PhysicalDeviceProperties2, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceProperties2(x.vks, next_types...) end function FormatProperties2(x::_FormatProperties2, next_types::Type...) (; deps) = x GC.@preserve deps FormatProperties2(x.vks, next_types...) end function ImageFormatProperties2(x::_ImageFormatProperties2, next_types::Type...) (; deps) = x GC.@preserve deps ImageFormatProperties2(x.vks, next_types...) end function PhysicalDeviceImageFormatInfo2(x::_PhysicalDeviceImageFormatInfo2, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceImageFormatInfo2(x.vks, next_types...) end function QueueFamilyProperties2(x::_QueueFamilyProperties2, next_types::Type...) (; deps) = x GC.@preserve deps QueueFamilyProperties2(x.vks, next_types...) end function PhysicalDeviceMemoryProperties2(x::_PhysicalDeviceMemoryProperties2, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMemoryProperties2(x.vks, next_types...) end function SparseImageFormatProperties2(x::_SparseImageFormatProperties2, next_types::Type...) (; deps) = x GC.@preserve deps SparseImageFormatProperties2(x.vks, next_types...) end function PhysicalDeviceSparseImageFormatInfo2(x::_PhysicalDeviceSparseImageFormatInfo2, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSparseImageFormatInfo2(x.vks, next_types...) end function PhysicalDevicePushDescriptorPropertiesKHR(x::_PhysicalDevicePushDescriptorPropertiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePushDescriptorPropertiesKHR(x.vks, next_types...) end ConformanceVersion(x::_ConformanceVersion) = ConformanceVersion(x.vks) function PhysicalDeviceDriverProperties(x::_PhysicalDeviceDriverProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDriverProperties(x.vks, next_types...) end function PresentRegionsKHR(x::_PresentRegionsKHR, next_types::Type...) (; deps) = x GC.@preserve deps PresentRegionsKHR(x.vks, next_types...) end function PresentRegionKHR(x::_PresentRegionKHR) (; deps) = x GC.@preserve deps PresentRegionKHR(x.vks, next_types...) end RectLayerKHR(x::_RectLayerKHR) = RectLayerKHR(x.vks) function PhysicalDeviceVariablePointersFeatures(x::_PhysicalDeviceVariablePointersFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceVariablePointersFeatures(x.vks, next_types...) end ExternalMemoryProperties(x::_ExternalMemoryProperties) = ExternalMemoryProperties(x.vks) function PhysicalDeviceExternalImageFormatInfo(x::_PhysicalDeviceExternalImageFormatInfo, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceExternalImageFormatInfo(x.vks, next_types...) end function ExternalImageFormatProperties(x::_ExternalImageFormatProperties, next_types::Type...) (; deps) = x GC.@preserve deps ExternalImageFormatProperties(x.vks, next_types...) end function PhysicalDeviceExternalBufferInfo(x::_PhysicalDeviceExternalBufferInfo, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceExternalBufferInfo(x.vks, next_types...) end function ExternalBufferProperties(x::_ExternalBufferProperties, next_types::Type...) (; deps) = x GC.@preserve deps ExternalBufferProperties(x.vks, next_types...) end function PhysicalDeviceIDProperties(x::_PhysicalDeviceIDProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceIDProperties(x.vks, next_types...) end function ExternalMemoryImageCreateInfo(x::_ExternalMemoryImageCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps ExternalMemoryImageCreateInfo(x.vks, next_types...) end function ExternalMemoryBufferCreateInfo(x::_ExternalMemoryBufferCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps ExternalMemoryBufferCreateInfo(x.vks, next_types...) end function ExportMemoryAllocateInfo(x::_ExportMemoryAllocateInfo, next_types::Type...) (; deps) = x GC.@preserve deps ExportMemoryAllocateInfo(x.vks, next_types...) end function ImportMemoryFdInfoKHR(x::_ImportMemoryFdInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps ImportMemoryFdInfoKHR(x.vks, next_types...) end function MemoryFdPropertiesKHR(x::_MemoryFdPropertiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps MemoryFdPropertiesKHR(x.vks, next_types...) end function MemoryGetFdInfoKHR(x::_MemoryGetFdInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps MemoryGetFdInfoKHR(x.vks, next_types...) end function PhysicalDeviceExternalSemaphoreInfo(x::_PhysicalDeviceExternalSemaphoreInfo, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceExternalSemaphoreInfo(x.vks, next_types...) end function ExternalSemaphoreProperties(x::_ExternalSemaphoreProperties, next_types::Type...) (; deps) = x GC.@preserve deps ExternalSemaphoreProperties(x.vks, next_types...) end function ExportSemaphoreCreateInfo(x::_ExportSemaphoreCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps ExportSemaphoreCreateInfo(x.vks, next_types...) end function ImportSemaphoreFdInfoKHR(x::_ImportSemaphoreFdInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps ImportSemaphoreFdInfoKHR(x.vks, next_types...) end function SemaphoreGetFdInfoKHR(x::_SemaphoreGetFdInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps SemaphoreGetFdInfoKHR(x.vks, next_types...) end function PhysicalDeviceExternalFenceInfo(x::_PhysicalDeviceExternalFenceInfo, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceExternalFenceInfo(x.vks, next_types...) end function ExternalFenceProperties(x::_ExternalFenceProperties, next_types::Type...) (; deps) = x GC.@preserve deps ExternalFenceProperties(x.vks, next_types...) end function ExportFenceCreateInfo(x::_ExportFenceCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps ExportFenceCreateInfo(x.vks, next_types...) end function ImportFenceFdInfoKHR(x::_ImportFenceFdInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps ImportFenceFdInfoKHR(x.vks, next_types...) end function FenceGetFdInfoKHR(x::_FenceGetFdInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps FenceGetFdInfoKHR(x.vks, next_types...) end function PhysicalDeviceMultiviewFeatures(x::_PhysicalDeviceMultiviewFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMultiviewFeatures(x.vks, next_types...) end function PhysicalDeviceMultiviewProperties(x::_PhysicalDeviceMultiviewProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMultiviewProperties(x.vks, next_types...) end function RenderPassMultiviewCreateInfo(x::_RenderPassMultiviewCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps RenderPassMultiviewCreateInfo(x.vks, next_types...) end function SurfaceCapabilities2EXT(x::_SurfaceCapabilities2EXT, next_types::Type...) (; deps) = x GC.@preserve deps SurfaceCapabilities2EXT(x.vks, next_types...) end function DisplayPowerInfoEXT(x::_DisplayPowerInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DisplayPowerInfoEXT(x.vks, next_types...) end function DeviceEventInfoEXT(x::_DeviceEventInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DeviceEventInfoEXT(x.vks, next_types...) end function DisplayEventInfoEXT(x::_DisplayEventInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DisplayEventInfoEXT(x.vks, next_types...) end function SwapchainCounterCreateInfoEXT(x::_SwapchainCounterCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps SwapchainCounterCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceGroupProperties(x::_PhysicalDeviceGroupProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceGroupProperties(x.vks, next_types...) end function MemoryAllocateFlagsInfo(x::_MemoryAllocateFlagsInfo, next_types::Type...) (; deps) = x GC.@preserve deps MemoryAllocateFlagsInfo(x.vks, next_types...) end function BindBufferMemoryInfo(x::_BindBufferMemoryInfo, next_types::Type...) (; deps) = x GC.@preserve deps BindBufferMemoryInfo(x.vks, next_types...) end function BindBufferMemoryDeviceGroupInfo(x::_BindBufferMemoryDeviceGroupInfo, next_types::Type...) (; deps) = x GC.@preserve deps BindBufferMemoryDeviceGroupInfo(x.vks, next_types...) end function BindImageMemoryInfo(x::_BindImageMemoryInfo, next_types::Type...) (; deps) = x GC.@preserve deps BindImageMemoryInfo(x.vks, next_types...) end function BindImageMemoryDeviceGroupInfo(x::_BindImageMemoryDeviceGroupInfo, next_types::Type...) (; deps) = x GC.@preserve deps BindImageMemoryDeviceGroupInfo(x.vks, next_types...) end function DeviceGroupRenderPassBeginInfo(x::_DeviceGroupRenderPassBeginInfo, next_types::Type...) (; deps) = x GC.@preserve deps DeviceGroupRenderPassBeginInfo(x.vks, next_types...) end function DeviceGroupCommandBufferBeginInfo(x::_DeviceGroupCommandBufferBeginInfo, next_types::Type...) (; deps) = x GC.@preserve deps DeviceGroupCommandBufferBeginInfo(x.vks, next_types...) end function DeviceGroupSubmitInfo(x::_DeviceGroupSubmitInfo, next_types::Type...) (; deps) = x GC.@preserve deps DeviceGroupSubmitInfo(x.vks, next_types...) end function DeviceGroupBindSparseInfo(x::_DeviceGroupBindSparseInfo, next_types::Type...) (; deps) = x GC.@preserve deps DeviceGroupBindSparseInfo(x.vks, next_types...) end function DeviceGroupPresentCapabilitiesKHR(x::_DeviceGroupPresentCapabilitiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps DeviceGroupPresentCapabilitiesKHR(x.vks, next_types...) end function ImageSwapchainCreateInfoKHR(x::_ImageSwapchainCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps ImageSwapchainCreateInfoKHR(x.vks, next_types...) end function BindImageMemorySwapchainInfoKHR(x::_BindImageMemorySwapchainInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps BindImageMemorySwapchainInfoKHR(x.vks, next_types...) end function AcquireNextImageInfoKHR(x::_AcquireNextImageInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps AcquireNextImageInfoKHR(x.vks, next_types...) end function DeviceGroupPresentInfoKHR(x::_DeviceGroupPresentInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps DeviceGroupPresentInfoKHR(x.vks, next_types...) end function DeviceGroupDeviceCreateInfo(x::_DeviceGroupDeviceCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps DeviceGroupDeviceCreateInfo(x.vks, next_types...) end function DeviceGroupSwapchainCreateInfoKHR(x::_DeviceGroupSwapchainCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps DeviceGroupSwapchainCreateInfoKHR(x.vks, next_types...) end DescriptorUpdateTemplateEntry(x::_DescriptorUpdateTemplateEntry) = DescriptorUpdateTemplateEntry(x.vks) function DescriptorUpdateTemplateCreateInfo(x::_DescriptorUpdateTemplateCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorUpdateTemplateCreateInfo(x.vks, next_types...) end XYColorEXT(x::_XYColorEXT) = XYColorEXT(x.vks) function PhysicalDevicePresentIdFeaturesKHR(x::_PhysicalDevicePresentIdFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePresentIdFeaturesKHR(x.vks, next_types...) end function PresentIdKHR(x::_PresentIdKHR, next_types::Type...) (; deps) = x GC.@preserve deps PresentIdKHR(x.vks, next_types...) end function PhysicalDevicePresentWaitFeaturesKHR(x::_PhysicalDevicePresentWaitFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePresentWaitFeaturesKHR(x.vks, next_types...) end function HdrMetadataEXT(x::_HdrMetadataEXT, next_types::Type...) (; deps) = x GC.@preserve deps HdrMetadataEXT(x.vks, next_types...) end function DisplayNativeHdrSurfaceCapabilitiesAMD(x::_DisplayNativeHdrSurfaceCapabilitiesAMD, next_types::Type...) (; deps) = x GC.@preserve deps DisplayNativeHdrSurfaceCapabilitiesAMD(x.vks, next_types...) end function SwapchainDisplayNativeHdrCreateInfoAMD(x::_SwapchainDisplayNativeHdrCreateInfoAMD, next_types::Type...) (; deps) = x GC.@preserve deps SwapchainDisplayNativeHdrCreateInfoAMD(x.vks, next_types...) end RefreshCycleDurationGOOGLE(x::_RefreshCycleDurationGOOGLE) = RefreshCycleDurationGOOGLE(x.vks) PastPresentationTimingGOOGLE(x::_PastPresentationTimingGOOGLE) = PastPresentationTimingGOOGLE(x.vks) function PresentTimesInfoGOOGLE(x::_PresentTimesInfoGOOGLE, next_types::Type...) (; deps) = x GC.@preserve deps PresentTimesInfoGOOGLE(x.vks, next_types...) end PresentTimeGOOGLE(x::_PresentTimeGOOGLE) = PresentTimeGOOGLE(x.vks) ViewportWScalingNV(x::_ViewportWScalingNV) = ViewportWScalingNV(x.vks) function PipelineViewportWScalingStateCreateInfoNV(x::_PipelineViewportWScalingStateCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps PipelineViewportWScalingStateCreateInfoNV(x.vks, next_types...) end ViewportSwizzleNV(x::_ViewportSwizzleNV) = ViewportSwizzleNV(x.vks) function PipelineViewportSwizzleStateCreateInfoNV(x::_PipelineViewportSwizzleStateCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps PipelineViewportSwizzleStateCreateInfoNV(x.vks, next_types...) end function PhysicalDeviceDiscardRectanglePropertiesEXT(x::_PhysicalDeviceDiscardRectanglePropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDiscardRectanglePropertiesEXT(x.vks, next_types...) end function PipelineDiscardRectangleStateCreateInfoEXT(x::_PipelineDiscardRectangleStateCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineDiscardRectangleStateCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX(x::_PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX(x.vks, next_types...) end InputAttachmentAspectReference(x::_InputAttachmentAspectReference) = InputAttachmentAspectReference(x.vks) function RenderPassInputAttachmentAspectCreateInfo(x::_RenderPassInputAttachmentAspectCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps RenderPassInputAttachmentAspectCreateInfo(x.vks, next_types...) end function PhysicalDeviceSurfaceInfo2KHR(x::_PhysicalDeviceSurfaceInfo2KHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSurfaceInfo2KHR(x.vks, next_types...) end function SurfaceCapabilities2KHR(x::_SurfaceCapabilities2KHR, next_types::Type...) (; deps) = x GC.@preserve deps SurfaceCapabilities2KHR(x.vks, next_types...) end function SurfaceFormat2KHR(x::_SurfaceFormat2KHR, next_types::Type...) (; deps) = x GC.@preserve deps SurfaceFormat2KHR(x.vks, next_types...) end function DisplayProperties2KHR(x::_DisplayProperties2KHR, next_types::Type...) (; deps) = x GC.@preserve deps DisplayProperties2KHR(x.vks, next_types...) end function DisplayPlaneProperties2KHR(x::_DisplayPlaneProperties2KHR, next_types::Type...) (; deps) = x GC.@preserve deps DisplayPlaneProperties2KHR(x.vks, next_types...) end function DisplayModeProperties2KHR(x::_DisplayModeProperties2KHR, next_types::Type...) (; deps) = x GC.@preserve deps DisplayModeProperties2KHR(x.vks, next_types...) end function DisplayPlaneInfo2KHR(x::_DisplayPlaneInfo2KHR, next_types::Type...) (; deps) = x GC.@preserve deps DisplayPlaneInfo2KHR(x.vks, next_types...) end function DisplayPlaneCapabilities2KHR(x::_DisplayPlaneCapabilities2KHR, next_types::Type...) (; deps) = x GC.@preserve deps DisplayPlaneCapabilities2KHR(x.vks, next_types...) end function SharedPresentSurfaceCapabilitiesKHR(x::_SharedPresentSurfaceCapabilitiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps SharedPresentSurfaceCapabilitiesKHR(x.vks, next_types...) end function PhysicalDevice16BitStorageFeatures(x::_PhysicalDevice16BitStorageFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevice16BitStorageFeatures(x.vks, next_types...) end function PhysicalDeviceSubgroupProperties(x::_PhysicalDeviceSubgroupProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSubgroupProperties(x.vks, next_types...) end function PhysicalDeviceShaderSubgroupExtendedTypesFeatures(x::_PhysicalDeviceShaderSubgroupExtendedTypesFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderSubgroupExtendedTypesFeatures(x.vks, next_types...) end function BufferMemoryRequirementsInfo2(x::_BufferMemoryRequirementsInfo2, next_types::Type...) (; deps) = x GC.@preserve deps BufferMemoryRequirementsInfo2(x.vks, next_types...) end function DeviceBufferMemoryRequirements(x::_DeviceBufferMemoryRequirements, next_types::Type...) (; deps) = x GC.@preserve deps DeviceBufferMemoryRequirements(x.vks, next_types...) end function ImageMemoryRequirementsInfo2(x::_ImageMemoryRequirementsInfo2, next_types::Type...) (; deps) = x GC.@preserve deps ImageMemoryRequirementsInfo2(x.vks, next_types...) end function ImageSparseMemoryRequirementsInfo2(x::_ImageSparseMemoryRequirementsInfo2, next_types::Type...) (; deps) = x GC.@preserve deps ImageSparseMemoryRequirementsInfo2(x.vks, next_types...) end function DeviceImageMemoryRequirements(x::_DeviceImageMemoryRequirements, next_types::Type...) (; deps) = x GC.@preserve deps DeviceImageMemoryRequirements(x.vks, next_types...) end function MemoryRequirements2(x::_MemoryRequirements2, next_types::Type...) (; deps) = x GC.@preserve deps MemoryRequirements2(x.vks, next_types...) end function SparseImageMemoryRequirements2(x::_SparseImageMemoryRequirements2, next_types::Type...) (; deps) = x GC.@preserve deps SparseImageMemoryRequirements2(x.vks, next_types...) end function PhysicalDevicePointClippingProperties(x::_PhysicalDevicePointClippingProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePointClippingProperties(x.vks, next_types...) end function MemoryDedicatedRequirements(x::_MemoryDedicatedRequirements, next_types::Type...) (; deps) = x GC.@preserve deps MemoryDedicatedRequirements(x.vks, next_types...) end function MemoryDedicatedAllocateInfo(x::_MemoryDedicatedAllocateInfo, next_types::Type...) (; deps) = x GC.@preserve deps MemoryDedicatedAllocateInfo(x.vks, next_types...) end function ImageViewUsageCreateInfo(x::_ImageViewUsageCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps ImageViewUsageCreateInfo(x.vks, next_types...) end function PipelineTessellationDomainOriginStateCreateInfo(x::_PipelineTessellationDomainOriginStateCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineTessellationDomainOriginStateCreateInfo(x.vks, next_types...) end function SamplerYcbcrConversionInfo(x::_SamplerYcbcrConversionInfo, next_types::Type...) (; deps) = x GC.@preserve deps SamplerYcbcrConversionInfo(x.vks, next_types...) end function SamplerYcbcrConversionCreateInfo(x::_SamplerYcbcrConversionCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps SamplerYcbcrConversionCreateInfo(x.vks, next_types...) end function BindImagePlaneMemoryInfo(x::_BindImagePlaneMemoryInfo, next_types::Type...) (; deps) = x GC.@preserve deps BindImagePlaneMemoryInfo(x.vks, next_types...) end function ImagePlaneMemoryRequirementsInfo(x::_ImagePlaneMemoryRequirementsInfo, next_types::Type...) (; deps) = x GC.@preserve deps ImagePlaneMemoryRequirementsInfo(x.vks, next_types...) end function PhysicalDeviceSamplerYcbcrConversionFeatures(x::_PhysicalDeviceSamplerYcbcrConversionFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSamplerYcbcrConversionFeatures(x.vks, next_types...) end function SamplerYcbcrConversionImageFormatProperties(x::_SamplerYcbcrConversionImageFormatProperties, next_types::Type...) (; deps) = x GC.@preserve deps SamplerYcbcrConversionImageFormatProperties(x.vks, next_types...) end function TextureLODGatherFormatPropertiesAMD(x::_TextureLODGatherFormatPropertiesAMD, next_types::Type...) (; deps) = x GC.@preserve deps TextureLODGatherFormatPropertiesAMD(x.vks, next_types...) end function ConditionalRenderingBeginInfoEXT(x::_ConditionalRenderingBeginInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ConditionalRenderingBeginInfoEXT(x.vks, next_types...) end function ProtectedSubmitInfo(x::_ProtectedSubmitInfo, next_types::Type...) (; deps) = x GC.@preserve deps ProtectedSubmitInfo(x.vks, next_types...) end function PhysicalDeviceProtectedMemoryFeatures(x::_PhysicalDeviceProtectedMemoryFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceProtectedMemoryFeatures(x.vks, next_types...) end function PhysicalDeviceProtectedMemoryProperties(x::_PhysicalDeviceProtectedMemoryProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceProtectedMemoryProperties(x.vks, next_types...) end function DeviceQueueInfo2(x::_DeviceQueueInfo2, next_types::Type...) (; deps) = x GC.@preserve deps DeviceQueueInfo2(x.vks, next_types...) end function PipelineCoverageToColorStateCreateInfoNV(x::_PipelineCoverageToColorStateCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps PipelineCoverageToColorStateCreateInfoNV(x.vks, next_types...) end function PhysicalDeviceSamplerFilterMinmaxProperties(x::_PhysicalDeviceSamplerFilterMinmaxProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSamplerFilterMinmaxProperties(x.vks, next_types...) end SampleLocationEXT(x::_SampleLocationEXT) = SampleLocationEXT(x.vks) function SampleLocationsInfoEXT(x::_SampleLocationsInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps SampleLocationsInfoEXT(x.vks, next_types...) end AttachmentSampleLocationsEXT(x::_AttachmentSampleLocationsEXT) = AttachmentSampleLocationsEXT(x.vks) SubpassSampleLocationsEXT(x::_SubpassSampleLocationsEXT) = SubpassSampleLocationsEXT(x.vks) function RenderPassSampleLocationsBeginInfoEXT(x::_RenderPassSampleLocationsBeginInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps RenderPassSampleLocationsBeginInfoEXT(x.vks, next_types...) end function PipelineSampleLocationsStateCreateInfoEXT(x::_PipelineSampleLocationsStateCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineSampleLocationsStateCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceSampleLocationsPropertiesEXT(x::_PhysicalDeviceSampleLocationsPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSampleLocationsPropertiesEXT(x.vks, next_types...) end function MultisamplePropertiesEXT(x::_MultisamplePropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps MultisamplePropertiesEXT(x.vks, next_types...) end function SamplerReductionModeCreateInfo(x::_SamplerReductionModeCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps SamplerReductionModeCreateInfo(x.vks, next_types...) end function PhysicalDeviceBlendOperationAdvancedFeaturesEXT(x::_PhysicalDeviceBlendOperationAdvancedFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceBlendOperationAdvancedFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceMultiDrawFeaturesEXT(x::_PhysicalDeviceMultiDrawFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMultiDrawFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceBlendOperationAdvancedPropertiesEXT(x::_PhysicalDeviceBlendOperationAdvancedPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceBlendOperationAdvancedPropertiesEXT(x.vks, next_types...) end function PipelineColorBlendAdvancedStateCreateInfoEXT(x::_PipelineColorBlendAdvancedStateCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineColorBlendAdvancedStateCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceInlineUniformBlockFeatures(x::_PhysicalDeviceInlineUniformBlockFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceInlineUniformBlockFeatures(x.vks, next_types...) end function PhysicalDeviceInlineUniformBlockProperties(x::_PhysicalDeviceInlineUniformBlockProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceInlineUniformBlockProperties(x.vks, next_types...) end function WriteDescriptorSetInlineUniformBlock(x::_WriteDescriptorSetInlineUniformBlock, next_types::Type...) (; deps) = x GC.@preserve deps WriteDescriptorSetInlineUniformBlock(x.vks, next_types...) end function DescriptorPoolInlineUniformBlockCreateInfo(x::_DescriptorPoolInlineUniformBlockCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorPoolInlineUniformBlockCreateInfo(x.vks, next_types...) end function PipelineCoverageModulationStateCreateInfoNV(x::_PipelineCoverageModulationStateCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps PipelineCoverageModulationStateCreateInfoNV(x.vks, next_types...) end function ImageFormatListCreateInfo(x::_ImageFormatListCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps ImageFormatListCreateInfo(x.vks, next_types...) end function ValidationCacheCreateInfoEXT(x::_ValidationCacheCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ValidationCacheCreateInfoEXT(x.vks, next_types...) end function ShaderModuleValidationCacheCreateInfoEXT(x::_ShaderModuleValidationCacheCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ShaderModuleValidationCacheCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceMaintenance3Properties(x::_PhysicalDeviceMaintenance3Properties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMaintenance3Properties(x.vks, next_types...) end function PhysicalDeviceMaintenance4Features(x::_PhysicalDeviceMaintenance4Features, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMaintenance4Features(x.vks, next_types...) end function PhysicalDeviceMaintenance4Properties(x::_PhysicalDeviceMaintenance4Properties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMaintenance4Properties(x.vks, next_types...) end function DescriptorSetLayoutSupport(x::_DescriptorSetLayoutSupport, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorSetLayoutSupport(x.vks, next_types...) end function PhysicalDeviceShaderDrawParametersFeatures(x::_PhysicalDeviceShaderDrawParametersFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderDrawParametersFeatures(x.vks, next_types...) end function PhysicalDeviceShaderFloat16Int8Features(x::_PhysicalDeviceShaderFloat16Int8Features, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderFloat16Int8Features(x.vks, next_types...) end function PhysicalDeviceFloatControlsProperties(x::_PhysicalDeviceFloatControlsProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFloatControlsProperties(x.vks, next_types...) end function PhysicalDeviceHostQueryResetFeatures(x::_PhysicalDeviceHostQueryResetFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceHostQueryResetFeatures(x.vks, next_types...) end ShaderResourceUsageAMD(x::_ShaderResourceUsageAMD) = ShaderResourceUsageAMD(x.vks) ShaderStatisticsInfoAMD(x::_ShaderStatisticsInfoAMD) = ShaderStatisticsInfoAMD(x.vks) function DeviceQueueGlobalPriorityCreateInfoKHR(x::_DeviceQueueGlobalPriorityCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps DeviceQueueGlobalPriorityCreateInfoKHR(x.vks, next_types...) end function PhysicalDeviceGlobalPriorityQueryFeaturesKHR(x::_PhysicalDeviceGlobalPriorityQueryFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceGlobalPriorityQueryFeaturesKHR(x.vks, next_types...) end function QueueFamilyGlobalPriorityPropertiesKHR(x::_QueueFamilyGlobalPriorityPropertiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps QueueFamilyGlobalPriorityPropertiesKHR(x.vks, next_types...) end function DebugUtilsObjectNameInfoEXT(x::_DebugUtilsObjectNameInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DebugUtilsObjectNameInfoEXT(x.vks, next_types...) end function DebugUtilsObjectTagInfoEXT(x::_DebugUtilsObjectTagInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DebugUtilsObjectTagInfoEXT(x.vks, next_types...) end function DebugUtilsLabelEXT(x::_DebugUtilsLabelEXT, next_types::Type...) (; deps) = x GC.@preserve deps DebugUtilsLabelEXT(x.vks, next_types...) end function DebugUtilsMessengerCreateInfoEXT(x::_DebugUtilsMessengerCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DebugUtilsMessengerCreateInfoEXT(x.vks, next_types...) end function DebugUtilsMessengerCallbackDataEXT(x::_DebugUtilsMessengerCallbackDataEXT, next_types::Type...) (; deps) = x GC.@preserve deps DebugUtilsMessengerCallbackDataEXT(x.vks, next_types...) end function PhysicalDeviceDeviceMemoryReportFeaturesEXT(x::_PhysicalDeviceDeviceMemoryReportFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDeviceMemoryReportFeaturesEXT(x.vks, next_types...) end function DeviceDeviceMemoryReportCreateInfoEXT(x::_DeviceDeviceMemoryReportCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DeviceDeviceMemoryReportCreateInfoEXT(x.vks, next_types...) end function DeviceMemoryReportCallbackDataEXT(x::_DeviceMemoryReportCallbackDataEXT, next_types::Type...) (; deps) = x GC.@preserve deps DeviceMemoryReportCallbackDataEXT(x.vks, next_types...) end function ImportMemoryHostPointerInfoEXT(x::_ImportMemoryHostPointerInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ImportMemoryHostPointerInfoEXT(x.vks, next_types...) end function MemoryHostPointerPropertiesEXT(x::_MemoryHostPointerPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps MemoryHostPointerPropertiesEXT(x.vks, next_types...) end function PhysicalDeviceExternalMemoryHostPropertiesEXT(x::_PhysicalDeviceExternalMemoryHostPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceExternalMemoryHostPropertiesEXT(x.vks, next_types...) end function PhysicalDeviceConservativeRasterizationPropertiesEXT(x::_PhysicalDeviceConservativeRasterizationPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceConservativeRasterizationPropertiesEXT(x.vks, next_types...) end function CalibratedTimestampInfoEXT(x::_CalibratedTimestampInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps CalibratedTimestampInfoEXT(x.vks, next_types...) end function PhysicalDeviceShaderCorePropertiesAMD(x::_PhysicalDeviceShaderCorePropertiesAMD, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderCorePropertiesAMD(x.vks, next_types...) end function PhysicalDeviceShaderCoreProperties2AMD(x::_PhysicalDeviceShaderCoreProperties2AMD, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderCoreProperties2AMD(x.vks, next_types...) end function PipelineRasterizationConservativeStateCreateInfoEXT(x::_PipelineRasterizationConservativeStateCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineRasterizationConservativeStateCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceDescriptorIndexingFeatures(x::_PhysicalDeviceDescriptorIndexingFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDescriptorIndexingFeatures(x.vks, next_types...) end function PhysicalDeviceDescriptorIndexingProperties(x::_PhysicalDeviceDescriptorIndexingProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDescriptorIndexingProperties(x.vks, next_types...) end function DescriptorSetLayoutBindingFlagsCreateInfo(x::_DescriptorSetLayoutBindingFlagsCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorSetLayoutBindingFlagsCreateInfo(x.vks, next_types...) end function DescriptorSetVariableDescriptorCountAllocateInfo(x::_DescriptorSetVariableDescriptorCountAllocateInfo, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorSetVariableDescriptorCountAllocateInfo(x.vks, next_types...) end function DescriptorSetVariableDescriptorCountLayoutSupport(x::_DescriptorSetVariableDescriptorCountLayoutSupport, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorSetVariableDescriptorCountLayoutSupport(x.vks, next_types...) end function AttachmentDescription2(x::_AttachmentDescription2, next_types::Type...) (; deps) = x GC.@preserve deps AttachmentDescription2(x.vks, next_types...) end function AttachmentReference2(x::_AttachmentReference2, next_types::Type...) (; deps) = x GC.@preserve deps AttachmentReference2(x.vks, next_types...) end function SubpassDescription2(x::_SubpassDescription2, next_types::Type...) (; deps) = x GC.@preserve deps SubpassDescription2(x.vks, next_types...) end function SubpassDependency2(x::_SubpassDependency2, next_types::Type...) (; deps) = x GC.@preserve deps SubpassDependency2(x.vks, next_types...) end function RenderPassCreateInfo2(x::_RenderPassCreateInfo2, next_types::Type...) (; deps) = x GC.@preserve deps RenderPassCreateInfo2(x.vks, next_types...) end function SubpassBeginInfo(x::_SubpassBeginInfo, next_types::Type...) (; deps) = x GC.@preserve deps SubpassBeginInfo(x.vks, next_types...) end function SubpassEndInfo(x::_SubpassEndInfo, next_types::Type...) (; deps) = x GC.@preserve deps SubpassEndInfo(x.vks, next_types...) end function PhysicalDeviceTimelineSemaphoreFeatures(x::_PhysicalDeviceTimelineSemaphoreFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceTimelineSemaphoreFeatures(x.vks, next_types...) end function PhysicalDeviceTimelineSemaphoreProperties(x::_PhysicalDeviceTimelineSemaphoreProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceTimelineSemaphoreProperties(x.vks, next_types...) end function SemaphoreTypeCreateInfo(x::_SemaphoreTypeCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps SemaphoreTypeCreateInfo(x.vks, next_types...) end function TimelineSemaphoreSubmitInfo(x::_TimelineSemaphoreSubmitInfo, next_types::Type...) (; deps) = x GC.@preserve deps TimelineSemaphoreSubmitInfo(x.vks, next_types...) end function SemaphoreWaitInfo(x::_SemaphoreWaitInfo, next_types::Type...) (; deps) = x GC.@preserve deps SemaphoreWaitInfo(x.vks, next_types...) end function SemaphoreSignalInfo(x::_SemaphoreSignalInfo, next_types::Type...) (; deps) = x GC.@preserve deps SemaphoreSignalInfo(x.vks, next_types...) end VertexInputBindingDivisorDescriptionEXT(x::_VertexInputBindingDivisorDescriptionEXT) = VertexInputBindingDivisorDescriptionEXT(x.vks) function PipelineVertexInputDivisorStateCreateInfoEXT(x::_PipelineVertexInputDivisorStateCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineVertexInputDivisorStateCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceVertexAttributeDivisorPropertiesEXT(x::_PhysicalDeviceVertexAttributeDivisorPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceVertexAttributeDivisorPropertiesEXT(x.vks, next_types...) end function PhysicalDevicePCIBusInfoPropertiesEXT(x::_PhysicalDevicePCIBusInfoPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePCIBusInfoPropertiesEXT(x.vks, next_types...) end function CommandBufferInheritanceConditionalRenderingInfoEXT(x::_CommandBufferInheritanceConditionalRenderingInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps CommandBufferInheritanceConditionalRenderingInfoEXT(x.vks, next_types...) end function PhysicalDevice8BitStorageFeatures(x::_PhysicalDevice8BitStorageFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevice8BitStorageFeatures(x.vks, next_types...) end function PhysicalDeviceConditionalRenderingFeaturesEXT(x::_PhysicalDeviceConditionalRenderingFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceConditionalRenderingFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceVulkanMemoryModelFeatures(x::_PhysicalDeviceVulkanMemoryModelFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceVulkanMemoryModelFeatures(x.vks, next_types...) end function PhysicalDeviceShaderAtomicInt64Features(x::_PhysicalDeviceShaderAtomicInt64Features, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderAtomicInt64Features(x.vks, next_types...) end function PhysicalDeviceShaderAtomicFloatFeaturesEXT(x::_PhysicalDeviceShaderAtomicFloatFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderAtomicFloatFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceShaderAtomicFloat2FeaturesEXT(x::_PhysicalDeviceShaderAtomicFloat2FeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderAtomicFloat2FeaturesEXT(x.vks, next_types...) end function PhysicalDeviceVertexAttributeDivisorFeaturesEXT(x::_PhysicalDeviceVertexAttributeDivisorFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceVertexAttributeDivisorFeaturesEXT(x.vks, next_types...) end function QueueFamilyCheckpointPropertiesNV(x::_QueueFamilyCheckpointPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps QueueFamilyCheckpointPropertiesNV(x.vks, next_types...) end function CheckpointDataNV(x::_CheckpointDataNV, next_types::Type...) (; deps) = x GC.@preserve deps CheckpointDataNV(x.vks, next_types...) end function PhysicalDeviceDepthStencilResolveProperties(x::_PhysicalDeviceDepthStencilResolveProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDepthStencilResolveProperties(x.vks, next_types...) end function SubpassDescriptionDepthStencilResolve(x::_SubpassDescriptionDepthStencilResolve, next_types::Type...) (; deps) = x GC.@preserve deps SubpassDescriptionDepthStencilResolve(x.vks, next_types...) end function ImageViewASTCDecodeModeEXT(x::_ImageViewASTCDecodeModeEXT, next_types::Type...) (; deps) = x GC.@preserve deps ImageViewASTCDecodeModeEXT(x.vks, next_types...) end function PhysicalDeviceASTCDecodeFeaturesEXT(x::_PhysicalDeviceASTCDecodeFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceASTCDecodeFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceTransformFeedbackFeaturesEXT(x::_PhysicalDeviceTransformFeedbackFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceTransformFeedbackFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceTransformFeedbackPropertiesEXT(x::_PhysicalDeviceTransformFeedbackPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceTransformFeedbackPropertiesEXT(x.vks, next_types...) end function PipelineRasterizationStateStreamCreateInfoEXT(x::_PipelineRasterizationStateStreamCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineRasterizationStateStreamCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceRepresentativeFragmentTestFeaturesNV(x::_PhysicalDeviceRepresentativeFragmentTestFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRepresentativeFragmentTestFeaturesNV(x.vks, next_types...) end function PipelineRepresentativeFragmentTestStateCreateInfoNV(x::_PipelineRepresentativeFragmentTestStateCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps PipelineRepresentativeFragmentTestStateCreateInfoNV(x.vks, next_types...) end function PhysicalDeviceExclusiveScissorFeaturesNV(x::_PhysicalDeviceExclusiveScissorFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceExclusiveScissorFeaturesNV(x.vks, next_types...) end function PipelineViewportExclusiveScissorStateCreateInfoNV(x::_PipelineViewportExclusiveScissorStateCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps PipelineViewportExclusiveScissorStateCreateInfoNV(x.vks, next_types...) end function PhysicalDeviceCornerSampledImageFeaturesNV(x::_PhysicalDeviceCornerSampledImageFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceCornerSampledImageFeaturesNV(x.vks, next_types...) end function PhysicalDeviceComputeShaderDerivativesFeaturesNV(x::_PhysicalDeviceComputeShaderDerivativesFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceComputeShaderDerivativesFeaturesNV(x.vks, next_types...) end function PhysicalDeviceShaderImageFootprintFeaturesNV(x::_PhysicalDeviceShaderImageFootprintFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderImageFootprintFeaturesNV(x.vks, next_types...) end function PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV(x::_PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV(x.vks, next_types...) end function PhysicalDeviceCopyMemoryIndirectFeaturesNV(x::_PhysicalDeviceCopyMemoryIndirectFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceCopyMemoryIndirectFeaturesNV(x.vks, next_types...) end function PhysicalDeviceCopyMemoryIndirectPropertiesNV(x::_PhysicalDeviceCopyMemoryIndirectPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceCopyMemoryIndirectPropertiesNV(x.vks, next_types...) end function PhysicalDeviceMemoryDecompressionFeaturesNV(x::_PhysicalDeviceMemoryDecompressionFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMemoryDecompressionFeaturesNV(x.vks, next_types...) end function PhysicalDeviceMemoryDecompressionPropertiesNV(x::_PhysicalDeviceMemoryDecompressionPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMemoryDecompressionPropertiesNV(x.vks, next_types...) end function ShadingRatePaletteNV(x::_ShadingRatePaletteNV) (; deps) = x GC.@preserve deps ShadingRatePaletteNV(x.vks, next_types...) end function PipelineViewportShadingRateImageStateCreateInfoNV(x::_PipelineViewportShadingRateImageStateCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps PipelineViewportShadingRateImageStateCreateInfoNV(x.vks, next_types...) end function PhysicalDeviceShadingRateImageFeaturesNV(x::_PhysicalDeviceShadingRateImageFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShadingRateImageFeaturesNV(x.vks, next_types...) end function PhysicalDeviceShadingRateImagePropertiesNV(x::_PhysicalDeviceShadingRateImagePropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShadingRateImagePropertiesNV(x.vks, next_types...) end function PhysicalDeviceInvocationMaskFeaturesHUAWEI(x::_PhysicalDeviceInvocationMaskFeaturesHUAWEI, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceInvocationMaskFeaturesHUAWEI(x.vks, next_types...) end CoarseSampleLocationNV(x::_CoarseSampleLocationNV) = CoarseSampleLocationNV(x.vks) function CoarseSampleOrderCustomNV(x::_CoarseSampleOrderCustomNV) (; deps) = x GC.@preserve deps CoarseSampleOrderCustomNV(x.vks, next_types...) end function PipelineViewportCoarseSampleOrderStateCreateInfoNV(x::_PipelineViewportCoarseSampleOrderStateCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps PipelineViewportCoarseSampleOrderStateCreateInfoNV(x.vks, next_types...) end function PhysicalDeviceMeshShaderFeaturesNV(x::_PhysicalDeviceMeshShaderFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMeshShaderFeaturesNV(x.vks, next_types...) end function PhysicalDeviceMeshShaderPropertiesNV(x::_PhysicalDeviceMeshShaderPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMeshShaderPropertiesNV(x.vks, next_types...) end DrawMeshTasksIndirectCommandNV(x::_DrawMeshTasksIndirectCommandNV) = DrawMeshTasksIndirectCommandNV(x.vks) function PhysicalDeviceMeshShaderFeaturesEXT(x::_PhysicalDeviceMeshShaderFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMeshShaderFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceMeshShaderPropertiesEXT(x::_PhysicalDeviceMeshShaderPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMeshShaderPropertiesEXT(x.vks, next_types...) end DrawMeshTasksIndirectCommandEXT(x::_DrawMeshTasksIndirectCommandEXT) = DrawMeshTasksIndirectCommandEXT(x.vks) function RayTracingShaderGroupCreateInfoNV(x::_RayTracingShaderGroupCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps RayTracingShaderGroupCreateInfoNV(x.vks, next_types...) end function RayTracingShaderGroupCreateInfoKHR(x::_RayTracingShaderGroupCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps RayTracingShaderGroupCreateInfoKHR(x.vks, next_types...) end function RayTracingPipelineCreateInfoNV(x::_RayTracingPipelineCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps RayTracingPipelineCreateInfoNV(x.vks, next_types...) end function RayTracingPipelineCreateInfoKHR(x::_RayTracingPipelineCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps RayTracingPipelineCreateInfoKHR(x.vks, next_types...) end function GeometryTrianglesNV(x::_GeometryTrianglesNV, next_types::Type...) (; deps) = x GC.@preserve deps GeometryTrianglesNV(x.vks, next_types...) end function GeometryAABBNV(x::_GeometryAABBNV, next_types::Type...) (; deps) = x GC.@preserve deps GeometryAABBNV(x.vks, next_types...) end GeometryDataNV(x::_GeometryDataNV) = GeometryDataNV(x.vks) function GeometryNV(x::_GeometryNV, next_types::Type...) (; deps) = x GC.@preserve deps GeometryNV(x.vks, next_types...) end function AccelerationStructureInfoNV(x::_AccelerationStructureInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureInfoNV(x.vks, next_types...) end function AccelerationStructureCreateInfoNV(x::_AccelerationStructureCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureCreateInfoNV(x.vks, next_types...) end function BindAccelerationStructureMemoryInfoNV(x::_BindAccelerationStructureMemoryInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps BindAccelerationStructureMemoryInfoNV(x.vks, next_types...) end function WriteDescriptorSetAccelerationStructureKHR(x::_WriteDescriptorSetAccelerationStructureKHR, next_types::Type...) (; deps) = x GC.@preserve deps WriteDescriptorSetAccelerationStructureKHR(x.vks, next_types...) end function WriteDescriptorSetAccelerationStructureNV(x::_WriteDescriptorSetAccelerationStructureNV, next_types::Type...) (; deps) = x GC.@preserve deps WriteDescriptorSetAccelerationStructureNV(x.vks, next_types...) end function AccelerationStructureMemoryRequirementsInfoNV(x::_AccelerationStructureMemoryRequirementsInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureMemoryRequirementsInfoNV(x.vks, next_types...) end function PhysicalDeviceAccelerationStructureFeaturesKHR(x::_PhysicalDeviceAccelerationStructureFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceAccelerationStructureFeaturesKHR(x.vks, next_types...) end function PhysicalDeviceRayTracingPipelineFeaturesKHR(x::_PhysicalDeviceRayTracingPipelineFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRayTracingPipelineFeaturesKHR(x.vks, next_types...) end function PhysicalDeviceRayQueryFeaturesKHR(x::_PhysicalDeviceRayQueryFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRayQueryFeaturesKHR(x.vks, next_types...) end function PhysicalDeviceAccelerationStructurePropertiesKHR(x::_PhysicalDeviceAccelerationStructurePropertiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceAccelerationStructurePropertiesKHR(x.vks, next_types...) end function PhysicalDeviceRayTracingPipelinePropertiesKHR(x::_PhysicalDeviceRayTracingPipelinePropertiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRayTracingPipelinePropertiesKHR(x.vks, next_types...) end function PhysicalDeviceRayTracingPropertiesNV(x::_PhysicalDeviceRayTracingPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRayTracingPropertiesNV(x.vks, next_types...) end StridedDeviceAddressRegionKHR(x::_StridedDeviceAddressRegionKHR) = StridedDeviceAddressRegionKHR(x.vks) TraceRaysIndirectCommandKHR(x::_TraceRaysIndirectCommandKHR) = TraceRaysIndirectCommandKHR(x.vks) TraceRaysIndirectCommand2KHR(x::_TraceRaysIndirectCommand2KHR) = TraceRaysIndirectCommand2KHR(x.vks) function PhysicalDeviceRayTracingMaintenance1FeaturesKHR(x::_PhysicalDeviceRayTracingMaintenance1FeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRayTracingMaintenance1FeaturesKHR(x.vks, next_types...) end function DrmFormatModifierPropertiesListEXT(x::_DrmFormatModifierPropertiesListEXT, next_types::Type...) (; deps) = x GC.@preserve deps DrmFormatModifierPropertiesListEXT(x.vks, next_types...) end DrmFormatModifierPropertiesEXT(x::_DrmFormatModifierPropertiesEXT) = DrmFormatModifierPropertiesEXT(x.vks) function PhysicalDeviceImageDrmFormatModifierInfoEXT(x::_PhysicalDeviceImageDrmFormatModifierInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceImageDrmFormatModifierInfoEXT(x.vks, next_types...) end function ImageDrmFormatModifierListCreateInfoEXT(x::_ImageDrmFormatModifierListCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ImageDrmFormatModifierListCreateInfoEXT(x.vks, next_types...) end function ImageDrmFormatModifierExplicitCreateInfoEXT(x::_ImageDrmFormatModifierExplicitCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ImageDrmFormatModifierExplicitCreateInfoEXT(x.vks, next_types...) end function ImageDrmFormatModifierPropertiesEXT(x::_ImageDrmFormatModifierPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps ImageDrmFormatModifierPropertiesEXT(x.vks, next_types...) end function ImageStencilUsageCreateInfo(x::_ImageStencilUsageCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps ImageStencilUsageCreateInfo(x.vks, next_types...) end function DeviceMemoryOverallocationCreateInfoAMD(x::_DeviceMemoryOverallocationCreateInfoAMD, next_types::Type...) (; deps) = x GC.@preserve deps DeviceMemoryOverallocationCreateInfoAMD(x.vks, next_types...) end function PhysicalDeviceFragmentDensityMapFeaturesEXT(x::_PhysicalDeviceFragmentDensityMapFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentDensityMapFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceFragmentDensityMap2FeaturesEXT(x::_PhysicalDeviceFragmentDensityMap2FeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentDensityMap2FeaturesEXT(x.vks, next_types...) end function PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM(x::_PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM(x.vks, next_types...) end function PhysicalDeviceFragmentDensityMapPropertiesEXT(x::_PhysicalDeviceFragmentDensityMapPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentDensityMapPropertiesEXT(x.vks, next_types...) end function PhysicalDeviceFragmentDensityMap2PropertiesEXT(x::_PhysicalDeviceFragmentDensityMap2PropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentDensityMap2PropertiesEXT(x.vks, next_types...) end function PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM(x::_PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM(x.vks, next_types...) end function RenderPassFragmentDensityMapCreateInfoEXT(x::_RenderPassFragmentDensityMapCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps RenderPassFragmentDensityMapCreateInfoEXT(x.vks, next_types...) end function SubpassFragmentDensityMapOffsetEndInfoQCOM(x::_SubpassFragmentDensityMapOffsetEndInfoQCOM, next_types::Type...) (; deps) = x GC.@preserve deps SubpassFragmentDensityMapOffsetEndInfoQCOM(x.vks, next_types...) end function PhysicalDeviceScalarBlockLayoutFeatures(x::_PhysicalDeviceScalarBlockLayoutFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceScalarBlockLayoutFeatures(x.vks, next_types...) end function SurfaceProtectedCapabilitiesKHR(x::_SurfaceProtectedCapabilitiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps SurfaceProtectedCapabilitiesKHR(x.vks, next_types...) end function PhysicalDeviceUniformBufferStandardLayoutFeatures(x::_PhysicalDeviceUniformBufferStandardLayoutFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceUniformBufferStandardLayoutFeatures(x.vks, next_types...) end function PhysicalDeviceDepthClipEnableFeaturesEXT(x::_PhysicalDeviceDepthClipEnableFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDepthClipEnableFeaturesEXT(x.vks, next_types...) end function PipelineRasterizationDepthClipStateCreateInfoEXT(x::_PipelineRasterizationDepthClipStateCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineRasterizationDepthClipStateCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceMemoryBudgetPropertiesEXT(x::_PhysicalDeviceMemoryBudgetPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMemoryBudgetPropertiesEXT(x.vks, next_types...) end function PhysicalDeviceMemoryPriorityFeaturesEXT(x::_PhysicalDeviceMemoryPriorityFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMemoryPriorityFeaturesEXT(x.vks, next_types...) end function MemoryPriorityAllocateInfoEXT(x::_MemoryPriorityAllocateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps MemoryPriorityAllocateInfoEXT(x.vks, next_types...) end function PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT(x::_PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceBufferDeviceAddressFeatures(x::_PhysicalDeviceBufferDeviceAddressFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceBufferDeviceAddressFeatures(x.vks, next_types...) end function PhysicalDeviceBufferDeviceAddressFeaturesEXT(x::_PhysicalDeviceBufferDeviceAddressFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceBufferDeviceAddressFeaturesEXT(x.vks, next_types...) end function BufferDeviceAddressInfo(x::_BufferDeviceAddressInfo, next_types::Type...) (; deps) = x GC.@preserve deps BufferDeviceAddressInfo(x.vks, next_types...) end function BufferOpaqueCaptureAddressCreateInfo(x::_BufferOpaqueCaptureAddressCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps BufferOpaqueCaptureAddressCreateInfo(x.vks, next_types...) end function BufferDeviceAddressCreateInfoEXT(x::_BufferDeviceAddressCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps BufferDeviceAddressCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceImageViewImageFormatInfoEXT(x::_PhysicalDeviceImageViewImageFormatInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceImageViewImageFormatInfoEXT(x.vks, next_types...) end function FilterCubicImageViewImageFormatPropertiesEXT(x::_FilterCubicImageViewImageFormatPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps FilterCubicImageViewImageFormatPropertiesEXT(x.vks, next_types...) end function PhysicalDeviceImagelessFramebufferFeatures(x::_PhysicalDeviceImagelessFramebufferFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceImagelessFramebufferFeatures(x.vks, next_types...) end function FramebufferAttachmentsCreateInfo(x::_FramebufferAttachmentsCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps FramebufferAttachmentsCreateInfo(x.vks, next_types...) end function FramebufferAttachmentImageInfo(x::_FramebufferAttachmentImageInfo, next_types::Type...) (; deps) = x GC.@preserve deps FramebufferAttachmentImageInfo(x.vks, next_types...) end function RenderPassAttachmentBeginInfo(x::_RenderPassAttachmentBeginInfo, next_types::Type...) (; deps) = x GC.@preserve deps RenderPassAttachmentBeginInfo(x.vks, next_types...) end function PhysicalDeviceTextureCompressionASTCHDRFeatures(x::_PhysicalDeviceTextureCompressionASTCHDRFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceTextureCompressionASTCHDRFeatures(x.vks, next_types...) end function PhysicalDeviceCooperativeMatrixFeaturesNV(x::_PhysicalDeviceCooperativeMatrixFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceCooperativeMatrixFeaturesNV(x.vks, next_types...) end function PhysicalDeviceCooperativeMatrixPropertiesNV(x::_PhysicalDeviceCooperativeMatrixPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceCooperativeMatrixPropertiesNV(x.vks, next_types...) end function CooperativeMatrixPropertiesNV(x::_CooperativeMatrixPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps CooperativeMatrixPropertiesNV(x.vks, next_types...) end function PhysicalDeviceYcbcrImageArraysFeaturesEXT(x::_PhysicalDeviceYcbcrImageArraysFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceYcbcrImageArraysFeaturesEXT(x.vks, next_types...) end function ImageViewHandleInfoNVX(x::_ImageViewHandleInfoNVX, next_types::Type...) (; deps) = x GC.@preserve deps ImageViewHandleInfoNVX(x.vks, next_types...) end function ImageViewAddressPropertiesNVX(x::_ImageViewAddressPropertiesNVX, next_types::Type...) (; deps) = x GC.@preserve deps ImageViewAddressPropertiesNVX(x.vks, next_types...) end PipelineCreationFeedback(x::_PipelineCreationFeedback) = PipelineCreationFeedback(x.vks) function PipelineCreationFeedbackCreateInfo(x::_PipelineCreationFeedbackCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineCreationFeedbackCreateInfo(x.vks, next_types...) end function PhysicalDevicePresentBarrierFeaturesNV(x::_PhysicalDevicePresentBarrierFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePresentBarrierFeaturesNV(x.vks, next_types...) end function SurfaceCapabilitiesPresentBarrierNV(x::_SurfaceCapabilitiesPresentBarrierNV, next_types::Type...) (; deps) = x GC.@preserve deps SurfaceCapabilitiesPresentBarrierNV(x.vks, next_types...) end function SwapchainPresentBarrierCreateInfoNV(x::_SwapchainPresentBarrierCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps SwapchainPresentBarrierCreateInfoNV(x.vks, next_types...) end function PhysicalDevicePerformanceQueryFeaturesKHR(x::_PhysicalDevicePerformanceQueryFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePerformanceQueryFeaturesKHR(x.vks, next_types...) end function PhysicalDevicePerformanceQueryPropertiesKHR(x::_PhysicalDevicePerformanceQueryPropertiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePerformanceQueryPropertiesKHR(x.vks, next_types...) end function PerformanceCounterKHR(x::_PerformanceCounterKHR, next_types::Type...) (; deps) = x GC.@preserve deps PerformanceCounterKHR(x.vks, next_types...) end function PerformanceCounterDescriptionKHR(x::_PerformanceCounterDescriptionKHR, next_types::Type...) (; deps) = x GC.@preserve deps PerformanceCounterDescriptionKHR(x.vks, next_types...) end function QueryPoolPerformanceCreateInfoKHR(x::_QueryPoolPerformanceCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps QueryPoolPerformanceCreateInfoKHR(x.vks, next_types...) end function AcquireProfilingLockInfoKHR(x::_AcquireProfilingLockInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps AcquireProfilingLockInfoKHR(x.vks, next_types...) end function PerformanceQuerySubmitInfoKHR(x::_PerformanceQuerySubmitInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps PerformanceQuerySubmitInfoKHR(x.vks, next_types...) end function HeadlessSurfaceCreateInfoEXT(x::_HeadlessSurfaceCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps HeadlessSurfaceCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceCoverageReductionModeFeaturesNV(x::_PhysicalDeviceCoverageReductionModeFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceCoverageReductionModeFeaturesNV(x.vks, next_types...) end function PipelineCoverageReductionStateCreateInfoNV(x::_PipelineCoverageReductionStateCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps PipelineCoverageReductionStateCreateInfoNV(x.vks, next_types...) end function FramebufferMixedSamplesCombinationNV(x::_FramebufferMixedSamplesCombinationNV, next_types::Type...) (; deps) = x GC.@preserve deps FramebufferMixedSamplesCombinationNV(x.vks, next_types...) end function PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL(x::_PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL(x.vks, next_types...) end PerformanceValueINTEL(x::_PerformanceValueINTEL) = PerformanceValueINTEL(x.vks) function InitializePerformanceApiInfoINTEL(x::_InitializePerformanceApiInfoINTEL, next_types::Type...) (; deps) = x GC.@preserve deps InitializePerformanceApiInfoINTEL(x.vks, next_types...) end function QueryPoolPerformanceQueryCreateInfoINTEL(x::_QueryPoolPerformanceQueryCreateInfoINTEL, next_types::Type...) (; deps) = x GC.@preserve deps QueryPoolPerformanceQueryCreateInfoINTEL(x.vks, next_types...) end function PerformanceMarkerInfoINTEL(x::_PerformanceMarkerInfoINTEL, next_types::Type...) (; deps) = x GC.@preserve deps PerformanceMarkerInfoINTEL(x.vks, next_types...) end function PerformanceStreamMarkerInfoINTEL(x::_PerformanceStreamMarkerInfoINTEL, next_types::Type...) (; deps) = x GC.@preserve deps PerformanceStreamMarkerInfoINTEL(x.vks, next_types...) end function PerformanceOverrideInfoINTEL(x::_PerformanceOverrideInfoINTEL, next_types::Type...) (; deps) = x GC.@preserve deps PerformanceOverrideInfoINTEL(x.vks, next_types...) end function PerformanceConfigurationAcquireInfoINTEL(x::_PerformanceConfigurationAcquireInfoINTEL, next_types::Type...) (; deps) = x GC.@preserve deps PerformanceConfigurationAcquireInfoINTEL(x.vks, next_types...) end function PhysicalDeviceShaderClockFeaturesKHR(x::_PhysicalDeviceShaderClockFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderClockFeaturesKHR(x.vks, next_types...) end function PhysicalDeviceIndexTypeUint8FeaturesEXT(x::_PhysicalDeviceIndexTypeUint8FeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceIndexTypeUint8FeaturesEXT(x.vks, next_types...) end function PhysicalDeviceShaderSMBuiltinsPropertiesNV(x::_PhysicalDeviceShaderSMBuiltinsPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderSMBuiltinsPropertiesNV(x.vks, next_types...) end function PhysicalDeviceShaderSMBuiltinsFeaturesNV(x::_PhysicalDeviceShaderSMBuiltinsFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderSMBuiltinsFeaturesNV(x.vks, next_types...) end function PhysicalDeviceFragmentShaderInterlockFeaturesEXT(x::_PhysicalDeviceFragmentShaderInterlockFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentShaderInterlockFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceSeparateDepthStencilLayoutsFeatures(x::_PhysicalDeviceSeparateDepthStencilLayoutsFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSeparateDepthStencilLayoutsFeatures(x.vks, next_types...) end function AttachmentReferenceStencilLayout(x::_AttachmentReferenceStencilLayout, next_types::Type...) (; deps) = x GC.@preserve deps AttachmentReferenceStencilLayout(x.vks, next_types...) end function PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT(x::_PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT(x.vks, next_types...) end function AttachmentDescriptionStencilLayout(x::_AttachmentDescriptionStencilLayout, next_types::Type...) (; deps) = x GC.@preserve deps AttachmentDescriptionStencilLayout(x.vks, next_types...) end function PhysicalDevicePipelineExecutablePropertiesFeaturesKHR(x::_PhysicalDevicePipelineExecutablePropertiesFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePipelineExecutablePropertiesFeaturesKHR(x.vks, next_types...) end function PipelineInfoKHR(x::_PipelineInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps PipelineInfoKHR(x.vks, next_types...) end function PipelineExecutablePropertiesKHR(x::_PipelineExecutablePropertiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PipelineExecutablePropertiesKHR(x.vks, next_types...) end function PipelineExecutableInfoKHR(x::_PipelineExecutableInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps PipelineExecutableInfoKHR(x.vks, next_types...) end function PipelineExecutableStatisticKHR(x::_PipelineExecutableStatisticKHR, next_types::Type...) (; deps) = x GC.@preserve deps PipelineExecutableStatisticKHR(x.vks, next_types...) end function PipelineExecutableInternalRepresentationKHR(x::_PipelineExecutableInternalRepresentationKHR, next_types::Type...) (; deps) = x GC.@preserve deps PipelineExecutableInternalRepresentationKHR(x.vks, next_types...) end function PhysicalDeviceShaderDemoteToHelperInvocationFeatures(x::_PhysicalDeviceShaderDemoteToHelperInvocationFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderDemoteToHelperInvocationFeatures(x.vks, next_types...) end function PhysicalDeviceTexelBufferAlignmentFeaturesEXT(x::_PhysicalDeviceTexelBufferAlignmentFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceTexelBufferAlignmentFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceTexelBufferAlignmentProperties(x::_PhysicalDeviceTexelBufferAlignmentProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceTexelBufferAlignmentProperties(x.vks, next_types...) end function PhysicalDeviceSubgroupSizeControlFeatures(x::_PhysicalDeviceSubgroupSizeControlFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSubgroupSizeControlFeatures(x.vks, next_types...) end function PhysicalDeviceSubgroupSizeControlProperties(x::_PhysicalDeviceSubgroupSizeControlProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSubgroupSizeControlProperties(x.vks, next_types...) end function PipelineShaderStageRequiredSubgroupSizeCreateInfo(x::_PipelineShaderStageRequiredSubgroupSizeCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineShaderStageRequiredSubgroupSizeCreateInfo(x.vks, next_types...) end function SubpassShadingPipelineCreateInfoHUAWEI(x::_SubpassShadingPipelineCreateInfoHUAWEI, next_types::Type...) (; deps) = x GC.@preserve deps SubpassShadingPipelineCreateInfoHUAWEI(x.vks, next_types...) end function PhysicalDeviceSubpassShadingPropertiesHUAWEI(x::_PhysicalDeviceSubpassShadingPropertiesHUAWEI, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSubpassShadingPropertiesHUAWEI(x.vks, next_types...) end function PhysicalDeviceClusterCullingShaderPropertiesHUAWEI(x::_PhysicalDeviceClusterCullingShaderPropertiesHUAWEI, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceClusterCullingShaderPropertiesHUAWEI(x.vks, next_types...) end function MemoryOpaqueCaptureAddressAllocateInfo(x::_MemoryOpaqueCaptureAddressAllocateInfo, next_types::Type...) (; deps) = x GC.@preserve deps MemoryOpaqueCaptureAddressAllocateInfo(x.vks, next_types...) end function DeviceMemoryOpaqueCaptureAddressInfo(x::_DeviceMemoryOpaqueCaptureAddressInfo, next_types::Type...) (; deps) = x GC.@preserve deps DeviceMemoryOpaqueCaptureAddressInfo(x.vks, next_types...) end function PhysicalDeviceLineRasterizationFeaturesEXT(x::_PhysicalDeviceLineRasterizationFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceLineRasterizationFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceLineRasterizationPropertiesEXT(x::_PhysicalDeviceLineRasterizationPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceLineRasterizationPropertiesEXT(x.vks, next_types...) end function PipelineRasterizationLineStateCreateInfoEXT(x::_PipelineRasterizationLineStateCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineRasterizationLineStateCreateInfoEXT(x.vks, next_types...) end function PhysicalDevicePipelineCreationCacheControlFeatures(x::_PhysicalDevicePipelineCreationCacheControlFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePipelineCreationCacheControlFeatures(x.vks, next_types...) end function PhysicalDeviceVulkan11Features(x::_PhysicalDeviceVulkan11Features, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceVulkan11Features(x.vks, next_types...) end function PhysicalDeviceVulkan11Properties(x::_PhysicalDeviceVulkan11Properties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceVulkan11Properties(x.vks, next_types...) end function PhysicalDeviceVulkan12Features(x::_PhysicalDeviceVulkan12Features, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceVulkan12Features(x.vks, next_types...) end function PhysicalDeviceVulkan12Properties(x::_PhysicalDeviceVulkan12Properties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceVulkan12Properties(x.vks, next_types...) end function PhysicalDeviceVulkan13Features(x::_PhysicalDeviceVulkan13Features, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceVulkan13Features(x.vks, next_types...) end function PhysicalDeviceVulkan13Properties(x::_PhysicalDeviceVulkan13Properties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceVulkan13Properties(x.vks, next_types...) end function PipelineCompilerControlCreateInfoAMD(x::_PipelineCompilerControlCreateInfoAMD, next_types::Type...) (; deps) = x GC.@preserve deps PipelineCompilerControlCreateInfoAMD(x.vks, next_types...) end function PhysicalDeviceCoherentMemoryFeaturesAMD(x::_PhysicalDeviceCoherentMemoryFeaturesAMD, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceCoherentMemoryFeaturesAMD(x.vks, next_types...) end function PhysicalDeviceToolProperties(x::_PhysicalDeviceToolProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceToolProperties(x.vks, next_types...) end function SamplerCustomBorderColorCreateInfoEXT(x::_SamplerCustomBorderColorCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps SamplerCustomBorderColorCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceCustomBorderColorPropertiesEXT(x::_PhysicalDeviceCustomBorderColorPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceCustomBorderColorPropertiesEXT(x.vks, next_types...) end function PhysicalDeviceCustomBorderColorFeaturesEXT(x::_PhysicalDeviceCustomBorderColorFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceCustomBorderColorFeaturesEXT(x.vks, next_types...) end function SamplerBorderColorComponentMappingCreateInfoEXT(x::_SamplerBorderColorComponentMappingCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps SamplerBorderColorComponentMappingCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceBorderColorSwizzleFeaturesEXT(x::_PhysicalDeviceBorderColorSwizzleFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceBorderColorSwizzleFeaturesEXT(x.vks, next_types...) end function AccelerationStructureGeometryTrianglesDataKHR(x::_AccelerationStructureGeometryTrianglesDataKHR, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureGeometryTrianglesDataKHR(x.vks, next_types...) end function AccelerationStructureGeometryAabbsDataKHR(x::_AccelerationStructureGeometryAabbsDataKHR, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureGeometryAabbsDataKHR(x.vks, next_types...) end function AccelerationStructureGeometryInstancesDataKHR(x::_AccelerationStructureGeometryInstancesDataKHR, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureGeometryInstancesDataKHR(x.vks, next_types...) end function AccelerationStructureGeometryKHR(x::_AccelerationStructureGeometryKHR, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureGeometryKHR(x.vks, next_types...) end function AccelerationStructureBuildGeometryInfoKHR(x::_AccelerationStructureBuildGeometryInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureBuildGeometryInfoKHR(x.vks, next_types...) end AccelerationStructureBuildRangeInfoKHR(x::_AccelerationStructureBuildRangeInfoKHR) = AccelerationStructureBuildRangeInfoKHR(x.vks) function AccelerationStructureCreateInfoKHR(x::_AccelerationStructureCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureCreateInfoKHR(x.vks, next_types...) end AabbPositionsKHR(x::_AabbPositionsKHR) = AabbPositionsKHR(x.vks) TransformMatrixKHR(x::_TransformMatrixKHR) = TransformMatrixKHR(x.vks) AccelerationStructureInstanceKHR(x::_AccelerationStructureInstanceKHR) = AccelerationStructureInstanceKHR(x.vks) function AccelerationStructureDeviceAddressInfoKHR(x::_AccelerationStructureDeviceAddressInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureDeviceAddressInfoKHR(x.vks, next_types...) end function AccelerationStructureVersionInfoKHR(x::_AccelerationStructureVersionInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureVersionInfoKHR(x.vks, next_types...) end function CopyAccelerationStructureInfoKHR(x::_CopyAccelerationStructureInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps CopyAccelerationStructureInfoKHR(x.vks, next_types...) end function CopyAccelerationStructureToMemoryInfoKHR(x::_CopyAccelerationStructureToMemoryInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps CopyAccelerationStructureToMemoryInfoKHR(x.vks, next_types...) end function CopyMemoryToAccelerationStructureInfoKHR(x::_CopyMemoryToAccelerationStructureInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps CopyMemoryToAccelerationStructureInfoKHR(x.vks, next_types...) end function RayTracingPipelineInterfaceCreateInfoKHR(x::_RayTracingPipelineInterfaceCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps RayTracingPipelineInterfaceCreateInfoKHR(x.vks, next_types...) end function PipelineLibraryCreateInfoKHR(x::_PipelineLibraryCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps PipelineLibraryCreateInfoKHR(x.vks, next_types...) end function PhysicalDeviceExtendedDynamicStateFeaturesEXT(x::_PhysicalDeviceExtendedDynamicStateFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceExtendedDynamicStateFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceExtendedDynamicState2FeaturesEXT(x::_PhysicalDeviceExtendedDynamicState2FeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceExtendedDynamicState2FeaturesEXT(x.vks, next_types...) end function PhysicalDeviceExtendedDynamicState3FeaturesEXT(x::_PhysicalDeviceExtendedDynamicState3FeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceExtendedDynamicState3FeaturesEXT(x.vks, next_types...) end function PhysicalDeviceExtendedDynamicState3PropertiesEXT(x::_PhysicalDeviceExtendedDynamicState3PropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceExtendedDynamicState3PropertiesEXT(x.vks, next_types...) end ColorBlendEquationEXT(x::_ColorBlendEquationEXT) = ColorBlendEquationEXT(x.vks) ColorBlendAdvancedEXT(x::_ColorBlendAdvancedEXT) = ColorBlendAdvancedEXT(x.vks) function RenderPassTransformBeginInfoQCOM(x::_RenderPassTransformBeginInfoQCOM, next_types::Type...) (; deps) = x GC.@preserve deps RenderPassTransformBeginInfoQCOM(x.vks, next_types...) end function CopyCommandTransformInfoQCOM(x::_CopyCommandTransformInfoQCOM, next_types::Type...) (; deps) = x GC.@preserve deps CopyCommandTransformInfoQCOM(x.vks, next_types...) end function CommandBufferInheritanceRenderPassTransformInfoQCOM(x::_CommandBufferInheritanceRenderPassTransformInfoQCOM, next_types::Type...) (; deps) = x GC.@preserve deps CommandBufferInheritanceRenderPassTransformInfoQCOM(x.vks, next_types...) end function PhysicalDeviceDiagnosticsConfigFeaturesNV(x::_PhysicalDeviceDiagnosticsConfigFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDiagnosticsConfigFeaturesNV(x.vks, next_types...) end function DeviceDiagnosticsConfigCreateInfoNV(x::_DeviceDiagnosticsConfigCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps DeviceDiagnosticsConfigCreateInfoNV(x.vks, next_types...) end function PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures(x::_PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures(x.vks, next_types...) end function PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR(x::_PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR(x.vks, next_types...) end function PhysicalDeviceRobustness2FeaturesEXT(x::_PhysicalDeviceRobustness2FeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRobustness2FeaturesEXT(x.vks, next_types...) end function PhysicalDeviceRobustness2PropertiesEXT(x::_PhysicalDeviceRobustness2PropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRobustness2PropertiesEXT(x.vks, next_types...) end function PhysicalDeviceImageRobustnessFeatures(x::_PhysicalDeviceImageRobustnessFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceImageRobustnessFeatures(x.vks, next_types...) end function PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR(x::_PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR(x.vks, next_types...) end function PhysicalDevice4444FormatsFeaturesEXT(x::_PhysicalDevice4444FormatsFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevice4444FormatsFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceSubpassShadingFeaturesHUAWEI(x::_PhysicalDeviceSubpassShadingFeaturesHUAWEI, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSubpassShadingFeaturesHUAWEI(x.vks, next_types...) end function PhysicalDeviceClusterCullingShaderFeaturesHUAWEI(x::_PhysicalDeviceClusterCullingShaderFeaturesHUAWEI, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceClusterCullingShaderFeaturesHUAWEI(x.vks, next_types...) end function BufferCopy2(x::_BufferCopy2, next_types::Type...) (; deps) = x GC.@preserve deps BufferCopy2(x.vks, next_types...) end function ImageCopy2(x::_ImageCopy2, next_types::Type...) (; deps) = x GC.@preserve deps ImageCopy2(x.vks, next_types...) end function ImageBlit2(x::_ImageBlit2, next_types::Type...) (; deps) = x GC.@preserve deps ImageBlit2(x.vks, next_types...) end function BufferImageCopy2(x::_BufferImageCopy2, next_types::Type...) (; deps) = x GC.@preserve deps BufferImageCopy2(x.vks, next_types...) end function ImageResolve2(x::_ImageResolve2, next_types::Type...) (; deps) = x GC.@preserve deps ImageResolve2(x.vks, next_types...) end function CopyBufferInfo2(x::_CopyBufferInfo2, next_types::Type...) (; deps) = x GC.@preserve deps CopyBufferInfo2(x.vks, next_types...) end function CopyImageInfo2(x::_CopyImageInfo2, next_types::Type...) (; deps) = x GC.@preserve deps CopyImageInfo2(x.vks, next_types...) end function BlitImageInfo2(x::_BlitImageInfo2, next_types::Type...) (; deps) = x GC.@preserve deps BlitImageInfo2(x.vks, next_types...) end function CopyBufferToImageInfo2(x::_CopyBufferToImageInfo2, next_types::Type...) (; deps) = x GC.@preserve deps CopyBufferToImageInfo2(x.vks, next_types...) end function CopyImageToBufferInfo2(x::_CopyImageToBufferInfo2, next_types::Type...) (; deps) = x GC.@preserve deps CopyImageToBufferInfo2(x.vks, next_types...) end function ResolveImageInfo2(x::_ResolveImageInfo2, next_types::Type...) (; deps) = x GC.@preserve deps ResolveImageInfo2(x.vks, next_types...) end function PhysicalDeviceShaderImageAtomicInt64FeaturesEXT(x::_PhysicalDeviceShaderImageAtomicInt64FeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderImageAtomicInt64FeaturesEXT(x.vks, next_types...) end function FragmentShadingRateAttachmentInfoKHR(x::_FragmentShadingRateAttachmentInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps FragmentShadingRateAttachmentInfoKHR(x.vks, next_types...) end function PipelineFragmentShadingRateStateCreateInfoKHR(x::_PipelineFragmentShadingRateStateCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps PipelineFragmentShadingRateStateCreateInfoKHR(x.vks, next_types...) end function PhysicalDeviceFragmentShadingRateFeaturesKHR(x::_PhysicalDeviceFragmentShadingRateFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentShadingRateFeaturesKHR(x.vks, next_types...) end function PhysicalDeviceFragmentShadingRatePropertiesKHR(x::_PhysicalDeviceFragmentShadingRatePropertiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentShadingRatePropertiesKHR(x.vks, next_types...) end function PhysicalDeviceFragmentShadingRateKHR(x::_PhysicalDeviceFragmentShadingRateKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentShadingRateKHR(x.vks, next_types...) end function PhysicalDeviceShaderTerminateInvocationFeatures(x::_PhysicalDeviceShaderTerminateInvocationFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderTerminateInvocationFeatures(x.vks, next_types...) end function PhysicalDeviceFragmentShadingRateEnumsFeaturesNV(x::_PhysicalDeviceFragmentShadingRateEnumsFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentShadingRateEnumsFeaturesNV(x.vks, next_types...) end function PhysicalDeviceFragmentShadingRateEnumsPropertiesNV(x::_PhysicalDeviceFragmentShadingRateEnumsPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentShadingRateEnumsPropertiesNV(x.vks, next_types...) end function PipelineFragmentShadingRateEnumStateCreateInfoNV(x::_PipelineFragmentShadingRateEnumStateCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps PipelineFragmentShadingRateEnumStateCreateInfoNV(x.vks, next_types...) end function AccelerationStructureBuildSizesInfoKHR(x::_AccelerationStructureBuildSizesInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureBuildSizesInfoKHR(x.vks, next_types...) end function PhysicalDeviceImage2DViewOf3DFeaturesEXT(x::_PhysicalDeviceImage2DViewOf3DFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceImage2DViewOf3DFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceMutableDescriptorTypeFeaturesEXT(x::_PhysicalDeviceMutableDescriptorTypeFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMutableDescriptorTypeFeaturesEXT(x.vks, next_types...) end function MutableDescriptorTypeListEXT(x::_MutableDescriptorTypeListEXT) (; deps) = x GC.@preserve deps MutableDescriptorTypeListEXT(x.vks, next_types...) end function MutableDescriptorTypeCreateInfoEXT(x::_MutableDescriptorTypeCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps MutableDescriptorTypeCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceDepthClipControlFeaturesEXT(x::_PhysicalDeviceDepthClipControlFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDepthClipControlFeaturesEXT(x.vks, next_types...) end function PipelineViewportDepthClipControlCreateInfoEXT(x::_PipelineViewportDepthClipControlCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineViewportDepthClipControlCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceVertexInputDynamicStateFeaturesEXT(x::_PhysicalDeviceVertexInputDynamicStateFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceVertexInputDynamicStateFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceExternalMemoryRDMAFeaturesNV(x::_PhysicalDeviceExternalMemoryRDMAFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceExternalMemoryRDMAFeaturesNV(x.vks, next_types...) end function VertexInputBindingDescription2EXT(x::_VertexInputBindingDescription2EXT, next_types::Type...) (; deps) = x GC.@preserve deps VertexInputBindingDescription2EXT(x.vks, next_types...) end function VertexInputAttributeDescription2EXT(x::_VertexInputAttributeDescription2EXT, next_types::Type...) (; deps) = x GC.@preserve deps VertexInputAttributeDescription2EXT(x.vks, next_types...) end function PhysicalDeviceColorWriteEnableFeaturesEXT(x::_PhysicalDeviceColorWriteEnableFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceColorWriteEnableFeaturesEXT(x.vks, next_types...) end function PipelineColorWriteCreateInfoEXT(x::_PipelineColorWriteCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineColorWriteCreateInfoEXT(x.vks, next_types...) end function MemoryBarrier2(x::_MemoryBarrier2, next_types::Type...) (; deps) = x GC.@preserve deps MemoryBarrier2(x.vks, next_types...) end function ImageMemoryBarrier2(x::_ImageMemoryBarrier2, next_types::Type...) (; deps) = x GC.@preserve deps ImageMemoryBarrier2(x.vks, next_types...) end function BufferMemoryBarrier2(x::_BufferMemoryBarrier2, next_types::Type...) (; deps) = x GC.@preserve deps BufferMemoryBarrier2(x.vks, next_types...) end function DependencyInfo(x::_DependencyInfo, next_types::Type...) (; deps) = x GC.@preserve deps DependencyInfo(x.vks, next_types...) end function SemaphoreSubmitInfo(x::_SemaphoreSubmitInfo, next_types::Type...) (; deps) = x GC.@preserve deps SemaphoreSubmitInfo(x.vks, next_types...) end function CommandBufferSubmitInfo(x::_CommandBufferSubmitInfo, next_types::Type...) (; deps) = x GC.@preserve deps CommandBufferSubmitInfo(x.vks, next_types...) end function SubmitInfo2(x::_SubmitInfo2, next_types::Type...) (; deps) = x GC.@preserve deps SubmitInfo2(x.vks, next_types...) end function QueueFamilyCheckpointProperties2NV(x::_QueueFamilyCheckpointProperties2NV, next_types::Type...) (; deps) = x GC.@preserve deps QueueFamilyCheckpointProperties2NV(x.vks, next_types...) end function CheckpointData2NV(x::_CheckpointData2NV, next_types::Type...) (; deps) = x GC.@preserve deps CheckpointData2NV(x.vks, next_types...) end function PhysicalDeviceSynchronization2Features(x::_PhysicalDeviceSynchronization2Features, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSynchronization2Features(x.vks, next_types...) end function PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT(x::_PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceLegacyDitheringFeaturesEXT(x::_PhysicalDeviceLegacyDitheringFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceLegacyDitheringFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT(x::_PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT(x.vks, next_types...) end function SubpassResolvePerformanceQueryEXT(x::_SubpassResolvePerformanceQueryEXT, next_types::Type...) (; deps) = x GC.@preserve deps SubpassResolvePerformanceQueryEXT(x.vks, next_types...) end function MultisampledRenderToSingleSampledInfoEXT(x::_MultisampledRenderToSingleSampledInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps MultisampledRenderToSingleSampledInfoEXT(x.vks, next_types...) end function PhysicalDevicePipelineProtectedAccessFeaturesEXT(x::_PhysicalDevicePipelineProtectedAccessFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePipelineProtectedAccessFeaturesEXT(x.vks, next_types...) end function QueueFamilyVideoPropertiesKHR(x::_QueueFamilyVideoPropertiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps QueueFamilyVideoPropertiesKHR(x.vks, next_types...) end function QueueFamilyQueryResultStatusPropertiesKHR(x::_QueueFamilyQueryResultStatusPropertiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps QueueFamilyQueryResultStatusPropertiesKHR(x.vks, next_types...) end function VideoProfileListInfoKHR(x::_VideoProfileListInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoProfileListInfoKHR(x.vks, next_types...) end function PhysicalDeviceVideoFormatInfoKHR(x::_PhysicalDeviceVideoFormatInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceVideoFormatInfoKHR(x.vks, next_types...) end function VideoFormatPropertiesKHR(x::_VideoFormatPropertiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoFormatPropertiesKHR(x.vks, next_types...) end function VideoProfileInfoKHR(x::_VideoProfileInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoProfileInfoKHR(x.vks, next_types...) end function VideoCapabilitiesKHR(x::_VideoCapabilitiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoCapabilitiesKHR(x.vks, next_types...) end function VideoSessionMemoryRequirementsKHR(x::_VideoSessionMemoryRequirementsKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoSessionMemoryRequirementsKHR(x.vks, next_types...) end function BindVideoSessionMemoryInfoKHR(x::_BindVideoSessionMemoryInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps BindVideoSessionMemoryInfoKHR(x.vks, next_types...) end function VideoPictureResourceInfoKHR(x::_VideoPictureResourceInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoPictureResourceInfoKHR(x.vks, next_types...) end function VideoReferenceSlotInfoKHR(x::_VideoReferenceSlotInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoReferenceSlotInfoKHR(x.vks, next_types...) end function VideoDecodeCapabilitiesKHR(x::_VideoDecodeCapabilitiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeCapabilitiesKHR(x.vks, next_types...) end function VideoDecodeUsageInfoKHR(x::_VideoDecodeUsageInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeUsageInfoKHR(x.vks, next_types...) end function VideoDecodeInfoKHR(x::_VideoDecodeInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeInfoKHR(x.vks, next_types...) end function VideoDecodeH264ProfileInfoKHR(x::_VideoDecodeH264ProfileInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeH264ProfileInfoKHR(x.vks, next_types...) end function VideoDecodeH264CapabilitiesKHR(x::_VideoDecodeH264CapabilitiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeH264CapabilitiesKHR(x.vks, next_types...) end function VideoDecodeH264SessionParametersAddInfoKHR(x::_VideoDecodeH264SessionParametersAddInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeH264SessionParametersAddInfoKHR(x.vks, next_types...) end function VideoDecodeH264SessionParametersCreateInfoKHR(x::_VideoDecodeH264SessionParametersCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeH264SessionParametersCreateInfoKHR(x.vks, next_types...) end function VideoDecodeH264PictureInfoKHR(x::_VideoDecodeH264PictureInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeH264PictureInfoKHR(x.vks, next_types...) end function VideoDecodeH264DpbSlotInfoKHR(x::_VideoDecodeH264DpbSlotInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeH264DpbSlotInfoKHR(x.vks, next_types...) end function VideoDecodeH265ProfileInfoKHR(x::_VideoDecodeH265ProfileInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeH265ProfileInfoKHR(x.vks, next_types...) end function VideoDecodeH265CapabilitiesKHR(x::_VideoDecodeH265CapabilitiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeH265CapabilitiesKHR(x.vks, next_types...) end function VideoDecodeH265SessionParametersAddInfoKHR(x::_VideoDecodeH265SessionParametersAddInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeH265SessionParametersAddInfoKHR(x.vks, next_types...) end function VideoDecodeH265SessionParametersCreateInfoKHR(x::_VideoDecodeH265SessionParametersCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeH265SessionParametersCreateInfoKHR(x.vks, next_types...) end function VideoDecodeH265PictureInfoKHR(x::_VideoDecodeH265PictureInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeH265PictureInfoKHR(x.vks, next_types...) end function VideoDecodeH265DpbSlotInfoKHR(x::_VideoDecodeH265DpbSlotInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeH265DpbSlotInfoKHR(x.vks, next_types...) end function VideoSessionCreateInfoKHR(x::_VideoSessionCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoSessionCreateInfoKHR(x.vks, next_types...) end function VideoSessionParametersCreateInfoKHR(x::_VideoSessionParametersCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoSessionParametersCreateInfoKHR(x.vks, next_types...) end function VideoSessionParametersUpdateInfoKHR(x::_VideoSessionParametersUpdateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoSessionParametersUpdateInfoKHR(x.vks, next_types...) end function VideoBeginCodingInfoKHR(x::_VideoBeginCodingInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoBeginCodingInfoKHR(x.vks, next_types...) end function VideoEndCodingInfoKHR(x::_VideoEndCodingInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoEndCodingInfoKHR(x.vks, next_types...) end function VideoCodingControlInfoKHR(x::_VideoCodingControlInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoCodingControlInfoKHR(x.vks, next_types...) end function PhysicalDeviceInheritedViewportScissorFeaturesNV(x::_PhysicalDeviceInheritedViewportScissorFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceInheritedViewportScissorFeaturesNV(x.vks, next_types...) end function CommandBufferInheritanceViewportScissorInfoNV(x::_CommandBufferInheritanceViewportScissorInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps CommandBufferInheritanceViewportScissorInfoNV(x.vks, next_types...) end function PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT(x::_PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceProvokingVertexFeaturesEXT(x::_PhysicalDeviceProvokingVertexFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceProvokingVertexFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceProvokingVertexPropertiesEXT(x::_PhysicalDeviceProvokingVertexPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceProvokingVertexPropertiesEXT(x.vks, next_types...) end function PipelineRasterizationProvokingVertexStateCreateInfoEXT(x::_PipelineRasterizationProvokingVertexStateCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineRasterizationProvokingVertexStateCreateInfoEXT(x.vks, next_types...) end function CuModuleCreateInfoNVX(x::_CuModuleCreateInfoNVX, next_types::Type...) (; deps) = x GC.@preserve deps CuModuleCreateInfoNVX(x.vks, next_types...) end function CuFunctionCreateInfoNVX(x::_CuFunctionCreateInfoNVX, next_types::Type...) (; deps) = x GC.@preserve deps CuFunctionCreateInfoNVX(x.vks, next_types...) end function CuLaunchInfoNVX(x::_CuLaunchInfoNVX, next_types::Type...) (; deps) = x GC.@preserve deps CuLaunchInfoNVX(x.vks, next_types...) end function PhysicalDeviceDescriptorBufferFeaturesEXT(x::_PhysicalDeviceDescriptorBufferFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDescriptorBufferFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceDescriptorBufferPropertiesEXT(x::_PhysicalDeviceDescriptorBufferPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDescriptorBufferPropertiesEXT(x.vks, next_types...) end function PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT(x::_PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT(x.vks, next_types...) end function DescriptorAddressInfoEXT(x::_DescriptorAddressInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorAddressInfoEXT(x.vks, next_types...) end function DescriptorBufferBindingInfoEXT(x::_DescriptorBufferBindingInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorBufferBindingInfoEXT(x.vks, next_types...) end function DescriptorBufferBindingPushDescriptorBufferHandleEXT(x::_DescriptorBufferBindingPushDescriptorBufferHandleEXT, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorBufferBindingPushDescriptorBufferHandleEXT(x.vks, next_types...) end function DescriptorGetInfoEXT(x::_DescriptorGetInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorGetInfoEXT(x.vks, next_types...) end function BufferCaptureDescriptorDataInfoEXT(x::_BufferCaptureDescriptorDataInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps BufferCaptureDescriptorDataInfoEXT(x.vks, next_types...) end function ImageCaptureDescriptorDataInfoEXT(x::_ImageCaptureDescriptorDataInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ImageCaptureDescriptorDataInfoEXT(x.vks, next_types...) end function ImageViewCaptureDescriptorDataInfoEXT(x::_ImageViewCaptureDescriptorDataInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ImageViewCaptureDescriptorDataInfoEXT(x.vks, next_types...) end function SamplerCaptureDescriptorDataInfoEXT(x::_SamplerCaptureDescriptorDataInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps SamplerCaptureDescriptorDataInfoEXT(x.vks, next_types...) end function AccelerationStructureCaptureDescriptorDataInfoEXT(x::_AccelerationStructureCaptureDescriptorDataInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureCaptureDescriptorDataInfoEXT(x.vks, next_types...) end function OpaqueCaptureDescriptorDataCreateInfoEXT(x::_OpaqueCaptureDescriptorDataCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps OpaqueCaptureDescriptorDataCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceShaderIntegerDotProductFeatures(x::_PhysicalDeviceShaderIntegerDotProductFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderIntegerDotProductFeatures(x.vks, next_types...) end function PhysicalDeviceShaderIntegerDotProductProperties(x::_PhysicalDeviceShaderIntegerDotProductProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderIntegerDotProductProperties(x.vks, next_types...) end function PhysicalDeviceDrmPropertiesEXT(x::_PhysicalDeviceDrmPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDrmPropertiesEXT(x.vks, next_types...) end function PhysicalDeviceFragmentShaderBarycentricFeaturesKHR(x::_PhysicalDeviceFragmentShaderBarycentricFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentShaderBarycentricFeaturesKHR(x.vks, next_types...) end function PhysicalDeviceFragmentShaderBarycentricPropertiesKHR(x::_PhysicalDeviceFragmentShaderBarycentricPropertiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentShaderBarycentricPropertiesKHR(x.vks, next_types...) end function PhysicalDeviceRayTracingMotionBlurFeaturesNV(x::_PhysicalDeviceRayTracingMotionBlurFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRayTracingMotionBlurFeaturesNV(x.vks, next_types...) end function AccelerationStructureGeometryMotionTrianglesDataNV(x::_AccelerationStructureGeometryMotionTrianglesDataNV, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureGeometryMotionTrianglesDataNV(x.vks, next_types...) end function AccelerationStructureMotionInfoNV(x::_AccelerationStructureMotionInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureMotionInfoNV(x.vks, next_types...) end SRTDataNV(x::_SRTDataNV) = SRTDataNV(x.vks) AccelerationStructureSRTMotionInstanceNV(x::_AccelerationStructureSRTMotionInstanceNV) = AccelerationStructureSRTMotionInstanceNV(x.vks) AccelerationStructureMatrixMotionInstanceNV(x::_AccelerationStructureMatrixMotionInstanceNV) = AccelerationStructureMatrixMotionInstanceNV(x.vks) AccelerationStructureMotionInstanceNV(x::_AccelerationStructureMotionInstanceNV) = AccelerationStructureMotionInstanceNV(x.vks) function MemoryGetRemoteAddressInfoNV(x::_MemoryGetRemoteAddressInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps MemoryGetRemoteAddressInfoNV(x.vks, next_types...) end function PhysicalDeviceRGBA10X6FormatsFeaturesEXT(x::_PhysicalDeviceRGBA10X6FormatsFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRGBA10X6FormatsFeaturesEXT(x.vks, next_types...) end function FormatProperties3(x::_FormatProperties3, next_types::Type...) (; deps) = x GC.@preserve deps FormatProperties3(x.vks, next_types...) end function DrmFormatModifierPropertiesList2EXT(x::_DrmFormatModifierPropertiesList2EXT, next_types::Type...) (; deps) = x GC.@preserve deps DrmFormatModifierPropertiesList2EXT(x.vks, next_types...) end DrmFormatModifierProperties2EXT(x::_DrmFormatModifierProperties2EXT) = DrmFormatModifierProperties2EXT(x.vks) function PipelineRenderingCreateInfo(x::_PipelineRenderingCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineRenderingCreateInfo(x.vks, next_types...) end function RenderingInfo(x::_RenderingInfo, next_types::Type...) (; deps) = x GC.@preserve deps RenderingInfo(x.vks, next_types...) end function RenderingAttachmentInfo(x::_RenderingAttachmentInfo, next_types::Type...) (; deps) = x GC.@preserve deps RenderingAttachmentInfo(x.vks, next_types...) end function RenderingFragmentShadingRateAttachmentInfoKHR(x::_RenderingFragmentShadingRateAttachmentInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps RenderingFragmentShadingRateAttachmentInfoKHR(x.vks, next_types...) end function RenderingFragmentDensityMapAttachmentInfoEXT(x::_RenderingFragmentDensityMapAttachmentInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps RenderingFragmentDensityMapAttachmentInfoEXT(x.vks, next_types...) end function PhysicalDeviceDynamicRenderingFeatures(x::_PhysicalDeviceDynamicRenderingFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDynamicRenderingFeatures(x.vks, next_types...) end function CommandBufferInheritanceRenderingInfo(x::_CommandBufferInheritanceRenderingInfo, next_types::Type...) (; deps) = x GC.@preserve deps CommandBufferInheritanceRenderingInfo(x.vks, next_types...) end function AttachmentSampleCountInfoAMD(x::_AttachmentSampleCountInfoAMD, next_types::Type...) (; deps) = x GC.@preserve deps AttachmentSampleCountInfoAMD(x.vks, next_types...) end function MultiviewPerViewAttributesInfoNVX(x::_MultiviewPerViewAttributesInfoNVX, next_types::Type...) (; deps) = x GC.@preserve deps MultiviewPerViewAttributesInfoNVX(x.vks, next_types...) end function PhysicalDeviceImageViewMinLodFeaturesEXT(x::_PhysicalDeviceImageViewMinLodFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceImageViewMinLodFeaturesEXT(x.vks, next_types...) end function ImageViewMinLodCreateInfoEXT(x::_ImageViewMinLodCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ImageViewMinLodCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT(x::_PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceLinearColorAttachmentFeaturesNV(x::_PhysicalDeviceLinearColorAttachmentFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceLinearColorAttachmentFeaturesNV(x.vks, next_types...) end function PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT(x::_PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT(x::_PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT(x.vks, next_types...) end function GraphicsPipelineLibraryCreateInfoEXT(x::_GraphicsPipelineLibraryCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps GraphicsPipelineLibraryCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE(x::_PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE(x.vks, next_types...) end function DescriptorSetBindingReferenceVALVE(x::_DescriptorSetBindingReferenceVALVE, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorSetBindingReferenceVALVE(x.vks, next_types...) end function DescriptorSetLayoutHostMappingInfoVALVE(x::_DescriptorSetLayoutHostMappingInfoVALVE, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorSetLayoutHostMappingInfoVALVE(x.vks, next_types...) end function PhysicalDeviceShaderModuleIdentifierFeaturesEXT(x::_PhysicalDeviceShaderModuleIdentifierFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderModuleIdentifierFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceShaderModuleIdentifierPropertiesEXT(x::_PhysicalDeviceShaderModuleIdentifierPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderModuleIdentifierPropertiesEXT(x.vks, next_types...) end function PipelineShaderStageModuleIdentifierCreateInfoEXT(x::_PipelineShaderStageModuleIdentifierCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineShaderStageModuleIdentifierCreateInfoEXT(x.vks, next_types...) end function ShaderModuleIdentifierEXT(x::_ShaderModuleIdentifierEXT, next_types::Type...) (; deps) = x GC.@preserve deps ShaderModuleIdentifierEXT(x.vks, next_types...) end function ImageCompressionControlEXT(x::_ImageCompressionControlEXT, next_types::Type...) (; deps) = x GC.@preserve deps ImageCompressionControlEXT(x.vks, next_types...) end function PhysicalDeviceImageCompressionControlFeaturesEXT(x::_PhysicalDeviceImageCompressionControlFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceImageCompressionControlFeaturesEXT(x.vks, next_types...) end function ImageCompressionPropertiesEXT(x::_ImageCompressionPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps ImageCompressionPropertiesEXT(x.vks, next_types...) end function PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT(x::_PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT(x.vks, next_types...) end function ImageSubresource2EXT(x::_ImageSubresource2EXT, next_types::Type...) (; deps) = x GC.@preserve deps ImageSubresource2EXT(x.vks, next_types...) end function SubresourceLayout2EXT(x::_SubresourceLayout2EXT, next_types::Type...) (; deps) = x GC.@preserve deps SubresourceLayout2EXT(x.vks, next_types...) end function RenderPassCreationControlEXT(x::_RenderPassCreationControlEXT, next_types::Type...) (; deps) = x GC.@preserve deps RenderPassCreationControlEXT(x.vks, next_types...) end RenderPassCreationFeedbackInfoEXT(x::_RenderPassCreationFeedbackInfoEXT) = RenderPassCreationFeedbackInfoEXT(x.vks) function RenderPassCreationFeedbackCreateInfoEXT(x::_RenderPassCreationFeedbackCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps RenderPassCreationFeedbackCreateInfoEXT(x.vks, next_types...) end RenderPassSubpassFeedbackInfoEXT(x::_RenderPassSubpassFeedbackInfoEXT) = RenderPassSubpassFeedbackInfoEXT(x.vks) function RenderPassSubpassFeedbackCreateInfoEXT(x::_RenderPassSubpassFeedbackCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps RenderPassSubpassFeedbackCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceSubpassMergeFeedbackFeaturesEXT(x::_PhysicalDeviceSubpassMergeFeedbackFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSubpassMergeFeedbackFeaturesEXT(x.vks, next_types...) end function MicromapBuildInfoEXT(x::_MicromapBuildInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps MicromapBuildInfoEXT(x.vks, next_types...) end function MicromapCreateInfoEXT(x::_MicromapCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps MicromapCreateInfoEXT(x.vks, next_types...) end function MicromapVersionInfoEXT(x::_MicromapVersionInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps MicromapVersionInfoEXT(x.vks, next_types...) end function CopyMicromapInfoEXT(x::_CopyMicromapInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps CopyMicromapInfoEXT(x.vks, next_types...) end function CopyMicromapToMemoryInfoEXT(x::_CopyMicromapToMemoryInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps CopyMicromapToMemoryInfoEXT(x.vks, next_types...) end function CopyMemoryToMicromapInfoEXT(x::_CopyMemoryToMicromapInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps CopyMemoryToMicromapInfoEXT(x.vks, next_types...) end function MicromapBuildSizesInfoEXT(x::_MicromapBuildSizesInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps MicromapBuildSizesInfoEXT(x.vks, next_types...) end MicromapUsageEXT(x::_MicromapUsageEXT) = MicromapUsageEXT(x.vks) MicromapTriangleEXT(x::_MicromapTriangleEXT) = MicromapTriangleEXT(x.vks) function PhysicalDeviceOpacityMicromapFeaturesEXT(x::_PhysicalDeviceOpacityMicromapFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceOpacityMicromapFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceOpacityMicromapPropertiesEXT(x::_PhysicalDeviceOpacityMicromapPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceOpacityMicromapPropertiesEXT(x.vks, next_types...) end function AccelerationStructureTrianglesOpacityMicromapEXT(x::_AccelerationStructureTrianglesOpacityMicromapEXT, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureTrianglesOpacityMicromapEXT(x.vks, next_types...) end function PipelinePropertiesIdentifierEXT(x::_PipelinePropertiesIdentifierEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelinePropertiesIdentifierEXT(x.vks, next_types...) end function PhysicalDevicePipelinePropertiesFeaturesEXT(x::_PhysicalDevicePipelinePropertiesFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePipelinePropertiesFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD(x::_PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD(x.vks, next_types...) end function PhysicalDeviceNonSeamlessCubeMapFeaturesEXT(x::_PhysicalDeviceNonSeamlessCubeMapFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceNonSeamlessCubeMapFeaturesEXT(x.vks, next_types...) end function PhysicalDevicePipelineRobustnessFeaturesEXT(x::_PhysicalDevicePipelineRobustnessFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePipelineRobustnessFeaturesEXT(x.vks, next_types...) end function PipelineRobustnessCreateInfoEXT(x::_PipelineRobustnessCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineRobustnessCreateInfoEXT(x.vks, next_types...) end function PhysicalDevicePipelineRobustnessPropertiesEXT(x::_PhysicalDevicePipelineRobustnessPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePipelineRobustnessPropertiesEXT(x.vks, next_types...) end function ImageViewSampleWeightCreateInfoQCOM(x::_ImageViewSampleWeightCreateInfoQCOM, next_types::Type...) (; deps) = x GC.@preserve deps ImageViewSampleWeightCreateInfoQCOM(x.vks, next_types...) end function PhysicalDeviceImageProcessingFeaturesQCOM(x::_PhysicalDeviceImageProcessingFeaturesQCOM, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceImageProcessingFeaturesQCOM(x.vks, next_types...) end function PhysicalDeviceImageProcessingPropertiesQCOM(x::_PhysicalDeviceImageProcessingPropertiesQCOM, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceImageProcessingPropertiesQCOM(x.vks, next_types...) end function PhysicalDeviceTilePropertiesFeaturesQCOM(x::_PhysicalDeviceTilePropertiesFeaturesQCOM, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceTilePropertiesFeaturesQCOM(x.vks, next_types...) end function TilePropertiesQCOM(x::_TilePropertiesQCOM, next_types::Type...) (; deps) = x GC.@preserve deps TilePropertiesQCOM(x.vks, next_types...) end function PhysicalDeviceAmigoProfilingFeaturesSEC(x::_PhysicalDeviceAmigoProfilingFeaturesSEC, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceAmigoProfilingFeaturesSEC(x.vks, next_types...) end function AmigoProfilingSubmitInfoSEC(x::_AmigoProfilingSubmitInfoSEC, next_types::Type...) (; deps) = x GC.@preserve deps AmigoProfilingSubmitInfoSEC(x.vks, next_types...) end function PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT(x::_PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceDepthClampZeroOneFeaturesEXT(x::_PhysicalDeviceDepthClampZeroOneFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDepthClampZeroOneFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceAddressBindingReportFeaturesEXT(x::_PhysicalDeviceAddressBindingReportFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceAddressBindingReportFeaturesEXT(x.vks, next_types...) end function DeviceAddressBindingCallbackDataEXT(x::_DeviceAddressBindingCallbackDataEXT, next_types::Type...) (; deps) = x GC.@preserve deps DeviceAddressBindingCallbackDataEXT(x.vks, next_types...) end function PhysicalDeviceOpticalFlowFeaturesNV(x::_PhysicalDeviceOpticalFlowFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceOpticalFlowFeaturesNV(x.vks, next_types...) end function PhysicalDeviceOpticalFlowPropertiesNV(x::_PhysicalDeviceOpticalFlowPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceOpticalFlowPropertiesNV(x.vks, next_types...) end function OpticalFlowImageFormatInfoNV(x::_OpticalFlowImageFormatInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps OpticalFlowImageFormatInfoNV(x.vks, next_types...) end function OpticalFlowImageFormatPropertiesNV(x::_OpticalFlowImageFormatPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps OpticalFlowImageFormatPropertiesNV(x.vks, next_types...) end function OpticalFlowSessionCreateInfoNV(x::_OpticalFlowSessionCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps OpticalFlowSessionCreateInfoNV(x.vks, next_types...) end function OpticalFlowSessionCreatePrivateDataInfoNV(x::_OpticalFlowSessionCreatePrivateDataInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps OpticalFlowSessionCreatePrivateDataInfoNV(x.vks, next_types...) end function OpticalFlowExecuteInfoNV(x::_OpticalFlowExecuteInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps OpticalFlowExecuteInfoNV(x.vks, next_types...) end function PhysicalDeviceFaultFeaturesEXT(x::_PhysicalDeviceFaultFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFaultFeaturesEXT(x.vks, next_types...) end DeviceFaultAddressInfoEXT(x::_DeviceFaultAddressInfoEXT) = DeviceFaultAddressInfoEXT(x.vks) DeviceFaultVendorInfoEXT(x::_DeviceFaultVendorInfoEXT) = DeviceFaultVendorInfoEXT(x.vks) function DeviceFaultCountsEXT(x::_DeviceFaultCountsEXT, next_types::Type...) (; deps) = x GC.@preserve deps DeviceFaultCountsEXT(x.vks, next_types...) end function DeviceFaultInfoEXT(x::_DeviceFaultInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DeviceFaultInfoEXT(x.vks, next_types...) end DeviceFaultVendorBinaryHeaderVersionOneEXT(x::_DeviceFaultVendorBinaryHeaderVersionOneEXT) = DeviceFaultVendorBinaryHeaderVersionOneEXT(x.vks) function PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT(x::_PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT(x.vks, next_types...) end DecompressMemoryRegionNV(x::_DecompressMemoryRegionNV) = DecompressMemoryRegionNV(x.vks) function PhysicalDeviceShaderCoreBuiltinsPropertiesARM(x::_PhysicalDeviceShaderCoreBuiltinsPropertiesARM, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderCoreBuiltinsPropertiesARM(x.vks, next_types...) end function PhysicalDeviceShaderCoreBuiltinsFeaturesARM(x::_PhysicalDeviceShaderCoreBuiltinsFeaturesARM, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderCoreBuiltinsFeaturesARM(x.vks, next_types...) end function SurfacePresentModeEXT(x::_SurfacePresentModeEXT, next_types::Type...) (; deps) = x GC.@preserve deps SurfacePresentModeEXT(x.vks, next_types...) end function SurfacePresentScalingCapabilitiesEXT(x::_SurfacePresentScalingCapabilitiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps SurfacePresentScalingCapabilitiesEXT(x.vks, next_types...) end function SurfacePresentModeCompatibilityEXT(x::_SurfacePresentModeCompatibilityEXT, next_types::Type...) (; deps) = x GC.@preserve deps SurfacePresentModeCompatibilityEXT(x.vks, next_types...) end function PhysicalDeviceSwapchainMaintenance1FeaturesEXT(x::_PhysicalDeviceSwapchainMaintenance1FeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSwapchainMaintenance1FeaturesEXT(x.vks, next_types...) end function SwapchainPresentFenceInfoEXT(x::_SwapchainPresentFenceInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps SwapchainPresentFenceInfoEXT(x.vks, next_types...) end function SwapchainPresentModesCreateInfoEXT(x::_SwapchainPresentModesCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps SwapchainPresentModesCreateInfoEXT(x.vks, next_types...) end function SwapchainPresentModeInfoEXT(x::_SwapchainPresentModeInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps SwapchainPresentModeInfoEXT(x.vks, next_types...) end function SwapchainPresentScalingCreateInfoEXT(x::_SwapchainPresentScalingCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps SwapchainPresentScalingCreateInfoEXT(x.vks, next_types...) end function ReleaseSwapchainImagesInfoEXT(x::_ReleaseSwapchainImagesInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ReleaseSwapchainImagesInfoEXT(x.vks, next_types...) end function PhysicalDeviceRayTracingInvocationReorderFeaturesNV(x::_PhysicalDeviceRayTracingInvocationReorderFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRayTracingInvocationReorderFeaturesNV(x.vks, next_types...) end function PhysicalDeviceRayTracingInvocationReorderPropertiesNV(x::_PhysicalDeviceRayTracingInvocationReorderPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRayTracingInvocationReorderPropertiesNV(x.vks, next_types...) end function DirectDriverLoadingInfoLUNARG(x::_DirectDriverLoadingInfoLUNARG, next_types::Type...) (; deps) = x GC.@preserve deps DirectDriverLoadingInfoLUNARG(x.vks, next_types...) end function DirectDriverLoadingListLUNARG(x::_DirectDriverLoadingListLUNARG, next_types::Type...) (; deps) = x GC.@preserve deps DirectDriverLoadingListLUNARG(x.vks, next_types...) end function PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM(x::_PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM(x.vks, next_types...) end BaseOutStructure(x::VkBaseOutStructure, next_types::Type...) = BaseOutStructure(load_next_chain(x.pNext, next_types...)) BaseInStructure(x::VkBaseInStructure, next_types::Type...) = BaseInStructure(load_next_chain(x.pNext, next_types...)) Offset2D(x::VkOffset2D) = Offset2D(x.x, x.y) Offset3D(x::VkOffset3D) = Offset3D(x.x, x.y, x.z) Extent2D(x::VkExtent2D) = Extent2D(x.width, x.height) Extent3D(x::VkExtent3D) = Extent3D(x.width, x.height, x.depth) Viewport(x::VkViewport) = Viewport(x.x, x.y, x.width, x.height, x.minDepth, x.maxDepth) Rect2D(x::VkRect2D) = Rect2D(Offset2D(x.offset), Extent2D(x.extent)) ClearRect(x::VkClearRect) = ClearRect(Rect2D(x.rect), x.baseArrayLayer, x.layerCount) ComponentMapping(x::VkComponentMapping) = ComponentMapping(x.r, x.g, x.b, x.a) PhysicalDeviceProperties(x::VkPhysicalDeviceProperties) = PhysicalDeviceProperties(from_vk(VersionNumber, x.apiVersion), from_vk(VersionNumber, x.driverVersion), x.vendorID, x.deviceID, x.deviceType, from_vk(String, x.deviceName), x.pipelineCacheUUID, PhysicalDeviceLimits(x.limits), PhysicalDeviceSparseProperties(x.sparseProperties)) ExtensionProperties(x::VkExtensionProperties) = ExtensionProperties(from_vk(String, x.extensionName), from_vk(VersionNumber, x.specVersion)) LayerProperties(x::VkLayerProperties) = LayerProperties(from_vk(String, x.layerName), from_vk(VersionNumber, x.specVersion), from_vk(VersionNumber, x.implementationVersion), from_vk(String, x.description)) ApplicationInfo(x::VkApplicationInfo, next_types::Type...) = ApplicationInfo(load_next_chain(x.pNext, next_types...), unsafe_string(x.pApplicationName), from_vk(VersionNumber, x.applicationVersion), unsafe_string(x.pEngineName), from_vk(VersionNumber, x.engineVersion), from_vk(VersionNumber, x.apiVersion)) AllocationCallbacks(x::VkAllocationCallbacks) = AllocationCallbacks(x.pUserData, from_vk(FunctionPtr, x.pfnAllocation), from_vk(FunctionPtr, x.pfnReallocation), from_vk(FunctionPtr, x.pfnFree), from_vk(FunctionPtr, x.pfnInternalAllocation), from_vk(FunctionPtr, x.pfnInternalFree)) DeviceQueueCreateInfo(x::VkDeviceQueueCreateInfo, next_types::Type...) = DeviceQueueCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, x.queueFamilyIndex, unsafe_wrap(Vector{Float32}, x.pQueuePriorities, x.queueCount; own = true)) DeviceCreateInfo(x::VkDeviceCreateInfo, next_types::Type...) = DeviceCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{DeviceQueueCreateInfo}, x.pQueueCreateInfos, x.queueCreateInfoCount; own = true), unsafe_wrap(Vector{String}, x.ppEnabledLayerNames, x.enabledLayerCount; own = true), unsafe_wrap(Vector{String}, x.ppEnabledExtensionNames, x.enabledExtensionCount; own = true), PhysicalDeviceFeatures(x.pEnabledFeatures)) InstanceCreateInfo(x::VkInstanceCreateInfo, next_types::Type...) = InstanceCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, ApplicationInfo(x.pApplicationInfo), unsafe_wrap(Vector{String}, x.ppEnabledLayerNames, x.enabledLayerCount; own = true), unsafe_wrap(Vector{String}, x.ppEnabledExtensionNames, x.enabledExtensionCount; own = true)) QueueFamilyProperties(x::VkQueueFamilyProperties) = QueueFamilyProperties(x.queueFlags, x.queueCount, x.timestampValidBits, Extent3D(x.minImageTransferGranularity)) PhysicalDeviceMemoryProperties(x::VkPhysicalDeviceMemoryProperties) = PhysicalDeviceMemoryProperties(x.memoryTypeCount, MemoryType.(x.memoryTypes), x.memoryHeapCount, MemoryHeap.(x.memoryHeaps)) MemoryAllocateInfo(x::VkMemoryAllocateInfo, next_types::Type...) = MemoryAllocateInfo(load_next_chain(x.pNext, next_types...), x.allocationSize, x.memoryTypeIndex) MemoryRequirements(x::VkMemoryRequirements) = MemoryRequirements(x.size, x.alignment, x.memoryTypeBits) SparseImageFormatProperties(x::VkSparseImageFormatProperties) = SparseImageFormatProperties(x.aspectMask, Extent3D(x.imageGranularity), x.flags) SparseImageMemoryRequirements(x::VkSparseImageMemoryRequirements) = SparseImageMemoryRequirements(SparseImageFormatProperties(x.formatProperties), x.imageMipTailFirstLod, x.imageMipTailSize, x.imageMipTailOffset, x.imageMipTailStride) MemoryType(x::VkMemoryType) = MemoryType(x.propertyFlags, x.heapIndex) MemoryHeap(x::VkMemoryHeap) = MemoryHeap(x.size, x.flags) MappedMemoryRange(x::VkMappedMemoryRange, next_types::Type...) = MappedMemoryRange(load_next_chain(x.pNext, next_types...), DeviceMemory(x.memory), x.offset, x.size) FormatProperties(x::VkFormatProperties) = FormatProperties(x.linearTilingFeatures, x.optimalTilingFeatures, x.bufferFeatures) ImageFormatProperties(x::VkImageFormatProperties) = ImageFormatProperties(Extent3D(x.maxExtent), x.maxMipLevels, x.maxArrayLayers, x.sampleCounts, x.maxResourceSize) DescriptorBufferInfo(x::VkDescriptorBufferInfo) = DescriptorBufferInfo(Buffer(x.buffer), x.offset, x.range) DescriptorImageInfo(x::VkDescriptorImageInfo) = DescriptorImageInfo(Sampler(x.sampler), ImageView(x.imageView), x.imageLayout) WriteDescriptorSet(x::VkWriteDescriptorSet, next_types::Type...) = WriteDescriptorSet(load_next_chain(x.pNext, next_types...), DescriptorSet(x.dstSet), x.dstBinding, x.dstArrayElement, x.descriptorType, unsafe_wrap(Vector{DescriptorImageInfo}, x.pImageInfo, x.descriptorCount; own = true), unsafe_wrap(Vector{DescriptorBufferInfo}, x.pBufferInfo, x.descriptorCount; own = true), unsafe_wrap(Vector{BufferView}, x.pTexelBufferView, x.descriptorCount; own = true)) CopyDescriptorSet(x::VkCopyDescriptorSet, next_types::Type...) = CopyDescriptorSet(load_next_chain(x.pNext, next_types...), DescriptorSet(x.srcSet), x.srcBinding, x.srcArrayElement, DescriptorSet(x.dstSet), x.dstBinding, x.dstArrayElement, x.descriptorCount) BufferCreateInfo(x::VkBufferCreateInfo, next_types::Type...) = BufferCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, x.size, x.usage, x.sharingMode, unsafe_wrap(Vector{UInt32}, x.pQueueFamilyIndices, x.queueFamilyIndexCount; own = true)) BufferViewCreateInfo(x::VkBufferViewCreateInfo, next_types::Type...) = BufferViewCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, Buffer(x.buffer), x.format, x.offset, x.range) ImageSubresource(x::VkImageSubresource) = ImageSubresource(x.aspectMask, x.mipLevel, x.arrayLayer) ImageSubresourceLayers(x::VkImageSubresourceLayers) = ImageSubresourceLayers(x.aspectMask, x.mipLevel, x.baseArrayLayer, x.layerCount) ImageSubresourceRange(x::VkImageSubresourceRange) = ImageSubresourceRange(x.aspectMask, x.baseMipLevel, x.levelCount, x.baseArrayLayer, x.layerCount) MemoryBarrier(x::VkMemoryBarrier, next_types::Type...) = MemoryBarrier(load_next_chain(x.pNext, next_types...), x.srcAccessMask, x.dstAccessMask) BufferMemoryBarrier(x::VkBufferMemoryBarrier, next_types::Type...) = BufferMemoryBarrier(load_next_chain(x.pNext, next_types...), x.srcAccessMask, x.dstAccessMask, x.srcQueueFamilyIndex, x.dstQueueFamilyIndex, Buffer(x.buffer), x.offset, x.size) ImageMemoryBarrier(x::VkImageMemoryBarrier, next_types::Type...) = ImageMemoryBarrier(load_next_chain(x.pNext, next_types...), x.srcAccessMask, x.dstAccessMask, x.oldLayout, x.newLayout, x.srcQueueFamilyIndex, x.dstQueueFamilyIndex, Image(x.image), ImageSubresourceRange(x.subresourceRange)) ImageCreateInfo(x::VkImageCreateInfo, next_types::Type...) = ImageCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, x.imageType, x.format, Extent3D(x.extent), x.mipLevels, x.arrayLayers, SampleCountFlag(UInt32(x.samples)), x.tiling, x.usage, x.sharingMode, unsafe_wrap(Vector{UInt32}, x.pQueueFamilyIndices, x.queueFamilyIndexCount; own = true), x.initialLayout) SubresourceLayout(x::VkSubresourceLayout) = SubresourceLayout(x.offset, x.size, x.rowPitch, x.arrayPitch, x.depthPitch) ImageViewCreateInfo(x::VkImageViewCreateInfo, next_types::Type...) = ImageViewCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, Image(x.image), x.viewType, x.format, ComponentMapping(x.components), ImageSubresourceRange(x.subresourceRange)) BufferCopy(x::VkBufferCopy) = BufferCopy(x.srcOffset, x.dstOffset, x.size) SparseMemoryBind(x::VkSparseMemoryBind) = SparseMemoryBind(x.resourceOffset, x.size, DeviceMemory(x.memory), x.memoryOffset, x.flags) SparseImageMemoryBind(x::VkSparseImageMemoryBind) = SparseImageMemoryBind(ImageSubresource(x.subresource), Offset3D(x.offset), Extent3D(x.extent), DeviceMemory(x.memory), x.memoryOffset, x.flags) SparseBufferMemoryBindInfo(x::VkSparseBufferMemoryBindInfo) = SparseBufferMemoryBindInfo(Buffer(x.buffer), unsafe_wrap(Vector{SparseMemoryBind}, x.pBinds, x.bindCount; own = true)) SparseImageOpaqueMemoryBindInfo(x::VkSparseImageOpaqueMemoryBindInfo) = SparseImageOpaqueMemoryBindInfo(Image(x.image), unsafe_wrap(Vector{SparseMemoryBind}, x.pBinds, x.bindCount; own = true)) SparseImageMemoryBindInfo(x::VkSparseImageMemoryBindInfo) = SparseImageMemoryBindInfo(Image(x.image), unsafe_wrap(Vector{SparseImageMemoryBind}, x.pBinds, x.bindCount; own = true)) BindSparseInfo(x::VkBindSparseInfo, next_types::Type...) = BindSparseInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{Semaphore}, x.pWaitSemaphores, x.waitSemaphoreCount; own = true), unsafe_wrap(Vector{SparseBufferMemoryBindInfo}, x.pBufferBinds, x.bufferBindCount; own = true), unsafe_wrap(Vector{SparseImageOpaqueMemoryBindInfo}, x.pImageOpaqueBinds, x.imageOpaqueBindCount; own = true), unsafe_wrap(Vector{SparseImageMemoryBindInfo}, x.pImageBinds, x.imageBindCount; own = true), unsafe_wrap(Vector{Semaphore}, x.pSignalSemaphores, x.signalSemaphoreCount; own = true)) ImageCopy(x::VkImageCopy) = ImageCopy(ImageSubresourceLayers(x.srcSubresource), Offset3D(x.srcOffset), ImageSubresourceLayers(x.dstSubresource), Offset3D(x.dstOffset), Extent3D(x.extent)) ImageBlit(x::VkImageBlit) = ImageBlit(ImageSubresourceLayers(x.srcSubresource), Offset3D.(x.srcOffsets), ImageSubresourceLayers(x.dstSubresource), Offset3D.(x.dstOffsets)) BufferImageCopy(x::VkBufferImageCopy) = BufferImageCopy(x.bufferOffset, x.bufferRowLength, x.bufferImageHeight, ImageSubresourceLayers(x.imageSubresource), Offset3D(x.imageOffset), Extent3D(x.imageExtent)) CopyMemoryIndirectCommandNV(x::VkCopyMemoryIndirectCommandNV) = CopyMemoryIndirectCommandNV(x.srcAddress, x.dstAddress, x.size) CopyMemoryToImageIndirectCommandNV(x::VkCopyMemoryToImageIndirectCommandNV) = CopyMemoryToImageIndirectCommandNV(x.srcAddress, x.bufferRowLength, x.bufferImageHeight, ImageSubresourceLayers(x.imageSubresource), Offset3D(x.imageOffset), Extent3D(x.imageExtent)) ImageResolve(x::VkImageResolve) = ImageResolve(ImageSubresourceLayers(x.srcSubresource), Offset3D(x.srcOffset), ImageSubresourceLayers(x.dstSubresource), Offset3D(x.dstOffset), Extent3D(x.extent)) ShaderModuleCreateInfo(x::VkShaderModuleCreateInfo, next_types::Type...) = ShaderModuleCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, x.codeSize, unsafe_wrap(Vector{UInt32}, x.pCode, x.codeSize ÷ 4; own = true)) DescriptorSetLayoutBinding(x::VkDescriptorSetLayoutBinding) = DescriptorSetLayoutBinding(x.binding, x.descriptorType, x.stageFlags, unsafe_wrap(Vector{Sampler}, x.pImmutableSamplers, x.descriptorCount; own = true)) DescriptorSetLayoutCreateInfo(x::VkDescriptorSetLayoutCreateInfo, next_types::Type...) = DescriptorSetLayoutCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{DescriptorSetLayoutBinding}, x.pBindings, x.bindingCount; own = true)) DescriptorPoolSize(x::VkDescriptorPoolSize) = DescriptorPoolSize(x.type, x.descriptorCount) DescriptorPoolCreateInfo(x::VkDescriptorPoolCreateInfo, next_types::Type...) = DescriptorPoolCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, x.maxSets, unsafe_wrap(Vector{DescriptorPoolSize}, x.pPoolSizes, x.poolSizeCount; own = true)) DescriptorSetAllocateInfo(x::VkDescriptorSetAllocateInfo, next_types::Type...) = DescriptorSetAllocateInfo(load_next_chain(x.pNext, next_types...), DescriptorPool(x.descriptorPool), unsafe_wrap(Vector{DescriptorSetLayout}, x.pSetLayouts, x.descriptorSetCount; own = true)) SpecializationMapEntry(x::VkSpecializationMapEntry) = SpecializationMapEntry(x.constantID, x.offset, x.size) SpecializationInfo(x::VkSpecializationInfo) = SpecializationInfo(unsafe_wrap(Vector{SpecializationMapEntry}, x.pMapEntries, x.mapEntryCount; own = true), x.dataSize, x.pData) PipelineShaderStageCreateInfo(x::VkPipelineShaderStageCreateInfo, next_types::Type...) = PipelineShaderStageCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, ShaderStageFlag(UInt32(x.stage)), ShaderModule(x._module), unsafe_string(x.pName), SpecializationInfo(x.pSpecializationInfo)) ComputePipelineCreateInfo(x::VkComputePipelineCreateInfo, next_types::Type...) = ComputePipelineCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, PipelineShaderStageCreateInfo(x.stage), PipelineLayout(x.layout), Pipeline(x.basePipelineHandle), x.basePipelineIndex) VertexInputBindingDescription(x::VkVertexInputBindingDescription) = VertexInputBindingDescription(x.binding, x.stride, x.inputRate) VertexInputAttributeDescription(x::VkVertexInputAttributeDescription) = VertexInputAttributeDescription(x.location, x.binding, x.format, x.offset) PipelineVertexInputStateCreateInfo(x::VkPipelineVertexInputStateCreateInfo, next_types::Type...) = PipelineVertexInputStateCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{VertexInputBindingDescription}, x.pVertexBindingDescriptions, x.vertexBindingDescriptionCount; own = true), unsafe_wrap(Vector{VertexInputAttributeDescription}, x.pVertexAttributeDescriptions, x.vertexAttributeDescriptionCount; own = true)) PipelineInputAssemblyStateCreateInfo(x::VkPipelineInputAssemblyStateCreateInfo, next_types::Type...) = PipelineInputAssemblyStateCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, x.topology, from_vk(Bool, x.primitiveRestartEnable)) PipelineTessellationStateCreateInfo(x::VkPipelineTessellationStateCreateInfo, next_types::Type...) = PipelineTessellationStateCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, x.patchControlPoints) PipelineViewportStateCreateInfo(x::VkPipelineViewportStateCreateInfo, next_types::Type...) = PipelineViewportStateCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{Viewport}, x.pViewports, x.viewportCount; own = true), unsafe_wrap(Vector{Rect2D}, x.pScissors, x.scissorCount; own = true)) PipelineRasterizationStateCreateInfo(x::VkPipelineRasterizationStateCreateInfo, next_types::Type...) = PipelineRasterizationStateCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, from_vk(Bool, x.depthClampEnable), from_vk(Bool, x.rasterizerDiscardEnable), x.polygonMode, x.cullMode, x.frontFace, from_vk(Bool, x.depthBiasEnable), x.depthBiasConstantFactor, x.depthBiasClamp, x.depthBiasSlopeFactor, x.lineWidth) PipelineMultisampleStateCreateInfo(x::VkPipelineMultisampleStateCreateInfo, next_types::Type...) = PipelineMultisampleStateCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, SampleCountFlag(UInt32(x.rasterizationSamples)), from_vk(Bool, x.sampleShadingEnable), x.minSampleShading, unsafe_wrap(Vector{UInt32}, x.pSampleMask, (x.rasterizationSamples + 31) ÷ 32; own = true), from_vk(Bool, x.alphaToCoverageEnable), from_vk(Bool, x.alphaToOneEnable)) PipelineColorBlendAttachmentState(x::VkPipelineColorBlendAttachmentState) = PipelineColorBlendAttachmentState(from_vk(Bool, x.blendEnable), x.srcColorBlendFactor, x.dstColorBlendFactor, x.colorBlendOp, x.srcAlphaBlendFactor, x.dstAlphaBlendFactor, x.alphaBlendOp, x.colorWriteMask) PipelineColorBlendStateCreateInfo(x::VkPipelineColorBlendStateCreateInfo, next_types::Type...) = PipelineColorBlendStateCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, from_vk(Bool, x.logicOpEnable), x.logicOp, unsafe_wrap(Vector{PipelineColorBlendAttachmentState}, x.pAttachments, x.attachmentCount; own = true), x.blendConstants) PipelineDynamicStateCreateInfo(x::VkPipelineDynamicStateCreateInfo, next_types::Type...) = PipelineDynamicStateCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{DynamicState}, x.pDynamicStates, x.dynamicStateCount; own = true)) StencilOpState(x::VkStencilOpState) = StencilOpState(x.failOp, x.passOp, x.depthFailOp, x.compareOp, x.compareMask, x.writeMask, x.reference) PipelineDepthStencilStateCreateInfo(x::VkPipelineDepthStencilStateCreateInfo, next_types::Type...) = PipelineDepthStencilStateCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, from_vk(Bool, x.depthTestEnable), from_vk(Bool, x.depthWriteEnable), x.depthCompareOp, from_vk(Bool, x.depthBoundsTestEnable), from_vk(Bool, x.stencilTestEnable), StencilOpState(x.front), StencilOpState(x.back), x.minDepthBounds, x.maxDepthBounds) GraphicsPipelineCreateInfo(x::VkGraphicsPipelineCreateInfo, next_types::Type...) = GraphicsPipelineCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{PipelineShaderStageCreateInfo}, x.pStages, x.stageCount; own = true), PipelineVertexInputStateCreateInfo(x.pVertexInputState), PipelineInputAssemblyStateCreateInfo(x.pInputAssemblyState), PipelineTessellationStateCreateInfo(x.pTessellationState), PipelineViewportStateCreateInfo(x.pViewportState), PipelineRasterizationStateCreateInfo(x.pRasterizationState), PipelineMultisampleStateCreateInfo(x.pMultisampleState), PipelineDepthStencilStateCreateInfo(x.pDepthStencilState), PipelineColorBlendStateCreateInfo(x.pColorBlendState), PipelineDynamicStateCreateInfo(x.pDynamicState), PipelineLayout(x.layout), RenderPass(x.renderPass), x.subpass, Pipeline(x.basePipelineHandle), x.basePipelineIndex) PipelineCacheCreateInfo(x::VkPipelineCacheCreateInfo, next_types::Type...) = PipelineCacheCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, x.initialDataSize, x.pInitialData) PipelineCacheHeaderVersionOne(x::VkPipelineCacheHeaderVersionOne) = PipelineCacheHeaderVersionOne(x.headerSize, x.headerVersion, x.vendorID, x.deviceID, x.pipelineCacheUUID) PushConstantRange(x::VkPushConstantRange) = PushConstantRange(x.stageFlags, x.offset, x.size) PipelineLayoutCreateInfo(x::VkPipelineLayoutCreateInfo, next_types::Type...) = PipelineLayoutCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{DescriptorSetLayout}, x.pSetLayouts, x.setLayoutCount; own = true), unsafe_wrap(Vector{PushConstantRange}, x.pPushConstantRanges, x.pushConstantRangeCount; own = true)) SamplerCreateInfo(x::VkSamplerCreateInfo, next_types::Type...) = SamplerCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, x.magFilter, x.minFilter, x.mipmapMode, x.addressModeU, x.addressModeV, x.addressModeW, x.mipLodBias, from_vk(Bool, x.anisotropyEnable), x.maxAnisotropy, from_vk(Bool, x.compareEnable), x.compareOp, x.minLod, x.maxLod, x.borderColor, from_vk(Bool, x.unnormalizedCoordinates)) CommandPoolCreateInfo(x::VkCommandPoolCreateInfo, next_types::Type...) = CommandPoolCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, x.queueFamilyIndex) CommandBufferAllocateInfo(x::VkCommandBufferAllocateInfo, next_types::Type...) = CommandBufferAllocateInfo(load_next_chain(x.pNext, next_types...), CommandPool(x.commandPool), x.level, x.commandBufferCount) CommandBufferInheritanceInfo(x::VkCommandBufferInheritanceInfo, next_types::Type...) = CommandBufferInheritanceInfo(load_next_chain(x.pNext, next_types...), RenderPass(x.renderPass), x.subpass, Framebuffer(x.framebuffer), from_vk(Bool, x.occlusionQueryEnable), x.queryFlags, x.pipelineStatistics) CommandBufferBeginInfo(x::VkCommandBufferBeginInfo, next_types::Type...) = CommandBufferBeginInfo(load_next_chain(x.pNext, next_types...), x.flags, CommandBufferInheritanceInfo(x.pInheritanceInfo)) RenderPassBeginInfo(x::VkRenderPassBeginInfo, next_types::Type...) = RenderPassBeginInfo(load_next_chain(x.pNext, next_types...), RenderPass(x.renderPass), Framebuffer(x.framebuffer), Rect2D(x.renderArea), unsafe_wrap(Vector{ClearValue}, x.pClearValues, x.clearValueCount; own = true)) ClearDepthStencilValue(x::VkClearDepthStencilValue) = ClearDepthStencilValue(x.depth, x.stencil) ClearAttachment(x::VkClearAttachment) = ClearAttachment(x.aspectMask, x.colorAttachment, ClearValue(x.clearValue)) AttachmentDescription(x::VkAttachmentDescription) = AttachmentDescription(x.flags, x.format, SampleCountFlag(UInt32(x.samples)), x.loadOp, x.storeOp, x.stencilLoadOp, x.stencilStoreOp, x.initialLayout, x.finalLayout) AttachmentReference(x::VkAttachmentReference) = AttachmentReference(x.attachment, x.layout) SubpassDescription(x::VkSubpassDescription) = SubpassDescription(x.flags, x.pipelineBindPoint, unsafe_wrap(Vector{AttachmentReference}, x.pInputAttachments, x.inputAttachmentCount; own = true), unsafe_wrap(Vector{AttachmentReference}, x.pColorAttachments, x.colorAttachmentCount; own = true), unsafe_wrap(Vector{AttachmentReference}, x.pResolveAttachments, x.colorAttachmentCount; own = true), AttachmentReference(x.pDepthStencilAttachment), unsafe_wrap(Vector{UInt32}, x.pPreserveAttachments, x.preserveAttachmentCount; own = true)) SubpassDependency(x::VkSubpassDependency) = SubpassDependency(x.srcSubpass, x.dstSubpass, x.srcStageMask, x.dstStageMask, x.srcAccessMask, x.dstAccessMask, x.dependencyFlags) RenderPassCreateInfo(x::VkRenderPassCreateInfo, next_types::Type...) = RenderPassCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{AttachmentDescription}, x.pAttachments, x.attachmentCount; own = true), unsafe_wrap(Vector{SubpassDescription}, x.pSubpasses, x.subpassCount; own = true), unsafe_wrap(Vector{SubpassDependency}, x.pDependencies, x.dependencyCount; own = true)) EventCreateInfo(x::VkEventCreateInfo, next_types::Type...) = EventCreateInfo(load_next_chain(x.pNext, next_types...), x.flags) FenceCreateInfo(x::VkFenceCreateInfo, next_types::Type...) = FenceCreateInfo(load_next_chain(x.pNext, next_types...), x.flags) PhysicalDeviceFeatures(x::VkPhysicalDeviceFeatures) = PhysicalDeviceFeatures(from_vk(Bool, x.robustBufferAccess), from_vk(Bool, x.fullDrawIndexUint32), from_vk(Bool, x.imageCubeArray), from_vk(Bool, x.independentBlend), from_vk(Bool, x.geometryShader), from_vk(Bool, x.tessellationShader), from_vk(Bool, x.sampleRateShading), from_vk(Bool, x.dualSrcBlend), from_vk(Bool, x.logicOp), from_vk(Bool, x.multiDrawIndirect), from_vk(Bool, x.drawIndirectFirstInstance), from_vk(Bool, x.depthClamp), from_vk(Bool, x.depthBiasClamp), from_vk(Bool, x.fillModeNonSolid), from_vk(Bool, x.depthBounds), from_vk(Bool, x.wideLines), from_vk(Bool, x.largePoints), from_vk(Bool, x.alphaToOne), from_vk(Bool, x.multiViewport), from_vk(Bool, x.samplerAnisotropy), from_vk(Bool, x.textureCompressionETC2), from_vk(Bool, x.textureCompressionASTC_LDR), from_vk(Bool, x.textureCompressionBC), from_vk(Bool, x.occlusionQueryPrecise), from_vk(Bool, x.pipelineStatisticsQuery), from_vk(Bool, x.vertexPipelineStoresAndAtomics), from_vk(Bool, x.fragmentStoresAndAtomics), from_vk(Bool, x.shaderTessellationAndGeometryPointSize), from_vk(Bool, x.shaderImageGatherExtended), from_vk(Bool, x.shaderStorageImageExtendedFormats), from_vk(Bool, x.shaderStorageImageMultisample), from_vk(Bool, x.shaderStorageImageReadWithoutFormat), from_vk(Bool, x.shaderStorageImageWriteWithoutFormat), from_vk(Bool, x.shaderUniformBufferArrayDynamicIndexing), from_vk(Bool, x.shaderSampledImageArrayDynamicIndexing), from_vk(Bool, x.shaderStorageBufferArrayDynamicIndexing), from_vk(Bool, x.shaderStorageImageArrayDynamicIndexing), from_vk(Bool, x.shaderClipDistance), from_vk(Bool, x.shaderCullDistance), from_vk(Bool, x.shaderFloat64), from_vk(Bool, x.shaderInt64), from_vk(Bool, x.shaderInt16), from_vk(Bool, x.shaderResourceResidency), from_vk(Bool, x.shaderResourceMinLod), from_vk(Bool, x.sparseBinding), from_vk(Bool, x.sparseResidencyBuffer), from_vk(Bool, x.sparseResidencyImage2D), from_vk(Bool, x.sparseResidencyImage3D), from_vk(Bool, x.sparseResidency2Samples), from_vk(Bool, x.sparseResidency4Samples), from_vk(Bool, x.sparseResidency8Samples), from_vk(Bool, x.sparseResidency16Samples), from_vk(Bool, x.sparseResidencyAliased), from_vk(Bool, x.variableMultisampleRate), from_vk(Bool, x.inheritedQueries)) PhysicalDeviceSparseProperties(x::VkPhysicalDeviceSparseProperties) = PhysicalDeviceSparseProperties(from_vk(Bool, x.residencyStandard2DBlockShape), from_vk(Bool, x.residencyStandard2DMultisampleBlockShape), from_vk(Bool, x.residencyStandard3DBlockShape), from_vk(Bool, x.residencyAlignedMipSize), from_vk(Bool, x.residencyNonResidentStrict)) PhysicalDeviceLimits(x::VkPhysicalDeviceLimits) = PhysicalDeviceLimits(x.maxImageDimension1D, x.maxImageDimension2D, x.maxImageDimension3D, x.maxImageDimensionCube, x.maxImageArrayLayers, x.maxTexelBufferElements, x.maxUniformBufferRange, x.maxStorageBufferRange, x.maxPushConstantsSize, x.maxMemoryAllocationCount, x.maxSamplerAllocationCount, x.bufferImageGranularity, x.sparseAddressSpaceSize, x.maxBoundDescriptorSets, x.maxPerStageDescriptorSamplers, x.maxPerStageDescriptorUniformBuffers, x.maxPerStageDescriptorStorageBuffers, x.maxPerStageDescriptorSampledImages, x.maxPerStageDescriptorStorageImages, x.maxPerStageDescriptorInputAttachments, x.maxPerStageResources, x.maxDescriptorSetSamplers, x.maxDescriptorSetUniformBuffers, x.maxDescriptorSetUniformBuffersDynamic, x.maxDescriptorSetStorageBuffers, x.maxDescriptorSetStorageBuffersDynamic, x.maxDescriptorSetSampledImages, x.maxDescriptorSetStorageImages, x.maxDescriptorSetInputAttachments, x.maxVertexInputAttributes, x.maxVertexInputBindings, x.maxVertexInputAttributeOffset, x.maxVertexInputBindingStride, x.maxVertexOutputComponents, x.maxTessellationGenerationLevel, x.maxTessellationPatchSize, x.maxTessellationControlPerVertexInputComponents, x.maxTessellationControlPerVertexOutputComponents, x.maxTessellationControlPerPatchOutputComponents, x.maxTessellationControlTotalOutputComponents, x.maxTessellationEvaluationInputComponents, x.maxTessellationEvaluationOutputComponents, x.maxGeometryShaderInvocations, x.maxGeometryInputComponents, x.maxGeometryOutputComponents, x.maxGeometryOutputVertices, x.maxGeometryTotalOutputComponents, x.maxFragmentInputComponents, x.maxFragmentOutputAttachments, x.maxFragmentDualSrcAttachments, x.maxFragmentCombinedOutputResources, x.maxComputeSharedMemorySize, x.maxComputeWorkGroupCount, x.maxComputeWorkGroupInvocations, x.maxComputeWorkGroupSize, x.subPixelPrecisionBits, x.subTexelPrecisionBits, x.mipmapPrecisionBits, x.maxDrawIndexedIndexValue, x.maxDrawIndirectCount, x.maxSamplerLodBias, x.maxSamplerAnisotropy, x.maxViewports, x.maxViewportDimensions, x.viewportBoundsRange, x.viewportSubPixelBits, x.minMemoryMapAlignment, x.minTexelBufferOffsetAlignment, x.minUniformBufferOffsetAlignment, x.minStorageBufferOffsetAlignment, x.minTexelOffset, x.maxTexelOffset, x.minTexelGatherOffset, x.maxTexelGatherOffset, x.minInterpolationOffset, x.maxInterpolationOffset, x.subPixelInterpolationOffsetBits, x.maxFramebufferWidth, x.maxFramebufferHeight, x.maxFramebufferLayers, x.framebufferColorSampleCounts, x.framebufferDepthSampleCounts, x.framebufferStencilSampleCounts, x.framebufferNoAttachmentsSampleCounts, x.maxColorAttachments, x.sampledImageColorSampleCounts, x.sampledImageIntegerSampleCounts, x.sampledImageDepthSampleCounts, x.sampledImageStencilSampleCounts, x.storageImageSampleCounts, x.maxSampleMaskWords, from_vk(Bool, x.timestampComputeAndGraphics), x.timestampPeriod, x.maxClipDistances, x.maxCullDistances, x.maxCombinedClipAndCullDistances, x.discreteQueuePriorities, x.pointSizeRange, x.lineWidthRange, x.pointSizeGranularity, x.lineWidthGranularity, from_vk(Bool, x.strictLines), from_vk(Bool, x.standardSampleLocations), x.optimalBufferCopyOffsetAlignment, x.optimalBufferCopyRowPitchAlignment, x.nonCoherentAtomSize) SemaphoreCreateInfo(x::VkSemaphoreCreateInfo, next_types::Type...) = SemaphoreCreateInfo(load_next_chain(x.pNext, next_types...), x.flags) QueryPoolCreateInfo(x::VkQueryPoolCreateInfo, next_types::Type...) = QueryPoolCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, x.queryType, x.queryCount, x.pipelineStatistics) FramebufferCreateInfo(x::VkFramebufferCreateInfo, next_types::Type...) = FramebufferCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, RenderPass(x.renderPass), unsafe_wrap(Vector{ImageView}, x.pAttachments, x.attachmentCount; own = true), x.width, x.height, x.layers) DrawIndirectCommand(x::VkDrawIndirectCommand) = DrawIndirectCommand(x.vertexCount, x.instanceCount, x.firstVertex, x.firstInstance) DrawIndexedIndirectCommand(x::VkDrawIndexedIndirectCommand) = DrawIndexedIndirectCommand(x.indexCount, x.instanceCount, x.firstIndex, x.vertexOffset, x.firstInstance) DispatchIndirectCommand(x::VkDispatchIndirectCommand) = DispatchIndirectCommand(x.x, x.y, x.z) MultiDrawInfoEXT(x::VkMultiDrawInfoEXT) = MultiDrawInfoEXT(x.firstVertex, x.vertexCount) MultiDrawIndexedInfoEXT(x::VkMultiDrawIndexedInfoEXT) = MultiDrawIndexedInfoEXT(x.firstIndex, x.indexCount, x.vertexOffset) SubmitInfo(x::VkSubmitInfo, next_types::Type...) = SubmitInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{Semaphore}, x.pWaitSemaphores, x.waitSemaphoreCount; own = true), unsafe_wrap(Vector{PipelineStageFlag}, x.pWaitDstStageMask, x.waitSemaphoreCount; own = true), unsafe_wrap(Vector{CommandBuffer}, x.pCommandBuffers, x.commandBufferCount; own = true), unsafe_wrap(Vector{Semaphore}, x.pSignalSemaphores, x.signalSemaphoreCount; own = true)) DisplayPropertiesKHR(x::VkDisplayPropertiesKHR) = DisplayPropertiesKHR(DisplayKHR(x.display), unsafe_string(x.displayName), Extent2D(x.physicalDimensions), Extent2D(x.physicalResolution), x.supportedTransforms, from_vk(Bool, x.planeReorderPossible), from_vk(Bool, x.persistentContent)) DisplayPlanePropertiesKHR(x::VkDisplayPlanePropertiesKHR) = DisplayPlanePropertiesKHR(DisplayKHR(x.currentDisplay), x.currentStackIndex) DisplayModeParametersKHR(x::VkDisplayModeParametersKHR) = DisplayModeParametersKHR(Extent2D(x.visibleRegion), x.refreshRate) DisplayModePropertiesKHR(x::VkDisplayModePropertiesKHR) = DisplayModePropertiesKHR(DisplayModeKHR(x.displayMode), DisplayModeParametersKHR(x.parameters)) DisplayModeCreateInfoKHR(x::VkDisplayModeCreateInfoKHR, next_types::Type...) = DisplayModeCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.flags, DisplayModeParametersKHR(x.parameters)) DisplayPlaneCapabilitiesKHR(x::VkDisplayPlaneCapabilitiesKHR) = DisplayPlaneCapabilitiesKHR(x.supportedAlpha, Offset2D(x.minSrcPosition), Offset2D(x.maxSrcPosition), Extent2D(x.minSrcExtent), Extent2D(x.maxSrcExtent), Offset2D(x.minDstPosition), Offset2D(x.maxDstPosition), Extent2D(x.minDstExtent), Extent2D(x.maxDstExtent)) DisplaySurfaceCreateInfoKHR(x::VkDisplaySurfaceCreateInfoKHR, next_types::Type...) = DisplaySurfaceCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.flags, DisplayModeKHR(x.displayMode), x.planeIndex, x.planeStackIndex, SurfaceTransformFlagKHR(UInt32(x.transform)), x.globalAlpha, DisplayPlaneAlphaFlagKHR(UInt32(x.alphaMode)), Extent2D(x.imageExtent)) DisplayPresentInfoKHR(x::VkDisplayPresentInfoKHR, next_types::Type...) = DisplayPresentInfoKHR(load_next_chain(x.pNext, next_types...), Rect2D(x.srcRect), Rect2D(x.dstRect), from_vk(Bool, x.persistent)) SurfaceCapabilitiesKHR(x::VkSurfaceCapabilitiesKHR) = SurfaceCapabilitiesKHR(x.minImageCount, x.maxImageCount, Extent2D(x.currentExtent), Extent2D(x.minImageExtent), Extent2D(x.maxImageExtent), x.maxImageArrayLayers, x.supportedTransforms, SurfaceTransformFlagKHR(UInt32(x.currentTransform)), x.supportedCompositeAlpha, x.supportedUsageFlags) WaylandSurfaceCreateInfoKHR(x::VkWaylandSurfaceCreateInfoKHR, next_types::Type...) = WaylandSurfaceCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.flags, x.display, x.surface) XlibSurfaceCreateInfoKHR(x::VkXlibSurfaceCreateInfoKHR, next_types::Type...) = XlibSurfaceCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.flags, x.dpy, x.window) XcbSurfaceCreateInfoKHR(x::VkXcbSurfaceCreateInfoKHR, next_types::Type...) = XcbSurfaceCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.flags, x.connection, x.window) SurfaceFormatKHR(x::VkSurfaceFormatKHR) = SurfaceFormatKHR(x.format, x.colorSpace) SwapchainCreateInfoKHR(x::VkSwapchainCreateInfoKHR, next_types::Type...) = SwapchainCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.flags, SurfaceKHR(x.surface), x.minImageCount, x.imageFormat, x.imageColorSpace, Extent2D(x.imageExtent), x.imageArrayLayers, x.imageUsage, x.imageSharingMode, unsafe_wrap(Vector{UInt32}, x.pQueueFamilyIndices, x.queueFamilyIndexCount; own = true), SurfaceTransformFlagKHR(UInt32(x.preTransform)), CompositeAlphaFlagKHR(UInt32(x.compositeAlpha)), x.presentMode, from_vk(Bool, x.clipped), SwapchainKHR(x.oldSwapchain)) PresentInfoKHR(x::VkPresentInfoKHR, next_types::Type...) = PresentInfoKHR(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{Semaphore}, x.pWaitSemaphores, x.waitSemaphoreCount; own = true), unsafe_wrap(Vector{SwapchainKHR}, x.pSwapchains, x.swapchainCount; own = true), unsafe_wrap(Vector{UInt32}, x.pImageIndices, x.swapchainCount; own = true), unsafe_wrap(Vector{Result}, x.pResults, x.swapchainCount; own = true)) DebugReportCallbackCreateInfoEXT(x::VkDebugReportCallbackCreateInfoEXT, next_types::Type...) = DebugReportCallbackCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.flags, from_vk(FunctionPtr, x.pfnCallback), x.pUserData) ValidationFlagsEXT(x::VkValidationFlagsEXT, next_types::Type...) = ValidationFlagsEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{ValidationCheckEXT}, x.pDisabledValidationChecks, x.disabledValidationCheckCount; own = true)) ValidationFeaturesEXT(x::VkValidationFeaturesEXT, next_types::Type...) = ValidationFeaturesEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{ValidationFeatureEnableEXT}, x.pEnabledValidationFeatures, x.enabledValidationFeatureCount; own = true), unsafe_wrap(Vector{ValidationFeatureDisableEXT}, x.pDisabledValidationFeatures, x.disabledValidationFeatureCount; own = true)) PipelineRasterizationStateRasterizationOrderAMD(x::VkPipelineRasterizationStateRasterizationOrderAMD, next_types::Type...) = PipelineRasterizationStateRasterizationOrderAMD(load_next_chain(x.pNext, next_types...), x.rasterizationOrder) DebugMarkerObjectNameInfoEXT(x::VkDebugMarkerObjectNameInfoEXT, next_types::Type...) = DebugMarkerObjectNameInfoEXT(load_next_chain(x.pNext, next_types...), x.objectType, x.object, unsafe_string(x.pObjectName)) DebugMarkerObjectTagInfoEXT(x::VkDebugMarkerObjectTagInfoEXT, next_types::Type...) = DebugMarkerObjectTagInfoEXT(load_next_chain(x.pNext, next_types...), x.objectType, x.object, x.tagName, x.tagSize, x.pTag) DebugMarkerMarkerInfoEXT(x::VkDebugMarkerMarkerInfoEXT, next_types::Type...) = DebugMarkerMarkerInfoEXT(load_next_chain(x.pNext, next_types...), unsafe_string(x.pMarkerName), x.color) DedicatedAllocationImageCreateInfoNV(x::VkDedicatedAllocationImageCreateInfoNV, next_types::Type...) = DedicatedAllocationImageCreateInfoNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.dedicatedAllocation)) DedicatedAllocationBufferCreateInfoNV(x::VkDedicatedAllocationBufferCreateInfoNV, next_types::Type...) = DedicatedAllocationBufferCreateInfoNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.dedicatedAllocation)) DedicatedAllocationMemoryAllocateInfoNV(x::VkDedicatedAllocationMemoryAllocateInfoNV, next_types::Type...) = DedicatedAllocationMemoryAllocateInfoNV(load_next_chain(x.pNext, next_types...), Image(x.image), Buffer(x.buffer)) ExternalImageFormatPropertiesNV(x::VkExternalImageFormatPropertiesNV) = ExternalImageFormatPropertiesNV(ImageFormatProperties(x.imageFormatProperties), x.externalMemoryFeatures, x.exportFromImportedHandleTypes, x.compatibleHandleTypes) ExternalMemoryImageCreateInfoNV(x::VkExternalMemoryImageCreateInfoNV, next_types::Type...) = ExternalMemoryImageCreateInfoNV(load_next_chain(x.pNext, next_types...), x.handleTypes) ExportMemoryAllocateInfoNV(x::VkExportMemoryAllocateInfoNV, next_types::Type...) = ExportMemoryAllocateInfoNV(load_next_chain(x.pNext, next_types...), x.handleTypes) PhysicalDeviceDeviceGeneratedCommandsFeaturesNV(x::VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV, next_types::Type...) = PhysicalDeviceDeviceGeneratedCommandsFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.deviceGeneratedCommands)) DevicePrivateDataCreateInfo(x::VkDevicePrivateDataCreateInfo, next_types::Type...) = DevicePrivateDataCreateInfo(load_next_chain(x.pNext, next_types...), x.privateDataSlotRequestCount) PrivateDataSlotCreateInfo(x::VkPrivateDataSlotCreateInfo, next_types::Type...) = PrivateDataSlotCreateInfo(load_next_chain(x.pNext, next_types...), x.flags) PhysicalDevicePrivateDataFeatures(x::VkPhysicalDevicePrivateDataFeatures, next_types::Type...) = PhysicalDevicePrivateDataFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.privateData)) PhysicalDeviceDeviceGeneratedCommandsPropertiesNV(x::VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV, next_types::Type...) = PhysicalDeviceDeviceGeneratedCommandsPropertiesNV(load_next_chain(x.pNext, next_types...), x.maxGraphicsShaderGroupCount, x.maxIndirectSequenceCount, x.maxIndirectCommandsTokenCount, x.maxIndirectCommandsStreamCount, x.maxIndirectCommandsTokenOffset, x.maxIndirectCommandsStreamStride, x.minSequencesCountBufferOffsetAlignment, x.minSequencesIndexBufferOffsetAlignment, x.minIndirectCommandsBufferOffsetAlignment) PhysicalDeviceMultiDrawPropertiesEXT(x::VkPhysicalDeviceMultiDrawPropertiesEXT, next_types::Type...) = PhysicalDeviceMultiDrawPropertiesEXT(load_next_chain(x.pNext, next_types...), x.maxMultiDrawCount) GraphicsShaderGroupCreateInfoNV(x::VkGraphicsShaderGroupCreateInfoNV, next_types::Type...) = GraphicsShaderGroupCreateInfoNV(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{PipelineShaderStageCreateInfo}, x.pStages, x.stageCount; own = true), PipelineVertexInputStateCreateInfo(x.pVertexInputState), PipelineTessellationStateCreateInfo(x.pTessellationState)) GraphicsPipelineShaderGroupsCreateInfoNV(x::VkGraphicsPipelineShaderGroupsCreateInfoNV, next_types::Type...) = GraphicsPipelineShaderGroupsCreateInfoNV(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{GraphicsShaderGroupCreateInfoNV}, x.pGroups, x.groupCount; own = true), unsafe_wrap(Vector{Pipeline}, x.pPipelines, x.pipelineCount; own = true)) BindShaderGroupIndirectCommandNV(x::VkBindShaderGroupIndirectCommandNV) = BindShaderGroupIndirectCommandNV(x.groupIndex) BindIndexBufferIndirectCommandNV(x::VkBindIndexBufferIndirectCommandNV) = BindIndexBufferIndirectCommandNV(x.bufferAddress, x.size, x.indexType) BindVertexBufferIndirectCommandNV(x::VkBindVertexBufferIndirectCommandNV) = BindVertexBufferIndirectCommandNV(x.bufferAddress, x.size, x.stride) SetStateFlagsIndirectCommandNV(x::VkSetStateFlagsIndirectCommandNV) = SetStateFlagsIndirectCommandNV(x.data) IndirectCommandsStreamNV(x::VkIndirectCommandsStreamNV) = IndirectCommandsStreamNV(Buffer(x.buffer), x.offset) IndirectCommandsLayoutTokenNV(x::VkIndirectCommandsLayoutTokenNV, next_types::Type...) = IndirectCommandsLayoutTokenNV(load_next_chain(x.pNext, next_types...), x.tokenType, x.stream, x.offset, x.vertexBindingUnit, from_vk(Bool, x.vertexDynamicStride), PipelineLayout(x.pushconstantPipelineLayout), x.pushconstantShaderStageFlags, x.pushconstantOffset, x.pushconstantSize, x.indirectStateFlags, unsafe_wrap(Vector{IndexType}, x.pIndexTypes, x.indexTypeCount; own = true), unsafe_wrap(Vector{UInt32}, x.pIndexTypeValues, x.indexTypeCount; own = true)) IndirectCommandsLayoutCreateInfoNV(x::VkIndirectCommandsLayoutCreateInfoNV, next_types::Type...) = IndirectCommandsLayoutCreateInfoNV(load_next_chain(x.pNext, next_types...), x.flags, x.pipelineBindPoint, unsafe_wrap(Vector{IndirectCommandsLayoutTokenNV}, x.pTokens, x.tokenCount; own = true), unsafe_wrap(Vector{UInt32}, x.pStreamStrides, x.streamCount; own = true)) GeneratedCommandsInfoNV(x::VkGeneratedCommandsInfoNV, next_types::Type...) = GeneratedCommandsInfoNV(load_next_chain(x.pNext, next_types...), x.pipelineBindPoint, Pipeline(x.pipeline), IndirectCommandsLayoutNV(x.indirectCommandsLayout), unsafe_wrap(Vector{IndirectCommandsStreamNV}, x.pStreams, x.streamCount; own = true), x.sequencesCount, Buffer(x.preprocessBuffer), x.preprocessOffset, x.preprocessSize, Buffer(x.sequencesCountBuffer), x.sequencesCountOffset, Buffer(x.sequencesIndexBuffer), x.sequencesIndexOffset) GeneratedCommandsMemoryRequirementsInfoNV(x::VkGeneratedCommandsMemoryRequirementsInfoNV, next_types::Type...) = GeneratedCommandsMemoryRequirementsInfoNV(load_next_chain(x.pNext, next_types...), x.pipelineBindPoint, Pipeline(x.pipeline), IndirectCommandsLayoutNV(x.indirectCommandsLayout), x.maxSequencesCount) PhysicalDeviceFeatures2(x::VkPhysicalDeviceFeatures2, next_types::Type...) = PhysicalDeviceFeatures2(load_next_chain(x.pNext, next_types...), PhysicalDeviceFeatures(x.features)) PhysicalDeviceProperties2(x::VkPhysicalDeviceProperties2, next_types::Type...) = PhysicalDeviceProperties2(load_next_chain(x.pNext, next_types...), PhysicalDeviceProperties(x.properties)) FormatProperties2(x::VkFormatProperties2, next_types::Type...) = FormatProperties2(load_next_chain(x.pNext, next_types...), FormatProperties(x.formatProperties)) ImageFormatProperties2(x::VkImageFormatProperties2, next_types::Type...) = ImageFormatProperties2(load_next_chain(x.pNext, next_types...), ImageFormatProperties(x.imageFormatProperties)) PhysicalDeviceImageFormatInfo2(x::VkPhysicalDeviceImageFormatInfo2, next_types::Type...) = PhysicalDeviceImageFormatInfo2(load_next_chain(x.pNext, next_types...), x.format, x.type, x.tiling, x.usage, x.flags) QueueFamilyProperties2(x::VkQueueFamilyProperties2, next_types::Type...) = QueueFamilyProperties2(load_next_chain(x.pNext, next_types...), QueueFamilyProperties(x.queueFamilyProperties)) PhysicalDeviceMemoryProperties2(x::VkPhysicalDeviceMemoryProperties2, next_types::Type...) = PhysicalDeviceMemoryProperties2(load_next_chain(x.pNext, next_types...), PhysicalDeviceMemoryProperties(x.memoryProperties)) SparseImageFormatProperties2(x::VkSparseImageFormatProperties2, next_types::Type...) = SparseImageFormatProperties2(load_next_chain(x.pNext, next_types...), SparseImageFormatProperties(x.properties)) PhysicalDeviceSparseImageFormatInfo2(x::VkPhysicalDeviceSparseImageFormatInfo2, next_types::Type...) = PhysicalDeviceSparseImageFormatInfo2(load_next_chain(x.pNext, next_types...), x.format, x.type, SampleCountFlag(UInt32(x.samples)), x.usage, x.tiling) PhysicalDevicePushDescriptorPropertiesKHR(x::VkPhysicalDevicePushDescriptorPropertiesKHR, next_types::Type...) = PhysicalDevicePushDescriptorPropertiesKHR(load_next_chain(x.pNext, next_types...), x.maxPushDescriptors) ConformanceVersion(x::VkConformanceVersion) = ConformanceVersion(x.major, x.minor, x.subminor, x.patch) PhysicalDeviceDriverProperties(x::VkPhysicalDeviceDriverProperties, next_types::Type...) = PhysicalDeviceDriverProperties(load_next_chain(x.pNext, next_types...), x.driverID, from_vk(String, x.driverName), from_vk(String, x.driverInfo), ConformanceVersion(x.conformanceVersion)) PresentRegionsKHR(x::VkPresentRegionsKHR, next_types::Type...) = PresentRegionsKHR(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{PresentRegionKHR}, x.pRegions, x.swapchainCount; own = true)) PresentRegionKHR(x::VkPresentRegionKHR) = PresentRegionKHR(unsafe_wrap(Vector{RectLayerKHR}, x.pRectangles, x.rectangleCount; own = true)) RectLayerKHR(x::VkRectLayerKHR) = RectLayerKHR(Offset2D(x.offset), Extent2D(x.extent), x.layer) PhysicalDeviceVariablePointersFeatures(x::VkPhysicalDeviceVariablePointersFeatures, next_types::Type...) = PhysicalDeviceVariablePointersFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.variablePointersStorageBuffer), from_vk(Bool, x.variablePointers)) ExternalMemoryProperties(x::VkExternalMemoryProperties) = ExternalMemoryProperties(x.externalMemoryFeatures, x.exportFromImportedHandleTypes, x.compatibleHandleTypes) PhysicalDeviceExternalImageFormatInfo(x::VkPhysicalDeviceExternalImageFormatInfo, next_types::Type...) = PhysicalDeviceExternalImageFormatInfo(load_next_chain(x.pNext, next_types...), ExternalMemoryHandleTypeFlag(UInt32(x.handleType))) ExternalImageFormatProperties(x::VkExternalImageFormatProperties, next_types::Type...) = ExternalImageFormatProperties(load_next_chain(x.pNext, next_types...), ExternalMemoryProperties(x.externalMemoryProperties)) PhysicalDeviceExternalBufferInfo(x::VkPhysicalDeviceExternalBufferInfo, next_types::Type...) = PhysicalDeviceExternalBufferInfo(load_next_chain(x.pNext, next_types...), x.flags, x.usage, ExternalMemoryHandleTypeFlag(UInt32(x.handleType))) ExternalBufferProperties(x::VkExternalBufferProperties, next_types::Type...) = ExternalBufferProperties(load_next_chain(x.pNext, next_types...), ExternalMemoryProperties(x.externalMemoryProperties)) PhysicalDeviceIDProperties(x::VkPhysicalDeviceIDProperties, next_types::Type...) = PhysicalDeviceIDProperties(load_next_chain(x.pNext, next_types...), x.deviceUUID, x.driverUUID, x.deviceLUID, x.deviceNodeMask, from_vk(Bool, x.deviceLUIDValid)) ExternalMemoryImageCreateInfo(x::VkExternalMemoryImageCreateInfo, next_types::Type...) = ExternalMemoryImageCreateInfo(load_next_chain(x.pNext, next_types...), x.handleTypes) ExternalMemoryBufferCreateInfo(x::VkExternalMemoryBufferCreateInfo, next_types::Type...) = ExternalMemoryBufferCreateInfo(load_next_chain(x.pNext, next_types...), x.handleTypes) ExportMemoryAllocateInfo(x::VkExportMemoryAllocateInfo, next_types::Type...) = ExportMemoryAllocateInfo(load_next_chain(x.pNext, next_types...), x.handleTypes) ImportMemoryFdInfoKHR(x::VkImportMemoryFdInfoKHR, next_types::Type...) = ImportMemoryFdInfoKHR(load_next_chain(x.pNext, next_types...), ExternalMemoryHandleTypeFlag(UInt32(x.handleType)), x.fd) MemoryFdPropertiesKHR(x::VkMemoryFdPropertiesKHR, next_types::Type...) = MemoryFdPropertiesKHR(load_next_chain(x.pNext, next_types...), x.memoryTypeBits) MemoryGetFdInfoKHR(x::VkMemoryGetFdInfoKHR, next_types::Type...) = MemoryGetFdInfoKHR(load_next_chain(x.pNext, next_types...), DeviceMemory(x.memory), ExternalMemoryHandleTypeFlag(UInt32(x.handleType))) PhysicalDeviceExternalSemaphoreInfo(x::VkPhysicalDeviceExternalSemaphoreInfo, next_types::Type...) = PhysicalDeviceExternalSemaphoreInfo(load_next_chain(x.pNext, next_types...), ExternalSemaphoreHandleTypeFlag(UInt32(x.handleType))) ExternalSemaphoreProperties(x::VkExternalSemaphoreProperties, next_types::Type...) = ExternalSemaphoreProperties(load_next_chain(x.pNext, next_types...), x.exportFromImportedHandleTypes, x.compatibleHandleTypes, x.externalSemaphoreFeatures) ExportSemaphoreCreateInfo(x::VkExportSemaphoreCreateInfo, next_types::Type...) = ExportSemaphoreCreateInfo(load_next_chain(x.pNext, next_types...), x.handleTypes) ImportSemaphoreFdInfoKHR(x::VkImportSemaphoreFdInfoKHR, next_types::Type...) = ImportSemaphoreFdInfoKHR(load_next_chain(x.pNext, next_types...), Semaphore(x.semaphore), x.flags, ExternalSemaphoreHandleTypeFlag(UInt32(x.handleType)), x.fd) SemaphoreGetFdInfoKHR(x::VkSemaphoreGetFdInfoKHR, next_types::Type...) = SemaphoreGetFdInfoKHR(load_next_chain(x.pNext, next_types...), Semaphore(x.semaphore), ExternalSemaphoreHandleTypeFlag(UInt32(x.handleType))) PhysicalDeviceExternalFenceInfo(x::VkPhysicalDeviceExternalFenceInfo, next_types::Type...) = PhysicalDeviceExternalFenceInfo(load_next_chain(x.pNext, next_types...), ExternalFenceHandleTypeFlag(UInt32(x.handleType))) ExternalFenceProperties(x::VkExternalFenceProperties, next_types::Type...) = ExternalFenceProperties(load_next_chain(x.pNext, next_types...), x.exportFromImportedHandleTypes, x.compatibleHandleTypes, x.externalFenceFeatures) ExportFenceCreateInfo(x::VkExportFenceCreateInfo, next_types::Type...) = ExportFenceCreateInfo(load_next_chain(x.pNext, next_types...), x.handleTypes) ImportFenceFdInfoKHR(x::VkImportFenceFdInfoKHR, next_types::Type...) = ImportFenceFdInfoKHR(load_next_chain(x.pNext, next_types...), Fence(x.fence), x.flags, ExternalFenceHandleTypeFlag(UInt32(x.handleType)), x.fd) FenceGetFdInfoKHR(x::VkFenceGetFdInfoKHR, next_types::Type...) = FenceGetFdInfoKHR(load_next_chain(x.pNext, next_types...), Fence(x.fence), ExternalFenceHandleTypeFlag(UInt32(x.handleType))) PhysicalDeviceMultiviewFeatures(x::VkPhysicalDeviceMultiviewFeatures, next_types::Type...) = PhysicalDeviceMultiviewFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.multiview), from_vk(Bool, x.multiviewGeometryShader), from_vk(Bool, x.multiviewTessellationShader)) PhysicalDeviceMultiviewProperties(x::VkPhysicalDeviceMultiviewProperties, next_types::Type...) = PhysicalDeviceMultiviewProperties(load_next_chain(x.pNext, next_types...), x.maxMultiviewViewCount, x.maxMultiviewInstanceIndex) RenderPassMultiviewCreateInfo(x::VkRenderPassMultiviewCreateInfo, next_types::Type...) = RenderPassMultiviewCreateInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{UInt32}, x.pViewMasks, x.subpassCount; own = true), unsafe_wrap(Vector{Int32}, x.pViewOffsets, x.dependencyCount; own = true), unsafe_wrap(Vector{UInt32}, x.pCorrelationMasks, x.correlationMaskCount; own = true)) SurfaceCapabilities2EXT(x::VkSurfaceCapabilities2EXT, next_types::Type...) = SurfaceCapabilities2EXT(load_next_chain(x.pNext, next_types...), x.minImageCount, x.maxImageCount, Extent2D(x.currentExtent), Extent2D(x.minImageExtent), Extent2D(x.maxImageExtent), x.maxImageArrayLayers, x.supportedTransforms, SurfaceTransformFlagKHR(UInt32(x.currentTransform)), x.supportedCompositeAlpha, x.supportedUsageFlags, x.supportedSurfaceCounters) DisplayPowerInfoEXT(x::VkDisplayPowerInfoEXT, next_types::Type...) = DisplayPowerInfoEXT(load_next_chain(x.pNext, next_types...), x.powerState) DeviceEventInfoEXT(x::VkDeviceEventInfoEXT, next_types::Type...) = DeviceEventInfoEXT(load_next_chain(x.pNext, next_types...), x.deviceEvent) DisplayEventInfoEXT(x::VkDisplayEventInfoEXT, next_types::Type...) = DisplayEventInfoEXT(load_next_chain(x.pNext, next_types...), x.displayEvent) SwapchainCounterCreateInfoEXT(x::VkSwapchainCounterCreateInfoEXT, next_types::Type...) = SwapchainCounterCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.surfaceCounters) PhysicalDeviceGroupProperties(x::VkPhysicalDeviceGroupProperties, next_types::Type...) = PhysicalDeviceGroupProperties(load_next_chain(x.pNext, next_types...), x.physicalDeviceCount, PhysicalDevice.(x.physicalDevices), from_vk(Bool, x.subsetAllocation)) MemoryAllocateFlagsInfo(x::VkMemoryAllocateFlagsInfo, next_types::Type...) = MemoryAllocateFlagsInfo(load_next_chain(x.pNext, next_types...), x.flags, x.deviceMask) BindBufferMemoryInfo(x::VkBindBufferMemoryInfo, next_types::Type...) = BindBufferMemoryInfo(load_next_chain(x.pNext, next_types...), Buffer(x.buffer), DeviceMemory(x.memory), x.memoryOffset) BindBufferMemoryDeviceGroupInfo(x::VkBindBufferMemoryDeviceGroupInfo, next_types::Type...) = BindBufferMemoryDeviceGroupInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{UInt32}, x.pDeviceIndices, x.deviceIndexCount; own = true)) BindImageMemoryInfo(x::VkBindImageMemoryInfo, next_types::Type...) = BindImageMemoryInfo(load_next_chain(x.pNext, next_types...), Image(x.image), DeviceMemory(x.memory), x.memoryOffset) BindImageMemoryDeviceGroupInfo(x::VkBindImageMemoryDeviceGroupInfo, next_types::Type...) = BindImageMemoryDeviceGroupInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{UInt32}, x.pDeviceIndices, x.deviceIndexCount; own = true), unsafe_wrap(Vector{Rect2D}, x.pSplitInstanceBindRegions, x.splitInstanceBindRegionCount; own = true)) DeviceGroupRenderPassBeginInfo(x::VkDeviceGroupRenderPassBeginInfo, next_types::Type...) = DeviceGroupRenderPassBeginInfo(load_next_chain(x.pNext, next_types...), x.deviceMask, unsafe_wrap(Vector{Rect2D}, x.pDeviceRenderAreas, x.deviceRenderAreaCount; own = true)) DeviceGroupCommandBufferBeginInfo(x::VkDeviceGroupCommandBufferBeginInfo, next_types::Type...) = DeviceGroupCommandBufferBeginInfo(load_next_chain(x.pNext, next_types...), x.deviceMask) DeviceGroupSubmitInfo(x::VkDeviceGroupSubmitInfo, next_types::Type...) = DeviceGroupSubmitInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{UInt32}, x.pWaitSemaphoreDeviceIndices, x.waitSemaphoreCount; own = true), unsafe_wrap(Vector{UInt32}, x.pCommandBufferDeviceMasks, x.commandBufferCount; own = true), unsafe_wrap(Vector{UInt32}, x.pSignalSemaphoreDeviceIndices, x.signalSemaphoreCount; own = true)) DeviceGroupBindSparseInfo(x::VkDeviceGroupBindSparseInfo, next_types::Type...) = DeviceGroupBindSparseInfo(load_next_chain(x.pNext, next_types...), x.resourceDeviceIndex, x.memoryDeviceIndex) DeviceGroupPresentCapabilitiesKHR(x::VkDeviceGroupPresentCapabilitiesKHR, next_types::Type...) = DeviceGroupPresentCapabilitiesKHR(load_next_chain(x.pNext, next_types...), x.presentMask, x.modes) ImageSwapchainCreateInfoKHR(x::VkImageSwapchainCreateInfoKHR, next_types::Type...) = ImageSwapchainCreateInfoKHR(load_next_chain(x.pNext, next_types...), SwapchainKHR(x.swapchain)) BindImageMemorySwapchainInfoKHR(x::VkBindImageMemorySwapchainInfoKHR, next_types::Type...) = BindImageMemorySwapchainInfoKHR(load_next_chain(x.pNext, next_types...), SwapchainKHR(x.swapchain), x.imageIndex) AcquireNextImageInfoKHR(x::VkAcquireNextImageInfoKHR, next_types::Type...) = AcquireNextImageInfoKHR(load_next_chain(x.pNext, next_types...), SwapchainKHR(x.swapchain), x.timeout, Semaphore(x.semaphore), Fence(x.fence), x.deviceMask) DeviceGroupPresentInfoKHR(x::VkDeviceGroupPresentInfoKHR, next_types::Type...) = DeviceGroupPresentInfoKHR(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{UInt32}, x.pDeviceMasks, x.swapchainCount; own = true), DeviceGroupPresentModeFlagKHR(UInt32(x.mode))) DeviceGroupDeviceCreateInfo(x::VkDeviceGroupDeviceCreateInfo, next_types::Type...) = DeviceGroupDeviceCreateInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{PhysicalDevice}, x.pPhysicalDevices, x.physicalDeviceCount; own = true)) DeviceGroupSwapchainCreateInfoKHR(x::VkDeviceGroupSwapchainCreateInfoKHR, next_types::Type...) = DeviceGroupSwapchainCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.modes) DescriptorUpdateTemplateEntry(x::VkDescriptorUpdateTemplateEntry) = DescriptorUpdateTemplateEntry(x.dstBinding, x.dstArrayElement, x.descriptorCount, x.descriptorType, x.offset, x.stride) DescriptorUpdateTemplateCreateInfo(x::VkDescriptorUpdateTemplateCreateInfo, next_types::Type...) = DescriptorUpdateTemplateCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{DescriptorUpdateTemplateEntry}, x.pDescriptorUpdateEntries, x.descriptorUpdateEntryCount; own = true), x.templateType, DescriptorSetLayout(x.descriptorSetLayout), x.pipelineBindPoint, PipelineLayout(x.pipelineLayout), x.set) XYColorEXT(x::VkXYColorEXT) = XYColorEXT(x.x, x.y) PhysicalDevicePresentIdFeaturesKHR(x::VkPhysicalDevicePresentIdFeaturesKHR, next_types::Type...) = PhysicalDevicePresentIdFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.presentId)) PresentIdKHR(x::VkPresentIdKHR, next_types::Type...) = PresentIdKHR(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{UInt64}, x.pPresentIds, x.swapchainCount; own = true)) PhysicalDevicePresentWaitFeaturesKHR(x::VkPhysicalDevicePresentWaitFeaturesKHR, next_types::Type...) = PhysicalDevicePresentWaitFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.presentWait)) HdrMetadataEXT(x::VkHdrMetadataEXT, next_types::Type...) = HdrMetadataEXT(load_next_chain(x.pNext, next_types...), XYColorEXT(x.displayPrimaryRed), XYColorEXT(x.displayPrimaryGreen), XYColorEXT(x.displayPrimaryBlue), XYColorEXT(x.whitePoint), x.maxLuminance, x.minLuminance, x.maxContentLightLevel, x.maxFrameAverageLightLevel) DisplayNativeHdrSurfaceCapabilitiesAMD(x::VkDisplayNativeHdrSurfaceCapabilitiesAMD, next_types::Type...) = DisplayNativeHdrSurfaceCapabilitiesAMD(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.localDimmingSupport)) SwapchainDisplayNativeHdrCreateInfoAMD(x::VkSwapchainDisplayNativeHdrCreateInfoAMD, next_types::Type...) = SwapchainDisplayNativeHdrCreateInfoAMD(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.localDimmingEnable)) RefreshCycleDurationGOOGLE(x::VkRefreshCycleDurationGOOGLE) = RefreshCycleDurationGOOGLE(x.refreshDuration) PastPresentationTimingGOOGLE(x::VkPastPresentationTimingGOOGLE) = PastPresentationTimingGOOGLE(x.presentID, x.desiredPresentTime, x.actualPresentTime, x.earliestPresentTime, x.presentMargin) PresentTimesInfoGOOGLE(x::VkPresentTimesInfoGOOGLE, next_types::Type...) = PresentTimesInfoGOOGLE(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{PresentTimeGOOGLE}, x.pTimes, x.swapchainCount; own = true)) PresentTimeGOOGLE(x::VkPresentTimeGOOGLE) = PresentTimeGOOGLE(x.presentID, x.desiredPresentTime) ViewportWScalingNV(x::VkViewportWScalingNV) = ViewportWScalingNV(x.xcoeff, x.ycoeff) PipelineViewportWScalingStateCreateInfoNV(x::VkPipelineViewportWScalingStateCreateInfoNV, next_types::Type...) = PipelineViewportWScalingStateCreateInfoNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.viewportWScalingEnable), unsafe_wrap(Vector{ViewportWScalingNV}, x.pViewportWScalings, x.viewportCount; own = true)) ViewportSwizzleNV(x::VkViewportSwizzleNV) = ViewportSwizzleNV(x.x, x.y, x.z, x.w) PipelineViewportSwizzleStateCreateInfoNV(x::VkPipelineViewportSwizzleStateCreateInfoNV, next_types::Type...) = PipelineViewportSwizzleStateCreateInfoNV(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{ViewportSwizzleNV}, x.pViewportSwizzles, x.viewportCount; own = true)) PhysicalDeviceDiscardRectanglePropertiesEXT(x::VkPhysicalDeviceDiscardRectanglePropertiesEXT, next_types::Type...) = PhysicalDeviceDiscardRectanglePropertiesEXT(load_next_chain(x.pNext, next_types...), x.maxDiscardRectangles) PipelineDiscardRectangleStateCreateInfoEXT(x::VkPipelineDiscardRectangleStateCreateInfoEXT, next_types::Type...) = PipelineDiscardRectangleStateCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.flags, x.discardRectangleMode, unsafe_wrap(Vector{Rect2D}, x.pDiscardRectangles, x.discardRectangleCount; own = true)) PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX(x::VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX, next_types::Type...) = PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.perViewPositionAllComponents)) InputAttachmentAspectReference(x::VkInputAttachmentAspectReference) = InputAttachmentAspectReference(x.subpass, x.inputAttachmentIndex, x.aspectMask) RenderPassInputAttachmentAspectCreateInfo(x::VkRenderPassInputAttachmentAspectCreateInfo, next_types::Type...) = RenderPassInputAttachmentAspectCreateInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{InputAttachmentAspectReference}, x.pAspectReferences, x.aspectReferenceCount; own = true)) PhysicalDeviceSurfaceInfo2KHR(x::VkPhysicalDeviceSurfaceInfo2KHR, next_types::Type...) = PhysicalDeviceSurfaceInfo2KHR(load_next_chain(x.pNext, next_types...), SurfaceKHR(x.surface)) SurfaceCapabilities2KHR(x::VkSurfaceCapabilities2KHR, next_types::Type...) = SurfaceCapabilities2KHR(load_next_chain(x.pNext, next_types...), SurfaceCapabilitiesKHR(x.surfaceCapabilities)) SurfaceFormat2KHR(x::VkSurfaceFormat2KHR, next_types::Type...) = SurfaceFormat2KHR(load_next_chain(x.pNext, next_types...), SurfaceFormatKHR(x.surfaceFormat)) DisplayProperties2KHR(x::VkDisplayProperties2KHR, next_types::Type...) = DisplayProperties2KHR(load_next_chain(x.pNext, next_types...), DisplayPropertiesKHR(x.displayProperties)) DisplayPlaneProperties2KHR(x::VkDisplayPlaneProperties2KHR, next_types::Type...) = DisplayPlaneProperties2KHR(load_next_chain(x.pNext, next_types...), DisplayPlanePropertiesKHR(x.displayPlaneProperties)) DisplayModeProperties2KHR(x::VkDisplayModeProperties2KHR, next_types::Type...) = DisplayModeProperties2KHR(load_next_chain(x.pNext, next_types...), DisplayModePropertiesKHR(x.displayModeProperties)) DisplayPlaneInfo2KHR(x::VkDisplayPlaneInfo2KHR, next_types::Type...) = DisplayPlaneInfo2KHR(load_next_chain(x.pNext, next_types...), DisplayModeKHR(x.mode), x.planeIndex) DisplayPlaneCapabilities2KHR(x::VkDisplayPlaneCapabilities2KHR, next_types::Type...) = DisplayPlaneCapabilities2KHR(load_next_chain(x.pNext, next_types...), DisplayPlaneCapabilitiesKHR(x.capabilities)) SharedPresentSurfaceCapabilitiesKHR(x::VkSharedPresentSurfaceCapabilitiesKHR, next_types::Type...) = SharedPresentSurfaceCapabilitiesKHR(load_next_chain(x.pNext, next_types...), x.sharedPresentSupportedUsageFlags) PhysicalDevice16BitStorageFeatures(x::VkPhysicalDevice16BitStorageFeatures, next_types::Type...) = PhysicalDevice16BitStorageFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.storageBuffer16BitAccess), from_vk(Bool, x.uniformAndStorageBuffer16BitAccess), from_vk(Bool, x.storagePushConstant16), from_vk(Bool, x.storageInputOutput16)) PhysicalDeviceSubgroupProperties(x::VkPhysicalDeviceSubgroupProperties, next_types::Type...) = PhysicalDeviceSubgroupProperties(load_next_chain(x.pNext, next_types...), x.subgroupSize, x.supportedStages, x.supportedOperations, from_vk(Bool, x.quadOperationsInAllStages)) PhysicalDeviceShaderSubgroupExtendedTypesFeatures(x::VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures, next_types::Type...) = PhysicalDeviceShaderSubgroupExtendedTypesFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderSubgroupExtendedTypes)) BufferMemoryRequirementsInfo2(x::VkBufferMemoryRequirementsInfo2, next_types::Type...) = BufferMemoryRequirementsInfo2(load_next_chain(x.pNext, next_types...), Buffer(x.buffer)) DeviceBufferMemoryRequirements(x::VkDeviceBufferMemoryRequirements, next_types::Type...) = DeviceBufferMemoryRequirements(load_next_chain(x.pNext, next_types...), BufferCreateInfo(x.pCreateInfo)) ImageMemoryRequirementsInfo2(x::VkImageMemoryRequirementsInfo2, next_types::Type...) = ImageMemoryRequirementsInfo2(load_next_chain(x.pNext, next_types...), Image(x.image)) ImageSparseMemoryRequirementsInfo2(x::VkImageSparseMemoryRequirementsInfo2, next_types::Type...) = ImageSparseMemoryRequirementsInfo2(load_next_chain(x.pNext, next_types...), Image(x.image)) DeviceImageMemoryRequirements(x::VkDeviceImageMemoryRequirements, next_types::Type...) = DeviceImageMemoryRequirements(load_next_chain(x.pNext, next_types...), ImageCreateInfo(x.pCreateInfo), ImageAspectFlag(UInt32(x.planeAspect))) MemoryRequirements2(x::VkMemoryRequirements2, next_types::Type...) = MemoryRequirements2(load_next_chain(x.pNext, next_types...), MemoryRequirements(x.memoryRequirements)) SparseImageMemoryRequirements2(x::VkSparseImageMemoryRequirements2, next_types::Type...) = SparseImageMemoryRequirements2(load_next_chain(x.pNext, next_types...), SparseImageMemoryRequirements(x.memoryRequirements)) PhysicalDevicePointClippingProperties(x::VkPhysicalDevicePointClippingProperties, next_types::Type...) = PhysicalDevicePointClippingProperties(load_next_chain(x.pNext, next_types...), x.pointClippingBehavior) MemoryDedicatedRequirements(x::VkMemoryDedicatedRequirements, next_types::Type...) = MemoryDedicatedRequirements(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.prefersDedicatedAllocation), from_vk(Bool, x.requiresDedicatedAllocation)) MemoryDedicatedAllocateInfo(x::VkMemoryDedicatedAllocateInfo, next_types::Type...) = MemoryDedicatedAllocateInfo(load_next_chain(x.pNext, next_types...), Image(x.image), Buffer(x.buffer)) ImageViewUsageCreateInfo(x::VkImageViewUsageCreateInfo, next_types::Type...) = ImageViewUsageCreateInfo(load_next_chain(x.pNext, next_types...), x.usage) PipelineTessellationDomainOriginStateCreateInfo(x::VkPipelineTessellationDomainOriginStateCreateInfo, next_types::Type...) = PipelineTessellationDomainOriginStateCreateInfo(load_next_chain(x.pNext, next_types...), x.domainOrigin) SamplerYcbcrConversionInfo(x::VkSamplerYcbcrConversionInfo, next_types::Type...) = SamplerYcbcrConversionInfo(load_next_chain(x.pNext, next_types...), SamplerYcbcrConversion(x.conversion)) SamplerYcbcrConversionCreateInfo(x::VkSamplerYcbcrConversionCreateInfo, next_types::Type...) = SamplerYcbcrConversionCreateInfo(load_next_chain(x.pNext, next_types...), x.format, x.ycbcrModel, x.ycbcrRange, ComponentMapping(x.components), x.xChromaOffset, x.yChromaOffset, x.chromaFilter, from_vk(Bool, x.forceExplicitReconstruction)) BindImagePlaneMemoryInfo(x::VkBindImagePlaneMemoryInfo, next_types::Type...) = BindImagePlaneMemoryInfo(load_next_chain(x.pNext, next_types...), ImageAspectFlag(UInt32(x.planeAspect))) ImagePlaneMemoryRequirementsInfo(x::VkImagePlaneMemoryRequirementsInfo, next_types::Type...) = ImagePlaneMemoryRequirementsInfo(load_next_chain(x.pNext, next_types...), ImageAspectFlag(UInt32(x.planeAspect))) PhysicalDeviceSamplerYcbcrConversionFeatures(x::VkPhysicalDeviceSamplerYcbcrConversionFeatures, next_types::Type...) = PhysicalDeviceSamplerYcbcrConversionFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.samplerYcbcrConversion)) SamplerYcbcrConversionImageFormatProperties(x::VkSamplerYcbcrConversionImageFormatProperties, next_types::Type...) = SamplerYcbcrConversionImageFormatProperties(load_next_chain(x.pNext, next_types...), x.combinedImageSamplerDescriptorCount) TextureLODGatherFormatPropertiesAMD(x::VkTextureLODGatherFormatPropertiesAMD, next_types::Type...) = TextureLODGatherFormatPropertiesAMD(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.supportsTextureGatherLODBiasAMD)) ConditionalRenderingBeginInfoEXT(x::VkConditionalRenderingBeginInfoEXT, next_types::Type...) = ConditionalRenderingBeginInfoEXT(load_next_chain(x.pNext, next_types...), Buffer(x.buffer), x.offset, x.flags) ProtectedSubmitInfo(x::VkProtectedSubmitInfo, next_types::Type...) = ProtectedSubmitInfo(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.protectedSubmit)) PhysicalDeviceProtectedMemoryFeatures(x::VkPhysicalDeviceProtectedMemoryFeatures, next_types::Type...) = PhysicalDeviceProtectedMemoryFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.protectedMemory)) PhysicalDeviceProtectedMemoryProperties(x::VkPhysicalDeviceProtectedMemoryProperties, next_types::Type...) = PhysicalDeviceProtectedMemoryProperties(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.protectedNoFault)) DeviceQueueInfo2(x::VkDeviceQueueInfo2, next_types::Type...) = DeviceQueueInfo2(load_next_chain(x.pNext, next_types...), x.flags, x.queueFamilyIndex, x.queueIndex) PipelineCoverageToColorStateCreateInfoNV(x::VkPipelineCoverageToColorStateCreateInfoNV, next_types::Type...) = PipelineCoverageToColorStateCreateInfoNV(load_next_chain(x.pNext, next_types...), x.flags, from_vk(Bool, x.coverageToColorEnable), x.coverageToColorLocation) PhysicalDeviceSamplerFilterMinmaxProperties(x::VkPhysicalDeviceSamplerFilterMinmaxProperties, next_types::Type...) = PhysicalDeviceSamplerFilterMinmaxProperties(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.filterMinmaxSingleComponentFormats), from_vk(Bool, x.filterMinmaxImageComponentMapping)) SampleLocationEXT(x::VkSampleLocationEXT) = SampleLocationEXT(x.x, x.y) SampleLocationsInfoEXT(x::VkSampleLocationsInfoEXT, next_types::Type...) = SampleLocationsInfoEXT(load_next_chain(x.pNext, next_types...), SampleCountFlag(UInt32(x.sampleLocationsPerPixel)), Extent2D(x.sampleLocationGridSize), unsafe_wrap(Vector{SampleLocationEXT}, x.pSampleLocations, x.sampleLocationsCount; own = true)) AttachmentSampleLocationsEXT(x::VkAttachmentSampleLocationsEXT) = AttachmentSampleLocationsEXT(x.attachmentIndex, SampleLocationsInfoEXT(x.sampleLocationsInfo)) SubpassSampleLocationsEXT(x::VkSubpassSampleLocationsEXT) = SubpassSampleLocationsEXT(x.subpassIndex, SampleLocationsInfoEXT(x.sampleLocationsInfo)) RenderPassSampleLocationsBeginInfoEXT(x::VkRenderPassSampleLocationsBeginInfoEXT, next_types::Type...) = RenderPassSampleLocationsBeginInfoEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{AttachmentSampleLocationsEXT}, x.pAttachmentInitialSampleLocations, x.attachmentInitialSampleLocationsCount; own = true), unsafe_wrap(Vector{SubpassSampleLocationsEXT}, x.pPostSubpassSampleLocations, x.postSubpassSampleLocationsCount; own = true)) PipelineSampleLocationsStateCreateInfoEXT(x::VkPipelineSampleLocationsStateCreateInfoEXT, next_types::Type...) = PipelineSampleLocationsStateCreateInfoEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.sampleLocationsEnable), SampleLocationsInfoEXT(x.sampleLocationsInfo)) PhysicalDeviceSampleLocationsPropertiesEXT(x::VkPhysicalDeviceSampleLocationsPropertiesEXT, next_types::Type...) = PhysicalDeviceSampleLocationsPropertiesEXT(load_next_chain(x.pNext, next_types...), x.sampleLocationSampleCounts, Extent2D(x.maxSampleLocationGridSize), x.sampleLocationCoordinateRange, x.sampleLocationSubPixelBits, from_vk(Bool, x.variableSampleLocations)) MultisamplePropertiesEXT(x::VkMultisamplePropertiesEXT, next_types::Type...) = MultisamplePropertiesEXT(load_next_chain(x.pNext, next_types...), Extent2D(x.maxSampleLocationGridSize)) SamplerReductionModeCreateInfo(x::VkSamplerReductionModeCreateInfo, next_types::Type...) = SamplerReductionModeCreateInfo(load_next_chain(x.pNext, next_types...), x.reductionMode) PhysicalDeviceBlendOperationAdvancedFeaturesEXT(x::VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT, next_types::Type...) = PhysicalDeviceBlendOperationAdvancedFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.advancedBlendCoherentOperations)) PhysicalDeviceMultiDrawFeaturesEXT(x::VkPhysicalDeviceMultiDrawFeaturesEXT, next_types::Type...) = PhysicalDeviceMultiDrawFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.multiDraw)) PhysicalDeviceBlendOperationAdvancedPropertiesEXT(x::VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT, next_types::Type...) = PhysicalDeviceBlendOperationAdvancedPropertiesEXT(load_next_chain(x.pNext, next_types...), x.advancedBlendMaxColorAttachments, from_vk(Bool, x.advancedBlendIndependentBlend), from_vk(Bool, x.advancedBlendNonPremultipliedSrcColor), from_vk(Bool, x.advancedBlendNonPremultipliedDstColor), from_vk(Bool, x.advancedBlendCorrelatedOverlap), from_vk(Bool, x.advancedBlendAllOperations)) PipelineColorBlendAdvancedStateCreateInfoEXT(x::VkPipelineColorBlendAdvancedStateCreateInfoEXT, next_types::Type...) = PipelineColorBlendAdvancedStateCreateInfoEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.srcPremultiplied), from_vk(Bool, x.dstPremultiplied), x.blendOverlap) PhysicalDeviceInlineUniformBlockFeatures(x::VkPhysicalDeviceInlineUniformBlockFeatures, next_types::Type...) = PhysicalDeviceInlineUniformBlockFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.inlineUniformBlock), from_vk(Bool, x.descriptorBindingInlineUniformBlockUpdateAfterBind)) PhysicalDeviceInlineUniformBlockProperties(x::VkPhysicalDeviceInlineUniformBlockProperties, next_types::Type...) = PhysicalDeviceInlineUniformBlockProperties(load_next_chain(x.pNext, next_types...), x.maxInlineUniformBlockSize, x.maxPerStageDescriptorInlineUniformBlocks, x.maxPerStageDescriptorUpdateAfterBindInlineUniformBlocks, x.maxDescriptorSetInlineUniformBlocks, x.maxDescriptorSetUpdateAfterBindInlineUniformBlocks) WriteDescriptorSetInlineUniformBlock(x::VkWriteDescriptorSetInlineUniformBlock, next_types::Type...) = WriteDescriptorSetInlineUniformBlock(load_next_chain(x.pNext, next_types...), x.dataSize, x.pData) DescriptorPoolInlineUniformBlockCreateInfo(x::VkDescriptorPoolInlineUniformBlockCreateInfo, next_types::Type...) = DescriptorPoolInlineUniformBlockCreateInfo(load_next_chain(x.pNext, next_types...), x.maxInlineUniformBlockBindings) PipelineCoverageModulationStateCreateInfoNV(x::VkPipelineCoverageModulationStateCreateInfoNV, next_types::Type...) = PipelineCoverageModulationStateCreateInfoNV(load_next_chain(x.pNext, next_types...), x.flags, x.coverageModulationMode, from_vk(Bool, x.coverageModulationTableEnable), unsafe_wrap(Vector{Float32}, x.pCoverageModulationTable, x.coverageModulationTableCount; own = true)) ImageFormatListCreateInfo(x::VkImageFormatListCreateInfo, next_types::Type...) = ImageFormatListCreateInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{Format}, x.pViewFormats, x.viewFormatCount; own = true)) ValidationCacheCreateInfoEXT(x::VkValidationCacheCreateInfoEXT, next_types::Type...) = ValidationCacheCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.flags, x.initialDataSize, x.pInitialData) ShaderModuleValidationCacheCreateInfoEXT(x::VkShaderModuleValidationCacheCreateInfoEXT, next_types::Type...) = ShaderModuleValidationCacheCreateInfoEXT(load_next_chain(x.pNext, next_types...), ValidationCacheEXT(x.validationCache)) PhysicalDeviceMaintenance3Properties(x::VkPhysicalDeviceMaintenance3Properties, next_types::Type...) = PhysicalDeviceMaintenance3Properties(load_next_chain(x.pNext, next_types...), x.maxPerSetDescriptors, x.maxMemoryAllocationSize) PhysicalDeviceMaintenance4Features(x::VkPhysicalDeviceMaintenance4Features, next_types::Type...) = PhysicalDeviceMaintenance4Features(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.maintenance4)) PhysicalDeviceMaintenance4Properties(x::VkPhysicalDeviceMaintenance4Properties, next_types::Type...) = PhysicalDeviceMaintenance4Properties(load_next_chain(x.pNext, next_types...), x.maxBufferSize) DescriptorSetLayoutSupport(x::VkDescriptorSetLayoutSupport, next_types::Type...) = DescriptorSetLayoutSupport(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.supported)) PhysicalDeviceShaderDrawParametersFeatures(x::VkPhysicalDeviceShaderDrawParametersFeatures, next_types::Type...) = PhysicalDeviceShaderDrawParametersFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderDrawParameters)) PhysicalDeviceShaderFloat16Int8Features(x::VkPhysicalDeviceShaderFloat16Int8Features, next_types::Type...) = PhysicalDeviceShaderFloat16Int8Features(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderFloat16), from_vk(Bool, x.shaderInt8)) PhysicalDeviceFloatControlsProperties(x::VkPhysicalDeviceFloatControlsProperties, next_types::Type...) = PhysicalDeviceFloatControlsProperties(load_next_chain(x.pNext, next_types...), x.denormBehaviorIndependence, x.roundingModeIndependence, from_vk(Bool, x.shaderSignedZeroInfNanPreserveFloat16), from_vk(Bool, x.shaderSignedZeroInfNanPreserveFloat32), from_vk(Bool, x.shaderSignedZeroInfNanPreserveFloat64), from_vk(Bool, x.shaderDenormPreserveFloat16), from_vk(Bool, x.shaderDenormPreserveFloat32), from_vk(Bool, x.shaderDenormPreserveFloat64), from_vk(Bool, x.shaderDenormFlushToZeroFloat16), from_vk(Bool, x.shaderDenormFlushToZeroFloat32), from_vk(Bool, x.shaderDenormFlushToZeroFloat64), from_vk(Bool, x.shaderRoundingModeRTEFloat16), from_vk(Bool, x.shaderRoundingModeRTEFloat32), from_vk(Bool, x.shaderRoundingModeRTEFloat64), from_vk(Bool, x.shaderRoundingModeRTZFloat16), from_vk(Bool, x.shaderRoundingModeRTZFloat32), from_vk(Bool, x.shaderRoundingModeRTZFloat64)) PhysicalDeviceHostQueryResetFeatures(x::VkPhysicalDeviceHostQueryResetFeatures, next_types::Type...) = PhysicalDeviceHostQueryResetFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.hostQueryReset)) ShaderResourceUsageAMD(x::VkShaderResourceUsageAMD) = ShaderResourceUsageAMD(x.numUsedVgprs, x.numUsedSgprs, x.ldsSizePerLocalWorkGroup, x.ldsUsageSizeInBytes, x.scratchMemUsageInBytes) ShaderStatisticsInfoAMD(x::VkShaderStatisticsInfoAMD) = ShaderStatisticsInfoAMD(x.shaderStageMask, ShaderResourceUsageAMD(x.resourceUsage), x.numPhysicalVgprs, x.numPhysicalSgprs, x.numAvailableVgprs, x.numAvailableSgprs, x.computeWorkGroupSize) DeviceQueueGlobalPriorityCreateInfoKHR(x::VkDeviceQueueGlobalPriorityCreateInfoKHR, next_types::Type...) = DeviceQueueGlobalPriorityCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.globalPriority) PhysicalDeviceGlobalPriorityQueryFeaturesKHR(x::VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR, next_types::Type...) = PhysicalDeviceGlobalPriorityQueryFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.globalPriorityQuery)) QueueFamilyGlobalPriorityPropertiesKHR(x::VkQueueFamilyGlobalPriorityPropertiesKHR, next_types::Type...) = QueueFamilyGlobalPriorityPropertiesKHR(load_next_chain(x.pNext, next_types...), x.priorityCount, x.priorities) DebugUtilsObjectNameInfoEXT(x::VkDebugUtilsObjectNameInfoEXT, next_types::Type...) = DebugUtilsObjectNameInfoEXT(load_next_chain(x.pNext, next_types...), x.objectType, x.objectHandle, unsafe_string(x.pObjectName)) DebugUtilsObjectTagInfoEXT(x::VkDebugUtilsObjectTagInfoEXT, next_types::Type...) = DebugUtilsObjectTagInfoEXT(load_next_chain(x.pNext, next_types...), x.objectType, x.objectHandle, x.tagName, x.tagSize, x.pTag) DebugUtilsLabelEXT(x::VkDebugUtilsLabelEXT, next_types::Type...) = DebugUtilsLabelEXT(load_next_chain(x.pNext, next_types...), unsafe_string(x.pLabelName), x.color) DebugUtilsMessengerCreateInfoEXT(x::VkDebugUtilsMessengerCreateInfoEXT, next_types::Type...) = DebugUtilsMessengerCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.flags, x.messageSeverity, x.messageType, from_vk(FunctionPtr, x.pfnUserCallback), x.pUserData) DebugUtilsMessengerCallbackDataEXT(x::VkDebugUtilsMessengerCallbackDataEXT, next_types::Type...) = DebugUtilsMessengerCallbackDataEXT(load_next_chain(x.pNext, next_types...), x.flags, unsafe_string(x.pMessageIdName), x.messageIdNumber, unsafe_string(x.pMessage), unsafe_wrap(Vector{DebugUtilsLabelEXT}, x.pQueueLabels, x.queueLabelCount; own = true), unsafe_wrap(Vector{DebugUtilsLabelEXT}, x.pCmdBufLabels, x.cmdBufLabelCount; own = true), unsafe_wrap(Vector{DebugUtilsObjectNameInfoEXT}, x.pObjects, x.objectCount; own = true)) PhysicalDeviceDeviceMemoryReportFeaturesEXT(x::VkPhysicalDeviceDeviceMemoryReportFeaturesEXT, next_types::Type...) = PhysicalDeviceDeviceMemoryReportFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.deviceMemoryReport)) DeviceDeviceMemoryReportCreateInfoEXT(x::VkDeviceDeviceMemoryReportCreateInfoEXT, next_types::Type...) = DeviceDeviceMemoryReportCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.flags, from_vk(FunctionPtr, x.pfnUserCallback), x.pUserData) DeviceMemoryReportCallbackDataEXT(x::VkDeviceMemoryReportCallbackDataEXT, next_types::Type...) = DeviceMemoryReportCallbackDataEXT(load_next_chain(x.pNext, next_types...), x.flags, x.type, x.memoryObjectId, x.size, x.objectType, x.objectHandle, x.heapIndex) ImportMemoryHostPointerInfoEXT(x::VkImportMemoryHostPointerInfoEXT, next_types::Type...) = ImportMemoryHostPointerInfoEXT(load_next_chain(x.pNext, next_types...), ExternalMemoryHandleTypeFlag(UInt32(x.handleType)), x.pHostPointer) MemoryHostPointerPropertiesEXT(x::VkMemoryHostPointerPropertiesEXT, next_types::Type...) = MemoryHostPointerPropertiesEXT(load_next_chain(x.pNext, next_types...), x.memoryTypeBits) PhysicalDeviceExternalMemoryHostPropertiesEXT(x::VkPhysicalDeviceExternalMemoryHostPropertiesEXT, next_types::Type...) = PhysicalDeviceExternalMemoryHostPropertiesEXT(load_next_chain(x.pNext, next_types...), x.minImportedHostPointerAlignment) PhysicalDeviceConservativeRasterizationPropertiesEXT(x::VkPhysicalDeviceConservativeRasterizationPropertiesEXT, next_types::Type...) = PhysicalDeviceConservativeRasterizationPropertiesEXT(load_next_chain(x.pNext, next_types...), x.primitiveOverestimationSize, x.maxExtraPrimitiveOverestimationSize, x.extraPrimitiveOverestimationSizeGranularity, from_vk(Bool, x.primitiveUnderestimation), from_vk(Bool, x.conservativePointAndLineRasterization), from_vk(Bool, x.degenerateTrianglesRasterized), from_vk(Bool, x.degenerateLinesRasterized), from_vk(Bool, x.fullyCoveredFragmentShaderInputVariable), from_vk(Bool, x.conservativeRasterizationPostDepthCoverage)) CalibratedTimestampInfoEXT(x::VkCalibratedTimestampInfoEXT, next_types::Type...) = CalibratedTimestampInfoEXT(load_next_chain(x.pNext, next_types...), x.timeDomain) PhysicalDeviceShaderCorePropertiesAMD(x::VkPhysicalDeviceShaderCorePropertiesAMD, next_types::Type...) = PhysicalDeviceShaderCorePropertiesAMD(load_next_chain(x.pNext, next_types...), x.shaderEngineCount, x.shaderArraysPerEngineCount, x.computeUnitsPerShaderArray, x.simdPerComputeUnit, x.wavefrontsPerSimd, x.wavefrontSize, x.sgprsPerSimd, x.minSgprAllocation, x.maxSgprAllocation, x.sgprAllocationGranularity, x.vgprsPerSimd, x.minVgprAllocation, x.maxVgprAllocation, x.vgprAllocationGranularity) PhysicalDeviceShaderCoreProperties2AMD(x::VkPhysicalDeviceShaderCoreProperties2AMD, next_types::Type...) = PhysicalDeviceShaderCoreProperties2AMD(load_next_chain(x.pNext, next_types...), x.shaderCoreFeatures, x.activeComputeUnitCount) PipelineRasterizationConservativeStateCreateInfoEXT(x::VkPipelineRasterizationConservativeStateCreateInfoEXT, next_types::Type...) = PipelineRasterizationConservativeStateCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.flags, x.conservativeRasterizationMode, x.extraPrimitiveOverestimationSize) PhysicalDeviceDescriptorIndexingFeatures(x::VkPhysicalDeviceDescriptorIndexingFeatures, next_types::Type...) = PhysicalDeviceDescriptorIndexingFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderInputAttachmentArrayDynamicIndexing), from_vk(Bool, x.shaderUniformTexelBufferArrayDynamicIndexing), from_vk(Bool, x.shaderStorageTexelBufferArrayDynamicIndexing), from_vk(Bool, x.shaderUniformBufferArrayNonUniformIndexing), from_vk(Bool, x.shaderSampledImageArrayNonUniformIndexing), from_vk(Bool, x.shaderStorageBufferArrayNonUniformIndexing), from_vk(Bool, x.shaderStorageImageArrayNonUniformIndexing), from_vk(Bool, x.shaderInputAttachmentArrayNonUniformIndexing), from_vk(Bool, x.shaderUniformTexelBufferArrayNonUniformIndexing), from_vk(Bool, x.shaderStorageTexelBufferArrayNonUniformIndexing), from_vk(Bool, x.descriptorBindingUniformBufferUpdateAfterBind), from_vk(Bool, x.descriptorBindingSampledImageUpdateAfterBind), from_vk(Bool, x.descriptorBindingStorageImageUpdateAfterBind), from_vk(Bool, x.descriptorBindingStorageBufferUpdateAfterBind), from_vk(Bool, x.descriptorBindingUniformTexelBufferUpdateAfterBind), from_vk(Bool, x.descriptorBindingStorageTexelBufferUpdateAfterBind), from_vk(Bool, x.descriptorBindingUpdateUnusedWhilePending), from_vk(Bool, x.descriptorBindingPartiallyBound), from_vk(Bool, x.descriptorBindingVariableDescriptorCount), from_vk(Bool, x.runtimeDescriptorArray)) PhysicalDeviceDescriptorIndexingProperties(x::VkPhysicalDeviceDescriptorIndexingProperties, next_types::Type...) = PhysicalDeviceDescriptorIndexingProperties(load_next_chain(x.pNext, next_types...), x.maxUpdateAfterBindDescriptorsInAllPools, from_vk(Bool, x.shaderUniformBufferArrayNonUniformIndexingNative), from_vk(Bool, x.shaderSampledImageArrayNonUniformIndexingNative), from_vk(Bool, x.shaderStorageBufferArrayNonUniformIndexingNative), from_vk(Bool, x.shaderStorageImageArrayNonUniformIndexingNative), from_vk(Bool, x.shaderInputAttachmentArrayNonUniformIndexingNative), from_vk(Bool, x.robustBufferAccessUpdateAfterBind), from_vk(Bool, x.quadDivergentImplicitLod), x.maxPerStageDescriptorUpdateAfterBindSamplers, x.maxPerStageDescriptorUpdateAfterBindUniformBuffers, x.maxPerStageDescriptorUpdateAfterBindStorageBuffers, x.maxPerStageDescriptorUpdateAfterBindSampledImages, x.maxPerStageDescriptorUpdateAfterBindStorageImages, x.maxPerStageDescriptorUpdateAfterBindInputAttachments, x.maxPerStageUpdateAfterBindResources, x.maxDescriptorSetUpdateAfterBindSamplers, x.maxDescriptorSetUpdateAfterBindUniformBuffers, x.maxDescriptorSetUpdateAfterBindUniformBuffersDynamic, x.maxDescriptorSetUpdateAfterBindStorageBuffers, x.maxDescriptorSetUpdateAfterBindStorageBuffersDynamic, x.maxDescriptorSetUpdateAfterBindSampledImages, x.maxDescriptorSetUpdateAfterBindStorageImages, x.maxDescriptorSetUpdateAfterBindInputAttachments) DescriptorSetLayoutBindingFlagsCreateInfo(x::VkDescriptorSetLayoutBindingFlagsCreateInfo, next_types::Type...) = DescriptorSetLayoutBindingFlagsCreateInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{DescriptorBindingFlag}, x.pBindingFlags, x.bindingCount; own = true)) DescriptorSetVariableDescriptorCountAllocateInfo(x::VkDescriptorSetVariableDescriptorCountAllocateInfo, next_types::Type...) = DescriptorSetVariableDescriptorCountAllocateInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{UInt32}, x.pDescriptorCounts, x.descriptorSetCount; own = true)) DescriptorSetVariableDescriptorCountLayoutSupport(x::VkDescriptorSetVariableDescriptorCountLayoutSupport, next_types::Type...) = DescriptorSetVariableDescriptorCountLayoutSupport(load_next_chain(x.pNext, next_types...), x.maxVariableDescriptorCount) AttachmentDescription2(x::VkAttachmentDescription2, next_types::Type...) = AttachmentDescription2(load_next_chain(x.pNext, next_types...), x.flags, x.format, SampleCountFlag(UInt32(x.samples)), x.loadOp, x.storeOp, x.stencilLoadOp, x.stencilStoreOp, x.initialLayout, x.finalLayout) AttachmentReference2(x::VkAttachmentReference2, next_types::Type...) = AttachmentReference2(load_next_chain(x.pNext, next_types...), x.attachment, x.layout, x.aspectMask) SubpassDescription2(x::VkSubpassDescription2, next_types::Type...) = SubpassDescription2(load_next_chain(x.pNext, next_types...), x.flags, x.pipelineBindPoint, x.viewMask, unsafe_wrap(Vector{AttachmentReference2}, x.pInputAttachments, x.inputAttachmentCount; own = true), unsafe_wrap(Vector{AttachmentReference2}, x.pColorAttachments, x.colorAttachmentCount; own = true), unsafe_wrap(Vector{AttachmentReference2}, x.pResolveAttachments, x.colorAttachmentCount; own = true), AttachmentReference2(x.pDepthStencilAttachment), unsafe_wrap(Vector{UInt32}, x.pPreserveAttachments, x.preserveAttachmentCount; own = true)) SubpassDependency2(x::VkSubpassDependency2, next_types::Type...) = SubpassDependency2(load_next_chain(x.pNext, next_types...), x.srcSubpass, x.dstSubpass, x.srcStageMask, x.dstStageMask, x.srcAccessMask, x.dstAccessMask, x.dependencyFlags, x.viewOffset) RenderPassCreateInfo2(x::VkRenderPassCreateInfo2, next_types::Type...) = RenderPassCreateInfo2(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{AttachmentDescription2}, x.pAttachments, x.attachmentCount; own = true), unsafe_wrap(Vector{SubpassDescription2}, x.pSubpasses, x.subpassCount; own = true), unsafe_wrap(Vector{SubpassDependency2}, x.pDependencies, x.dependencyCount; own = true), unsafe_wrap(Vector{UInt32}, x.pCorrelatedViewMasks, x.correlatedViewMaskCount; own = true)) SubpassBeginInfo(x::VkSubpassBeginInfo, next_types::Type...) = SubpassBeginInfo(load_next_chain(x.pNext, next_types...), x.contents) SubpassEndInfo(x::VkSubpassEndInfo, next_types::Type...) = SubpassEndInfo(load_next_chain(x.pNext, next_types...)) PhysicalDeviceTimelineSemaphoreFeatures(x::VkPhysicalDeviceTimelineSemaphoreFeatures, next_types::Type...) = PhysicalDeviceTimelineSemaphoreFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.timelineSemaphore)) PhysicalDeviceTimelineSemaphoreProperties(x::VkPhysicalDeviceTimelineSemaphoreProperties, next_types::Type...) = PhysicalDeviceTimelineSemaphoreProperties(load_next_chain(x.pNext, next_types...), x.maxTimelineSemaphoreValueDifference) SemaphoreTypeCreateInfo(x::VkSemaphoreTypeCreateInfo, next_types::Type...) = SemaphoreTypeCreateInfo(load_next_chain(x.pNext, next_types...), x.semaphoreType, x.initialValue) TimelineSemaphoreSubmitInfo(x::VkTimelineSemaphoreSubmitInfo, next_types::Type...) = TimelineSemaphoreSubmitInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{UInt64}, x.pWaitSemaphoreValues, x.waitSemaphoreValueCount; own = true), unsafe_wrap(Vector{UInt64}, x.pSignalSemaphoreValues, x.signalSemaphoreValueCount; own = true)) SemaphoreWaitInfo(x::VkSemaphoreWaitInfo, next_types::Type...) = SemaphoreWaitInfo(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{Semaphore}, x.pSemaphores, x.semaphoreCount; own = true), unsafe_wrap(Vector{UInt64}, x.pValues, x.semaphoreCount; own = true)) SemaphoreSignalInfo(x::VkSemaphoreSignalInfo, next_types::Type...) = SemaphoreSignalInfo(load_next_chain(x.pNext, next_types...), Semaphore(x.semaphore), x.value) VertexInputBindingDivisorDescriptionEXT(x::VkVertexInputBindingDivisorDescriptionEXT) = VertexInputBindingDivisorDescriptionEXT(x.binding, x.divisor) PipelineVertexInputDivisorStateCreateInfoEXT(x::VkPipelineVertexInputDivisorStateCreateInfoEXT, next_types::Type...) = PipelineVertexInputDivisorStateCreateInfoEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{VertexInputBindingDivisorDescriptionEXT}, x.pVertexBindingDivisors, x.vertexBindingDivisorCount; own = true)) PhysicalDeviceVertexAttributeDivisorPropertiesEXT(x::VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT, next_types::Type...) = PhysicalDeviceVertexAttributeDivisorPropertiesEXT(load_next_chain(x.pNext, next_types...), x.maxVertexAttribDivisor) PhysicalDevicePCIBusInfoPropertiesEXT(x::VkPhysicalDevicePCIBusInfoPropertiesEXT, next_types::Type...) = PhysicalDevicePCIBusInfoPropertiesEXT(load_next_chain(x.pNext, next_types...), x.pciDomain, x.pciBus, x.pciDevice, x.pciFunction) CommandBufferInheritanceConditionalRenderingInfoEXT(x::VkCommandBufferInheritanceConditionalRenderingInfoEXT, next_types::Type...) = CommandBufferInheritanceConditionalRenderingInfoEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.conditionalRenderingEnable)) PhysicalDevice8BitStorageFeatures(x::VkPhysicalDevice8BitStorageFeatures, next_types::Type...) = PhysicalDevice8BitStorageFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.storageBuffer8BitAccess), from_vk(Bool, x.uniformAndStorageBuffer8BitAccess), from_vk(Bool, x.storagePushConstant8)) PhysicalDeviceConditionalRenderingFeaturesEXT(x::VkPhysicalDeviceConditionalRenderingFeaturesEXT, next_types::Type...) = PhysicalDeviceConditionalRenderingFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.conditionalRendering), from_vk(Bool, x.inheritedConditionalRendering)) PhysicalDeviceVulkanMemoryModelFeatures(x::VkPhysicalDeviceVulkanMemoryModelFeatures, next_types::Type...) = PhysicalDeviceVulkanMemoryModelFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.vulkanMemoryModel), from_vk(Bool, x.vulkanMemoryModelDeviceScope), from_vk(Bool, x.vulkanMemoryModelAvailabilityVisibilityChains)) PhysicalDeviceShaderAtomicInt64Features(x::VkPhysicalDeviceShaderAtomicInt64Features, next_types::Type...) = PhysicalDeviceShaderAtomicInt64Features(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderBufferInt64Atomics), from_vk(Bool, x.shaderSharedInt64Atomics)) PhysicalDeviceShaderAtomicFloatFeaturesEXT(x::VkPhysicalDeviceShaderAtomicFloatFeaturesEXT, next_types::Type...) = PhysicalDeviceShaderAtomicFloatFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderBufferFloat32Atomics), from_vk(Bool, x.shaderBufferFloat32AtomicAdd), from_vk(Bool, x.shaderBufferFloat64Atomics), from_vk(Bool, x.shaderBufferFloat64AtomicAdd), from_vk(Bool, x.shaderSharedFloat32Atomics), from_vk(Bool, x.shaderSharedFloat32AtomicAdd), from_vk(Bool, x.shaderSharedFloat64Atomics), from_vk(Bool, x.shaderSharedFloat64AtomicAdd), from_vk(Bool, x.shaderImageFloat32Atomics), from_vk(Bool, x.shaderImageFloat32AtomicAdd), from_vk(Bool, x.sparseImageFloat32Atomics), from_vk(Bool, x.sparseImageFloat32AtomicAdd)) PhysicalDeviceShaderAtomicFloat2FeaturesEXT(x::VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT, next_types::Type...) = PhysicalDeviceShaderAtomicFloat2FeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderBufferFloat16Atomics), from_vk(Bool, x.shaderBufferFloat16AtomicAdd), from_vk(Bool, x.shaderBufferFloat16AtomicMinMax), from_vk(Bool, x.shaderBufferFloat32AtomicMinMax), from_vk(Bool, x.shaderBufferFloat64AtomicMinMax), from_vk(Bool, x.shaderSharedFloat16Atomics), from_vk(Bool, x.shaderSharedFloat16AtomicAdd), from_vk(Bool, x.shaderSharedFloat16AtomicMinMax), from_vk(Bool, x.shaderSharedFloat32AtomicMinMax), from_vk(Bool, x.shaderSharedFloat64AtomicMinMax), from_vk(Bool, x.shaderImageFloat32AtomicMinMax), from_vk(Bool, x.sparseImageFloat32AtomicMinMax)) PhysicalDeviceVertexAttributeDivisorFeaturesEXT(x::VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT, next_types::Type...) = PhysicalDeviceVertexAttributeDivisorFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.vertexAttributeInstanceRateDivisor), from_vk(Bool, x.vertexAttributeInstanceRateZeroDivisor)) QueueFamilyCheckpointPropertiesNV(x::VkQueueFamilyCheckpointPropertiesNV, next_types::Type...) = QueueFamilyCheckpointPropertiesNV(load_next_chain(x.pNext, next_types...), x.checkpointExecutionStageMask) CheckpointDataNV(x::VkCheckpointDataNV, next_types::Type...) = CheckpointDataNV(load_next_chain(x.pNext, next_types...), PipelineStageFlag(UInt32(x.stage)), x.pCheckpointMarker) PhysicalDeviceDepthStencilResolveProperties(x::VkPhysicalDeviceDepthStencilResolveProperties, next_types::Type...) = PhysicalDeviceDepthStencilResolveProperties(load_next_chain(x.pNext, next_types...), x.supportedDepthResolveModes, x.supportedStencilResolveModes, from_vk(Bool, x.independentResolveNone), from_vk(Bool, x.independentResolve)) SubpassDescriptionDepthStencilResolve(x::VkSubpassDescriptionDepthStencilResolve, next_types::Type...) = SubpassDescriptionDepthStencilResolve(load_next_chain(x.pNext, next_types...), ResolveModeFlag(UInt32(x.depthResolveMode)), ResolveModeFlag(UInt32(x.stencilResolveMode)), AttachmentReference2(x.pDepthStencilResolveAttachment)) ImageViewASTCDecodeModeEXT(x::VkImageViewASTCDecodeModeEXT, next_types::Type...) = ImageViewASTCDecodeModeEXT(load_next_chain(x.pNext, next_types...), x.decodeMode) PhysicalDeviceASTCDecodeFeaturesEXT(x::VkPhysicalDeviceASTCDecodeFeaturesEXT, next_types::Type...) = PhysicalDeviceASTCDecodeFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.decodeModeSharedExponent)) PhysicalDeviceTransformFeedbackFeaturesEXT(x::VkPhysicalDeviceTransformFeedbackFeaturesEXT, next_types::Type...) = PhysicalDeviceTransformFeedbackFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.transformFeedback), from_vk(Bool, x.geometryStreams)) PhysicalDeviceTransformFeedbackPropertiesEXT(x::VkPhysicalDeviceTransformFeedbackPropertiesEXT, next_types::Type...) = PhysicalDeviceTransformFeedbackPropertiesEXT(load_next_chain(x.pNext, next_types...), x.maxTransformFeedbackStreams, x.maxTransformFeedbackBuffers, x.maxTransformFeedbackBufferSize, x.maxTransformFeedbackStreamDataSize, x.maxTransformFeedbackBufferDataSize, x.maxTransformFeedbackBufferDataStride, from_vk(Bool, x.transformFeedbackQueries), from_vk(Bool, x.transformFeedbackStreamsLinesTriangles), from_vk(Bool, x.transformFeedbackRasterizationStreamSelect), from_vk(Bool, x.transformFeedbackDraw)) PipelineRasterizationStateStreamCreateInfoEXT(x::VkPipelineRasterizationStateStreamCreateInfoEXT, next_types::Type...) = PipelineRasterizationStateStreamCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.flags, x.rasterizationStream) PhysicalDeviceRepresentativeFragmentTestFeaturesNV(x::VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV, next_types::Type...) = PhysicalDeviceRepresentativeFragmentTestFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.representativeFragmentTest)) PipelineRepresentativeFragmentTestStateCreateInfoNV(x::VkPipelineRepresentativeFragmentTestStateCreateInfoNV, next_types::Type...) = PipelineRepresentativeFragmentTestStateCreateInfoNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.representativeFragmentTestEnable)) PhysicalDeviceExclusiveScissorFeaturesNV(x::VkPhysicalDeviceExclusiveScissorFeaturesNV, next_types::Type...) = PhysicalDeviceExclusiveScissorFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.exclusiveScissor)) PipelineViewportExclusiveScissorStateCreateInfoNV(x::VkPipelineViewportExclusiveScissorStateCreateInfoNV, next_types::Type...) = PipelineViewportExclusiveScissorStateCreateInfoNV(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{Rect2D}, x.pExclusiveScissors, x.exclusiveScissorCount; own = true)) PhysicalDeviceCornerSampledImageFeaturesNV(x::VkPhysicalDeviceCornerSampledImageFeaturesNV, next_types::Type...) = PhysicalDeviceCornerSampledImageFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.cornerSampledImage)) PhysicalDeviceComputeShaderDerivativesFeaturesNV(x::VkPhysicalDeviceComputeShaderDerivativesFeaturesNV, next_types::Type...) = PhysicalDeviceComputeShaderDerivativesFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.computeDerivativeGroupQuads), from_vk(Bool, x.computeDerivativeGroupLinear)) PhysicalDeviceShaderImageFootprintFeaturesNV(x::VkPhysicalDeviceShaderImageFootprintFeaturesNV, next_types::Type...) = PhysicalDeviceShaderImageFootprintFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.imageFootprint)) PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV(x::VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV, next_types::Type...) = PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.dedicatedAllocationImageAliasing)) PhysicalDeviceCopyMemoryIndirectFeaturesNV(x::VkPhysicalDeviceCopyMemoryIndirectFeaturesNV, next_types::Type...) = PhysicalDeviceCopyMemoryIndirectFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.indirectCopy)) PhysicalDeviceCopyMemoryIndirectPropertiesNV(x::VkPhysicalDeviceCopyMemoryIndirectPropertiesNV, next_types::Type...) = PhysicalDeviceCopyMemoryIndirectPropertiesNV(load_next_chain(x.pNext, next_types...), x.supportedQueues) PhysicalDeviceMemoryDecompressionFeaturesNV(x::VkPhysicalDeviceMemoryDecompressionFeaturesNV, next_types::Type...) = PhysicalDeviceMemoryDecompressionFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.memoryDecompression)) PhysicalDeviceMemoryDecompressionPropertiesNV(x::VkPhysicalDeviceMemoryDecompressionPropertiesNV, next_types::Type...) = PhysicalDeviceMemoryDecompressionPropertiesNV(load_next_chain(x.pNext, next_types...), x.decompressionMethods, x.maxDecompressionIndirectCount) ShadingRatePaletteNV(x::VkShadingRatePaletteNV) = ShadingRatePaletteNV(unsafe_wrap(Vector{ShadingRatePaletteEntryNV}, x.pShadingRatePaletteEntries, x.shadingRatePaletteEntryCount; own = true)) PipelineViewportShadingRateImageStateCreateInfoNV(x::VkPipelineViewportShadingRateImageStateCreateInfoNV, next_types::Type...) = PipelineViewportShadingRateImageStateCreateInfoNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shadingRateImageEnable), unsafe_wrap(Vector{ShadingRatePaletteNV}, x.pShadingRatePalettes, x.viewportCount; own = true)) PhysicalDeviceShadingRateImageFeaturesNV(x::VkPhysicalDeviceShadingRateImageFeaturesNV, next_types::Type...) = PhysicalDeviceShadingRateImageFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shadingRateImage), from_vk(Bool, x.shadingRateCoarseSampleOrder)) PhysicalDeviceShadingRateImagePropertiesNV(x::VkPhysicalDeviceShadingRateImagePropertiesNV, next_types::Type...) = PhysicalDeviceShadingRateImagePropertiesNV(load_next_chain(x.pNext, next_types...), Extent2D(x.shadingRateTexelSize), x.shadingRatePaletteSize, x.shadingRateMaxCoarseSamples) PhysicalDeviceInvocationMaskFeaturesHUAWEI(x::VkPhysicalDeviceInvocationMaskFeaturesHUAWEI, next_types::Type...) = PhysicalDeviceInvocationMaskFeaturesHUAWEI(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.invocationMask)) CoarseSampleLocationNV(x::VkCoarseSampleLocationNV) = CoarseSampleLocationNV(x.pixelX, x.pixelY, x.sample) CoarseSampleOrderCustomNV(x::VkCoarseSampleOrderCustomNV) = CoarseSampleOrderCustomNV(x.shadingRate, x.sampleCount, unsafe_wrap(Vector{CoarseSampleLocationNV}, x.pSampleLocations, x.sampleLocationCount; own = true)) PipelineViewportCoarseSampleOrderStateCreateInfoNV(x::VkPipelineViewportCoarseSampleOrderStateCreateInfoNV, next_types::Type...) = PipelineViewportCoarseSampleOrderStateCreateInfoNV(load_next_chain(x.pNext, next_types...), x.sampleOrderType, unsafe_wrap(Vector{CoarseSampleOrderCustomNV}, x.pCustomSampleOrders, x.customSampleOrderCount; own = true)) PhysicalDeviceMeshShaderFeaturesNV(x::VkPhysicalDeviceMeshShaderFeaturesNV, next_types::Type...) = PhysicalDeviceMeshShaderFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.taskShader), from_vk(Bool, x.meshShader)) PhysicalDeviceMeshShaderPropertiesNV(x::VkPhysicalDeviceMeshShaderPropertiesNV, next_types::Type...) = PhysicalDeviceMeshShaderPropertiesNV(load_next_chain(x.pNext, next_types...), x.maxDrawMeshTasksCount, x.maxTaskWorkGroupInvocations, x.maxTaskWorkGroupSize, x.maxTaskTotalMemorySize, x.maxTaskOutputCount, x.maxMeshWorkGroupInvocations, x.maxMeshWorkGroupSize, x.maxMeshTotalMemorySize, x.maxMeshOutputVertices, x.maxMeshOutputPrimitives, x.maxMeshMultiviewViewCount, x.meshOutputPerVertexGranularity, x.meshOutputPerPrimitiveGranularity) DrawMeshTasksIndirectCommandNV(x::VkDrawMeshTasksIndirectCommandNV) = DrawMeshTasksIndirectCommandNV(x.taskCount, x.firstTask) PhysicalDeviceMeshShaderFeaturesEXT(x::VkPhysicalDeviceMeshShaderFeaturesEXT, next_types::Type...) = PhysicalDeviceMeshShaderFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.taskShader), from_vk(Bool, x.meshShader), from_vk(Bool, x.multiviewMeshShader), from_vk(Bool, x.primitiveFragmentShadingRateMeshShader), from_vk(Bool, x.meshShaderQueries)) PhysicalDeviceMeshShaderPropertiesEXT(x::VkPhysicalDeviceMeshShaderPropertiesEXT, next_types::Type...) = PhysicalDeviceMeshShaderPropertiesEXT(load_next_chain(x.pNext, next_types...), x.maxTaskWorkGroupTotalCount, x.maxTaskWorkGroupCount, x.maxTaskWorkGroupInvocations, x.maxTaskWorkGroupSize, x.maxTaskPayloadSize, x.maxTaskSharedMemorySize, x.maxTaskPayloadAndSharedMemorySize, x.maxMeshWorkGroupTotalCount, x.maxMeshWorkGroupCount, x.maxMeshWorkGroupInvocations, x.maxMeshWorkGroupSize, x.maxMeshSharedMemorySize, x.maxMeshPayloadAndSharedMemorySize, x.maxMeshOutputMemorySize, x.maxMeshPayloadAndOutputMemorySize, x.maxMeshOutputComponents, x.maxMeshOutputVertices, x.maxMeshOutputPrimitives, x.maxMeshOutputLayers, x.maxMeshMultiviewViewCount, x.meshOutputPerVertexGranularity, x.meshOutputPerPrimitiveGranularity, x.maxPreferredTaskWorkGroupInvocations, x.maxPreferredMeshWorkGroupInvocations, from_vk(Bool, x.prefersLocalInvocationVertexOutput), from_vk(Bool, x.prefersLocalInvocationPrimitiveOutput), from_vk(Bool, x.prefersCompactVertexOutput), from_vk(Bool, x.prefersCompactPrimitiveOutput)) DrawMeshTasksIndirectCommandEXT(x::VkDrawMeshTasksIndirectCommandEXT) = DrawMeshTasksIndirectCommandEXT(x.groupCountX, x.groupCountY, x.groupCountZ) RayTracingShaderGroupCreateInfoNV(x::VkRayTracingShaderGroupCreateInfoNV, next_types::Type...) = RayTracingShaderGroupCreateInfoNV(load_next_chain(x.pNext, next_types...), x.type, x.generalShader, x.closestHitShader, x.anyHitShader, x.intersectionShader) RayTracingShaderGroupCreateInfoKHR(x::VkRayTracingShaderGroupCreateInfoKHR, next_types::Type...) = RayTracingShaderGroupCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.type, x.generalShader, x.closestHitShader, x.anyHitShader, x.intersectionShader, x.pShaderGroupCaptureReplayHandle) RayTracingPipelineCreateInfoNV(x::VkRayTracingPipelineCreateInfoNV, next_types::Type...) = RayTracingPipelineCreateInfoNV(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{PipelineShaderStageCreateInfo}, x.pStages, x.stageCount; own = true), unsafe_wrap(Vector{RayTracingShaderGroupCreateInfoNV}, x.pGroups, x.groupCount; own = true), x.maxRecursionDepth, PipelineLayout(x.layout), Pipeline(x.basePipelineHandle), x.basePipelineIndex) RayTracingPipelineCreateInfoKHR(x::VkRayTracingPipelineCreateInfoKHR, next_types::Type...) = RayTracingPipelineCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{PipelineShaderStageCreateInfo}, x.pStages, x.stageCount; own = true), unsafe_wrap(Vector{RayTracingShaderGroupCreateInfoKHR}, x.pGroups, x.groupCount; own = true), x.maxPipelineRayRecursionDepth, PipelineLibraryCreateInfoKHR(x.pLibraryInfo), RayTracingPipelineInterfaceCreateInfoKHR(x.pLibraryInterface), PipelineDynamicStateCreateInfo(x.pDynamicState), PipelineLayout(x.layout), Pipeline(x.basePipelineHandle), x.basePipelineIndex) GeometryTrianglesNV(x::VkGeometryTrianglesNV, next_types::Type...) = GeometryTrianglesNV(load_next_chain(x.pNext, next_types...), Buffer(x.vertexData), x.vertexOffset, x.vertexCount, x.vertexStride, x.vertexFormat, Buffer(x.indexData), x.indexOffset, x.indexCount, x.indexType, Buffer(x.transformData), x.transformOffset) GeometryAABBNV(x::VkGeometryAABBNV, next_types::Type...) = GeometryAABBNV(load_next_chain(x.pNext, next_types...), Buffer(x.aabbData), x.numAABBs, x.stride, x.offset) GeometryDataNV(x::VkGeometryDataNV) = GeometryDataNV(GeometryTrianglesNV(x.triangles), GeometryAABBNV(x.aabbs)) GeometryNV(x::VkGeometryNV, next_types::Type...) = GeometryNV(load_next_chain(x.pNext, next_types...), x.geometryType, GeometryDataNV(x.geometry), x.flags) AccelerationStructureInfoNV(x::VkAccelerationStructureInfoNV, next_types::Type...) = AccelerationStructureInfoNV(load_next_chain(x.pNext, next_types...), x.type, x.flags, x.instanceCount, unsafe_wrap(Vector{GeometryNV}, x.pGeometries, x.geometryCount; own = true)) AccelerationStructureCreateInfoNV(x::VkAccelerationStructureCreateInfoNV, next_types::Type...) = AccelerationStructureCreateInfoNV(load_next_chain(x.pNext, next_types...), x.compactedSize, AccelerationStructureInfoNV(x.info)) BindAccelerationStructureMemoryInfoNV(x::VkBindAccelerationStructureMemoryInfoNV, next_types::Type...) = BindAccelerationStructureMemoryInfoNV(load_next_chain(x.pNext, next_types...), AccelerationStructureNV(x.accelerationStructure), DeviceMemory(x.memory), x.memoryOffset, unsafe_wrap(Vector{UInt32}, x.pDeviceIndices, x.deviceIndexCount; own = true)) WriteDescriptorSetAccelerationStructureKHR(x::VkWriteDescriptorSetAccelerationStructureKHR, next_types::Type...) = WriteDescriptorSetAccelerationStructureKHR(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{AccelerationStructureKHR}, x.pAccelerationStructures, x.accelerationStructureCount; own = true)) WriteDescriptorSetAccelerationStructureNV(x::VkWriteDescriptorSetAccelerationStructureNV, next_types::Type...) = WriteDescriptorSetAccelerationStructureNV(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{AccelerationStructureNV}, x.pAccelerationStructures, x.accelerationStructureCount; own = true)) AccelerationStructureMemoryRequirementsInfoNV(x::VkAccelerationStructureMemoryRequirementsInfoNV, next_types::Type...) = AccelerationStructureMemoryRequirementsInfoNV(load_next_chain(x.pNext, next_types...), x.type, AccelerationStructureNV(x.accelerationStructure)) PhysicalDeviceAccelerationStructureFeaturesKHR(x::VkPhysicalDeviceAccelerationStructureFeaturesKHR, next_types::Type...) = PhysicalDeviceAccelerationStructureFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.accelerationStructure), from_vk(Bool, x.accelerationStructureCaptureReplay), from_vk(Bool, x.accelerationStructureIndirectBuild), from_vk(Bool, x.accelerationStructureHostCommands), from_vk(Bool, x.descriptorBindingAccelerationStructureUpdateAfterBind)) PhysicalDeviceRayTracingPipelineFeaturesKHR(x::VkPhysicalDeviceRayTracingPipelineFeaturesKHR, next_types::Type...) = PhysicalDeviceRayTracingPipelineFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.rayTracingPipeline), from_vk(Bool, x.rayTracingPipelineShaderGroupHandleCaptureReplay), from_vk(Bool, x.rayTracingPipelineShaderGroupHandleCaptureReplayMixed), from_vk(Bool, x.rayTracingPipelineTraceRaysIndirect), from_vk(Bool, x.rayTraversalPrimitiveCulling)) PhysicalDeviceRayQueryFeaturesKHR(x::VkPhysicalDeviceRayQueryFeaturesKHR, next_types::Type...) = PhysicalDeviceRayQueryFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.rayQuery)) PhysicalDeviceAccelerationStructurePropertiesKHR(x::VkPhysicalDeviceAccelerationStructurePropertiesKHR, next_types::Type...) = PhysicalDeviceAccelerationStructurePropertiesKHR(load_next_chain(x.pNext, next_types...), x.maxGeometryCount, x.maxInstanceCount, x.maxPrimitiveCount, x.maxPerStageDescriptorAccelerationStructures, x.maxPerStageDescriptorUpdateAfterBindAccelerationStructures, x.maxDescriptorSetAccelerationStructures, x.maxDescriptorSetUpdateAfterBindAccelerationStructures, x.minAccelerationStructureScratchOffsetAlignment) PhysicalDeviceRayTracingPipelinePropertiesKHR(x::VkPhysicalDeviceRayTracingPipelinePropertiesKHR, next_types::Type...) = PhysicalDeviceRayTracingPipelinePropertiesKHR(load_next_chain(x.pNext, next_types...), x.shaderGroupHandleSize, x.maxRayRecursionDepth, x.maxShaderGroupStride, x.shaderGroupBaseAlignment, x.shaderGroupHandleCaptureReplaySize, x.maxRayDispatchInvocationCount, x.shaderGroupHandleAlignment, x.maxRayHitAttributeSize) PhysicalDeviceRayTracingPropertiesNV(x::VkPhysicalDeviceRayTracingPropertiesNV, next_types::Type...) = PhysicalDeviceRayTracingPropertiesNV(load_next_chain(x.pNext, next_types...), x.shaderGroupHandleSize, x.maxRecursionDepth, x.maxShaderGroupStride, x.shaderGroupBaseAlignment, x.maxGeometryCount, x.maxInstanceCount, x.maxTriangleCount, x.maxDescriptorSetAccelerationStructures) StridedDeviceAddressRegionKHR(x::VkStridedDeviceAddressRegionKHR) = StridedDeviceAddressRegionKHR(x.deviceAddress, x.stride, x.size) TraceRaysIndirectCommandKHR(x::VkTraceRaysIndirectCommandKHR) = TraceRaysIndirectCommandKHR(x.width, x.height, x.depth) TraceRaysIndirectCommand2KHR(x::VkTraceRaysIndirectCommand2KHR) = TraceRaysIndirectCommand2KHR(x.raygenShaderRecordAddress, x.raygenShaderRecordSize, x.missShaderBindingTableAddress, x.missShaderBindingTableSize, x.missShaderBindingTableStride, x.hitShaderBindingTableAddress, x.hitShaderBindingTableSize, x.hitShaderBindingTableStride, x.callableShaderBindingTableAddress, x.callableShaderBindingTableSize, x.callableShaderBindingTableStride, x.width, x.height, x.depth) PhysicalDeviceRayTracingMaintenance1FeaturesKHR(x::VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR, next_types::Type...) = PhysicalDeviceRayTracingMaintenance1FeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.rayTracingMaintenance1), from_vk(Bool, x.rayTracingPipelineTraceRaysIndirect2)) DrmFormatModifierPropertiesListEXT(x::VkDrmFormatModifierPropertiesListEXT, next_types::Type...) = DrmFormatModifierPropertiesListEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{DrmFormatModifierPropertiesEXT}, x.pDrmFormatModifierProperties, x.drmFormatModifierCount; own = true)) DrmFormatModifierPropertiesEXT(x::VkDrmFormatModifierPropertiesEXT) = DrmFormatModifierPropertiesEXT(x.drmFormatModifier, x.drmFormatModifierPlaneCount, x.drmFormatModifierTilingFeatures) PhysicalDeviceImageDrmFormatModifierInfoEXT(x::VkPhysicalDeviceImageDrmFormatModifierInfoEXT, next_types::Type...) = PhysicalDeviceImageDrmFormatModifierInfoEXT(load_next_chain(x.pNext, next_types...), x.drmFormatModifier, x.sharingMode, unsafe_wrap(Vector{UInt32}, x.pQueueFamilyIndices, x.queueFamilyIndexCount; own = true)) ImageDrmFormatModifierListCreateInfoEXT(x::VkImageDrmFormatModifierListCreateInfoEXT, next_types::Type...) = ImageDrmFormatModifierListCreateInfoEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{UInt64}, x.pDrmFormatModifiers, x.drmFormatModifierCount; own = true)) ImageDrmFormatModifierExplicitCreateInfoEXT(x::VkImageDrmFormatModifierExplicitCreateInfoEXT, next_types::Type...) = ImageDrmFormatModifierExplicitCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.drmFormatModifier, unsafe_wrap(Vector{SubresourceLayout}, x.pPlaneLayouts, x.drmFormatModifierPlaneCount; own = true)) ImageDrmFormatModifierPropertiesEXT(x::VkImageDrmFormatModifierPropertiesEXT, next_types::Type...) = ImageDrmFormatModifierPropertiesEXT(load_next_chain(x.pNext, next_types...), x.drmFormatModifier) ImageStencilUsageCreateInfo(x::VkImageStencilUsageCreateInfo, next_types::Type...) = ImageStencilUsageCreateInfo(load_next_chain(x.pNext, next_types...), x.stencilUsage) DeviceMemoryOverallocationCreateInfoAMD(x::VkDeviceMemoryOverallocationCreateInfoAMD, next_types::Type...) = DeviceMemoryOverallocationCreateInfoAMD(load_next_chain(x.pNext, next_types...), x.overallocationBehavior) PhysicalDeviceFragmentDensityMapFeaturesEXT(x::VkPhysicalDeviceFragmentDensityMapFeaturesEXT, next_types::Type...) = PhysicalDeviceFragmentDensityMapFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.fragmentDensityMap), from_vk(Bool, x.fragmentDensityMapDynamic), from_vk(Bool, x.fragmentDensityMapNonSubsampledImages)) PhysicalDeviceFragmentDensityMap2FeaturesEXT(x::VkPhysicalDeviceFragmentDensityMap2FeaturesEXT, next_types::Type...) = PhysicalDeviceFragmentDensityMap2FeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.fragmentDensityMapDeferred)) PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM(x::VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM, next_types::Type...) = PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.fragmentDensityMapOffset)) PhysicalDeviceFragmentDensityMapPropertiesEXT(x::VkPhysicalDeviceFragmentDensityMapPropertiesEXT, next_types::Type...) = PhysicalDeviceFragmentDensityMapPropertiesEXT(load_next_chain(x.pNext, next_types...), Extent2D(x.minFragmentDensityTexelSize), Extent2D(x.maxFragmentDensityTexelSize), from_vk(Bool, x.fragmentDensityInvocations)) PhysicalDeviceFragmentDensityMap2PropertiesEXT(x::VkPhysicalDeviceFragmentDensityMap2PropertiesEXT, next_types::Type...) = PhysicalDeviceFragmentDensityMap2PropertiesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.subsampledLoads), from_vk(Bool, x.subsampledCoarseReconstructionEarlyAccess), x.maxSubsampledArrayLayers, x.maxDescriptorSetSubsampledSamplers) PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM(x::VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM, next_types::Type...) = PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM(load_next_chain(x.pNext, next_types...), Extent2D(x.fragmentDensityOffsetGranularity)) RenderPassFragmentDensityMapCreateInfoEXT(x::VkRenderPassFragmentDensityMapCreateInfoEXT, next_types::Type...) = RenderPassFragmentDensityMapCreateInfoEXT(load_next_chain(x.pNext, next_types...), AttachmentReference(x.fragmentDensityMapAttachment)) SubpassFragmentDensityMapOffsetEndInfoQCOM(x::VkSubpassFragmentDensityMapOffsetEndInfoQCOM, next_types::Type...) = SubpassFragmentDensityMapOffsetEndInfoQCOM(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{Offset2D}, x.pFragmentDensityOffsets, x.fragmentDensityOffsetCount; own = true)) PhysicalDeviceScalarBlockLayoutFeatures(x::VkPhysicalDeviceScalarBlockLayoutFeatures, next_types::Type...) = PhysicalDeviceScalarBlockLayoutFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.scalarBlockLayout)) SurfaceProtectedCapabilitiesKHR(x::VkSurfaceProtectedCapabilitiesKHR, next_types::Type...) = SurfaceProtectedCapabilitiesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.supportsProtected)) PhysicalDeviceUniformBufferStandardLayoutFeatures(x::VkPhysicalDeviceUniformBufferStandardLayoutFeatures, next_types::Type...) = PhysicalDeviceUniformBufferStandardLayoutFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.uniformBufferStandardLayout)) PhysicalDeviceDepthClipEnableFeaturesEXT(x::VkPhysicalDeviceDepthClipEnableFeaturesEXT, next_types::Type...) = PhysicalDeviceDepthClipEnableFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.depthClipEnable)) PipelineRasterizationDepthClipStateCreateInfoEXT(x::VkPipelineRasterizationDepthClipStateCreateInfoEXT, next_types::Type...) = PipelineRasterizationDepthClipStateCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.flags, from_vk(Bool, x.depthClipEnable)) PhysicalDeviceMemoryBudgetPropertiesEXT(x::VkPhysicalDeviceMemoryBudgetPropertiesEXT, next_types::Type...) = PhysicalDeviceMemoryBudgetPropertiesEXT(load_next_chain(x.pNext, next_types...), x.heapBudget, x.heapUsage) PhysicalDeviceMemoryPriorityFeaturesEXT(x::VkPhysicalDeviceMemoryPriorityFeaturesEXT, next_types::Type...) = PhysicalDeviceMemoryPriorityFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.memoryPriority)) MemoryPriorityAllocateInfoEXT(x::VkMemoryPriorityAllocateInfoEXT, next_types::Type...) = MemoryPriorityAllocateInfoEXT(load_next_chain(x.pNext, next_types...), x.priority) PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT(x::VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT, next_types::Type...) = PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.pageableDeviceLocalMemory)) PhysicalDeviceBufferDeviceAddressFeatures(x::VkPhysicalDeviceBufferDeviceAddressFeatures, next_types::Type...) = PhysicalDeviceBufferDeviceAddressFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.bufferDeviceAddress), from_vk(Bool, x.bufferDeviceAddressCaptureReplay), from_vk(Bool, x.bufferDeviceAddressMultiDevice)) PhysicalDeviceBufferDeviceAddressFeaturesEXT(x::VkPhysicalDeviceBufferDeviceAddressFeaturesEXT, next_types::Type...) = PhysicalDeviceBufferDeviceAddressFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.bufferDeviceAddress), from_vk(Bool, x.bufferDeviceAddressCaptureReplay), from_vk(Bool, x.bufferDeviceAddressMultiDevice)) BufferDeviceAddressInfo(x::VkBufferDeviceAddressInfo, next_types::Type...) = BufferDeviceAddressInfo(load_next_chain(x.pNext, next_types...), Buffer(x.buffer)) BufferOpaqueCaptureAddressCreateInfo(x::VkBufferOpaqueCaptureAddressCreateInfo, next_types::Type...) = BufferOpaqueCaptureAddressCreateInfo(load_next_chain(x.pNext, next_types...), x.opaqueCaptureAddress) BufferDeviceAddressCreateInfoEXT(x::VkBufferDeviceAddressCreateInfoEXT, next_types::Type...) = BufferDeviceAddressCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.deviceAddress) PhysicalDeviceImageViewImageFormatInfoEXT(x::VkPhysicalDeviceImageViewImageFormatInfoEXT, next_types::Type...) = PhysicalDeviceImageViewImageFormatInfoEXT(load_next_chain(x.pNext, next_types...), x.imageViewType) FilterCubicImageViewImageFormatPropertiesEXT(x::VkFilterCubicImageViewImageFormatPropertiesEXT, next_types::Type...) = FilterCubicImageViewImageFormatPropertiesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.filterCubic), from_vk(Bool, x.filterCubicMinmax)) PhysicalDeviceImagelessFramebufferFeatures(x::VkPhysicalDeviceImagelessFramebufferFeatures, next_types::Type...) = PhysicalDeviceImagelessFramebufferFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.imagelessFramebuffer)) FramebufferAttachmentsCreateInfo(x::VkFramebufferAttachmentsCreateInfo, next_types::Type...) = FramebufferAttachmentsCreateInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{FramebufferAttachmentImageInfo}, x.pAttachmentImageInfos, x.attachmentImageInfoCount; own = true)) FramebufferAttachmentImageInfo(x::VkFramebufferAttachmentImageInfo, next_types::Type...) = FramebufferAttachmentImageInfo(load_next_chain(x.pNext, next_types...), x.flags, x.usage, x.width, x.height, x.layerCount, unsafe_wrap(Vector{Format}, x.pViewFormats, x.viewFormatCount; own = true)) RenderPassAttachmentBeginInfo(x::VkRenderPassAttachmentBeginInfo, next_types::Type...) = RenderPassAttachmentBeginInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{ImageView}, x.pAttachments, x.attachmentCount; own = true)) PhysicalDeviceTextureCompressionASTCHDRFeatures(x::VkPhysicalDeviceTextureCompressionASTCHDRFeatures, next_types::Type...) = PhysicalDeviceTextureCompressionASTCHDRFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.textureCompressionASTC_HDR)) PhysicalDeviceCooperativeMatrixFeaturesNV(x::VkPhysicalDeviceCooperativeMatrixFeaturesNV, next_types::Type...) = PhysicalDeviceCooperativeMatrixFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.cooperativeMatrix), from_vk(Bool, x.cooperativeMatrixRobustBufferAccess)) PhysicalDeviceCooperativeMatrixPropertiesNV(x::VkPhysicalDeviceCooperativeMatrixPropertiesNV, next_types::Type...) = PhysicalDeviceCooperativeMatrixPropertiesNV(load_next_chain(x.pNext, next_types...), x.cooperativeMatrixSupportedStages) CooperativeMatrixPropertiesNV(x::VkCooperativeMatrixPropertiesNV, next_types::Type...) = CooperativeMatrixPropertiesNV(load_next_chain(x.pNext, next_types...), x.MSize, x.NSize, x.KSize, x.AType, x.BType, x.CType, x.DType, x.scope) PhysicalDeviceYcbcrImageArraysFeaturesEXT(x::VkPhysicalDeviceYcbcrImageArraysFeaturesEXT, next_types::Type...) = PhysicalDeviceYcbcrImageArraysFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.ycbcrImageArrays)) ImageViewHandleInfoNVX(x::VkImageViewHandleInfoNVX, next_types::Type...) = ImageViewHandleInfoNVX(load_next_chain(x.pNext, next_types...), ImageView(x.imageView), x.descriptorType, Sampler(x.sampler)) ImageViewAddressPropertiesNVX(x::VkImageViewAddressPropertiesNVX, next_types::Type...) = ImageViewAddressPropertiesNVX(load_next_chain(x.pNext, next_types...), x.deviceAddress, x.size) PipelineCreationFeedback(x::VkPipelineCreationFeedback) = PipelineCreationFeedback(x.flags, x.duration) PipelineCreationFeedbackCreateInfo(x::VkPipelineCreationFeedbackCreateInfo, next_types::Type...) = PipelineCreationFeedbackCreateInfo(load_next_chain(x.pNext, next_types...), PipelineCreationFeedback(x.pPipelineCreationFeedback), unsafe_wrap(Vector{PipelineCreationFeedback}, x.pPipelineStageCreationFeedbacks, x.pipelineStageCreationFeedbackCount; own = true)) PhysicalDevicePresentBarrierFeaturesNV(x::VkPhysicalDevicePresentBarrierFeaturesNV, next_types::Type...) = PhysicalDevicePresentBarrierFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.presentBarrier)) SurfaceCapabilitiesPresentBarrierNV(x::VkSurfaceCapabilitiesPresentBarrierNV, next_types::Type...) = SurfaceCapabilitiesPresentBarrierNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.presentBarrierSupported)) SwapchainPresentBarrierCreateInfoNV(x::VkSwapchainPresentBarrierCreateInfoNV, next_types::Type...) = SwapchainPresentBarrierCreateInfoNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.presentBarrierEnable)) PhysicalDevicePerformanceQueryFeaturesKHR(x::VkPhysicalDevicePerformanceQueryFeaturesKHR, next_types::Type...) = PhysicalDevicePerformanceQueryFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.performanceCounterQueryPools), from_vk(Bool, x.performanceCounterMultipleQueryPools)) PhysicalDevicePerformanceQueryPropertiesKHR(x::VkPhysicalDevicePerformanceQueryPropertiesKHR, next_types::Type...) = PhysicalDevicePerformanceQueryPropertiesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.allowCommandBufferQueryCopies)) PerformanceCounterKHR(x::VkPerformanceCounterKHR, next_types::Type...) = PerformanceCounterKHR(load_next_chain(x.pNext, next_types...), x.unit, x.scope, x.storage, x.uuid) PerformanceCounterDescriptionKHR(x::VkPerformanceCounterDescriptionKHR, next_types::Type...) = PerformanceCounterDescriptionKHR(load_next_chain(x.pNext, next_types...), x.flags, from_vk(String, x.name), from_vk(String, x.category), from_vk(String, x.description)) QueryPoolPerformanceCreateInfoKHR(x::VkQueryPoolPerformanceCreateInfoKHR, next_types::Type...) = QueryPoolPerformanceCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.queueFamilyIndex, unsafe_wrap(Vector{UInt32}, x.pCounterIndices, x.counterIndexCount; own = true)) AcquireProfilingLockInfoKHR(x::VkAcquireProfilingLockInfoKHR, next_types::Type...) = AcquireProfilingLockInfoKHR(load_next_chain(x.pNext, next_types...), x.flags, x.timeout) PerformanceQuerySubmitInfoKHR(x::VkPerformanceQuerySubmitInfoKHR, next_types::Type...) = PerformanceQuerySubmitInfoKHR(load_next_chain(x.pNext, next_types...), x.counterPassIndex) HeadlessSurfaceCreateInfoEXT(x::VkHeadlessSurfaceCreateInfoEXT, next_types::Type...) = HeadlessSurfaceCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.flags) PhysicalDeviceCoverageReductionModeFeaturesNV(x::VkPhysicalDeviceCoverageReductionModeFeaturesNV, next_types::Type...) = PhysicalDeviceCoverageReductionModeFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.coverageReductionMode)) PipelineCoverageReductionStateCreateInfoNV(x::VkPipelineCoverageReductionStateCreateInfoNV, next_types::Type...) = PipelineCoverageReductionStateCreateInfoNV(load_next_chain(x.pNext, next_types...), x.flags, x.coverageReductionMode) FramebufferMixedSamplesCombinationNV(x::VkFramebufferMixedSamplesCombinationNV, next_types::Type...) = FramebufferMixedSamplesCombinationNV(load_next_chain(x.pNext, next_types...), x.coverageReductionMode, SampleCountFlag(UInt32(x.rasterizationSamples)), x.depthStencilSamples, x.colorSamples) PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL(x::VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL, next_types::Type...) = PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderIntegerFunctions2)) PerformanceValueINTEL(x::VkPerformanceValueINTEL) = PerformanceValueINTEL(x.type, PerformanceValueDataINTEL(x.data)) InitializePerformanceApiInfoINTEL(x::VkInitializePerformanceApiInfoINTEL, next_types::Type...) = InitializePerformanceApiInfoINTEL(load_next_chain(x.pNext, next_types...), x.pUserData) QueryPoolPerformanceQueryCreateInfoINTEL(x::VkQueryPoolPerformanceQueryCreateInfoINTEL, next_types::Type...) = QueryPoolPerformanceQueryCreateInfoINTEL(load_next_chain(x.pNext, next_types...), x.performanceCountersSampling) PerformanceMarkerInfoINTEL(x::VkPerformanceMarkerInfoINTEL, next_types::Type...) = PerformanceMarkerInfoINTEL(load_next_chain(x.pNext, next_types...), x.marker) PerformanceStreamMarkerInfoINTEL(x::VkPerformanceStreamMarkerInfoINTEL, next_types::Type...) = PerformanceStreamMarkerInfoINTEL(load_next_chain(x.pNext, next_types...), x.marker) PerformanceOverrideInfoINTEL(x::VkPerformanceOverrideInfoINTEL, next_types::Type...) = PerformanceOverrideInfoINTEL(load_next_chain(x.pNext, next_types...), x.type, from_vk(Bool, x.enable), x.parameter) PerformanceConfigurationAcquireInfoINTEL(x::VkPerformanceConfigurationAcquireInfoINTEL, next_types::Type...) = PerformanceConfigurationAcquireInfoINTEL(load_next_chain(x.pNext, next_types...), x.type) PhysicalDeviceShaderClockFeaturesKHR(x::VkPhysicalDeviceShaderClockFeaturesKHR, next_types::Type...) = PhysicalDeviceShaderClockFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderSubgroupClock), from_vk(Bool, x.shaderDeviceClock)) PhysicalDeviceIndexTypeUint8FeaturesEXT(x::VkPhysicalDeviceIndexTypeUint8FeaturesEXT, next_types::Type...) = PhysicalDeviceIndexTypeUint8FeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.indexTypeUint8)) PhysicalDeviceShaderSMBuiltinsPropertiesNV(x::VkPhysicalDeviceShaderSMBuiltinsPropertiesNV, next_types::Type...) = PhysicalDeviceShaderSMBuiltinsPropertiesNV(load_next_chain(x.pNext, next_types...), x.shaderSMCount, x.shaderWarpsPerSM) PhysicalDeviceShaderSMBuiltinsFeaturesNV(x::VkPhysicalDeviceShaderSMBuiltinsFeaturesNV, next_types::Type...) = PhysicalDeviceShaderSMBuiltinsFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderSMBuiltins)) PhysicalDeviceFragmentShaderInterlockFeaturesEXT(x::VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT, next_types::Type...) = PhysicalDeviceFragmentShaderInterlockFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.fragmentShaderSampleInterlock), from_vk(Bool, x.fragmentShaderPixelInterlock), from_vk(Bool, x.fragmentShaderShadingRateInterlock)) PhysicalDeviceSeparateDepthStencilLayoutsFeatures(x::VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures, next_types::Type...) = PhysicalDeviceSeparateDepthStencilLayoutsFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.separateDepthStencilLayouts)) AttachmentReferenceStencilLayout(x::VkAttachmentReferenceStencilLayout, next_types::Type...) = AttachmentReferenceStencilLayout(load_next_chain(x.pNext, next_types...), x.stencilLayout) PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT(x::VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT, next_types::Type...) = PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.primitiveTopologyListRestart), from_vk(Bool, x.primitiveTopologyPatchListRestart)) AttachmentDescriptionStencilLayout(x::VkAttachmentDescriptionStencilLayout, next_types::Type...) = AttachmentDescriptionStencilLayout(load_next_chain(x.pNext, next_types...), x.stencilInitialLayout, x.stencilFinalLayout) PhysicalDevicePipelineExecutablePropertiesFeaturesKHR(x::VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR, next_types::Type...) = PhysicalDevicePipelineExecutablePropertiesFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.pipelineExecutableInfo)) PipelineInfoKHR(x::VkPipelineInfoKHR, next_types::Type...) = PipelineInfoKHR(load_next_chain(x.pNext, next_types...), Pipeline(x.pipeline)) PipelineExecutablePropertiesKHR(x::VkPipelineExecutablePropertiesKHR, next_types::Type...) = PipelineExecutablePropertiesKHR(load_next_chain(x.pNext, next_types...), x.stages, from_vk(String, x.name), from_vk(String, x.description), x.subgroupSize) PipelineExecutableInfoKHR(x::VkPipelineExecutableInfoKHR, next_types::Type...) = PipelineExecutableInfoKHR(load_next_chain(x.pNext, next_types...), Pipeline(x.pipeline), x.executableIndex) PipelineExecutableStatisticKHR(x::VkPipelineExecutableStatisticKHR, next_types::Type...) = PipelineExecutableStatisticKHR(load_next_chain(x.pNext, next_types...), from_vk(String, x.name), from_vk(String, x.description), x.format, PipelineExecutableStatisticValueKHR(x.value)) PipelineExecutableInternalRepresentationKHR(x::VkPipelineExecutableInternalRepresentationKHR, next_types::Type...) = PipelineExecutableInternalRepresentationKHR(load_next_chain(x.pNext, next_types...), from_vk(String, x.name), from_vk(String, x.description), from_vk(Bool, x.isText), x.dataSize, x.pData) PhysicalDeviceShaderDemoteToHelperInvocationFeatures(x::VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures, next_types::Type...) = PhysicalDeviceShaderDemoteToHelperInvocationFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderDemoteToHelperInvocation)) PhysicalDeviceTexelBufferAlignmentFeaturesEXT(x::VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT, next_types::Type...) = PhysicalDeviceTexelBufferAlignmentFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.texelBufferAlignment)) PhysicalDeviceTexelBufferAlignmentProperties(x::VkPhysicalDeviceTexelBufferAlignmentProperties, next_types::Type...) = PhysicalDeviceTexelBufferAlignmentProperties(load_next_chain(x.pNext, next_types...), x.storageTexelBufferOffsetAlignmentBytes, from_vk(Bool, x.storageTexelBufferOffsetSingleTexelAlignment), x.uniformTexelBufferOffsetAlignmentBytes, from_vk(Bool, x.uniformTexelBufferOffsetSingleTexelAlignment)) PhysicalDeviceSubgroupSizeControlFeatures(x::VkPhysicalDeviceSubgroupSizeControlFeatures, next_types::Type...) = PhysicalDeviceSubgroupSizeControlFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.subgroupSizeControl), from_vk(Bool, x.computeFullSubgroups)) PhysicalDeviceSubgroupSizeControlProperties(x::VkPhysicalDeviceSubgroupSizeControlProperties, next_types::Type...) = PhysicalDeviceSubgroupSizeControlProperties(load_next_chain(x.pNext, next_types...), x.minSubgroupSize, x.maxSubgroupSize, x.maxComputeWorkgroupSubgroups, x.requiredSubgroupSizeStages) PipelineShaderStageRequiredSubgroupSizeCreateInfo(x::VkPipelineShaderStageRequiredSubgroupSizeCreateInfo, next_types::Type...) = PipelineShaderStageRequiredSubgroupSizeCreateInfo(load_next_chain(x.pNext, next_types...), x.requiredSubgroupSize) SubpassShadingPipelineCreateInfoHUAWEI(x::VkSubpassShadingPipelineCreateInfoHUAWEI, next_types::Type...) = SubpassShadingPipelineCreateInfoHUAWEI(load_next_chain(x.pNext, next_types...), RenderPass(x.renderPass), x.subpass) PhysicalDeviceSubpassShadingPropertiesHUAWEI(x::VkPhysicalDeviceSubpassShadingPropertiesHUAWEI, next_types::Type...) = PhysicalDeviceSubpassShadingPropertiesHUAWEI(load_next_chain(x.pNext, next_types...), x.maxSubpassShadingWorkgroupSizeAspectRatio) PhysicalDeviceClusterCullingShaderPropertiesHUAWEI(x::VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI, next_types::Type...) = PhysicalDeviceClusterCullingShaderPropertiesHUAWEI(load_next_chain(x.pNext, next_types...), x.maxWorkGroupCount, x.maxWorkGroupSize, x.maxOutputClusterCount) MemoryOpaqueCaptureAddressAllocateInfo(x::VkMemoryOpaqueCaptureAddressAllocateInfo, next_types::Type...) = MemoryOpaqueCaptureAddressAllocateInfo(load_next_chain(x.pNext, next_types...), x.opaqueCaptureAddress) DeviceMemoryOpaqueCaptureAddressInfo(x::VkDeviceMemoryOpaqueCaptureAddressInfo, next_types::Type...) = DeviceMemoryOpaqueCaptureAddressInfo(load_next_chain(x.pNext, next_types...), DeviceMemory(x.memory)) PhysicalDeviceLineRasterizationFeaturesEXT(x::VkPhysicalDeviceLineRasterizationFeaturesEXT, next_types::Type...) = PhysicalDeviceLineRasterizationFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.rectangularLines), from_vk(Bool, x.bresenhamLines), from_vk(Bool, x.smoothLines), from_vk(Bool, x.stippledRectangularLines), from_vk(Bool, x.stippledBresenhamLines), from_vk(Bool, x.stippledSmoothLines)) PhysicalDeviceLineRasterizationPropertiesEXT(x::VkPhysicalDeviceLineRasterizationPropertiesEXT, next_types::Type...) = PhysicalDeviceLineRasterizationPropertiesEXT(load_next_chain(x.pNext, next_types...), x.lineSubPixelPrecisionBits) PipelineRasterizationLineStateCreateInfoEXT(x::VkPipelineRasterizationLineStateCreateInfoEXT, next_types::Type...) = PipelineRasterizationLineStateCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.lineRasterizationMode, from_vk(Bool, x.stippledLineEnable), x.lineStippleFactor, x.lineStipplePattern) PhysicalDevicePipelineCreationCacheControlFeatures(x::VkPhysicalDevicePipelineCreationCacheControlFeatures, next_types::Type...) = PhysicalDevicePipelineCreationCacheControlFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.pipelineCreationCacheControl)) PhysicalDeviceVulkan11Features(x::VkPhysicalDeviceVulkan11Features, next_types::Type...) = PhysicalDeviceVulkan11Features(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.storageBuffer16BitAccess), from_vk(Bool, x.uniformAndStorageBuffer16BitAccess), from_vk(Bool, x.storagePushConstant16), from_vk(Bool, x.storageInputOutput16), from_vk(Bool, x.multiview), from_vk(Bool, x.multiviewGeometryShader), from_vk(Bool, x.multiviewTessellationShader), from_vk(Bool, x.variablePointersStorageBuffer), from_vk(Bool, x.variablePointers), from_vk(Bool, x.protectedMemory), from_vk(Bool, x.samplerYcbcrConversion), from_vk(Bool, x.shaderDrawParameters)) PhysicalDeviceVulkan11Properties(x::VkPhysicalDeviceVulkan11Properties, next_types::Type...) = PhysicalDeviceVulkan11Properties(load_next_chain(x.pNext, next_types...), x.deviceUUID, x.driverUUID, x.deviceLUID, x.deviceNodeMask, from_vk(Bool, x.deviceLUIDValid), x.subgroupSize, x.subgroupSupportedStages, x.subgroupSupportedOperations, from_vk(Bool, x.subgroupQuadOperationsInAllStages), x.pointClippingBehavior, x.maxMultiviewViewCount, x.maxMultiviewInstanceIndex, from_vk(Bool, x.protectedNoFault), x.maxPerSetDescriptors, x.maxMemoryAllocationSize) PhysicalDeviceVulkan12Features(x::VkPhysicalDeviceVulkan12Features, next_types::Type...) = PhysicalDeviceVulkan12Features(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.samplerMirrorClampToEdge), from_vk(Bool, x.drawIndirectCount), from_vk(Bool, x.storageBuffer8BitAccess), from_vk(Bool, x.uniformAndStorageBuffer8BitAccess), from_vk(Bool, x.storagePushConstant8), from_vk(Bool, x.shaderBufferInt64Atomics), from_vk(Bool, x.shaderSharedInt64Atomics), from_vk(Bool, x.shaderFloat16), from_vk(Bool, x.shaderInt8), from_vk(Bool, x.descriptorIndexing), from_vk(Bool, x.shaderInputAttachmentArrayDynamicIndexing), from_vk(Bool, x.shaderUniformTexelBufferArrayDynamicIndexing), from_vk(Bool, x.shaderStorageTexelBufferArrayDynamicIndexing), from_vk(Bool, x.shaderUniformBufferArrayNonUniformIndexing), from_vk(Bool, x.shaderSampledImageArrayNonUniformIndexing), from_vk(Bool, x.shaderStorageBufferArrayNonUniformIndexing), from_vk(Bool, x.shaderStorageImageArrayNonUniformIndexing), from_vk(Bool, x.shaderInputAttachmentArrayNonUniformIndexing), from_vk(Bool, x.shaderUniformTexelBufferArrayNonUniformIndexing), from_vk(Bool, x.shaderStorageTexelBufferArrayNonUniformIndexing), from_vk(Bool, x.descriptorBindingUniformBufferUpdateAfterBind), from_vk(Bool, x.descriptorBindingSampledImageUpdateAfterBind), from_vk(Bool, x.descriptorBindingStorageImageUpdateAfterBind), from_vk(Bool, x.descriptorBindingStorageBufferUpdateAfterBind), from_vk(Bool, x.descriptorBindingUniformTexelBufferUpdateAfterBind), from_vk(Bool, x.descriptorBindingStorageTexelBufferUpdateAfterBind), from_vk(Bool, x.descriptorBindingUpdateUnusedWhilePending), from_vk(Bool, x.descriptorBindingPartiallyBound), from_vk(Bool, x.descriptorBindingVariableDescriptorCount), from_vk(Bool, x.runtimeDescriptorArray), from_vk(Bool, x.samplerFilterMinmax), from_vk(Bool, x.scalarBlockLayout), from_vk(Bool, x.imagelessFramebuffer), from_vk(Bool, x.uniformBufferStandardLayout), from_vk(Bool, x.shaderSubgroupExtendedTypes), from_vk(Bool, x.separateDepthStencilLayouts), from_vk(Bool, x.hostQueryReset), from_vk(Bool, x.timelineSemaphore), from_vk(Bool, x.bufferDeviceAddress), from_vk(Bool, x.bufferDeviceAddressCaptureReplay), from_vk(Bool, x.bufferDeviceAddressMultiDevice), from_vk(Bool, x.vulkanMemoryModel), from_vk(Bool, x.vulkanMemoryModelDeviceScope), from_vk(Bool, x.vulkanMemoryModelAvailabilityVisibilityChains), from_vk(Bool, x.shaderOutputViewportIndex), from_vk(Bool, x.shaderOutputLayer), from_vk(Bool, x.subgroupBroadcastDynamicId)) PhysicalDeviceVulkan12Properties(x::VkPhysicalDeviceVulkan12Properties, next_types::Type...) = PhysicalDeviceVulkan12Properties(load_next_chain(x.pNext, next_types...), x.driverID, from_vk(String, x.driverName), from_vk(String, x.driverInfo), ConformanceVersion(x.conformanceVersion), x.denormBehaviorIndependence, x.roundingModeIndependence, from_vk(Bool, x.shaderSignedZeroInfNanPreserveFloat16), from_vk(Bool, x.shaderSignedZeroInfNanPreserveFloat32), from_vk(Bool, x.shaderSignedZeroInfNanPreserveFloat64), from_vk(Bool, x.shaderDenormPreserveFloat16), from_vk(Bool, x.shaderDenormPreserveFloat32), from_vk(Bool, x.shaderDenormPreserveFloat64), from_vk(Bool, x.shaderDenormFlushToZeroFloat16), from_vk(Bool, x.shaderDenormFlushToZeroFloat32), from_vk(Bool, x.shaderDenormFlushToZeroFloat64), from_vk(Bool, x.shaderRoundingModeRTEFloat16), from_vk(Bool, x.shaderRoundingModeRTEFloat32), from_vk(Bool, x.shaderRoundingModeRTEFloat64), from_vk(Bool, x.shaderRoundingModeRTZFloat16), from_vk(Bool, x.shaderRoundingModeRTZFloat32), from_vk(Bool, x.shaderRoundingModeRTZFloat64), x.maxUpdateAfterBindDescriptorsInAllPools, from_vk(Bool, x.shaderUniformBufferArrayNonUniformIndexingNative), from_vk(Bool, x.shaderSampledImageArrayNonUniformIndexingNative), from_vk(Bool, x.shaderStorageBufferArrayNonUniformIndexingNative), from_vk(Bool, x.shaderStorageImageArrayNonUniformIndexingNative), from_vk(Bool, x.shaderInputAttachmentArrayNonUniformIndexingNative), from_vk(Bool, x.robustBufferAccessUpdateAfterBind), from_vk(Bool, x.quadDivergentImplicitLod), x.maxPerStageDescriptorUpdateAfterBindSamplers, x.maxPerStageDescriptorUpdateAfterBindUniformBuffers, x.maxPerStageDescriptorUpdateAfterBindStorageBuffers, x.maxPerStageDescriptorUpdateAfterBindSampledImages, x.maxPerStageDescriptorUpdateAfterBindStorageImages, x.maxPerStageDescriptorUpdateAfterBindInputAttachments, x.maxPerStageUpdateAfterBindResources, x.maxDescriptorSetUpdateAfterBindSamplers, x.maxDescriptorSetUpdateAfterBindUniformBuffers, x.maxDescriptorSetUpdateAfterBindUniformBuffersDynamic, x.maxDescriptorSetUpdateAfterBindStorageBuffers, x.maxDescriptorSetUpdateAfterBindStorageBuffersDynamic, x.maxDescriptorSetUpdateAfterBindSampledImages, x.maxDescriptorSetUpdateAfterBindStorageImages, x.maxDescriptorSetUpdateAfterBindInputAttachments, x.supportedDepthResolveModes, x.supportedStencilResolveModes, from_vk(Bool, x.independentResolveNone), from_vk(Bool, x.independentResolve), from_vk(Bool, x.filterMinmaxSingleComponentFormats), from_vk(Bool, x.filterMinmaxImageComponentMapping), x.maxTimelineSemaphoreValueDifference, x.framebufferIntegerColorSampleCounts) PhysicalDeviceVulkan13Features(x::VkPhysicalDeviceVulkan13Features, next_types::Type...) = PhysicalDeviceVulkan13Features(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.robustImageAccess), from_vk(Bool, x.inlineUniformBlock), from_vk(Bool, x.descriptorBindingInlineUniformBlockUpdateAfterBind), from_vk(Bool, x.pipelineCreationCacheControl), from_vk(Bool, x.privateData), from_vk(Bool, x.shaderDemoteToHelperInvocation), from_vk(Bool, x.shaderTerminateInvocation), from_vk(Bool, x.subgroupSizeControl), from_vk(Bool, x.computeFullSubgroups), from_vk(Bool, x.synchronization2), from_vk(Bool, x.textureCompressionASTC_HDR), from_vk(Bool, x.shaderZeroInitializeWorkgroupMemory), from_vk(Bool, x.dynamicRendering), from_vk(Bool, x.shaderIntegerDotProduct), from_vk(Bool, x.maintenance4)) PhysicalDeviceVulkan13Properties(x::VkPhysicalDeviceVulkan13Properties, next_types::Type...) = PhysicalDeviceVulkan13Properties(load_next_chain(x.pNext, next_types...), x.minSubgroupSize, x.maxSubgroupSize, x.maxComputeWorkgroupSubgroups, x.requiredSubgroupSizeStages, x.maxInlineUniformBlockSize, x.maxPerStageDescriptorInlineUniformBlocks, x.maxPerStageDescriptorUpdateAfterBindInlineUniformBlocks, x.maxDescriptorSetInlineUniformBlocks, x.maxDescriptorSetUpdateAfterBindInlineUniformBlocks, x.maxInlineUniformTotalSize, from_vk(Bool, x.integerDotProduct8BitUnsignedAccelerated), from_vk(Bool, x.integerDotProduct8BitSignedAccelerated), from_vk(Bool, x.integerDotProduct8BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProduct4x8BitPackedUnsignedAccelerated), from_vk(Bool, x.integerDotProduct4x8BitPackedSignedAccelerated), from_vk(Bool, x.integerDotProduct4x8BitPackedMixedSignednessAccelerated), from_vk(Bool, x.integerDotProduct16BitUnsignedAccelerated), from_vk(Bool, x.integerDotProduct16BitSignedAccelerated), from_vk(Bool, x.integerDotProduct16BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProduct32BitUnsignedAccelerated), from_vk(Bool, x.integerDotProduct32BitSignedAccelerated), from_vk(Bool, x.integerDotProduct32BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProduct64BitUnsignedAccelerated), from_vk(Bool, x.integerDotProduct64BitSignedAccelerated), from_vk(Bool, x.integerDotProduct64BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating8BitUnsignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating8BitSignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating8BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating4x8BitPackedUnsignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating4x8BitPackedSignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating4x8BitPackedMixedSignednessAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating16BitUnsignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating16BitSignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating16BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating32BitUnsignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating32BitSignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating32BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating64BitUnsignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating64BitSignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating64BitMixedSignednessAccelerated), x.storageTexelBufferOffsetAlignmentBytes, from_vk(Bool, x.storageTexelBufferOffsetSingleTexelAlignment), x.uniformTexelBufferOffsetAlignmentBytes, from_vk(Bool, x.uniformTexelBufferOffsetSingleTexelAlignment), x.maxBufferSize) PipelineCompilerControlCreateInfoAMD(x::VkPipelineCompilerControlCreateInfoAMD, next_types::Type...) = PipelineCompilerControlCreateInfoAMD(load_next_chain(x.pNext, next_types...), x.compilerControlFlags) PhysicalDeviceCoherentMemoryFeaturesAMD(x::VkPhysicalDeviceCoherentMemoryFeaturesAMD, next_types::Type...) = PhysicalDeviceCoherentMemoryFeaturesAMD(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.deviceCoherentMemory)) PhysicalDeviceToolProperties(x::VkPhysicalDeviceToolProperties, next_types::Type...) = PhysicalDeviceToolProperties(load_next_chain(x.pNext, next_types...), from_vk(String, x.name), from_vk(String, x.version), x.purposes, from_vk(String, x.description), from_vk(String, x.layer)) SamplerCustomBorderColorCreateInfoEXT(x::VkSamplerCustomBorderColorCreateInfoEXT, next_types::Type...) = SamplerCustomBorderColorCreateInfoEXT(load_next_chain(x.pNext, next_types...), ClearColorValue(x.customBorderColor), x.format) PhysicalDeviceCustomBorderColorPropertiesEXT(x::VkPhysicalDeviceCustomBorderColorPropertiesEXT, next_types::Type...) = PhysicalDeviceCustomBorderColorPropertiesEXT(load_next_chain(x.pNext, next_types...), x.maxCustomBorderColorSamplers) PhysicalDeviceCustomBorderColorFeaturesEXT(x::VkPhysicalDeviceCustomBorderColorFeaturesEXT, next_types::Type...) = PhysicalDeviceCustomBorderColorFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.customBorderColors), from_vk(Bool, x.customBorderColorWithoutFormat)) SamplerBorderColorComponentMappingCreateInfoEXT(x::VkSamplerBorderColorComponentMappingCreateInfoEXT, next_types::Type...) = SamplerBorderColorComponentMappingCreateInfoEXT(load_next_chain(x.pNext, next_types...), ComponentMapping(x.components), from_vk(Bool, x.srgb)) PhysicalDeviceBorderColorSwizzleFeaturesEXT(x::VkPhysicalDeviceBorderColorSwizzleFeaturesEXT, next_types::Type...) = PhysicalDeviceBorderColorSwizzleFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.borderColorSwizzle), from_vk(Bool, x.borderColorSwizzleFromImage)) AccelerationStructureGeometryTrianglesDataKHR(x::VkAccelerationStructureGeometryTrianglesDataKHR, next_types::Type...) = AccelerationStructureGeometryTrianglesDataKHR(load_next_chain(x.pNext, next_types...), x.vertexFormat, DeviceOrHostAddressConstKHR(x.vertexData), x.vertexStride, x.maxVertex, x.indexType, DeviceOrHostAddressConstKHR(x.indexData), DeviceOrHostAddressConstKHR(x.transformData)) AccelerationStructureGeometryAabbsDataKHR(x::VkAccelerationStructureGeometryAabbsDataKHR, next_types::Type...) = AccelerationStructureGeometryAabbsDataKHR(load_next_chain(x.pNext, next_types...), DeviceOrHostAddressConstKHR(x.data), x.stride) AccelerationStructureGeometryInstancesDataKHR(x::VkAccelerationStructureGeometryInstancesDataKHR, next_types::Type...) = AccelerationStructureGeometryInstancesDataKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.arrayOfPointers), DeviceOrHostAddressConstKHR(x.data)) AccelerationStructureGeometryKHR(x::VkAccelerationStructureGeometryKHR, next_types::Type...) = AccelerationStructureGeometryKHR(load_next_chain(x.pNext, next_types...), x.geometryType, AccelerationStructureGeometryDataKHR(x.geometry), x.flags) AccelerationStructureBuildGeometryInfoKHR(x::VkAccelerationStructureBuildGeometryInfoKHR, next_types::Type...) = AccelerationStructureBuildGeometryInfoKHR(load_next_chain(x.pNext, next_types...), x.type, x.flags, x.mode, AccelerationStructureKHR(x.srcAccelerationStructure), AccelerationStructureKHR(x.dstAccelerationStructure), unsafe_wrap(Vector{AccelerationStructureGeometryKHR}, x.pGeometries, x.geometryCount; own = true), unsafe_wrap(Vector{AccelerationStructureGeometryKHR}, x.ppGeometries, x.geometryCount; own = true), DeviceOrHostAddressKHR(x.scratchData)) AccelerationStructureBuildRangeInfoKHR(x::VkAccelerationStructureBuildRangeInfoKHR) = AccelerationStructureBuildRangeInfoKHR(x.primitiveCount, x.primitiveOffset, x.firstVertex, x.transformOffset) AccelerationStructureCreateInfoKHR(x::VkAccelerationStructureCreateInfoKHR, next_types::Type...) = AccelerationStructureCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.createFlags, Buffer(x.buffer), x.offset, x.size, x.type, x.deviceAddress) AabbPositionsKHR(x::VkAabbPositionsKHR) = AabbPositionsKHR(x.minX, x.minY, x.minZ, x.maxX, x.maxY, x.maxZ) TransformMatrixKHR(x::VkTransformMatrixKHR) = TransformMatrixKHR(x.matrix) AccelerationStructureInstanceKHR(x::VkAccelerationStructureInstanceKHR) = AccelerationStructureInstanceKHR(TransformMatrixKHR(x.transform), x.instanceCustomIndex, x.mask, x.instanceShaderBindingTableRecordOffset, x.flags, x.accelerationStructureReference) AccelerationStructureDeviceAddressInfoKHR(x::VkAccelerationStructureDeviceAddressInfoKHR, next_types::Type...) = AccelerationStructureDeviceAddressInfoKHR(load_next_chain(x.pNext, next_types...), AccelerationStructureKHR(x.accelerationStructure)) AccelerationStructureVersionInfoKHR(x::VkAccelerationStructureVersionInfoKHR, next_types::Type...) = AccelerationStructureVersionInfoKHR(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{UInt8}, x.pVersionData, 2VK_UUID_SIZE; own = true)) CopyAccelerationStructureInfoKHR(x::VkCopyAccelerationStructureInfoKHR, next_types::Type...) = CopyAccelerationStructureInfoKHR(load_next_chain(x.pNext, next_types...), AccelerationStructureKHR(x.src), AccelerationStructureKHR(x.dst), x.mode) CopyAccelerationStructureToMemoryInfoKHR(x::VkCopyAccelerationStructureToMemoryInfoKHR, next_types::Type...) = CopyAccelerationStructureToMemoryInfoKHR(load_next_chain(x.pNext, next_types...), AccelerationStructureKHR(x.src), DeviceOrHostAddressKHR(x.dst), x.mode) CopyMemoryToAccelerationStructureInfoKHR(x::VkCopyMemoryToAccelerationStructureInfoKHR, next_types::Type...) = CopyMemoryToAccelerationStructureInfoKHR(load_next_chain(x.pNext, next_types...), DeviceOrHostAddressConstKHR(x.src), AccelerationStructureKHR(x.dst), x.mode) RayTracingPipelineInterfaceCreateInfoKHR(x::VkRayTracingPipelineInterfaceCreateInfoKHR, next_types::Type...) = RayTracingPipelineInterfaceCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.maxPipelineRayPayloadSize, x.maxPipelineRayHitAttributeSize) PipelineLibraryCreateInfoKHR(x::VkPipelineLibraryCreateInfoKHR, next_types::Type...) = PipelineLibraryCreateInfoKHR(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{Pipeline}, x.pLibraries, x.libraryCount; own = true)) PhysicalDeviceExtendedDynamicStateFeaturesEXT(x::VkPhysicalDeviceExtendedDynamicStateFeaturesEXT, next_types::Type...) = PhysicalDeviceExtendedDynamicStateFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.extendedDynamicState)) PhysicalDeviceExtendedDynamicState2FeaturesEXT(x::VkPhysicalDeviceExtendedDynamicState2FeaturesEXT, next_types::Type...) = PhysicalDeviceExtendedDynamicState2FeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.extendedDynamicState2), from_vk(Bool, x.extendedDynamicState2LogicOp), from_vk(Bool, x.extendedDynamicState2PatchControlPoints)) PhysicalDeviceExtendedDynamicState3FeaturesEXT(x::VkPhysicalDeviceExtendedDynamicState3FeaturesEXT, next_types::Type...) = PhysicalDeviceExtendedDynamicState3FeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.extendedDynamicState3TessellationDomainOrigin), from_vk(Bool, x.extendedDynamicState3DepthClampEnable), from_vk(Bool, x.extendedDynamicState3PolygonMode), from_vk(Bool, x.extendedDynamicState3RasterizationSamples), from_vk(Bool, x.extendedDynamicState3SampleMask), from_vk(Bool, x.extendedDynamicState3AlphaToCoverageEnable), from_vk(Bool, x.extendedDynamicState3AlphaToOneEnable), from_vk(Bool, x.extendedDynamicState3LogicOpEnable), from_vk(Bool, x.extendedDynamicState3ColorBlendEnable), from_vk(Bool, x.extendedDynamicState3ColorBlendEquation), from_vk(Bool, x.extendedDynamicState3ColorWriteMask), from_vk(Bool, x.extendedDynamicState3RasterizationStream), from_vk(Bool, x.extendedDynamicState3ConservativeRasterizationMode), from_vk(Bool, x.extendedDynamicState3ExtraPrimitiveOverestimationSize), from_vk(Bool, x.extendedDynamicState3DepthClipEnable), from_vk(Bool, x.extendedDynamicState3SampleLocationsEnable), from_vk(Bool, x.extendedDynamicState3ColorBlendAdvanced), from_vk(Bool, x.extendedDynamicState3ProvokingVertexMode), from_vk(Bool, x.extendedDynamicState3LineRasterizationMode), from_vk(Bool, x.extendedDynamicState3LineStippleEnable), from_vk(Bool, x.extendedDynamicState3DepthClipNegativeOneToOne), from_vk(Bool, x.extendedDynamicState3ViewportWScalingEnable), from_vk(Bool, x.extendedDynamicState3ViewportSwizzle), from_vk(Bool, x.extendedDynamicState3CoverageToColorEnable), from_vk(Bool, x.extendedDynamicState3CoverageToColorLocation), from_vk(Bool, x.extendedDynamicState3CoverageModulationMode), from_vk(Bool, x.extendedDynamicState3CoverageModulationTableEnable), from_vk(Bool, x.extendedDynamicState3CoverageModulationTable), from_vk(Bool, x.extendedDynamicState3CoverageReductionMode), from_vk(Bool, x.extendedDynamicState3RepresentativeFragmentTestEnable), from_vk(Bool, x.extendedDynamicState3ShadingRateImageEnable)) PhysicalDeviceExtendedDynamicState3PropertiesEXT(x::VkPhysicalDeviceExtendedDynamicState3PropertiesEXT, next_types::Type...) = PhysicalDeviceExtendedDynamicState3PropertiesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.dynamicPrimitiveTopologyUnrestricted)) ColorBlendEquationEXT(x::VkColorBlendEquationEXT) = ColorBlendEquationEXT(x.srcColorBlendFactor, x.dstColorBlendFactor, x.colorBlendOp, x.srcAlphaBlendFactor, x.dstAlphaBlendFactor, x.alphaBlendOp) ColorBlendAdvancedEXT(x::VkColorBlendAdvancedEXT) = ColorBlendAdvancedEXT(x.advancedBlendOp, from_vk(Bool, x.srcPremultiplied), from_vk(Bool, x.dstPremultiplied), x.blendOverlap, from_vk(Bool, x.clampResults)) RenderPassTransformBeginInfoQCOM(x::VkRenderPassTransformBeginInfoQCOM, next_types::Type...) = RenderPassTransformBeginInfoQCOM(load_next_chain(x.pNext, next_types...), SurfaceTransformFlagKHR(UInt32(x.transform))) CopyCommandTransformInfoQCOM(x::VkCopyCommandTransformInfoQCOM, next_types::Type...) = CopyCommandTransformInfoQCOM(load_next_chain(x.pNext, next_types...), SurfaceTransformFlagKHR(UInt32(x.transform))) CommandBufferInheritanceRenderPassTransformInfoQCOM(x::VkCommandBufferInheritanceRenderPassTransformInfoQCOM, next_types::Type...) = CommandBufferInheritanceRenderPassTransformInfoQCOM(load_next_chain(x.pNext, next_types...), SurfaceTransformFlagKHR(UInt32(x.transform)), Rect2D(x.renderArea)) PhysicalDeviceDiagnosticsConfigFeaturesNV(x::VkPhysicalDeviceDiagnosticsConfigFeaturesNV, next_types::Type...) = PhysicalDeviceDiagnosticsConfigFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.diagnosticsConfig)) DeviceDiagnosticsConfigCreateInfoNV(x::VkDeviceDiagnosticsConfigCreateInfoNV, next_types::Type...) = DeviceDiagnosticsConfigCreateInfoNV(load_next_chain(x.pNext, next_types...), x.flags) PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures(x::VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures, next_types::Type...) = PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderZeroInitializeWorkgroupMemory)) PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR(x::VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR, next_types::Type...) = PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderSubgroupUniformControlFlow)) PhysicalDeviceRobustness2FeaturesEXT(x::VkPhysicalDeviceRobustness2FeaturesEXT, next_types::Type...) = PhysicalDeviceRobustness2FeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.robustBufferAccess2), from_vk(Bool, x.robustImageAccess2), from_vk(Bool, x.nullDescriptor)) PhysicalDeviceRobustness2PropertiesEXT(x::VkPhysicalDeviceRobustness2PropertiesEXT, next_types::Type...) = PhysicalDeviceRobustness2PropertiesEXT(load_next_chain(x.pNext, next_types...), x.robustStorageBufferAccessSizeAlignment, x.robustUniformBufferAccessSizeAlignment) PhysicalDeviceImageRobustnessFeatures(x::VkPhysicalDeviceImageRobustnessFeatures, next_types::Type...) = PhysicalDeviceImageRobustnessFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.robustImageAccess)) PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR(x::VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR, next_types::Type...) = PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.workgroupMemoryExplicitLayout), from_vk(Bool, x.workgroupMemoryExplicitLayoutScalarBlockLayout), from_vk(Bool, x.workgroupMemoryExplicitLayout8BitAccess), from_vk(Bool, x.workgroupMemoryExplicitLayout16BitAccess)) PhysicalDevice4444FormatsFeaturesEXT(x::VkPhysicalDevice4444FormatsFeaturesEXT, next_types::Type...) = PhysicalDevice4444FormatsFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.formatA4R4G4B4), from_vk(Bool, x.formatA4B4G4R4)) PhysicalDeviceSubpassShadingFeaturesHUAWEI(x::VkPhysicalDeviceSubpassShadingFeaturesHUAWEI, next_types::Type...) = PhysicalDeviceSubpassShadingFeaturesHUAWEI(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.subpassShading)) PhysicalDeviceClusterCullingShaderFeaturesHUAWEI(x::VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI, next_types::Type...) = PhysicalDeviceClusterCullingShaderFeaturesHUAWEI(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.clustercullingShader), from_vk(Bool, x.multiviewClusterCullingShader)) BufferCopy2(x::VkBufferCopy2, next_types::Type...) = BufferCopy2(load_next_chain(x.pNext, next_types...), x.srcOffset, x.dstOffset, x.size) ImageCopy2(x::VkImageCopy2, next_types::Type...) = ImageCopy2(load_next_chain(x.pNext, next_types...), ImageSubresourceLayers(x.srcSubresource), Offset3D(x.srcOffset), ImageSubresourceLayers(x.dstSubresource), Offset3D(x.dstOffset), Extent3D(x.extent)) ImageBlit2(x::VkImageBlit2, next_types::Type...) = ImageBlit2(load_next_chain(x.pNext, next_types...), ImageSubresourceLayers(x.srcSubresource), Offset3D.(x.srcOffsets), ImageSubresourceLayers(x.dstSubresource), Offset3D.(x.dstOffsets)) BufferImageCopy2(x::VkBufferImageCopy2, next_types::Type...) = BufferImageCopy2(load_next_chain(x.pNext, next_types...), x.bufferOffset, x.bufferRowLength, x.bufferImageHeight, ImageSubresourceLayers(x.imageSubresource), Offset3D(x.imageOffset), Extent3D(x.imageExtent)) ImageResolve2(x::VkImageResolve2, next_types::Type...) = ImageResolve2(load_next_chain(x.pNext, next_types...), ImageSubresourceLayers(x.srcSubresource), Offset3D(x.srcOffset), ImageSubresourceLayers(x.dstSubresource), Offset3D(x.dstOffset), Extent3D(x.extent)) CopyBufferInfo2(x::VkCopyBufferInfo2, next_types::Type...) = CopyBufferInfo2(load_next_chain(x.pNext, next_types...), Buffer(x.srcBuffer), Buffer(x.dstBuffer), unsafe_wrap(Vector{BufferCopy2}, x.pRegions, x.regionCount; own = true)) CopyImageInfo2(x::VkCopyImageInfo2, next_types::Type...) = CopyImageInfo2(load_next_chain(x.pNext, next_types...), Image(x.srcImage), x.srcImageLayout, Image(x.dstImage), x.dstImageLayout, unsafe_wrap(Vector{ImageCopy2}, x.pRegions, x.regionCount; own = true)) BlitImageInfo2(x::VkBlitImageInfo2, next_types::Type...) = BlitImageInfo2(load_next_chain(x.pNext, next_types...), Image(x.srcImage), x.srcImageLayout, Image(x.dstImage), x.dstImageLayout, unsafe_wrap(Vector{ImageBlit2}, x.pRegions, x.regionCount; own = true), x.filter) CopyBufferToImageInfo2(x::VkCopyBufferToImageInfo2, next_types::Type...) = CopyBufferToImageInfo2(load_next_chain(x.pNext, next_types...), Buffer(x.srcBuffer), Image(x.dstImage), x.dstImageLayout, unsafe_wrap(Vector{BufferImageCopy2}, x.pRegions, x.regionCount; own = true)) CopyImageToBufferInfo2(x::VkCopyImageToBufferInfo2, next_types::Type...) = CopyImageToBufferInfo2(load_next_chain(x.pNext, next_types...), Image(x.srcImage), x.srcImageLayout, Buffer(x.dstBuffer), unsafe_wrap(Vector{BufferImageCopy2}, x.pRegions, x.regionCount; own = true)) ResolveImageInfo2(x::VkResolveImageInfo2, next_types::Type...) = ResolveImageInfo2(load_next_chain(x.pNext, next_types...), Image(x.srcImage), x.srcImageLayout, Image(x.dstImage), x.dstImageLayout, unsafe_wrap(Vector{ImageResolve2}, x.pRegions, x.regionCount; own = true)) PhysicalDeviceShaderImageAtomicInt64FeaturesEXT(x::VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT, next_types::Type...) = PhysicalDeviceShaderImageAtomicInt64FeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderImageInt64Atomics), from_vk(Bool, x.sparseImageInt64Atomics)) FragmentShadingRateAttachmentInfoKHR(x::VkFragmentShadingRateAttachmentInfoKHR, next_types::Type...) = FragmentShadingRateAttachmentInfoKHR(load_next_chain(x.pNext, next_types...), AttachmentReference2(x.pFragmentShadingRateAttachment), Extent2D(x.shadingRateAttachmentTexelSize)) PipelineFragmentShadingRateStateCreateInfoKHR(x::VkPipelineFragmentShadingRateStateCreateInfoKHR, next_types::Type...) = PipelineFragmentShadingRateStateCreateInfoKHR(load_next_chain(x.pNext, next_types...), Extent2D(x.fragmentSize), x.combinerOps) PhysicalDeviceFragmentShadingRateFeaturesKHR(x::VkPhysicalDeviceFragmentShadingRateFeaturesKHR, next_types::Type...) = PhysicalDeviceFragmentShadingRateFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.pipelineFragmentShadingRate), from_vk(Bool, x.primitiveFragmentShadingRate), from_vk(Bool, x.attachmentFragmentShadingRate)) PhysicalDeviceFragmentShadingRatePropertiesKHR(x::VkPhysicalDeviceFragmentShadingRatePropertiesKHR, next_types::Type...) = PhysicalDeviceFragmentShadingRatePropertiesKHR(load_next_chain(x.pNext, next_types...), Extent2D(x.minFragmentShadingRateAttachmentTexelSize), Extent2D(x.maxFragmentShadingRateAttachmentTexelSize), x.maxFragmentShadingRateAttachmentTexelSizeAspectRatio, from_vk(Bool, x.primitiveFragmentShadingRateWithMultipleViewports), from_vk(Bool, x.layeredShadingRateAttachments), from_vk(Bool, x.fragmentShadingRateNonTrivialCombinerOps), Extent2D(x.maxFragmentSize), x.maxFragmentSizeAspectRatio, x.maxFragmentShadingRateCoverageSamples, SampleCountFlag(UInt32(x.maxFragmentShadingRateRasterizationSamples)), from_vk(Bool, x.fragmentShadingRateWithShaderDepthStencilWrites), from_vk(Bool, x.fragmentShadingRateWithSampleMask), from_vk(Bool, x.fragmentShadingRateWithShaderSampleMask), from_vk(Bool, x.fragmentShadingRateWithConservativeRasterization), from_vk(Bool, x.fragmentShadingRateWithFragmentShaderInterlock), from_vk(Bool, x.fragmentShadingRateWithCustomSampleLocations), from_vk(Bool, x.fragmentShadingRateStrictMultiplyCombiner)) PhysicalDeviceFragmentShadingRateKHR(x::VkPhysicalDeviceFragmentShadingRateKHR, next_types::Type...) = PhysicalDeviceFragmentShadingRateKHR(load_next_chain(x.pNext, next_types...), x.sampleCounts, Extent2D(x.fragmentSize)) PhysicalDeviceShaderTerminateInvocationFeatures(x::VkPhysicalDeviceShaderTerminateInvocationFeatures, next_types::Type...) = PhysicalDeviceShaderTerminateInvocationFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderTerminateInvocation)) PhysicalDeviceFragmentShadingRateEnumsFeaturesNV(x::VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV, next_types::Type...) = PhysicalDeviceFragmentShadingRateEnumsFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.fragmentShadingRateEnums), from_vk(Bool, x.supersampleFragmentShadingRates), from_vk(Bool, x.noInvocationFragmentShadingRates)) PhysicalDeviceFragmentShadingRateEnumsPropertiesNV(x::VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV, next_types::Type...) = PhysicalDeviceFragmentShadingRateEnumsPropertiesNV(load_next_chain(x.pNext, next_types...), SampleCountFlag(UInt32(x.maxFragmentShadingRateInvocationCount))) PipelineFragmentShadingRateEnumStateCreateInfoNV(x::VkPipelineFragmentShadingRateEnumStateCreateInfoNV, next_types::Type...) = PipelineFragmentShadingRateEnumStateCreateInfoNV(load_next_chain(x.pNext, next_types...), x.shadingRateType, x.shadingRate, x.combinerOps) AccelerationStructureBuildSizesInfoKHR(x::VkAccelerationStructureBuildSizesInfoKHR, next_types::Type...) = AccelerationStructureBuildSizesInfoKHR(load_next_chain(x.pNext, next_types...), x.accelerationStructureSize, x.updateScratchSize, x.buildScratchSize) PhysicalDeviceImage2DViewOf3DFeaturesEXT(x::VkPhysicalDeviceImage2DViewOf3DFeaturesEXT, next_types::Type...) = PhysicalDeviceImage2DViewOf3DFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.image2DViewOf3D), from_vk(Bool, x.sampler2DViewOf3D)) PhysicalDeviceMutableDescriptorTypeFeaturesEXT(x::VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT, next_types::Type...) = PhysicalDeviceMutableDescriptorTypeFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.mutableDescriptorType)) MutableDescriptorTypeListEXT(x::VkMutableDescriptorTypeListEXT) = MutableDescriptorTypeListEXT(unsafe_wrap(Vector{DescriptorType}, x.pDescriptorTypes, x.descriptorTypeCount; own = true)) MutableDescriptorTypeCreateInfoEXT(x::VkMutableDescriptorTypeCreateInfoEXT, next_types::Type...) = MutableDescriptorTypeCreateInfoEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{MutableDescriptorTypeListEXT}, x.pMutableDescriptorTypeLists, x.mutableDescriptorTypeListCount; own = true)) PhysicalDeviceDepthClipControlFeaturesEXT(x::VkPhysicalDeviceDepthClipControlFeaturesEXT, next_types::Type...) = PhysicalDeviceDepthClipControlFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.depthClipControl)) PipelineViewportDepthClipControlCreateInfoEXT(x::VkPipelineViewportDepthClipControlCreateInfoEXT, next_types::Type...) = PipelineViewportDepthClipControlCreateInfoEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.negativeOneToOne)) PhysicalDeviceVertexInputDynamicStateFeaturesEXT(x::VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT, next_types::Type...) = PhysicalDeviceVertexInputDynamicStateFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.vertexInputDynamicState)) PhysicalDeviceExternalMemoryRDMAFeaturesNV(x::VkPhysicalDeviceExternalMemoryRDMAFeaturesNV, next_types::Type...) = PhysicalDeviceExternalMemoryRDMAFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.externalMemoryRDMA)) VertexInputBindingDescription2EXT(x::VkVertexInputBindingDescription2EXT, next_types::Type...) = VertexInputBindingDescription2EXT(load_next_chain(x.pNext, next_types...), x.binding, x.stride, x.inputRate, x.divisor) VertexInputAttributeDescription2EXT(x::VkVertexInputAttributeDescription2EXT, next_types::Type...) = VertexInputAttributeDescription2EXT(load_next_chain(x.pNext, next_types...), x.location, x.binding, x.format, x.offset) PhysicalDeviceColorWriteEnableFeaturesEXT(x::VkPhysicalDeviceColorWriteEnableFeaturesEXT, next_types::Type...) = PhysicalDeviceColorWriteEnableFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.colorWriteEnable)) PipelineColorWriteCreateInfoEXT(x::VkPipelineColorWriteCreateInfoEXT, next_types::Type...) = PipelineColorWriteCreateInfoEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{Bool}, x.pColorWriteEnables, x.attachmentCount; own = true)) MemoryBarrier2(x::VkMemoryBarrier2, next_types::Type...) = MemoryBarrier2(load_next_chain(x.pNext, next_types...), x.srcStageMask, x.srcAccessMask, x.dstStageMask, x.dstAccessMask) ImageMemoryBarrier2(x::VkImageMemoryBarrier2, next_types::Type...) = ImageMemoryBarrier2(load_next_chain(x.pNext, next_types...), x.srcStageMask, x.srcAccessMask, x.dstStageMask, x.dstAccessMask, x.oldLayout, x.newLayout, x.srcQueueFamilyIndex, x.dstQueueFamilyIndex, Image(x.image), ImageSubresourceRange(x.subresourceRange)) BufferMemoryBarrier2(x::VkBufferMemoryBarrier2, next_types::Type...) = BufferMemoryBarrier2(load_next_chain(x.pNext, next_types...), x.srcStageMask, x.srcAccessMask, x.dstStageMask, x.dstAccessMask, x.srcQueueFamilyIndex, x.dstQueueFamilyIndex, Buffer(x.buffer), x.offset, x.size) DependencyInfo(x::VkDependencyInfo, next_types::Type...) = DependencyInfo(load_next_chain(x.pNext, next_types...), x.dependencyFlags, unsafe_wrap(Vector{MemoryBarrier2}, x.pMemoryBarriers, x.memoryBarrierCount; own = true), unsafe_wrap(Vector{BufferMemoryBarrier2}, x.pBufferMemoryBarriers, x.bufferMemoryBarrierCount; own = true), unsafe_wrap(Vector{ImageMemoryBarrier2}, x.pImageMemoryBarriers, x.imageMemoryBarrierCount; own = true)) SemaphoreSubmitInfo(x::VkSemaphoreSubmitInfo, next_types::Type...) = SemaphoreSubmitInfo(load_next_chain(x.pNext, next_types...), Semaphore(x.semaphore), x.value, x.stageMask, x.deviceIndex) CommandBufferSubmitInfo(x::VkCommandBufferSubmitInfo, next_types::Type...) = CommandBufferSubmitInfo(load_next_chain(x.pNext, next_types...), CommandBuffer(x.commandBuffer), x.deviceMask) SubmitInfo2(x::VkSubmitInfo2, next_types::Type...) = SubmitInfo2(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{SemaphoreSubmitInfo}, x.pWaitSemaphoreInfos, x.waitSemaphoreInfoCount; own = true), unsafe_wrap(Vector{CommandBufferSubmitInfo}, x.pCommandBufferInfos, x.commandBufferInfoCount; own = true), unsafe_wrap(Vector{SemaphoreSubmitInfo}, x.pSignalSemaphoreInfos, x.signalSemaphoreInfoCount; own = true)) QueueFamilyCheckpointProperties2NV(x::VkQueueFamilyCheckpointProperties2NV, next_types::Type...) = QueueFamilyCheckpointProperties2NV(load_next_chain(x.pNext, next_types...), x.checkpointExecutionStageMask) CheckpointData2NV(x::VkCheckpointData2NV, next_types::Type...) = CheckpointData2NV(load_next_chain(x.pNext, next_types...), x.stage, x.pCheckpointMarker) PhysicalDeviceSynchronization2Features(x::VkPhysicalDeviceSynchronization2Features, next_types::Type...) = PhysicalDeviceSynchronization2Features(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.synchronization2)) PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT(x::VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT, next_types::Type...) = PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.primitivesGeneratedQuery), from_vk(Bool, x.primitivesGeneratedQueryWithRasterizerDiscard), from_vk(Bool, x.primitivesGeneratedQueryWithNonZeroStreams)) PhysicalDeviceLegacyDitheringFeaturesEXT(x::VkPhysicalDeviceLegacyDitheringFeaturesEXT, next_types::Type...) = PhysicalDeviceLegacyDitheringFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.legacyDithering)) PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT(x::VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT, next_types::Type...) = PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.multisampledRenderToSingleSampled)) SubpassResolvePerformanceQueryEXT(x::VkSubpassResolvePerformanceQueryEXT, next_types::Type...) = SubpassResolvePerformanceQueryEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.optimal)) MultisampledRenderToSingleSampledInfoEXT(x::VkMultisampledRenderToSingleSampledInfoEXT, next_types::Type...) = MultisampledRenderToSingleSampledInfoEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.multisampledRenderToSingleSampledEnable), SampleCountFlag(UInt32(x.rasterizationSamples))) PhysicalDevicePipelineProtectedAccessFeaturesEXT(x::VkPhysicalDevicePipelineProtectedAccessFeaturesEXT, next_types::Type...) = PhysicalDevicePipelineProtectedAccessFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.pipelineProtectedAccess)) QueueFamilyVideoPropertiesKHR(x::VkQueueFamilyVideoPropertiesKHR, next_types::Type...) = QueueFamilyVideoPropertiesKHR(load_next_chain(x.pNext, next_types...), x.videoCodecOperations) QueueFamilyQueryResultStatusPropertiesKHR(x::VkQueueFamilyQueryResultStatusPropertiesKHR, next_types::Type...) = QueueFamilyQueryResultStatusPropertiesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.queryResultStatusSupport)) VideoProfileListInfoKHR(x::VkVideoProfileListInfoKHR, next_types::Type...) = VideoProfileListInfoKHR(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{VideoProfileInfoKHR}, x.pProfiles, x.profileCount; own = true)) PhysicalDeviceVideoFormatInfoKHR(x::VkPhysicalDeviceVideoFormatInfoKHR, next_types::Type...) = PhysicalDeviceVideoFormatInfoKHR(load_next_chain(x.pNext, next_types...), x.imageUsage) VideoFormatPropertiesKHR(x::VkVideoFormatPropertiesKHR, next_types::Type...) = VideoFormatPropertiesKHR(load_next_chain(x.pNext, next_types...), x.format, ComponentMapping(x.componentMapping), x.imageCreateFlags, x.imageType, x.imageTiling, x.imageUsageFlags) VideoProfileInfoKHR(x::VkVideoProfileInfoKHR, next_types::Type...) = VideoProfileInfoKHR(load_next_chain(x.pNext, next_types...), VideoCodecOperationFlagKHR(UInt32(x.videoCodecOperation)), x.chromaSubsampling, x.lumaBitDepth, x.chromaBitDepth) VideoCapabilitiesKHR(x::VkVideoCapabilitiesKHR, next_types::Type...) = VideoCapabilitiesKHR(load_next_chain(x.pNext, next_types...), x.flags, x.minBitstreamBufferOffsetAlignment, x.minBitstreamBufferSizeAlignment, Extent2D(x.pictureAccessGranularity), Extent2D(x.minCodedExtent), Extent2D(x.maxCodedExtent), x.maxDpbSlots, x.maxActiveReferencePictures, ExtensionProperties(x.stdHeaderVersion)) VideoSessionMemoryRequirementsKHR(x::VkVideoSessionMemoryRequirementsKHR, next_types::Type...) = VideoSessionMemoryRequirementsKHR(load_next_chain(x.pNext, next_types...), x.memoryBindIndex, MemoryRequirements(x.memoryRequirements)) BindVideoSessionMemoryInfoKHR(x::VkBindVideoSessionMemoryInfoKHR, next_types::Type...) = BindVideoSessionMemoryInfoKHR(load_next_chain(x.pNext, next_types...), x.memoryBindIndex, DeviceMemory(x.memory), x.memoryOffset, x.memorySize) VideoPictureResourceInfoKHR(x::VkVideoPictureResourceInfoKHR, next_types::Type...) = VideoPictureResourceInfoKHR(load_next_chain(x.pNext, next_types...), Offset2D(x.codedOffset), Extent2D(x.codedExtent), x.baseArrayLayer, ImageView(x.imageViewBinding)) VideoReferenceSlotInfoKHR(x::VkVideoReferenceSlotInfoKHR, next_types::Type...) = VideoReferenceSlotInfoKHR(load_next_chain(x.pNext, next_types...), x.slotIndex, VideoPictureResourceInfoKHR(x.pPictureResource)) VideoDecodeCapabilitiesKHR(x::VkVideoDecodeCapabilitiesKHR, next_types::Type...) = VideoDecodeCapabilitiesKHR(load_next_chain(x.pNext, next_types...), x.flags) VideoDecodeUsageInfoKHR(x::VkVideoDecodeUsageInfoKHR, next_types::Type...) = VideoDecodeUsageInfoKHR(load_next_chain(x.pNext, next_types...), x.videoUsageHints) VideoDecodeInfoKHR(x::VkVideoDecodeInfoKHR, next_types::Type...) = VideoDecodeInfoKHR(load_next_chain(x.pNext, next_types...), x.flags, Buffer(x.srcBuffer), x.srcBufferOffset, x.srcBufferRange, VideoPictureResourceInfoKHR(x.dstPictureResource), VideoReferenceSlotInfoKHR(x.pSetupReferenceSlot), unsafe_wrap(Vector{VideoReferenceSlotInfoKHR}, x.pReferenceSlots, x.referenceSlotCount; own = true)) VideoDecodeH264ProfileInfoKHR(x::VkVideoDecodeH264ProfileInfoKHR, next_types::Type...) = VideoDecodeH264ProfileInfoKHR(load_next_chain(x.pNext, next_types...), x.stdProfileIdc, VideoDecodeH264PictureLayoutFlagKHR(UInt32(x.pictureLayout))) VideoDecodeH264CapabilitiesKHR(x::VkVideoDecodeH264CapabilitiesKHR, next_types::Type...) = VideoDecodeH264CapabilitiesKHR(load_next_chain(x.pNext, next_types...), x.maxLevelIdc, Offset2D(x.fieldOffsetGranularity)) VideoDecodeH264SessionParametersAddInfoKHR(x::VkVideoDecodeH264SessionParametersAddInfoKHR, next_types::Type...) = VideoDecodeH264SessionParametersAddInfoKHR(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{StdVideoH264SequenceParameterSet}, x.pStdSPSs, x.stdSPSCount; own = true), unsafe_wrap(Vector{StdVideoH264PictureParameterSet}, x.pStdPPSs, x.stdPPSCount; own = true)) VideoDecodeH264SessionParametersCreateInfoKHR(x::VkVideoDecodeH264SessionParametersCreateInfoKHR, next_types::Type...) = VideoDecodeH264SessionParametersCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.maxStdSPSCount, x.maxStdPPSCount, VideoDecodeH264SessionParametersAddInfoKHR(x.pParametersAddInfo)) VideoDecodeH264PictureInfoKHR(x::VkVideoDecodeH264PictureInfoKHR, next_types::Type...) = VideoDecodeH264PictureInfoKHR(load_next_chain(x.pNext, next_types...), from_vk(StdVideoDecodeH264PictureInfo, x.pStdPictureInfo), unsafe_wrap(Vector{UInt32}, x.pSliceOffsets, x.sliceCount; own = true)) VideoDecodeH264DpbSlotInfoKHR(x::VkVideoDecodeH264DpbSlotInfoKHR, next_types::Type...) = VideoDecodeH264DpbSlotInfoKHR(load_next_chain(x.pNext, next_types...), from_vk(StdVideoDecodeH264ReferenceInfo, x.pStdReferenceInfo)) VideoDecodeH265ProfileInfoKHR(x::VkVideoDecodeH265ProfileInfoKHR, next_types::Type...) = VideoDecodeH265ProfileInfoKHR(load_next_chain(x.pNext, next_types...), x.stdProfileIdc) VideoDecodeH265CapabilitiesKHR(x::VkVideoDecodeH265CapabilitiesKHR, next_types::Type...) = VideoDecodeH265CapabilitiesKHR(load_next_chain(x.pNext, next_types...), x.maxLevelIdc) VideoDecodeH265SessionParametersAddInfoKHR(x::VkVideoDecodeH265SessionParametersAddInfoKHR, next_types::Type...) = VideoDecodeH265SessionParametersAddInfoKHR(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{StdVideoH265VideoParameterSet}, x.pStdVPSs, x.stdVPSCount; own = true), unsafe_wrap(Vector{StdVideoH265SequenceParameterSet}, x.pStdSPSs, x.stdSPSCount; own = true), unsafe_wrap(Vector{StdVideoH265PictureParameterSet}, x.pStdPPSs, x.stdPPSCount; own = true)) VideoDecodeH265SessionParametersCreateInfoKHR(x::VkVideoDecodeH265SessionParametersCreateInfoKHR, next_types::Type...) = VideoDecodeH265SessionParametersCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.maxStdVPSCount, x.maxStdSPSCount, x.maxStdPPSCount, VideoDecodeH265SessionParametersAddInfoKHR(x.pParametersAddInfo)) VideoDecodeH265PictureInfoKHR(x::VkVideoDecodeH265PictureInfoKHR, next_types::Type...) = VideoDecodeH265PictureInfoKHR(load_next_chain(x.pNext, next_types...), from_vk(StdVideoDecodeH265PictureInfo, x.pStdPictureInfo), unsafe_wrap(Vector{UInt32}, x.pSliceSegmentOffsets, x.sliceSegmentCount; own = true)) VideoDecodeH265DpbSlotInfoKHR(x::VkVideoDecodeH265DpbSlotInfoKHR, next_types::Type...) = VideoDecodeH265DpbSlotInfoKHR(load_next_chain(x.pNext, next_types...), from_vk(StdVideoDecodeH265ReferenceInfo, x.pStdReferenceInfo)) VideoSessionCreateInfoKHR(x::VkVideoSessionCreateInfoKHR, next_types::Type...) = VideoSessionCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.queueFamilyIndex, x.flags, VideoProfileInfoKHR(x.pVideoProfile), x.pictureFormat, Extent2D(x.maxCodedExtent), x.referencePictureFormat, x.maxDpbSlots, x.maxActiveReferencePictures, ExtensionProperties(x.pStdHeaderVersion)) VideoSessionParametersCreateInfoKHR(x::VkVideoSessionParametersCreateInfoKHR, next_types::Type...) = VideoSessionParametersCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.flags, VideoSessionParametersKHR(x.videoSessionParametersTemplate), VideoSessionKHR(x.videoSession)) VideoSessionParametersUpdateInfoKHR(x::VkVideoSessionParametersUpdateInfoKHR, next_types::Type...) = VideoSessionParametersUpdateInfoKHR(load_next_chain(x.pNext, next_types...), x.updateSequenceCount) VideoBeginCodingInfoKHR(x::VkVideoBeginCodingInfoKHR, next_types::Type...) = VideoBeginCodingInfoKHR(load_next_chain(x.pNext, next_types...), x.flags, VideoSessionKHR(x.videoSession), VideoSessionParametersKHR(x.videoSessionParameters), unsafe_wrap(Vector{VideoReferenceSlotInfoKHR}, x.pReferenceSlots, x.referenceSlotCount; own = true)) VideoEndCodingInfoKHR(x::VkVideoEndCodingInfoKHR, next_types::Type...) = VideoEndCodingInfoKHR(load_next_chain(x.pNext, next_types...), x.flags) VideoCodingControlInfoKHR(x::VkVideoCodingControlInfoKHR, next_types::Type...) = VideoCodingControlInfoKHR(load_next_chain(x.pNext, next_types...), x.flags) PhysicalDeviceInheritedViewportScissorFeaturesNV(x::VkPhysicalDeviceInheritedViewportScissorFeaturesNV, next_types::Type...) = PhysicalDeviceInheritedViewportScissorFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.inheritedViewportScissor2D)) CommandBufferInheritanceViewportScissorInfoNV(x::VkCommandBufferInheritanceViewportScissorInfoNV, next_types::Type...) = CommandBufferInheritanceViewportScissorInfoNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.viewportScissor2D), x.viewportDepthCount, Viewport(x.pViewportDepths)) PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT(x::VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT, next_types::Type...) = PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.ycbcr2plane444Formats)) PhysicalDeviceProvokingVertexFeaturesEXT(x::VkPhysicalDeviceProvokingVertexFeaturesEXT, next_types::Type...) = PhysicalDeviceProvokingVertexFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.provokingVertexLast), from_vk(Bool, x.transformFeedbackPreservesProvokingVertex)) PhysicalDeviceProvokingVertexPropertiesEXT(x::VkPhysicalDeviceProvokingVertexPropertiesEXT, next_types::Type...) = PhysicalDeviceProvokingVertexPropertiesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.provokingVertexModePerPipeline), from_vk(Bool, x.transformFeedbackPreservesTriangleFanProvokingVertex)) PipelineRasterizationProvokingVertexStateCreateInfoEXT(x::VkPipelineRasterizationProvokingVertexStateCreateInfoEXT, next_types::Type...) = PipelineRasterizationProvokingVertexStateCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.provokingVertexMode) CuModuleCreateInfoNVX(x::VkCuModuleCreateInfoNVX, next_types::Type...) = CuModuleCreateInfoNVX(load_next_chain(x.pNext, next_types...), x.dataSize, x.pData) CuFunctionCreateInfoNVX(x::VkCuFunctionCreateInfoNVX, next_types::Type...) = CuFunctionCreateInfoNVX(load_next_chain(x.pNext, next_types...), CuModuleNVX(x._module), unsafe_string(x.pName)) CuLaunchInfoNVX(x::VkCuLaunchInfoNVX, next_types::Type...) = CuLaunchInfoNVX(load_next_chain(x.pNext, next_types...), CuFunctionNVX(x._function), x.gridDimX, x.gridDimY, x.gridDimZ, x.blockDimX, x.blockDimY, x.blockDimZ, x.sharedMemBytes) PhysicalDeviceDescriptorBufferFeaturesEXT(x::VkPhysicalDeviceDescriptorBufferFeaturesEXT, next_types::Type...) = PhysicalDeviceDescriptorBufferFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.descriptorBuffer), from_vk(Bool, x.descriptorBufferCaptureReplay), from_vk(Bool, x.descriptorBufferImageLayoutIgnored), from_vk(Bool, x.descriptorBufferPushDescriptors)) PhysicalDeviceDescriptorBufferPropertiesEXT(x::VkPhysicalDeviceDescriptorBufferPropertiesEXT, next_types::Type...) = PhysicalDeviceDescriptorBufferPropertiesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.combinedImageSamplerDescriptorSingleArray), from_vk(Bool, x.bufferlessPushDescriptors), from_vk(Bool, x.allowSamplerImageViewPostSubmitCreation), x.descriptorBufferOffsetAlignment, x.maxDescriptorBufferBindings, x.maxResourceDescriptorBufferBindings, x.maxSamplerDescriptorBufferBindings, x.maxEmbeddedImmutableSamplerBindings, x.maxEmbeddedImmutableSamplers, x.bufferCaptureReplayDescriptorDataSize, x.imageCaptureReplayDescriptorDataSize, x.imageViewCaptureReplayDescriptorDataSize, x.samplerCaptureReplayDescriptorDataSize, x.accelerationStructureCaptureReplayDescriptorDataSize, x.samplerDescriptorSize, x.combinedImageSamplerDescriptorSize, x.sampledImageDescriptorSize, x.storageImageDescriptorSize, x.uniformTexelBufferDescriptorSize, x.robustUniformTexelBufferDescriptorSize, x.storageTexelBufferDescriptorSize, x.robustStorageTexelBufferDescriptorSize, x.uniformBufferDescriptorSize, x.robustUniformBufferDescriptorSize, x.storageBufferDescriptorSize, x.robustStorageBufferDescriptorSize, x.inputAttachmentDescriptorSize, x.accelerationStructureDescriptorSize, x.maxSamplerDescriptorBufferRange, x.maxResourceDescriptorBufferRange, x.samplerDescriptorBufferAddressSpaceSize, x.resourceDescriptorBufferAddressSpaceSize, x.descriptorBufferAddressSpaceSize) PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT(x::VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT, next_types::Type...) = PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT(load_next_chain(x.pNext, next_types...), x.combinedImageSamplerDensityMapDescriptorSize) DescriptorAddressInfoEXT(x::VkDescriptorAddressInfoEXT, next_types::Type...) = DescriptorAddressInfoEXT(load_next_chain(x.pNext, next_types...), x.address, x.range, x.format) DescriptorBufferBindingInfoEXT(x::VkDescriptorBufferBindingInfoEXT, next_types::Type...) = DescriptorBufferBindingInfoEXT(load_next_chain(x.pNext, next_types...), x.address, x.usage) DescriptorBufferBindingPushDescriptorBufferHandleEXT(x::VkDescriptorBufferBindingPushDescriptorBufferHandleEXT, next_types::Type...) = DescriptorBufferBindingPushDescriptorBufferHandleEXT(load_next_chain(x.pNext, next_types...), Buffer(x.buffer)) DescriptorGetInfoEXT(x::VkDescriptorGetInfoEXT, next_types::Type...) = DescriptorGetInfoEXT(load_next_chain(x.pNext, next_types...), x.type, DescriptorDataEXT(x.data)) BufferCaptureDescriptorDataInfoEXT(x::VkBufferCaptureDescriptorDataInfoEXT, next_types::Type...) = BufferCaptureDescriptorDataInfoEXT(load_next_chain(x.pNext, next_types...), Buffer(x.buffer)) ImageCaptureDescriptorDataInfoEXT(x::VkImageCaptureDescriptorDataInfoEXT, next_types::Type...) = ImageCaptureDescriptorDataInfoEXT(load_next_chain(x.pNext, next_types...), Image(x.image)) ImageViewCaptureDescriptorDataInfoEXT(x::VkImageViewCaptureDescriptorDataInfoEXT, next_types::Type...) = ImageViewCaptureDescriptorDataInfoEXT(load_next_chain(x.pNext, next_types...), ImageView(x.imageView)) SamplerCaptureDescriptorDataInfoEXT(x::VkSamplerCaptureDescriptorDataInfoEXT, next_types::Type...) = SamplerCaptureDescriptorDataInfoEXT(load_next_chain(x.pNext, next_types...), Sampler(x.sampler)) AccelerationStructureCaptureDescriptorDataInfoEXT(x::VkAccelerationStructureCaptureDescriptorDataInfoEXT, next_types::Type...) = AccelerationStructureCaptureDescriptorDataInfoEXT(load_next_chain(x.pNext, next_types...), AccelerationStructureKHR(x.accelerationStructure), AccelerationStructureNV(x.accelerationStructureNV)) OpaqueCaptureDescriptorDataCreateInfoEXT(x::VkOpaqueCaptureDescriptorDataCreateInfoEXT, next_types::Type...) = OpaqueCaptureDescriptorDataCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.opaqueCaptureDescriptorData) PhysicalDeviceShaderIntegerDotProductFeatures(x::VkPhysicalDeviceShaderIntegerDotProductFeatures, next_types::Type...) = PhysicalDeviceShaderIntegerDotProductFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderIntegerDotProduct)) PhysicalDeviceShaderIntegerDotProductProperties(x::VkPhysicalDeviceShaderIntegerDotProductProperties, next_types::Type...) = PhysicalDeviceShaderIntegerDotProductProperties(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.integerDotProduct8BitUnsignedAccelerated), from_vk(Bool, x.integerDotProduct8BitSignedAccelerated), from_vk(Bool, x.integerDotProduct8BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProduct4x8BitPackedUnsignedAccelerated), from_vk(Bool, x.integerDotProduct4x8BitPackedSignedAccelerated), from_vk(Bool, x.integerDotProduct4x8BitPackedMixedSignednessAccelerated), from_vk(Bool, x.integerDotProduct16BitUnsignedAccelerated), from_vk(Bool, x.integerDotProduct16BitSignedAccelerated), from_vk(Bool, x.integerDotProduct16BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProduct32BitUnsignedAccelerated), from_vk(Bool, x.integerDotProduct32BitSignedAccelerated), from_vk(Bool, x.integerDotProduct32BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProduct64BitUnsignedAccelerated), from_vk(Bool, x.integerDotProduct64BitSignedAccelerated), from_vk(Bool, x.integerDotProduct64BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating8BitUnsignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating8BitSignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating8BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating4x8BitPackedUnsignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating4x8BitPackedSignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating4x8BitPackedMixedSignednessAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating16BitUnsignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating16BitSignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating16BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating32BitUnsignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating32BitSignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating32BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating64BitUnsignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating64BitSignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating64BitMixedSignednessAccelerated)) PhysicalDeviceDrmPropertiesEXT(x::VkPhysicalDeviceDrmPropertiesEXT, next_types::Type...) = PhysicalDeviceDrmPropertiesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.hasPrimary), from_vk(Bool, x.hasRender), x.primaryMajor, x.primaryMinor, x.renderMajor, x.renderMinor) PhysicalDeviceFragmentShaderBarycentricFeaturesKHR(x::VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR, next_types::Type...) = PhysicalDeviceFragmentShaderBarycentricFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.fragmentShaderBarycentric)) PhysicalDeviceFragmentShaderBarycentricPropertiesKHR(x::VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR, next_types::Type...) = PhysicalDeviceFragmentShaderBarycentricPropertiesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.triStripVertexOrderIndependentOfProvokingVertex)) PhysicalDeviceRayTracingMotionBlurFeaturesNV(x::VkPhysicalDeviceRayTracingMotionBlurFeaturesNV, next_types::Type...) = PhysicalDeviceRayTracingMotionBlurFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.rayTracingMotionBlur), from_vk(Bool, x.rayTracingMotionBlurPipelineTraceRaysIndirect)) AccelerationStructureGeometryMotionTrianglesDataNV(x::VkAccelerationStructureGeometryMotionTrianglesDataNV, next_types::Type...) = AccelerationStructureGeometryMotionTrianglesDataNV(load_next_chain(x.pNext, next_types...), DeviceOrHostAddressConstKHR(x.vertexData)) AccelerationStructureMotionInfoNV(x::VkAccelerationStructureMotionInfoNV, next_types::Type...) = AccelerationStructureMotionInfoNV(load_next_chain(x.pNext, next_types...), x.maxInstances, x.flags) SRTDataNV(x::VkSRTDataNV) = SRTDataNV(x.sx, x.a, x.b, x.pvx, x.sy, x.c, x.pvy, x.sz, x.pvz, x.qx, x.qy, x.qz, x.qw, x.tx, x.ty, x.tz) AccelerationStructureSRTMotionInstanceNV(x::VkAccelerationStructureSRTMotionInstanceNV) = AccelerationStructureSRTMotionInstanceNV(SRTDataNV(x.transformT0), SRTDataNV(x.transformT1), x.instanceCustomIndex, x.mask, x.instanceShaderBindingTableRecordOffset, x.flags, x.accelerationStructureReference) AccelerationStructureMatrixMotionInstanceNV(x::VkAccelerationStructureMatrixMotionInstanceNV) = AccelerationStructureMatrixMotionInstanceNV(TransformMatrixKHR(x.transformT0), TransformMatrixKHR(x.transformT1), x.instanceCustomIndex, x.mask, x.instanceShaderBindingTableRecordOffset, x.flags, x.accelerationStructureReference) AccelerationStructureMotionInstanceNV(x::VkAccelerationStructureMotionInstanceNV) = AccelerationStructureMotionInstanceNV(x.type, x.flags, AccelerationStructureMotionInstanceDataNV(x.data)) MemoryGetRemoteAddressInfoNV(x::VkMemoryGetRemoteAddressInfoNV, next_types::Type...) = MemoryGetRemoteAddressInfoNV(load_next_chain(x.pNext, next_types...), DeviceMemory(x.memory), ExternalMemoryHandleTypeFlag(UInt32(x.handleType))) PhysicalDeviceRGBA10X6FormatsFeaturesEXT(x::VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT, next_types::Type...) = PhysicalDeviceRGBA10X6FormatsFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.formatRgba10x6WithoutYCbCrSampler)) FormatProperties3(x::VkFormatProperties3, next_types::Type...) = FormatProperties3(load_next_chain(x.pNext, next_types...), x.linearTilingFeatures, x.optimalTilingFeatures, x.bufferFeatures) DrmFormatModifierPropertiesList2EXT(x::VkDrmFormatModifierPropertiesList2EXT, next_types::Type...) = DrmFormatModifierPropertiesList2EXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{DrmFormatModifierProperties2EXT}, x.pDrmFormatModifierProperties, x.drmFormatModifierCount; own = true)) DrmFormatModifierProperties2EXT(x::VkDrmFormatModifierProperties2EXT) = DrmFormatModifierProperties2EXT(x.drmFormatModifier, x.drmFormatModifierPlaneCount, x.drmFormatModifierTilingFeatures) PipelineRenderingCreateInfo(x::VkPipelineRenderingCreateInfo, next_types::Type...) = PipelineRenderingCreateInfo(load_next_chain(x.pNext, next_types...), x.viewMask, unsafe_wrap(Vector{Format}, x.pColorAttachmentFormats, x.colorAttachmentCount; own = true), x.depthAttachmentFormat, x.stencilAttachmentFormat) RenderingInfo(x::VkRenderingInfo, next_types::Type...) = RenderingInfo(load_next_chain(x.pNext, next_types...), x.flags, Rect2D(x.renderArea), x.layerCount, x.viewMask, unsafe_wrap(Vector{RenderingAttachmentInfo}, x.pColorAttachments, x.colorAttachmentCount; own = true), RenderingAttachmentInfo(x.pDepthAttachment), RenderingAttachmentInfo(x.pStencilAttachment)) RenderingAttachmentInfo(x::VkRenderingAttachmentInfo, next_types::Type...) = RenderingAttachmentInfo(load_next_chain(x.pNext, next_types...), ImageView(x.imageView), x.imageLayout, ResolveModeFlag(UInt32(x.resolveMode)), ImageView(x.resolveImageView), x.resolveImageLayout, x.loadOp, x.storeOp, ClearValue(x.clearValue)) RenderingFragmentShadingRateAttachmentInfoKHR(x::VkRenderingFragmentShadingRateAttachmentInfoKHR, next_types::Type...) = RenderingFragmentShadingRateAttachmentInfoKHR(load_next_chain(x.pNext, next_types...), ImageView(x.imageView), x.imageLayout, Extent2D(x.shadingRateAttachmentTexelSize)) RenderingFragmentDensityMapAttachmentInfoEXT(x::VkRenderingFragmentDensityMapAttachmentInfoEXT, next_types::Type...) = RenderingFragmentDensityMapAttachmentInfoEXT(load_next_chain(x.pNext, next_types...), ImageView(x.imageView), x.imageLayout) PhysicalDeviceDynamicRenderingFeatures(x::VkPhysicalDeviceDynamicRenderingFeatures, next_types::Type...) = PhysicalDeviceDynamicRenderingFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.dynamicRendering)) CommandBufferInheritanceRenderingInfo(x::VkCommandBufferInheritanceRenderingInfo, next_types::Type...) = CommandBufferInheritanceRenderingInfo(load_next_chain(x.pNext, next_types...), x.flags, x.viewMask, unsafe_wrap(Vector{Format}, x.pColorAttachmentFormats, x.colorAttachmentCount; own = true), x.depthAttachmentFormat, x.stencilAttachmentFormat, SampleCountFlag(UInt32(x.rasterizationSamples))) AttachmentSampleCountInfoAMD(x::VkAttachmentSampleCountInfoAMD, next_types::Type...) = AttachmentSampleCountInfoAMD(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{SampleCountFlag}, x.pColorAttachmentSamples, x.colorAttachmentCount; own = true), SampleCountFlag(UInt32(x.depthStencilAttachmentSamples))) MultiviewPerViewAttributesInfoNVX(x::VkMultiviewPerViewAttributesInfoNVX, next_types::Type...) = MultiviewPerViewAttributesInfoNVX(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.perViewAttributes), from_vk(Bool, x.perViewAttributesPositionXOnly)) PhysicalDeviceImageViewMinLodFeaturesEXT(x::VkPhysicalDeviceImageViewMinLodFeaturesEXT, next_types::Type...) = PhysicalDeviceImageViewMinLodFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.minLod)) ImageViewMinLodCreateInfoEXT(x::VkImageViewMinLodCreateInfoEXT, next_types::Type...) = ImageViewMinLodCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.minLod) PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT(x::VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT, next_types::Type...) = PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.rasterizationOrderColorAttachmentAccess), from_vk(Bool, x.rasterizationOrderDepthAttachmentAccess), from_vk(Bool, x.rasterizationOrderStencilAttachmentAccess)) PhysicalDeviceLinearColorAttachmentFeaturesNV(x::VkPhysicalDeviceLinearColorAttachmentFeaturesNV, next_types::Type...) = PhysicalDeviceLinearColorAttachmentFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.linearColorAttachment)) PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT(x::VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT, next_types::Type...) = PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.graphicsPipelineLibrary)) PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT(x::VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT, next_types::Type...) = PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.graphicsPipelineLibraryFastLinking), from_vk(Bool, x.graphicsPipelineLibraryIndependentInterpolationDecoration)) GraphicsPipelineLibraryCreateInfoEXT(x::VkGraphicsPipelineLibraryCreateInfoEXT, next_types::Type...) = GraphicsPipelineLibraryCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.flags) PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE(x::VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE, next_types::Type...) = PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.descriptorSetHostMapping)) DescriptorSetBindingReferenceVALVE(x::VkDescriptorSetBindingReferenceVALVE, next_types::Type...) = DescriptorSetBindingReferenceVALVE(load_next_chain(x.pNext, next_types...), DescriptorSetLayout(x.descriptorSetLayout), x.binding) DescriptorSetLayoutHostMappingInfoVALVE(x::VkDescriptorSetLayoutHostMappingInfoVALVE, next_types::Type...) = DescriptorSetLayoutHostMappingInfoVALVE(load_next_chain(x.pNext, next_types...), x.descriptorOffset, x.descriptorSize) PhysicalDeviceShaderModuleIdentifierFeaturesEXT(x::VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT, next_types::Type...) = PhysicalDeviceShaderModuleIdentifierFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderModuleIdentifier)) PhysicalDeviceShaderModuleIdentifierPropertiesEXT(x::VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT, next_types::Type...) = PhysicalDeviceShaderModuleIdentifierPropertiesEXT(load_next_chain(x.pNext, next_types...), x.shaderModuleIdentifierAlgorithmUUID) PipelineShaderStageModuleIdentifierCreateInfoEXT(x::VkPipelineShaderStageModuleIdentifierCreateInfoEXT, next_types::Type...) = PipelineShaderStageModuleIdentifierCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.identifierSize, unsafe_wrap(Vector{UInt8}, x.pIdentifier, x.identifierSize; own = true)) ShaderModuleIdentifierEXT(x::VkShaderModuleIdentifierEXT, next_types::Type...) = ShaderModuleIdentifierEXT(load_next_chain(x.pNext, next_types...), x.identifierSize, x.identifier) ImageCompressionControlEXT(x::VkImageCompressionControlEXT, next_types::Type...) = ImageCompressionControlEXT(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{ImageCompressionFixedRateFlagEXT}, x.pFixedRateFlags, x.compressionControlPlaneCount; own = true)) PhysicalDeviceImageCompressionControlFeaturesEXT(x::VkPhysicalDeviceImageCompressionControlFeaturesEXT, next_types::Type...) = PhysicalDeviceImageCompressionControlFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.imageCompressionControl)) ImageCompressionPropertiesEXT(x::VkImageCompressionPropertiesEXT, next_types::Type...) = ImageCompressionPropertiesEXT(load_next_chain(x.pNext, next_types...), x.imageCompressionFlags, x.imageCompressionFixedRateFlags) PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT(x::VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT, next_types::Type...) = PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.imageCompressionControlSwapchain)) ImageSubresource2EXT(x::VkImageSubresource2EXT, next_types::Type...) = ImageSubresource2EXT(load_next_chain(x.pNext, next_types...), ImageSubresource(x.imageSubresource)) SubresourceLayout2EXT(x::VkSubresourceLayout2EXT, next_types::Type...) = SubresourceLayout2EXT(load_next_chain(x.pNext, next_types...), SubresourceLayout(x.subresourceLayout)) RenderPassCreationControlEXT(x::VkRenderPassCreationControlEXT, next_types::Type...) = RenderPassCreationControlEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.disallowMerging)) RenderPassCreationFeedbackInfoEXT(x::VkRenderPassCreationFeedbackInfoEXT) = RenderPassCreationFeedbackInfoEXT(x.postMergeSubpassCount) RenderPassCreationFeedbackCreateInfoEXT(x::VkRenderPassCreationFeedbackCreateInfoEXT, next_types::Type...) = RenderPassCreationFeedbackCreateInfoEXT(load_next_chain(x.pNext, next_types...), RenderPassCreationFeedbackInfoEXT(x.pRenderPassFeedback)) RenderPassSubpassFeedbackInfoEXT(x::VkRenderPassSubpassFeedbackInfoEXT) = RenderPassSubpassFeedbackInfoEXT(x.subpassMergeStatus, from_vk(String, x.description), x.postMergeIndex) RenderPassSubpassFeedbackCreateInfoEXT(x::VkRenderPassSubpassFeedbackCreateInfoEXT, next_types::Type...) = RenderPassSubpassFeedbackCreateInfoEXT(load_next_chain(x.pNext, next_types...), RenderPassSubpassFeedbackInfoEXT(x.pSubpassFeedback)) PhysicalDeviceSubpassMergeFeedbackFeaturesEXT(x::VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT, next_types::Type...) = PhysicalDeviceSubpassMergeFeedbackFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.subpassMergeFeedback)) MicromapBuildInfoEXT(x::VkMicromapBuildInfoEXT, next_types::Type...) = MicromapBuildInfoEXT(load_next_chain(x.pNext, next_types...), x.type, x.flags, x.mode, MicromapEXT(x.dstMicromap), unsafe_wrap(Vector{MicromapUsageEXT}, x.pUsageCounts, x.usageCountsCount; own = true), unsafe_wrap(Vector{MicromapUsageEXT}, x.ppUsageCounts, x.usageCountsCount; own = true), DeviceOrHostAddressConstKHR(x.data), DeviceOrHostAddressKHR(x.scratchData), DeviceOrHostAddressConstKHR(x.triangleArray), x.triangleArrayStride) MicromapCreateInfoEXT(x::VkMicromapCreateInfoEXT, next_types::Type...) = MicromapCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.createFlags, Buffer(x.buffer), x.offset, x.size, x.type, x.deviceAddress) MicromapVersionInfoEXT(x::VkMicromapVersionInfoEXT, next_types::Type...) = MicromapVersionInfoEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{UInt8}, x.pVersionData, 2VK_UUID_SIZE; own = true)) CopyMicromapInfoEXT(x::VkCopyMicromapInfoEXT, next_types::Type...) = CopyMicromapInfoEXT(load_next_chain(x.pNext, next_types...), MicromapEXT(x.src), MicromapEXT(x.dst), x.mode) CopyMicromapToMemoryInfoEXT(x::VkCopyMicromapToMemoryInfoEXT, next_types::Type...) = CopyMicromapToMemoryInfoEXT(load_next_chain(x.pNext, next_types...), MicromapEXT(x.src), DeviceOrHostAddressKHR(x.dst), x.mode) CopyMemoryToMicromapInfoEXT(x::VkCopyMemoryToMicromapInfoEXT, next_types::Type...) = CopyMemoryToMicromapInfoEXT(load_next_chain(x.pNext, next_types...), DeviceOrHostAddressConstKHR(x.src), MicromapEXT(x.dst), x.mode) MicromapBuildSizesInfoEXT(x::VkMicromapBuildSizesInfoEXT, next_types::Type...) = MicromapBuildSizesInfoEXT(load_next_chain(x.pNext, next_types...), x.micromapSize, x.buildScratchSize, from_vk(Bool, x.discardable)) MicromapUsageEXT(x::VkMicromapUsageEXT) = MicromapUsageEXT(x.count, x.subdivisionLevel, x.format) MicromapTriangleEXT(x::VkMicromapTriangleEXT) = MicromapTriangleEXT(x.dataOffset, x.subdivisionLevel, x.format) PhysicalDeviceOpacityMicromapFeaturesEXT(x::VkPhysicalDeviceOpacityMicromapFeaturesEXT, next_types::Type...) = PhysicalDeviceOpacityMicromapFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.micromap), from_vk(Bool, x.micromapCaptureReplay), from_vk(Bool, x.micromapHostCommands)) PhysicalDeviceOpacityMicromapPropertiesEXT(x::VkPhysicalDeviceOpacityMicromapPropertiesEXT, next_types::Type...) = PhysicalDeviceOpacityMicromapPropertiesEXT(load_next_chain(x.pNext, next_types...), x.maxOpacity2StateSubdivisionLevel, x.maxOpacity4StateSubdivisionLevel) AccelerationStructureTrianglesOpacityMicromapEXT(x::VkAccelerationStructureTrianglesOpacityMicromapEXT, next_types::Type...) = AccelerationStructureTrianglesOpacityMicromapEXT(load_next_chain(x.pNext, next_types...), x.indexType, DeviceOrHostAddressConstKHR(x.indexBuffer), x.indexStride, x.baseTriangle, unsafe_wrap(Vector{MicromapUsageEXT}, x.pUsageCounts, x.usageCountsCount; own = true), unsafe_wrap(Vector{MicromapUsageEXT}, x.ppUsageCounts, x.usageCountsCount; own = true), MicromapEXT(x.micromap)) PipelinePropertiesIdentifierEXT(x::VkPipelinePropertiesIdentifierEXT, next_types::Type...) = PipelinePropertiesIdentifierEXT(load_next_chain(x.pNext, next_types...), x.pipelineIdentifier) PhysicalDevicePipelinePropertiesFeaturesEXT(x::VkPhysicalDevicePipelinePropertiesFeaturesEXT, next_types::Type...) = PhysicalDevicePipelinePropertiesFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.pipelinePropertiesIdentifier)) PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD(x::VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD, next_types::Type...) = PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderEarlyAndLateFragmentTests)) PhysicalDeviceNonSeamlessCubeMapFeaturesEXT(x::VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT, next_types::Type...) = PhysicalDeviceNonSeamlessCubeMapFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.nonSeamlessCubeMap)) PhysicalDevicePipelineRobustnessFeaturesEXT(x::VkPhysicalDevicePipelineRobustnessFeaturesEXT, next_types::Type...) = PhysicalDevicePipelineRobustnessFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.pipelineRobustness)) PipelineRobustnessCreateInfoEXT(x::VkPipelineRobustnessCreateInfoEXT, next_types::Type...) = PipelineRobustnessCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.storageBuffers, x.uniformBuffers, x.vertexInputs, x.images) PhysicalDevicePipelineRobustnessPropertiesEXT(x::VkPhysicalDevicePipelineRobustnessPropertiesEXT, next_types::Type...) = PhysicalDevicePipelineRobustnessPropertiesEXT(load_next_chain(x.pNext, next_types...), x.defaultRobustnessStorageBuffers, x.defaultRobustnessUniformBuffers, x.defaultRobustnessVertexInputs, x.defaultRobustnessImages) ImageViewSampleWeightCreateInfoQCOM(x::VkImageViewSampleWeightCreateInfoQCOM, next_types::Type...) = ImageViewSampleWeightCreateInfoQCOM(load_next_chain(x.pNext, next_types...), Offset2D(x.filterCenter), Extent2D(x.filterSize), x.numPhases) PhysicalDeviceImageProcessingFeaturesQCOM(x::VkPhysicalDeviceImageProcessingFeaturesQCOM, next_types::Type...) = PhysicalDeviceImageProcessingFeaturesQCOM(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.textureSampleWeighted), from_vk(Bool, x.textureBoxFilter), from_vk(Bool, x.textureBlockMatch)) PhysicalDeviceImageProcessingPropertiesQCOM(x::VkPhysicalDeviceImageProcessingPropertiesQCOM, next_types::Type...) = PhysicalDeviceImageProcessingPropertiesQCOM(load_next_chain(x.pNext, next_types...), x.maxWeightFilterPhases, Extent2D(x.maxWeightFilterDimension), Extent2D(x.maxBlockMatchRegion), Extent2D(x.maxBoxFilterBlockSize)) PhysicalDeviceTilePropertiesFeaturesQCOM(x::VkPhysicalDeviceTilePropertiesFeaturesQCOM, next_types::Type...) = PhysicalDeviceTilePropertiesFeaturesQCOM(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.tileProperties)) TilePropertiesQCOM(x::VkTilePropertiesQCOM, next_types::Type...) = TilePropertiesQCOM(load_next_chain(x.pNext, next_types...), Extent3D(x.tileSize), Extent2D(x.apronSize), Offset2D(x.origin)) PhysicalDeviceAmigoProfilingFeaturesSEC(x::VkPhysicalDeviceAmigoProfilingFeaturesSEC, next_types::Type...) = PhysicalDeviceAmigoProfilingFeaturesSEC(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.amigoProfiling)) AmigoProfilingSubmitInfoSEC(x::VkAmigoProfilingSubmitInfoSEC, next_types::Type...) = AmigoProfilingSubmitInfoSEC(load_next_chain(x.pNext, next_types...), x.firstDrawTimestamp, x.swapBufferTimestamp) PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT(x::VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT, next_types::Type...) = PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.attachmentFeedbackLoopLayout)) PhysicalDeviceDepthClampZeroOneFeaturesEXT(x::VkPhysicalDeviceDepthClampZeroOneFeaturesEXT, next_types::Type...) = PhysicalDeviceDepthClampZeroOneFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.depthClampZeroOne)) PhysicalDeviceAddressBindingReportFeaturesEXT(x::VkPhysicalDeviceAddressBindingReportFeaturesEXT, next_types::Type...) = PhysicalDeviceAddressBindingReportFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.reportAddressBinding)) DeviceAddressBindingCallbackDataEXT(x::VkDeviceAddressBindingCallbackDataEXT, next_types::Type...) = DeviceAddressBindingCallbackDataEXT(load_next_chain(x.pNext, next_types...), x.flags, x.baseAddress, x.size, x.bindingType) PhysicalDeviceOpticalFlowFeaturesNV(x::VkPhysicalDeviceOpticalFlowFeaturesNV, next_types::Type...) = PhysicalDeviceOpticalFlowFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.opticalFlow)) PhysicalDeviceOpticalFlowPropertiesNV(x::VkPhysicalDeviceOpticalFlowPropertiesNV, next_types::Type...) = PhysicalDeviceOpticalFlowPropertiesNV(load_next_chain(x.pNext, next_types...), x.supportedOutputGridSizes, x.supportedHintGridSizes, from_vk(Bool, x.hintSupported), from_vk(Bool, x.costSupported), from_vk(Bool, x.bidirectionalFlowSupported), from_vk(Bool, x.globalFlowSupported), x.minWidth, x.minHeight, x.maxWidth, x.maxHeight, x.maxNumRegionsOfInterest) OpticalFlowImageFormatInfoNV(x::VkOpticalFlowImageFormatInfoNV, next_types::Type...) = OpticalFlowImageFormatInfoNV(load_next_chain(x.pNext, next_types...), x.usage) OpticalFlowImageFormatPropertiesNV(x::VkOpticalFlowImageFormatPropertiesNV, next_types::Type...) = OpticalFlowImageFormatPropertiesNV(load_next_chain(x.pNext, next_types...), x.format) OpticalFlowSessionCreateInfoNV(x::VkOpticalFlowSessionCreateInfoNV, next_types::Type...) = OpticalFlowSessionCreateInfoNV(load_next_chain(x.pNext, next_types...), x.width, x.height, x.imageFormat, x.flowVectorFormat, x.costFormat, x.outputGridSize, x.hintGridSize, x.performanceLevel, x.flags) OpticalFlowSessionCreatePrivateDataInfoNV(x::VkOpticalFlowSessionCreatePrivateDataInfoNV, next_types::Type...) = OpticalFlowSessionCreatePrivateDataInfoNV(load_next_chain(x.pNext, next_types...), x.id, x.size, x.pPrivateData) OpticalFlowExecuteInfoNV(x::VkOpticalFlowExecuteInfoNV, next_types::Type...) = OpticalFlowExecuteInfoNV(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{Rect2D}, x.pRegions, x.regionCount; own = true)) PhysicalDeviceFaultFeaturesEXT(x::VkPhysicalDeviceFaultFeaturesEXT, next_types::Type...) = PhysicalDeviceFaultFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.deviceFault), from_vk(Bool, x.deviceFaultVendorBinary)) DeviceFaultAddressInfoEXT(x::VkDeviceFaultAddressInfoEXT) = DeviceFaultAddressInfoEXT(x.addressType, x.reportedAddress, x.addressPrecision) DeviceFaultVendorInfoEXT(x::VkDeviceFaultVendorInfoEXT) = DeviceFaultVendorInfoEXT(from_vk(String, x.description), x.vendorFaultCode, x.vendorFaultData) DeviceFaultCountsEXT(x::VkDeviceFaultCountsEXT, next_types::Type...) = DeviceFaultCountsEXT(load_next_chain(x.pNext, next_types...), x.addressInfoCount, x.vendorInfoCount, x.vendorBinarySize) DeviceFaultInfoEXT(x::VkDeviceFaultInfoEXT, next_types::Type...) = DeviceFaultInfoEXT(load_next_chain(x.pNext, next_types...), from_vk(String, x.description), DeviceFaultAddressInfoEXT(x.pAddressInfos), DeviceFaultVendorInfoEXT(x.pVendorInfos), x.pVendorBinaryData) DeviceFaultVendorBinaryHeaderVersionOneEXT(x::VkDeviceFaultVendorBinaryHeaderVersionOneEXT) = DeviceFaultVendorBinaryHeaderVersionOneEXT(x.headerSize, x.headerVersion, x.vendorID, x.deviceID, from_vk(VersionNumber, x.driverVersion), x.pipelineCacheUUID, x.applicationNameOffset, from_vk(VersionNumber, x.applicationVersion), x.engineNameOffset) PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT(x::VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT, next_types::Type...) = PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.pipelineLibraryGroupHandles)) DecompressMemoryRegionNV(x::VkDecompressMemoryRegionNV) = DecompressMemoryRegionNV(x.srcAddress, x.dstAddress, x.compressedSize, x.decompressedSize, x.decompressionMethod) PhysicalDeviceShaderCoreBuiltinsPropertiesARM(x::VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM, next_types::Type...) = PhysicalDeviceShaderCoreBuiltinsPropertiesARM(load_next_chain(x.pNext, next_types...), x.shaderCoreMask, x.shaderCoreCount, x.shaderWarpsPerCore) PhysicalDeviceShaderCoreBuiltinsFeaturesARM(x::VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM, next_types::Type...) = PhysicalDeviceShaderCoreBuiltinsFeaturesARM(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderCoreBuiltins)) SurfacePresentModeEXT(x::VkSurfacePresentModeEXT, next_types::Type...) = SurfacePresentModeEXT(load_next_chain(x.pNext, next_types...), x.presentMode) SurfacePresentScalingCapabilitiesEXT(x::VkSurfacePresentScalingCapabilitiesEXT, next_types::Type...) = SurfacePresentScalingCapabilitiesEXT(load_next_chain(x.pNext, next_types...), x.supportedPresentScaling, x.supportedPresentGravityX, x.supportedPresentGravityY, Extent2D(x.minScaledImageExtent), Extent2D(x.maxScaledImageExtent)) SurfacePresentModeCompatibilityEXT(x::VkSurfacePresentModeCompatibilityEXT, next_types::Type...) = SurfacePresentModeCompatibilityEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{PresentModeKHR}, x.pPresentModes, x.presentModeCount; own = true)) PhysicalDeviceSwapchainMaintenance1FeaturesEXT(x::VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT, next_types::Type...) = PhysicalDeviceSwapchainMaintenance1FeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.swapchainMaintenance1)) SwapchainPresentFenceInfoEXT(x::VkSwapchainPresentFenceInfoEXT, next_types::Type...) = SwapchainPresentFenceInfoEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{Fence}, x.pFences, x.swapchainCount; own = true)) SwapchainPresentModesCreateInfoEXT(x::VkSwapchainPresentModesCreateInfoEXT, next_types::Type...) = SwapchainPresentModesCreateInfoEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{PresentModeKHR}, x.pPresentModes, x.presentModeCount; own = true)) SwapchainPresentModeInfoEXT(x::VkSwapchainPresentModeInfoEXT, next_types::Type...) = SwapchainPresentModeInfoEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{PresentModeKHR}, x.pPresentModes, x.swapchainCount; own = true)) SwapchainPresentScalingCreateInfoEXT(x::VkSwapchainPresentScalingCreateInfoEXT, next_types::Type...) = SwapchainPresentScalingCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.scalingBehavior, x.presentGravityX, x.presentGravityY) ReleaseSwapchainImagesInfoEXT(x::VkReleaseSwapchainImagesInfoEXT, next_types::Type...) = ReleaseSwapchainImagesInfoEXT(load_next_chain(x.pNext, next_types...), SwapchainKHR(x.swapchain), unsafe_wrap(Vector{UInt32}, x.pImageIndices, x.imageIndexCount; own = true)) PhysicalDeviceRayTracingInvocationReorderFeaturesNV(x::VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV, next_types::Type...) = PhysicalDeviceRayTracingInvocationReorderFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.rayTracingInvocationReorder)) PhysicalDeviceRayTracingInvocationReorderPropertiesNV(x::VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV, next_types::Type...) = PhysicalDeviceRayTracingInvocationReorderPropertiesNV(load_next_chain(x.pNext, next_types...), x.rayTracingInvocationReorderReorderingHint) DirectDriverLoadingInfoLUNARG(x::VkDirectDriverLoadingInfoLUNARG, next_types::Type...) = DirectDriverLoadingInfoLUNARG(load_next_chain(x.pNext, next_types...), x.flags, from_vk(FunctionPtr, x.pfnGetInstanceProcAddr)) DirectDriverLoadingListLUNARG(x::VkDirectDriverLoadingListLUNARG, next_types::Type...) = DirectDriverLoadingListLUNARG(load_next_chain(x.pNext, next_types...), x.mode, unsafe_wrap(Vector{DirectDriverLoadingInfoLUNARG}, x.pDrivers, x.driverCount; own = true)) PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM(x::VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM, next_types::Type...) = PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.multiviewPerViewViewports)) convert(T::Type{_BaseOutStructure}, x::BaseOutStructure) = T(x) convert(T::Type{_BaseInStructure}, x::BaseInStructure) = T(x) convert(T::Type{_Offset2D}, x::Offset2D) = T(x) convert(T::Type{_Offset3D}, x::Offset3D) = T(x) convert(T::Type{_Extent2D}, x::Extent2D) = T(x) convert(T::Type{_Extent3D}, x::Extent3D) = T(x) convert(T::Type{_Viewport}, x::Viewport) = T(x) convert(T::Type{_Rect2D}, x::Rect2D) = T(x) convert(T::Type{_ClearRect}, x::ClearRect) = T(x) convert(T::Type{_ComponentMapping}, x::ComponentMapping) = T(x) convert(T::Type{_PhysicalDeviceProperties}, x::PhysicalDeviceProperties) = T(x) convert(T::Type{_ExtensionProperties}, x::ExtensionProperties) = T(x) convert(T::Type{_LayerProperties}, x::LayerProperties) = T(x) convert(T::Type{_ApplicationInfo}, x::ApplicationInfo) = T(x) convert(T::Type{_AllocationCallbacks}, x::AllocationCallbacks) = T(x) convert(T::Type{_DeviceQueueCreateInfo}, x::DeviceQueueCreateInfo) = T(x) convert(T::Type{_DeviceCreateInfo}, x::DeviceCreateInfo) = T(x) convert(T::Type{_InstanceCreateInfo}, x::InstanceCreateInfo) = T(x) convert(T::Type{_QueueFamilyProperties}, x::QueueFamilyProperties) = T(x) convert(T::Type{_PhysicalDeviceMemoryProperties}, x::PhysicalDeviceMemoryProperties) = T(x) convert(T::Type{_MemoryAllocateInfo}, x::MemoryAllocateInfo) = T(x) convert(T::Type{_MemoryRequirements}, x::MemoryRequirements) = T(x) convert(T::Type{_SparseImageFormatProperties}, x::SparseImageFormatProperties) = T(x) convert(T::Type{_SparseImageMemoryRequirements}, x::SparseImageMemoryRequirements) = T(x) convert(T::Type{_MemoryType}, x::MemoryType) = T(x) convert(T::Type{_MemoryHeap}, x::MemoryHeap) = T(x) convert(T::Type{_MappedMemoryRange}, x::MappedMemoryRange) = T(x) convert(T::Type{_FormatProperties}, x::FormatProperties) = T(x) convert(T::Type{_ImageFormatProperties}, x::ImageFormatProperties) = T(x) convert(T::Type{_DescriptorBufferInfo}, x::DescriptorBufferInfo) = T(x) convert(T::Type{_DescriptorImageInfo}, x::DescriptorImageInfo) = T(x) convert(T::Type{_WriteDescriptorSet}, x::WriteDescriptorSet) = T(x) convert(T::Type{_CopyDescriptorSet}, x::CopyDescriptorSet) = T(x) convert(T::Type{_BufferCreateInfo}, x::BufferCreateInfo) = T(x) convert(T::Type{_BufferViewCreateInfo}, x::BufferViewCreateInfo) = T(x) convert(T::Type{_ImageSubresource}, x::ImageSubresource) = T(x) convert(T::Type{_ImageSubresourceLayers}, x::ImageSubresourceLayers) = T(x) convert(T::Type{_ImageSubresourceRange}, x::ImageSubresourceRange) = T(x) convert(T::Type{_MemoryBarrier}, x::MemoryBarrier) = T(x) convert(T::Type{_BufferMemoryBarrier}, x::BufferMemoryBarrier) = T(x) convert(T::Type{_ImageMemoryBarrier}, x::ImageMemoryBarrier) = T(x) convert(T::Type{_ImageCreateInfo}, x::ImageCreateInfo) = T(x) convert(T::Type{_SubresourceLayout}, x::SubresourceLayout) = T(x) convert(T::Type{_ImageViewCreateInfo}, x::ImageViewCreateInfo) = T(x) convert(T::Type{_BufferCopy}, x::BufferCopy) = T(x) convert(T::Type{_SparseMemoryBind}, x::SparseMemoryBind) = T(x) convert(T::Type{_SparseImageMemoryBind}, x::SparseImageMemoryBind) = T(x) convert(T::Type{_SparseBufferMemoryBindInfo}, x::SparseBufferMemoryBindInfo) = T(x) convert(T::Type{_SparseImageOpaqueMemoryBindInfo}, x::SparseImageOpaqueMemoryBindInfo) = T(x) convert(T::Type{_SparseImageMemoryBindInfo}, x::SparseImageMemoryBindInfo) = T(x) convert(T::Type{_BindSparseInfo}, x::BindSparseInfo) = T(x) convert(T::Type{_ImageCopy}, x::ImageCopy) = T(x) convert(T::Type{_ImageBlit}, x::ImageBlit) = T(x) convert(T::Type{_BufferImageCopy}, x::BufferImageCopy) = T(x) convert(T::Type{_CopyMemoryIndirectCommandNV}, x::CopyMemoryIndirectCommandNV) = T(x) convert(T::Type{_CopyMemoryToImageIndirectCommandNV}, x::CopyMemoryToImageIndirectCommandNV) = T(x) convert(T::Type{_ImageResolve}, x::ImageResolve) = T(x) convert(T::Type{_ShaderModuleCreateInfo}, x::ShaderModuleCreateInfo) = T(x) convert(T::Type{_DescriptorSetLayoutBinding}, x::DescriptorSetLayoutBinding) = T(x) convert(T::Type{_DescriptorSetLayoutCreateInfo}, x::DescriptorSetLayoutCreateInfo) = T(x) convert(T::Type{_DescriptorPoolSize}, x::DescriptorPoolSize) = T(x) convert(T::Type{_DescriptorPoolCreateInfo}, x::DescriptorPoolCreateInfo) = T(x) convert(T::Type{_DescriptorSetAllocateInfo}, x::DescriptorSetAllocateInfo) = T(x) convert(T::Type{_SpecializationMapEntry}, x::SpecializationMapEntry) = T(x) convert(T::Type{_SpecializationInfo}, x::SpecializationInfo) = T(x) convert(T::Type{_PipelineShaderStageCreateInfo}, x::PipelineShaderStageCreateInfo) = T(x) convert(T::Type{_ComputePipelineCreateInfo}, x::ComputePipelineCreateInfo) = T(x) convert(T::Type{_VertexInputBindingDescription}, x::VertexInputBindingDescription) = T(x) convert(T::Type{_VertexInputAttributeDescription}, x::VertexInputAttributeDescription) = T(x) convert(T::Type{_PipelineVertexInputStateCreateInfo}, x::PipelineVertexInputStateCreateInfo) = T(x) convert(T::Type{_PipelineInputAssemblyStateCreateInfo}, x::PipelineInputAssemblyStateCreateInfo) = T(x) convert(T::Type{_PipelineTessellationStateCreateInfo}, x::PipelineTessellationStateCreateInfo) = T(x) convert(T::Type{_PipelineViewportStateCreateInfo}, x::PipelineViewportStateCreateInfo) = T(x) convert(T::Type{_PipelineRasterizationStateCreateInfo}, x::PipelineRasterizationStateCreateInfo) = T(x) convert(T::Type{_PipelineMultisampleStateCreateInfo}, x::PipelineMultisampleStateCreateInfo) = T(x) convert(T::Type{_PipelineColorBlendAttachmentState}, x::PipelineColorBlendAttachmentState) = T(x) convert(T::Type{_PipelineColorBlendStateCreateInfo}, x::PipelineColorBlendStateCreateInfo) = T(x) convert(T::Type{_PipelineDynamicStateCreateInfo}, x::PipelineDynamicStateCreateInfo) = T(x) convert(T::Type{_StencilOpState}, x::StencilOpState) = T(x) convert(T::Type{_PipelineDepthStencilStateCreateInfo}, x::PipelineDepthStencilStateCreateInfo) = T(x) convert(T::Type{_GraphicsPipelineCreateInfo}, x::GraphicsPipelineCreateInfo) = T(x) convert(T::Type{_PipelineCacheCreateInfo}, x::PipelineCacheCreateInfo) = T(x) convert(T::Type{_PipelineCacheHeaderVersionOne}, x::PipelineCacheHeaderVersionOne) = T(x) convert(T::Type{_PushConstantRange}, x::PushConstantRange) = T(x) convert(T::Type{_PipelineLayoutCreateInfo}, x::PipelineLayoutCreateInfo) = T(x) convert(T::Type{_SamplerCreateInfo}, x::SamplerCreateInfo) = T(x) convert(T::Type{_CommandPoolCreateInfo}, x::CommandPoolCreateInfo) = T(x) convert(T::Type{_CommandBufferAllocateInfo}, x::CommandBufferAllocateInfo) = T(x) convert(T::Type{_CommandBufferInheritanceInfo}, x::CommandBufferInheritanceInfo) = T(x) convert(T::Type{_CommandBufferBeginInfo}, x::CommandBufferBeginInfo) = T(x) convert(T::Type{_RenderPassBeginInfo}, x::RenderPassBeginInfo) = T(x) convert(T::Type{_ClearDepthStencilValue}, x::ClearDepthStencilValue) = T(x) convert(T::Type{_ClearAttachment}, x::ClearAttachment) = T(x) convert(T::Type{_AttachmentDescription}, x::AttachmentDescription) = T(x) convert(T::Type{_AttachmentReference}, x::AttachmentReference) = T(x) convert(T::Type{_SubpassDescription}, x::SubpassDescription) = T(x) convert(T::Type{_SubpassDependency}, x::SubpassDependency) = T(x) convert(T::Type{_RenderPassCreateInfo}, x::RenderPassCreateInfo) = T(x) convert(T::Type{_EventCreateInfo}, x::EventCreateInfo) = T(x) convert(T::Type{_FenceCreateInfo}, x::FenceCreateInfo) = T(x) convert(T::Type{_PhysicalDeviceFeatures}, x::PhysicalDeviceFeatures) = T(x) convert(T::Type{_PhysicalDeviceSparseProperties}, x::PhysicalDeviceSparseProperties) = T(x) convert(T::Type{_PhysicalDeviceLimits}, x::PhysicalDeviceLimits) = T(x) convert(T::Type{_SemaphoreCreateInfo}, x::SemaphoreCreateInfo) = T(x) convert(T::Type{_QueryPoolCreateInfo}, x::QueryPoolCreateInfo) = T(x) convert(T::Type{_FramebufferCreateInfo}, x::FramebufferCreateInfo) = T(x) convert(T::Type{_DrawIndirectCommand}, x::DrawIndirectCommand) = T(x) convert(T::Type{_DrawIndexedIndirectCommand}, x::DrawIndexedIndirectCommand) = T(x) convert(T::Type{_DispatchIndirectCommand}, x::DispatchIndirectCommand) = T(x) convert(T::Type{_MultiDrawInfoEXT}, x::MultiDrawInfoEXT) = T(x) convert(T::Type{_MultiDrawIndexedInfoEXT}, x::MultiDrawIndexedInfoEXT) = T(x) convert(T::Type{_SubmitInfo}, x::SubmitInfo) = T(x) convert(T::Type{_DisplayPropertiesKHR}, x::DisplayPropertiesKHR) = T(x) convert(T::Type{_DisplayPlanePropertiesKHR}, x::DisplayPlanePropertiesKHR) = T(x) convert(T::Type{_DisplayModeParametersKHR}, x::DisplayModeParametersKHR) = T(x) convert(T::Type{_DisplayModePropertiesKHR}, x::DisplayModePropertiesKHR) = T(x) convert(T::Type{_DisplayModeCreateInfoKHR}, x::DisplayModeCreateInfoKHR) = T(x) convert(T::Type{_DisplayPlaneCapabilitiesKHR}, x::DisplayPlaneCapabilitiesKHR) = T(x) convert(T::Type{_DisplaySurfaceCreateInfoKHR}, x::DisplaySurfaceCreateInfoKHR) = T(x) convert(T::Type{_DisplayPresentInfoKHR}, x::DisplayPresentInfoKHR) = T(x) convert(T::Type{_SurfaceCapabilitiesKHR}, x::SurfaceCapabilitiesKHR) = T(x) convert(T::Type{_WaylandSurfaceCreateInfoKHR}, x::WaylandSurfaceCreateInfoKHR) = T(x) convert(T::Type{_XlibSurfaceCreateInfoKHR}, x::XlibSurfaceCreateInfoKHR) = T(x) convert(T::Type{_XcbSurfaceCreateInfoKHR}, x::XcbSurfaceCreateInfoKHR) = T(x) convert(T::Type{_SurfaceFormatKHR}, x::SurfaceFormatKHR) = T(x) convert(T::Type{_SwapchainCreateInfoKHR}, x::SwapchainCreateInfoKHR) = T(x) convert(T::Type{_PresentInfoKHR}, x::PresentInfoKHR) = T(x) convert(T::Type{_DebugReportCallbackCreateInfoEXT}, x::DebugReportCallbackCreateInfoEXT) = T(x) convert(T::Type{_ValidationFlagsEXT}, x::ValidationFlagsEXT) = T(x) convert(T::Type{_ValidationFeaturesEXT}, x::ValidationFeaturesEXT) = T(x) convert(T::Type{_PipelineRasterizationStateRasterizationOrderAMD}, x::PipelineRasterizationStateRasterizationOrderAMD) = T(x) convert(T::Type{_DebugMarkerObjectNameInfoEXT}, x::DebugMarkerObjectNameInfoEXT) = T(x) convert(T::Type{_DebugMarkerObjectTagInfoEXT}, x::DebugMarkerObjectTagInfoEXT) = T(x) convert(T::Type{_DebugMarkerMarkerInfoEXT}, x::DebugMarkerMarkerInfoEXT) = T(x) convert(T::Type{_DedicatedAllocationImageCreateInfoNV}, x::DedicatedAllocationImageCreateInfoNV) = T(x) convert(T::Type{_DedicatedAllocationBufferCreateInfoNV}, x::DedicatedAllocationBufferCreateInfoNV) = T(x) convert(T::Type{_DedicatedAllocationMemoryAllocateInfoNV}, x::DedicatedAllocationMemoryAllocateInfoNV) = T(x) convert(T::Type{_ExternalImageFormatPropertiesNV}, x::ExternalImageFormatPropertiesNV) = T(x) convert(T::Type{_ExternalMemoryImageCreateInfoNV}, x::ExternalMemoryImageCreateInfoNV) = T(x) convert(T::Type{_ExportMemoryAllocateInfoNV}, x::ExportMemoryAllocateInfoNV) = T(x) convert(T::Type{_PhysicalDeviceDeviceGeneratedCommandsFeaturesNV}, x::PhysicalDeviceDeviceGeneratedCommandsFeaturesNV) = T(x) convert(T::Type{_DevicePrivateDataCreateInfo}, x::DevicePrivateDataCreateInfo) = T(x) convert(T::Type{_PrivateDataSlotCreateInfo}, x::PrivateDataSlotCreateInfo) = T(x) convert(T::Type{_PhysicalDevicePrivateDataFeatures}, x::PhysicalDevicePrivateDataFeatures) = T(x) convert(T::Type{_PhysicalDeviceDeviceGeneratedCommandsPropertiesNV}, x::PhysicalDeviceDeviceGeneratedCommandsPropertiesNV) = T(x) convert(T::Type{_PhysicalDeviceMultiDrawPropertiesEXT}, x::PhysicalDeviceMultiDrawPropertiesEXT) = T(x) convert(T::Type{_GraphicsShaderGroupCreateInfoNV}, x::GraphicsShaderGroupCreateInfoNV) = T(x) convert(T::Type{_GraphicsPipelineShaderGroupsCreateInfoNV}, x::GraphicsPipelineShaderGroupsCreateInfoNV) = T(x) convert(T::Type{_BindShaderGroupIndirectCommandNV}, x::BindShaderGroupIndirectCommandNV) = T(x) convert(T::Type{_BindIndexBufferIndirectCommandNV}, x::BindIndexBufferIndirectCommandNV) = T(x) convert(T::Type{_BindVertexBufferIndirectCommandNV}, x::BindVertexBufferIndirectCommandNV) = T(x) convert(T::Type{_SetStateFlagsIndirectCommandNV}, x::SetStateFlagsIndirectCommandNV) = T(x) convert(T::Type{_IndirectCommandsStreamNV}, x::IndirectCommandsStreamNV) = T(x) convert(T::Type{_IndirectCommandsLayoutTokenNV}, x::IndirectCommandsLayoutTokenNV) = T(x) convert(T::Type{_IndirectCommandsLayoutCreateInfoNV}, x::IndirectCommandsLayoutCreateInfoNV) = T(x) convert(T::Type{_GeneratedCommandsInfoNV}, x::GeneratedCommandsInfoNV) = T(x) convert(T::Type{_GeneratedCommandsMemoryRequirementsInfoNV}, x::GeneratedCommandsMemoryRequirementsInfoNV) = T(x) convert(T::Type{_PhysicalDeviceFeatures2}, x::PhysicalDeviceFeatures2) = T(x) convert(T::Type{_PhysicalDeviceProperties2}, x::PhysicalDeviceProperties2) = T(x) convert(T::Type{_FormatProperties2}, x::FormatProperties2) = T(x) convert(T::Type{_ImageFormatProperties2}, x::ImageFormatProperties2) = T(x) convert(T::Type{_PhysicalDeviceImageFormatInfo2}, x::PhysicalDeviceImageFormatInfo2) = T(x) convert(T::Type{_QueueFamilyProperties2}, x::QueueFamilyProperties2) = T(x) convert(T::Type{_PhysicalDeviceMemoryProperties2}, x::PhysicalDeviceMemoryProperties2) = T(x) convert(T::Type{_SparseImageFormatProperties2}, x::SparseImageFormatProperties2) = T(x) convert(T::Type{_PhysicalDeviceSparseImageFormatInfo2}, x::PhysicalDeviceSparseImageFormatInfo2) = T(x) convert(T::Type{_PhysicalDevicePushDescriptorPropertiesKHR}, x::PhysicalDevicePushDescriptorPropertiesKHR) = T(x) convert(T::Type{_ConformanceVersion}, x::ConformanceVersion) = T(x) convert(T::Type{_PhysicalDeviceDriverProperties}, x::PhysicalDeviceDriverProperties) = T(x) convert(T::Type{_PresentRegionsKHR}, x::PresentRegionsKHR) = T(x) convert(T::Type{_PresentRegionKHR}, x::PresentRegionKHR) = T(x) convert(T::Type{_RectLayerKHR}, x::RectLayerKHR) = T(x) convert(T::Type{_PhysicalDeviceVariablePointersFeatures}, x::PhysicalDeviceVariablePointersFeatures) = T(x) convert(T::Type{_ExternalMemoryProperties}, x::ExternalMemoryProperties) = T(x) convert(T::Type{_PhysicalDeviceExternalImageFormatInfo}, x::PhysicalDeviceExternalImageFormatInfo) = T(x) convert(T::Type{_ExternalImageFormatProperties}, x::ExternalImageFormatProperties) = T(x) convert(T::Type{_PhysicalDeviceExternalBufferInfo}, x::PhysicalDeviceExternalBufferInfo) = T(x) convert(T::Type{_ExternalBufferProperties}, x::ExternalBufferProperties) = T(x) convert(T::Type{_PhysicalDeviceIDProperties}, x::PhysicalDeviceIDProperties) = T(x) convert(T::Type{_ExternalMemoryImageCreateInfo}, x::ExternalMemoryImageCreateInfo) = T(x) convert(T::Type{_ExternalMemoryBufferCreateInfo}, x::ExternalMemoryBufferCreateInfo) = T(x) convert(T::Type{_ExportMemoryAllocateInfo}, x::ExportMemoryAllocateInfo) = T(x) convert(T::Type{_ImportMemoryFdInfoKHR}, x::ImportMemoryFdInfoKHR) = T(x) convert(T::Type{_MemoryFdPropertiesKHR}, x::MemoryFdPropertiesKHR) = T(x) convert(T::Type{_MemoryGetFdInfoKHR}, x::MemoryGetFdInfoKHR) = T(x) convert(T::Type{_PhysicalDeviceExternalSemaphoreInfo}, x::PhysicalDeviceExternalSemaphoreInfo) = T(x) convert(T::Type{_ExternalSemaphoreProperties}, x::ExternalSemaphoreProperties) = T(x) convert(T::Type{_ExportSemaphoreCreateInfo}, x::ExportSemaphoreCreateInfo) = T(x) convert(T::Type{_ImportSemaphoreFdInfoKHR}, x::ImportSemaphoreFdInfoKHR) = T(x) convert(T::Type{_SemaphoreGetFdInfoKHR}, x::SemaphoreGetFdInfoKHR) = T(x) convert(T::Type{_PhysicalDeviceExternalFenceInfo}, x::PhysicalDeviceExternalFenceInfo) = T(x) convert(T::Type{_ExternalFenceProperties}, x::ExternalFenceProperties) = T(x) convert(T::Type{_ExportFenceCreateInfo}, x::ExportFenceCreateInfo) = T(x) convert(T::Type{_ImportFenceFdInfoKHR}, x::ImportFenceFdInfoKHR) = T(x) convert(T::Type{_FenceGetFdInfoKHR}, x::FenceGetFdInfoKHR) = T(x) convert(T::Type{_PhysicalDeviceMultiviewFeatures}, x::PhysicalDeviceMultiviewFeatures) = T(x) convert(T::Type{_PhysicalDeviceMultiviewProperties}, x::PhysicalDeviceMultiviewProperties) = T(x) convert(T::Type{_RenderPassMultiviewCreateInfo}, x::RenderPassMultiviewCreateInfo) = T(x) convert(T::Type{_SurfaceCapabilities2EXT}, x::SurfaceCapabilities2EXT) = T(x) convert(T::Type{_DisplayPowerInfoEXT}, x::DisplayPowerInfoEXT) = T(x) convert(T::Type{_DeviceEventInfoEXT}, x::DeviceEventInfoEXT) = T(x) convert(T::Type{_DisplayEventInfoEXT}, x::DisplayEventInfoEXT) = T(x) convert(T::Type{_SwapchainCounterCreateInfoEXT}, x::SwapchainCounterCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceGroupProperties}, x::PhysicalDeviceGroupProperties) = T(x) convert(T::Type{_MemoryAllocateFlagsInfo}, x::MemoryAllocateFlagsInfo) = T(x) convert(T::Type{_BindBufferMemoryInfo}, x::BindBufferMemoryInfo) = T(x) convert(T::Type{_BindBufferMemoryDeviceGroupInfo}, x::BindBufferMemoryDeviceGroupInfo) = T(x) convert(T::Type{_BindImageMemoryInfo}, x::BindImageMemoryInfo) = T(x) convert(T::Type{_BindImageMemoryDeviceGroupInfo}, x::BindImageMemoryDeviceGroupInfo) = T(x) convert(T::Type{_DeviceGroupRenderPassBeginInfo}, x::DeviceGroupRenderPassBeginInfo) = T(x) convert(T::Type{_DeviceGroupCommandBufferBeginInfo}, x::DeviceGroupCommandBufferBeginInfo) = T(x) convert(T::Type{_DeviceGroupSubmitInfo}, x::DeviceGroupSubmitInfo) = T(x) convert(T::Type{_DeviceGroupBindSparseInfo}, x::DeviceGroupBindSparseInfo) = T(x) convert(T::Type{_DeviceGroupPresentCapabilitiesKHR}, x::DeviceGroupPresentCapabilitiesKHR) = T(x) convert(T::Type{_ImageSwapchainCreateInfoKHR}, x::ImageSwapchainCreateInfoKHR) = T(x) convert(T::Type{_BindImageMemorySwapchainInfoKHR}, x::BindImageMemorySwapchainInfoKHR) = T(x) convert(T::Type{_AcquireNextImageInfoKHR}, x::AcquireNextImageInfoKHR) = T(x) convert(T::Type{_DeviceGroupPresentInfoKHR}, x::DeviceGroupPresentInfoKHR) = T(x) convert(T::Type{_DeviceGroupDeviceCreateInfo}, x::DeviceGroupDeviceCreateInfo) = T(x) convert(T::Type{_DeviceGroupSwapchainCreateInfoKHR}, x::DeviceGroupSwapchainCreateInfoKHR) = T(x) convert(T::Type{_DescriptorUpdateTemplateEntry}, x::DescriptorUpdateTemplateEntry) = T(x) convert(T::Type{_DescriptorUpdateTemplateCreateInfo}, x::DescriptorUpdateTemplateCreateInfo) = T(x) convert(T::Type{_XYColorEXT}, x::XYColorEXT) = T(x) convert(T::Type{_PhysicalDevicePresentIdFeaturesKHR}, x::PhysicalDevicePresentIdFeaturesKHR) = T(x) convert(T::Type{_PresentIdKHR}, x::PresentIdKHR) = T(x) convert(T::Type{_PhysicalDevicePresentWaitFeaturesKHR}, x::PhysicalDevicePresentWaitFeaturesKHR) = T(x) convert(T::Type{_HdrMetadataEXT}, x::HdrMetadataEXT) = T(x) convert(T::Type{_DisplayNativeHdrSurfaceCapabilitiesAMD}, x::DisplayNativeHdrSurfaceCapabilitiesAMD) = T(x) convert(T::Type{_SwapchainDisplayNativeHdrCreateInfoAMD}, x::SwapchainDisplayNativeHdrCreateInfoAMD) = T(x) convert(T::Type{_RefreshCycleDurationGOOGLE}, x::RefreshCycleDurationGOOGLE) = T(x) convert(T::Type{_PastPresentationTimingGOOGLE}, x::PastPresentationTimingGOOGLE) = T(x) convert(T::Type{_PresentTimesInfoGOOGLE}, x::PresentTimesInfoGOOGLE) = T(x) convert(T::Type{_PresentTimeGOOGLE}, x::PresentTimeGOOGLE) = T(x) convert(T::Type{_ViewportWScalingNV}, x::ViewportWScalingNV) = T(x) convert(T::Type{_PipelineViewportWScalingStateCreateInfoNV}, x::PipelineViewportWScalingStateCreateInfoNV) = T(x) convert(T::Type{_ViewportSwizzleNV}, x::ViewportSwizzleNV) = T(x) convert(T::Type{_PipelineViewportSwizzleStateCreateInfoNV}, x::PipelineViewportSwizzleStateCreateInfoNV) = T(x) convert(T::Type{_PhysicalDeviceDiscardRectanglePropertiesEXT}, x::PhysicalDeviceDiscardRectanglePropertiesEXT) = T(x) convert(T::Type{_PipelineDiscardRectangleStateCreateInfoEXT}, x::PipelineDiscardRectangleStateCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX}, x::PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX) = T(x) convert(T::Type{_InputAttachmentAspectReference}, x::InputAttachmentAspectReference) = T(x) convert(T::Type{_RenderPassInputAttachmentAspectCreateInfo}, x::RenderPassInputAttachmentAspectCreateInfo) = T(x) convert(T::Type{_PhysicalDeviceSurfaceInfo2KHR}, x::PhysicalDeviceSurfaceInfo2KHR) = T(x) convert(T::Type{_SurfaceCapabilities2KHR}, x::SurfaceCapabilities2KHR) = T(x) convert(T::Type{_SurfaceFormat2KHR}, x::SurfaceFormat2KHR) = T(x) convert(T::Type{_DisplayProperties2KHR}, x::DisplayProperties2KHR) = T(x) convert(T::Type{_DisplayPlaneProperties2KHR}, x::DisplayPlaneProperties2KHR) = T(x) convert(T::Type{_DisplayModeProperties2KHR}, x::DisplayModeProperties2KHR) = T(x) convert(T::Type{_DisplayPlaneInfo2KHR}, x::DisplayPlaneInfo2KHR) = T(x) convert(T::Type{_DisplayPlaneCapabilities2KHR}, x::DisplayPlaneCapabilities2KHR) = T(x) convert(T::Type{_SharedPresentSurfaceCapabilitiesKHR}, x::SharedPresentSurfaceCapabilitiesKHR) = T(x) convert(T::Type{_PhysicalDevice16BitStorageFeatures}, x::PhysicalDevice16BitStorageFeatures) = T(x) convert(T::Type{_PhysicalDeviceSubgroupProperties}, x::PhysicalDeviceSubgroupProperties) = T(x) convert(T::Type{_PhysicalDeviceShaderSubgroupExtendedTypesFeatures}, x::PhysicalDeviceShaderSubgroupExtendedTypesFeatures) = T(x) convert(T::Type{_BufferMemoryRequirementsInfo2}, x::BufferMemoryRequirementsInfo2) = T(x) convert(T::Type{_DeviceBufferMemoryRequirements}, x::DeviceBufferMemoryRequirements) = T(x) convert(T::Type{_ImageMemoryRequirementsInfo2}, x::ImageMemoryRequirementsInfo2) = T(x) convert(T::Type{_ImageSparseMemoryRequirementsInfo2}, x::ImageSparseMemoryRequirementsInfo2) = T(x) convert(T::Type{_DeviceImageMemoryRequirements}, x::DeviceImageMemoryRequirements) = T(x) convert(T::Type{_MemoryRequirements2}, x::MemoryRequirements2) = T(x) convert(T::Type{_SparseImageMemoryRequirements2}, x::SparseImageMemoryRequirements2) = T(x) convert(T::Type{_PhysicalDevicePointClippingProperties}, x::PhysicalDevicePointClippingProperties) = T(x) convert(T::Type{_MemoryDedicatedRequirements}, x::MemoryDedicatedRequirements) = T(x) convert(T::Type{_MemoryDedicatedAllocateInfo}, x::MemoryDedicatedAllocateInfo) = T(x) convert(T::Type{_ImageViewUsageCreateInfo}, x::ImageViewUsageCreateInfo) = T(x) convert(T::Type{_PipelineTessellationDomainOriginStateCreateInfo}, x::PipelineTessellationDomainOriginStateCreateInfo) = T(x) convert(T::Type{_SamplerYcbcrConversionInfo}, x::SamplerYcbcrConversionInfo) = T(x) convert(T::Type{_SamplerYcbcrConversionCreateInfo}, x::SamplerYcbcrConversionCreateInfo) = T(x) convert(T::Type{_BindImagePlaneMemoryInfo}, x::BindImagePlaneMemoryInfo) = T(x) convert(T::Type{_ImagePlaneMemoryRequirementsInfo}, x::ImagePlaneMemoryRequirementsInfo) = T(x) convert(T::Type{_PhysicalDeviceSamplerYcbcrConversionFeatures}, x::PhysicalDeviceSamplerYcbcrConversionFeatures) = T(x) convert(T::Type{_SamplerYcbcrConversionImageFormatProperties}, x::SamplerYcbcrConversionImageFormatProperties) = T(x) convert(T::Type{_TextureLODGatherFormatPropertiesAMD}, x::TextureLODGatherFormatPropertiesAMD) = T(x) convert(T::Type{_ConditionalRenderingBeginInfoEXT}, x::ConditionalRenderingBeginInfoEXT) = T(x) convert(T::Type{_ProtectedSubmitInfo}, x::ProtectedSubmitInfo) = T(x) convert(T::Type{_PhysicalDeviceProtectedMemoryFeatures}, x::PhysicalDeviceProtectedMemoryFeatures) = T(x) convert(T::Type{_PhysicalDeviceProtectedMemoryProperties}, x::PhysicalDeviceProtectedMemoryProperties) = T(x) convert(T::Type{_DeviceQueueInfo2}, x::DeviceQueueInfo2) = T(x) convert(T::Type{_PipelineCoverageToColorStateCreateInfoNV}, x::PipelineCoverageToColorStateCreateInfoNV) = T(x) convert(T::Type{_PhysicalDeviceSamplerFilterMinmaxProperties}, x::PhysicalDeviceSamplerFilterMinmaxProperties) = T(x) convert(T::Type{_SampleLocationEXT}, x::SampleLocationEXT) = T(x) convert(T::Type{_SampleLocationsInfoEXT}, x::SampleLocationsInfoEXT) = T(x) convert(T::Type{_AttachmentSampleLocationsEXT}, x::AttachmentSampleLocationsEXT) = T(x) convert(T::Type{_SubpassSampleLocationsEXT}, x::SubpassSampleLocationsEXT) = T(x) convert(T::Type{_RenderPassSampleLocationsBeginInfoEXT}, x::RenderPassSampleLocationsBeginInfoEXT) = T(x) convert(T::Type{_PipelineSampleLocationsStateCreateInfoEXT}, x::PipelineSampleLocationsStateCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceSampleLocationsPropertiesEXT}, x::PhysicalDeviceSampleLocationsPropertiesEXT) = T(x) convert(T::Type{_MultisamplePropertiesEXT}, x::MultisamplePropertiesEXT) = T(x) convert(T::Type{_SamplerReductionModeCreateInfo}, x::SamplerReductionModeCreateInfo) = T(x) convert(T::Type{_PhysicalDeviceBlendOperationAdvancedFeaturesEXT}, x::PhysicalDeviceBlendOperationAdvancedFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceMultiDrawFeaturesEXT}, x::PhysicalDeviceMultiDrawFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceBlendOperationAdvancedPropertiesEXT}, x::PhysicalDeviceBlendOperationAdvancedPropertiesEXT) = T(x) convert(T::Type{_PipelineColorBlendAdvancedStateCreateInfoEXT}, x::PipelineColorBlendAdvancedStateCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceInlineUniformBlockFeatures}, x::PhysicalDeviceInlineUniformBlockFeatures) = T(x) convert(T::Type{_PhysicalDeviceInlineUniformBlockProperties}, x::PhysicalDeviceInlineUniformBlockProperties) = T(x) convert(T::Type{_WriteDescriptorSetInlineUniformBlock}, x::WriteDescriptorSetInlineUniformBlock) = T(x) convert(T::Type{_DescriptorPoolInlineUniformBlockCreateInfo}, x::DescriptorPoolInlineUniformBlockCreateInfo) = T(x) convert(T::Type{_PipelineCoverageModulationStateCreateInfoNV}, x::PipelineCoverageModulationStateCreateInfoNV) = T(x) convert(T::Type{_ImageFormatListCreateInfo}, x::ImageFormatListCreateInfo) = T(x) convert(T::Type{_ValidationCacheCreateInfoEXT}, x::ValidationCacheCreateInfoEXT) = T(x) convert(T::Type{_ShaderModuleValidationCacheCreateInfoEXT}, x::ShaderModuleValidationCacheCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceMaintenance3Properties}, x::PhysicalDeviceMaintenance3Properties) = T(x) convert(T::Type{_PhysicalDeviceMaintenance4Features}, x::PhysicalDeviceMaintenance4Features) = T(x) convert(T::Type{_PhysicalDeviceMaintenance4Properties}, x::PhysicalDeviceMaintenance4Properties) = T(x) convert(T::Type{_DescriptorSetLayoutSupport}, x::DescriptorSetLayoutSupport) = T(x) convert(T::Type{_PhysicalDeviceShaderDrawParametersFeatures}, x::PhysicalDeviceShaderDrawParametersFeatures) = T(x) convert(T::Type{_PhysicalDeviceShaderFloat16Int8Features}, x::PhysicalDeviceShaderFloat16Int8Features) = T(x) convert(T::Type{_PhysicalDeviceFloatControlsProperties}, x::PhysicalDeviceFloatControlsProperties) = T(x) convert(T::Type{_PhysicalDeviceHostQueryResetFeatures}, x::PhysicalDeviceHostQueryResetFeatures) = T(x) convert(T::Type{_ShaderResourceUsageAMD}, x::ShaderResourceUsageAMD) = T(x) convert(T::Type{_ShaderStatisticsInfoAMD}, x::ShaderStatisticsInfoAMD) = T(x) convert(T::Type{_DeviceQueueGlobalPriorityCreateInfoKHR}, x::DeviceQueueGlobalPriorityCreateInfoKHR) = T(x) convert(T::Type{_PhysicalDeviceGlobalPriorityQueryFeaturesKHR}, x::PhysicalDeviceGlobalPriorityQueryFeaturesKHR) = T(x) convert(T::Type{_QueueFamilyGlobalPriorityPropertiesKHR}, x::QueueFamilyGlobalPriorityPropertiesKHR) = T(x) convert(T::Type{_DebugUtilsObjectNameInfoEXT}, x::DebugUtilsObjectNameInfoEXT) = T(x) convert(T::Type{_DebugUtilsObjectTagInfoEXT}, x::DebugUtilsObjectTagInfoEXT) = T(x) convert(T::Type{_DebugUtilsLabelEXT}, x::DebugUtilsLabelEXT) = T(x) convert(T::Type{_DebugUtilsMessengerCreateInfoEXT}, x::DebugUtilsMessengerCreateInfoEXT) = T(x) convert(T::Type{_DebugUtilsMessengerCallbackDataEXT}, x::DebugUtilsMessengerCallbackDataEXT) = T(x) convert(T::Type{_PhysicalDeviceDeviceMemoryReportFeaturesEXT}, x::PhysicalDeviceDeviceMemoryReportFeaturesEXT) = T(x) convert(T::Type{_DeviceDeviceMemoryReportCreateInfoEXT}, x::DeviceDeviceMemoryReportCreateInfoEXT) = T(x) convert(T::Type{_DeviceMemoryReportCallbackDataEXT}, x::DeviceMemoryReportCallbackDataEXT) = T(x) convert(T::Type{_ImportMemoryHostPointerInfoEXT}, x::ImportMemoryHostPointerInfoEXT) = T(x) convert(T::Type{_MemoryHostPointerPropertiesEXT}, x::MemoryHostPointerPropertiesEXT) = T(x) convert(T::Type{_PhysicalDeviceExternalMemoryHostPropertiesEXT}, x::PhysicalDeviceExternalMemoryHostPropertiesEXT) = T(x) convert(T::Type{_PhysicalDeviceConservativeRasterizationPropertiesEXT}, x::PhysicalDeviceConservativeRasterizationPropertiesEXT) = T(x) convert(T::Type{_CalibratedTimestampInfoEXT}, x::CalibratedTimestampInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceShaderCorePropertiesAMD}, x::PhysicalDeviceShaderCorePropertiesAMD) = T(x) convert(T::Type{_PhysicalDeviceShaderCoreProperties2AMD}, x::PhysicalDeviceShaderCoreProperties2AMD) = T(x) convert(T::Type{_PipelineRasterizationConservativeStateCreateInfoEXT}, x::PipelineRasterizationConservativeStateCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceDescriptorIndexingFeatures}, x::PhysicalDeviceDescriptorIndexingFeatures) = T(x) convert(T::Type{_PhysicalDeviceDescriptorIndexingProperties}, x::PhysicalDeviceDescriptorIndexingProperties) = T(x) convert(T::Type{_DescriptorSetLayoutBindingFlagsCreateInfo}, x::DescriptorSetLayoutBindingFlagsCreateInfo) = T(x) convert(T::Type{_DescriptorSetVariableDescriptorCountAllocateInfo}, x::DescriptorSetVariableDescriptorCountAllocateInfo) = T(x) convert(T::Type{_DescriptorSetVariableDescriptorCountLayoutSupport}, x::DescriptorSetVariableDescriptorCountLayoutSupport) = T(x) convert(T::Type{_AttachmentDescription2}, x::AttachmentDescription2) = T(x) convert(T::Type{_AttachmentReference2}, x::AttachmentReference2) = T(x) convert(T::Type{_SubpassDescription2}, x::SubpassDescription2) = T(x) convert(T::Type{_SubpassDependency2}, x::SubpassDependency2) = T(x) convert(T::Type{_RenderPassCreateInfo2}, x::RenderPassCreateInfo2) = T(x) convert(T::Type{_SubpassBeginInfo}, x::SubpassBeginInfo) = T(x) convert(T::Type{_SubpassEndInfo}, x::SubpassEndInfo) = T(x) convert(T::Type{_PhysicalDeviceTimelineSemaphoreFeatures}, x::PhysicalDeviceTimelineSemaphoreFeatures) = T(x) convert(T::Type{_PhysicalDeviceTimelineSemaphoreProperties}, x::PhysicalDeviceTimelineSemaphoreProperties) = T(x) convert(T::Type{_SemaphoreTypeCreateInfo}, x::SemaphoreTypeCreateInfo) = T(x) convert(T::Type{_TimelineSemaphoreSubmitInfo}, x::TimelineSemaphoreSubmitInfo) = T(x) convert(T::Type{_SemaphoreWaitInfo}, x::SemaphoreWaitInfo) = T(x) convert(T::Type{_SemaphoreSignalInfo}, x::SemaphoreSignalInfo) = T(x) convert(T::Type{_VertexInputBindingDivisorDescriptionEXT}, x::VertexInputBindingDivisorDescriptionEXT) = T(x) convert(T::Type{_PipelineVertexInputDivisorStateCreateInfoEXT}, x::PipelineVertexInputDivisorStateCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceVertexAttributeDivisorPropertiesEXT}, x::PhysicalDeviceVertexAttributeDivisorPropertiesEXT) = T(x) convert(T::Type{_PhysicalDevicePCIBusInfoPropertiesEXT}, x::PhysicalDevicePCIBusInfoPropertiesEXT) = T(x) convert(T::Type{_CommandBufferInheritanceConditionalRenderingInfoEXT}, x::CommandBufferInheritanceConditionalRenderingInfoEXT) = T(x) convert(T::Type{_PhysicalDevice8BitStorageFeatures}, x::PhysicalDevice8BitStorageFeatures) = T(x) convert(T::Type{_PhysicalDeviceConditionalRenderingFeaturesEXT}, x::PhysicalDeviceConditionalRenderingFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceVulkanMemoryModelFeatures}, x::PhysicalDeviceVulkanMemoryModelFeatures) = T(x) convert(T::Type{_PhysicalDeviceShaderAtomicInt64Features}, x::PhysicalDeviceShaderAtomicInt64Features) = T(x) convert(T::Type{_PhysicalDeviceShaderAtomicFloatFeaturesEXT}, x::PhysicalDeviceShaderAtomicFloatFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceShaderAtomicFloat2FeaturesEXT}, x::PhysicalDeviceShaderAtomicFloat2FeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceVertexAttributeDivisorFeaturesEXT}, x::PhysicalDeviceVertexAttributeDivisorFeaturesEXT) = T(x) convert(T::Type{_QueueFamilyCheckpointPropertiesNV}, x::QueueFamilyCheckpointPropertiesNV) = T(x) convert(T::Type{_CheckpointDataNV}, x::CheckpointDataNV) = T(x) convert(T::Type{_PhysicalDeviceDepthStencilResolveProperties}, x::PhysicalDeviceDepthStencilResolveProperties) = T(x) convert(T::Type{_SubpassDescriptionDepthStencilResolve}, x::SubpassDescriptionDepthStencilResolve) = T(x) convert(T::Type{_ImageViewASTCDecodeModeEXT}, x::ImageViewASTCDecodeModeEXT) = T(x) convert(T::Type{_PhysicalDeviceASTCDecodeFeaturesEXT}, x::PhysicalDeviceASTCDecodeFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceTransformFeedbackFeaturesEXT}, x::PhysicalDeviceTransformFeedbackFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceTransformFeedbackPropertiesEXT}, x::PhysicalDeviceTransformFeedbackPropertiesEXT) = T(x) convert(T::Type{_PipelineRasterizationStateStreamCreateInfoEXT}, x::PipelineRasterizationStateStreamCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceRepresentativeFragmentTestFeaturesNV}, x::PhysicalDeviceRepresentativeFragmentTestFeaturesNV) = T(x) convert(T::Type{_PipelineRepresentativeFragmentTestStateCreateInfoNV}, x::PipelineRepresentativeFragmentTestStateCreateInfoNV) = T(x) convert(T::Type{_PhysicalDeviceExclusiveScissorFeaturesNV}, x::PhysicalDeviceExclusiveScissorFeaturesNV) = T(x) convert(T::Type{_PipelineViewportExclusiveScissorStateCreateInfoNV}, x::PipelineViewportExclusiveScissorStateCreateInfoNV) = T(x) convert(T::Type{_PhysicalDeviceCornerSampledImageFeaturesNV}, x::PhysicalDeviceCornerSampledImageFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceComputeShaderDerivativesFeaturesNV}, x::PhysicalDeviceComputeShaderDerivativesFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceShaderImageFootprintFeaturesNV}, x::PhysicalDeviceShaderImageFootprintFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV}, x::PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceCopyMemoryIndirectFeaturesNV}, x::PhysicalDeviceCopyMemoryIndirectFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceCopyMemoryIndirectPropertiesNV}, x::PhysicalDeviceCopyMemoryIndirectPropertiesNV) = T(x) convert(T::Type{_PhysicalDeviceMemoryDecompressionFeaturesNV}, x::PhysicalDeviceMemoryDecompressionFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceMemoryDecompressionPropertiesNV}, x::PhysicalDeviceMemoryDecompressionPropertiesNV) = T(x) convert(T::Type{_ShadingRatePaletteNV}, x::ShadingRatePaletteNV) = T(x) convert(T::Type{_PipelineViewportShadingRateImageStateCreateInfoNV}, x::PipelineViewportShadingRateImageStateCreateInfoNV) = T(x) convert(T::Type{_PhysicalDeviceShadingRateImageFeaturesNV}, x::PhysicalDeviceShadingRateImageFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceShadingRateImagePropertiesNV}, x::PhysicalDeviceShadingRateImagePropertiesNV) = T(x) convert(T::Type{_PhysicalDeviceInvocationMaskFeaturesHUAWEI}, x::PhysicalDeviceInvocationMaskFeaturesHUAWEI) = T(x) convert(T::Type{_CoarseSampleLocationNV}, x::CoarseSampleLocationNV) = T(x) convert(T::Type{_CoarseSampleOrderCustomNV}, x::CoarseSampleOrderCustomNV) = T(x) convert(T::Type{_PipelineViewportCoarseSampleOrderStateCreateInfoNV}, x::PipelineViewportCoarseSampleOrderStateCreateInfoNV) = T(x) convert(T::Type{_PhysicalDeviceMeshShaderFeaturesNV}, x::PhysicalDeviceMeshShaderFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceMeshShaderPropertiesNV}, x::PhysicalDeviceMeshShaderPropertiesNV) = T(x) convert(T::Type{_DrawMeshTasksIndirectCommandNV}, x::DrawMeshTasksIndirectCommandNV) = T(x) convert(T::Type{_PhysicalDeviceMeshShaderFeaturesEXT}, x::PhysicalDeviceMeshShaderFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceMeshShaderPropertiesEXT}, x::PhysicalDeviceMeshShaderPropertiesEXT) = T(x) convert(T::Type{_DrawMeshTasksIndirectCommandEXT}, x::DrawMeshTasksIndirectCommandEXT) = T(x) convert(T::Type{_RayTracingShaderGroupCreateInfoNV}, x::RayTracingShaderGroupCreateInfoNV) = T(x) convert(T::Type{_RayTracingShaderGroupCreateInfoKHR}, x::RayTracingShaderGroupCreateInfoKHR) = T(x) convert(T::Type{_RayTracingPipelineCreateInfoNV}, x::RayTracingPipelineCreateInfoNV) = T(x) convert(T::Type{_RayTracingPipelineCreateInfoKHR}, x::RayTracingPipelineCreateInfoKHR) = T(x) convert(T::Type{_GeometryTrianglesNV}, x::GeometryTrianglesNV) = T(x) convert(T::Type{_GeometryAABBNV}, x::GeometryAABBNV) = T(x) convert(T::Type{_GeometryDataNV}, x::GeometryDataNV) = T(x) convert(T::Type{_GeometryNV}, x::GeometryNV) = T(x) convert(T::Type{_AccelerationStructureInfoNV}, x::AccelerationStructureInfoNV) = T(x) convert(T::Type{_AccelerationStructureCreateInfoNV}, x::AccelerationStructureCreateInfoNV) = T(x) convert(T::Type{_BindAccelerationStructureMemoryInfoNV}, x::BindAccelerationStructureMemoryInfoNV) = T(x) convert(T::Type{_WriteDescriptorSetAccelerationStructureKHR}, x::WriteDescriptorSetAccelerationStructureKHR) = T(x) convert(T::Type{_WriteDescriptorSetAccelerationStructureNV}, x::WriteDescriptorSetAccelerationStructureNV) = T(x) convert(T::Type{_AccelerationStructureMemoryRequirementsInfoNV}, x::AccelerationStructureMemoryRequirementsInfoNV) = T(x) convert(T::Type{_PhysicalDeviceAccelerationStructureFeaturesKHR}, x::PhysicalDeviceAccelerationStructureFeaturesKHR) = T(x) convert(T::Type{_PhysicalDeviceRayTracingPipelineFeaturesKHR}, x::PhysicalDeviceRayTracingPipelineFeaturesKHR) = T(x) convert(T::Type{_PhysicalDeviceRayQueryFeaturesKHR}, x::PhysicalDeviceRayQueryFeaturesKHR) = T(x) convert(T::Type{_PhysicalDeviceAccelerationStructurePropertiesKHR}, x::PhysicalDeviceAccelerationStructurePropertiesKHR) = T(x) convert(T::Type{_PhysicalDeviceRayTracingPipelinePropertiesKHR}, x::PhysicalDeviceRayTracingPipelinePropertiesKHR) = T(x) convert(T::Type{_PhysicalDeviceRayTracingPropertiesNV}, x::PhysicalDeviceRayTracingPropertiesNV) = T(x) convert(T::Type{_StridedDeviceAddressRegionKHR}, x::StridedDeviceAddressRegionKHR) = T(x) convert(T::Type{_TraceRaysIndirectCommandKHR}, x::TraceRaysIndirectCommandKHR) = T(x) convert(T::Type{_TraceRaysIndirectCommand2KHR}, x::TraceRaysIndirectCommand2KHR) = T(x) convert(T::Type{_PhysicalDeviceRayTracingMaintenance1FeaturesKHR}, x::PhysicalDeviceRayTracingMaintenance1FeaturesKHR) = T(x) convert(T::Type{_DrmFormatModifierPropertiesListEXT}, x::DrmFormatModifierPropertiesListEXT) = T(x) convert(T::Type{_DrmFormatModifierPropertiesEXT}, x::DrmFormatModifierPropertiesEXT) = T(x) convert(T::Type{_PhysicalDeviceImageDrmFormatModifierInfoEXT}, x::PhysicalDeviceImageDrmFormatModifierInfoEXT) = T(x) convert(T::Type{_ImageDrmFormatModifierListCreateInfoEXT}, x::ImageDrmFormatModifierListCreateInfoEXT) = T(x) convert(T::Type{_ImageDrmFormatModifierExplicitCreateInfoEXT}, x::ImageDrmFormatModifierExplicitCreateInfoEXT) = T(x) convert(T::Type{_ImageDrmFormatModifierPropertiesEXT}, x::ImageDrmFormatModifierPropertiesEXT) = T(x) convert(T::Type{_ImageStencilUsageCreateInfo}, x::ImageStencilUsageCreateInfo) = T(x) convert(T::Type{_DeviceMemoryOverallocationCreateInfoAMD}, x::DeviceMemoryOverallocationCreateInfoAMD) = T(x) convert(T::Type{_PhysicalDeviceFragmentDensityMapFeaturesEXT}, x::PhysicalDeviceFragmentDensityMapFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceFragmentDensityMap2FeaturesEXT}, x::PhysicalDeviceFragmentDensityMap2FeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM}, x::PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM) = T(x) convert(T::Type{_PhysicalDeviceFragmentDensityMapPropertiesEXT}, x::PhysicalDeviceFragmentDensityMapPropertiesEXT) = T(x) convert(T::Type{_PhysicalDeviceFragmentDensityMap2PropertiesEXT}, x::PhysicalDeviceFragmentDensityMap2PropertiesEXT) = T(x) convert(T::Type{_PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM}, x::PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM) = T(x) convert(T::Type{_RenderPassFragmentDensityMapCreateInfoEXT}, x::RenderPassFragmentDensityMapCreateInfoEXT) = T(x) convert(T::Type{_SubpassFragmentDensityMapOffsetEndInfoQCOM}, x::SubpassFragmentDensityMapOffsetEndInfoQCOM) = T(x) convert(T::Type{_PhysicalDeviceScalarBlockLayoutFeatures}, x::PhysicalDeviceScalarBlockLayoutFeatures) = T(x) convert(T::Type{_SurfaceProtectedCapabilitiesKHR}, x::SurfaceProtectedCapabilitiesKHR) = T(x) convert(T::Type{_PhysicalDeviceUniformBufferStandardLayoutFeatures}, x::PhysicalDeviceUniformBufferStandardLayoutFeatures) = T(x) convert(T::Type{_PhysicalDeviceDepthClipEnableFeaturesEXT}, x::PhysicalDeviceDepthClipEnableFeaturesEXT) = T(x) convert(T::Type{_PipelineRasterizationDepthClipStateCreateInfoEXT}, x::PipelineRasterizationDepthClipStateCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceMemoryBudgetPropertiesEXT}, x::PhysicalDeviceMemoryBudgetPropertiesEXT) = T(x) convert(T::Type{_PhysicalDeviceMemoryPriorityFeaturesEXT}, x::PhysicalDeviceMemoryPriorityFeaturesEXT) = T(x) convert(T::Type{_MemoryPriorityAllocateInfoEXT}, x::MemoryPriorityAllocateInfoEXT) = T(x) convert(T::Type{_PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT}, x::PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceBufferDeviceAddressFeatures}, x::PhysicalDeviceBufferDeviceAddressFeatures) = T(x) convert(T::Type{_PhysicalDeviceBufferDeviceAddressFeaturesEXT}, x::PhysicalDeviceBufferDeviceAddressFeaturesEXT) = T(x) convert(T::Type{_BufferDeviceAddressInfo}, x::BufferDeviceAddressInfo) = T(x) convert(T::Type{_BufferOpaqueCaptureAddressCreateInfo}, x::BufferOpaqueCaptureAddressCreateInfo) = T(x) convert(T::Type{_BufferDeviceAddressCreateInfoEXT}, x::BufferDeviceAddressCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceImageViewImageFormatInfoEXT}, x::PhysicalDeviceImageViewImageFormatInfoEXT) = T(x) convert(T::Type{_FilterCubicImageViewImageFormatPropertiesEXT}, x::FilterCubicImageViewImageFormatPropertiesEXT) = T(x) convert(T::Type{_PhysicalDeviceImagelessFramebufferFeatures}, x::PhysicalDeviceImagelessFramebufferFeatures) = T(x) convert(T::Type{_FramebufferAttachmentsCreateInfo}, x::FramebufferAttachmentsCreateInfo) = T(x) convert(T::Type{_FramebufferAttachmentImageInfo}, x::FramebufferAttachmentImageInfo) = T(x) convert(T::Type{_RenderPassAttachmentBeginInfo}, x::RenderPassAttachmentBeginInfo) = T(x) convert(T::Type{_PhysicalDeviceTextureCompressionASTCHDRFeatures}, x::PhysicalDeviceTextureCompressionASTCHDRFeatures) = T(x) convert(T::Type{_PhysicalDeviceCooperativeMatrixFeaturesNV}, x::PhysicalDeviceCooperativeMatrixFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceCooperativeMatrixPropertiesNV}, x::PhysicalDeviceCooperativeMatrixPropertiesNV) = T(x) convert(T::Type{_CooperativeMatrixPropertiesNV}, x::CooperativeMatrixPropertiesNV) = T(x) convert(T::Type{_PhysicalDeviceYcbcrImageArraysFeaturesEXT}, x::PhysicalDeviceYcbcrImageArraysFeaturesEXT) = T(x) convert(T::Type{_ImageViewHandleInfoNVX}, x::ImageViewHandleInfoNVX) = T(x) convert(T::Type{_ImageViewAddressPropertiesNVX}, x::ImageViewAddressPropertiesNVX) = T(x) convert(T::Type{_PipelineCreationFeedback}, x::PipelineCreationFeedback) = T(x) convert(T::Type{_PipelineCreationFeedbackCreateInfo}, x::PipelineCreationFeedbackCreateInfo) = T(x) convert(T::Type{_PhysicalDevicePresentBarrierFeaturesNV}, x::PhysicalDevicePresentBarrierFeaturesNV) = T(x) convert(T::Type{_SurfaceCapabilitiesPresentBarrierNV}, x::SurfaceCapabilitiesPresentBarrierNV) = T(x) convert(T::Type{_SwapchainPresentBarrierCreateInfoNV}, x::SwapchainPresentBarrierCreateInfoNV) = T(x) convert(T::Type{_PhysicalDevicePerformanceQueryFeaturesKHR}, x::PhysicalDevicePerformanceQueryFeaturesKHR) = T(x) convert(T::Type{_PhysicalDevicePerformanceQueryPropertiesKHR}, x::PhysicalDevicePerformanceQueryPropertiesKHR) = T(x) convert(T::Type{_PerformanceCounterKHR}, x::PerformanceCounterKHR) = T(x) convert(T::Type{_PerformanceCounterDescriptionKHR}, x::PerformanceCounterDescriptionKHR) = T(x) convert(T::Type{_QueryPoolPerformanceCreateInfoKHR}, x::QueryPoolPerformanceCreateInfoKHR) = T(x) convert(T::Type{_AcquireProfilingLockInfoKHR}, x::AcquireProfilingLockInfoKHR) = T(x) convert(T::Type{_PerformanceQuerySubmitInfoKHR}, x::PerformanceQuerySubmitInfoKHR) = T(x) convert(T::Type{_HeadlessSurfaceCreateInfoEXT}, x::HeadlessSurfaceCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceCoverageReductionModeFeaturesNV}, x::PhysicalDeviceCoverageReductionModeFeaturesNV) = T(x) convert(T::Type{_PipelineCoverageReductionStateCreateInfoNV}, x::PipelineCoverageReductionStateCreateInfoNV) = T(x) convert(T::Type{_FramebufferMixedSamplesCombinationNV}, x::FramebufferMixedSamplesCombinationNV) = T(x) convert(T::Type{_PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL}, x::PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL) = T(x) convert(T::Type{_PerformanceValueINTEL}, x::PerformanceValueINTEL) = T(x) convert(T::Type{_InitializePerformanceApiInfoINTEL}, x::InitializePerformanceApiInfoINTEL) = T(x) convert(T::Type{_QueryPoolPerformanceQueryCreateInfoINTEL}, x::QueryPoolPerformanceQueryCreateInfoINTEL) = T(x) convert(T::Type{_PerformanceMarkerInfoINTEL}, x::PerformanceMarkerInfoINTEL) = T(x) convert(T::Type{_PerformanceStreamMarkerInfoINTEL}, x::PerformanceStreamMarkerInfoINTEL) = T(x) convert(T::Type{_PerformanceOverrideInfoINTEL}, x::PerformanceOverrideInfoINTEL) = T(x) convert(T::Type{_PerformanceConfigurationAcquireInfoINTEL}, x::PerformanceConfigurationAcquireInfoINTEL) = T(x) convert(T::Type{_PhysicalDeviceShaderClockFeaturesKHR}, x::PhysicalDeviceShaderClockFeaturesKHR) = T(x) convert(T::Type{_PhysicalDeviceIndexTypeUint8FeaturesEXT}, x::PhysicalDeviceIndexTypeUint8FeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceShaderSMBuiltinsPropertiesNV}, x::PhysicalDeviceShaderSMBuiltinsPropertiesNV) = T(x) convert(T::Type{_PhysicalDeviceShaderSMBuiltinsFeaturesNV}, x::PhysicalDeviceShaderSMBuiltinsFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceFragmentShaderInterlockFeaturesEXT}, x::PhysicalDeviceFragmentShaderInterlockFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceSeparateDepthStencilLayoutsFeatures}, x::PhysicalDeviceSeparateDepthStencilLayoutsFeatures) = T(x) convert(T::Type{_AttachmentReferenceStencilLayout}, x::AttachmentReferenceStencilLayout) = T(x) convert(T::Type{_PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT}, x::PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT) = T(x) convert(T::Type{_AttachmentDescriptionStencilLayout}, x::AttachmentDescriptionStencilLayout) = T(x) convert(T::Type{_PhysicalDevicePipelineExecutablePropertiesFeaturesKHR}, x::PhysicalDevicePipelineExecutablePropertiesFeaturesKHR) = T(x) convert(T::Type{_PipelineInfoKHR}, x::PipelineInfoKHR) = T(x) convert(T::Type{_PipelineExecutablePropertiesKHR}, x::PipelineExecutablePropertiesKHR) = T(x) convert(T::Type{_PipelineExecutableInfoKHR}, x::PipelineExecutableInfoKHR) = T(x) convert(T::Type{_PipelineExecutableStatisticKHR}, x::PipelineExecutableStatisticKHR) = T(x) convert(T::Type{_PipelineExecutableInternalRepresentationKHR}, x::PipelineExecutableInternalRepresentationKHR) = T(x) convert(T::Type{_PhysicalDeviceShaderDemoteToHelperInvocationFeatures}, x::PhysicalDeviceShaderDemoteToHelperInvocationFeatures) = T(x) convert(T::Type{_PhysicalDeviceTexelBufferAlignmentFeaturesEXT}, x::PhysicalDeviceTexelBufferAlignmentFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceTexelBufferAlignmentProperties}, x::PhysicalDeviceTexelBufferAlignmentProperties) = T(x) convert(T::Type{_PhysicalDeviceSubgroupSizeControlFeatures}, x::PhysicalDeviceSubgroupSizeControlFeatures) = T(x) convert(T::Type{_PhysicalDeviceSubgroupSizeControlProperties}, x::PhysicalDeviceSubgroupSizeControlProperties) = T(x) convert(T::Type{_PipelineShaderStageRequiredSubgroupSizeCreateInfo}, x::PipelineShaderStageRequiredSubgroupSizeCreateInfo) = T(x) convert(T::Type{_SubpassShadingPipelineCreateInfoHUAWEI}, x::SubpassShadingPipelineCreateInfoHUAWEI) = T(x) convert(T::Type{_PhysicalDeviceSubpassShadingPropertiesHUAWEI}, x::PhysicalDeviceSubpassShadingPropertiesHUAWEI) = T(x) convert(T::Type{_PhysicalDeviceClusterCullingShaderPropertiesHUAWEI}, x::PhysicalDeviceClusterCullingShaderPropertiesHUAWEI) = T(x) convert(T::Type{_MemoryOpaqueCaptureAddressAllocateInfo}, x::MemoryOpaqueCaptureAddressAllocateInfo) = T(x) convert(T::Type{_DeviceMemoryOpaqueCaptureAddressInfo}, x::DeviceMemoryOpaqueCaptureAddressInfo) = T(x) convert(T::Type{_PhysicalDeviceLineRasterizationFeaturesEXT}, x::PhysicalDeviceLineRasterizationFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceLineRasterizationPropertiesEXT}, x::PhysicalDeviceLineRasterizationPropertiesEXT) = T(x) convert(T::Type{_PipelineRasterizationLineStateCreateInfoEXT}, x::PipelineRasterizationLineStateCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDevicePipelineCreationCacheControlFeatures}, x::PhysicalDevicePipelineCreationCacheControlFeatures) = T(x) convert(T::Type{_PhysicalDeviceVulkan11Features}, x::PhysicalDeviceVulkan11Features) = T(x) convert(T::Type{_PhysicalDeviceVulkan11Properties}, x::PhysicalDeviceVulkan11Properties) = T(x) convert(T::Type{_PhysicalDeviceVulkan12Features}, x::PhysicalDeviceVulkan12Features) = T(x) convert(T::Type{_PhysicalDeviceVulkan12Properties}, x::PhysicalDeviceVulkan12Properties) = T(x) convert(T::Type{_PhysicalDeviceVulkan13Features}, x::PhysicalDeviceVulkan13Features) = T(x) convert(T::Type{_PhysicalDeviceVulkan13Properties}, x::PhysicalDeviceVulkan13Properties) = T(x) convert(T::Type{_PipelineCompilerControlCreateInfoAMD}, x::PipelineCompilerControlCreateInfoAMD) = T(x) convert(T::Type{_PhysicalDeviceCoherentMemoryFeaturesAMD}, x::PhysicalDeviceCoherentMemoryFeaturesAMD) = T(x) convert(T::Type{_PhysicalDeviceToolProperties}, x::PhysicalDeviceToolProperties) = T(x) convert(T::Type{_SamplerCustomBorderColorCreateInfoEXT}, x::SamplerCustomBorderColorCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceCustomBorderColorPropertiesEXT}, x::PhysicalDeviceCustomBorderColorPropertiesEXT) = T(x) convert(T::Type{_PhysicalDeviceCustomBorderColorFeaturesEXT}, x::PhysicalDeviceCustomBorderColorFeaturesEXT) = T(x) convert(T::Type{_SamplerBorderColorComponentMappingCreateInfoEXT}, x::SamplerBorderColorComponentMappingCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceBorderColorSwizzleFeaturesEXT}, x::PhysicalDeviceBorderColorSwizzleFeaturesEXT) = T(x) convert(T::Type{_AccelerationStructureGeometryTrianglesDataKHR}, x::AccelerationStructureGeometryTrianglesDataKHR) = T(x) convert(T::Type{_AccelerationStructureGeometryAabbsDataKHR}, x::AccelerationStructureGeometryAabbsDataKHR) = T(x) convert(T::Type{_AccelerationStructureGeometryInstancesDataKHR}, x::AccelerationStructureGeometryInstancesDataKHR) = T(x) convert(T::Type{_AccelerationStructureGeometryKHR}, x::AccelerationStructureGeometryKHR) = T(x) convert(T::Type{_AccelerationStructureBuildGeometryInfoKHR}, x::AccelerationStructureBuildGeometryInfoKHR) = T(x) convert(T::Type{_AccelerationStructureBuildRangeInfoKHR}, x::AccelerationStructureBuildRangeInfoKHR) = T(x) convert(T::Type{_AccelerationStructureCreateInfoKHR}, x::AccelerationStructureCreateInfoKHR) = T(x) convert(T::Type{_AabbPositionsKHR}, x::AabbPositionsKHR) = T(x) convert(T::Type{_TransformMatrixKHR}, x::TransformMatrixKHR) = T(x) convert(T::Type{_AccelerationStructureInstanceKHR}, x::AccelerationStructureInstanceKHR) = T(x) convert(T::Type{_AccelerationStructureDeviceAddressInfoKHR}, x::AccelerationStructureDeviceAddressInfoKHR) = T(x) convert(T::Type{_AccelerationStructureVersionInfoKHR}, x::AccelerationStructureVersionInfoKHR) = T(x) convert(T::Type{_CopyAccelerationStructureInfoKHR}, x::CopyAccelerationStructureInfoKHR) = T(x) convert(T::Type{_CopyAccelerationStructureToMemoryInfoKHR}, x::CopyAccelerationStructureToMemoryInfoKHR) = T(x) convert(T::Type{_CopyMemoryToAccelerationStructureInfoKHR}, x::CopyMemoryToAccelerationStructureInfoKHR) = T(x) convert(T::Type{_RayTracingPipelineInterfaceCreateInfoKHR}, x::RayTracingPipelineInterfaceCreateInfoKHR) = T(x) convert(T::Type{_PipelineLibraryCreateInfoKHR}, x::PipelineLibraryCreateInfoKHR) = T(x) convert(T::Type{_PhysicalDeviceExtendedDynamicStateFeaturesEXT}, x::PhysicalDeviceExtendedDynamicStateFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceExtendedDynamicState2FeaturesEXT}, x::PhysicalDeviceExtendedDynamicState2FeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceExtendedDynamicState3FeaturesEXT}, x::PhysicalDeviceExtendedDynamicState3FeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceExtendedDynamicState3PropertiesEXT}, x::PhysicalDeviceExtendedDynamicState3PropertiesEXT) = T(x) convert(T::Type{_ColorBlendEquationEXT}, x::ColorBlendEquationEXT) = T(x) convert(T::Type{_ColorBlendAdvancedEXT}, x::ColorBlendAdvancedEXT) = T(x) convert(T::Type{_RenderPassTransformBeginInfoQCOM}, x::RenderPassTransformBeginInfoQCOM) = T(x) convert(T::Type{_CopyCommandTransformInfoQCOM}, x::CopyCommandTransformInfoQCOM) = T(x) convert(T::Type{_CommandBufferInheritanceRenderPassTransformInfoQCOM}, x::CommandBufferInheritanceRenderPassTransformInfoQCOM) = T(x) convert(T::Type{_PhysicalDeviceDiagnosticsConfigFeaturesNV}, x::PhysicalDeviceDiagnosticsConfigFeaturesNV) = T(x) convert(T::Type{_DeviceDiagnosticsConfigCreateInfoNV}, x::DeviceDiagnosticsConfigCreateInfoNV) = T(x) convert(T::Type{_PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures}, x::PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures) = T(x) convert(T::Type{_PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR}, x::PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR) = T(x) convert(T::Type{_PhysicalDeviceRobustness2FeaturesEXT}, x::PhysicalDeviceRobustness2FeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceRobustness2PropertiesEXT}, x::PhysicalDeviceRobustness2PropertiesEXT) = T(x) convert(T::Type{_PhysicalDeviceImageRobustnessFeatures}, x::PhysicalDeviceImageRobustnessFeatures) = T(x) convert(T::Type{_PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR}, x::PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR) = T(x) convert(T::Type{_PhysicalDevice4444FormatsFeaturesEXT}, x::PhysicalDevice4444FormatsFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceSubpassShadingFeaturesHUAWEI}, x::PhysicalDeviceSubpassShadingFeaturesHUAWEI) = T(x) convert(T::Type{_PhysicalDeviceClusterCullingShaderFeaturesHUAWEI}, x::PhysicalDeviceClusterCullingShaderFeaturesHUAWEI) = T(x) convert(T::Type{_BufferCopy2}, x::BufferCopy2) = T(x) convert(T::Type{_ImageCopy2}, x::ImageCopy2) = T(x) convert(T::Type{_ImageBlit2}, x::ImageBlit2) = T(x) convert(T::Type{_BufferImageCopy2}, x::BufferImageCopy2) = T(x) convert(T::Type{_ImageResolve2}, x::ImageResolve2) = T(x) convert(T::Type{_CopyBufferInfo2}, x::CopyBufferInfo2) = T(x) convert(T::Type{_CopyImageInfo2}, x::CopyImageInfo2) = T(x) convert(T::Type{_BlitImageInfo2}, x::BlitImageInfo2) = T(x) convert(T::Type{_CopyBufferToImageInfo2}, x::CopyBufferToImageInfo2) = T(x) convert(T::Type{_CopyImageToBufferInfo2}, x::CopyImageToBufferInfo2) = T(x) convert(T::Type{_ResolveImageInfo2}, x::ResolveImageInfo2) = T(x) convert(T::Type{_PhysicalDeviceShaderImageAtomicInt64FeaturesEXT}, x::PhysicalDeviceShaderImageAtomicInt64FeaturesEXT) = T(x) convert(T::Type{_FragmentShadingRateAttachmentInfoKHR}, x::FragmentShadingRateAttachmentInfoKHR) = T(x) convert(T::Type{_PipelineFragmentShadingRateStateCreateInfoKHR}, x::PipelineFragmentShadingRateStateCreateInfoKHR) = T(x) convert(T::Type{_PhysicalDeviceFragmentShadingRateFeaturesKHR}, x::PhysicalDeviceFragmentShadingRateFeaturesKHR) = T(x) convert(T::Type{_PhysicalDeviceFragmentShadingRatePropertiesKHR}, x::PhysicalDeviceFragmentShadingRatePropertiesKHR) = T(x) convert(T::Type{_PhysicalDeviceFragmentShadingRateKHR}, x::PhysicalDeviceFragmentShadingRateKHR) = T(x) convert(T::Type{_PhysicalDeviceShaderTerminateInvocationFeatures}, x::PhysicalDeviceShaderTerminateInvocationFeatures) = T(x) convert(T::Type{_PhysicalDeviceFragmentShadingRateEnumsFeaturesNV}, x::PhysicalDeviceFragmentShadingRateEnumsFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceFragmentShadingRateEnumsPropertiesNV}, x::PhysicalDeviceFragmentShadingRateEnumsPropertiesNV) = T(x) convert(T::Type{_PipelineFragmentShadingRateEnumStateCreateInfoNV}, x::PipelineFragmentShadingRateEnumStateCreateInfoNV) = T(x) convert(T::Type{_AccelerationStructureBuildSizesInfoKHR}, x::AccelerationStructureBuildSizesInfoKHR) = T(x) convert(T::Type{_PhysicalDeviceImage2DViewOf3DFeaturesEXT}, x::PhysicalDeviceImage2DViewOf3DFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceMutableDescriptorTypeFeaturesEXT}, x::PhysicalDeviceMutableDescriptorTypeFeaturesEXT) = T(x) convert(T::Type{_MutableDescriptorTypeListEXT}, x::MutableDescriptorTypeListEXT) = T(x) convert(T::Type{_MutableDescriptorTypeCreateInfoEXT}, x::MutableDescriptorTypeCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceDepthClipControlFeaturesEXT}, x::PhysicalDeviceDepthClipControlFeaturesEXT) = T(x) convert(T::Type{_PipelineViewportDepthClipControlCreateInfoEXT}, x::PipelineViewportDepthClipControlCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceVertexInputDynamicStateFeaturesEXT}, x::PhysicalDeviceVertexInputDynamicStateFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceExternalMemoryRDMAFeaturesNV}, x::PhysicalDeviceExternalMemoryRDMAFeaturesNV) = T(x) convert(T::Type{_VertexInputBindingDescription2EXT}, x::VertexInputBindingDescription2EXT) = T(x) convert(T::Type{_VertexInputAttributeDescription2EXT}, x::VertexInputAttributeDescription2EXT) = T(x) convert(T::Type{_PhysicalDeviceColorWriteEnableFeaturesEXT}, x::PhysicalDeviceColorWriteEnableFeaturesEXT) = T(x) convert(T::Type{_PipelineColorWriteCreateInfoEXT}, x::PipelineColorWriteCreateInfoEXT) = T(x) convert(T::Type{_MemoryBarrier2}, x::MemoryBarrier2) = T(x) convert(T::Type{_ImageMemoryBarrier2}, x::ImageMemoryBarrier2) = T(x) convert(T::Type{_BufferMemoryBarrier2}, x::BufferMemoryBarrier2) = T(x) convert(T::Type{_DependencyInfo}, x::DependencyInfo) = T(x) convert(T::Type{_SemaphoreSubmitInfo}, x::SemaphoreSubmitInfo) = T(x) convert(T::Type{_CommandBufferSubmitInfo}, x::CommandBufferSubmitInfo) = T(x) convert(T::Type{_SubmitInfo2}, x::SubmitInfo2) = T(x) convert(T::Type{_QueueFamilyCheckpointProperties2NV}, x::QueueFamilyCheckpointProperties2NV) = T(x) convert(T::Type{_CheckpointData2NV}, x::CheckpointData2NV) = T(x) convert(T::Type{_PhysicalDeviceSynchronization2Features}, x::PhysicalDeviceSynchronization2Features) = T(x) convert(T::Type{_PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT}, x::PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceLegacyDitheringFeaturesEXT}, x::PhysicalDeviceLegacyDitheringFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT}, x::PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT) = T(x) convert(T::Type{_SubpassResolvePerformanceQueryEXT}, x::SubpassResolvePerformanceQueryEXT) = T(x) convert(T::Type{_MultisampledRenderToSingleSampledInfoEXT}, x::MultisampledRenderToSingleSampledInfoEXT) = T(x) convert(T::Type{_PhysicalDevicePipelineProtectedAccessFeaturesEXT}, x::PhysicalDevicePipelineProtectedAccessFeaturesEXT) = T(x) convert(T::Type{_QueueFamilyVideoPropertiesKHR}, x::QueueFamilyVideoPropertiesKHR) = T(x) convert(T::Type{_QueueFamilyQueryResultStatusPropertiesKHR}, x::QueueFamilyQueryResultStatusPropertiesKHR) = T(x) convert(T::Type{_VideoProfileListInfoKHR}, x::VideoProfileListInfoKHR) = T(x) convert(T::Type{_PhysicalDeviceVideoFormatInfoKHR}, x::PhysicalDeviceVideoFormatInfoKHR) = T(x) convert(T::Type{_VideoFormatPropertiesKHR}, x::VideoFormatPropertiesKHR) = T(x) convert(T::Type{_VideoProfileInfoKHR}, x::VideoProfileInfoKHR) = T(x) convert(T::Type{_VideoCapabilitiesKHR}, x::VideoCapabilitiesKHR) = T(x) convert(T::Type{_VideoSessionMemoryRequirementsKHR}, x::VideoSessionMemoryRequirementsKHR) = T(x) convert(T::Type{_BindVideoSessionMemoryInfoKHR}, x::BindVideoSessionMemoryInfoKHR) = T(x) convert(T::Type{_VideoPictureResourceInfoKHR}, x::VideoPictureResourceInfoKHR) = T(x) convert(T::Type{_VideoReferenceSlotInfoKHR}, x::VideoReferenceSlotInfoKHR) = T(x) convert(T::Type{_VideoDecodeCapabilitiesKHR}, x::VideoDecodeCapabilitiesKHR) = T(x) convert(T::Type{_VideoDecodeUsageInfoKHR}, x::VideoDecodeUsageInfoKHR) = T(x) convert(T::Type{_VideoDecodeInfoKHR}, x::VideoDecodeInfoKHR) = T(x) convert(T::Type{_VideoDecodeH264ProfileInfoKHR}, x::VideoDecodeH264ProfileInfoKHR) = T(x) convert(T::Type{_VideoDecodeH264CapabilitiesKHR}, x::VideoDecodeH264CapabilitiesKHR) = T(x) convert(T::Type{_VideoDecodeH264SessionParametersAddInfoKHR}, x::VideoDecodeH264SessionParametersAddInfoKHR) = T(x) convert(T::Type{_VideoDecodeH264SessionParametersCreateInfoKHR}, x::VideoDecodeH264SessionParametersCreateInfoKHR) = T(x) convert(T::Type{_VideoDecodeH264PictureInfoKHR}, x::VideoDecodeH264PictureInfoKHR) = T(x) convert(T::Type{_VideoDecodeH264DpbSlotInfoKHR}, x::VideoDecodeH264DpbSlotInfoKHR) = T(x) convert(T::Type{_VideoDecodeH265ProfileInfoKHR}, x::VideoDecodeH265ProfileInfoKHR) = T(x) convert(T::Type{_VideoDecodeH265CapabilitiesKHR}, x::VideoDecodeH265CapabilitiesKHR) = T(x) convert(T::Type{_VideoDecodeH265SessionParametersAddInfoKHR}, x::VideoDecodeH265SessionParametersAddInfoKHR) = T(x) convert(T::Type{_VideoDecodeH265SessionParametersCreateInfoKHR}, x::VideoDecodeH265SessionParametersCreateInfoKHR) = T(x) convert(T::Type{_VideoDecodeH265PictureInfoKHR}, x::VideoDecodeH265PictureInfoKHR) = T(x) convert(T::Type{_VideoDecodeH265DpbSlotInfoKHR}, x::VideoDecodeH265DpbSlotInfoKHR) = T(x) convert(T::Type{_VideoSessionCreateInfoKHR}, x::VideoSessionCreateInfoKHR) = T(x) convert(T::Type{_VideoSessionParametersCreateInfoKHR}, x::VideoSessionParametersCreateInfoKHR) = T(x) convert(T::Type{_VideoSessionParametersUpdateInfoKHR}, x::VideoSessionParametersUpdateInfoKHR) = T(x) convert(T::Type{_VideoBeginCodingInfoKHR}, x::VideoBeginCodingInfoKHR) = T(x) convert(T::Type{_VideoEndCodingInfoKHR}, x::VideoEndCodingInfoKHR) = T(x) convert(T::Type{_VideoCodingControlInfoKHR}, x::VideoCodingControlInfoKHR) = T(x) convert(T::Type{_PhysicalDeviceInheritedViewportScissorFeaturesNV}, x::PhysicalDeviceInheritedViewportScissorFeaturesNV) = T(x) convert(T::Type{_CommandBufferInheritanceViewportScissorInfoNV}, x::CommandBufferInheritanceViewportScissorInfoNV) = T(x) convert(T::Type{_PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT}, x::PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceProvokingVertexFeaturesEXT}, x::PhysicalDeviceProvokingVertexFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceProvokingVertexPropertiesEXT}, x::PhysicalDeviceProvokingVertexPropertiesEXT) = T(x) convert(T::Type{_PipelineRasterizationProvokingVertexStateCreateInfoEXT}, x::PipelineRasterizationProvokingVertexStateCreateInfoEXT) = T(x) convert(T::Type{_CuModuleCreateInfoNVX}, x::CuModuleCreateInfoNVX) = T(x) convert(T::Type{_CuFunctionCreateInfoNVX}, x::CuFunctionCreateInfoNVX) = T(x) convert(T::Type{_CuLaunchInfoNVX}, x::CuLaunchInfoNVX) = T(x) convert(T::Type{_PhysicalDeviceDescriptorBufferFeaturesEXT}, x::PhysicalDeviceDescriptorBufferFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceDescriptorBufferPropertiesEXT}, x::PhysicalDeviceDescriptorBufferPropertiesEXT) = T(x) convert(T::Type{_PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT}, x::PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT) = T(x) convert(T::Type{_DescriptorAddressInfoEXT}, x::DescriptorAddressInfoEXT) = T(x) convert(T::Type{_DescriptorBufferBindingInfoEXT}, x::DescriptorBufferBindingInfoEXT) = T(x) convert(T::Type{_DescriptorBufferBindingPushDescriptorBufferHandleEXT}, x::DescriptorBufferBindingPushDescriptorBufferHandleEXT) = T(x) convert(T::Type{_DescriptorGetInfoEXT}, x::DescriptorGetInfoEXT) = T(x) convert(T::Type{_BufferCaptureDescriptorDataInfoEXT}, x::BufferCaptureDescriptorDataInfoEXT) = T(x) convert(T::Type{_ImageCaptureDescriptorDataInfoEXT}, x::ImageCaptureDescriptorDataInfoEXT) = T(x) convert(T::Type{_ImageViewCaptureDescriptorDataInfoEXT}, x::ImageViewCaptureDescriptorDataInfoEXT) = T(x) convert(T::Type{_SamplerCaptureDescriptorDataInfoEXT}, x::SamplerCaptureDescriptorDataInfoEXT) = T(x) convert(T::Type{_AccelerationStructureCaptureDescriptorDataInfoEXT}, x::AccelerationStructureCaptureDescriptorDataInfoEXT) = T(x) convert(T::Type{_OpaqueCaptureDescriptorDataCreateInfoEXT}, x::OpaqueCaptureDescriptorDataCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceShaderIntegerDotProductFeatures}, x::PhysicalDeviceShaderIntegerDotProductFeatures) = T(x) convert(T::Type{_PhysicalDeviceShaderIntegerDotProductProperties}, x::PhysicalDeviceShaderIntegerDotProductProperties) = T(x) convert(T::Type{_PhysicalDeviceDrmPropertiesEXT}, x::PhysicalDeviceDrmPropertiesEXT) = T(x) convert(T::Type{_PhysicalDeviceFragmentShaderBarycentricFeaturesKHR}, x::PhysicalDeviceFragmentShaderBarycentricFeaturesKHR) = T(x) convert(T::Type{_PhysicalDeviceFragmentShaderBarycentricPropertiesKHR}, x::PhysicalDeviceFragmentShaderBarycentricPropertiesKHR) = T(x) convert(T::Type{_PhysicalDeviceRayTracingMotionBlurFeaturesNV}, x::PhysicalDeviceRayTracingMotionBlurFeaturesNV) = T(x) convert(T::Type{_AccelerationStructureGeometryMotionTrianglesDataNV}, x::AccelerationStructureGeometryMotionTrianglesDataNV) = T(x) convert(T::Type{_AccelerationStructureMotionInfoNV}, x::AccelerationStructureMotionInfoNV) = T(x) convert(T::Type{_SRTDataNV}, x::SRTDataNV) = T(x) convert(T::Type{_AccelerationStructureSRTMotionInstanceNV}, x::AccelerationStructureSRTMotionInstanceNV) = T(x) convert(T::Type{_AccelerationStructureMatrixMotionInstanceNV}, x::AccelerationStructureMatrixMotionInstanceNV) = T(x) convert(T::Type{_AccelerationStructureMotionInstanceNV}, x::AccelerationStructureMotionInstanceNV) = T(x) convert(T::Type{_MemoryGetRemoteAddressInfoNV}, x::MemoryGetRemoteAddressInfoNV) = T(x) convert(T::Type{_PhysicalDeviceRGBA10X6FormatsFeaturesEXT}, x::PhysicalDeviceRGBA10X6FormatsFeaturesEXT) = T(x) convert(T::Type{_FormatProperties3}, x::FormatProperties3) = T(x) convert(T::Type{_DrmFormatModifierPropertiesList2EXT}, x::DrmFormatModifierPropertiesList2EXT) = T(x) convert(T::Type{_DrmFormatModifierProperties2EXT}, x::DrmFormatModifierProperties2EXT) = T(x) convert(T::Type{_PipelineRenderingCreateInfo}, x::PipelineRenderingCreateInfo) = T(x) convert(T::Type{_RenderingInfo}, x::RenderingInfo) = T(x) convert(T::Type{_RenderingAttachmentInfo}, x::RenderingAttachmentInfo) = T(x) convert(T::Type{_RenderingFragmentShadingRateAttachmentInfoKHR}, x::RenderingFragmentShadingRateAttachmentInfoKHR) = T(x) convert(T::Type{_RenderingFragmentDensityMapAttachmentInfoEXT}, x::RenderingFragmentDensityMapAttachmentInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceDynamicRenderingFeatures}, x::PhysicalDeviceDynamicRenderingFeatures) = T(x) convert(T::Type{_CommandBufferInheritanceRenderingInfo}, x::CommandBufferInheritanceRenderingInfo) = T(x) convert(T::Type{_AttachmentSampleCountInfoAMD}, x::AttachmentSampleCountInfoAMD) = T(x) convert(T::Type{_MultiviewPerViewAttributesInfoNVX}, x::MultiviewPerViewAttributesInfoNVX) = T(x) convert(T::Type{_PhysicalDeviceImageViewMinLodFeaturesEXT}, x::PhysicalDeviceImageViewMinLodFeaturesEXT) = T(x) convert(T::Type{_ImageViewMinLodCreateInfoEXT}, x::ImageViewMinLodCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT}, x::PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceLinearColorAttachmentFeaturesNV}, x::PhysicalDeviceLinearColorAttachmentFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT}, x::PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT}, x::PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT) = T(x) convert(T::Type{_GraphicsPipelineLibraryCreateInfoEXT}, x::GraphicsPipelineLibraryCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE}, x::PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE) = T(x) convert(T::Type{_DescriptorSetBindingReferenceVALVE}, x::DescriptorSetBindingReferenceVALVE) = T(x) convert(T::Type{_DescriptorSetLayoutHostMappingInfoVALVE}, x::DescriptorSetLayoutHostMappingInfoVALVE) = T(x) convert(T::Type{_PhysicalDeviceShaderModuleIdentifierFeaturesEXT}, x::PhysicalDeviceShaderModuleIdentifierFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceShaderModuleIdentifierPropertiesEXT}, x::PhysicalDeviceShaderModuleIdentifierPropertiesEXT) = T(x) convert(T::Type{_PipelineShaderStageModuleIdentifierCreateInfoEXT}, x::PipelineShaderStageModuleIdentifierCreateInfoEXT) = T(x) convert(T::Type{_ShaderModuleIdentifierEXT}, x::ShaderModuleIdentifierEXT) = T(x) convert(T::Type{_ImageCompressionControlEXT}, x::ImageCompressionControlEXT) = T(x) convert(T::Type{_PhysicalDeviceImageCompressionControlFeaturesEXT}, x::PhysicalDeviceImageCompressionControlFeaturesEXT) = T(x) convert(T::Type{_ImageCompressionPropertiesEXT}, x::ImageCompressionPropertiesEXT) = T(x) convert(T::Type{_PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT}, x::PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT) = T(x) convert(T::Type{_ImageSubresource2EXT}, x::ImageSubresource2EXT) = T(x) convert(T::Type{_SubresourceLayout2EXT}, x::SubresourceLayout2EXT) = T(x) convert(T::Type{_RenderPassCreationControlEXT}, x::RenderPassCreationControlEXT) = T(x) convert(T::Type{_RenderPassCreationFeedbackInfoEXT}, x::RenderPassCreationFeedbackInfoEXT) = T(x) convert(T::Type{_RenderPassCreationFeedbackCreateInfoEXT}, x::RenderPassCreationFeedbackCreateInfoEXT) = T(x) convert(T::Type{_RenderPassSubpassFeedbackInfoEXT}, x::RenderPassSubpassFeedbackInfoEXT) = T(x) convert(T::Type{_RenderPassSubpassFeedbackCreateInfoEXT}, x::RenderPassSubpassFeedbackCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceSubpassMergeFeedbackFeaturesEXT}, x::PhysicalDeviceSubpassMergeFeedbackFeaturesEXT) = T(x) convert(T::Type{_MicromapBuildInfoEXT}, x::MicromapBuildInfoEXT) = T(x) convert(T::Type{_MicromapCreateInfoEXT}, x::MicromapCreateInfoEXT) = T(x) convert(T::Type{_MicromapVersionInfoEXT}, x::MicromapVersionInfoEXT) = T(x) convert(T::Type{_CopyMicromapInfoEXT}, x::CopyMicromapInfoEXT) = T(x) convert(T::Type{_CopyMicromapToMemoryInfoEXT}, x::CopyMicromapToMemoryInfoEXT) = T(x) convert(T::Type{_CopyMemoryToMicromapInfoEXT}, x::CopyMemoryToMicromapInfoEXT) = T(x) convert(T::Type{_MicromapBuildSizesInfoEXT}, x::MicromapBuildSizesInfoEXT) = T(x) convert(T::Type{_MicromapUsageEXT}, x::MicromapUsageEXT) = T(x) convert(T::Type{_MicromapTriangleEXT}, x::MicromapTriangleEXT) = T(x) convert(T::Type{_PhysicalDeviceOpacityMicromapFeaturesEXT}, x::PhysicalDeviceOpacityMicromapFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceOpacityMicromapPropertiesEXT}, x::PhysicalDeviceOpacityMicromapPropertiesEXT) = T(x) convert(T::Type{_AccelerationStructureTrianglesOpacityMicromapEXT}, x::AccelerationStructureTrianglesOpacityMicromapEXT) = T(x) convert(T::Type{_PipelinePropertiesIdentifierEXT}, x::PipelinePropertiesIdentifierEXT) = T(x) convert(T::Type{_PhysicalDevicePipelinePropertiesFeaturesEXT}, x::PhysicalDevicePipelinePropertiesFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD}, x::PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD) = T(x) convert(T::Type{_PhysicalDeviceNonSeamlessCubeMapFeaturesEXT}, x::PhysicalDeviceNonSeamlessCubeMapFeaturesEXT) = T(x) convert(T::Type{_PhysicalDevicePipelineRobustnessFeaturesEXT}, x::PhysicalDevicePipelineRobustnessFeaturesEXT) = T(x) convert(T::Type{_PipelineRobustnessCreateInfoEXT}, x::PipelineRobustnessCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDevicePipelineRobustnessPropertiesEXT}, x::PhysicalDevicePipelineRobustnessPropertiesEXT) = T(x) convert(T::Type{_ImageViewSampleWeightCreateInfoQCOM}, x::ImageViewSampleWeightCreateInfoQCOM) = T(x) convert(T::Type{_PhysicalDeviceImageProcessingFeaturesQCOM}, x::PhysicalDeviceImageProcessingFeaturesQCOM) = T(x) convert(T::Type{_PhysicalDeviceImageProcessingPropertiesQCOM}, x::PhysicalDeviceImageProcessingPropertiesQCOM) = T(x) convert(T::Type{_PhysicalDeviceTilePropertiesFeaturesQCOM}, x::PhysicalDeviceTilePropertiesFeaturesQCOM) = T(x) convert(T::Type{_TilePropertiesQCOM}, x::TilePropertiesQCOM) = T(x) convert(T::Type{_PhysicalDeviceAmigoProfilingFeaturesSEC}, x::PhysicalDeviceAmigoProfilingFeaturesSEC) = T(x) convert(T::Type{_AmigoProfilingSubmitInfoSEC}, x::AmigoProfilingSubmitInfoSEC) = T(x) convert(T::Type{_PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT}, x::PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceDepthClampZeroOneFeaturesEXT}, x::PhysicalDeviceDepthClampZeroOneFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceAddressBindingReportFeaturesEXT}, x::PhysicalDeviceAddressBindingReportFeaturesEXT) = T(x) convert(T::Type{_DeviceAddressBindingCallbackDataEXT}, x::DeviceAddressBindingCallbackDataEXT) = T(x) convert(T::Type{_PhysicalDeviceOpticalFlowFeaturesNV}, x::PhysicalDeviceOpticalFlowFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceOpticalFlowPropertiesNV}, x::PhysicalDeviceOpticalFlowPropertiesNV) = T(x) convert(T::Type{_OpticalFlowImageFormatInfoNV}, x::OpticalFlowImageFormatInfoNV) = T(x) convert(T::Type{_OpticalFlowImageFormatPropertiesNV}, x::OpticalFlowImageFormatPropertiesNV) = T(x) convert(T::Type{_OpticalFlowSessionCreateInfoNV}, x::OpticalFlowSessionCreateInfoNV) = T(x) convert(T::Type{_OpticalFlowSessionCreatePrivateDataInfoNV}, x::OpticalFlowSessionCreatePrivateDataInfoNV) = T(x) convert(T::Type{_OpticalFlowExecuteInfoNV}, x::OpticalFlowExecuteInfoNV) = T(x) convert(T::Type{_PhysicalDeviceFaultFeaturesEXT}, x::PhysicalDeviceFaultFeaturesEXT) = T(x) convert(T::Type{_DeviceFaultAddressInfoEXT}, x::DeviceFaultAddressInfoEXT) = T(x) convert(T::Type{_DeviceFaultVendorInfoEXT}, x::DeviceFaultVendorInfoEXT) = T(x) convert(T::Type{_DeviceFaultCountsEXT}, x::DeviceFaultCountsEXT) = T(x) convert(T::Type{_DeviceFaultInfoEXT}, x::DeviceFaultInfoEXT) = T(x) convert(T::Type{_DeviceFaultVendorBinaryHeaderVersionOneEXT}, x::DeviceFaultVendorBinaryHeaderVersionOneEXT) = T(x) convert(T::Type{_PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT}, x::PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT) = T(x) convert(T::Type{_DecompressMemoryRegionNV}, x::DecompressMemoryRegionNV) = T(x) convert(T::Type{_PhysicalDeviceShaderCoreBuiltinsPropertiesARM}, x::PhysicalDeviceShaderCoreBuiltinsPropertiesARM) = T(x) convert(T::Type{_PhysicalDeviceShaderCoreBuiltinsFeaturesARM}, x::PhysicalDeviceShaderCoreBuiltinsFeaturesARM) = T(x) convert(T::Type{_SurfacePresentModeEXT}, x::SurfacePresentModeEXT) = T(x) convert(T::Type{_SurfacePresentScalingCapabilitiesEXT}, x::SurfacePresentScalingCapabilitiesEXT) = T(x) convert(T::Type{_SurfacePresentModeCompatibilityEXT}, x::SurfacePresentModeCompatibilityEXT) = T(x) convert(T::Type{_PhysicalDeviceSwapchainMaintenance1FeaturesEXT}, x::PhysicalDeviceSwapchainMaintenance1FeaturesEXT) = T(x) convert(T::Type{_SwapchainPresentFenceInfoEXT}, x::SwapchainPresentFenceInfoEXT) = T(x) convert(T::Type{_SwapchainPresentModesCreateInfoEXT}, x::SwapchainPresentModesCreateInfoEXT) = T(x) convert(T::Type{_SwapchainPresentModeInfoEXT}, x::SwapchainPresentModeInfoEXT) = T(x) convert(T::Type{_SwapchainPresentScalingCreateInfoEXT}, x::SwapchainPresentScalingCreateInfoEXT) = T(x) convert(T::Type{_ReleaseSwapchainImagesInfoEXT}, x::ReleaseSwapchainImagesInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceRayTracingInvocationReorderFeaturesNV}, x::PhysicalDeviceRayTracingInvocationReorderFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceRayTracingInvocationReorderPropertiesNV}, x::PhysicalDeviceRayTracingInvocationReorderPropertiesNV) = T(x) convert(T::Type{_DirectDriverLoadingInfoLUNARG}, x::DirectDriverLoadingInfoLUNARG) = T(x) convert(T::Type{_DirectDriverLoadingListLUNARG}, x::DirectDriverLoadingListLUNARG) = T(x) convert(T::Type{_PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM}, x::PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM) = T(x) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_LAYER_NOT_PRESENT` - `ERROR_EXTENSION_NOT_PRESENT` - `ERROR_INCOMPATIBLE_DRIVER` Arguments: - `create_info::_InstanceCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateInstance.html) """ function _create_instance(create_info::_InstanceCreateInfo; allocator = C_NULL)::ResultTypes.Result{Instance, VulkanError} pInstance = Ref{VkInstance}() @check @dispatch(nothing, vkCreateInstance(create_info, allocator, pInstance)) @fill_dispatch_table Instance(pInstance[], (x->_destroy_instance(x; allocator))) end """ Arguments: - `instance::Instance` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyInstance.html) """ _destroy_instance(instance; allocator = C_NULL)::Cvoid = @dispatch(instance, vkDestroyInstance(instance, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `instance::Instance` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumeratePhysicalDevices.html) """ function _enumerate_physical_devices(instance)::ResultTypes.Result{Vector{PhysicalDevice}, VulkanError} pPhysicalDeviceCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance, vkEnumeratePhysicalDevices(instance, pPhysicalDeviceCount, C_NULL)) pPhysicalDevices = Vector{VkPhysicalDevice}(undef, pPhysicalDeviceCount[]) @check @dispatch(instance, vkEnumeratePhysicalDevices(instance, pPhysicalDeviceCount, pPhysicalDevices)) end PhysicalDevice.(pPhysicalDevices, identity, instance) end """ Arguments: - `device::Device` - `name::String` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceProcAddr.html) """ _get_device_proc_addr(device, name::AbstractString)::FunctionPtr = vkGetDeviceProcAddr(device, name) """ Arguments: - `name::String` - `instance::Instance`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetInstanceProcAddr.html) """ _get_instance_proc_addr(name::AbstractString; instance = C_NULL)::FunctionPtr = vkGetInstanceProcAddr(instance, name) """ Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceProperties.html) """ function _get_physical_device_properties(physical_device)::_PhysicalDeviceProperties pProperties = Ref{VkPhysicalDeviceProperties}() @dispatch instance(physical_device) vkGetPhysicalDeviceProperties(physical_device, pProperties) from_vk(_PhysicalDeviceProperties, pProperties[]) end """ Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceQueueFamilyProperties.html) """ function _get_physical_device_queue_family_properties(physical_device)::Vector{_QueueFamilyProperties} pQueueFamilyPropertyCount = Ref{UInt32}() @dispatch instance(physical_device) vkGetPhysicalDeviceQueueFamilyProperties(physical_device, pQueueFamilyPropertyCount, C_NULL) pQueueFamilyProperties = Vector{VkQueueFamilyProperties}(undef, pQueueFamilyPropertyCount[]) @dispatch instance(physical_device) vkGetPhysicalDeviceQueueFamilyProperties(physical_device, pQueueFamilyPropertyCount, pQueueFamilyProperties) from_vk.(_QueueFamilyProperties, pQueueFamilyProperties) end """ Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceMemoryProperties.html) """ function _get_physical_device_memory_properties(physical_device)::_PhysicalDeviceMemoryProperties pMemoryProperties = Ref{VkPhysicalDeviceMemoryProperties}() @dispatch instance(physical_device) vkGetPhysicalDeviceMemoryProperties(physical_device, pMemoryProperties) from_vk(_PhysicalDeviceMemoryProperties, pMemoryProperties[]) end """ Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceFeatures.html) """ function _get_physical_device_features(physical_device)::_PhysicalDeviceFeatures pFeatures = Ref{VkPhysicalDeviceFeatures}() @dispatch instance(physical_device) vkGetPhysicalDeviceFeatures(physical_device, pFeatures) from_vk(_PhysicalDeviceFeatures, pFeatures[]) end """ Arguments: - `physical_device::PhysicalDevice` - `format::Format` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceFormatProperties.html) """ function _get_physical_device_format_properties(physical_device, format::Format)::_FormatProperties pFormatProperties = Ref{VkFormatProperties}() @dispatch instance(physical_device) vkGetPhysicalDeviceFormatProperties(physical_device, format, pFormatProperties) from_vk(_FormatProperties, pFormatProperties[]) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_FORMAT_NOT_SUPPORTED` Arguments: - `physical_device::PhysicalDevice` - `format::Format` - `type::ImageType` - `tiling::ImageTiling` - `usage::ImageUsageFlag` - `flags::ImageCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceImageFormatProperties.html) """ function _get_physical_device_image_format_properties(physical_device, format::Format, type::ImageType, tiling::ImageTiling, usage::ImageUsageFlag; flags = 0)::ResultTypes.Result{_ImageFormatProperties, VulkanError} pImageFormatProperties = Ref{VkImageFormatProperties}() @check @dispatch(instance(physical_device), vkGetPhysicalDeviceImageFormatProperties(physical_device, format, type, tiling, usage, flags, pImageFormatProperties)) from_vk(_ImageFormatProperties, pImageFormatProperties[]) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_EXTENSION_NOT_PRESENT` - `ERROR_FEATURE_NOT_PRESENT` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_DEVICE_LOST` Arguments: - `physical_device::PhysicalDevice` - `create_info::_DeviceCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDevice.html) """ function _create_device(physical_device, create_info::_DeviceCreateInfo; allocator = C_NULL)::ResultTypes.Result{Device, VulkanError} pDevice = Ref{VkDevice}() @check @dispatch(instance(physical_device), vkCreateDevice(physical_device, create_info, allocator, pDevice)) @fill_dispatch_table Device(pDevice[], (x->_destroy_device(x; allocator)), physical_device) end """ Arguments: - `device::Device` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDevice.html) """ _destroy_device(device; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyDevice(device, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumerateInstanceVersion.html) """ function _enumerate_instance_version()::ResultTypes.Result{VersionNumber, VulkanError} pApiVersion = Ref{UInt32}() @check @dispatch(nothing, vkEnumerateInstanceVersion(pApiVersion)) from_vk(VersionNumber, pApiVersion[]) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumerateInstanceLayerProperties.html) """ function _enumerate_instance_layer_properties()::ResultTypes.Result{Vector{_LayerProperties}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(nothing, vkEnumerateInstanceLayerProperties(pPropertyCount, C_NULL)) pProperties = Vector{VkLayerProperties}(undef, pPropertyCount[]) @check @dispatch(nothing, vkEnumerateInstanceLayerProperties(pPropertyCount, pProperties)) end from_vk.(_LayerProperties, pProperties) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_LAYER_NOT_PRESENT` Arguments: - `layer_name::String`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumerateInstanceExtensionProperties.html) """ function _enumerate_instance_extension_properties(; layer_name = C_NULL)::ResultTypes.Result{Vector{_ExtensionProperties}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(nothing, vkEnumerateInstanceExtensionProperties(layer_name, pPropertyCount, C_NULL)) pProperties = Vector{VkExtensionProperties}(undef, pPropertyCount[]) @check @dispatch(nothing, vkEnumerateInstanceExtensionProperties(layer_name, pPropertyCount, pProperties)) end from_vk.(_ExtensionProperties, pProperties) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumerateDeviceLayerProperties.html) """ function _enumerate_device_layer_properties(physical_device)::ResultTypes.Result{Vector{_LayerProperties}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkEnumerateDeviceLayerProperties(physical_device, pPropertyCount, C_NULL)) pProperties = Vector{VkLayerProperties}(undef, pPropertyCount[]) @check @dispatch(instance(physical_device), vkEnumerateDeviceLayerProperties(physical_device, pPropertyCount, pProperties)) end from_vk.(_LayerProperties, pProperties) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_LAYER_NOT_PRESENT` Arguments: - `physical_device::PhysicalDevice` - `layer_name::String`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumerateDeviceExtensionProperties.html) """ function _enumerate_device_extension_properties(physical_device; layer_name = C_NULL)::ResultTypes.Result{Vector{_ExtensionProperties}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkEnumerateDeviceExtensionProperties(physical_device, layer_name, pPropertyCount, C_NULL)) pProperties = Vector{VkExtensionProperties}(undef, pPropertyCount[]) @check @dispatch(instance(physical_device), vkEnumerateDeviceExtensionProperties(physical_device, layer_name, pPropertyCount, pProperties)) end from_vk.(_ExtensionProperties, pProperties) end """ Arguments: - `device::Device` - `queue_family_index::UInt32` - `queue_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceQueue.html) """ function _get_device_queue(device, queue_family_index::Integer, queue_index::Integer)::Queue pQueue = Ref{VkQueue}() @dispatch device vkGetDeviceQueue(device, queue_family_index, queue_index, pQueue) Queue(pQueue[], identity, device) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `queue::Queue` (externsync) - `submits::Vector{_SubmitInfo}` - `fence::Fence`: defaults to `C_NULL` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueSubmit.html) """ _queue_submit(queue, submits::AbstractArray; fence = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device(queue), vkQueueSubmit(queue, pointer_length(submits), submits, fence))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `queue::Queue` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueWaitIdle.html) """ _queue_wait_idle(queue)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device(queue), vkQueueWaitIdle(queue))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDeviceWaitIdle.html) """ _device_wait_idle(device)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkDeviceWaitIdle(device))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `allocate_info::_MemoryAllocateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAllocateMemory.html) """ function _allocate_memory(device, allocate_info::_MemoryAllocateInfo; allocator = C_NULL)::ResultTypes.Result{DeviceMemory, VulkanError} pMemory = Ref{VkDeviceMemory}() @check @dispatch(device, vkAllocateMemory(device, allocate_info, allocator, pMemory)) DeviceMemory(pMemory[], begin parent = Vk.handle(device) x->_free_memory(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `memory::DeviceMemory` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkFreeMemory.html) """ _free_memory(device, memory; allocator = C_NULL)::Cvoid = @dispatch(device, vkFreeMemory(device, memory, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_MEMORY_MAP_FAILED` Arguments: - `device::Device` - `memory::DeviceMemory` (externsync) - `offset::UInt64` - `size::UInt64` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkMapMemory.html) """ function _map_memory(device, memory, offset::Integer, size::Integer; flags = 0)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} ppData = Ref{Ptr{Cvoid}}() @check @dispatch(device, vkMapMemory(device, memory, offset, size, flags, ppData)) ppData[] end """ Arguments: - `device::Device` - `memory::DeviceMemory` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkUnmapMemory.html) """ _unmap_memory(device, memory)::Cvoid = @dispatch(device, vkUnmapMemory(device, memory)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `memory_ranges::Vector{_MappedMemoryRange}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkFlushMappedMemoryRanges.html) """ _flush_mapped_memory_ranges(device, memory_ranges::AbstractArray)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkFlushMappedMemoryRanges(device, pointer_length(memory_ranges), memory_ranges))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `memory_ranges::Vector{_MappedMemoryRange}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkInvalidateMappedMemoryRanges.html) """ _invalidate_mapped_memory_ranges(device, memory_ranges::AbstractArray)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkInvalidateMappedMemoryRanges(device, pointer_length(memory_ranges), memory_ranges))) """ Arguments: - `device::Device` - `memory::DeviceMemory` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceMemoryCommitment.html) """ function _get_device_memory_commitment(device, memory)::UInt64 pCommittedMemoryInBytes = Ref{VkDeviceSize}() @dispatch device vkGetDeviceMemoryCommitment(device, memory, pCommittedMemoryInBytes) pCommittedMemoryInBytes[] end """ Arguments: - `device::Device` - `buffer::Buffer` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetBufferMemoryRequirements.html) """ function _get_buffer_memory_requirements(device, buffer)::_MemoryRequirements pMemoryRequirements = Ref{VkMemoryRequirements}() @dispatch device vkGetBufferMemoryRequirements(device, buffer, pMemoryRequirements) from_vk(_MemoryRequirements, pMemoryRequirements[]) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `buffer::Buffer` (externsync) - `memory::DeviceMemory` - `memory_offset::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindBufferMemory.html) """ _bind_buffer_memory(device, buffer, memory, memory_offset::Integer)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkBindBufferMemory(device, buffer, memory, memory_offset))) """ Arguments: - `device::Device` - `image::Image` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageMemoryRequirements.html) """ function _get_image_memory_requirements(device, image)::_MemoryRequirements pMemoryRequirements = Ref{VkMemoryRequirements}() @dispatch device vkGetImageMemoryRequirements(device, image, pMemoryRequirements) from_vk(_MemoryRequirements, pMemoryRequirements[]) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `image::Image` (externsync) - `memory::DeviceMemory` - `memory_offset::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindImageMemory.html) """ _bind_image_memory(device, image, memory, memory_offset::Integer)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkBindImageMemory(device, image, memory, memory_offset))) """ Arguments: - `device::Device` - `image::Image` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageSparseMemoryRequirements.html) """ function _get_image_sparse_memory_requirements(device, image)::Vector{_SparseImageMemoryRequirements} pSparseMemoryRequirementCount = Ref{UInt32}() @dispatch device vkGetImageSparseMemoryRequirements(device, image, pSparseMemoryRequirementCount, C_NULL) pSparseMemoryRequirements = Vector{VkSparseImageMemoryRequirements}(undef, pSparseMemoryRequirementCount[]) @dispatch device vkGetImageSparseMemoryRequirements(device, image, pSparseMemoryRequirementCount, pSparseMemoryRequirements) from_vk.(_SparseImageMemoryRequirements, pSparseMemoryRequirements) end """ Arguments: - `physical_device::PhysicalDevice` - `format::Format` - `type::ImageType` - `samples::SampleCountFlag` - `usage::ImageUsageFlag` - `tiling::ImageTiling` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSparseImageFormatProperties.html) """ function _get_physical_device_sparse_image_format_properties(physical_device, format::Format, type::ImageType, samples::SampleCountFlag, usage::ImageUsageFlag, tiling::ImageTiling)::Vector{_SparseImageFormatProperties} pPropertyCount = Ref{UInt32}() @dispatch instance(physical_device) vkGetPhysicalDeviceSparseImageFormatProperties(physical_device, format, type, VkSampleCountFlagBits(samples.val), usage, tiling, pPropertyCount, C_NULL) pProperties = Vector{VkSparseImageFormatProperties}(undef, pPropertyCount[]) @dispatch instance(physical_device) vkGetPhysicalDeviceSparseImageFormatProperties(physical_device, format, type, VkSampleCountFlagBits(samples.val), usage, tiling, pPropertyCount, pProperties) from_vk.(_SparseImageFormatProperties, pProperties) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `queue::Queue` (externsync) - `bind_info::Vector{_BindSparseInfo}` - `fence::Fence`: defaults to `C_NULL` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueBindSparse.html) """ _queue_bind_sparse(queue, bind_info::AbstractArray; fence = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device(queue), vkQueueBindSparse(queue, pointer_length(bind_info), bind_info, fence))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_FenceCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateFence.html) """ function _create_fence(device, create_info::_FenceCreateInfo; allocator = C_NULL)::ResultTypes.Result{Fence, VulkanError} pFence = Ref{VkFence}() @check @dispatch(device, vkCreateFence(device, create_info, allocator, pFence)) Fence(pFence[], begin parent = Vk.handle(device) x->_destroy_fence(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `fence::Fence` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyFence.html) """ _destroy_fence(device, fence; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyFence(device, fence, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `fences::Vector{Fence}` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkResetFences.html) """ _reset_fences(device, fences::AbstractArray)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkResetFences(device, pointer_length(fences), fences))) """ Return codes: - `SUCCESS` - `NOT_READY` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` - `fence::Fence` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetFenceStatus.html) """ _get_fence_status(device, fence)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkGetFenceStatus(device, fence))) """ Return codes: - `SUCCESS` - `TIMEOUT` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` - `fences::Vector{Fence}` - `wait_all::Bool` - `timeout::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkWaitForFences.html) """ _wait_for_fences(device, fences::AbstractArray, wait_all::Bool, timeout::Integer)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkWaitForFences(device, pointer_length(fences), fences, wait_all, timeout))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_SemaphoreCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSemaphore.html) """ function _create_semaphore(device, create_info::_SemaphoreCreateInfo; allocator = C_NULL)::ResultTypes.Result{Semaphore, VulkanError} pSemaphore = Ref{VkSemaphore}() @check @dispatch(device, vkCreateSemaphore(device, create_info, allocator, pSemaphore)) Semaphore(pSemaphore[], begin parent = Vk.handle(device) x->_destroy_semaphore(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `semaphore::Semaphore` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroySemaphore.html) """ _destroy_semaphore(device, semaphore; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroySemaphore(device, semaphore, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_EventCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateEvent.html) """ function _create_event(device, create_info::_EventCreateInfo; allocator = C_NULL)::ResultTypes.Result{Event, VulkanError} pEvent = Ref{VkEvent}() @check @dispatch(device, vkCreateEvent(device, create_info, allocator, pEvent)) Event(pEvent[], begin parent = Vk.handle(device) x->_destroy_event(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `event::Event` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyEvent.html) """ _destroy_event(device, event; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyEvent(device, event, allocator)) """ Return codes: - `EVENT_SET` - `EVENT_RESET` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` - `event::Event` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetEventStatus.html) """ _get_event_status(device, event)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkGetEventStatus(device, event))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `event::Event` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetEvent.html) """ _set_event(device, event)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkSetEvent(device, event))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `event::Event` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkResetEvent.html) """ _reset_event(device, event)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkResetEvent(device, event))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_QueryPoolCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateQueryPool.html) """ function _create_query_pool(device, create_info::_QueryPoolCreateInfo; allocator = C_NULL)::ResultTypes.Result{QueryPool, VulkanError} pQueryPool = Ref{VkQueryPool}() @check @dispatch(device, vkCreateQueryPool(device, create_info, allocator, pQueryPool)) QueryPool(pQueryPool[], begin parent = Vk.handle(device) x->_destroy_query_pool(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `query_pool::QueryPool` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyQueryPool.html) """ _destroy_query_pool(device, query_pool; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyQueryPool(device, query_pool, allocator)) """ Return codes: - `SUCCESS` - `NOT_READY` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` - `query_pool::QueryPool` - `first_query::UInt32` - `query_count::UInt32` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) - `stride::UInt64` - `flags::QueryResultFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetQueryPoolResults.html) """ _get_query_pool_results(device, query_pool, first_query::Integer, query_count::Integer, data_size::Integer, data::Ptr{Cvoid}, stride::Integer; flags = 0)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkGetQueryPoolResults(device, query_pool, first_query, query_count, data_size, data, stride, flags))) """ Arguments: - `device::Device` - `query_pool::QueryPool` - `first_query::UInt32` - `query_count::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkResetQueryPool.html) """ _reset_query_pool(device, query_pool, first_query::Integer, query_count::Integer)::Cvoid = @dispatch(device, vkResetQueryPool(device, query_pool, first_query, query_count)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `create_info::_BufferCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateBuffer.html) """ function _create_buffer(device, create_info::_BufferCreateInfo; allocator = C_NULL)::ResultTypes.Result{Buffer, VulkanError} pBuffer = Ref{VkBuffer}() @check @dispatch(device, vkCreateBuffer(device, create_info, allocator, pBuffer)) Buffer(pBuffer[], begin parent = Vk.handle(device) x->_destroy_buffer(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `buffer::Buffer` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyBuffer.html) """ _destroy_buffer(device, buffer; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyBuffer(device, buffer, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_BufferViewCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateBufferView.html) """ function _create_buffer_view(device, create_info::_BufferViewCreateInfo; allocator = C_NULL)::ResultTypes.Result{BufferView, VulkanError} pView = Ref{VkBufferView}() @check @dispatch(device, vkCreateBufferView(device, create_info, allocator, pView)) BufferView(pView[], begin parent = Vk.handle(device) x->_destroy_buffer_view(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `buffer_view::BufferView` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyBufferView.html) """ _destroy_buffer_view(device, buffer_view; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyBufferView(device, buffer_view, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_COMPRESSION_EXHAUSTED_EXT` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `create_info::_ImageCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateImage.html) """ function _create_image(device, create_info::_ImageCreateInfo; allocator = C_NULL)::ResultTypes.Result{Image, VulkanError} pImage = Ref{VkImage}() @check @dispatch(device, vkCreateImage(device, create_info, allocator, pImage)) Image(pImage[], begin parent = Vk.handle(device) x->_destroy_image(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `image::Image` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyImage.html) """ _destroy_image(device, image; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyImage(device, image, allocator)) """ Arguments: - `device::Device` - `image::Image` - `subresource::_ImageSubresource` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageSubresourceLayout.html) """ function _get_image_subresource_layout(device, image, subresource::_ImageSubresource)::_SubresourceLayout pLayout = Ref{VkSubresourceLayout}() @dispatch device vkGetImageSubresourceLayout(device, image, subresource, pLayout) from_vk(_SubresourceLayout, pLayout[]) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `create_info::_ImageViewCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateImageView.html) """ function _create_image_view(device, create_info::_ImageViewCreateInfo; allocator = C_NULL)::ResultTypes.Result{ImageView, VulkanError} pView = Ref{VkImageView}() @check @dispatch(device, vkCreateImageView(device, create_info, allocator, pView)) ImageView(pView[], begin parent = Vk.handle(device) x->_destroy_image_view(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `image_view::ImageView` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyImageView.html) """ _destroy_image_view(device, image_view; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyImageView(device, image_view, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_SHADER_NV` Arguments: - `device::Device` - `create_info::_ShaderModuleCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateShaderModule.html) """ function _create_shader_module(device, create_info::_ShaderModuleCreateInfo; allocator = C_NULL)::ResultTypes.Result{ShaderModule, VulkanError} pShaderModule = Ref{VkShaderModule}() @check @dispatch(device, vkCreateShaderModule(device, create_info, allocator, pShaderModule)) ShaderModule(pShaderModule[], begin parent = Vk.handle(device) x->_destroy_shader_module(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `shader_module::ShaderModule` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyShaderModule.html) """ _destroy_shader_module(device, shader_module; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyShaderModule(device, shader_module, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_PipelineCacheCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePipelineCache.html) """ function _create_pipeline_cache(device, create_info::_PipelineCacheCreateInfo; allocator = C_NULL)::ResultTypes.Result{PipelineCache, VulkanError} pPipelineCache = Ref{VkPipelineCache}() @check @dispatch(device, vkCreatePipelineCache(device, create_info, allocator, pPipelineCache)) PipelineCache(pPipelineCache[], begin parent = Vk.handle(device) x->_destroy_pipeline_cache(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `pipeline_cache::PipelineCache` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyPipelineCache.html) """ _destroy_pipeline_cache(device, pipeline_cache; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyPipelineCache(device, pipeline_cache, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `pipeline_cache::PipelineCache` !!! warning The pointer returned by this function holds memory owned by Julia. It is therefore **your** responsibility to free it after use (e.g. with `Libc.free`). [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPipelineCacheData.html) """ function _get_pipeline_cache_data(device, pipeline_cache)::ResultTypes.Result{Tuple{UInt, Ptr{Cvoid}}, VulkanError} pDataSize = Ref{UInt}() @repeat_while_incomplete begin @check @dispatch(device, vkGetPipelineCacheData(device, pipeline_cache, pDataSize, C_NULL)) pData = Libc.malloc(pDataSize[]) @check @dispatch(device, vkGetPipelineCacheData(device, pipeline_cache, pDataSize, pData)) if _return_code == VK_INCOMPLETE Libc.free(pData) end end (pDataSize[], pData) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `dst_cache::PipelineCache` (externsync) - `src_caches::Vector{PipelineCache}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkMergePipelineCaches.html) """ _merge_pipeline_caches(device, dst_cache, src_caches::AbstractArray)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkMergePipelineCaches(device, dst_cache, pointer_length(src_caches), src_caches))) """ Return codes: - `SUCCESS` - `PIPELINE_COMPILE_REQUIRED_EXT` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_SHADER_NV` Arguments: - `device::Device` - `create_infos::Vector{_GraphicsPipelineCreateInfo}` - `pipeline_cache::PipelineCache`: defaults to `C_NULL` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateGraphicsPipelines.html) """ function _create_graphics_pipelines(device, create_infos::AbstractArray; pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} pPipelines = Vector{VkPipeline}(undef, pointer_length(create_infos)) @check @dispatch(device, vkCreateGraphicsPipelines(device, pipeline_cache, pointer_length(create_infos), create_infos, allocator, pPipelines)) (Pipeline.(pPipelines, begin parent = Vk.handle(device) x->_destroy_pipeline(parent, x; allocator) end, device), _return_code) end """ Return codes: - `SUCCESS` - `PIPELINE_COMPILE_REQUIRED_EXT` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_SHADER_NV` Arguments: - `device::Device` - `create_infos::Vector{_ComputePipelineCreateInfo}` - `pipeline_cache::PipelineCache`: defaults to `C_NULL` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateComputePipelines.html) """ function _create_compute_pipelines(device, create_infos::AbstractArray; pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} pPipelines = Vector{VkPipeline}(undef, pointer_length(create_infos)) @check @dispatch(device, vkCreateComputePipelines(device, pipeline_cache, pointer_length(create_infos), create_infos, allocator, pPipelines)) (Pipeline.(pPipelines, begin parent = Vk.handle(device) x->_destroy_pipeline(parent, x; allocator) end, device), _return_code) end """ Extension: VK\\_HUAWEI\\_subpass\\_shading Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `renderpass::RenderPass` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceSubpassShadingMaxWorkgroupSizeHUAWEI.html) """ function _get_device_subpass_shading_max_workgroup_size_huawei(device, renderpass)::ResultTypes.Result{_Extent2D, VulkanError} pMaxWorkgroupSize = Ref{VkExtent2D}() @check @dispatch(device, vkGetDeviceSubpassShadingMaxWorkgroupSizeHUAWEI(device, renderpass, pMaxWorkgroupSize)) from_vk(_Extent2D, pMaxWorkgroupSize[]) end """ Arguments: - `device::Device` - `pipeline::Pipeline` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyPipeline.html) """ _destroy_pipeline(device, pipeline; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyPipeline(device, pipeline, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_PipelineLayoutCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePipelineLayout.html) """ function _create_pipeline_layout(device, create_info::_PipelineLayoutCreateInfo; allocator = C_NULL)::ResultTypes.Result{PipelineLayout, VulkanError} pPipelineLayout = Ref{VkPipelineLayout}() @check @dispatch(device, vkCreatePipelineLayout(device, create_info, allocator, pPipelineLayout)) PipelineLayout(pPipelineLayout[], begin parent = Vk.handle(device) x->_destroy_pipeline_layout(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `pipeline_layout::PipelineLayout` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyPipelineLayout.html) """ _destroy_pipeline_layout(device, pipeline_layout; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyPipelineLayout(device, pipeline_layout, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `create_info::_SamplerCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSampler.html) """ function _create_sampler(device, create_info::_SamplerCreateInfo; allocator = C_NULL)::ResultTypes.Result{Sampler, VulkanError} pSampler = Ref{VkSampler}() @check @dispatch(device, vkCreateSampler(device, create_info, allocator, pSampler)) Sampler(pSampler[], begin parent = Vk.handle(device) x->_destroy_sampler(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `sampler::Sampler` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroySampler.html) """ _destroy_sampler(device, sampler; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroySampler(device, sampler, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_DescriptorSetLayoutCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorSetLayout.html) """ function _create_descriptor_set_layout(device, create_info::_DescriptorSetLayoutCreateInfo; allocator = C_NULL)::ResultTypes.Result{DescriptorSetLayout, VulkanError} pSetLayout = Ref{VkDescriptorSetLayout}() @check @dispatch(device, vkCreateDescriptorSetLayout(device, create_info, allocator, pSetLayout)) DescriptorSetLayout(pSetLayout[], begin parent = Vk.handle(device) x->_destroy_descriptor_set_layout(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `descriptor_set_layout::DescriptorSetLayout` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDescriptorSetLayout.html) """ _destroy_descriptor_set_layout(device, descriptor_set_layout; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyDescriptorSetLayout(device, descriptor_set_layout, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_FRAGMENTATION_EXT` Arguments: - `device::Device` - `create_info::_DescriptorPoolCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorPool.html) """ function _create_descriptor_pool(device, create_info::_DescriptorPoolCreateInfo; allocator = C_NULL)::ResultTypes.Result{DescriptorPool, VulkanError} pDescriptorPool = Ref{VkDescriptorPool}() @check @dispatch(device, vkCreateDescriptorPool(device, create_info, allocator, pDescriptorPool)) DescriptorPool(pDescriptorPool[], begin parent = Vk.handle(device) x->_destroy_descriptor_pool(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `descriptor_pool::DescriptorPool` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDescriptorPool.html) """ _destroy_descriptor_pool(device, descriptor_pool; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyDescriptorPool(device, descriptor_pool, allocator)) """ Arguments: - `device::Device` - `descriptor_pool::DescriptorPool` (externsync) - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkResetDescriptorPool.html) """ function _reset_descriptor_pool(device, descriptor_pool; flags = 0)::Nothing @dispatch device vkResetDescriptorPool(device, descriptor_pool, flags) nothing end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_FRAGMENTED_POOL` - `ERROR_OUT_OF_POOL_MEMORY` Arguments: - `device::Device` - `allocate_info::_DescriptorSetAllocateInfo` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAllocateDescriptorSets.html) """ function _allocate_descriptor_sets(device, allocate_info::_DescriptorSetAllocateInfo)::ResultTypes.Result{Vector{DescriptorSet}, VulkanError} pDescriptorSets = Vector{VkDescriptorSet}(undef, allocate_info.vks.descriptorSetCount) @check @dispatch(device, vkAllocateDescriptorSets(device, allocate_info, pDescriptorSets)) DescriptorSet.(pDescriptorSets, identity, getproperty(allocate_info, :descriptor_pool)) end """ Arguments: - `device::Device` - `descriptor_pool::DescriptorPool` (externsync) - `descriptor_sets::Vector{DescriptorSet}` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkFreeDescriptorSets.html) """ function _free_descriptor_sets(device, descriptor_pool, descriptor_sets::AbstractArray)::Nothing @dispatch device vkFreeDescriptorSets(device, descriptor_pool, pointer_length(descriptor_sets), descriptor_sets) nothing end """ Arguments: - `device::Device` - `descriptor_writes::Vector{_WriteDescriptorSet}` - `descriptor_copies::Vector{_CopyDescriptorSet}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkUpdateDescriptorSets.html) """ _update_descriptor_sets(device, descriptor_writes::AbstractArray, descriptor_copies::AbstractArray)::Cvoid = @dispatch(device, vkUpdateDescriptorSets(device, pointer_length(descriptor_writes), descriptor_writes, pointer_length(descriptor_copies), descriptor_copies)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_FramebufferCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateFramebuffer.html) """ function _create_framebuffer(device, create_info::_FramebufferCreateInfo; allocator = C_NULL)::ResultTypes.Result{Framebuffer, VulkanError} pFramebuffer = Ref{VkFramebuffer}() @check @dispatch(device, vkCreateFramebuffer(device, create_info, allocator, pFramebuffer)) Framebuffer(pFramebuffer[], begin parent = Vk.handle(device) x->_destroy_framebuffer(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `framebuffer::Framebuffer` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyFramebuffer.html) """ _destroy_framebuffer(device, framebuffer; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyFramebuffer(device, framebuffer, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_RenderPassCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRenderPass.html) """ function _create_render_pass(device, create_info::_RenderPassCreateInfo; allocator = C_NULL)::ResultTypes.Result{RenderPass, VulkanError} pRenderPass = Ref{VkRenderPass}() @check @dispatch(device, vkCreateRenderPass(device, create_info, allocator, pRenderPass)) RenderPass(pRenderPass[], begin parent = Vk.handle(device) x->_destroy_render_pass(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `render_pass::RenderPass` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyRenderPass.html) """ _destroy_render_pass(device, render_pass; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyRenderPass(device, render_pass, allocator)) """ Arguments: - `device::Device` - `render_pass::RenderPass` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetRenderAreaGranularity.html) """ function _get_render_area_granularity(device, render_pass)::_Extent2D pGranularity = Ref{VkExtent2D}() @dispatch device vkGetRenderAreaGranularity(device, render_pass, pGranularity) from_vk(_Extent2D, pGranularity[]) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_CommandPoolCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCommandPool.html) """ function _create_command_pool(device, create_info::_CommandPoolCreateInfo; allocator = C_NULL)::ResultTypes.Result{CommandPool, VulkanError} pCommandPool = Ref{VkCommandPool}() @check @dispatch(device, vkCreateCommandPool(device, create_info, allocator, pCommandPool)) CommandPool(pCommandPool[], begin parent = Vk.handle(device) x->_destroy_command_pool(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `command_pool::CommandPool` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyCommandPool.html) """ _destroy_command_pool(device, command_pool; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyCommandPool(device, command_pool, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `command_pool::CommandPool` (externsync) - `flags::CommandPoolResetFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkResetCommandPool.html) """ _reset_command_pool(device, command_pool; flags = 0)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkResetCommandPool(device, command_pool, flags))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `allocate_info::_CommandBufferAllocateInfo` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAllocateCommandBuffers.html) """ function _allocate_command_buffers(device, allocate_info::_CommandBufferAllocateInfo)::ResultTypes.Result{Vector{CommandBuffer}, VulkanError} pCommandBuffers = Vector{VkCommandBuffer}(undef, allocate_info.vks.commandBufferCount) @check @dispatch(device, vkAllocateCommandBuffers(device, allocate_info, pCommandBuffers)) CommandBuffer.(pCommandBuffers, identity, getproperty(allocate_info, :command_pool)) end """ Arguments: - `device::Device` - `command_pool::CommandPool` (externsync) - `command_buffers::Vector{CommandBuffer}` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkFreeCommandBuffers.html) """ _free_command_buffers(device, command_pool, command_buffers::AbstractArray)::Cvoid = @dispatch(device, vkFreeCommandBuffers(device, command_pool, pointer_length(command_buffers), command_buffers)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `command_buffer::CommandBuffer` (externsync) - `begin_info::_CommandBufferBeginInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBeginCommandBuffer.html) """ _begin_command_buffer(command_buffer, begin_info::_CommandBufferBeginInfo)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device(command_buffer), vkBeginCommandBuffer(command_buffer, begin_info))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEndCommandBuffer.html) """ _end_command_buffer(command_buffer)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device(command_buffer), vkEndCommandBuffer(command_buffer))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `command_buffer::CommandBuffer` (externsync) - `flags::CommandBufferResetFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkResetCommandBuffer.html) """ _reset_command_buffer(command_buffer; flags = 0)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device(command_buffer), vkResetCommandBuffer(command_buffer, flags))) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_bind_point::PipelineBindPoint` - `pipeline::Pipeline` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindPipeline.html) """ _cmd_bind_pipeline(command_buffer, pipeline_bind_point::PipelineBindPoint, pipeline)::Cvoid = @dispatch(device(command_buffer), vkCmdBindPipeline(command_buffer, pipeline_bind_point, pipeline)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `viewports::Vector{_Viewport}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetViewport.html) """ _cmd_set_viewport(command_buffer, viewports::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetViewport(command_buffer, 0, pointer_length(viewports), viewports)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `scissors::Vector{_Rect2D}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetScissor.html) """ _cmd_set_scissor(command_buffer, scissors::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetScissor(command_buffer, 0, pointer_length(scissors), scissors)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `line_width::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetLineWidth.html) """ _cmd_set_line_width(command_buffer, line_width::Real)::Cvoid = @dispatch(device(command_buffer), vkCmdSetLineWidth(command_buffer, line_width)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_bias_constant_factor::Float32` - `depth_bias_clamp::Float32` - `depth_bias_slope_factor::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthBias.html) """ _cmd_set_depth_bias(command_buffer, depth_bias_constant_factor::Real, depth_bias_clamp::Real, depth_bias_slope_factor::Real)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDepthBias(command_buffer, depth_bias_constant_factor, depth_bias_clamp, depth_bias_slope_factor)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `blend_constants::NTuple{4, Float32}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetBlendConstants.html) """ _cmd_set_blend_constants(command_buffer, blend_constants::NTuple{4, Float32})::Cvoid = @dispatch(device(command_buffer), vkCmdSetBlendConstants(command_buffer, blend_constants)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `min_depth_bounds::Float32` - `max_depth_bounds::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthBounds.html) """ _cmd_set_depth_bounds(command_buffer, min_depth_bounds::Real, max_depth_bounds::Real)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDepthBounds(command_buffer, min_depth_bounds, max_depth_bounds)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `face_mask::StencilFaceFlag` - `compare_mask::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetStencilCompareMask.html) """ _cmd_set_stencil_compare_mask(command_buffer, face_mask::StencilFaceFlag, compare_mask::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdSetStencilCompareMask(command_buffer, face_mask, compare_mask)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `face_mask::StencilFaceFlag` - `write_mask::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetStencilWriteMask.html) """ _cmd_set_stencil_write_mask(command_buffer, face_mask::StencilFaceFlag, write_mask::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdSetStencilWriteMask(command_buffer, face_mask, write_mask)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `face_mask::StencilFaceFlag` - `reference::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetStencilReference.html) """ _cmd_set_stencil_reference(command_buffer, face_mask::StencilFaceFlag, reference::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdSetStencilReference(command_buffer, face_mask, reference)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_bind_point::PipelineBindPoint` - `layout::PipelineLayout` - `first_set::UInt32` - `descriptor_sets::Vector{DescriptorSet}` - `dynamic_offsets::Vector{UInt32}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindDescriptorSets.html) """ _cmd_bind_descriptor_sets(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, first_set::Integer, descriptor_sets::AbstractArray, dynamic_offsets::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdBindDescriptorSets(command_buffer, pipeline_bind_point, layout, first_set, pointer_length(descriptor_sets), descriptor_sets, pointer_length(dynamic_offsets), dynamic_offsets)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `index_type::IndexType` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindIndexBuffer.html) """ _cmd_bind_index_buffer(command_buffer, buffer, offset::Integer, index_type::IndexType)::Cvoid = @dispatch(device(command_buffer), vkCmdBindIndexBuffer(command_buffer, buffer, offset, index_type)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffers::Vector{Buffer}` - `offsets::Vector{UInt64}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindVertexBuffers.html) """ _cmd_bind_vertex_buffers(command_buffer, buffers::AbstractArray, offsets::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdBindVertexBuffers(command_buffer, 0, pointer_length(buffers), buffers, offsets)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `vertex_count::UInt32` - `instance_count::UInt32` - `first_vertex::UInt32` - `first_instance::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDraw.html) """ _cmd_draw(command_buffer, vertex_count::Integer, instance_count::Integer, first_vertex::Integer, first_instance::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDraw(command_buffer, vertex_count, instance_count, first_vertex, first_instance)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `index_count::UInt32` - `instance_count::UInt32` - `first_index::UInt32` - `vertex_offset::Int32` - `first_instance::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawIndexed.html) """ _cmd_draw_indexed(command_buffer, index_count::Integer, instance_count::Integer, first_index::Integer, vertex_offset::Integer, first_instance::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawIndexed(command_buffer, index_count, instance_count, first_index, vertex_offset, first_instance)) """ Extension: VK\\_EXT\\_multi\\_draw Arguments: - `command_buffer::CommandBuffer` (externsync) - `vertex_info::Vector{_MultiDrawInfoEXT}` - `instance_count::UInt32` - `first_instance::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMultiEXT.html) """ _cmd_draw_multi_ext(command_buffer, vertex_info::AbstractArray, instance_count::Integer, first_instance::Integer, stride::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawMultiEXT(command_buffer, pointer_length(vertex_info), vertex_info, instance_count, first_instance, stride)) """ Extension: VK\\_EXT\\_multi\\_draw Arguments: - `command_buffer::CommandBuffer` (externsync) - `index_info::Vector{_MultiDrawIndexedInfoEXT}` - `instance_count::UInt32` - `first_instance::UInt32` - `stride::UInt32` - `vertex_offset::Int32`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMultiIndexedEXT.html) """ _cmd_draw_multi_indexed_ext(command_buffer, index_info::AbstractArray, instance_count::Integer, first_instance::Integer, stride::Integer; vertex_offset = C_NULL)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawMultiIndexedEXT(command_buffer, pointer_length(index_info), index_info, instance_count, first_instance, stride, if vertex_offset == C_NULL C_NULL else Ref(vertex_offset) end)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawIndirect.html) """ _cmd_draw_indirect(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawIndirect(command_buffer, buffer, offset, draw_count, stride)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawIndexedIndirect.html) """ _cmd_draw_indexed_indirect(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawIndexedIndirect(command_buffer, buffer, offset, draw_count, stride)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `group_count_x::UInt32` - `group_count_y::UInt32` - `group_count_z::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDispatch.html) """ _cmd_dispatch(command_buffer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDispatch(command_buffer, group_count_x, group_count_y, group_count_z)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDispatchIndirect.html) """ _cmd_dispatch_indirect(command_buffer, buffer, offset::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDispatchIndirect(command_buffer, buffer, offset)) """ Extension: VK\\_HUAWEI\\_subpass\\_shading Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSubpassShadingHUAWEI.html) """ _cmd_subpass_shading_huawei(command_buffer)::Cvoid = @dispatch(device(command_buffer), vkCmdSubpassShadingHUAWEI(command_buffer)) """ Extension: VK\\_HUAWEI\\_cluster\\_culling\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `group_count_x::UInt32` - `group_count_y::UInt32` - `group_count_z::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawClusterHUAWEI.html) """ _cmd_draw_cluster_huawei(command_buffer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawClusterHUAWEI(command_buffer, group_count_x, group_count_y, group_count_z)) """ Extension: VK\\_HUAWEI\\_cluster\\_culling\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawClusterIndirectHUAWEI.html) """ _cmd_draw_cluster_indirect_huawei(command_buffer, buffer, offset::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawClusterIndirectHUAWEI(command_buffer, buffer, offset)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `src_buffer::Buffer` - `dst_buffer::Buffer` - `regions::Vector{_BufferCopy}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyBuffer.html) """ _cmd_copy_buffer(command_buffer, src_buffer, dst_buffer, regions::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyBuffer(command_buffer, src_buffer, dst_buffer, pointer_length(regions), regions)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{_ImageCopy}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyImage.html) """ _cmd_copy_image(command_buffer, src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyImage(command_buffer, src_image, src_image_layout, dst_image, dst_image_layout, pointer_length(regions), regions)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{_ImageBlit}` - `filter::Filter` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBlitImage.html) """ _cmd_blit_image(command_buffer, src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray, filter::Filter)::Cvoid = @dispatch(device(command_buffer), vkCmdBlitImage(command_buffer, src_image, src_image_layout, dst_image, dst_image_layout, pointer_length(regions), regions, filter)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `src_buffer::Buffer` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{_BufferImageCopy}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyBufferToImage.html) """ _cmd_copy_buffer_to_image(command_buffer, src_buffer, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyBufferToImage(command_buffer, src_buffer, dst_image, dst_image_layout, pointer_length(regions), regions)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_buffer::Buffer` - `regions::Vector{_BufferImageCopy}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyImageToBuffer.html) """ _cmd_copy_image_to_buffer(command_buffer, src_image, src_image_layout::ImageLayout, dst_buffer, regions::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyImageToBuffer(command_buffer, src_image, src_image_layout, dst_buffer, pointer_length(regions), regions)) """ Extension: VK\\_NV\\_copy\\_memory\\_indirect Arguments: - `command_buffer::CommandBuffer` (externsync) - `copy_buffer_address::UInt64` - `copy_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyMemoryIndirectNV.html) """ _cmd_copy_memory_indirect_nv(command_buffer, copy_buffer_address::Integer, copy_count::Integer, stride::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyMemoryIndirectNV(command_buffer, copy_buffer_address, copy_count, stride)) """ Extension: VK\\_NV\\_copy\\_memory\\_indirect Arguments: - `command_buffer::CommandBuffer` (externsync) - `copy_buffer_address::UInt64` - `stride::UInt32` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `image_subresources::Vector{_ImageSubresourceLayers}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyMemoryToImageIndirectNV.html) """ _cmd_copy_memory_to_image_indirect_nv(command_buffer, copy_buffer_address::Integer, stride::Integer, dst_image, dst_image_layout::ImageLayout, image_subresources::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyMemoryToImageIndirectNV(command_buffer, copy_buffer_address, pointer_length(image_subresources), stride, dst_image, dst_image_layout, image_subresources)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `dst_buffer::Buffer` - `dst_offset::UInt64` - `data_size::UInt64` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdUpdateBuffer.html) """ _cmd_update_buffer(command_buffer, dst_buffer, dst_offset::Integer, data_size::Integer, data::Ptr{Cvoid})::Cvoid = @dispatch(device(command_buffer), vkCmdUpdateBuffer(command_buffer, dst_buffer, dst_offset, data_size, data)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `dst_buffer::Buffer` - `dst_offset::UInt64` - `size::UInt64` - `data::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdFillBuffer.html) """ _cmd_fill_buffer(command_buffer, dst_buffer, dst_offset::Integer, size::Integer, data::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdFillBuffer(command_buffer, dst_buffer, dst_offset, size, data)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `image::Image` - `image_layout::ImageLayout` - `color::_ClearColorValue` - `ranges::Vector{_ImageSubresourceRange}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdClearColorImage.html) """ _cmd_clear_color_image(command_buffer, image, image_layout::ImageLayout, color::_ClearColorValue, ranges::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdClearColorImage(command_buffer, image, image_layout, color, pointer_length(ranges), ranges)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `image::Image` - `image_layout::ImageLayout` - `depth_stencil::_ClearDepthStencilValue` - `ranges::Vector{_ImageSubresourceRange}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdClearDepthStencilImage.html) """ _cmd_clear_depth_stencil_image(command_buffer, image, image_layout::ImageLayout, depth_stencil::_ClearDepthStencilValue, ranges::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdClearDepthStencilImage(command_buffer, image, image_layout, depth_stencil, pointer_length(ranges), ranges)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `attachments::Vector{_ClearAttachment}` - `rects::Vector{_ClearRect}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdClearAttachments.html) """ _cmd_clear_attachments(command_buffer, attachments::AbstractArray, rects::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdClearAttachments(command_buffer, pointer_length(attachments), attachments, pointer_length(rects), rects)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{_ImageResolve}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdResolveImage.html) """ _cmd_resolve_image(command_buffer, src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdResolveImage(command_buffer, src_image, src_image_layout, dst_image, dst_image_layout, pointer_length(regions), regions)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `event::Event` - `stage_mask::PipelineStageFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetEvent.html) """ _cmd_set_event(command_buffer, event; stage_mask = 0)::Cvoid = @dispatch(device(command_buffer), vkCmdSetEvent(command_buffer, event, stage_mask)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `event::Event` - `stage_mask::PipelineStageFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdResetEvent.html) """ _cmd_reset_event(command_buffer, event; stage_mask = 0)::Cvoid = @dispatch(device(command_buffer), vkCmdResetEvent(command_buffer, event, stage_mask)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `events::Vector{Event}` - `memory_barriers::Vector{_MemoryBarrier}` - `buffer_memory_barriers::Vector{_BufferMemoryBarrier}` - `image_memory_barriers::Vector{_ImageMemoryBarrier}` - `src_stage_mask::PipelineStageFlag`: defaults to `0` - `dst_stage_mask::PipelineStageFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWaitEvents.html) """ _cmd_wait_events(command_buffer, events::AbstractArray, memory_barriers::AbstractArray, buffer_memory_barriers::AbstractArray, image_memory_barriers::AbstractArray; src_stage_mask = 0, dst_stage_mask = 0)::Cvoid = @dispatch(device(command_buffer), vkCmdWaitEvents(command_buffer, pointer_length(events), events, src_stage_mask, dst_stage_mask, pointer_length(memory_barriers), memory_barriers, pointer_length(buffer_memory_barriers), buffer_memory_barriers, pointer_length(image_memory_barriers), image_memory_barriers)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `memory_barriers::Vector{_MemoryBarrier}` - `buffer_memory_barriers::Vector{_BufferMemoryBarrier}` - `image_memory_barriers::Vector{_ImageMemoryBarrier}` - `src_stage_mask::PipelineStageFlag`: defaults to `0` - `dst_stage_mask::PipelineStageFlag`: defaults to `0` - `dependency_flags::DependencyFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdPipelineBarrier.html) """ _cmd_pipeline_barrier(command_buffer, memory_barriers::AbstractArray, buffer_memory_barriers::AbstractArray, image_memory_barriers::AbstractArray; src_stage_mask = 0, dst_stage_mask = 0, dependency_flags = 0)::Cvoid = @dispatch(device(command_buffer), vkCmdPipelineBarrier(command_buffer, src_stage_mask, dst_stage_mask, dependency_flags, pointer_length(memory_barriers), memory_barriers, pointer_length(buffer_memory_barriers), buffer_memory_barriers, pointer_length(image_memory_barriers), image_memory_barriers)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `query::UInt32` - `flags::QueryControlFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginQuery.html) """ _cmd_begin_query(command_buffer, query_pool, query::Integer; flags = 0)::Cvoid = @dispatch(device(command_buffer), vkCmdBeginQuery(command_buffer, query_pool, query, flags)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `query::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndQuery.html) """ _cmd_end_query(command_buffer, query_pool, query::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdEndQuery(command_buffer, query_pool, query)) """ Extension: VK\\_EXT\\_conditional\\_rendering Arguments: - `command_buffer::CommandBuffer` (externsync) - `conditional_rendering_begin::_ConditionalRenderingBeginInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginConditionalRenderingEXT.html) """ _cmd_begin_conditional_rendering_ext(command_buffer, conditional_rendering_begin::_ConditionalRenderingBeginInfoEXT)::Cvoid = @dispatch(device(command_buffer), vkCmdBeginConditionalRenderingEXT(command_buffer, conditional_rendering_begin)) """ Extension: VK\\_EXT\\_conditional\\_rendering Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndConditionalRenderingEXT.html) """ _cmd_end_conditional_rendering_ext(command_buffer)::Cvoid = @dispatch(device(command_buffer), vkCmdEndConditionalRenderingEXT(command_buffer)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `first_query::UInt32` - `query_count::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdResetQueryPool.html) """ _cmd_reset_query_pool(command_buffer, query_pool, first_query::Integer, query_count::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdResetQueryPool(command_buffer, query_pool, first_query, query_count)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_stage::PipelineStageFlag` - `query_pool::QueryPool` - `query::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteTimestamp.html) """ _cmd_write_timestamp(command_buffer, pipeline_stage::PipelineStageFlag, query_pool, query::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdWriteTimestamp(command_buffer, VkPipelineStageFlagBits(pipeline_stage.val), query_pool, query)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `first_query::UInt32` - `query_count::UInt32` - `dst_buffer::Buffer` - `dst_offset::UInt64` - `stride::UInt64` - `flags::QueryResultFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyQueryPoolResults.html) """ _cmd_copy_query_pool_results(command_buffer, query_pool, first_query::Integer, query_count::Integer, dst_buffer, dst_offset::Integer, stride::Integer; flags = 0)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyQueryPoolResults(command_buffer, query_pool, first_query, query_count, dst_buffer, dst_offset, stride, flags)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `layout::PipelineLayout` - `stage_flags::ShaderStageFlag` - `offset::UInt32` - `size::UInt32` - `values::Ptr{Cvoid}` (must be a valid pointer with `size` bytes) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdPushConstants.html) """ _cmd_push_constants(command_buffer, layout, stage_flags::ShaderStageFlag, offset::Integer, size::Integer, values::Ptr{Cvoid})::Cvoid = @dispatch(device(command_buffer), vkCmdPushConstants(command_buffer, layout, stage_flags, offset, size, values)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `render_pass_begin::_RenderPassBeginInfo` - `contents::SubpassContents` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginRenderPass.html) """ _cmd_begin_render_pass(command_buffer, render_pass_begin::_RenderPassBeginInfo, contents::SubpassContents)::Cvoid = @dispatch(device(command_buffer), vkCmdBeginRenderPass(command_buffer, render_pass_begin, contents)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `contents::SubpassContents` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdNextSubpass.html) """ _cmd_next_subpass(command_buffer, contents::SubpassContents)::Cvoid = @dispatch(device(command_buffer), vkCmdNextSubpass(command_buffer, contents)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndRenderPass.html) """ _cmd_end_render_pass(command_buffer)::Cvoid = @dispatch(device(command_buffer), vkCmdEndRenderPass(command_buffer)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `command_buffers::Vector{CommandBuffer}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdExecuteCommands.html) """ _cmd_execute_commands(command_buffer, command_buffers::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdExecuteCommands(command_buffer, pointer_length(command_buffers), command_buffers)) """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceDisplayPropertiesKHR.html) """ function _get_physical_device_display_properties_khr(physical_device)::ResultTypes.Result{Vector{_DisplayPropertiesKHR}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceDisplayPropertiesKHR(physical_device, pPropertyCount, C_NULL)) pProperties = Vector{VkDisplayPropertiesKHR}(undef, pPropertyCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceDisplayPropertiesKHR(physical_device, pPropertyCount, pProperties)) end from_vk.(_DisplayPropertiesKHR, pProperties) end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceDisplayPlanePropertiesKHR.html) """ function _get_physical_device_display_plane_properties_khr(physical_device)::ResultTypes.Result{Vector{_DisplayPlanePropertiesKHR}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceDisplayPlanePropertiesKHR(physical_device, pPropertyCount, C_NULL)) pProperties = Vector{VkDisplayPlanePropertiesKHR}(undef, pPropertyCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceDisplayPlanePropertiesKHR(physical_device, pPropertyCount, pProperties)) end from_vk.(_DisplayPlanePropertiesKHR, pProperties) end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `plane_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDisplayPlaneSupportedDisplaysKHR.html) """ function _get_display_plane_supported_displays_khr(physical_device, plane_index::Integer)::ResultTypes.Result{Vector{DisplayKHR}, VulkanError} pDisplayCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetDisplayPlaneSupportedDisplaysKHR(physical_device, plane_index, pDisplayCount, C_NULL)) pDisplays = Vector{VkDisplayKHR}(undef, pDisplayCount[]) @check @dispatch(instance(physical_device), vkGetDisplayPlaneSupportedDisplaysKHR(physical_device, plane_index, pDisplayCount, pDisplays)) end DisplayKHR.(pDisplays, identity, physical_device) end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDisplayModePropertiesKHR.html) """ function _get_display_mode_properties_khr(physical_device, display)::ResultTypes.Result{Vector{_DisplayModePropertiesKHR}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetDisplayModePropertiesKHR(physical_device, display, pPropertyCount, C_NULL)) pProperties = Vector{VkDisplayModePropertiesKHR}(undef, pPropertyCount[]) @check @dispatch(instance(physical_device), vkGetDisplayModePropertiesKHR(physical_device, display, pPropertyCount, pProperties)) end from_vk.(_DisplayModePropertiesKHR, pProperties) end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` (externsync) - `create_info::_DisplayModeCreateInfoKHR` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDisplayModeKHR.html) """ function _create_display_mode_khr(physical_device, display, create_info::_DisplayModeCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{DisplayModeKHR, VulkanError} pMode = Ref{VkDisplayModeKHR}() @check @dispatch(instance(physical_device), vkCreateDisplayModeKHR(physical_device, display, create_info, allocator, pMode)) DisplayModeKHR(pMode[], identity, display) end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `mode::DisplayModeKHR` (externsync) - `plane_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDisplayPlaneCapabilitiesKHR.html) """ function _get_display_plane_capabilities_khr(physical_device, mode, plane_index::Integer)::ResultTypes.Result{_DisplayPlaneCapabilitiesKHR, VulkanError} pCapabilities = Ref{VkDisplayPlaneCapabilitiesKHR}() @check @dispatch(instance(physical_device), vkGetDisplayPlaneCapabilitiesKHR(physical_device, mode, plane_index, pCapabilities)) from_vk(_DisplayPlaneCapabilitiesKHR, pCapabilities[]) end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `create_info::_DisplaySurfaceCreateInfoKHR` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDisplayPlaneSurfaceKHR.html) """ function _create_display_plane_surface_khr(instance, create_info::_DisplaySurfaceCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} pSurface = Ref{VkSurfaceKHR}() @check @dispatch(instance, vkCreateDisplayPlaneSurfaceKHR(instance, create_info, allocator, pSurface)) SurfaceKHR(pSurface[], begin parent = Vk.handle(instance) x->_destroy_surface_khr(parent, x; allocator) end, instance) end """ Extension: VK\\_KHR\\_display\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INCOMPATIBLE_DISPLAY_KHR` - `ERROR_DEVICE_LOST` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `create_infos::Vector{_SwapchainCreateInfoKHR}` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSharedSwapchainsKHR.html) """ function _create_shared_swapchains_khr(device, create_infos::AbstractArray; allocator = C_NULL)::ResultTypes.Result{Vector{SwapchainKHR}, VulkanError} pSwapchains = Vector{VkSwapchainKHR}(undef, pointer_length(create_infos)) @check @dispatch(device, vkCreateSharedSwapchainsKHR(device, pointer_length(create_infos), create_infos, allocator, pSwapchains)) SwapchainKHR.(pSwapchains, begin parent = Vk.handle(device) x->_destroy_swapchain_khr(parent, x; allocator) end, device) end """ Extension: VK\\_KHR\\_surface Arguments: - `instance::Instance` - `surface::SurfaceKHR` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroySurfaceKHR.html) """ _destroy_surface_khr(instance, surface; allocator = C_NULL)::Cvoid = @dispatch(instance, vkDestroySurfaceKHR(instance, surface, allocator)) """ Extension: VK\\_KHR\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `queue_family_index::UInt32` - `surface::SurfaceKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfaceSupportKHR.html) """ function _get_physical_device_surface_support_khr(physical_device, queue_family_index::Integer, surface)::ResultTypes.Result{Bool, VulkanError} pSupported = Ref{VkBool32}() @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSurfaceSupportKHR(physical_device, queue_family_index, surface, pSupported)) from_vk(Bool, pSupported[]) end """ Extension: VK\\_KHR\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface::SurfaceKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfaceCapabilitiesKHR.html) """ function _get_physical_device_surface_capabilities_khr(physical_device, surface)::ResultTypes.Result{_SurfaceCapabilitiesKHR, VulkanError} pSurfaceCapabilities = Ref{VkSurfaceCapabilitiesKHR}() @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSurfaceCapabilitiesKHR(physical_device, surface, pSurfaceCapabilities)) from_vk(_SurfaceCapabilitiesKHR, pSurfaceCapabilities[]) end """ Extension: VK\\_KHR\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface::SurfaceKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfaceFormatsKHR.html) """ function _get_physical_device_surface_formats_khr(physical_device; surface = C_NULL)::ResultTypes.Result{Vector{_SurfaceFormatKHR}, VulkanError} pSurfaceFormatCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSurfaceFormatsKHR(physical_device, surface, pSurfaceFormatCount, C_NULL)) pSurfaceFormats = Vector{VkSurfaceFormatKHR}(undef, pSurfaceFormatCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSurfaceFormatsKHR(physical_device, surface, pSurfaceFormatCount, pSurfaceFormats)) end from_vk.(_SurfaceFormatKHR, pSurfaceFormats) end """ Extension: VK\\_KHR\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface::SurfaceKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfacePresentModesKHR.html) """ function _get_physical_device_surface_present_modes_khr(physical_device; surface = C_NULL)::ResultTypes.Result{Vector{PresentModeKHR}, VulkanError} pPresentModeCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSurfacePresentModesKHR(physical_device, surface, pPresentModeCount, C_NULL)) pPresentModes = Vector{VkPresentModeKHR}(undef, pPresentModeCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSurfacePresentModesKHR(physical_device, surface, pPresentModeCount, pPresentModes)) end pPresentModes end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_SURFACE_LOST_KHR` - `ERROR_NATIVE_WINDOW_IN_USE_KHR` - `ERROR_INITIALIZATION_FAILED` - `ERROR_COMPRESSION_EXHAUSTED_EXT` Arguments: - `device::Device` - `create_info::_SwapchainCreateInfoKHR` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSwapchainKHR.html) """ function _create_swapchain_khr(device, create_info::_SwapchainCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{SwapchainKHR, VulkanError} pSwapchain = Ref{VkSwapchainKHR}() @check @dispatch(device, vkCreateSwapchainKHR(device, create_info, allocator, pSwapchain)) SwapchainKHR(pSwapchain[], begin parent = Vk.handle(device) x->_destroy_swapchain_khr(parent, x; allocator) end, device) end """ Extension: VK\\_KHR\\_swapchain Arguments: - `device::Device` - `swapchain::SwapchainKHR` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroySwapchainKHR.html) """ _destroy_swapchain_khr(device, swapchain; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroySwapchainKHR(device, swapchain, allocator)) """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `swapchain::SwapchainKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSwapchainImagesKHR.html) """ function _get_swapchain_images_khr(device, swapchain)::ResultTypes.Result{Vector{Image}, VulkanError} pSwapchainImageCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(device, vkGetSwapchainImagesKHR(device, swapchain, pSwapchainImageCount, C_NULL)) pSwapchainImages = Vector{VkImage}(undef, pSwapchainImageCount[]) @check @dispatch(device, vkGetSwapchainImagesKHR(device, swapchain, pSwapchainImageCount, pSwapchainImages)) end Image.(pSwapchainImages, identity, device) end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `TIMEOUT` - `NOT_READY` - `SUBOPTIMAL_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` - `ERROR_SURFACE_LOST_KHR` - `ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT` Arguments: - `device::Device` - `swapchain::SwapchainKHR` (externsync) - `timeout::UInt64` - `semaphore::Semaphore`: defaults to `C_NULL` (externsync) - `fence::Fence`: defaults to `C_NULL` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAcquireNextImageKHR.html) """ function _acquire_next_image_khr(device, swapchain, timeout::Integer; semaphore = C_NULL, fence = C_NULL)::ResultTypes.Result{Tuple{UInt32, Result}, VulkanError} pImageIndex = Ref{UInt32}() @check @dispatch(device, vkAcquireNextImageKHR(device, swapchain, timeout, semaphore, fence, pImageIndex)) (pImageIndex[], _return_code) end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `SUBOPTIMAL_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` - `ERROR_SURFACE_LOST_KHR` - `ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT` Arguments: - `queue::Queue` (externsync) - `present_info::_PresentInfoKHR` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueuePresentKHR.html) """ _queue_present_khr(queue, present_info::_PresentInfoKHR)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device(queue), vkQueuePresentKHR(queue, present_info))) """ Extension: VK\\_KHR\\_wayland\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `create_info::_WaylandSurfaceCreateInfoKHR` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateWaylandSurfaceKHR.html) """ function _create_wayland_surface_khr(instance, create_info::_WaylandSurfaceCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} pSurface = Ref{VkSurfaceKHR}() @check @dispatch(instance, vkCreateWaylandSurfaceKHR(instance, create_info, allocator, pSurface)) SurfaceKHR(pSurface[], begin parent = Vk.handle(instance) x->_destroy_surface_khr(parent, x; allocator) end, instance) end """ Extension: VK\\_KHR\\_wayland\\_surface Arguments: - `physical_device::PhysicalDevice` - `queue_family_index::UInt32` - `display::Ptr{wl_display}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceWaylandPresentationSupportKHR.html) """ _get_physical_device_wayland_presentation_support_khr(physical_device, queue_family_index::Integer, display::Ptr{vk.wl_display})::Bool = from_vk(Bool, @dispatch(instance(physical_device), vkGetPhysicalDeviceWaylandPresentationSupportKHR(physical_device, queue_family_index, display))) """ Extension: VK\\_KHR\\_xlib\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `create_info::_XlibSurfaceCreateInfoKHR` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateXlibSurfaceKHR.html) """ function _create_xlib_surface_khr(instance, create_info::_XlibSurfaceCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} pSurface = Ref{VkSurfaceKHR}() @check @dispatch(instance, vkCreateXlibSurfaceKHR(instance, create_info, allocator, pSurface)) SurfaceKHR(pSurface[], begin parent = Vk.handle(instance) x->_destroy_surface_khr(parent, x; allocator) end, instance) end """ Extension: VK\\_KHR\\_xlib\\_surface Arguments: - `physical_device::PhysicalDevice` - `queue_family_index::UInt32` - `dpy::Ptr{Display}` - `visual_id::VisualID` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceXlibPresentationSupportKHR.html) """ _get_physical_device_xlib_presentation_support_khr(physical_device, queue_family_index::Integer, dpy::Ptr{vk.Display}, visual_id::vk.VisualID)::Bool = from_vk(Bool, @dispatch(instance(physical_device), vkGetPhysicalDeviceXlibPresentationSupportKHR(physical_device, queue_family_index, dpy, visual_id))) """ Extension: VK\\_KHR\\_xcb\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `create_info::_XcbSurfaceCreateInfoKHR` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateXcbSurfaceKHR.html) """ function _create_xcb_surface_khr(instance, create_info::_XcbSurfaceCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} pSurface = Ref{VkSurfaceKHR}() @check @dispatch(instance, vkCreateXcbSurfaceKHR(instance, create_info, allocator, pSurface)) SurfaceKHR(pSurface[], begin parent = Vk.handle(instance) x->_destroy_surface_khr(parent, x; allocator) end, instance) end """ Extension: VK\\_KHR\\_xcb\\_surface Arguments: - `physical_device::PhysicalDevice` - `queue_family_index::UInt32` - `connection::Ptr{xcb_connection_t}` - `visual_id::xcb_visualid_t` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceXcbPresentationSupportKHR.html) """ _get_physical_device_xcb_presentation_support_khr(physical_device, queue_family_index::Integer, connection::Ptr{vk.xcb_connection_t}, visual_id::vk.xcb_visualid_t)::Bool = from_vk(Bool, @dispatch(instance(physical_device), vkGetPhysicalDeviceXcbPresentationSupportKHR(physical_device, queue_family_index, connection, visual_id))) """ Extension: VK\\_EXT\\_debug\\_report Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `instance::Instance` - `create_info::_DebugReportCallbackCreateInfoEXT` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDebugReportCallbackEXT.html) """ function _create_debug_report_callback_ext(instance, create_info::_DebugReportCallbackCreateInfoEXT; allocator = C_NULL)::ResultTypes.Result{DebugReportCallbackEXT, VulkanError} pCallback = Ref{VkDebugReportCallbackEXT}() @check @dispatch(instance, vkCreateDebugReportCallbackEXT(instance, create_info, allocator, pCallback)) DebugReportCallbackEXT(pCallback[], begin parent = Vk.handle(instance) x->_destroy_debug_report_callback_ext(parent, x; allocator) end, instance) end """ Extension: VK\\_EXT\\_debug\\_report Arguments: - `instance::Instance` - `callback::DebugReportCallbackEXT` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDebugReportCallbackEXT.html) """ _destroy_debug_report_callback_ext(instance, callback; allocator = C_NULL)::Cvoid = @dispatch(instance, vkDestroyDebugReportCallbackEXT(instance, callback, allocator)) """ Extension: VK\\_EXT\\_debug\\_report Arguments: - `instance::Instance` - `flags::DebugReportFlagEXT` - `object_type::DebugReportObjectTypeEXT` - `object::UInt64` - `location::UInt` - `message_code::Int32` - `layer_prefix::String` - `message::String` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDebugReportMessageEXT.html) """ _debug_report_message_ext(instance, flags::DebugReportFlagEXT, object_type::DebugReportObjectTypeEXT, object::Integer, location::Integer, message_code::Integer, layer_prefix::AbstractString, message::AbstractString)::Cvoid = @dispatch(instance, vkDebugReportMessageEXT(instance, flags, object_type, object, location, message_code, layer_prefix, message)) """ Extension: VK\\_EXT\\_debug\\_marker Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `name_info::_DebugMarkerObjectNameInfoEXT` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDebugMarkerSetObjectNameEXT.html) """ _debug_marker_set_object_name_ext(device, name_info::_DebugMarkerObjectNameInfoEXT)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkDebugMarkerSetObjectNameEXT(device, name_info))) """ Extension: VK\\_EXT\\_debug\\_marker Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `tag_info::_DebugMarkerObjectTagInfoEXT` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDebugMarkerSetObjectTagEXT.html) """ _debug_marker_set_object_tag_ext(device, tag_info::_DebugMarkerObjectTagInfoEXT)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkDebugMarkerSetObjectTagEXT(device, tag_info))) """ Extension: VK\\_EXT\\_debug\\_marker Arguments: - `command_buffer::CommandBuffer` (externsync) - `marker_info::_DebugMarkerMarkerInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDebugMarkerBeginEXT.html) """ _cmd_debug_marker_begin_ext(command_buffer, marker_info::_DebugMarkerMarkerInfoEXT)::Cvoid = @dispatch(device(command_buffer), vkCmdDebugMarkerBeginEXT(command_buffer, marker_info)) """ Extension: VK\\_EXT\\_debug\\_marker Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDebugMarkerEndEXT.html) """ _cmd_debug_marker_end_ext(command_buffer)::Cvoid = @dispatch(device(command_buffer), vkCmdDebugMarkerEndEXT(command_buffer)) """ Extension: VK\\_EXT\\_debug\\_marker Arguments: - `command_buffer::CommandBuffer` (externsync) - `marker_info::_DebugMarkerMarkerInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDebugMarkerInsertEXT.html) """ _cmd_debug_marker_insert_ext(command_buffer, marker_info::_DebugMarkerMarkerInfoEXT)::Cvoid = @dispatch(device(command_buffer), vkCmdDebugMarkerInsertEXT(command_buffer, marker_info)) """ Extension: VK\\_NV\\_external\\_memory\\_capabilities Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_FORMAT_NOT_SUPPORTED` Arguments: - `physical_device::PhysicalDevice` - `format::Format` - `type::ImageType` - `tiling::ImageTiling` - `usage::ImageUsageFlag` - `flags::ImageCreateFlag`: defaults to `0` - `external_handle_type::ExternalMemoryHandleTypeFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceExternalImageFormatPropertiesNV.html) """ function _get_physical_device_external_image_format_properties_nv(physical_device, format::Format, type::ImageType, tiling::ImageTiling, usage::ImageUsageFlag; flags = 0, external_handle_type = 0)::ResultTypes.Result{_ExternalImageFormatPropertiesNV, VulkanError} pExternalImageFormatProperties = Ref{VkExternalImageFormatPropertiesNV}() @check @dispatch(instance(physical_device), vkGetPhysicalDeviceExternalImageFormatPropertiesNV(physical_device, format, type, tiling, usage, flags, external_handle_type, pExternalImageFormatProperties)) from_vk(_ExternalImageFormatPropertiesNV, pExternalImageFormatProperties[]) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `command_buffer::CommandBuffer` (externsync) - `is_preprocessed::Bool` - `generated_commands_info::_GeneratedCommandsInfoNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdExecuteGeneratedCommandsNV.html) """ _cmd_execute_generated_commands_nv(command_buffer, is_preprocessed::Bool, generated_commands_info::_GeneratedCommandsInfoNV)::Cvoid = @dispatch(device(command_buffer), vkCmdExecuteGeneratedCommandsNV(command_buffer, is_preprocessed, generated_commands_info)) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `command_buffer::CommandBuffer` (externsync) - `generated_commands_info::_GeneratedCommandsInfoNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdPreprocessGeneratedCommandsNV.html) """ _cmd_preprocess_generated_commands_nv(command_buffer, generated_commands_info::_GeneratedCommandsInfoNV)::Cvoid = @dispatch(device(command_buffer), vkCmdPreprocessGeneratedCommandsNV(command_buffer, generated_commands_info)) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_bind_point::PipelineBindPoint` - `pipeline::Pipeline` - `group_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindPipelineShaderGroupNV.html) """ _cmd_bind_pipeline_shader_group_nv(command_buffer, pipeline_bind_point::PipelineBindPoint, pipeline, group_index::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdBindPipelineShaderGroupNV(command_buffer, pipeline_bind_point, pipeline, group_index)) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `device::Device` - `info::_GeneratedCommandsMemoryRequirementsInfoNV` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetGeneratedCommandsMemoryRequirementsNV.html) """ function _get_generated_commands_memory_requirements_nv(device, info::_GeneratedCommandsMemoryRequirementsInfoNV, next_types::Type...)::_MemoryRequirements2 memory_requirements = initialize(_MemoryRequirements2, next_types...) pMemoryRequirements = Ref(Base.unsafe_convert(VkMemoryRequirements2, memory_requirements)) GC.@preserve memory_requirements begin @dispatch device vkGetGeneratedCommandsMemoryRequirementsNV(device, info, pMemoryRequirements) _MemoryRequirements2(pMemoryRequirements[], Any[memory_requirements]) end end """ Extension: VK\\_NV\\_device\\_generated\\_commands Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_IndirectCommandsLayoutCreateInfoNV` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateIndirectCommandsLayoutNV.html) """ function _create_indirect_commands_layout_nv(device, create_info::_IndirectCommandsLayoutCreateInfoNV; allocator = C_NULL)::ResultTypes.Result{IndirectCommandsLayoutNV, VulkanError} pIndirectCommandsLayout = Ref{VkIndirectCommandsLayoutNV}() @check @dispatch(device, vkCreateIndirectCommandsLayoutNV(device, create_info, allocator, pIndirectCommandsLayout)) IndirectCommandsLayoutNV(pIndirectCommandsLayout[], begin parent = Vk.handle(device) x->_destroy_indirect_commands_layout_nv(parent, x; allocator) end, device) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `device::Device` - `indirect_commands_layout::IndirectCommandsLayoutNV` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyIndirectCommandsLayoutNV.html) """ _destroy_indirect_commands_layout_nv(device, indirect_commands_layout; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyIndirectCommandsLayoutNV(device, indirect_commands_layout, allocator)) """ Arguments: - `physical_device::PhysicalDevice` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceFeatures2.html) """ function _get_physical_device_features_2(physical_device, next_types::Type...)::_PhysicalDeviceFeatures2 features = initialize(_PhysicalDeviceFeatures2, next_types...) pFeatures = Ref(Base.unsafe_convert(VkPhysicalDeviceFeatures2, features)) GC.@preserve features begin @dispatch instance(physical_device) vkGetPhysicalDeviceFeatures2(physical_device, pFeatures) _PhysicalDeviceFeatures2(pFeatures[], Any[features]) end end """ Arguments: - `physical_device::PhysicalDevice` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceProperties2.html) """ function _get_physical_device_properties_2(physical_device, next_types::Type...)::_PhysicalDeviceProperties2 properties = initialize(_PhysicalDeviceProperties2, next_types...) pProperties = Ref(Base.unsafe_convert(VkPhysicalDeviceProperties2, properties)) GC.@preserve properties begin @dispatch instance(physical_device) vkGetPhysicalDeviceProperties2(physical_device, pProperties) _PhysicalDeviceProperties2(pProperties[], Any[properties]) end end """ Arguments: - `physical_device::PhysicalDevice` - `format::Format` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceFormatProperties2.html) """ function _get_physical_device_format_properties_2(physical_device, format::Format, next_types::Type...)::_FormatProperties2 format_properties = initialize(_FormatProperties2, next_types...) pFormatProperties = Ref(Base.unsafe_convert(VkFormatProperties2, format_properties)) GC.@preserve format_properties begin @dispatch instance(physical_device) vkGetPhysicalDeviceFormatProperties2(physical_device, format, pFormatProperties) _FormatProperties2(pFormatProperties[], Any[format_properties]) end end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_FORMAT_NOT_SUPPORTED` - `ERROR_IMAGE_USAGE_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_OPERATION_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_FORMAT_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PICTURE_LAYOUT_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_CODEC_NOT_SUPPORTED_KHR` Arguments: - `physical_device::PhysicalDevice` - `image_format_info::_PhysicalDeviceImageFormatInfo2` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceImageFormatProperties2.html) """ function _get_physical_device_image_format_properties_2(physical_device, image_format_info::_PhysicalDeviceImageFormatInfo2, next_types::Type...)::ResultTypes.Result{_ImageFormatProperties2, VulkanError} image_format_properties = initialize(_ImageFormatProperties2, next_types...) pImageFormatProperties = Ref(Base.unsafe_convert(VkImageFormatProperties2, image_format_properties)) GC.@preserve image_format_properties begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceImageFormatProperties2(physical_device, image_format_info, pImageFormatProperties)) _ImageFormatProperties2(pImageFormatProperties[], Any[image_format_properties]) end end """ Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceQueueFamilyProperties2.html) """ function _get_physical_device_queue_family_properties_2(physical_device)::Vector{_QueueFamilyProperties2} pQueueFamilyPropertyCount = Ref{UInt32}() @dispatch instance(physical_device) vkGetPhysicalDeviceQueueFamilyProperties2(physical_device, pQueueFamilyPropertyCount, C_NULL) pQueueFamilyProperties = Vector{VkQueueFamilyProperties2}(undef, pQueueFamilyPropertyCount[]) @dispatch instance(physical_device) vkGetPhysicalDeviceQueueFamilyProperties2(physical_device, pQueueFamilyPropertyCount, pQueueFamilyProperties) from_vk.(_QueueFamilyProperties2, pQueueFamilyProperties) end """ Arguments: - `physical_device::PhysicalDevice` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceMemoryProperties2.html) """ function _get_physical_device_memory_properties_2(physical_device, next_types::Type...)::_PhysicalDeviceMemoryProperties2 memory_properties = initialize(_PhysicalDeviceMemoryProperties2, next_types...) pMemoryProperties = Ref(Base.unsafe_convert(VkPhysicalDeviceMemoryProperties2, memory_properties)) GC.@preserve memory_properties begin @dispatch instance(physical_device) vkGetPhysicalDeviceMemoryProperties2(physical_device, pMemoryProperties) _PhysicalDeviceMemoryProperties2(pMemoryProperties[], Any[memory_properties]) end end """ Arguments: - `physical_device::PhysicalDevice` - `format_info::_PhysicalDeviceSparseImageFormatInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSparseImageFormatProperties2.html) """ function _get_physical_device_sparse_image_format_properties_2(physical_device, format_info::_PhysicalDeviceSparseImageFormatInfo2)::Vector{_SparseImageFormatProperties2} pPropertyCount = Ref{UInt32}() @dispatch instance(physical_device) vkGetPhysicalDeviceSparseImageFormatProperties2(physical_device, format_info, pPropertyCount, C_NULL) pProperties = Vector{VkSparseImageFormatProperties2}(undef, pPropertyCount[]) @dispatch instance(physical_device) vkGetPhysicalDeviceSparseImageFormatProperties2(physical_device, format_info, pPropertyCount, pProperties) from_vk.(_SparseImageFormatProperties2, pProperties) end """ Extension: VK\\_KHR\\_push\\_descriptor Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_bind_point::PipelineBindPoint` - `layout::PipelineLayout` - `set::UInt32` - `descriptor_writes::Vector{_WriteDescriptorSet}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdPushDescriptorSetKHR.html) """ _cmd_push_descriptor_set_khr(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, set::Integer, descriptor_writes::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdPushDescriptorSetKHR(command_buffer, pipeline_bind_point, layout, set, pointer_length(descriptor_writes), descriptor_writes)) """ Arguments: - `device::Device` - `command_pool::CommandPool` (externsync) - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkTrimCommandPool.html) """ _trim_command_pool(device, command_pool; flags = 0)::Cvoid = @dispatch(device, vkTrimCommandPool(device, command_pool, flags)) """ Arguments: - `physical_device::PhysicalDevice` - `external_buffer_info::_PhysicalDeviceExternalBufferInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceExternalBufferProperties.html) """ function _get_physical_device_external_buffer_properties(physical_device, external_buffer_info::_PhysicalDeviceExternalBufferInfo)::_ExternalBufferProperties pExternalBufferProperties = Ref{VkExternalBufferProperties}() @dispatch instance(physical_device) vkGetPhysicalDeviceExternalBufferProperties(physical_device, external_buffer_info, pExternalBufferProperties) from_vk(_ExternalBufferProperties, pExternalBufferProperties[]) end """ Extension: VK\\_KHR\\_external\\_memory\\_fd Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `get_fd_info::_MemoryGetFdInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetMemoryFdKHR.html) """ function _get_memory_fd_khr(device, get_fd_info::_MemoryGetFdInfoKHR)::ResultTypes.Result{Int, VulkanError} pFd = Ref{Int}() @check @dispatch(device, vkGetMemoryFdKHR(device, get_fd_info, pFd)) pFd[] end """ Extension: VK\\_KHR\\_external\\_memory\\_fd Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` Arguments: - `device::Device` - `handle_type::ExternalMemoryHandleTypeFlag` - `fd::Int` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetMemoryFdPropertiesKHR.html) """ function _get_memory_fd_properties_khr(device, handle_type::ExternalMemoryHandleTypeFlag, fd::Integer)::ResultTypes.Result{_MemoryFdPropertiesKHR, VulkanError} pMemoryFdProperties = Ref{VkMemoryFdPropertiesKHR}() @check @dispatch(device, vkGetMemoryFdPropertiesKHR(device, VkExternalMemoryHandleTypeFlagBits(handle_type.val), fd, pMemoryFdProperties)) from_vk(_MemoryFdPropertiesKHR, pMemoryFdProperties[]) end """ Extension: VK\\_NV\\_external\\_memory\\_rdma Return codes: - `SUCCESS` - `ERROR_INVALID_EXTERNAL_HANDLE` Arguments: - `device::Device` - `memory_get_remote_address_info::_MemoryGetRemoteAddressInfoNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetMemoryRemoteAddressNV.html) """ function _get_memory_remote_address_nv(device, memory_get_remote_address_info::_MemoryGetRemoteAddressInfoNV)::ResultTypes.Result{Cvoid, VulkanError} pAddress = Ref{VkRemoteAddressNV}() @check @dispatch(device, vkGetMemoryRemoteAddressNV(device, memory_get_remote_address_info, pAddress)) pAddress[] end """ Arguments: - `physical_device::PhysicalDevice` - `external_semaphore_info::_PhysicalDeviceExternalSemaphoreInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceExternalSemaphoreProperties.html) """ function _get_physical_device_external_semaphore_properties(physical_device, external_semaphore_info::_PhysicalDeviceExternalSemaphoreInfo)::_ExternalSemaphoreProperties pExternalSemaphoreProperties = Ref{VkExternalSemaphoreProperties}() @dispatch instance(physical_device) vkGetPhysicalDeviceExternalSemaphoreProperties(physical_device, external_semaphore_info, pExternalSemaphoreProperties) from_vk(_ExternalSemaphoreProperties, pExternalSemaphoreProperties[]) end """ Extension: VK\\_KHR\\_external\\_semaphore\\_fd Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `get_fd_info::_SemaphoreGetFdInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSemaphoreFdKHR.html) """ function _get_semaphore_fd_khr(device, get_fd_info::_SemaphoreGetFdInfoKHR)::ResultTypes.Result{Int, VulkanError} pFd = Ref{Int}() @check @dispatch(device, vkGetSemaphoreFdKHR(device, get_fd_info, pFd)) pFd[] end """ Extension: VK\\_KHR\\_external\\_semaphore\\_fd Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` Arguments: - `device::Device` - `import_semaphore_fd_info::_ImportSemaphoreFdInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkImportSemaphoreFdKHR.html) """ _import_semaphore_fd_khr(device, import_semaphore_fd_info::_ImportSemaphoreFdInfoKHR)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkImportSemaphoreFdKHR(device, import_semaphore_fd_info))) """ Arguments: - `physical_device::PhysicalDevice` - `external_fence_info::_PhysicalDeviceExternalFenceInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceExternalFenceProperties.html) """ function _get_physical_device_external_fence_properties(physical_device, external_fence_info::_PhysicalDeviceExternalFenceInfo)::_ExternalFenceProperties pExternalFenceProperties = Ref{VkExternalFenceProperties}() @dispatch instance(physical_device) vkGetPhysicalDeviceExternalFenceProperties(physical_device, external_fence_info, pExternalFenceProperties) from_vk(_ExternalFenceProperties, pExternalFenceProperties[]) end """ Extension: VK\\_KHR\\_external\\_fence\\_fd Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `get_fd_info::_FenceGetFdInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetFenceFdKHR.html) """ function _get_fence_fd_khr(device, get_fd_info::_FenceGetFdInfoKHR)::ResultTypes.Result{Int, VulkanError} pFd = Ref{Int}() @check @dispatch(device, vkGetFenceFdKHR(device, get_fd_info, pFd)) pFd[] end """ Extension: VK\\_KHR\\_external\\_fence\\_fd Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` Arguments: - `device::Device` - `import_fence_fd_info::_ImportFenceFdInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkImportFenceFdKHR.html) """ _import_fence_fd_khr(device, import_fence_fd_info::_ImportFenceFdInfoKHR)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkImportFenceFdKHR(device, import_fence_fd_info))) """ Extension: VK\\_EXT\\_direct\\_mode\\_display Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkReleaseDisplayEXT.html) """ function _release_display_ext(physical_device, display)::Nothing @dispatch instance(physical_device) vkReleaseDisplayEXT(physical_device, display) nothing end """ Extension: VK\\_EXT\\_acquire\\_xlib\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `physical_device::PhysicalDevice` - `dpy::Ptr{Display}` - `display::DisplayKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAcquireXlibDisplayEXT.html) """ _acquire_xlib_display_ext(physical_device, dpy::Ptr{vk.Display}, display)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(instance(physical_device), vkAcquireXlibDisplayEXT(physical_device, dpy, display))) """ Extension: VK\\_EXT\\_acquire\\_xlib\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `dpy::Ptr{Display}` - `rr_output::RROutput` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetRandROutputDisplayEXT.html) """ function _get_rand_r_output_display_ext(physical_device, dpy::Ptr{vk.Display}, rr_output::vk.RROutput)::ResultTypes.Result{DisplayKHR, VulkanError} pDisplay = Ref{VkDisplayKHR}() @check @dispatch(instance(physical_device), vkGetRandROutputDisplayEXT(physical_device, dpy, rr_output, pDisplay)) DisplayKHR(pDisplay[], identity, physical_device) end """ Extension: VK\\_EXT\\_display\\_control Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `display::DisplayKHR` - `display_power_info::_DisplayPowerInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDisplayPowerControlEXT.html) """ _display_power_control_ext(device, display, display_power_info::_DisplayPowerInfoEXT)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkDisplayPowerControlEXT(device, display, display_power_info))) """ Extension: VK\\_EXT\\_display\\_control Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `device_event_info::_DeviceEventInfoEXT` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkRegisterDeviceEventEXT.html) """ function _register_device_event_ext(device, device_event_info::_DeviceEventInfoEXT; allocator = C_NULL)::ResultTypes.Result{Fence, VulkanError} pFence = Ref{VkFence}() @check @dispatch(device, vkRegisterDeviceEventEXT(device, device_event_info, allocator, pFence)) Fence(pFence[], begin parent = Vk.handle(device) x->_destroy_fence(parent, x; allocator) end, device) end """ Extension: VK\\_EXT\\_display\\_control Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `display::DisplayKHR` - `display_event_info::_DisplayEventInfoEXT` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkRegisterDisplayEventEXT.html) """ function _register_display_event_ext(device, display, display_event_info::_DisplayEventInfoEXT; allocator = C_NULL)::ResultTypes.Result{Fence, VulkanError} pFence = Ref{VkFence}() @check @dispatch(device, vkRegisterDisplayEventEXT(device, display, display_event_info, allocator, pFence)) Fence(pFence[], begin parent = Vk.handle(device) x->_destroy_fence(parent, x; allocator) end, device) end """ Extension: VK\\_EXT\\_display\\_control Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` Arguments: - `device::Device` - `swapchain::SwapchainKHR` - `counter::SurfaceCounterFlagEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSwapchainCounterEXT.html) """ function _get_swapchain_counter_ext(device, swapchain, counter::SurfaceCounterFlagEXT)::ResultTypes.Result{UInt64, VulkanError} pCounterValue = Ref{UInt64}() @check @dispatch(device, vkGetSwapchainCounterEXT(device, swapchain, VkSurfaceCounterFlagBitsEXT(counter.val), pCounterValue)) pCounterValue[] end """ Extension: VK\\_EXT\\_display\\_surface\\_counter Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface::SurfaceKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfaceCapabilities2EXT.html) """ function _get_physical_device_surface_capabilities_2_ext(physical_device, surface)::ResultTypes.Result{_SurfaceCapabilities2EXT, VulkanError} pSurfaceCapabilities = Ref{VkSurfaceCapabilities2EXT}() @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSurfaceCapabilities2EXT(physical_device, surface, pSurfaceCapabilities)) from_vk(_SurfaceCapabilities2EXT, pSurfaceCapabilities[]) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `instance::Instance` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumeratePhysicalDeviceGroups.html) """ function _enumerate_physical_device_groups(instance)::ResultTypes.Result{Vector{_PhysicalDeviceGroupProperties}, VulkanError} pPhysicalDeviceGroupCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance, vkEnumeratePhysicalDeviceGroups(instance, pPhysicalDeviceGroupCount, C_NULL)) pPhysicalDeviceGroupProperties = Vector{VkPhysicalDeviceGroupProperties}(undef, pPhysicalDeviceGroupCount[]) @check @dispatch(instance, vkEnumeratePhysicalDeviceGroups(instance, pPhysicalDeviceGroupCount, pPhysicalDeviceGroupProperties)) end from_vk.(_PhysicalDeviceGroupProperties, pPhysicalDeviceGroupProperties) end """ Arguments: - `device::Device` - `heap_index::UInt32` - `local_device_index::UInt32` - `remote_device_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceGroupPeerMemoryFeatures.html) """ function _get_device_group_peer_memory_features(device, heap_index::Integer, local_device_index::Integer, remote_device_index::Integer)::PeerMemoryFeatureFlag pPeerMemoryFeatures = Ref{VkPeerMemoryFeatureFlags}() @dispatch device vkGetDeviceGroupPeerMemoryFeatures(device, heap_index, local_device_index, remote_device_index, pPeerMemoryFeatures) pPeerMemoryFeatures[] end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `bind_infos::Vector{_BindBufferMemoryInfo}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindBufferMemory2.html) """ _bind_buffer_memory_2(device, bind_infos::AbstractArray)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkBindBufferMemory2(device, pointer_length(bind_infos), bind_infos))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `bind_infos::Vector{_BindImageMemoryInfo}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindImageMemory2.html) """ _bind_image_memory_2(device, bind_infos::AbstractArray)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkBindImageMemory2(device, pointer_length(bind_infos), bind_infos))) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `device_mask::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDeviceMask.html) """ _cmd_set_device_mask(command_buffer, device_mask::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDeviceMask(command_buffer, device_mask)) """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceGroupPresentCapabilitiesKHR.html) """ function _get_device_group_present_capabilities_khr(device)::ResultTypes.Result{_DeviceGroupPresentCapabilitiesKHR, VulkanError} pDeviceGroupPresentCapabilities = Ref{VkDeviceGroupPresentCapabilitiesKHR}() @check @dispatch(device, vkGetDeviceGroupPresentCapabilitiesKHR(device, pDeviceGroupPresentCapabilities)) from_vk(_DeviceGroupPresentCapabilitiesKHR, pDeviceGroupPresentCapabilities[]) end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `surface::SurfaceKHR` (externsync) - `modes::DeviceGroupPresentModeFlagKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceGroupSurfacePresentModesKHR.html) """ function _get_device_group_surface_present_modes_khr(device, surface, modes::DeviceGroupPresentModeFlagKHR)::ResultTypes.Result{DeviceGroupPresentModeFlagKHR, VulkanError} pModes = Ref{VkDeviceGroupPresentModeFlagsKHR}() @check @dispatch(device, vkGetDeviceGroupSurfacePresentModesKHR(device, surface, pModes)) pModes[] end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `TIMEOUT` - `NOT_READY` - `SUBOPTIMAL_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` - `ERROR_SURFACE_LOST_KHR` - `ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT` Arguments: - `device::Device` - `acquire_info::_AcquireNextImageInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAcquireNextImage2KHR.html) """ function _acquire_next_image_2_khr(device, acquire_info::_AcquireNextImageInfoKHR)::ResultTypes.Result{Tuple{UInt32, Result}, VulkanError} pImageIndex = Ref{UInt32}() @check @dispatch(device, vkAcquireNextImage2KHR(device, acquire_info, pImageIndex)) (pImageIndex[], _return_code) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `base_group_x::UInt32` - `base_group_y::UInt32` - `base_group_z::UInt32` - `group_count_x::UInt32` - `group_count_y::UInt32` - `group_count_z::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDispatchBase.html) """ _cmd_dispatch_base(command_buffer, base_group_x::Integer, base_group_y::Integer, base_group_z::Integer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDispatchBase(command_buffer, base_group_x, base_group_y, base_group_z, group_count_x, group_count_y, group_count_z)) """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `surface::SurfaceKHR` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDevicePresentRectanglesKHR.html) """ function _get_physical_device_present_rectangles_khr(physical_device, surface)::ResultTypes.Result{Vector{_Rect2D}, VulkanError} pRectCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDevicePresentRectanglesKHR(physical_device, surface, pRectCount, C_NULL)) pRects = Vector{VkRect2D}(undef, pRectCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDevicePresentRectanglesKHR(physical_device, surface, pRectCount, pRects)) end from_vk.(_Rect2D, pRects) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_DescriptorUpdateTemplateCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorUpdateTemplate.html) """ function _create_descriptor_update_template(device, create_info::_DescriptorUpdateTemplateCreateInfo; allocator = C_NULL)::ResultTypes.Result{DescriptorUpdateTemplate, VulkanError} pDescriptorUpdateTemplate = Ref{VkDescriptorUpdateTemplate}() @check @dispatch(device, vkCreateDescriptorUpdateTemplate(device, create_info, allocator, pDescriptorUpdateTemplate)) DescriptorUpdateTemplate(pDescriptorUpdateTemplate[], begin parent = Vk.handle(device) x->_destroy_descriptor_update_template(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `descriptor_update_template::DescriptorUpdateTemplate` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDescriptorUpdateTemplate.html) """ _destroy_descriptor_update_template(device, descriptor_update_template; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyDescriptorUpdateTemplate(device, descriptor_update_template, allocator)) """ Arguments: - `device::Device` - `descriptor_set::DescriptorSet` - `descriptor_update_template::DescriptorUpdateTemplate` - `data::Ptr{Cvoid}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkUpdateDescriptorSetWithTemplate.html) """ _update_descriptor_set_with_template(device, descriptor_set, descriptor_update_template, data::Ptr{Cvoid})::Cvoid = @dispatch(device, vkUpdateDescriptorSetWithTemplate(device, descriptor_set, descriptor_update_template, data)) """ Extension: VK\\_KHR\\_push\\_descriptor Arguments: - `command_buffer::CommandBuffer` (externsync) - `descriptor_update_template::DescriptorUpdateTemplate` - `layout::PipelineLayout` - `set::UInt32` - `data::Ptr{Cvoid}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdPushDescriptorSetWithTemplateKHR.html) """ _cmd_push_descriptor_set_with_template_khr(command_buffer, descriptor_update_template, layout, set::Integer, data::Ptr{Cvoid})::Cvoid = @dispatch(device(command_buffer), vkCmdPushDescriptorSetWithTemplateKHR(command_buffer, descriptor_update_template, layout, set, data)) """ Extension: VK\\_EXT\\_hdr\\_metadata Arguments: - `device::Device` - `swapchains::Vector{SwapchainKHR}` - `metadata::Vector{_HdrMetadataEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetHdrMetadataEXT.html) """ _set_hdr_metadata_ext(device, swapchains::AbstractArray, metadata::AbstractArray)::Cvoid = @dispatch(device, vkSetHdrMetadataEXT(device, pointer_length(swapchains), swapchains, metadata)) """ Extension: VK\\_KHR\\_shared\\_presentable\\_image Return codes: - `SUCCESS` - `SUBOPTIMAL_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` - `ERROR_SURFACE_LOST_KHR` - `ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT` Arguments: - `device::Device` - `swapchain::SwapchainKHR` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSwapchainStatusKHR.html) """ _get_swapchain_status_khr(device, swapchain)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkGetSwapchainStatusKHR(device, swapchain))) """ Extension: VK\\_GOOGLE\\_display\\_timing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `swapchain::SwapchainKHR` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetRefreshCycleDurationGOOGLE.html) """ function _get_refresh_cycle_duration_google(device, swapchain)::ResultTypes.Result{_RefreshCycleDurationGOOGLE, VulkanError} pDisplayTimingProperties = Ref{VkRefreshCycleDurationGOOGLE}() @check @dispatch(device, vkGetRefreshCycleDurationGOOGLE(device, swapchain, pDisplayTimingProperties)) from_vk(_RefreshCycleDurationGOOGLE, pDisplayTimingProperties[]) end """ Extension: VK\\_GOOGLE\\_display\\_timing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `swapchain::SwapchainKHR` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPastPresentationTimingGOOGLE.html) """ function _get_past_presentation_timing_google(device, swapchain)::ResultTypes.Result{Vector{_PastPresentationTimingGOOGLE}, VulkanError} pPresentationTimingCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(device, vkGetPastPresentationTimingGOOGLE(device, swapchain, pPresentationTimingCount, C_NULL)) pPresentationTimings = Vector{VkPastPresentationTimingGOOGLE}(undef, pPresentationTimingCount[]) @check @dispatch(device, vkGetPastPresentationTimingGOOGLE(device, swapchain, pPresentationTimingCount, pPresentationTimings)) end from_vk.(_PastPresentationTimingGOOGLE, pPresentationTimings) end """ Extension: VK\\_NV\\_clip\\_space\\_w\\_scaling Arguments: - `command_buffer::CommandBuffer` (externsync) - `viewport_w_scalings::Vector{_ViewportWScalingNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetViewportWScalingNV.html) """ _cmd_set_viewport_w_scaling_nv(command_buffer, viewport_w_scalings::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetViewportWScalingNV(command_buffer, 0, pointer_length(viewport_w_scalings), viewport_w_scalings)) """ Extension: VK\\_EXT\\_discard\\_rectangles Arguments: - `command_buffer::CommandBuffer` (externsync) - `discard_rectangles::Vector{_Rect2D}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDiscardRectangleEXT.html) """ _cmd_set_discard_rectangle_ext(command_buffer, discard_rectangles::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDiscardRectangleEXT(command_buffer, 0, pointer_length(discard_rectangles), discard_rectangles)) """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `command_buffer::CommandBuffer` (externsync) - `sample_locations_info::_SampleLocationsInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetSampleLocationsEXT.html) """ _cmd_set_sample_locations_ext(command_buffer, sample_locations_info::_SampleLocationsInfoEXT)::Cvoid = @dispatch(device(command_buffer), vkCmdSetSampleLocationsEXT(command_buffer, sample_locations_info)) """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `physical_device::PhysicalDevice` - `samples::SampleCountFlag` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceMultisamplePropertiesEXT.html) """ function _get_physical_device_multisample_properties_ext(physical_device, samples::SampleCountFlag)::_MultisamplePropertiesEXT pMultisampleProperties = Ref{VkMultisamplePropertiesEXT}() @dispatch instance(physical_device) vkGetPhysicalDeviceMultisamplePropertiesEXT(physical_device, VkSampleCountFlagBits(samples.val), pMultisampleProperties) from_vk(_MultisamplePropertiesEXT, pMultisampleProperties[]) end """ Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface_info::_PhysicalDeviceSurfaceInfo2KHR` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfaceCapabilities2KHR.html) """ function _get_physical_device_surface_capabilities_2_khr(physical_device, surface_info::_PhysicalDeviceSurfaceInfo2KHR, next_types::Type...)::ResultTypes.Result{_SurfaceCapabilities2KHR, VulkanError} surface_capabilities = initialize(_SurfaceCapabilities2KHR, next_types...) pSurfaceCapabilities = Ref(Base.unsafe_convert(VkSurfaceCapabilities2KHR, surface_capabilities)) GC.@preserve surface_capabilities begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSurfaceCapabilities2KHR(physical_device, surface_info, pSurfaceCapabilities)) _SurfaceCapabilities2KHR(pSurfaceCapabilities[], Any[surface_capabilities]) end end """ Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface_info::_PhysicalDeviceSurfaceInfo2KHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfaceFormats2KHR.html) """ function _get_physical_device_surface_formats_2_khr(physical_device, surface_info::_PhysicalDeviceSurfaceInfo2KHR)::ResultTypes.Result{Vector{_SurfaceFormat2KHR}, VulkanError} pSurfaceFormatCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSurfaceFormats2KHR(physical_device, surface_info, pSurfaceFormatCount, C_NULL)) pSurfaceFormats = Vector{VkSurfaceFormat2KHR}(undef, pSurfaceFormatCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSurfaceFormats2KHR(physical_device, surface_info, pSurfaceFormatCount, pSurfaceFormats)) end from_vk.(_SurfaceFormat2KHR, pSurfaceFormats) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceDisplayProperties2KHR.html) """ function _get_physical_device_display_properties_2_khr(physical_device)::ResultTypes.Result{Vector{_DisplayProperties2KHR}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceDisplayProperties2KHR(physical_device, pPropertyCount, C_NULL)) pProperties = Vector{VkDisplayProperties2KHR}(undef, pPropertyCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceDisplayProperties2KHR(physical_device, pPropertyCount, pProperties)) end from_vk.(_DisplayProperties2KHR, pProperties) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceDisplayPlaneProperties2KHR.html) """ function _get_physical_device_display_plane_properties_2_khr(physical_device)::ResultTypes.Result{Vector{_DisplayPlaneProperties2KHR}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceDisplayPlaneProperties2KHR(physical_device, pPropertyCount, C_NULL)) pProperties = Vector{VkDisplayPlaneProperties2KHR}(undef, pPropertyCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceDisplayPlaneProperties2KHR(physical_device, pPropertyCount, pProperties)) end from_vk.(_DisplayPlaneProperties2KHR, pProperties) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDisplayModeProperties2KHR.html) """ function _get_display_mode_properties_2_khr(physical_device, display)::ResultTypes.Result{Vector{_DisplayModeProperties2KHR}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetDisplayModeProperties2KHR(physical_device, display, pPropertyCount, C_NULL)) pProperties = Vector{VkDisplayModeProperties2KHR}(undef, pPropertyCount[]) @check @dispatch(instance(physical_device), vkGetDisplayModeProperties2KHR(physical_device, display, pPropertyCount, pProperties)) end from_vk.(_DisplayModeProperties2KHR, pProperties) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `display_plane_info::_DisplayPlaneInfo2KHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDisplayPlaneCapabilities2KHR.html) """ function _get_display_plane_capabilities_2_khr(physical_device, display_plane_info::_DisplayPlaneInfo2KHR)::ResultTypes.Result{_DisplayPlaneCapabilities2KHR, VulkanError} pCapabilities = Ref{VkDisplayPlaneCapabilities2KHR}() @check @dispatch(instance(physical_device), vkGetDisplayPlaneCapabilities2KHR(physical_device, display_plane_info, pCapabilities)) from_vk(_DisplayPlaneCapabilities2KHR, pCapabilities[]) end """ Arguments: - `device::Device` - `info::_BufferMemoryRequirementsInfo2` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetBufferMemoryRequirements2.html) """ function _get_buffer_memory_requirements_2(device, info::_BufferMemoryRequirementsInfo2, next_types::Type...)::_MemoryRequirements2 memory_requirements = initialize(_MemoryRequirements2, next_types...) pMemoryRequirements = Ref(Base.unsafe_convert(VkMemoryRequirements2, memory_requirements)) GC.@preserve memory_requirements begin @dispatch device vkGetBufferMemoryRequirements2(device, info, pMemoryRequirements) _MemoryRequirements2(pMemoryRequirements[], Any[memory_requirements]) end end """ Arguments: - `device::Device` - `info::_ImageMemoryRequirementsInfo2` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageMemoryRequirements2.html) """ function _get_image_memory_requirements_2(device, info::_ImageMemoryRequirementsInfo2, next_types::Type...)::_MemoryRequirements2 memory_requirements = initialize(_MemoryRequirements2, next_types...) pMemoryRequirements = Ref(Base.unsafe_convert(VkMemoryRequirements2, memory_requirements)) GC.@preserve memory_requirements begin @dispatch device vkGetImageMemoryRequirements2(device, info, pMemoryRequirements) _MemoryRequirements2(pMemoryRequirements[], Any[memory_requirements]) end end """ Arguments: - `device::Device` - `info::_ImageSparseMemoryRequirementsInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageSparseMemoryRequirements2.html) """ function _get_image_sparse_memory_requirements_2(device, info::_ImageSparseMemoryRequirementsInfo2)::Vector{_SparseImageMemoryRequirements2} pSparseMemoryRequirementCount = Ref{UInt32}() @dispatch device vkGetImageSparseMemoryRequirements2(device, info, pSparseMemoryRequirementCount, C_NULL) pSparseMemoryRequirements = Vector{VkSparseImageMemoryRequirements2}(undef, pSparseMemoryRequirementCount[]) @dispatch device vkGetImageSparseMemoryRequirements2(device, info, pSparseMemoryRequirementCount, pSparseMemoryRequirements) from_vk.(_SparseImageMemoryRequirements2, pSparseMemoryRequirements) end """ Arguments: - `device::Device` - `info::_DeviceBufferMemoryRequirements` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceBufferMemoryRequirements.html) """ function _get_device_buffer_memory_requirements(device, info::_DeviceBufferMemoryRequirements, next_types::Type...)::_MemoryRequirements2 memory_requirements = initialize(_MemoryRequirements2, next_types...) pMemoryRequirements = Ref(Base.unsafe_convert(VkMemoryRequirements2, memory_requirements)) GC.@preserve memory_requirements begin @dispatch device vkGetDeviceBufferMemoryRequirements(device, info, pMemoryRequirements) _MemoryRequirements2(pMemoryRequirements[], Any[memory_requirements]) end end """ Arguments: - `device::Device` - `info::_DeviceImageMemoryRequirements` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceImageMemoryRequirements.html) """ function _get_device_image_memory_requirements(device, info::_DeviceImageMemoryRequirements, next_types::Type...)::_MemoryRequirements2 memory_requirements = initialize(_MemoryRequirements2, next_types...) pMemoryRequirements = Ref(Base.unsafe_convert(VkMemoryRequirements2, memory_requirements)) GC.@preserve memory_requirements begin @dispatch device vkGetDeviceImageMemoryRequirements(device, info, pMemoryRequirements) _MemoryRequirements2(pMemoryRequirements[], Any[memory_requirements]) end end """ Arguments: - `device::Device` - `info::_DeviceImageMemoryRequirements` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceImageSparseMemoryRequirements.html) """ function _get_device_image_sparse_memory_requirements(device, info::_DeviceImageMemoryRequirements)::Vector{_SparseImageMemoryRequirements2} pSparseMemoryRequirementCount = Ref{UInt32}() @dispatch device vkGetDeviceImageSparseMemoryRequirements(device, info, pSparseMemoryRequirementCount, C_NULL) pSparseMemoryRequirements = Vector{VkSparseImageMemoryRequirements2}(undef, pSparseMemoryRequirementCount[]) @dispatch device vkGetDeviceImageSparseMemoryRequirements(device, info, pSparseMemoryRequirementCount, pSparseMemoryRequirements) from_vk.(_SparseImageMemoryRequirements2, pSparseMemoryRequirements) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_SamplerYcbcrConversionCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSamplerYcbcrConversion.html) """ function _create_sampler_ycbcr_conversion(device, create_info::_SamplerYcbcrConversionCreateInfo; allocator = C_NULL)::ResultTypes.Result{SamplerYcbcrConversion, VulkanError} pYcbcrConversion = Ref{VkSamplerYcbcrConversion}() @check @dispatch(device, vkCreateSamplerYcbcrConversion(device, create_info, allocator, pYcbcrConversion)) SamplerYcbcrConversion(pYcbcrConversion[], begin parent = Vk.handle(device) x->_destroy_sampler_ycbcr_conversion(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `ycbcr_conversion::SamplerYcbcrConversion` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroySamplerYcbcrConversion.html) """ _destroy_sampler_ycbcr_conversion(device, ycbcr_conversion; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroySamplerYcbcrConversion(device, ycbcr_conversion, allocator)) """ Arguments: - `device::Device` - `queue_info::_DeviceQueueInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceQueue2.html) """ function _get_device_queue_2(device, queue_info::_DeviceQueueInfo2)::Queue pQueue = Ref{VkQueue}() @dispatch device vkGetDeviceQueue2(device, queue_info, pQueue) Queue(pQueue[], identity, device) end """ Extension: VK\\_EXT\\_validation\\_cache Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `create_info::_ValidationCacheCreateInfoEXT` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateValidationCacheEXT.html) """ function _create_validation_cache_ext(device, create_info::_ValidationCacheCreateInfoEXT; allocator = C_NULL)::ResultTypes.Result{ValidationCacheEXT, VulkanError} pValidationCache = Ref{VkValidationCacheEXT}() @check @dispatch(device, vkCreateValidationCacheEXT(device, create_info, allocator, pValidationCache)) ValidationCacheEXT(pValidationCache[], begin parent = Vk.handle(device) x->_destroy_validation_cache_ext(parent, x; allocator) end, device) end """ Extension: VK\\_EXT\\_validation\\_cache Arguments: - `device::Device` - `validation_cache::ValidationCacheEXT` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyValidationCacheEXT.html) """ _destroy_validation_cache_ext(device, validation_cache; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyValidationCacheEXT(device, validation_cache, allocator)) """ Extension: VK\\_EXT\\_validation\\_cache Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `validation_cache::ValidationCacheEXT` !!! warning The pointer returned by this function holds memory owned by Julia. It is therefore **your** responsibility to free it after use (e.g. with `Libc.free`). [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetValidationCacheDataEXT.html) """ function _get_validation_cache_data_ext(device, validation_cache)::ResultTypes.Result{Tuple{UInt, Ptr{Cvoid}}, VulkanError} pDataSize = Ref{UInt}() @repeat_while_incomplete begin @check @dispatch(device, vkGetValidationCacheDataEXT(device, validation_cache, pDataSize, C_NULL)) pData = Libc.malloc(pDataSize[]) @check @dispatch(device, vkGetValidationCacheDataEXT(device, validation_cache, pDataSize, pData)) if _return_code == VK_INCOMPLETE Libc.free(pData) end end (pDataSize[], pData) end """ Extension: VK\\_EXT\\_validation\\_cache Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `dst_cache::ValidationCacheEXT` (externsync) - `src_caches::Vector{ValidationCacheEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkMergeValidationCachesEXT.html) """ _merge_validation_caches_ext(device, dst_cache, src_caches::AbstractArray)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkMergeValidationCachesEXT(device, dst_cache, pointer_length(src_caches), src_caches))) """ Arguments: - `device::Device` - `create_info::_DescriptorSetLayoutCreateInfo` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDescriptorSetLayoutSupport.html) """ function _get_descriptor_set_layout_support(device, create_info::_DescriptorSetLayoutCreateInfo, next_types::Type...)::_DescriptorSetLayoutSupport support = initialize(_DescriptorSetLayoutSupport, next_types...) pSupport = Ref(Base.unsafe_convert(VkDescriptorSetLayoutSupport, support)) GC.@preserve support begin @dispatch device vkGetDescriptorSetLayoutSupport(device, create_info, pSupport) _DescriptorSetLayoutSupport(pSupport[], Any[support]) end end """ Extension: VK\\_AMD\\_shader\\_info Return codes: - `SUCCESS` - `ERROR_FEATURE_NOT_PRESENT` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `pipeline::Pipeline` - `shader_stage::ShaderStageFlag` - `info_type::ShaderInfoTypeAMD` !!! warning The pointer returned by this function holds memory owned by Julia. It is therefore **your** responsibility to free it after use (e.g. with `Libc.free`). [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetShaderInfoAMD.html) """ function _get_shader_info_amd(device, pipeline, shader_stage::ShaderStageFlag, info_type::ShaderInfoTypeAMD)::ResultTypes.Result{Tuple{UInt, Ptr{Cvoid}}, VulkanError} pInfoSize = Ref{UInt}() @repeat_while_incomplete begin @check @dispatch(device, vkGetShaderInfoAMD(device, pipeline, VkShaderStageFlagBits(shader_stage.val), info_type, pInfoSize, C_NULL)) pInfo = Libc.malloc(pInfoSize[]) @check @dispatch(device, vkGetShaderInfoAMD(device, pipeline, VkShaderStageFlagBits(shader_stage.val), info_type, pInfoSize, pInfo)) if _return_code == VK_INCOMPLETE Libc.free(pInfo) end end (pInfoSize[], pInfo) end """ Extension: VK\\_AMD\\_display\\_native\\_hdr Arguments: - `device::Device` - `swap_chain::SwapchainKHR` - `local_dimming_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetLocalDimmingAMD.html) """ _set_local_dimming_amd(device, swap_chain, local_dimming_enable::Bool)::Cvoid = @dispatch(device, vkSetLocalDimmingAMD(device, swap_chain, local_dimming_enable)) """ Extension: VK\\_EXT\\_calibrated\\_timestamps Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceCalibrateableTimeDomainsEXT.html) """ function _get_physical_device_calibrateable_time_domains_ext(physical_device)::ResultTypes.Result{Vector{TimeDomainEXT}, VulkanError} pTimeDomainCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceCalibrateableTimeDomainsEXT(physical_device, pTimeDomainCount, C_NULL)) pTimeDomains = Vector{VkTimeDomainEXT}(undef, pTimeDomainCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceCalibrateableTimeDomainsEXT(physical_device, pTimeDomainCount, pTimeDomains)) end pTimeDomains end """ Extension: VK\\_EXT\\_calibrated\\_timestamps Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `timestamp_infos::Vector{_CalibratedTimestampInfoEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetCalibratedTimestampsEXT.html) """ function _get_calibrated_timestamps_ext(device, timestamp_infos::AbstractArray)::ResultTypes.Result{Tuple{Vector{UInt64}, UInt64}, VulkanError} pTimestamps = Vector{UInt64}(undef, pointer_length(timestamp_infos)) pMaxDeviation = Ref{UInt64}() @check @dispatch(device, vkGetCalibratedTimestampsEXT(device, pointer_length(timestamp_infos), timestamp_infos, pTimestamps, pMaxDeviation)) (pTimestamps, pMaxDeviation[]) end """ Extension: VK\\_EXT\\_debug\\_utils Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `name_info::_DebugUtilsObjectNameInfoEXT` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetDebugUtilsObjectNameEXT.html) """ _set_debug_utils_object_name_ext(device, name_info::_DebugUtilsObjectNameInfoEXT)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkSetDebugUtilsObjectNameEXT(device, name_info))) """ Extension: VK\\_EXT\\_debug\\_utils Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `tag_info::_DebugUtilsObjectTagInfoEXT` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetDebugUtilsObjectTagEXT.html) """ _set_debug_utils_object_tag_ext(device, tag_info::_DebugUtilsObjectTagInfoEXT)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkSetDebugUtilsObjectTagEXT(device, tag_info))) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `queue::Queue` - `label_info::_DebugUtilsLabelEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueBeginDebugUtilsLabelEXT.html) """ _queue_begin_debug_utils_label_ext(queue, label_info::_DebugUtilsLabelEXT)::Cvoid = @dispatch(device(queue), vkQueueBeginDebugUtilsLabelEXT(queue, label_info)) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `queue::Queue` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueEndDebugUtilsLabelEXT.html) """ _queue_end_debug_utils_label_ext(queue)::Cvoid = @dispatch(device(queue), vkQueueEndDebugUtilsLabelEXT(queue)) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `queue::Queue` - `label_info::_DebugUtilsLabelEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueInsertDebugUtilsLabelEXT.html) """ _queue_insert_debug_utils_label_ext(queue, label_info::_DebugUtilsLabelEXT)::Cvoid = @dispatch(device(queue), vkQueueInsertDebugUtilsLabelEXT(queue, label_info)) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `command_buffer::CommandBuffer` (externsync) - `label_info::_DebugUtilsLabelEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginDebugUtilsLabelEXT.html) """ _cmd_begin_debug_utils_label_ext(command_buffer, label_info::_DebugUtilsLabelEXT)::Cvoid = @dispatch(device(command_buffer), vkCmdBeginDebugUtilsLabelEXT(command_buffer, label_info)) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndDebugUtilsLabelEXT.html) """ _cmd_end_debug_utils_label_ext(command_buffer)::Cvoid = @dispatch(device(command_buffer), vkCmdEndDebugUtilsLabelEXT(command_buffer)) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `command_buffer::CommandBuffer` (externsync) - `label_info::_DebugUtilsLabelEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdInsertDebugUtilsLabelEXT.html) """ _cmd_insert_debug_utils_label_ext(command_buffer, label_info::_DebugUtilsLabelEXT)::Cvoid = @dispatch(device(command_buffer), vkCmdInsertDebugUtilsLabelEXT(command_buffer, label_info)) """ Extension: VK\\_EXT\\_debug\\_utils Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `instance::Instance` - `create_info::_DebugUtilsMessengerCreateInfoEXT` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDebugUtilsMessengerEXT.html) """ function _create_debug_utils_messenger_ext(instance, create_info::_DebugUtilsMessengerCreateInfoEXT; allocator = C_NULL)::ResultTypes.Result{DebugUtilsMessengerEXT, VulkanError} pMessenger = Ref{VkDebugUtilsMessengerEXT}() @check @dispatch(instance, vkCreateDebugUtilsMessengerEXT(instance, create_info, allocator, pMessenger)) DebugUtilsMessengerEXT(pMessenger[], begin parent = Vk.handle(instance) x->_destroy_debug_utils_messenger_ext(parent, x; allocator) end, instance) end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `instance::Instance` - `messenger::DebugUtilsMessengerEXT` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDebugUtilsMessengerEXT.html) """ _destroy_debug_utils_messenger_ext(instance, messenger; allocator = C_NULL)::Cvoid = @dispatch(instance, vkDestroyDebugUtilsMessengerEXT(instance, messenger, allocator)) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `instance::Instance` - `message_severity::DebugUtilsMessageSeverityFlagEXT` - `message_types::DebugUtilsMessageTypeFlagEXT` - `callback_data::_DebugUtilsMessengerCallbackDataEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSubmitDebugUtilsMessageEXT.html) """ _submit_debug_utils_message_ext(instance, message_severity::DebugUtilsMessageSeverityFlagEXT, message_types::DebugUtilsMessageTypeFlagEXT, callback_data::_DebugUtilsMessengerCallbackDataEXT)::Cvoid = @dispatch(instance, vkSubmitDebugUtilsMessageEXT(instance, VkDebugUtilsMessageSeverityFlagBitsEXT(message_severity.val), message_types, callback_data)) """ Extension: VK\\_EXT\\_external\\_memory\\_host Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` Arguments: - `device::Device` - `handle_type::ExternalMemoryHandleTypeFlag` - `host_pointer::Ptr{Cvoid}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetMemoryHostPointerPropertiesEXT.html) """ function _get_memory_host_pointer_properties_ext(device, handle_type::ExternalMemoryHandleTypeFlag, host_pointer::Ptr{Cvoid})::ResultTypes.Result{_MemoryHostPointerPropertiesEXT, VulkanError} pMemoryHostPointerProperties = Ref{VkMemoryHostPointerPropertiesEXT}() @check @dispatch(device, vkGetMemoryHostPointerPropertiesEXT(device, VkExternalMemoryHandleTypeFlagBits(handle_type.val), host_pointer, pMemoryHostPointerProperties)) from_vk(_MemoryHostPointerPropertiesEXT, pMemoryHostPointerProperties[]) end """ Extension: VK\\_AMD\\_buffer\\_marker Arguments: - `command_buffer::CommandBuffer` (externsync) - `dst_buffer::Buffer` - `dst_offset::UInt64` - `marker::UInt32` - `pipeline_stage::PipelineStageFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteBufferMarkerAMD.html) """ _cmd_write_buffer_marker_amd(command_buffer, dst_buffer, dst_offset::Integer, marker::Integer; pipeline_stage = 0)::Cvoid = @dispatch(device(command_buffer), vkCmdWriteBufferMarkerAMD(command_buffer, VkPipelineStageFlagBits(pipeline_stage.val), dst_buffer, dst_offset, marker)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_RenderPassCreateInfo2` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRenderPass2.html) """ function _create_render_pass_2(device, create_info::_RenderPassCreateInfo2; allocator = C_NULL)::ResultTypes.Result{RenderPass, VulkanError} pRenderPass = Ref{VkRenderPass}() @check @dispatch(device, vkCreateRenderPass2(device, create_info, allocator, pRenderPass)) RenderPass(pRenderPass[], begin parent = Vk.handle(device) x->_destroy_render_pass(parent, x; allocator) end, device) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `render_pass_begin::_RenderPassBeginInfo` - `subpass_begin_info::_SubpassBeginInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginRenderPass2.html) """ _cmd_begin_render_pass_2(command_buffer, render_pass_begin::_RenderPassBeginInfo, subpass_begin_info::_SubpassBeginInfo)::Cvoid = @dispatch(device(command_buffer), vkCmdBeginRenderPass2(command_buffer, render_pass_begin, subpass_begin_info)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `subpass_begin_info::_SubpassBeginInfo` - `subpass_end_info::_SubpassEndInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdNextSubpass2.html) """ _cmd_next_subpass_2(command_buffer, subpass_begin_info::_SubpassBeginInfo, subpass_end_info::_SubpassEndInfo)::Cvoid = @dispatch(device(command_buffer), vkCmdNextSubpass2(command_buffer, subpass_begin_info, subpass_end_info)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `subpass_end_info::_SubpassEndInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndRenderPass2.html) """ _cmd_end_render_pass_2(command_buffer, subpass_end_info::_SubpassEndInfo)::Cvoid = @dispatch(device(command_buffer), vkCmdEndRenderPass2(command_buffer, subpass_end_info)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` - `semaphore::Semaphore` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSemaphoreCounterValue.html) """ function _get_semaphore_counter_value(device, semaphore)::ResultTypes.Result{UInt64, VulkanError} pValue = Ref{UInt64}() @check @dispatch(device, vkGetSemaphoreCounterValue(device, semaphore, pValue)) pValue[] end """ Return codes: - `SUCCESS` - `TIMEOUT` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` - `wait_info::_SemaphoreWaitInfo` - `timeout::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkWaitSemaphores.html) """ _wait_semaphores(device, wait_info::_SemaphoreWaitInfo, timeout::Integer)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkWaitSemaphores(device, wait_info, timeout))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `signal_info::_SemaphoreSignalInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSignalSemaphore.html) """ _signal_semaphore(device, signal_info::_SemaphoreSignalInfo)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkSignalSemaphore(device, signal_info))) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `count_buffer::Buffer` - `count_buffer_offset::UInt64` - `max_draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawIndirectCount.html) """ _cmd_draw_indirect_count(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawIndirectCount(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `count_buffer::Buffer` - `count_buffer_offset::UInt64` - `max_draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawIndexedIndirectCount.html) """ _cmd_draw_indexed_indirect_count(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawIndexedIndirectCount(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride)) """ Extension: VK\\_NV\\_device\\_diagnostic\\_checkpoints Arguments: - `command_buffer::CommandBuffer` (externsync) - `checkpoint_marker::Ptr{Cvoid}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCheckpointNV.html) """ _cmd_set_checkpoint_nv(command_buffer, checkpoint_marker::Ptr{Cvoid})::Cvoid = @dispatch(device(command_buffer), vkCmdSetCheckpointNV(command_buffer, checkpoint_marker)) """ Extension: VK\\_NV\\_device\\_diagnostic\\_checkpoints Arguments: - `queue::Queue` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetQueueCheckpointDataNV.html) """ function _get_queue_checkpoint_data_nv(queue)::Vector{_CheckpointDataNV} pCheckpointDataCount = Ref{UInt32}() @dispatch device(queue) vkGetQueueCheckpointDataNV(queue, pCheckpointDataCount, C_NULL) pCheckpointData = Vector{VkCheckpointDataNV}(undef, pCheckpointDataCount[]) @dispatch device(queue) vkGetQueueCheckpointDataNV(queue, pCheckpointDataCount, pCheckpointData) from_vk.(_CheckpointDataNV, pCheckpointData) end """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffers::Vector{Buffer}` - `offsets::Vector{UInt64}` - `sizes::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindTransformFeedbackBuffersEXT.html) """ _cmd_bind_transform_feedback_buffers_ext(command_buffer, buffers::AbstractArray, offsets::AbstractArray; sizes = C_NULL)::Cvoid = @dispatch(device(command_buffer), vkCmdBindTransformFeedbackBuffersEXT(command_buffer, 0, pointer_length(buffers), buffers, offsets, sizes)) """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `command_buffer::CommandBuffer` (externsync) - `counter_buffers::Vector{Buffer}` - `counter_buffer_offsets::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginTransformFeedbackEXT.html) """ _cmd_begin_transform_feedback_ext(command_buffer, counter_buffers::AbstractArray; counter_buffer_offsets = C_NULL)::Cvoid = @dispatch(device(command_buffer), vkCmdBeginTransformFeedbackEXT(command_buffer, 0, pointer_length(counter_buffers), counter_buffers, counter_buffer_offsets)) """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `command_buffer::CommandBuffer` (externsync) - `counter_buffers::Vector{Buffer}` - `counter_buffer_offsets::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndTransformFeedbackEXT.html) """ _cmd_end_transform_feedback_ext(command_buffer, counter_buffers::AbstractArray; counter_buffer_offsets = C_NULL)::Cvoid = @dispatch(device(command_buffer), vkCmdEndTransformFeedbackEXT(command_buffer, 0, pointer_length(counter_buffers), counter_buffers, counter_buffer_offsets)) """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `query::UInt32` - `index::UInt32` - `flags::QueryControlFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginQueryIndexedEXT.html) """ _cmd_begin_query_indexed_ext(command_buffer, query_pool, query::Integer, index::Integer; flags = 0)::Cvoid = @dispatch(device(command_buffer), vkCmdBeginQueryIndexedEXT(command_buffer, query_pool, query, flags, index)) """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `query::UInt32` - `index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndQueryIndexedEXT.html) """ _cmd_end_query_indexed_ext(command_buffer, query_pool, query::Integer, index::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdEndQueryIndexedEXT(command_buffer, query_pool, query, index)) """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `command_buffer::CommandBuffer` (externsync) - `instance_count::UInt32` - `first_instance::UInt32` - `counter_buffer::Buffer` - `counter_buffer_offset::UInt64` - `counter_offset::UInt32` - `vertex_stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawIndirectByteCountEXT.html) """ _cmd_draw_indirect_byte_count_ext(command_buffer, instance_count::Integer, first_instance::Integer, counter_buffer, counter_buffer_offset::Integer, counter_offset::Integer, vertex_stride::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawIndirectByteCountEXT(command_buffer, instance_count, first_instance, counter_buffer, counter_buffer_offset, counter_offset, vertex_stride)) """ Extension: VK\\_NV\\_scissor\\_exclusive Arguments: - `command_buffer::CommandBuffer` (externsync) - `exclusive_scissors::Vector{_Rect2D}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetExclusiveScissorNV.html) """ _cmd_set_exclusive_scissor_nv(command_buffer, exclusive_scissors::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetExclusiveScissorNV(command_buffer, 0, pointer_length(exclusive_scissors), exclusive_scissors)) """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `command_buffer::CommandBuffer` (externsync) - `image_layout::ImageLayout` - `image_view::ImageView`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindShadingRateImageNV.html) """ _cmd_bind_shading_rate_image_nv(command_buffer, image_layout::ImageLayout; image_view = C_NULL)::Cvoid = @dispatch(device(command_buffer), vkCmdBindShadingRateImageNV(command_buffer, image_view, image_layout)) """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `command_buffer::CommandBuffer` (externsync) - `shading_rate_palettes::Vector{_ShadingRatePaletteNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetViewportShadingRatePaletteNV.html) """ _cmd_set_viewport_shading_rate_palette_nv(command_buffer, shading_rate_palettes::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetViewportShadingRatePaletteNV(command_buffer, 0, pointer_length(shading_rate_palettes), shading_rate_palettes)) """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `command_buffer::CommandBuffer` (externsync) - `sample_order_type::CoarseSampleOrderTypeNV` - `custom_sample_orders::Vector{_CoarseSampleOrderCustomNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoarseSampleOrderNV.html) """ _cmd_set_coarse_sample_order_nv(command_buffer, sample_order_type::CoarseSampleOrderTypeNV, custom_sample_orders::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetCoarseSampleOrderNV(command_buffer, sample_order_type, pointer_length(custom_sample_orders), custom_sample_orders)) """ Extension: VK\\_NV\\_mesh\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `task_count::UInt32` - `first_task::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMeshTasksNV.html) """ _cmd_draw_mesh_tasks_nv(command_buffer, task_count::Integer, first_task::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawMeshTasksNV(command_buffer, task_count, first_task)) """ Extension: VK\\_NV\\_mesh\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMeshTasksIndirectNV.html) """ _cmd_draw_mesh_tasks_indirect_nv(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawMeshTasksIndirectNV(command_buffer, buffer, offset, draw_count, stride)) """ Extension: VK\\_NV\\_mesh\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `count_buffer::Buffer` - `count_buffer_offset::UInt64` - `max_draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMeshTasksIndirectCountNV.html) """ _cmd_draw_mesh_tasks_indirect_count_nv(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawMeshTasksIndirectCountNV(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride)) """ Extension: VK\\_EXT\\_mesh\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `group_count_x::UInt32` - `group_count_y::UInt32` - `group_count_z::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMeshTasksEXT.html) """ _cmd_draw_mesh_tasks_ext(command_buffer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawMeshTasksEXT(command_buffer, group_count_x, group_count_y, group_count_z)) """ Extension: VK\\_EXT\\_mesh\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMeshTasksIndirectEXT.html) """ _cmd_draw_mesh_tasks_indirect_ext(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawMeshTasksIndirectEXT(command_buffer, buffer, offset, draw_count, stride)) """ Extension: VK\\_EXT\\_mesh\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `count_buffer::Buffer` - `count_buffer_offset::UInt64` - `max_draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMeshTasksIndirectCountEXT.html) """ _cmd_draw_mesh_tasks_indirect_count_ext(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawMeshTasksIndirectCountEXT(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride)) """ Extension: VK\\_NV\\_ray\\_tracing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `pipeline::Pipeline` - `shader::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCompileDeferredNV.html) """ _compile_deferred_nv(device, pipeline, shader::Integer)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkCompileDeferredNV(device, pipeline, shader))) """ Extension: VK\\_NV\\_ray\\_tracing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `create_info::_AccelerationStructureCreateInfoNV` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateAccelerationStructureNV.html) """ function _create_acceleration_structure_nv(device, create_info::_AccelerationStructureCreateInfoNV; allocator = C_NULL)::ResultTypes.Result{AccelerationStructureNV, VulkanError} pAccelerationStructure = Ref{VkAccelerationStructureNV}() @check @dispatch(device, vkCreateAccelerationStructureNV(device, create_info, allocator, pAccelerationStructure)) AccelerationStructureNV(pAccelerationStructure[], begin parent = Vk.handle(device) x->_destroy_acceleration_structure_nv(parent, x; allocator) end, device) end """ Extension: VK\\_HUAWEI\\_invocation\\_mask Arguments: - `command_buffer::CommandBuffer` (externsync) - `image_layout::ImageLayout` - `image_view::ImageView`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindInvocationMaskHUAWEI.html) """ _cmd_bind_invocation_mask_huawei(command_buffer, image_layout::ImageLayout; image_view = C_NULL)::Cvoid = @dispatch(device(command_buffer), vkCmdBindInvocationMaskHUAWEI(command_buffer, image_view, image_layout)) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `device::Device` - `acceleration_structure::AccelerationStructureKHR` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyAccelerationStructureKHR.html) """ _destroy_acceleration_structure_khr(device, acceleration_structure; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyAccelerationStructureKHR(device, acceleration_structure, allocator)) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `device::Device` - `acceleration_structure::AccelerationStructureNV` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyAccelerationStructureNV.html) """ _destroy_acceleration_structure_nv(device, acceleration_structure; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyAccelerationStructureNV(device, acceleration_structure, allocator)) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `device::Device` - `info::_AccelerationStructureMemoryRequirementsInfoNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetAccelerationStructureMemoryRequirementsNV.html) """ function _get_acceleration_structure_memory_requirements_nv(device, info::_AccelerationStructureMemoryRequirementsInfoNV)::VkMemoryRequirements2KHR pMemoryRequirements = Ref{VkMemoryRequirements2KHR}() @dispatch device vkGetAccelerationStructureMemoryRequirementsNV(device, info, pMemoryRequirements) from_vk(VkMemoryRequirements2KHR, pMemoryRequirements[]) end """ Extension: VK\\_NV\\_ray\\_tracing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `bind_infos::Vector{_BindAccelerationStructureMemoryInfoNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindAccelerationStructureMemoryNV.html) """ _bind_acceleration_structure_memory_nv(device, bind_infos::AbstractArray)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkBindAccelerationStructureMemoryNV(device, pointer_length(bind_infos), bind_infos))) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `command_buffer::CommandBuffer` (externsync) - `dst::AccelerationStructureNV` - `src::AccelerationStructureNV` - `mode::CopyAccelerationStructureModeKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyAccelerationStructureNV.html) """ _cmd_copy_acceleration_structure_nv(command_buffer, dst, src, mode::CopyAccelerationStructureModeKHR)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyAccelerationStructureNV(command_buffer, dst, src, mode)) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::_CopyAccelerationStructureInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyAccelerationStructureKHR.html) """ _cmd_copy_acceleration_structure_khr(command_buffer, info::_CopyAccelerationStructureInfoKHR)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyAccelerationStructureKHR(command_buffer, info)) """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::_CopyAccelerationStructureInfoKHR` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCopyAccelerationStructureKHR.html) """ _copy_acceleration_structure_khr(device, info::_CopyAccelerationStructureInfoKHR; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkCopyAccelerationStructureKHR(device, deferred_operation, info))) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::_CopyAccelerationStructureToMemoryInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyAccelerationStructureToMemoryKHR.html) """ _cmd_copy_acceleration_structure_to_memory_khr(command_buffer, info::_CopyAccelerationStructureToMemoryInfoKHR)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyAccelerationStructureToMemoryKHR(command_buffer, info)) """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::_CopyAccelerationStructureToMemoryInfoKHR` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCopyAccelerationStructureToMemoryKHR.html) """ _copy_acceleration_structure_to_memory_khr(device, info::_CopyAccelerationStructureToMemoryInfoKHR; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkCopyAccelerationStructureToMemoryKHR(device, deferred_operation, info))) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::_CopyMemoryToAccelerationStructureInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyMemoryToAccelerationStructureKHR.html) """ _cmd_copy_memory_to_acceleration_structure_khr(command_buffer, info::_CopyMemoryToAccelerationStructureInfoKHR)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyMemoryToAccelerationStructureKHR(command_buffer, info)) """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::_CopyMemoryToAccelerationStructureInfoKHR` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCopyMemoryToAccelerationStructureKHR.html) """ _copy_memory_to_acceleration_structure_khr(device, info::_CopyMemoryToAccelerationStructureInfoKHR; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkCopyMemoryToAccelerationStructureKHR(device, deferred_operation, info))) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `command_buffer::CommandBuffer` (externsync) - `acceleration_structures::Vector{AccelerationStructureKHR}` - `query_type::QueryType` - `query_pool::QueryPool` - `first_query::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteAccelerationStructuresPropertiesKHR.html) """ _cmd_write_acceleration_structures_properties_khr(command_buffer, acceleration_structures::AbstractArray, query_type::QueryType, query_pool, first_query::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdWriteAccelerationStructuresPropertiesKHR(command_buffer, pointer_length(acceleration_structures), acceleration_structures, query_type, query_pool, first_query)) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `command_buffer::CommandBuffer` (externsync) - `acceleration_structures::Vector{AccelerationStructureNV}` - `query_type::QueryType` - `query_pool::QueryPool` - `first_query::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteAccelerationStructuresPropertiesNV.html) """ _cmd_write_acceleration_structures_properties_nv(command_buffer, acceleration_structures::AbstractArray, query_type::QueryType, query_pool, first_query::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdWriteAccelerationStructuresPropertiesNV(command_buffer, pointer_length(acceleration_structures), acceleration_structures, query_type, query_pool, first_query)) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::_AccelerationStructureInfoNV` - `instance_offset::UInt64` - `update::Bool` - `dst::AccelerationStructureNV` - `scratch::Buffer` - `scratch_offset::UInt64` - `instance_data::Buffer`: defaults to `C_NULL` - `src::AccelerationStructureNV`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBuildAccelerationStructureNV.html) """ _cmd_build_acceleration_structure_nv(command_buffer, info::_AccelerationStructureInfoNV, instance_offset::Integer, update::Bool, dst, scratch, scratch_offset::Integer; instance_data = C_NULL, src = C_NULL)::Cvoid = @dispatch(device(command_buffer), vkCmdBuildAccelerationStructureNV(command_buffer, info, instance_data, instance_offset, update, dst, src, scratch, scratch_offset)) """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `acceleration_structures::Vector{AccelerationStructureKHR}` - `query_type::QueryType` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) - `stride::UInt` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkWriteAccelerationStructuresPropertiesKHR.html) """ _write_acceleration_structures_properties_khr(device, acceleration_structures::AbstractArray, query_type::QueryType, data_size::Integer, data::Ptr{Cvoid}, stride::Integer)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkWriteAccelerationStructuresPropertiesKHR(device, pointer_length(acceleration_structures), acceleration_structures, query_type, data_size, data, stride))) """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `command_buffer::CommandBuffer` (externsync) - `raygen_shader_binding_table::_StridedDeviceAddressRegionKHR` - `miss_shader_binding_table::_StridedDeviceAddressRegionKHR` - `hit_shader_binding_table::_StridedDeviceAddressRegionKHR` - `callable_shader_binding_table::_StridedDeviceAddressRegionKHR` - `width::UInt32` - `height::UInt32` - `depth::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdTraceRaysKHR.html) """ _cmd_trace_rays_khr(command_buffer, raygen_shader_binding_table::_StridedDeviceAddressRegionKHR, miss_shader_binding_table::_StridedDeviceAddressRegionKHR, hit_shader_binding_table::_StridedDeviceAddressRegionKHR, callable_shader_binding_table::_StridedDeviceAddressRegionKHR, width::Integer, height::Integer, depth::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdTraceRaysKHR(command_buffer, raygen_shader_binding_table, miss_shader_binding_table, hit_shader_binding_table, callable_shader_binding_table, width, height, depth)) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `command_buffer::CommandBuffer` (externsync) - `raygen_shader_binding_table_buffer::Buffer` - `raygen_shader_binding_offset::UInt64` - `miss_shader_binding_offset::UInt64` - `miss_shader_binding_stride::UInt64` - `hit_shader_binding_offset::UInt64` - `hit_shader_binding_stride::UInt64` - `callable_shader_binding_offset::UInt64` - `callable_shader_binding_stride::UInt64` - `width::UInt32` - `height::UInt32` - `depth::UInt32` - `miss_shader_binding_table_buffer::Buffer`: defaults to `C_NULL` - `hit_shader_binding_table_buffer::Buffer`: defaults to `C_NULL` - `callable_shader_binding_table_buffer::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdTraceRaysNV.html) """ _cmd_trace_rays_nv(command_buffer, raygen_shader_binding_table_buffer, raygen_shader_binding_offset::Integer, miss_shader_binding_offset::Integer, miss_shader_binding_stride::Integer, hit_shader_binding_offset::Integer, hit_shader_binding_stride::Integer, callable_shader_binding_offset::Integer, callable_shader_binding_stride::Integer, width::Integer, height::Integer, depth::Integer; miss_shader_binding_table_buffer = C_NULL, hit_shader_binding_table_buffer = C_NULL, callable_shader_binding_table_buffer = C_NULL)::Cvoid = @dispatch(device(command_buffer), vkCmdTraceRaysNV(command_buffer, raygen_shader_binding_table_buffer, raygen_shader_binding_offset, miss_shader_binding_table_buffer, miss_shader_binding_offset, miss_shader_binding_stride, hit_shader_binding_table_buffer, hit_shader_binding_offset, hit_shader_binding_stride, callable_shader_binding_table_buffer, callable_shader_binding_offset, callable_shader_binding_stride, width, height, depth)) """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `pipeline::Pipeline` - `first_group::UInt32` - `group_count::UInt32` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetRayTracingShaderGroupHandlesKHR.html) """ _get_ray_tracing_shader_group_handles_khr(device, pipeline, first_group::Integer, group_count::Integer, data_size::Integer, data::Ptr{Cvoid})::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkGetRayTracingShaderGroupHandlesKHR(device, pipeline, first_group, group_count, data_size, data))) """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `pipeline::Pipeline` - `first_group::UInt32` - `group_count::UInt32` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetRayTracingCaptureReplayShaderGroupHandlesKHR.html) """ _get_ray_tracing_capture_replay_shader_group_handles_khr(device, pipeline, first_group::Integer, group_count::Integer, data_size::Integer, data::Ptr{Cvoid})::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkGetRayTracingCaptureReplayShaderGroupHandlesKHR(device, pipeline, first_group, group_count, data_size, data))) """ Extension: VK\\_NV\\_ray\\_tracing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `acceleration_structure::AccelerationStructureNV` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetAccelerationStructureHandleNV.html) """ _get_acceleration_structure_handle_nv(device, acceleration_structure, data_size::Integer, data::Ptr{Cvoid})::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkGetAccelerationStructureHandleNV(device, acceleration_structure, data_size, data))) """ Extension: VK\\_NV\\_ray\\_tracing Return codes: - `SUCCESS` - `PIPELINE_COMPILE_REQUIRED_EXT` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_SHADER_NV` Arguments: - `device::Device` - `create_infos::Vector{_RayTracingPipelineCreateInfoNV}` - `pipeline_cache::PipelineCache`: defaults to `C_NULL` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRayTracingPipelinesNV.html) """ function _create_ray_tracing_pipelines_nv(device, create_infos::AbstractArray; pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} pPipelines = Vector{VkPipeline}(undef, pointer_length(create_infos)) @check @dispatch(device, vkCreateRayTracingPipelinesNV(device, pipeline_cache, pointer_length(create_infos), create_infos, allocator, pPipelines)) (Pipeline.(pPipelines, begin parent = Vk.handle(device) x->_destroy_pipeline(parent, x; allocator) end, device), _return_code) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `PIPELINE_COMPILE_REQUIRED_EXT` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS` Arguments: - `device::Device` - `create_infos::Vector{_RayTracingPipelineCreateInfoKHR}` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` - `pipeline_cache::PipelineCache`: defaults to `C_NULL` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRayTracingPipelinesKHR.html) """ function _create_ray_tracing_pipelines_khr(device, create_infos::AbstractArray; deferred_operation = C_NULL, pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} pPipelines = Vector{VkPipeline}(undef, pointer_length(create_infos)) @check @dispatch(device, vkCreateRayTracingPipelinesKHR(device, deferred_operation, pipeline_cache, pointer_length(create_infos), create_infos, allocator, pPipelines)) (Pipeline.(pPipelines, begin parent = Vk.handle(device) x->_destroy_pipeline(parent, x; allocator) end, device), _return_code) end """ Extension: VK\\_NV\\_cooperative\\_matrix Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceCooperativeMatrixPropertiesNV.html) """ function _get_physical_device_cooperative_matrix_properties_nv(physical_device)::ResultTypes.Result{Vector{_CooperativeMatrixPropertiesNV}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceCooperativeMatrixPropertiesNV(physical_device, pPropertyCount, C_NULL)) pProperties = Vector{VkCooperativeMatrixPropertiesNV}(undef, pPropertyCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceCooperativeMatrixPropertiesNV(physical_device, pPropertyCount, pProperties)) end from_vk.(_CooperativeMatrixPropertiesNV, pProperties) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `command_buffer::CommandBuffer` (externsync) - `raygen_shader_binding_table::_StridedDeviceAddressRegionKHR` - `miss_shader_binding_table::_StridedDeviceAddressRegionKHR` - `hit_shader_binding_table::_StridedDeviceAddressRegionKHR` - `callable_shader_binding_table::_StridedDeviceAddressRegionKHR` - `indirect_device_address::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdTraceRaysIndirectKHR.html) """ _cmd_trace_rays_indirect_khr(command_buffer, raygen_shader_binding_table::_StridedDeviceAddressRegionKHR, miss_shader_binding_table::_StridedDeviceAddressRegionKHR, hit_shader_binding_table::_StridedDeviceAddressRegionKHR, callable_shader_binding_table::_StridedDeviceAddressRegionKHR, indirect_device_address::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdTraceRaysIndirectKHR(command_buffer, raygen_shader_binding_table, miss_shader_binding_table, hit_shader_binding_table, callable_shader_binding_table, indirect_device_address)) """ Extension: VK\\_KHR\\_ray\\_tracing\\_maintenance1 Arguments: - `command_buffer::CommandBuffer` (externsync) - `indirect_device_address::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdTraceRaysIndirect2KHR.html) """ _cmd_trace_rays_indirect_2_khr(command_buffer, indirect_device_address::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdTraceRaysIndirect2KHR(command_buffer, indirect_device_address)) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `device::Device` - `version_info::_AccelerationStructureVersionInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceAccelerationStructureCompatibilityKHR.html) """ function _get_device_acceleration_structure_compatibility_khr(device, version_info::_AccelerationStructureVersionInfoKHR)::AccelerationStructureCompatibilityKHR pCompatibility = Ref{VkAccelerationStructureCompatibilityKHR}() @dispatch device vkGetDeviceAccelerationStructureCompatibilityKHR(device, version_info, pCompatibility) pCompatibility[] end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `device::Device` - `pipeline::Pipeline` - `group::UInt32` - `group_shader::ShaderGroupShaderKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetRayTracingShaderGroupStackSizeKHR.html) """ _get_ray_tracing_shader_group_stack_size_khr(device, pipeline, group::Integer, group_shader::ShaderGroupShaderKHR)::UInt64 = @dispatch(device, vkGetRayTracingShaderGroupStackSizeKHR(device, pipeline, group, group_shader)) """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_stack_size::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetRayTracingPipelineStackSizeKHR.html) """ _cmd_set_ray_tracing_pipeline_stack_size_khr(command_buffer, pipeline_stack_size::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdSetRayTracingPipelineStackSizeKHR(command_buffer, pipeline_stack_size)) """ Extension: VK\\_NVX\\_image\\_view\\_handle Arguments: - `device::Device` - `info::_ImageViewHandleInfoNVX` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageViewHandleNVX.html) """ _get_image_view_handle_nvx(device, info::_ImageViewHandleInfoNVX)::UInt32 = @dispatch(device, vkGetImageViewHandleNVX(device, info)) """ Extension: VK\\_NVX\\_image\\_view\\_handle Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_UNKNOWN` Arguments: - `device::Device` - `image_view::ImageView` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageViewAddressNVX.html) """ function _get_image_view_address_nvx(device, image_view)::ResultTypes.Result{_ImageViewAddressPropertiesNVX, VulkanError} pProperties = Ref{VkImageViewAddressPropertiesNVX}() @check @dispatch(device, vkGetImageViewAddressNVX(device, image_view, pProperties)) from_vk(_ImageViewAddressPropertiesNVX, pProperties[]) end """ Extension: VK\\_KHR\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `physical_device::PhysicalDevice` - `queue_family_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumeratePhysicalDeviceQueueFamilyPerformanceQueryCountersKHR.html) """ function _enumerate_physical_device_queue_family_performance_query_counters_khr(physical_device, queue_family_index::Integer)::ResultTypes.Result{Tuple{Vector{_PerformanceCounterKHR}, Vector{_PerformanceCounterDescriptionKHR}}, VulkanError} pCounterCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkEnumeratePhysicalDeviceQueueFamilyPerformanceQueryCountersKHR(physical_device, queue_family_index, pCounterCount, C_NULL, C_NULL)) pCounters = Vector{VkPerformanceCounterKHR}(undef, pCounterCount[]) pCounterDescriptions = Vector{VkPerformanceCounterDescriptionKHR}(undef, pCounterCount[]) @check @dispatch(instance(physical_device), vkEnumeratePhysicalDeviceQueueFamilyPerformanceQueryCountersKHR(physical_device, queue_family_index, pCounterCount, pCounters, pCounterDescriptions)) end (from_vk.(_PerformanceCounterKHR, pCounters), from_vk.(_PerformanceCounterDescriptionKHR, pCounterDescriptions)) end """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `physical_device::PhysicalDevice` - `performance_query_create_info::_QueryPoolPerformanceCreateInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceQueueFamilyPerformanceQueryPassesKHR.html) """ function _get_physical_device_queue_family_performance_query_passes_khr(physical_device, performance_query_create_info::_QueryPoolPerformanceCreateInfoKHR)::UInt32 pNumPasses = Ref{UInt32}() @dispatch instance(physical_device) vkGetPhysicalDeviceQueueFamilyPerformanceQueryPassesKHR(physical_device, performance_query_create_info, pNumPasses) pNumPasses[] end """ Extension: VK\\_KHR\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `TIMEOUT` Arguments: - `device::Device` - `info::_AcquireProfilingLockInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAcquireProfilingLockKHR.html) """ _acquire_profiling_lock_khr(device, info::_AcquireProfilingLockInfoKHR)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkAcquireProfilingLockKHR(device, info))) """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `device::Device` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkReleaseProfilingLockKHR.html) """ _release_profiling_lock_khr(device)::Cvoid = @dispatch(device, vkReleaseProfilingLockKHR(device)) """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `image::Image` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageDrmFormatModifierPropertiesEXT.html) """ function _get_image_drm_format_modifier_properties_ext(device, image)::ResultTypes.Result{_ImageDrmFormatModifierPropertiesEXT, VulkanError} pProperties = Ref{VkImageDrmFormatModifierPropertiesEXT}() @check @dispatch(device, vkGetImageDrmFormatModifierPropertiesEXT(device, image, pProperties)) from_vk(_ImageDrmFormatModifierPropertiesEXT, pProperties[]) end """ Arguments: - `device::Device` - `info::_BufferDeviceAddressInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetBufferOpaqueCaptureAddress.html) """ _get_buffer_opaque_capture_address(device, info::_BufferDeviceAddressInfo)::UInt64 = @dispatch(device, vkGetBufferOpaqueCaptureAddress(device, info)) """ Arguments: - `device::Device` - `info::_BufferDeviceAddressInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetBufferDeviceAddress.html) """ _get_buffer_device_address(device, info::_BufferDeviceAddressInfo)::UInt64 = @dispatch(device, vkGetBufferDeviceAddress(device, info)) """ Extension: VK\\_EXT\\_headless\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `create_info::_HeadlessSurfaceCreateInfoEXT` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateHeadlessSurfaceEXT.html) """ function _create_headless_surface_ext(instance, create_info::_HeadlessSurfaceCreateInfoEXT; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} pSurface = Ref{VkSurfaceKHR}() @check @dispatch(instance, vkCreateHeadlessSurfaceEXT(instance, create_info, allocator, pSurface)) SurfaceKHR(pSurface[], begin parent = Vk.handle(instance) x->_destroy_surface_khr(parent, x; allocator) end, instance) end """ Extension: VK\\_NV\\_coverage\\_reduction\\_mode Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSupportedFramebufferMixedSamplesCombinationsNV.html) """ function _get_physical_device_supported_framebuffer_mixed_samples_combinations_nv(physical_device)::ResultTypes.Result{Vector{_FramebufferMixedSamplesCombinationNV}, VulkanError} pCombinationCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSupportedFramebufferMixedSamplesCombinationsNV(physical_device, pCombinationCount, C_NULL)) pCombinations = Vector{VkFramebufferMixedSamplesCombinationNV}(undef, pCombinationCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSupportedFramebufferMixedSamplesCombinationsNV(physical_device, pCombinationCount, pCombinations)) end from_vk.(_FramebufferMixedSamplesCombinationNV, pCombinations) end """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `initialize_info::_InitializePerformanceApiInfoINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkInitializePerformanceApiINTEL.html) """ _initialize_performance_api_intel(device, initialize_info::_InitializePerformanceApiInfoINTEL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkInitializePerformanceApiINTEL(device, initialize_info))) """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `device::Device` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkUninitializePerformanceApiINTEL.html) """ _uninitialize_performance_api_intel(device)::Cvoid = @dispatch(device, vkUninitializePerformanceApiINTEL(device)) """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `command_buffer::CommandBuffer` (externsync) - `marker_info::_PerformanceMarkerInfoINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPerformanceMarkerINTEL.html) """ _cmd_set_performance_marker_intel(command_buffer, marker_info::_PerformanceMarkerInfoINTEL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device(command_buffer), vkCmdSetPerformanceMarkerINTEL(command_buffer, marker_info))) """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `command_buffer::CommandBuffer` (externsync) - `marker_info::_PerformanceStreamMarkerInfoINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPerformanceStreamMarkerINTEL.html) """ _cmd_set_performance_stream_marker_intel(command_buffer, marker_info::_PerformanceStreamMarkerInfoINTEL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device(command_buffer), vkCmdSetPerformanceStreamMarkerINTEL(command_buffer, marker_info))) """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `command_buffer::CommandBuffer` (externsync) - `override_info::_PerformanceOverrideInfoINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPerformanceOverrideINTEL.html) """ _cmd_set_performance_override_intel(command_buffer, override_info::_PerformanceOverrideInfoINTEL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device(command_buffer), vkCmdSetPerformanceOverrideINTEL(command_buffer, override_info))) """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `acquire_info::_PerformanceConfigurationAcquireInfoINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAcquirePerformanceConfigurationINTEL.html) """ function _acquire_performance_configuration_intel(device, acquire_info::_PerformanceConfigurationAcquireInfoINTEL)::ResultTypes.Result{PerformanceConfigurationINTEL, VulkanError} pConfiguration = Ref{VkPerformanceConfigurationINTEL}() @check @dispatch(device, vkAcquirePerformanceConfigurationINTEL(device, acquire_info, pConfiguration)) PerformanceConfigurationINTEL(pConfiguration[], identity, device) end """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `configuration::PerformanceConfigurationINTEL`: defaults to `C_NULL` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkReleasePerformanceConfigurationINTEL.html) """ _release_performance_configuration_intel(device; configuration = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkReleasePerformanceConfigurationINTEL(device, configuration))) """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `queue::Queue` - `configuration::PerformanceConfigurationINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueSetPerformanceConfigurationINTEL.html) """ _queue_set_performance_configuration_intel(queue, configuration)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device(queue), vkQueueSetPerformanceConfigurationINTEL(queue, configuration))) """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `parameter::PerformanceParameterTypeINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPerformanceParameterINTEL.html) """ function _get_performance_parameter_intel(device, parameter::PerformanceParameterTypeINTEL)::ResultTypes.Result{_PerformanceValueINTEL, VulkanError} pValue = Ref{VkPerformanceValueINTEL}() @check @dispatch(device, vkGetPerformanceParameterINTEL(device, parameter, pValue)) from_vk(_PerformanceValueINTEL, pValue[]) end """ Arguments: - `device::Device` - `info::_DeviceMemoryOpaqueCaptureAddressInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceMemoryOpaqueCaptureAddress.html) """ _get_device_memory_opaque_capture_address(device, info::_DeviceMemoryOpaqueCaptureAddressInfo)::UInt64 = @dispatch(device, vkGetDeviceMemoryOpaqueCaptureAddress(device, info)) """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `pipeline_info::_PipelineInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPipelineExecutablePropertiesKHR.html) """ function _get_pipeline_executable_properties_khr(device, pipeline_info::_PipelineInfoKHR)::ResultTypes.Result{Vector{_PipelineExecutablePropertiesKHR}, VulkanError} pExecutableCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(device, vkGetPipelineExecutablePropertiesKHR(device, pipeline_info, pExecutableCount, C_NULL)) pProperties = Vector{VkPipelineExecutablePropertiesKHR}(undef, pExecutableCount[]) @check @dispatch(device, vkGetPipelineExecutablePropertiesKHR(device, pipeline_info, pExecutableCount, pProperties)) end from_vk.(_PipelineExecutablePropertiesKHR, pProperties) end """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `executable_info::_PipelineExecutableInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPipelineExecutableStatisticsKHR.html) """ function _get_pipeline_executable_statistics_khr(device, executable_info::_PipelineExecutableInfoKHR)::ResultTypes.Result{Vector{_PipelineExecutableStatisticKHR}, VulkanError} pStatisticCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(device, vkGetPipelineExecutableStatisticsKHR(device, executable_info, pStatisticCount, C_NULL)) pStatistics = Vector{VkPipelineExecutableStatisticKHR}(undef, pStatisticCount[]) @check @dispatch(device, vkGetPipelineExecutableStatisticsKHR(device, executable_info, pStatisticCount, pStatistics)) end from_vk.(_PipelineExecutableStatisticKHR, pStatistics) end """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `executable_info::_PipelineExecutableInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPipelineExecutableInternalRepresentationsKHR.html) """ function _get_pipeline_executable_internal_representations_khr(device, executable_info::_PipelineExecutableInfoKHR)::ResultTypes.Result{Vector{_PipelineExecutableInternalRepresentationKHR}, VulkanError} pInternalRepresentationCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(device, vkGetPipelineExecutableInternalRepresentationsKHR(device, executable_info, pInternalRepresentationCount, C_NULL)) pInternalRepresentations = Vector{VkPipelineExecutableInternalRepresentationKHR}(undef, pInternalRepresentationCount[]) @check @dispatch(device, vkGetPipelineExecutableInternalRepresentationsKHR(device, executable_info, pInternalRepresentationCount, pInternalRepresentations)) end from_vk.(_PipelineExecutableInternalRepresentationKHR, pInternalRepresentations) end """ Extension: VK\\_EXT\\_line\\_rasterization Arguments: - `command_buffer::CommandBuffer` (externsync) - `line_stipple_factor::UInt32` - `line_stipple_pattern::UInt16` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetLineStippleEXT.html) """ _cmd_set_line_stipple_ext(command_buffer, line_stipple_factor::Integer, line_stipple_pattern::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdSetLineStippleEXT(command_buffer, line_stipple_factor, line_stipple_pattern)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceToolProperties.html) """ function _get_physical_device_tool_properties(physical_device)::ResultTypes.Result{Vector{_PhysicalDeviceToolProperties}, VulkanError} pToolCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceToolProperties(physical_device, pToolCount, C_NULL)) pToolProperties = Vector{VkPhysicalDeviceToolProperties}(undef, pToolCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceToolProperties(physical_device, pToolCount, pToolProperties)) end from_vk.(_PhysicalDeviceToolProperties, pToolProperties) end """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `create_info::_AccelerationStructureCreateInfoKHR` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateAccelerationStructureKHR.html) """ function _create_acceleration_structure_khr(device, create_info::_AccelerationStructureCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{AccelerationStructureKHR, VulkanError} pAccelerationStructure = Ref{VkAccelerationStructureKHR}() @check @dispatch(device, vkCreateAccelerationStructureKHR(device, create_info, allocator, pAccelerationStructure)) AccelerationStructureKHR(pAccelerationStructure[], begin parent = Vk.handle(device) x->_destroy_acceleration_structure_khr(parent, x; allocator) end, device) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `command_buffer::CommandBuffer` (externsync) - `infos::Vector{_AccelerationStructureBuildGeometryInfoKHR}` - `build_range_infos::Vector{_AccelerationStructureBuildRangeInfoKHR}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBuildAccelerationStructuresKHR.html) """ _cmd_build_acceleration_structures_khr(command_buffer, infos::AbstractArray, build_range_infos::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdBuildAccelerationStructuresKHR(command_buffer, pointer_length(infos), infos, build_range_infos)) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `command_buffer::CommandBuffer` (externsync) - `infos::Vector{_AccelerationStructureBuildGeometryInfoKHR}` - `indirect_device_addresses::Vector{UInt64}` - `indirect_strides::Vector{UInt32}` - `max_primitive_counts::Vector{UInt32}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBuildAccelerationStructuresIndirectKHR.html) """ _cmd_build_acceleration_structures_indirect_khr(command_buffer, infos::AbstractArray, indirect_device_addresses::AbstractArray, indirect_strides::AbstractArray, max_primitive_counts::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdBuildAccelerationStructuresIndirectKHR(command_buffer, pointer_length(infos), infos, indirect_device_addresses, indirect_strides, max_primitive_counts)) """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `infos::Vector{_AccelerationStructureBuildGeometryInfoKHR}` - `build_range_infos::Vector{_AccelerationStructureBuildRangeInfoKHR}` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBuildAccelerationStructuresKHR.html) """ _build_acceleration_structures_khr(device, infos::AbstractArray, build_range_infos::AbstractArray; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkBuildAccelerationStructuresKHR(device, deferred_operation, pointer_length(infos), infos, build_range_infos))) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `device::Device` - `info::_AccelerationStructureDeviceAddressInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetAccelerationStructureDeviceAddressKHR.html) """ _get_acceleration_structure_device_address_khr(device, info::_AccelerationStructureDeviceAddressInfoKHR)::UInt64 = @dispatch(device, vkGetAccelerationStructureDeviceAddressKHR(device, info)) """ Extension: VK\\_KHR\\_deferred\\_host\\_operations Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDeferredOperationKHR.html) """ function _create_deferred_operation_khr(device; allocator = C_NULL)::ResultTypes.Result{DeferredOperationKHR, VulkanError} pDeferredOperation = Ref{VkDeferredOperationKHR}() @check @dispatch(device, vkCreateDeferredOperationKHR(device, allocator, pDeferredOperation)) DeferredOperationKHR(pDeferredOperation[], begin parent = Vk.handle(device) x->_destroy_deferred_operation_khr(parent, x; allocator) end, device) end """ Extension: VK\\_KHR\\_deferred\\_host\\_operations Arguments: - `device::Device` - `operation::DeferredOperationKHR` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDeferredOperationKHR.html) """ _destroy_deferred_operation_khr(device, operation; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyDeferredOperationKHR(device, operation, allocator)) """ Extension: VK\\_KHR\\_deferred\\_host\\_operations Arguments: - `device::Device` - `operation::DeferredOperationKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeferredOperationMaxConcurrencyKHR.html) """ _get_deferred_operation_max_concurrency_khr(device, operation)::UInt32 = @dispatch(device, vkGetDeferredOperationMaxConcurrencyKHR(device, operation)) """ Extension: VK\\_KHR\\_deferred\\_host\\_operations Return codes: - `SUCCESS` - `NOT_READY` Arguments: - `device::Device` - `operation::DeferredOperationKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeferredOperationResultKHR.html) """ _get_deferred_operation_result_khr(device, operation)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkGetDeferredOperationResultKHR(device, operation))) """ Extension: VK\\_KHR\\_deferred\\_host\\_operations Return codes: - `SUCCESS` - `THREAD_DONE_KHR` - `THREAD_IDLE_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `operation::DeferredOperationKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDeferredOperationJoinKHR.html) """ _deferred_operation_join_khr(device, operation)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkDeferredOperationJoinKHR(device, operation))) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `cull_mode::CullModeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCullMode.html) """ _cmd_set_cull_mode(command_buffer; cull_mode = 0)::Cvoid = @dispatch(device(command_buffer), vkCmdSetCullMode(command_buffer, cull_mode)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `front_face::FrontFace` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetFrontFace.html) """ _cmd_set_front_face(command_buffer, front_face::FrontFace)::Cvoid = @dispatch(device(command_buffer), vkCmdSetFrontFace(command_buffer, front_face)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `primitive_topology::PrimitiveTopology` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPrimitiveTopology.html) """ _cmd_set_primitive_topology(command_buffer, primitive_topology::PrimitiveTopology)::Cvoid = @dispatch(device(command_buffer), vkCmdSetPrimitiveTopology(command_buffer, primitive_topology)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `viewports::Vector{_Viewport}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetViewportWithCount.html) """ _cmd_set_viewport_with_count(command_buffer, viewports::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetViewportWithCount(command_buffer, pointer_length(viewports), viewports)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `scissors::Vector{_Rect2D}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetScissorWithCount.html) """ _cmd_set_scissor_with_count(command_buffer, scissors::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetScissorWithCount(command_buffer, pointer_length(scissors), scissors)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffers::Vector{Buffer}` - `offsets::Vector{UInt64}` - `sizes::Vector{UInt64}`: defaults to `C_NULL` - `strides::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindVertexBuffers2.html) """ _cmd_bind_vertex_buffers_2(command_buffer, buffers::AbstractArray, offsets::AbstractArray; sizes = C_NULL, strides = C_NULL)::Cvoid = @dispatch(device(command_buffer), vkCmdBindVertexBuffers2(command_buffer, 0, pointer_length(buffers), buffers, offsets, sizes, strides)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_test_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthTestEnable.html) """ _cmd_set_depth_test_enable(command_buffer, depth_test_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDepthTestEnable(command_buffer, depth_test_enable)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_write_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthWriteEnable.html) """ _cmd_set_depth_write_enable(command_buffer, depth_write_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDepthWriteEnable(command_buffer, depth_write_enable)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_compare_op::CompareOp` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthCompareOp.html) """ _cmd_set_depth_compare_op(command_buffer, depth_compare_op::CompareOp)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDepthCompareOp(command_buffer, depth_compare_op)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_bounds_test_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthBoundsTestEnable.html) """ _cmd_set_depth_bounds_test_enable(command_buffer, depth_bounds_test_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDepthBoundsTestEnable(command_buffer, depth_bounds_test_enable)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `stencil_test_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetStencilTestEnable.html) """ _cmd_set_stencil_test_enable(command_buffer, stencil_test_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetStencilTestEnable(command_buffer, stencil_test_enable)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `face_mask::StencilFaceFlag` - `fail_op::StencilOp` - `pass_op::StencilOp` - `depth_fail_op::StencilOp` - `compare_op::CompareOp` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetStencilOp.html) """ _cmd_set_stencil_op(command_buffer, face_mask::StencilFaceFlag, fail_op::StencilOp, pass_op::StencilOp, depth_fail_op::StencilOp, compare_op::CompareOp)::Cvoid = @dispatch(device(command_buffer), vkCmdSetStencilOp(command_buffer, face_mask, fail_op, pass_op, depth_fail_op, compare_op)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state2 Arguments: - `command_buffer::CommandBuffer` (externsync) - `patch_control_points::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPatchControlPointsEXT.html) """ _cmd_set_patch_control_points_ext(command_buffer, patch_control_points::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdSetPatchControlPointsEXT(command_buffer, patch_control_points)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `rasterizer_discard_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetRasterizerDiscardEnable.html) """ _cmd_set_rasterizer_discard_enable(command_buffer, rasterizer_discard_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetRasterizerDiscardEnable(command_buffer, rasterizer_discard_enable)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_bias_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthBiasEnable.html) """ _cmd_set_depth_bias_enable(command_buffer, depth_bias_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDepthBiasEnable(command_buffer, depth_bias_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state2 Arguments: - `command_buffer::CommandBuffer` (externsync) - `logic_op::LogicOp` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetLogicOpEXT.html) """ _cmd_set_logic_op_ext(command_buffer, logic_op::LogicOp)::Cvoid = @dispatch(device(command_buffer), vkCmdSetLogicOpEXT(command_buffer, logic_op)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `primitive_restart_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPrimitiveRestartEnable.html) """ _cmd_set_primitive_restart_enable(command_buffer, primitive_restart_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetPrimitiveRestartEnable(command_buffer, primitive_restart_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `domain_origin::TessellationDomainOrigin` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetTessellationDomainOriginEXT.html) """ _cmd_set_tessellation_domain_origin_ext(command_buffer, domain_origin::TessellationDomainOrigin)::Cvoid = @dispatch(device(command_buffer), vkCmdSetTessellationDomainOriginEXT(command_buffer, domain_origin)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_clamp_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthClampEnableEXT.html) """ _cmd_set_depth_clamp_enable_ext(command_buffer, depth_clamp_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDepthClampEnableEXT(command_buffer, depth_clamp_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `polygon_mode::PolygonMode` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPolygonModeEXT.html) """ _cmd_set_polygon_mode_ext(command_buffer, polygon_mode::PolygonMode)::Cvoid = @dispatch(device(command_buffer), vkCmdSetPolygonModeEXT(command_buffer, polygon_mode)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `rasterization_samples::SampleCountFlag` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetRasterizationSamplesEXT.html) """ _cmd_set_rasterization_samples_ext(command_buffer, rasterization_samples::SampleCountFlag)::Cvoid = @dispatch(device(command_buffer), vkCmdSetRasterizationSamplesEXT(command_buffer, VkSampleCountFlagBits(rasterization_samples.val))) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `samples::SampleCountFlag` - `sample_mask::Vector{UInt32}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetSampleMaskEXT.html) """ _cmd_set_sample_mask_ext(command_buffer, samples::SampleCountFlag, sample_mask::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetSampleMaskEXT(command_buffer, VkSampleCountFlagBits(samples.val), sample_mask)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `alpha_to_coverage_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetAlphaToCoverageEnableEXT.html) """ _cmd_set_alpha_to_coverage_enable_ext(command_buffer, alpha_to_coverage_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetAlphaToCoverageEnableEXT(command_buffer, alpha_to_coverage_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `alpha_to_one_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetAlphaToOneEnableEXT.html) """ _cmd_set_alpha_to_one_enable_ext(command_buffer, alpha_to_one_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetAlphaToOneEnableEXT(command_buffer, alpha_to_one_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `logic_op_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetLogicOpEnableEXT.html) """ _cmd_set_logic_op_enable_ext(command_buffer, logic_op_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetLogicOpEnableEXT(command_buffer, logic_op_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `color_blend_enables::Vector{Bool}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetColorBlendEnableEXT.html) """ _cmd_set_color_blend_enable_ext(command_buffer, color_blend_enables::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetColorBlendEnableEXT(command_buffer, 0, pointer_length(color_blend_enables), color_blend_enables)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `color_blend_equations::Vector{_ColorBlendEquationEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetColorBlendEquationEXT.html) """ _cmd_set_color_blend_equation_ext(command_buffer, color_blend_equations::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetColorBlendEquationEXT(command_buffer, 0, pointer_length(color_blend_equations), color_blend_equations)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `color_write_masks::Vector{ColorComponentFlag}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetColorWriteMaskEXT.html) """ _cmd_set_color_write_mask_ext(command_buffer, color_write_masks::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetColorWriteMaskEXT(command_buffer, 0, pointer_length(color_write_masks), color_write_masks)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `rasterization_stream::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetRasterizationStreamEXT.html) """ _cmd_set_rasterization_stream_ext(command_buffer, rasterization_stream::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdSetRasterizationStreamEXT(command_buffer, rasterization_stream)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `conservative_rasterization_mode::ConservativeRasterizationModeEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetConservativeRasterizationModeEXT.html) """ _cmd_set_conservative_rasterization_mode_ext(command_buffer, conservative_rasterization_mode::ConservativeRasterizationModeEXT)::Cvoid = @dispatch(device(command_buffer), vkCmdSetConservativeRasterizationModeEXT(command_buffer, conservative_rasterization_mode)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `extra_primitive_overestimation_size::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetExtraPrimitiveOverestimationSizeEXT.html) """ _cmd_set_extra_primitive_overestimation_size_ext(command_buffer, extra_primitive_overestimation_size::Real)::Cvoid = @dispatch(device(command_buffer), vkCmdSetExtraPrimitiveOverestimationSizeEXT(command_buffer, extra_primitive_overestimation_size)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_clip_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthClipEnableEXT.html) """ _cmd_set_depth_clip_enable_ext(command_buffer, depth_clip_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDepthClipEnableEXT(command_buffer, depth_clip_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `sample_locations_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetSampleLocationsEnableEXT.html) """ _cmd_set_sample_locations_enable_ext(command_buffer, sample_locations_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetSampleLocationsEnableEXT(command_buffer, sample_locations_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `color_blend_advanced::Vector{_ColorBlendAdvancedEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetColorBlendAdvancedEXT.html) """ _cmd_set_color_blend_advanced_ext(command_buffer, color_blend_advanced::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetColorBlendAdvancedEXT(command_buffer, 0, pointer_length(color_blend_advanced), color_blend_advanced)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `provoking_vertex_mode::ProvokingVertexModeEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetProvokingVertexModeEXT.html) """ _cmd_set_provoking_vertex_mode_ext(command_buffer, provoking_vertex_mode::ProvokingVertexModeEXT)::Cvoid = @dispatch(device(command_buffer), vkCmdSetProvokingVertexModeEXT(command_buffer, provoking_vertex_mode)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `line_rasterization_mode::LineRasterizationModeEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetLineRasterizationModeEXT.html) """ _cmd_set_line_rasterization_mode_ext(command_buffer, line_rasterization_mode::LineRasterizationModeEXT)::Cvoid = @dispatch(device(command_buffer), vkCmdSetLineRasterizationModeEXT(command_buffer, line_rasterization_mode)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `stippled_line_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetLineStippleEnableEXT.html) """ _cmd_set_line_stipple_enable_ext(command_buffer, stippled_line_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetLineStippleEnableEXT(command_buffer, stippled_line_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `negative_one_to_one::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthClipNegativeOneToOneEXT.html) """ _cmd_set_depth_clip_negative_one_to_one_ext(command_buffer, negative_one_to_one::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDepthClipNegativeOneToOneEXT(command_buffer, negative_one_to_one)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `viewport_w_scaling_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetViewportWScalingEnableNV.html) """ _cmd_set_viewport_w_scaling_enable_nv(command_buffer, viewport_w_scaling_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetViewportWScalingEnableNV(command_buffer, viewport_w_scaling_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `viewport_swizzles::Vector{_ViewportSwizzleNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetViewportSwizzleNV.html) """ _cmd_set_viewport_swizzle_nv(command_buffer, viewport_swizzles::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetViewportSwizzleNV(command_buffer, 0, pointer_length(viewport_swizzles), viewport_swizzles)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `coverage_to_color_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoverageToColorEnableNV.html) """ _cmd_set_coverage_to_color_enable_nv(command_buffer, coverage_to_color_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetCoverageToColorEnableNV(command_buffer, coverage_to_color_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `coverage_to_color_location::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoverageToColorLocationNV.html) """ _cmd_set_coverage_to_color_location_nv(command_buffer, coverage_to_color_location::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdSetCoverageToColorLocationNV(command_buffer, coverage_to_color_location)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `coverage_modulation_mode::CoverageModulationModeNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoverageModulationModeNV.html) """ _cmd_set_coverage_modulation_mode_nv(command_buffer, coverage_modulation_mode::CoverageModulationModeNV)::Cvoid = @dispatch(device(command_buffer), vkCmdSetCoverageModulationModeNV(command_buffer, coverage_modulation_mode)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `coverage_modulation_table_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoverageModulationTableEnableNV.html) """ _cmd_set_coverage_modulation_table_enable_nv(command_buffer, coverage_modulation_table_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetCoverageModulationTableEnableNV(command_buffer, coverage_modulation_table_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `coverage_modulation_table::Vector{Float32}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoverageModulationTableNV.html) """ _cmd_set_coverage_modulation_table_nv(command_buffer, coverage_modulation_table::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetCoverageModulationTableNV(command_buffer, pointer_length(coverage_modulation_table), coverage_modulation_table)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `shading_rate_image_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetShadingRateImageEnableNV.html) """ _cmd_set_shading_rate_image_enable_nv(command_buffer, shading_rate_image_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetShadingRateImageEnableNV(command_buffer, shading_rate_image_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `coverage_reduction_mode::CoverageReductionModeNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoverageReductionModeNV.html) """ _cmd_set_coverage_reduction_mode_nv(command_buffer, coverage_reduction_mode::CoverageReductionModeNV)::Cvoid = @dispatch(device(command_buffer), vkCmdSetCoverageReductionModeNV(command_buffer, coverage_reduction_mode)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `representative_fragment_test_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetRepresentativeFragmentTestEnableNV.html) """ _cmd_set_representative_fragment_test_enable_nv(command_buffer, representative_fragment_test_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetRepresentativeFragmentTestEnableNV(command_buffer, representative_fragment_test_enable)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `create_info::_PrivateDataSlotCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePrivateDataSlot.html) """ function _create_private_data_slot(device, create_info::_PrivateDataSlotCreateInfo; allocator = C_NULL)::ResultTypes.Result{PrivateDataSlot, VulkanError} pPrivateDataSlot = Ref{VkPrivateDataSlot}() @check @dispatch(device, vkCreatePrivateDataSlot(device, create_info, allocator, pPrivateDataSlot)) PrivateDataSlot(pPrivateDataSlot[], begin parent = Vk.handle(device) x->_destroy_private_data_slot(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `private_data_slot::PrivateDataSlot` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyPrivateDataSlot.html) """ _destroy_private_data_slot(device, private_data_slot; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyPrivateDataSlot(device, private_data_slot, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `object_type::ObjectType` - `object_handle::UInt64` - `private_data_slot::PrivateDataSlot` - `data::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetPrivateData.html) """ _set_private_data(device, object_type::ObjectType, object_handle::Integer, private_data_slot, data::Integer)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkSetPrivateData(device, object_type, object_handle, private_data_slot, data))) """ Arguments: - `device::Device` - `object_type::ObjectType` - `object_handle::UInt64` - `private_data_slot::PrivateDataSlot` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPrivateData.html) """ function _get_private_data(device, object_type::ObjectType, object_handle::Integer, private_data_slot)::UInt64 pData = Ref{UInt64}() @dispatch device vkGetPrivateData(device, object_type, object_handle, private_data_slot, pData) pData[] end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `copy_buffer_info::_CopyBufferInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyBuffer2.html) """ _cmd_copy_buffer_2(command_buffer, copy_buffer_info::_CopyBufferInfo2)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyBuffer2(command_buffer, copy_buffer_info)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `copy_image_info::_CopyImageInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyImage2.html) """ _cmd_copy_image_2(command_buffer, copy_image_info::_CopyImageInfo2)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyImage2(command_buffer, copy_image_info)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `blit_image_info::_BlitImageInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBlitImage2.html) """ _cmd_blit_image_2(command_buffer, blit_image_info::_BlitImageInfo2)::Cvoid = @dispatch(device(command_buffer), vkCmdBlitImage2(command_buffer, blit_image_info)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `copy_buffer_to_image_info::_CopyBufferToImageInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyBufferToImage2.html) """ _cmd_copy_buffer_to_image_2(command_buffer, copy_buffer_to_image_info::_CopyBufferToImageInfo2)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyBufferToImage2(command_buffer, copy_buffer_to_image_info)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `copy_image_to_buffer_info::_CopyImageToBufferInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyImageToBuffer2.html) """ _cmd_copy_image_to_buffer_2(command_buffer, copy_image_to_buffer_info::_CopyImageToBufferInfo2)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyImageToBuffer2(command_buffer, copy_image_to_buffer_info)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `resolve_image_info::_ResolveImageInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdResolveImage2.html) """ _cmd_resolve_image_2(command_buffer, resolve_image_info::_ResolveImageInfo2)::Cvoid = @dispatch(device(command_buffer), vkCmdResolveImage2(command_buffer, resolve_image_info)) """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Arguments: - `command_buffer::CommandBuffer` (externsync) - `fragment_size::_Extent2D` - `combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetFragmentShadingRateKHR.html) """ _cmd_set_fragment_shading_rate_khr(command_buffer, fragment_size::_Extent2D, combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR})::Cvoid = @dispatch(device(command_buffer), vkCmdSetFragmentShadingRateKHR(command_buffer, fragment_size, to_vk(NTuple{2, VkFragmentShadingRateCombinerOpKHR}, combiner_ops))) """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceFragmentShadingRatesKHR.html) """ function _get_physical_device_fragment_shading_rates_khr(physical_device)::ResultTypes.Result{Vector{_PhysicalDeviceFragmentShadingRateKHR}, VulkanError} pFragmentShadingRateCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceFragmentShadingRatesKHR(physical_device, pFragmentShadingRateCount, C_NULL)) pFragmentShadingRates = Vector{VkPhysicalDeviceFragmentShadingRateKHR}(undef, pFragmentShadingRateCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceFragmentShadingRatesKHR(physical_device, pFragmentShadingRateCount, pFragmentShadingRates)) end from_vk.(_PhysicalDeviceFragmentShadingRateKHR, pFragmentShadingRates) end """ Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums Arguments: - `command_buffer::CommandBuffer` (externsync) - `shading_rate::FragmentShadingRateNV` - `combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetFragmentShadingRateEnumNV.html) """ _cmd_set_fragment_shading_rate_enum_nv(command_buffer, shading_rate::FragmentShadingRateNV, combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR})::Cvoid = @dispatch(device(command_buffer), vkCmdSetFragmentShadingRateEnumNV(command_buffer, shading_rate, to_vk(NTuple{2, VkFragmentShadingRateCombinerOpKHR}, combiner_ops))) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `device::Device` - `build_type::AccelerationStructureBuildTypeKHR` - `build_info::_AccelerationStructureBuildGeometryInfoKHR` - `max_primitive_counts::Vector{UInt32}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetAccelerationStructureBuildSizesKHR.html) """ function _get_acceleration_structure_build_sizes_khr(device, build_type::AccelerationStructureBuildTypeKHR, build_info::_AccelerationStructureBuildGeometryInfoKHR; max_primitive_counts = C_NULL)::_AccelerationStructureBuildSizesInfoKHR pSizeInfo = Ref{VkAccelerationStructureBuildSizesInfoKHR}() @dispatch device vkGetAccelerationStructureBuildSizesKHR(device, build_type, build_info, max_primitive_counts, pSizeInfo) from_vk(_AccelerationStructureBuildSizesInfoKHR, pSizeInfo[]) end """ Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state Arguments: - `command_buffer::CommandBuffer` (externsync) - `vertex_binding_descriptions::Vector{_VertexInputBindingDescription2EXT}` - `vertex_attribute_descriptions::Vector{_VertexInputAttributeDescription2EXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetVertexInputEXT.html) """ _cmd_set_vertex_input_ext(command_buffer, vertex_binding_descriptions::AbstractArray, vertex_attribute_descriptions::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetVertexInputEXT(command_buffer, pointer_length(vertex_binding_descriptions), vertex_binding_descriptions, pointer_length(vertex_attribute_descriptions), vertex_attribute_descriptions)) """ Extension: VK\\_EXT\\_color\\_write\\_enable Arguments: - `command_buffer::CommandBuffer` (externsync) - `color_write_enables::Vector{Bool}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetColorWriteEnableEXT.html) """ _cmd_set_color_write_enable_ext(command_buffer, color_write_enables::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetColorWriteEnableEXT(command_buffer, pointer_length(color_write_enables), color_write_enables)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `event::Event` - `dependency_info::_DependencyInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetEvent2.html) """ _cmd_set_event_2(command_buffer, event, dependency_info::_DependencyInfo)::Cvoid = @dispatch(device(command_buffer), vkCmdSetEvent2(command_buffer, event, dependency_info)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `event::Event` - `stage_mask::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdResetEvent2.html) """ _cmd_reset_event_2(command_buffer, event; stage_mask = 0)::Cvoid = @dispatch(device(command_buffer), vkCmdResetEvent2(command_buffer, event, stage_mask)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `events::Vector{Event}` - `dependency_infos::Vector{_DependencyInfo}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWaitEvents2.html) """ _cmd_wait_events_2(command_buffer, events::AbstractArray, dependency_infos::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdWaitEvents2(command_buffer, pointer_length(events), events, dependency_infos)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `dependency_info::_DependencyInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdPipelineBarrier2.html) """ _cmd_pipeline_barrier_2(command_buffer, dependency_info::_DependencyInfo)::Cvoid = @dispatch(device(command_buffer), vkCmdPipelineBarrier2(command_buffer, dependency_info)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `queue::Queue` (externsync) - `submits::Vector{_SubmitInfo2}` - `fence::Fence`: defaults to `C_NULL` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueSubmit2.html) """ _queue_submit_2(queue, submits::AbstractArray; fence = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device(queue), vkQueueSubmit2(queue, pointer_length(submits), submits, fence))) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `query::UInt32` - `stage::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteTimestamp2.html) """ _cmd_write_timestamp_2(command_buffer, query_pool, query::Integer; stage = 0)::Cvoid = @dispatch(device(command_buffer), vkCmdWriteTimestamp2(command_buffer, stage, query_pool, query)) """ Extension: VK\\_KHR\\_synchronization2 Arguments: - `command_buffer::CommandBuffer` (externsync) - `dst_buffer::Buffer` - `dst_offset::UInt64` - `marker::UInt32` - `stage::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteBufferMarker2AMD.html) """ _cmd_write_buffer_marker_2_amd(command_buffer, dst_buffer, dst_offset::Integer, marker::Integer; stage = 0)::Cvoid = @dispatch(device(command_buffer), vkCmdWriteBufferMarker2AMD(command_buffer, stage, dst_buffer, dst_offset, marker)) """ Extension: VK\\_KHR\\_synchronization2 Arguments: - `queue::Queue` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetQueueCheckpointData2NV.html) """ function _get_queue_checkpoint_data_2_nv(queue)::Vector{_CheckpointData2NV} pCheckpointDataCount = Ref{UInt32}() @dispatch device(queue) vkGetQueueCheckpointData2NV(queue, pCheckpointDataCount, C_NULL) pCheckpointData = Vector{VkCheckpointData2NV}(undef, pCheckpointDataCount[]) @dispatch device(queue) vkGetQueueCheckpointData2NV(queue, pCheckpointDataCount, pCheckpointData) from_vk.(_CheckpointData2NV, pCheckpointData) end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_VIDEO_PROFILE_OPERATION_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_FORMAT_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PICTURE_LAYOUT_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_CODEC_NOT_SUPPORTED_KHR` Arguments: - `physical_device::PhysicalDevice` - `video_profile::_VideoProfileInfoKHR` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceVideoCapabilitiesKHR.html) """ function _get_physical_device_video_capabilities_khr(physical_device, video_profile::_VideoProfileInfoKHR, next_types::Type...)::ResultTypes.Result{_VideoCapabilitiesKHR, VulkanError} capabilities = initialize(_VideoCapabilitiesKHR, next_types...) pCapabilities = Ref(Base.unsafe_convert(VkVideoCapabilitiesKHR, capabilities)) GC.@preserve capabilities begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceVideoCapabilitiesKHR(physical_device, video_profile, pCapabilities)) _VideoCapabilitiesKHR(pCapabilities[], Any[capabilities]) end end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_IMAGE_USAGE_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_OPERATION_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_FORMAT_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PICTURE_LAYOUT_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_CODEC_NOT_SUPPORTED_KHR` Arguments: - `physical_device::PhysicalDevice` - `video_format_info::_PhysicalDeviceVideoFormatInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceVideoFormatPropertiesKHR.html) """ function _get_physical_device_video_format_properties_khr(physical_device, video_format_info::_PhysicalDeviceVideoFormatInfoKHR)::ResultTypes.Result{Vector{_VideoFormatPropertiesKHR}, VulkanError} pVideoFormatPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceVideoFormatPropertiesKHR(physical_device, video_format_info, pVideoFormatPropertyCount, C_NULL)) pVideoFormatProperties = Vector{VkVideoFormatPropertiesKHR}(undef, pVideoFormatPropertyCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceVideoFormatPropertiesKHR(physical_device, video_format_info, pVideoFormatPropertyCount, pVideoFormatProperties)) end from_vk.(_VideoFormatPropertiesKHR, pVideoFormatProperties) end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_VIDEO_STD_VERSION_NOT_SUPPORTED_KHR` Arguments: - `device::Device` - `create_info::_VideoSessionCreateInfoKHR` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateVideoSessionKHR.html) """ function _create_video_session_khr(device, create_info::_VideoSessionCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{VideoSessionKHR, VulkanError} pVideoSession = Ref{VkVideoSessionKHR}() @check @dispatch(device, vkCreateVideoSessionKHR(device, create_info, allocator, pVideoSession)) VideoSessionKHR(pVideoSession[], begin parent = Vk.handle(device) x->_destroy_video_session_khr(parent, x; allocator) end, device) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `device::Device` - `video_session::VideoSessionKHR` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyVideoSessionKHR.html) """ _destroy_video_session_khr(device, video_session; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyVideoSessionKHR(device, video_session, allocator)) """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `create_info::_VideoSessionParametersCreateInfoKHR` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateVideoSessionParametersKHR.html) """ function _create_video_session_parameters_khr(device, create_info::_VideoSessionParametersCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{VideoSessionParametersKHR, VulkanError} pVideoSessionParameters = Ref{VkVideoSessionParametersKHR}() @check @dispatch(device, vkCreateVideoSessionParametersKHR(device, create_info, allocator, pVideoSessionParameters)) VideoSessionParametersKHR(pVideoSessionParameters[], (x->_destroy_video_session_parameters_khr(device, x; allocator)), getproperty(create_info, :video_session)) end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `video_session_parameters::VideoSessionParametersKHR` - `update_info::_VideoSessionParametersUpdateInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkUpdateVideoSessionParametersKHR.html) """ _update_video_session_parameters_khr(device, video_session_parameters, update_info::_VideoSessionParametersUpdateInfoKHR)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkUpdateVideoSessionParametersKHR(device, video_session_parameters, update_info))) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `device::Device` - `video_session_parameters::VideoSessionParametersKHR` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyVideoSessionParametersKHR.html) """ _destroy_video_session_parameters_khr(device, video_session_parameters; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyVideoSessionParametersKHR(device, video_session_parameters, allocator)) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `device::Device` - `video_session::VideoSessionKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetVideoSessionMemoryRequirementsKHR.html) """ function _get_video_session_memory_requirements_khr(device, video_session)::Vector{_VideoSessionMemoryRequirementsKHR} pMemoryRequirementsCount = Ref{UInt32}() @repeat_while_incomplete begin @dispatch device vkGetVideoSessionMemoryRequirementsKHR(device, video_session, pMemoryRequirementsCount, C_NULL) pMemoryRequirements = Vector{VkVideoSessionMemoryRequirementsKHR}(undef, pMemoryRequirementsCount[]) @dispatch device vkGetVideoSessionMemoryRequirementsKHR(device, video_session, pMemoryRequirementsCount, pMemoryRequirements) end from_vk.(_VideoSessionMemoryRequirementsKHR, pMemoryRequirements) end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `video_session::VideoSessionKHR` (externsync) - `bind_session_memory_infos::Vector{_BindVideoSessionMemoryInfoKHR}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindVideoSessionMemoryKHR.html) """ _bind_video_session_memory_khr(device, video_session, bind_session_memory_infos::AbstractArray)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkBindVideoSessionMemoryKHR(device, video_session, pointer_length(bind_session_memory_infos), bind_session_memory_infos))) """ Extension: VK\\_KHR\\_video\\_decode\\_queue Arguments: - `command_buffer::CommandBuffer` (externsync) - `decode_info::_VideoDecodeInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDecodeVideoKHR.html) """ _cmd_decode_video_khr(command_buffer, decode_info::_VideoDecodeInfoKHR)::Cvoid = @dispatch(device(command_buffer), vkCmdDecodeVideoKHR(command_buffer, decode_info)) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `command_buffer::CommandBuffer` (externsync) - `begin_info::_VideoBeginCodingInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginVideoCodingKHR.html) """ _cmd_begin_video_coding_khr(command_buffer, begin_info::_VideoBeginCodingInfoKHR)::Cvoid = @dispatch(device(command_buffer), vkCmdBeginVideoCodingKHR(command_buffer, begin_info)) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `command_buffer::CommandBuffer` (externsync) - `coding_control_info::_VideoCodingControlInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdControlVideoCodingKHR.html) """ _cmd_control_video_coding_khr(command_buffer, coding_control_info::_VideoCodingControlInfoKHR)::Cvoid = @dispatch(device(command_buffer), vkCmdControlVideoCodingKHR(command_buffer, coding_control_info)) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `command_buffer::CommandBuffer` (externsync) - `end_coding_info::_VideoEndCodingInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndVideoCodingKHR.html) """ _cmd_end_video_coding_khr(command_buffer, end_coding_info::_VideoEndCodingInfoKHR)::Cvoid = @dispatch(device(command_buffer), vkCmdEndVideoCodingKHR(command_buffer, end_coding_info)) """ Extension: VK\\_NV\\_memory\\_decompression Arguments: - `command_buffer::CommandBuffer` (externsync) - `decompress_memory_regions::Vector{_DecompressMemoryRegionNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDecompressMemoryNV.html) """ _cmd_decompress_memory_nv(command_buffer, decompress_memory_regions::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdDecompressMemoryNV(command_buffer, pointer_length(decompress_memory_regions), decompress_memory_regions)) """ Extension: VK\\_NV\\_memory\\_decompression Arguments: - `command_buffer::CommandBuffer` (externsync) - `indirect_commands_address::UInt64` - `indirect_commands_count_address::UInt64` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDecompressMemoryIndirectCountNV.html) """ _cmd_decompress_memory_indirect_count_nv(command_buffer, indirect_commands_address::Integer, indirect_commands_count_address::Integer, stride::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDecompressMemoryIndirectCountNV(command_buffer, indirect_commands_address, indirect_commands_count_address, stride)) """ Extension: VK\\_NVX\\_binary\\_import Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `create_info::_CuModuleCreateInfoNVX` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCuModuleNVX.html) """ function _create_cu_module_nvx(device, create_info::_CuModuleCreateInfoNVX; allocator = C_NULL)::ResultTypes.Result{CuModuleNVX, VulkanError} pModule = Ref{VkCuModuleNVX}() @check @dispatch(device, vkCreateCuModuleNVX(device, create_info, allocator, pModule)) CuModuleNVX(pModule[], begin parent = Vk.handle(device) x->_destroy_cu_module_nvx(parent, x; allocator) end, device) end """ Extension: VK\\_NVX\\_binary\\_import Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `create_info::_CuFunctionCreateInfoNVX` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCuFunctionNVX.html) """ function _create_cu_function_nvx(device, create_info::_CuFunctionCreateInfoNVX; allocator = C_NULL)::ResultTypes.Result{CuFunctionNVX, VulkanError} pFunction = Ref{VkCuFunctionNVX}() @check @dispatch(device, vkCreateCuFunctionNVX(device, create_info, allocator, pFunction)) CuFunctionNVX(pFunction[], begin parent = Vk.handle(device) x->_destroy_cu_function_nvx(parent, x; allocator) end, device) end """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `device::Device` - `_module::CuModuleNVX` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyCuModuleNVX.html) """ _destroy_cu_module_nvx(device, _module; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyCuModuleNVX(device, _module, allocator)) """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `device::Device` - `_function::CuFunctionNVX` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyCuFunctionNVX.html) """ _destroy_cu_function_nvx(device, _function; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyCuFunctionNVX(device, _function, allocator)) """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `command_buffer::CommandBuffer` - `launch_info::_CuLaunchInfoNVX` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCuLaunchKernelNVX.html) """ _cmd_cu_launch_kernel_nvx(command_buffer, launch_info::_CuLaunchInfoNVX)::Cvoid = @dispatch(device(command_buffer), vkCmdCuLaunchKernelNVX(command_buffer, launch_info)) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `device::Device` - `layout::DescriptorSetLayout` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDescriptorSetLayoutSizeEXT.html) """ function _get_descriptor_set_layout_size_ext(device, layout)::UInt64 pLayoutSizeInBytes = Ref{VkDeviceSize}() @dispatch device vkGetDescriptorSetLayoutSizeEXT(device, layout, pLayoutSizeInBytes) pLayoutSizeInBytes[] end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `device::Device` - `layout::DescriptorSetLayout` - `binding::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDescriptorSetLayoutBindingOffsetEXT.html) """ function _get_descriptor_set_layout_binding_offset_ext(device, layout, binding::Integer)::UInt64 pOffset = Ref{VkDeviceSize}() @dispatch device vkGetDescriptorSetLayoutBindingOffsetEXT(device, layout, binding, pOffset) pOffset[] end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `device::Device` - `descriptor_info::_DescriptorGetInfoEXT` - `data_size::UInt` - `descriptor::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDescriptorEXT.html) """ _get_descriptor_ext(device, descriptor_info::_DescriptorGetInfoEXT, data_size::Integer, descriptor::Ptr{Cvoid})::Cvoid = @dispatch(device, vkGetDescriptorEXT(device, descriptor_info, data_size, descriptor)) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `command_buffer::CommandBuffer` (externsync) - `binding_infos::Vector{_DescriptorBufferBindingInfoEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindDescriptorBuffersEXT.html) """ _cmd_bind_descriptor_buffers_ext(command_buffer, binding_infos::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdBindDescriptorBuffersEXT(command_buffer, pointer_length(binding_infos), binding_infos)) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_bind_point::PipelineBindPoint` - `layout::PipelineLayout` - `buffer_indices::Vector{UInt32}` - `offsets::Vector{UInt64}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDescriptorBufferOffsetsEXT.html) """ _cmd_set_descriptor_buffer_offsets_ext(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, buffer_indices::AbstractArray, offsets::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDescriptorBufferOffsetsEXT(command_buffer, pipeline_bind_point, layout, 0, pointer_length(buffer_indices), buffer_indices, offsets)) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_bind_point::PipelineBindPoint` - `layout::PipelineLayout` - `set::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindDescriptorBufferEmbeddedSamplersEXT.html) """ _cmd_bind_descriptor_buffer_embedded_samplers_ext(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, set::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdBindDescriptorBufferEmbeddedSamplersEXT(command_buffer, pipeline_bind_point, layout, set)) """ Extension: VK\\_EXT\\_descriptor\\_buffer Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::_BufferCaptureDescriptorDataInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetBufferOpaqueCaptureDescriptorDataEXT.html) """ function _get_buffer_opaque_capture_descriptor_data_ext(device, info::_BufferCaptureDescriptorDataInfoEXT)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} pData = Ref{Ptr{Cvoid}}() @check @dispatch(device, vkGetBufferOpaqueCaptureDescriptorDataEXT(device, info, pData)) pData[] end """ Extension: VK\\_EXT\\_descriptor\\_buffer Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::_ImageCaptureDescriptorDataInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageOpaqueCaptureDescriptorDataEXT.html) """ function _get_image_opaque_capture_descriptor_data_ext(device, info::_ImageCaptureDescriptorDataInfoEXT)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} pData = Ref{Ptr{Cvoid}}() @check @dispatch(device, vkGetImageOpaqueCaptureDescriptorDataEXT(device, info, pData)) pData[] end """ Extension: VK\\_EXT\\_descriptor\\_buffer Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::_ImageViewCaptureDescriptorDataInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageViewOpaqueCaptureDescriptorDataEXT.html) """ function _get_image_view_opaque_capture_descriptor_data_ext(device, info::_ImageViewCaptureDescriptorDataInfoEXT)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} pData = Ref{Ptr{Cvoid}}() @check @dispatch(device, vkGetImageViewOpaqueCaptureDescriptorDataEXT(device, info, pData)) pData[] end """ Extension: VK\\_EXT\\_descriptor\\_buffer Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::_SamplerCaptureDescriptorDataInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSamplerOpaqueCaptureDescriptorDataEXT.html) """ function _get_sampler_opaque_capture_descriptor_data_ext(device, info::_SamplerCaptureDescriptorDataInfoEXT)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} pData = Ref{Ptr{Cvoid}}() @check @dispatch(device, vkGetSamplerOpaqueCaptureDescriptorDataEXT(device, info, pData)) pData[] end """ Extension: VK\\_EXT\\_descriptor\\_buffer Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::_AccelerationStructureCaptureDescriptorDataInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetAccelerationStructureOpaqueCaptureDescriptorDataEXT.html) """ function _get_acceleration_structure_opaque_capture_descriptor_data_ext(device, info::_AccelerationStructureCaptureDescriptorDataInfoEXT)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} pData = Ref{Ptr{Cvoid}}() @check @dispatch(device, vkGetAccelerationStructureOpaqueCaptureDescriptorDataEXT(device, info, pData)) pData[] end """ Extension: VK\\_EXT\\_pageable\\_device\\_local\\_memory Arguments: - `device::Device` - `memory::DeviceMemory` - `priority::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetDeviceMemoryPriorityEXT.html) """ _set_device_memory_priority_ext(device, memory, priority::Real)::Cvoid = @dispatch(device, vkSetDeviceMemoryPriorityEXT(device, memory, priority)) """ Extension: VK\\_EXT\\_acquire\\_drm\\_display Return codes: - `SUCCESS` - `ERROR_INITIALIZATION_FAILED` Arguments: - `physical_device::PhysicalDevice` - `drm_fd::Int32` - `display::DisplayKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAcquireDrmDisplayEXT.html) """ _acquire_drm_display_ext(physical_device, drm_fd::Integer, display)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(instance(physical_device), vkAcquireDrmDisplayEXT(physical_device, drm_fd, display))) """ Extension: VK\\_EXT\\_acquire\\_drm\\_display Return codes: - `SUCCESS` - `ERROR_INITIALIZATION_FAILED` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `drm_fd::Int32` - `connector_id::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDrmDisplayEXT.html) """ function _get_drm_display_ext(physical_device, drm_fd::Integer, connector_id::Integer)::ResultTypes.Result{DisplayKHR, VulkanError} display = Ref{VkDisplayKHR}() @check @dispatch(instance(physical_device), vkGetDrmDisplayEXT(physical_device, drm_fd, connector_id, display)) DisplayKHR(display[], identity, physical_device) end """ Extension: VK\\_KHR\\_present\\_wait Return codes: - `SUCCESS` - `TIMEOUT` - `SUBOPTIMAL_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` - `ERROR_SURFACE_LOST_KHR` - `ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT` Arguments: - `device::Device` - `swapchain::SwapchainKHR` (externsync) - `present_id::UInt64` - `timeout::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkWaitForPresentKHR.html) """ _wait_for_present_khr(device, swapchain, present_id::Integer, timeout::Integer)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkWaitForPresentKHR(device, swapchain, present_id, timeout))) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `rendering_info::_RenderingInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginRendering.html) """ _cmd_begin_rendering(command_buffer, rendering_info::_RenderingInfo)::Cvoid = @dispatch(device(command_buffer), vkCmdBeginRendering(command_buffer, rendering_info)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndRendering.html) """ _cmd_end_rendering(command_buffer)::Cvoid = @dispatch(device(command_buffer), vkCmdEndRendering(command_buffer)) """ Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping Arguments: - `device::Device` - `binding_reference::_DescriptorSetBindingReferenceVALVE` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDescriptorSetLayoutHostMappingInfoVALVE.html) """ function _get_descriptor_set_layout_host_mapping_info_valve(device, binding_reference::_DescriptorSetBindingReferenceVALVE)::_DescriptorSetLayoutHostMappingInfoVALVE pHostMapping = Ref{VkDescriptorSetLayoutHostMappingInfoVALVE}() @dispatch device vkGetDescriptorSetLayoutHostMappingInfoVALVE(device, binding_reference, pHostMapping) from_vk(_DescriptorSetLayoutHostMappingInfoVALVE, pHostMapping[]) end """ Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping Arguments: - `device::Device` - `descriptor_set::DescriptorSet` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDescriptorSetHostMappingVALVE.html) """ function _get_descriptor_set_host_mapping_valve(device, descriptor_set)::Ptr{Cvoid} ppData = Ref{Ptr{Cvoid}}() @dispatch device vkGetDescriptorSetHostMappingVALVE(device, descriptor_set, ppData) ppData[] end """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `create_info::_MicromapCreateInfoEXT` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateMicromapEXT.html) """ function _create_micromap_ext(device, create_info::_MicromapCreateInfoEXT; allocator = C_NULL)::ResultTypes.Result{MicromapEXT, VulkanError} pMicromap = Ref{VkMicromapEXT}() @check @dispatch(device, vkCreateMicromapEXT(device, create_info, allocator, pMicromap)) MicromapEXT(pMicromap[], begin parent = Vk.handle(device) x->_destroy_micromap_ext(parent, x; allocator) end, device) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `command_buffer::CommandBuffer` (externsync) - `infos::Vector{_MicromapBuildInfoEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBuildMicromapsEXT.html) """ _cmd_build_micromaps_ext(command_buffer, infos::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdBuildMicromapsEXT(command_buffer, pointer_length(infos), infos)) """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `infos::Vector{_MicromapBuildInfoEXT}` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBuildMicromapsEXT.html) """ _build_micromaps_ext(device, infos::AbstractArray; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkBuildMicromapsEXT(device, deferred_operation, pointer_length(infos), infos))) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `device::Device` - `micromap::MicromapEXT` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyMicromapEXT.html) """ _destroy_micromap_ext(device, micromap; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyMicromapEXT(device, micromap, allocator)) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::_CopyMicromapInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyMicromapEXT.html) """ _cmd_copy_micromap_ext(command_buffer, info::_CopyMicromapInfoEXT)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyMicromapEXT(command_buffer, info)) """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::_CopyMicromapInfoEXT` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCopyMicromapEXT.html) """ _copy_micromap_ext(device, info::_CopyMicromapInfoEXT; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkCopyMicromapEXT(device, deferred_operation, info))) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::_CopyMicromapToMemoryInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyMicromapToMemoryEXT.html) """ _cmd_copy_micromap_to_memory_ext(command_buffer, info::_CopyMicromapToMemoryInfoEXT)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyMicromapToMemoryEXT(command_buffer, info)) """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::_CopyMicromapToMemoryInfoEXT` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCopyMicromapToMemoryEXT.html) """ _copy_micromap_to_memory_ext(device, info::_CopyMicromapToMemoryInfoEXT; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkCopyMicromapToMemoryEXT(device, deferred_operation, info))) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::_CopyMemoryToMicromapInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyMemoryToMicromapEXT.html) """ _cmd_copy_memory_to_micromap_ext(command_buffer, info::_CopyMemoryToMicromapInfoEXT)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyMemoryToMicromapEXT(command_buffer, info)) """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::_CopyMemoryToMicromapInfoEXT` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCopyMemoryToMicromapEXT.html) """ _copy_memory_to_micromap_ext(device, info::_CopyMemoryToMicromapInfoEXT; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkCopyMemoryToMicromapEXT(device, deferred_operation, info))) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `command_buffer::CommandBuffer` (externsync) - `micromaps::Vector{MicromapEXT}` - `query_type::QueryType` - `query_pool::QueryPool` - `first_query::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteMicromapsPropertiesEXT.html) """ _cmd_write_micromaps_properties_ext(command_buffer, micromaps::AbstractArray, query_type::QueryType, query_pool, first_query::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdWriteMicromapsPropertiesEXT(command_buffer, pointer_length(micromaps), micromaps, query_type, query_pool, first_query)) """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `micromaps::Vector{MicromapEXT}` - `query_type::QueryType` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) - `stride::UInt` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkWriteMicromapsPropertiesEXT.html) """ _write_micromaps_properties_ext(device, micromaps::AbstractArray, query_type::QueryType, data_size::Integer, data::Ptr{Cvoid}, stride::Integer)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkWriteMicromapsPropertiesEXT(device, pointer_length(micromaps), micromaps, query_type, data_size, data, stride))) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `device::Device` - `version_info::_MicromapVersionInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceMicromapCompatibilityEXT.html) """ function _get_device_micromap_compatibility_ext(device, version_info::_MicromapVersionInfoEXT)::AccelerationStructureCompatibilityKHR pCompatibility = Ref{VkAccelerationStructureCompatibilityKHR}() @dispatch device vkGetDeviceMicromapCompatibilityEXT(device, version_info, pCompatibility) pCompatibility[] end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `device::Device` - `build_type::AccelerationStructureBuildTypeKHR` - `build_info::_MicromapBuildInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetMicromapBuildSizesEXT.html) """ function _get_micromap_build_sizes_ext(device, build_type::AccelerationStructureBuildTypeKHR, build_info::_MicromapBuildInfoEXT)::_MicromapBuildSizesInfoEXT pSizeInfo = Ref{VkMicromapBuildSizesInfoEXT}() @dispatch device vkGetMicromapBuildSizesEXT(device, build_type, build_info, pSizeInfo) from_vk(_MicromapBuildSizesInfoEXT, pSizeInfo[]) end """ Extension: VK\\_EXT\\_shader\\_module\\_identifier Arguments: - `device::Device` - `shader_module::ShaderModule` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetShaderModuleIdentifierEXT.html) """ function _get_shader_module_identifier_ext(device, shader_module)::_ShaderModuleIdentifierEXT pIdentifier = Ref{VkShaderModuleIdentifierEXT}() @dispatch device vkGetShaderModuleIdentifierEXT(device, shader_module, pIdentifier) from_vk(_ShaderModuleIdentifierEXT, pIdentifier[]) end """ Extension: VK\\_EXT\\_shader\\_module\\_identifier Arguments: - `device::Device` - `create_info::_ShaderModuleCreateInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetShaderModuleCreateInfoIdentifierEXT.html) """ function _get_shader_module_create_info_identifier_ext(device, create_info::_ShaderModuleCreateInfo)::_ShaderModuleIdentifierEXT pIdentifier = Ref{VkShaderModuleIdentifierEXT}() @dispatch device vkGetShaderModuleCreateInfoIdentifierEXT(device, create_info, pIdentifier) from_vk(_ShaderModuleIdentifierEXT, pIdentifier[]) end """ Extension: VK\\_EXT\\_image\\_compression\\_control Arguments: - `device::Device` - `image::Image` - `subresource::_ImageSubresource2EXT` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageSubresourceLayout2EXT.html) """ function _get_image_subresource_layout_2_ext(device, image, subresource::_ImageSubresource2EXT, next_types::Type...)::_SubresourceLayout2EXT layout = initialize(_SubresourceLayout2EXT, next_types...) pLayout = Ref(Base.unsafe_convert(VkSubresourceLayout2EXT, layout)) GC.@preserve layout begin @dispatch device vkGetImageSubresourceLayout2EXT(device, image, subresource, pLayout) _SubresourceLayout2EXT(pLayout[], Any[layout]) end end """ Extension: VK\\_EXT\\_pipeline\\_properties Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `pipeline_info::VkPipelineInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPipelinePropertiesEXT.html) """ function _get_pipeline_properties_ext(device, pipeline_info::VkPipelineInfoEXT)::ResultTypes.Result{_BaseOutStructure, VulkanError} pPipelineProperties = Ref{VkBaseOutStructure}() @check @dispatch(device, vkGetPipelinePropertiesEXT(device, Ref(pipeline_info), pPipelineProperties)) from_vk(_BaseOutStructure, pPipelineProperties[]) end """ Extension: VK\\_QCOM\\_tile\\_properties Arguments: - `device::Device` - `framebuffer::Framebuffer` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetFramebufferTilePropertiesQCOM.html) """ function _get_framebuffer_tile_properties_qcom(device, framebuffer)::Vector{_TilePropertiesQCOM} pPropertiesCount = Ref{UInt32}() @repeat_while_incomplete begin @dispatch device vkGetFramebufferTilePropertiesQCOM(device, framebuffer, pPropertiesCount, C_NULL) pProperties = Vector{VkTilePropertiesQCOM}(undef, pPropertiesCount[]) @dispatch device vkGetFramebufferTilePropertiesQCOM(device, framebuffer, pPropertiesCount, pProperties) end from_vk.(_TilePropertiesQCOM, pProperties) end """ Extension: VK\\_QCOM\\_tile\\_properties Arguments: - `device::Device` - `rendering_info::_RenderingInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDynamicRenderingTilePropertiesQCOM.html) """ function _get_dynamic_rendering_tile_properties_qcom(device, rendering_info::_RenderingInfo)::_TilePropertiesQCOM pProperties = Ref{VkTilePropertiesQCOM}() @dispatch device vkGetDynamicRenderingTilePropertiesQCOM(device, rendering_info, pProperties) from_vk(_TilePropertiesQCOM, pProperties[]) end """ Extension: VK\\_NV\\_optical\\_flow Return codes: - `SUCCESS` - `ERROR_EXTENSION_NOT_PRESENT` - `ERROR_INITIALIZATION_FAILED` - `ERROR_FORMAT_NOT_SUPPORTED` Arguments: - `physical_device::PhysicalDevice` - `optical_flow_image_format_info::_OpticalFlowImageFormatInfoNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceOpticalFlowImageFormatsNV.html) """ function _get_physical_device_optical_flow_image_formats_nv(physical_device, optical_flow_image_format_info::_OpticalFlowImageFormatInfoNV)::ResultTypes.Result{Vector{_OpticalFlowImageFormatPropertiesNV}, VulkanError} pFormatCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceOpticalFlowImageFormatsNV(physical_device, optical_flow_image_format_info, pFormatCount, C_NULL)) pImageFormatProperties = Vector{VkOpticalFlowImageFormatPropertiesNV}(undef, pFormatCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceOpticalFlowImageFormatsNV(physical_device, optical_flow_image_format_info, pFormatCount, pImageFormatProperties)) end from_vk.(_OpticalFlowImageFormatPropertiesNV, pImageFormatProperties) end """ Extension: VK\\_NV\\_optical\\_flow Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `create_info::_OpticalFlowSessionCreateInfoNV` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateOpticalFlowSessionNV.html) """ function _create_optical_flow_session_nv(device, create_info::_OpticalFlowSessionCreateInfoNV; allocator = C_NULL)::ResultTypes.Result{OpticalFlowSessionNV, VulkanError} pSession = Ref{VkOpticalFlowSessionNV}() @check @dispatch(device, vkCreateOpticalFlowSessionNV(device, create_info, allocator, pSession)) OpticalFlowSessionNV(pSession[], begin parent = Vk.handle(device) x->_destroy_optical_flow_session_nv(parent, x; allocator) end, device) end """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `device::Device` - `session::OpticalFlowSessionNV` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyOpticalFlowSessionNV.html) """ _destroy_optical_flow_session_nv(device, session; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyOpticalFlowSessionNV(device, session, allocator)) """ Extension: VK\\_NV\\_optical\\_flow Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `session::OpticalFlowSessionNV` - `binding_point::OpticalFlowSessionBindingPointNV` - `layout::ImageLayout` - `view::ImageView`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindOpticalFlowSessionImageNV.html) """ _bind_optical_flow_session_image_nv(device, session, binding_point::OpticalFlowSessionBindingPointNV, layout::ImageLayout; view = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkBindOpticalFlowSessionImageNV(device, session, binding_point, view, layout))) """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `command_buffer::CommandBuffer` - `session::OpticalFlowSessionNV` - `execute_info::_OpticalFlowExecuteInfoNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdOpticalFlowExecuteNV.html) """ _cmd_optical_flow_execute_nv(command_buffer, session, execute_info::_OpticalFlowExecuteInfoNV)::Cvoid = @dispatch(device(command_buffer), vkCmdOpticalFlowExecuteNV(command_buffer, session, execute_info)) """ Extension: VK\\_EXT\\_device\\_fault Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceFaultInfoEXT.html) """ function _get_device_fault_info_ext(device)::ResultTypes.Result{Tuple{_DeviceFaultCountsEXT, _DeviceFaultInfoEXT}, VulkanError} pFaultCounts = Ref{VkDeviceFaultCountsEXT}() pFaultInfo = Ref{VkDeviceFaultInfoEXT}() @check @dispatch(device, vkGetDeviceFaultInfoEXT(device, pFaultCounts, pFaultInfo)) (from_vk(_DeviceFaultCountsEXT, pFaultCounts[]), from_vk(_DeviceFaultInfoEXT, pFaultInfo[])) end """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Return codes: - `SUCCESS` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `release_info::_ReleaseSwapchainImagesInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkReleaseSwapchainImagesEXT.html) """ _release_swapchain_images_ext(device, release_info::_ReleaseSwapchainImagesInfoEXT)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkReleaseSwapchainImagesEXT(device, release_info))) function _create_instance(create_info::_InstanceCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Instance, VulkanError} pInstance = Ref{VkInstance}() @check vkCreateInstance(create_info, allocator, pInstance, fptr_create) @fill_dispatch_table Instance(pInstance[], (x->_destroy_instance(x, fptr_destroy; allocator))) end _destroy_instance(instance, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyInstance(instance, allocator, fptr) function _enumerate_physical_devices(instance, fptr::FunctionPtr)::ResultTypes.Result{Vector{PhysicalDevice}, VulkanError} pPhysicalDeviceCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkEnumeratePhysicalDevices(instance, pPhysicalDeviceCount, C_NULL, fptr) pPhysicalDevices = Vector{VkPhysicalDevice}(undef, pPhysicalDeviceCount[]) @check vkEnumeratePhysicalDevices(instance, pPhysicalDeviceCount, pPhysicalDevices, fptr) end PhysicalDevice.(pPhysicalDevices, identity, instance) end _get_device_proc_addr(device, name::AbstractString, fptr::FunctionPtr)::FunctionPtr = vkGetDeviceProcAddr(device, name, fptr) _get_instance_proc_addr(name::AbstractString, fptr::FunctionPtr; instance = C_NULL)::FunctionPtr = vkGetInstanceProcAddr(instance, name, fptr) function _get_physical_device_properties(physical_device, fptr::FunctionPtr)::_PhysicalDeviceProperties pProperties = Ref{VkPhysicalDeviceProperties}() vkGetPhysicalDeviceProperties(physical_device, pProperties, fptr) from_vk(_PhysicalDeviceProperties, pProperties[]) end function _get_physical_device_queue_family_properties(physical_device, fptr::FunctionPtr)::Vector{_QueueFamilyProperties} pQueueFamilyPropertyCount = Ref{UInt32}() vkGetPhysicalDeviceQueueFamilyProperties(physical_device, pQueueFamilyPropertyCount, C_NULL, fptr) pQueueFamilyProperties = Vector{VkQueueFamilyProperties}(undef, pQueueFamilyPropertyCount[]) vkGetPhysicalDeviceQueueFamilyProperties(physical_device, pQueueFamilyPropertyCount, pQueueFamilyProperties, fptr) from_vk.(_QueueFamilyProperties, pQueueFamilyProperties) end function _get_physical_device_memory_properties(physical_device, fptr::FunctionPtr)::_PhysicalDeviceMemoryProperties pMemoryProperties = Ref{VkPhysicalDeviceMemoryProperties}() vkGetPhysicalDeviceMemoryProperties(physical_device, pMemoryProperties, fptr) from_vk(_PhysicalDeviceMemoryProperties, pMemoryProperties[]) end function _get_physical_device_features(physical_device, fptr::FunctionPtr)::_PhysicalDeviceFeatures pFeatures = Ref{VkPhysicalDeviceFeatures}() vkGetPhysicalDeviceFeatures(physical_device, pFeatures, fptr) from_vk(_PhysicalDeviceFeatures, pFeatures[]) end function _get_physical_device_format_properties(physical_device, format::Format, fptr::FunctionPtr)::_FormatProperties pFormatProperties = Ref{VkFormatProperties}() vkGetPhysicalDeviceFormatProperties(physical_device, format, pFormatProperties, fptr) from_vk(_FormatProperties, pFormatProperties[]) end function _get_physical_device_image_format_properties(physical_device, format::Format, type::ImageType, tiling::ImageTiling, usage::ImageUsageFlag, fptr::FunctionPtr; flags = 0)::ResultTypes.Result{_ImageFormatProperties, VulkanError} pImageFormatProperties = Ref{VkImageFormatProperties}() @check vkGetPhysicalDeviceImageFormatProperties(physical_device, format, type, tiling, usage, flags, pImageFormatProperties, fptr) from_vk(_ImageFormatProperties, pImageFormatProperties[]) end function _create_device(physical_device, create_info::_DeviceCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Device, VulkanError} pDevice = Ref{VkDevice}() @check vkCreateDevice(physical_device, create_info, allocator, pDevice, fptr_create) @fill_dispatch_table Device(pDevice[], (x->_destroy_device(x, fptr_destroy; allocator)), physical_device) end _destroy_device(device, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyDevice(device, allocator, fptr) function _enumerate_instance_version(fptr::FunctionPtr)::ResultTypes.Result{VersionNumber, VulkanError} pApiVersion = Ref{UInt32}() @check vkEnumerateInstanceVersion(pApiVersion, fptr) from_vk(VersionNumber, pApiVersion[]) end function _enumerate_instance_layer_properties(fptr::FunctionPtr)::ResultTypes.Result{Vector{_LayerProperties}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkEnumerateInstanceLayerProperties(pPropertyCount, C_NULL, fptr) pProperties = Vector{VkLayerProperties}(undef, pPropertyCount[]) @check vkEnumerateInstanceLayerProperties(pPropertyCount, pProperties, fptr) end from_vk.(_LayerProperties, pProperties) end function _enumerate_instance_extension_properties(fptr::FunctionPtr; layer_name = C_NULL)::ResultTypes.Result{Vector{_ExtensionProperties}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkEnumerateInstanceExtensionProperties(layer_name, pPropertyCount, C_NULL, fptr) pProperties = Vector{VkExtensionProperties}(undef, pPropertyCount[]) @check vkEnumerateInstanceExtensionProperties(layer_name, pPropertyCount, pProperties, fptr) end from_vk.(_ExtensionProperties, pProperties) end function _enumerate_device_layer_properties(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{_LayerProperties}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkEnumerateDeviceLayerProperties(physical_device, pPropertyCount, C_NULL, fptr) pProperties = Vector{VkLayerProperties}(undef, pPropertyCount[]) @check vkEnumerateDeviceLayerProperties(physical_device, pPropertyCount, pProperties, fptr) end from_vk.(_LayerProperties, pProperties) end function _enumerate_device_extension_properties(physical_device, fptr::FunctionPtr; layer_name = C_NULL)::ResultTypes.Result{Vector{_ExtensionProperties}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkEnumerateDeviceExtensionProperties(physical_device, layer_name, pPropertyCount, C_NULL, fptr) pProperties = Vector{VkExtensionProperties}(undef, pPropertyCount[]) @check vkEnumerateDeviceExtensionProperties(physical_device, layer_name, pPropertyCount, pProperties, fptr) end from_vk.(_ExtensionProperties, pProperties) end function _get_device_queue(device, queue_family_index::Integer, queue_index::Integer, fptr::FunctionPtr)::Queue pQueue = Ref{VkQueue}() vkGetDeviceQueue(device, queue_family_index, queue_index, pQueue, fptr) Queue(pQueue[], identity, device) end _queue_submit(queue, submits::AbstractArray, fptr::FunctionPtr; fence = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkQueueSubmit(queue, pointer_length(submits), submits, fence, fptr)) _queue_wait_idle(queue, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkQueueWaitIdle(queue, fptr)) _device_wait_idle(device, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkDeviceWaitIdle(device, fptr)) function _allocate_memory(device, allocate_info::_MemoryAllocateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DeviceMemory, VulkanError} pMemory = Ref{VkDeviceMemory}() @check vkAllocateMemory(device, allocate_info, allocator, pMemory, fptr_create) DeviceMemory(pMemory[], begin parent = Vk.handle(device) x->_free_memory(parent, x, fptr_destroy; allocator) end, device) end _free_memory(device, memory, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkFreeMemory(device, memory, allocator, fptr) function _map_memory(device, memory, offset::Integer, size::Integer, fptr::FunctionPtr; flags = 0)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} ppData = Ref{Ptr{Cvoid}}() @check vkMapMemory(device, memory, offset, size, flags, ppData, fptr) ppData[] end _unmap_memory(device, memory, fptr::FunctionPtr)::Cvoid = vkUnmapMemory(device, memory, fptr) _flush_mapped_memory_ranges(device, memory_ranges::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkFlushMappedMemoryRanges(device, pointer_length(memory_ranges), memory_ranges, fptr)) _invalidate_mapped_memory_ranges(device, memory_ranges::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkInvalidateMappedMemoryRanges(device, pointer_length(memory_ranges), memory_ranges, fptr)) function _get_device_memory_commitment(device, memory, fptr::FunctionPtr)::UInt64 pCommittedMemoryInBytes = Ref{VkDeviceSize}() vkGetDeviceMemoryCommitment(device, memory, pCommittedMemoryInBytes, fptr) pCommittedMemoryInBytes[] end function _get_buffer_memory_requirements(device, buffer, fptr::FunctionPtr)::_MemoryRequirements pMemoryRequirements = Ref{VkMemoryRequirements}() vkGetBufferMemoryRequirements(device, buffer, pMemoryRequirements, fptr) from_vk(_MemoryRequirements, pMemoryRequirements[]) end _bind_buffer_memory(device, buffer, memory, memory_offset::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkBindBufferMemory(device, buffer, memory, memory_offset, fptr)) function _get_image_memory_requirements(device, image, fptr::FunctionPtr)::_MemoryRequirements pMemoryRequirements = Ref{VkMemoryRequirements}() vkGetImageMemoryRequirements(device, image, pMemoryRequirements, fptr) from_vk(_MemoryRequirements, pMemoryRequirements[]) end _bind_image_memory(device, image, memory, memory_offset::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkBindImageMemory(device, image, memory, memory_offset, fptr)) function _get_image_sparse_memory_requirements(device, image, fptr::FunctionPtr)::Vector{_SparseImageMemoryRequirements} pSparseMemoryRequirementCount = Ref{UInt32}() vkGetImageSparseMemoryRequirements(device, image, pSparseMemoryRequirementCount, C_NULL, fptr) pSparseMemoryRequirements = Vector{VkSparseImageMemoryRequirements}(undef, pSparseMemoryRequirementCount[]) vkGetImageSparseMemoryRequirements(device, image, pSparseMemoryRequirementCount, pSparseMemoryRequirements, fptr) from_vk.(_SparseImageMemoryRequirements, pSparseMemoryRequirements) end function _get_physical_device_sparse_image_format_properties(physical_device, format::Format, type::ImageType, samples::SampleCountFlag, usage::ImageUsageFlag, tiling::ImageTiling, fptr::FunctionPtr)::Vector{_SparseImageFormatProperties} pPropertyCount = Ref{UInt32}() vkGetPhysicalDeviceSparseImageFormatProperties(physical_device, format, type, VkSampleCountFlagBits(samples.val), usage, tiling, pPropertyCount, C_NULL, fptr) pProperties = Vector{VkSparseImageFormatProperties}(undef, pPropertyCount[]) vkGetPhysicalDeviceSparseImageFormatProperties(physical_device, format, type, VkSampleCountFlagBits(samples.val), usage, tiling, pPropertyCount, pProperties, fptr) from_vk.(_SparseImageFormatProperties, pProperties) end _queue_bind_sparse(queue, bind_info::AbstractArray, fptr::FunctionPtr; fence = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkQueueBindSparse(queue, pointer_length(bind_info), bind_info, fence, fptr)) function _create_fence(device, create_info::_FenceCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Fence, VulkanError} pFence = Ref{VkFence}() @check vkCreateFence(device, create_info, allocator, pFence, fptr_create) Fence(pFence[], begin parent = Vk.handle(device) x->_destroy_fence(parent, x, fptr_destroy; allocator) end, device) end _destroy_fence(device, fence, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyFence(device, fence, allocator, fptr) _reset_fences(device, fences::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkResetFences(device, pointer_length(fences), fences, fptr)) _get_fence_status(device, fence, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkGetFenceStatus(device, fence, fptr)) _wait_for_fences(device, fences::AbstractArray, wait_all::Bool, timeout::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkWaitForFences(device, pointer_length(fences), fences, wait_all, timeout, fptr)) function _create_semaphore(device, create_info::_SemaphoreCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Semaphore, VulkanError} pSemaphore = Ref{VkSemaphore}() @check vkCreateSemaphore(device, create_info, allocator, pSemaphore, fptr_create) Semaphore(pSemaphore[], begin parent = Vk.handle(device) x->_destroy_semaphore(parent, x, fptr_destroy; allocator) end, device) end _destroy_semaphore(device, semaphore, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroySemaphore(device, semaphore, allocator, fptr) function _create_event(device, create_info::_EventCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Event, VulkanError} pEvent = Ref{VkEvent}() @check vkCreateEvent(device, create_info, allocator, pEvent, fptr_create) Event(pEvent[], begin parent = Vk.handle(device) x->_destroy_event(parent, x, fptr_destroy; allocator) end, device) end _destroy_event(device, event, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyEvent(device, event, allocator, fptr) _get_event_status(device, event, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkGetEventStatus(device, event, fptr)) _set_event(device, event, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkSetEvent(device, event, fptr)) _reset_event(device, event, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkResetEvent(device, event, fptr)) function _create_query_pool(device, create_info::_QueryPoolCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{QueryPool, VulkanError} pQueryPool = Ref{VkQueryPool}() @check vkCreateQueryPool(device, create_info, allocator, pQueryPool, fptr_create) QueryPool(pQueryPool[], begin parent = Vk.handle(device) x->_destroy_query_pool(parent, x, fptr_destroy; allocator) end, device) end _destroy_query_pool(device, query_pool, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyQueryPool(device, query_pool, allocator, fptr) _get_query_pool_results(device, query_pool, first_query::Integer, query_count::Integer, data_size::Integer, data::Ptr{Cvoid}, stride::Integer, fptr::FunctionPtr; flags = 0)::ResultTypes.Result{Result, VulkanError} = @check(vkGetQueryPoolResults(device, query_pool, first_query, query_count, data_size, data, stride, flags, fptr)) _reset_query_pool(device, query_pool, first_query::Integer, query_count::Integer, fptr::FunctionPtr)::Cvoid = vkResetQueryPool(device, query_pool, first_query, query_count, fptr) function _create_buffer(device, create_info::_BufferCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Buffer, VulkanError} pBuffer = Ref{VkBuffer}() @check vkCreateBuffer(device, create_info, allocator, pBuffer, fptr_create) Buffer(pBuffer[], begin parent = Vk.handle(device) x->_destroy_buffer(parent, x, fptr_destroy; allocator) end, device) end _destroy_buffer(device, buffer, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyBuffer(device, buffer, allocator, fptr) function _create_buffer_view(device, create_info::_BufferViewCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{BufferView, VulkanError} pView = Ref{VkBufferView}() @check vkCreateBufferView(device, create_info, allocator, pView, fptr_create) BufferView(pView[], begin parent = Vk.handle(device) x->_destroy_buffer_view(parent, x, fptr_destroy; allocator) end, device) end _destroy_buffer_view(device, buffer_view, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyBufferView(device, buffer_view, allocator, fptr) function _create_image(device, create_info::_ImageCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Image, VulkanError} pImage = Ref{VkImage}() @check vkCreateImage(device, create_info, allocator, pImage, fptr_create) Image(pImage[], begin parent = Vk.handle(device) x->_destroy_image(parent, x, fptr_destroy; allocator) end, device) end _destroy_image(device, image, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyImage(device, image, allocator, fptr) function _get_image_subresource_layout(device, image, subresource::_ImageSubresource, fptr::FunctionPtr)::_SubresourceLayout pLayout = Ref{VkSubresourceLayout}() vkGetImageSubresourceLayout(device, image, subresource, pLayout, fptr) from_vk(_SubresourceLayout, pLayout[]) end function _create_image_view(device, create_info::_ImageViewCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{ImageView, VulkanError} pView = Ref{VkImageView}() @check vkCreateImageView(device, create_info, allocator, pView, fptr_create) ImageView(pView[], begin parent = Vk.handle(device) x->_destroy_image_view(parent, x, fptr_destroy; allocator) end, device) end _destroy_image_view(device, image_view, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyImageView(device, image_view, allocator, fptr) function _create_shader_module(device, create_info::_ShaderModuleCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{ShaderModule, VulkanError} pShaderModule = Ref{VkShaderModule}() @check vkCreateShaderModule(device, create_info, allocator, pShaderModule, fptr_create) ShaderModule(pShaderModule[], begin parent = Vk.handle(device) x->_destroy_shader_module(parent, x, fptr_destroy; allocator) end, device) end _destroy_shader_module(device, shader_module, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyShaderModule(device, shader_module, allocator, fptr) function _create_pipeline_cache(device, create_info::_PipelineCacheCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{PipelineCache, VulkanError} pPipelineCache = Ref{VkPipelineCache}() @check vkCreatePipelineCache(device, create_info, allocator, pPipelineCache, fptr_create) PipelineCache(pPipelineCache[], begin parent = Vk.handle(device) x->_destroy_pipeline_cache(parent, x, fptr_destroy; allocator) end, device) end _destroy_pipeline_cache(device, pipeline_cache, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyPipelineCache(device, pipeline_cache, allocator, fptr) function _get_pipeline_cache_data(device, pipeline_cache, fptr::FunctionPtr)::ResultTypes.Result{Tuple{UInt, Ptr{Cvoid}}, VulkanError} pDataSize = Ref{UInt}() @repeat_while_incomplete begin @check vkGetPipelineCacheData(device, pipeline_cache, pDataSize, C_NULL, fptr) pData = Libc.malloc(pDataSize[]) @check vkGetPipelineCacheData(device, pipeline_cache, pDataSize, pData, fptr) if _return_code == VK_INCOMPLETE Libc.free(pData) end end (pDataSize[], pData) end _merge_pipeline_caches(device, dst_cache, src_caches::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkMergePipelineCaches(device, dst_cache, pointer_length(src_caches), src_caches, fptr)) function _create_graphics_pipelines(device, create_infos::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} pPipelines = Vector{VkPipeline}(undef, pointer_length(create_infos)) @check vkCreateGraphicsPipelines(device, pipeline_cache, pointer_length(create_infos), create_infos, allocator, pPipelines, fptr_create) (Pipeline.(pPipelines, begin parent = Vk.handle(device) x->_destroy_pipeline(parent, x, fptr_destroy; allocator) end, device), _return_code) end function _create_compute_pipelines(device, create_infos::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} pPipelines = Vector{VkPipeline}(undef, pointer_length(create_infos)) @check vkCreateComputePipelines(device, pipeline_cache, pointer_length(create_infos), create_infos, allocator, pPipelines, fptr_create) (Pipeline.(pPipelines, begin parent = Vk.handle(device) x->_destroy_pipeline(parent, x, fptr_destroy; allocator) end, device), _return_code) end function _get_device_subpass_shading_max_workgroup_size_huawei(device, renderpass, fptr::FunctionPtr)::ResultTypes.Result{_Extent2D, VulkanError} pMaxWorkgroupSize = Ref{VkExtent2D}() @check vkGetDeviceSubpassShadingMaxWorkgroupSizeHUAWEI(device, renderpass, pMaxWorkgroupSize, fptr) from_vk(_Extent2D, pMaxWorkgroupSize[]) end _destroy_pipeline(device, pipeline, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyPipeline(device, pipeline, allocator, fptr) function _create_pipeline_layout(device, create_info::_PipelineLayoutCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{PipelineLayout, VulkanError} pPipelineLayout = Ref{VkPipelineLayout}() @check vkCreatePipelineLayout(device, create_info, allocator, pPipelineLayout, fptr_create) PipelineLayout(pPipelineLayout[], begin parent = Vk.handle(device) x->_destroy_pipeline_layout(parent, x, fptr_destroy; allocator) end, device) end _destroy_pipeline_layout(device, pipeline_layout, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyPipelineLayout(device, pipeline_layout, allocator, fptr) function _create_sampler(device, create_info::_SamplerCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Sampler, VulkanError} pSampler = Ref{VkSampler}() @check vkCreateSampler(device, create_info, allocator, pSampler, fptr_create) Sampler(pSampler[], begin parent = Vk.handle(device) x->_destroy_sampler(parent, x, fptr_destroy; allocator) end, device) end _destroy_sampler(device, sampler, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroySampler(device, sampler, allocator, fptr) function _create_descriptor_set_layout(device, create_info::_DescriptorSetLayoutCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DescriptorSetLayout, VulkanError} pSetLayout = Ref{VkDescriptorSetLayout}() @check vkCreateDescriptorSetLayout(device, create_info, allocator, pSetLayout, fptr_create) DescriptorSetLayout(pSetLayout[], begin parent = Vk.handle(device) x->_destroy_descriptor_set_layout(parent, x, fptr_destroy; allocator) end, device) end _destroy_descriptor_set_layout(device, descriptor_set_layout, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyDescriptorSetLayout(device, descriptor_set_layout, allocator, fptr) function _create_descriptor_pool(device, create_info::_DescriptorPoolCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DescriptorPool, VulkanError} pDescriptorPool = Ref{VkDescriptorPool}() @check vkCreateDescriptorPool(device, create_info, allocator, pDescriptorPool, fptr_create) DescriptorPool(pDescriptorPool[], begin parent = Vk.handle(device) x->_destroy_descriptor_pool(parent, x, fptr_destroy; allocator) end, device) end _destroy_descriptor_pool(device, descriptor_pool, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyDescriptorPool(device, descriptor_pool, allocator, fptr) function _reset_descriptor_pool(device, descriptor_pool, fptr::FunctionPtr; flags = 0)::Nothing vkResetDescriptorPool(device, descriptor_pool, flags, fptr) nothing end function _allocate_descriptor_sets(device, allocate_info::_DescriptorSetAllocateInfo, fptr_create::FunctionPtr)::ResultTypes.Result{Vector{DescriptorSet}, VulkanError} pDescriptorSets = Vector{VkDescriptorSet}(undef, allocate_info.vks.descriptorSetCount) @check vkAllocateDescriptorSets(device, allocate_info, pDescriptorSets, fptr_create) DescriptorSet.(pDescriptorSets, identity, getproperty(allocate_info, :descriptor_pool)) end function _free_descriptor_sets(device, descriptor_pool, descriptor_sets::AbstractArray, fptr::FunctionPtr)::Nothing vkFreeDescriptorSets(device, descriptor_pool, pointer_length(descriptor_sets), descriptor_sets, fptr) nothing end _update_descriptor_sets(device, descriptor_writes::AbstractArray, descriptor_copies::AbstractArray, fptr::FunctionPtr)::Cvoid = vkUpdateDescriptorSets(device, pointer_length(descriptor_writes), descriptor_writes, pointer_length(descriptor_copies), descriptor_copies, fptr) function _create_framebuffer(device, create_info::_FramebufferCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Framebuffer, VulkanError} pFramebuffer = Ref{VkFramebuffer}() @check vkCreateFramebuffer(device, create_info, allocator, pFramebuffer, fptr_create) Framebuffer(pFramebuffer[], begin parent = Vk.handle(device) x->_destroy_framebuffer(parent, x, fptr_destroy; allocator) end, device) end _destroy_framebuffer(device, framebuffer, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyFramebuffer(device, framebuffer, allocator, fptr) function _create_render_pass(device, create_info::_RenderPassCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{RenderPass, VulkanError} pRenderPass = Ref{VkRenderPass}() @check vkCreateRenderPass(device, create_info, allocator, pRenderPass, fptr_create) RenderPass(pRenderPass[], begin parent = Vk.handle(device) x->_destroy_render_pass(parent, x, fptr_destroy; allocator) end, device) end _destroy_render_pass(device, render_pass, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyRenderPass(device, render_pass, allocator, fptr) function _get_render_area_granularity(device, render_pass, fptr::FunctionPtr)::_Extent2D pGranularity = Ref{VkExtent2D}() vkGetRenderAreaGranularity(device, render_pass, pGranularity, fptr) from_vk(_Extent2D, pGranularity[]) end function _create_command_pool(device, create_info::_CommandPoolCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{CommandPool, VulkanError} pCommandPool = Ref{VkCommandPool}() @check vkCreateCommandPool(device, create_info, allocator, pCommandPool, fptr_create) CommandPool(pCommandPool[], begin parent = Vk.handle(device) x->_destroy_command_pool(parent, x, fptr_destroy; allocator) end, device) end _destroy_command_pool(device, command_pool, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyCommandPool(device, command_pool, allocator, fptr) _reset_command_pool(device, command_pool, fptr::FunctionPtr; flags = 0)::ResultTypes.Result{Result, VulkanError} = @check(vkResetCommandPool(device, command_pool, flags, fptr)) function _allocate_command_buffers(device, allocate_info::_CommandBufferAllocateInfo, fptr_create::FunctionPtr)::ResultTypes.Result{Vector{CommandBuffer}, VulkanError} pCommandBuffers = Vector{VkCommandBuffer}(undef, allocate_info.vks.commandBufferCount) @check vkAllocateCommandBuffers(device, allocate_info, pCommandBuffers, fptr_create) CommandBuffer.(pCommandBuffers, identity, getproperty(allocate_info, :command_pool)) end _free_command_buffers(device, command_pool, command_buffers::AbstractArray, fptr::FunctionPtr)::Cvoid = vkFreeCommandBuffers(device, command_pool, pointer_length(command_buffers), command_buffers, fptr) _begin_command_buffer(command_buffer, begin_info::_CommandBufferBeginInfo, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkBeginCommandBuffer(command_buffer, begin_info, fptr)) _end_command_buffer(command_buffer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkEndCommandBuffer(command_buffer, fptr)) _reset_command_buffer(command_buffer, fptr::FunctionPtr; flags = 0)::ResultTypes.Result{Result, VulkanError} = @check(vkResetCommandBuffer(command_buffer, flags, fptr)) _cmd_bind_pipeline(command_buffer, pipeline_bind_point::PipelineBindPoint, pipeline, fptr::FunctionPtr)::Cvoid = vkCmdBindPipeline(command_buffer, pipeline_bind_point, pipeline, fptr) _cmd_set_viewport(command_buffer, viewports::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetViewport(command_buffer, 0, pointer_length(viewports), viewports, fptr) _cmd_set_scissor(command_buffer, scissors::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetScissor(command_buffer, 0, pointer_length(scissors), scissors, fptr) _cmd_set_line_width(command_buffer, line_width::Real, fptr::FunctionPtr)::Cvoid = vkCmdSetLineWidth(command_buffer, line_width, fptr) _cmd_set_depth_bias(command_buffer, depth_bias_constant_factor::Real, depth_bias_clamp::Real, depth_bias_slope_factor::Real, fptr::FunctionPtr)::Cvoid = vkCmdSetDepthBias(command_buffer, depth_bias_constant_factor, depth_bias_clamp, depth_bias_slope_factor, fptr) _cmd_set_blend_constants(command_buffer, blend_constants::NTuple{4, Float32}, fptr::FunctionPtr)::Cvoid = vkCmdSetBlendConstants(command_buffer, blend_constants, fptr) _cmd_set_depth_bounds(command_buffer, min_depth_bounds::Real, max_depth_bounds::Real, fptr::FunctionPtr)::Cvoid = vkCmdSetDepthBounds(command_buffer, min_depth_bounds, max_depth_bounds, fptr) _cmd_set_stencil_compare_mask(command_buffer, face_mask::StencilFaceFlag, compare_mask::Integer, fptr::FunctionPtr)::Cvoid = vkCmdSetStencilCompareMask(command_buffer, face_mask, compare_mask, fptr) _cmd_set_stencil_write_mask(command_buffer, face_mask::StencilFaceFlag, write_mask::Integer, fptr::FunctionPtr)::Cvoid = vkCmdSetStencilWriteMask(command_buffer, face_mask, write_mask, fptr) _cmd_set_stencil_reference(command_buffer, face_mask::StencilFaceFlag, reference::Integer, fptr::FunctionPtr)::Cvoid = vkCmdSetStencilReference(command_buffer, face_mask, reference, fptr) _cmd_bind_descriptor_sets(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, first_set::Integer, descriptor_sets::AbstractArray, dynamic_offsets::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdBindDescriptorSets(command_buffer, pipeline_bind_point, layout, first_set, pointer_length(descriptor_sets), descriptor_sets, pointer_length(dynamic_offsets), dynamic_offsets, fptr) _cmd_bind_index_buffer(command_buffer, buffer, offset::Integer, index_type::IndexType, fptr::FunctionPtr)::Cvoid = vkCmdBindIndexBuffer(command_buffer, buffer, offset, index_type, fptr) _cmd_bind_vertex_buffers(command_buffer, buffers::AbstractArray, offsets::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdBindVertexBuffers(command_buffer, 0, pointer_length(buffers), buffers, offsets, fptr) _cmd_draw(command_buffer, vertex_count::Integer, instance_count::Integer, first_vertex::Integer, first_instance::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDraw(command_buffer, vertex_count, instance_count, first_vertex, first_instance, fptr) _cmd_draw_indexed(command_buffer, index_count::Integer, instance_count::Integer, first_index::Integer, vertex_offset::Integer, first_instance::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawIndexed(command_buffer, index_count, instance_count, first_index, vertex_offset, first_instance, fptr) _cmd_draw_multi_ext(command_buffer, vertex_info::AbstractArray, instance_count::Integer, first_instance::Integer, stride::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawMultiEXT(command_buffer, pointer_length(vertex_info), vertex_info, instance_count, first_instance, stride, fptr) _cmd_draw_multi_indexed_ext(command_buffer, index_info::AbstractArray, instance_count::Integer, first_instance::Integer, stride::Integer, fptr::FunctionPtr; vertex_offset = C_NULL)::Cvoid = vkCmdDrawMultiIndexedEXT(command_buffer, pointer_length(index_info), index_info, instance_count, first_instance, stride, if vertex_offset == C_NULL C_NULL else Ref(vertex_offset) end, fptr) _cmd_draw_indirect(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawIndirect(command_buffer, buffer, offset, draw_count, stride, fptr) _cmd_draw_indexed_indirect(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawIndexedIndirect(command_buffer, buffer, offset, draw_count, stride, fptr) _cmd_dispatch(command_buffer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDispatch(command_buffer, group_count_x, group_count_y, group_count_z, fptr) _cmd_dispatch_indirect(command_buffer, buffer, offset::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDispatchIndirect(command_buffer, buffer, offset, fptr) _cmd_subpass_shading_huawei(command_buffer, fptr::FunctionPtr)::Cvoid = vkCmdSubpassShadingHUAWEI(command_buffer, fptr) _cmd_draw_cluster_huawei(command_buffer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawClusterHUAWEI(command_buffer, group_count_x, group_count_y, group_count_z, fptr) _cmd_draw_cluster_indirect_huawei(command_buffer, buffer, offset::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawClusterIndirectHUAWEI(command_buffer, buffer, offset, fptr) _cmd_copy_buffer(command_buffer, src_buffer, dst_buffer, regions::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdCopyBuffer(command_buffer, src_buffer, dst_buffer, pointer_length(regions), regions, fptr) _cmd_copy_image(command_buffer, src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdCopyImage(command_buffer, src_image, src_image_layout, dst_image, dst_image_layout, pointer_length(regions), regions, fptr) _cmd_blit_image(command_buffer, src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray, filter::Filter, fptr::FunctionPtr)::Cvoid = vkCmdBlitImage(command_buffer, src_image, src_image_layout, dst_image, dst_image_layout, pointer_length(regions), regions, filter, fptr) _cmd_copy_buffer_to_image(command_buffer, src_buffer, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdCopyBufferToImage(command_buffer, src_buffer, dst_image, dst_image_layout, pointer_length(regions), regions, fptr) _cmd_copy_image_to_buffer(command_buffer, src_image, src_image_layout::ImageLayout, dst_buffer, regions::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdCopyImageToBuffer(command_buffer, src_image, src_image_layout, dst_buffer, pointer_length(regions), regions, fptr) _cmd_copy_memory_indirect_nv(command_buffer, copy_buffer_address::Integer, copy_count::Integer, stride::Integer, fptr::FunctionPtr)::Cvoid = vkCmdCopyMemoryIndirectNV(command_buffer, copy_buffer_address, copy_count, stride, fptr) _cmd_copy_memory_to_image_indirect_nv(command_buffer, copy_buffer_address::Integer, stride::Integer, dst_image, dst_image_layout::ImageLayout, image_subresources::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdCopyMemoryToImageIndirectNV(command_buffer, copy_buffer_address, pointer_length(image_subresources), stride, dst_image, dst_image_layout, image_subresources, fptr) _cmd_update_buffer(command_buffer, dst_buffer, dst_offset::Integer, data_size::Integer, data::Ptr{Cvoid}, fptr::FunctionPtr)::Cvoid = vkCmdUpdateBuffer(command_buffer, dst_buffer, dst_offset, data_size, data, fptr) _cmd_fill_buffer(command_buffer, dst_buffer, dst_offset::Integer, size::Integer, data::Integer, fptr::FunctionPtr)::Cvoid = vkCmdFillBuffer(command_buffer, dst_buffer, dst_offset, size, data, fptr) _cmd_clear_color_image(command_buffer, image, image_layout::ImageLayout, color::_ClearColorValue, ranges::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdClearColorImage(command_buffer, image, image_layout, color, pointer_length(ranges), ranges, fptr) _cmd_clear_depth_stencil_image(command_buffer, image, image_layout::ImageLayout, depth_stencil::_ClearDepthStencilValue, ranges::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdClearDepthStencilImage(command_buffer, image, image_layout, depth_stencil, pointer_length(ranges), ranges, fptr) _cmd_clear_attachments(command_buffer, attachments::AbstractArray, rects::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdClearAttachments(command_buffer, pointer_length(attachments), attachments, pointer_length(rects), rects, fptr) _cmd_resolve_image(command_buffer, src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdResolveImage(command_buffer, src_image, src_image_layout, dst_image, dst_image_layout, pointer_length(regions), regions, fptr) _cmd_set_event(command_buffer, event, fptr::FunctionPtr; stage_mask = 0)::Cvoid = vkCmdSetEvent(command_buffer, event, stage_mask, fptr) _cmd_reset_event(command_buffer, event, fptr::FunctionPtr; stage_mask = 0)::Cvoid = vkCmdResetEvent(command_buffer, event, stage_mask, fptr) _cmd_wait_events(command_buffer, events::AbstractArray, memory_barriers::AbstractArray, buffer_memory_barriers::AbstractArray, image_memory_barriers::AbstractArray, fptr::FunctionPtr; src_stage_mask = 0, dst_stage_mask = 0)::Cvoid = vkCmdWaitEvents(command_buffer, pointer_length(events), events, src_stage_mask, dst_stage_mask, pointer_length(memory_barriers), memory_barriers, pointer_length(buffer_memory_barriers), buffer_memory_barriers, pointer_length(image_memory_barriers), image_memory_barriers, fptr) _cmd_pipeline_barrier(command_buffer, memory_barriers::AbstractArray, buffer_memory_barriers::AbstractArray, image_memory_barriers::AbstractArray, fptr::FunctionPtr; src_stage_mask = 0, dst_stage_mask = 0, dependency_flags = 0)::Cvoid = vkCmdPipelineBarrier(command_buffer, src_stage_mask, dst_stage_mask, dependency_flags, pointer_length(memory_barriers), memory_barriers, pointer_length(buffer_memory_barriers), buffer_memory_barriers, pointer_length(image_memory_barriers), image_memory_barriers, fptr) _cmd_begin_query(command_buffer, query_pool, query::Integer, fptr::FunctionPtr; flags = 0)::Cvoid = vkCmdBeginQuery(command_buffer, query_pool, query, flags, fptr) _cmd_end_query(command_buffer, query_pool, query::Integer, fptr::FunctionPtr)::Cvoid = vkCmdEndQuery(command_buffer, query_pool, query, fptr) _cmd_begin_conditional_rendering_ext(command_buffer, conditional_rendering_begin::_ConditionalRenderingBeginInfoEXT, fptr::FunctionPtr)::Cvoid = vkCmdBeginConditionalRenderingEXT(command_buffer, conditional_rendering_begin, fptr) _cmd_end_conditional_rendering_ext(command_buffer, fptr::FunctionPtr)::Cvoid = vkCmdEndConditionalRenderingEXT(command_buffer, fptr) _cmd_reset_query_pool(command_buffer, query_pool, first_query::Integer, query_count::Integer, fptr::FunctionPtr)::Cvoid = vkCmdResetQueryPool(command_buffer, query_pool, first_query, query_count, fptr) _cmd_write_timestamp(command_buffer, pipeline_stage::PipelineStageFlag, query_pool, query::Integer, fptr::FunctionPtr)::Cvoid = vkCmdWriteTimestamp(command_buffer, VkPipelineStageFlagBits(pipeline_stage.val), query_pool, query, fptr) _cmd_copy_query_pool_results(command_buffer, query_pool, first_query::Integer, query_count::Integer, dst_buffer, dst_offset::Integer, stride::Integer, fptr::FunctionPtr; flags = 0)::Cvoid = vkCmdCopyQueryPoolResults(command_buffer, query_pool, first_query, query_count, dst_buffer, dst_offset, stride, flags, fptr) _cmd_push_constants(command_buffer, layout, stage_flags::ShaderStageFlag, offset::Integer, size::Integer, values::Ptr{Cvoid}, fptr::FunctionPtr)::Cvoid = vkCmdPushConstants(command_buffer, layout, stage_flags, offset, size, values, fptr) _cmd_begin_render_pass(command_buffer, render_pass_begin::_RenderPassBeginInfo, contents::SubpassContents, fptr::FunctionPtr)::Cvoid = vkCmdBeginRenderPass(command_buffer, render_pass_begin, contents, fptr) _cmd_next_subpass(command_buffer, contents::SubpassContents, fptr::FunctionPtr)::Cvoid = vkCmdNextSubpass(command_buffer, contents, fptr) _cmd_end_render_pass(command_buffer, fptr::FunctionPtr)::Cvoid = vkCmdEndRenderPass(command_buffer, fptr) _cmd_execute_commands(command_buffer, command_buffers::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdExecuteCommands(command_buffer, pointer_length(command_buffers), command_buffers, fptr) function _get_physical_device_display_properties_khr(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{_DisplayPropertiesKHR}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceDisplayPropertiesKHR(physical_device, pPropertyCount, C_NULL, fptr) pProperties = Vector{VkDisplayPropertiesKHR}(undef, pPropertyCount[]) @check vkGetPhysicalDeviceDisplayPropertiesKHR(physical_device, pPropertyCount, pProperties, fptr) end from_vk.(_DisplayPropertiesKHR, pProperties) end function _get_physical_device_display_plane_properties_khr(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{_DisplayPlanePropertiesKHR}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceDisplayPlanePropertiesKHR(physical_device, pPropertyCount, C_NULL, fptr) pProperties = Vector{VkDisplayPlanePropertiesKHR}(undef, pPropertyCount[]) @check vkGetPhysicalDeviceDisplayPlanePropertiesKHR(physical_device, pPropertyCount, pProperties, fptr) end from_vk.(_DisplayPlanePropertiesKHR, pProperties) end function _get_display_plane_supported_displays_khr(physical_device, plane_index::Integer, fptr::FunctionPtr)::ResultTypes.Result{Vector{DisplayKHR}, VulkanError} pDisplayCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetDisplayPlaneSupportedDisplaysKHR(physical_device, plane_index, pDisplayCount, C_NULL, fptr) pDisplays = Vector{VkDisplayKHR}(undef, pDisplayCount[]) @check vkGetDisplayPlaneSupportedDisplaysKHR(physical_device, plane_index, pDisplayCount, pDisplays, fptr) end DisplayKHR.(pDisplays, identity, physical_device) end function _get_display_mode_properties_khr(physical_device, display, fptr::FunctionPtr)::ResultTypes.Result{Vector{_DisplayModePropertiesKHR}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetDisplayModePropertiesKHR(physical_device, display, pPropertyCount, C_NULL, fptr) pProperties = Vector{VkDisplayModePropertiesKHR}(undef, pPropertyCount[]) @check vkGetDisplayModePropertiesKHR(physical_device, display, pPropertyCount, pProperties, fptr) end from_vk.(_DisplayModePropertiesKHR, pProperties) end function _create_display_mode_khr(physical_device, display, create_info::_DisplayModeCreateInfoKHR, fptr_create::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DisplayModeKHR, VulkanError} pMode = Ref{VkDisplayModeKHR}() @check vkCreateDisplayModeKHR(physical_device, display, create_info, allocator, pMode, fptr_create) DisplayModeKHR(pMode[], identity, display) end function _get_display_plane_capabilities_khr(physical_device, mode, plane_index::Integer, fptr::FunctionPtr)::ResultTypes.Result{_DisplayPlaneCapabilitiesKHR, VulkanError} pCapabilities = Ref{VkDisplayPlaneCapabilitiesKHR}() @check vkGetDisplayPlaneCapabilitiesKHR(physical_device, mode, plane_index, pCapabilities, fptr) from_vk(_DisplayPlaneCapabilitiesKHR, pCapabilities[]) end function _create_display_plane_surface_khr(instance, create_info::_DisplaySurfaceCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} pSurface = Ref{VkSurfaceKHR}() @check vkCreateDisplayPlaneSurfaceKHR(instance, create_info, allocator, pSurface, fptr_create) SurfaceKHR(pSurface[], begin parent = Vk.handle(instance) x->_destroy_surface_khr(parent, x, fptr_destroy; allocator) end, instance) end function _create_shared_swapchains_khr(device, create_infos::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Vector{SwapchainKHR}, VulkanError} pSwapchains = Vector{VkSwapchainKHR}(undef, pointer_length(create_infos)) @check vkCreateSharedSwapchainsKHR(device, pointer_length(create_infos), create_infos, allocator, pSwapchains, fptr_create) SwapchainKHR.(pSwapchains, begin parent = Vk.handle(device) x->_destroy_swapchain_khr(parent, x, fptr_destroy; allocator) end, device) end _destroy_surface_khr(instance, surface, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroySurfaceKHR(instance, surface, allocator, fptr) function _get_physical_device_surface_support_khr(physical_device, queue_family_index::Integer, surface, fptr::FunctionPtr)::ResultTypes.Result{Bool, VulkanError} pSupported = Ref{VkBool32}() @check vkGetPhysicalDeviceSurfaceSupportKHR(physical_device, queue_family_index, surface, pSupported, fptr) from_vk(Bool, pSupported[]) end function _get_physical_device_surface_capabilities_khr(physical_device, surface, fptr::FunctionPtr)::ResultTypes.Result{_SurfaceCapabilitiesKHR, VulkanError} pSurfaceCapabilities = Ref{VkSurfaceCapabilitiesKHR}() @check vkGetPhysicalDeviceSurfaceCapabilitiesKHR(physical_device, surface, pSurfaceCapabilities, fptr) from_vk(_SurfaceCapabilitiesKHR, pSurfaceCapabilities[]) end function _get_physical_device_surface_formats_khr(physical_device, fptr::FunctionPtr; surface = C_NULL)::ResultTypes.Result{Vector{_SurfaceFormatKHR}, VulkanError} pSurfaceFormatCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceSurfaceFormatsKHR(physical_device, surface, pSurfaceFormatCount, C_NULL, fptr) pSurfaceFormats = Vector{VkSurfaceFormatKHR}(undef, pSurfaceFormatCount[]) @check vkGetPhysicalDeviceSurfaceFormatsKHR(physical_device, surface, pSurfaceFormatCount, pSurfaceFormats, fptr) end from_vk.(_SurfaceFormatKHR, pSurfaceFormats) end function _get_physical_device_surface_present_modes_khr(physical_device, fptr::FunctionPtr; surface = C_NULL)::ResultTypes.Result{Vector{PresentModeKHR}, VulkanError} pPresentModeCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceSurfacePresentModesKHR(physical_device, surface, pPresentModeCount, C_NULL, fptr) pPresentModes = Vector{VkPresentModeKHR}(undef, pPresentModeCount[]) @check vkGetPhysicalDeviceSurfacePresentModesKHR(physical_device, surface, pPresentModeCount, pPresentModes, fptr) end pPresentModes end function _create_swapchain_khr(device, create_info::_SwapchainCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SwapchainKHR, VulkanError} pSwapchain = Ref{VkSwapchainKHR}() @check vkCreateSwapchainKHR(device, create_info, allocator, pSwapchain, fptr_create) SwapchainKHR(pSwapchain[], begin parent = Vk.handle(device) x->_destroy_swapchain_khr(parent, x, fptr_destroy; allocator) end, device) end _destroy_swapchain_khr(device, swapchain, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroySwapchainKHR(device, swapchain, allocator, fptr) function _get_swapchain_images_khr(device, swapchain, fptr::FunctionPtr)::ResultTypes.Result{Vector{Image}, VulkanError} pSwapchainImageCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetSwapchainImagesKHR(device, swapchain, pSwapchainImageCount, C_NULL, fptr) pSwapchainImages = Vector{VkImage}(undef, pSwapchainImageCount[]) @check vkGetSwapchainImagesKHR(device, swapchain, pSwapchainImageCount, pSwapchainImages, fptr) end Image.(pSwapchainImages, identity, device) end function _acquire_next_image_khr(device, swapchain, timeout::Integer, fptr::FunctionPtr; semaphore = C_NULL, fence = C_NULL)::ResultTypes.Result{Tuple{UInt32, Result}, VulkanError} pImageIndex = Ref{UInt32}() @check vkAcquireNextImageKHR(device, swapchain, timeout, semaphore, fence, pImageIndex, fptr) (pImageIndex[], _return_code) end _queue_present_khr(queue, present_info::_PresentInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkQueuePresentKHR(queue, present_info, fptr)) function _create_wayland_surface_khr(instance, create_info::_WaylandSurfaceCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} pSurface = Ref{VkSurfaceKHR}() @check vkCreateWaylandSurfaceKHR(instance, create_info, allocator, pSurface, fptr_create) SurfaceKHR(pSurface[], begin parent = Vk.handle(instance) x->_destroy_surface_khr(parent, x, fptr_destroy; allocator) end, instance) end _get_physical_device_wayland_presentation_support_khr(physical_device, queue_family_index::Integer, display::Ptr{vk.wl_display}, fptr::FunctionPtr)::Bool = from_vk(Bool, vkGetPhysicalDeviceWaylandPresentationSupportKHR(physical_device, queue_family_index, display, fptr)) function _create_xlib_surface_khr(instance, create_info::_XlibSurfaceCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} pSurface = Ref{VkSurfaceKHR}() @check vkCreateXlibSurfaceKHR(instance, create_info, allocator, pSurface, fptr_create) SurfaceKHR(pSurface[], begin parent = Vk.handle(instance) x->_destroy_surface_khr(parent, x, fptr_destroy; allocator) end, instance) end _get_physical_device_xlib_presentation_support_khr(physical_device, queue_family_index::Integer, dpy::Ptr{vk.Display}, visual_id::vk.VisualID, fptr::FunctionPtr)::Bool = from_vk(Bool, vkGetPhysicalDeviceXlibPresentationSupportKHR(physical_device, queue_family_index, dpy, visual_id, fptr)) function _create_xcb_surface_khr(instance, create_info::_XcbSurfaceCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} pSurface = Ref{VkSurfaceKHR}() @check vkCreateXcbSurfaceKHR(instance, create_info, allocator, pSurface, fptr_create) SurfaceKHR(pSurface[], begin parent = Vk.handle(instance) x->_destroy_surface_khr(parent, x, fptr_destroy; allocator) end, instance) end _get_physical_device_xcb_presentation_support_khr(physical_device, queue_family_index::Integer, connection::Ptr{vk.xcb_connection_t}, visual_id::vk.xcb_visualid_t, fptr::FunctionPtr)::Bool = from_vk(Bool, vkGetPhysicalDeviceXcbPresentationSupportKHR(physical_device, queue_family_index, connection, visual_id, fptr)) function _create_debug_report_callback_ext(instance, create_info::_DebugReportCallbackCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DebugReportCallbackEXT, VulkanError} pCallback = Ref{VkDebugReportCallbackEXT}() @check vkCreateDebugReportCallbackEXT(instance, create_info, allocator, pCallback, fptr_create) DebugReportCallbackEXT(pCallback[], begin parent = Vk.handle(instance) x->_destroy_debug_report_callback_ext(parent, x, fptr_destroy; allocator) end, instance) end _destroy_debug_report_callback_ext(instance, callback, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyDebugReportCallbackEXT(instance, callback, allocator, fptr) _debug_report_message_ext(instance, flags::DebugReportFlagEXT, object_type::DebugReportObjectTypeEXT, object::Integer, location::Integer, message_code::Integer, layer_prefix::AbstractString, message::AbstractString, fptr::FunctionPtr)::Cvoid = vkDebugReportMessageEXT(instance, flags, object_type, object, location, message_code, layer_prefix, message, fptr) _debug_marker_set_object_name_ext(device, name_info::_DebugMarkerObjectNameInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkDebugMarkerSetObjectNameEXT(device, name_info, fptr)) _debug_marker_set_object_tag_ext(device, tag_info::_DebugMarkerObjectTagInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkDebugMarkerSetObjectTagEXT(device, tag_info, fptr)) _cmd_debug_marker_begin_ext(command_buffer, marker_info::_DebugMarkerMarkerInfoEXT, fptr::FunctionPtr)::Cvoid = vkCmdDebugMarkerBeginEXT(command_buffer, marker_info, fptr) _cmd_debug_marker_end_ext(command_buffer, fptr::FunctionPtr)::Cvoid = vkCmdDebugMarkerEndEXT(command_buffer, fptr) _cmd_debug_marker_insert_ext(command_buffer, marker_info::_DebugMarkerMarkerInfoEXT, fptr::FunctionPtr)::Cvoid = vkCmdDebugMarkerInsertEXT(command_buffer, marker_info, fptr) function _get_physical_device_external_image_format_properties_nv(physical_device, format::Format, type::ImageType, tiling::ImageTiling, usage::ImageUsageFlag, fptr::FunctionPtr; flags = 0, external_handle_type = 0)::ResultTypes.Result{_ExternalImageFormatPropertiesNV, VulkanError} pExternalImageFormatProperties = Ref{VkExternalImageFormatPropertiesNV}() @check vkGetPhysicalDeviceExternalImageFormatPropertiesNV(physical_device, format, type, tiling, usage, flags, external_handle_type, pExternalImageFormatProperties, fptr) from_vk(_ExternalImageFormatPropertiesNV, pExternalImageFormatProperties[]) end _cmd_execute_generated_commands_nv(command_buffer, is_preprocessed::Bool, generated_commands_info::_GeneratedCommandsInfoNV, fptr::FunctionPtr)::Cvoid = vkCmdExecuteGeneratedCommandsNV(command_buffer, is_preprocessed, generated_commands_info, fptr) _cmd_preprocess_generated_commands_nv(command_buffer, generated_commands_info::_GeneratedCommandsInfoNV, fptr::FunctionPtr)::Cvoid = vkCmdPreprocessGeneratedCommandsNV(command_buffer, generated_commands_info, fptr) _cmd_bind_pipeline_shader_group_nv(command_buffer, pipeline_bind_point::PipelineBindPoint, pipeline, group_index::Integer, fptr::FunctionPtr)::Cvoid = vkCmdBindPipelineShaderGroupNV(command_buffer, pipeline_bind_point, pipeline, group_index, fptr) function _get_generated_commands_memory_requirements_nv(device, info::_GeneratedCommandsMemoryRequirementsInfoNV, fptr::FunctionPtr, next_types::Type...)::_MemoryRequirements2 memory_requirements = initialize(_MemoryRequirements2, next_types...) pMemoryRequirements = Ref(Base.unsafe_convert(VkMemoryRequirements2, memory_requirements)) GC.@preserve memory_requirements begin vkGetGeneratedCommandsMemoryRequirementsNV(device, info, pMemoryRequirements, fptr) _MemoryRequirements2(pMemoryRequirements[], Any[memory_requirements]) end end function _create_indirect_commands_layout_nv(device, create_info::_IndirectCommandsLayoutCreateInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{IndirectCommandsLayoutNV, VulkanError} pIndirectCommandsLayout = Ref{VkIndirectCommandsLayoutNV}() @check vkCreateIndirectCommandsLayoutNV(device, create_info, allocator, pIndirectCommandsLayout, fptr_create) IndirectCommandsLayoutNV(pIndirectCommandsLayout[], begin parent = Vk.handle(device) x->_destroy_indirect_commands_layout_nv(parent, x, fptr_destroy; allocator) end, device) end _destroy_indirect_commands_layout_nv(device, indirect_commands_layout, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyIndirectCommandsLayoutNV(device, indirect_commands_layout, allocator, fptr) function _get_physical_device_features_2(physical_device, fptr::FunctionPtr, next_types::Type...)::_PhysicalDeviceFeatures2 features = initialize(_PhysicalDeviceFeatures2, next_types...) pFeatures = Ref(Base.unsafe_convert(VkPhysicalDeviceFeatures2, features)) GC.@preserve features begin vkGetPhysicalDeviceFeatures2(physical_device, pFeatures, fptr) _PhysicalDeviceFeatures2(pFeatures[], Any[features]) end end function _get_physical_device_properties_2(physical_device, fptr::FunctionPtr, next_types::Type...)::_PhysicalDeviceProperties2 properties = initialize(_PhysicalDeviceProperties2, next_types...) pProperties = Ref(Base.unsafe_convert(VkPhysicalDeviceProperties2, properties)) GC.@preserve properties begin vkGetPhysicalDeviceProperties2(physical_device, pProperties, fptr) _PhysicalDeviceProperties2(pProperties[], Any[properties]) end end function _get_physical_device_format_properties_2(physical_device, format::Format, fptr::FunctionPtr, next_types::Type...)::_FormatProperties2 format_properties = initialize(_FormatProperties2, next_types...) pFormatProperties = Ref(Base.unsafe_convert(VkFormatProperties2, format_properties)) GC.@preserve format_properties begin vkGetPhysicalDeviceFormatProperties2(physical_device, format, pFormatProperties, fptr) _FormatProperties2(pFormatProperties[], Any[format_properties]) end end function _get_physical_device_image_format_properties_2(physical_device, image_format_info::_PhysicalDeviceImageFormatInfo2, fptr::FunctionPtr, next_types::Type...)::ResultTypes.Result{_ImageFormatProperties2, VulkanError} image_format_properties = initialize(_ImageFormatProperties2, next_types...) pImageFormatProperties = Ref(Base.unsafe_convert(VkImageFormatProperties2, image_format_properties)) GC.@preserve image_format_properties begin @check vkGetPhysicalDeviceImageFormatProperties2(physical_device, image_format_info, pImageFormatProperties, fptr) _ImageFormatProperties2(pImageFormatProperties[], Any[image_format_properties]) end end function _get_physical_device_queue_family_properties_2(physical_device, fptr::FunctionPtr)::Vector{_QueueFamilyProperties2} pQueueFamilyPropertyCount = Ref{UInt32}() vkGetPhysicalDeviceQueueFamilyProperties2(physical_device, pQueueFamilyPropertyCount, C_NULL, fptr) pQueueFamilyProperties = Vector{VkQueueFamilyProperties2}(undef, pQueueFamilyPropertyCount[]) vkGetPhysicalDeviceQueueFamilyProperties2(physical_device, pQueueFamilyPropertyCount, pQueueFamilyProperties, fptr) from_vk.(_QueueFamilyProperties2, pQueueFamilyProperties) end function _get_physical_device_memory_properties_2(physical_device, fptr::FunctionPtr, next_types::Type...)::_PhysicalDeviceMemoryProperties2 memory_properties = initialize(_PhysicalDeviceMemoryProperties2, next_types...) pMemoryProperties = Ref(Base.unsafe_convert(VkPhysicalDeviceMemoryProperties2, memory_properties)) GC.@preserve memory_properties begin vkGetPhysicalDeviceMemoryProperties2(physical_device, pMemoryProperties, fptr) _PhysicalDeviceMemoryProperties2(pMemoryProperties[], Any[memory_properties]) end end function _get_physical_device_sparse_image_format_properties_2(physical_device, format_info::_PhysicalDeviceSparseImageFormatInfo2, fptr::FunctionPtr)::Vector{_SparseImageFormatProperties2} pPropertyCount = Ref{UInt32}() vkGetPhysicalDeviceSparseImageFormatProperties2(physical_device, format_info, pPropertyCount, C_NULL, fptr) pProperties = Vector{VkSparseImageFormatProperties2}(undef, pPropertyCount[]) vkGetPhysicalDeviceSparseImageFormatProperties2(physical_device, format_info, pPropertyCount, pProperties, fptr) from_vk.(_SparseImageFormatProperties2, pProperties) end _cmd_push_descriptor_set_khr(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, set::Integer, descriptor_writes::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdPushDescriptorSetKHR(command_buffer, pipeline_bind_point, layout, set, pointer_length(descriptor_writes), descriptor_writes, fptr) _trim_command_pool(device, command_pool, fptr::FunctionPtr; flags = 0)::Cvoid = vkTrimCommandPool(device, command_pool, flags, fptr) function _get_physical_device_external_buffer_properties(physical_device, external_buffer_info::_PhysicalDeviceExternalBufferInfo, fptr::FunctionPtr)::_ExternalBufferProperties pExternalBufferProperties = Ref{VkExternalBufferProperties}() vkGetPhysicalDeviceExternalBufferProperties(physical_device, external_buffer_info, pExternalBufferProperties, fptr) from_vk(_ExternalBufferProperties, pExternalBufferProperties[]) end function _get_memory_fd_khr(device, get_fd_info::_MemoryGetFdInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Int, VulkanError} pFd = Ref{Int}() @check vkGetMemoryFdKHR(device, get_fd_info, pFd, fptr) pFd[] end function _get_memory_fd_properties_khr(device, handle_type::ExternalMemoryHandleTypeFlag, fd::Integer, fptr::FunctionPtr)::ResultTypes.Result{_MemoryFdPropertiesKHR, VulkanError} pMemoryFdProperties = Ref{VkMemoryFdPropertiesKHR}() @check vkGetMemoryFdPropertiesKHR(device, VkExternalMemoryHandleTypeFlagBits(handle_type.val), fd, pMemoryFdProperties, fptr) from_vk(_MemoryFdPropertiesKHR, pMemoryFdProperties[]) end function _get_memory_remote_address_nv(device, memory_get_remote_address_info::_MemoryGetRemoteAddressInfoNV, fptr::FunctionPtr)::ResultTypes.Result{Cvoid, VulkanError} pAddress = Ref{VkRemoteAddressNV}() @check vkGetMemoryRemoteAddressNV(device, memory_get_remote_address_info, pAddress, fptr) pAddress[] end function _get_physical_device_external_semaphore_properties(physical_device, external_semaphore_info::_PhysicalDeviceExternalSemaphoreInfo, fptr::FunctionPtr)::_ExternalSemaphoreProperties pExternalSemaphoreProperties = Ref{VkExternalSemaphoreProperties}() vkGetPhysicalDeviceExternalSemaphoreProperties(physical_device, external_semaphore_info, pExternalSemaphoreProperties, fptr) from_vk(_ExternalSemaphoreProperties, pExternalSemaphoreProperties[]) end function _get_semaphore_fd_khr(device, get_fd_info::_SemaphoreGetFdInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Int, VulkanError} pFd = Ref{Int}() @check vkGetSemaphoreFdKHR(device, get_fd_info, pFd, fptr) pFd[] end _import_semaphore_fd_khr(device, import_semaphore_fd_info::_ImportSemaphoreFdInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkImportSemaphoreFdKHR(device, import_semaphore_fd_info, fptr)) function _get_physical_device_external_fence_properties(physical_device, external_fence_info::_PhysicalDeviceExternalFenceInfo, fptr::FunctionPtr)::_ExternalFenceProperties pExternalFenceProperties = Ref{VkExternalFenceProperties}() vkGetPhysicalDeviceExternalFenceProperties(physical_device, external_fence_info, pExternalFenceProperties, fptr) from_vk(_ExternalFenceProperties, pExternalFenceProperties[]) end function _get_fence_fd_khr(device, get_fd_info::_FenceGetFdInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Int, VulkanError} pFd = Ref{Int}() @check vkGetFenceFdKHR(device, get_fd_info, pFd, fptr) pFd[] end _import_fence_fd_khr(device, import_fence_fd_info::_ImportFenceFdInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkImportFenceFdKHR(device, import_fence_fd_info, fptr)) function _release_display_ext(physical_device, display, fptr::FunctionPtr)::Nothing vkReleaseDisplayEXT(physical_device, display, fptr) nothing end _acquire_xlib_display_ext(physical_device, dpy::Ptr{vk.Display}, display, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkAcquireXlibDisplayEXT(physical_device, dpy, display, fptr)) function _get_rand_r_output_display_ext(physical_device, dpy::Ptr{vk.Display}, rr_output::vk.RROutput, fptr::FunctionPtr)::ResultTypes.Result{DisplayKHR, VulkanError} pDisplay = Ref{VkDisplayKHR}() @check vkGetRandROutputDisplayEXT(physical_device, dpy, rr_output, pDisplay, fptr) DisplayKHR(pDisplay[], identity, physical_device) end _display_power_control_ext(device, display, display_power_info::_DisplayPowerInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkDisplayPowerControlEXT(device, display, display_power_info, fptr)) function _register_device_event_ext(device, device_event_info::_DeviceEventInfoEXT, fptr::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Fence, VulkanError} pFence = Ref{VkFence}() @check vkRegisterDeviceEventEXT(device, device_event_info, allocator, pFence, fptr) Fence(pFence[], begin parent = Vk.handle(device) x->_destroy_fence(parent, x, fptr_destroy; allocator) end, device) end function _register_display_event_ext(device, display, display_event_info::_DisplayEventInfoEXT, fptr::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Fence, VulkanError} pFence = Ref{VkFence}() @check vkRegisterDisplayEventEXT(device, display, display_event_info, allocator, pFence, fptr) Fence(pFence[], begin parent = Vk.handle(device) x->_destroy_fence(parent, x, fptr_destroy; allocator) end, device) end function _get_swapchain_counter_ext(device, swapchain, counter::SurfaceCounterFlagEXT, fptr::FunctionPtr)::ResultTypes.Result{UInt64, VulkanError} pCounterValue = Ref{UInt64}() @check vkGetSwapchainCounterEXT(device, swapchain, VkSurfaceCounterFlagBitsEXT(counter.val), pCounterValue, fptr) pCounterValue[] end function _get_physical_device_surface_capabilities_2_ext(physical_device, surface, fptr::FunctionPtr)::ResultTypes.Result{_SurfaceCapabilities2EXT, VulkanError} pSurfaceCapabilities = Ref{VkSurfaceCapabilities2EXT}() @check vkGetPhysicalDeviceSurfaceCapabilities2EXT(physical_device, surface, pSurfaceCapabilities, fptr) from_vk(_SurfaceCapabilities2EXT, pSurfaceCapabilities[]) end function _enumerate_physical_device_groups(instance, fptr::FunctionPtr)::ResultTypes.Result{Vector{_PhysicalDeviceGroupProperties}, VulkanError} pPhysicalDeviceGroupCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkEnumeratePhysicalDeviceGroups(instance, pPhysicalDeviceGroupCount, C_NULL, fptr) pPhysicalDeviceGroupProperties = Vector{VkPhysicalDeviceGroupProperties}(undef, pPhysicalDeviceGroupCount[]) @check vkEnumeratePhysicalDeviceGroups(instance, pPhysicalDeviceGroupCount, pPhysicalDeviceGroupProperties, fptr) end from_vk.(_PhysicalDeviceGroupProperties, pPhysicalDeviceGroupProperties) end function _get_device_group_peer_memory_features(device, heap_index::Integer, local_device_index::Integer, remote_device_index::Integer, fptr::FunctionPtr)::PeerMemoryFeatureFlag pPeerMemoryFeatures = Ref{VkPeerMemoryFeatureFlags}() vkGetDeviceGroupPeerMemoryFeatures(device, heap_index, local_device_index, remote_device_index, pPeerMemoryFeatures, fptr) pPeerMemoryFeatures[] end _bind_buffer_memory_2(device, bind_infos::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkBindBufferMemory2(device, pointer_length(bind_infos), bind_infos, fptr)) _bind_image_memory_2(device, bind_infos::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkBindImageMemory2(device, pointer_length(bind_infos), bind_infos, fptr)) _cmd_set_device_mask(command_buffer, device_mask::Integer, fptr::FunctionPtr)::Cvoid = vkCmdSetDeviceMask(command_buffer, device_mask, fptr) function _get_device_group_present_capabilities_khr(device, fptr::FunctionPtr)::ResultTypes.Result{_DeviceGroupPresentCapabilitiesKHR, VulkanError} pDeviceGroupPresentCapabilities = Ref{VkDeviceGroupPresentCapabilitiesKHR}() @check vkGetDeviceGroupPresentCapabilitiesKHR(device, pDeviceGroupPresentCapabilities, fptr) from_vk(_DeviceGroupPresentCapabilitiesKHR, pDeviceGroupPresentCapabilities[]) end function _get_device_group_surface_present_modes_khr(device, surface, modes::DeviceGroupPresentModeFlagKHR, fptr::FunctionPtr)::ResultTypes.Result{DeviceGroupPresentModeFlagKHR, VulkanError} pModes = Ref{VkDeviceGroupPresentModeFlagsKHR}() @check vkGetDeviceGroupSurfacePresentModesKHR(device, surface, pModes, fptr) pModes[] end function _acquire_next_image_2_khr(device, acquire_info::_AcquireNextImageInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Tuple{UInt32, Result}, VulkanError} pImageIndex = Ref{UInt32}() @check vkAcquireNextImage2KHR(device, acquire_info, pImageIndex, fptr) (pImageIndex[], _return_code) end _cmd_dispatch_base(command_buffer, base_group_x::Integer, base_group_y::Integer, base_group_z::Integer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDispatchBase(command_buffer, base_group_x, base_group_y, base_group_z, group_count_x, group_count_y, group_count_z, fptr) function _get_physical_device_present_rectangles_khr(physical_device, surface, fptr::FunctionPtr)::ResultTypes.Result{Vector{_Rect2D}, VulkanError} pRectCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDevicePresentRectanglesKHR(physical_device, surface, pRectCount, C_NULL, fptr) pRects = Vector{VkRect2D}(undef, pRectCount[]) @check vkGetPhysicalDevicePresentRectanglesKHR(physical_device, surface, pRectCount, pRects, fptr) end from_vk.(_Rect2D, pRects) end function _create_descriptor_update_template(device, create_info::_DescriptorUpdateTemplateCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DescriptorUpdateTemplate, VulkanError} pDescriptorUpdateTemplate = Ref{VkDescriptorUpdateTemplate}() @check vkCreateDescriptorUpdateTemplate(device, create_info, allocator, pDescriptorUpdateTemplate, fptr_create) DescriptorUpdateTemplate(pDescriptorUpdateTemplate[], begin parent = Vk.handle(device) x->_destroy_descriptor_update_template(parent, x, fptr_destroy; allocator) end, device) end _destroy_descriptor_update_template(device, descriptor_update_template, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyDescriptorUpdateTemplate(device, descriptor_update_template, allocator, fptr) _update_descriptor_set_with_template(device, descriptor_set, descriptor_update_template, data::Ptr{Cvoid}, fptr::FunctionPtr)::Cvoid = vkUpdateDescriptorSetWithTemplate(device, descriptor_set, descriptor_update_template, data, fptr) _cmd_push_descriptor_set_with_template_khr(command_buffer, descriptor_update_template, layout, set::Integer, data::Ptr{Cvoid}, fptr::FunctionPtr)::Cvoid = vkCmdPushDescriptorSetWithTemplateKHR(command_buffer, descriptor_update_template, layout, set, data, fptr) _set_hdr_metadata_ext(device, swapchains::AbstractArray, metadata::AbstractArray, fptr::FunctionPtr)::Cvoid = vkSetHdrMetadataEXT(device, pointer_length(swapchains), swapchains, metadata, fptr) _get_swapchain_status_khr(device, swapchain, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkGetSwapchainStatusKHR(device, swapchain, fptr)) function _get_refresh_cycle_duration_google(device, swapchain, fptr::FunctionPtr)::ResultTypes.Result{_RefreshCycleDurationGOOGLE, VulkanError} pDisplayTimingProperties = Ref{VkRefreshCycleDurationGOOGLE}() @check vkGetRefreshCycleDurationGOOGLE(device, swapchain, pDisplayTimingProperties, fptr) from_vk(_RefreshCycleDurationGOOGLE, pDisplayTimingProperties[]) end function _get_past_presentation_timing_google(device, swapchain, fptr::FunctionPtr)::ResultTypes.Result{Vector{_PastPresentationTimingGOOGLE}, VulkanError} pPresentationTimingCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPastPresentationTimingGOOGLE(device, swapchain, pPresentationTimingCount, C_NULL, fptr) pPresentationTimings = Vector{VkPastPresentationTimingGOOGLE}(undef, pPresentationTimingCount[]) @check vkGetPastPresentationTimingGOOGLE(device, swapchain, pPresentationTimingCount, pPresentationTimings, fptr) end from_vk.(_PastPresentationTimingGOOGLE, pPresentationTimings) end _cmd_set_viewport_w_scaling_nv(command_buffer, viewport_w_scalings::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetViewportWScalingNV(command_buffer, 0, pointer_length(viewport_w_scalings), viewport_w_scalings, fptr) _cmd_set_discard_rectangle_ext(command_buffer, discard_rectangles::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetDiscardRectangleEXT(command_buffer, 0, pointer_length(discard_rectangles), discard_rectangles, fptr) _cmd_set_sample_locations_ext(command_buffer, sample_locations_info::_SampleLocationsInfoEXT, fptr::FunctionPtr)::Cvoid = vkCmdSetSampleLocationsEXT(command_buffer, sample_locations_info, fptr) function _get_physical_device_multisample_properties_ext(physical_device, samples::SampleCountFlag, fptr::FunctionPtr)::_MultisamplePropertiesEXT pMultisampleProperties = Ref{VkMultisamplePropertiesEXT}() vkGetPhysicalDeviceMultisamplePropertiesEXT(physical_device, VkSampleCountFlagBits(samples.val), pMultisampleProperties, fptr) from_vk(_MultisamplePropertiesEXT, pMultisampleProperties[]) end function _get_physical_device_surface_capabilities_2_khr(physical_device, surface_info::_PhysicalDeviceSurfaceInfo2KHR, fptr::FunctionPtr, next_types::Type...)::ResultTypes.Result{_SurfaceCapabilities2KHR, VulkanError} surface_capabilities = initialize(_SurfaceCapabilities2KHR, next_types...) pSurfaceCapabilities = Ref(Base.unsafe_convert(VkSurfaceCapabilities2KHR, surface_capabilities)) GC.@preserve surface_capabilities begin @check vkGetPhysicalDeviceSurfaceCapabilities2KHR(physical_device, surface_info, pSurfaceCapabilities, fptr) _SurfaceCapabilities2KHR(pSurfaceCapabilities[], Any[surface_capabilities]) end end function _get_physical_device_surface_formats_2_khr(physical_device, surface_info::_PhysicalDeviceSurfaceInfo2KHR, fptr::FunctionPtr)::ResultTypes.Result{Vector{_SurfaceFormat2KHR}, VulkanError} pSurfaceFormatCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceSurfaceFormats2KHR(physical_device, surface_info, pSurfaceFormatCount, C_NULL, fptr) pSurfaceFormats = Vector{VkSurfaceFormat2KHR}(undef, pSurfaceFormatCount[]) @check vkGetPhysicalDeviceSurfaceFormats2KHR(physical_device, surface_info, pSurfaceFormatCount, pSurfaceFormats, fptr) end from_vk.(_SurfaceFormat2KHR, pSurfaceFormats) end function _get_physical_device_display_properties_2_khr(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{_DisplayProperties2KHR}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceDisplayProperties2KHR(physical_device, pPropertyCount, C_NULL, fptr) pProperties = Vector{VkDisplayProperties2KHR}(undef, pPropertyCount[]) @check vkGetPhysicalDeviceDisplayProperties2KHR(physical_device, pPropertyCount, pProperties, fptr) end from_vk.(_DisplayProperties2KHR, pProperties) end function _get_physical_device_display_plane_properties_2_khr(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{_DisplayPlaneProperties2KHR}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceDisplayPlaneProperties2KHR(physical_device, pPropertyCount, C_NULL, fptr) pProperties = Vector{VkDisplayPlaneProperties2KHR}(undef, pPropertyCount[]) @check vkGetPhysicalDeviceDisplayPlaneProperties2KHR(physical_device, pPropertyCount, pProperties, fptr) end from_vk.(_DisplayPlaneProperties2KHR, pProperties) end function _get_display_mode_properties_2_khr(physical_device, display, fptr::FunctionPtr)::ResultTypes.Result{Vector{_DisplayModeProperties2KHR}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetDisplayModeProperties2KHR(physical_device, display, pPropertyCount, C_NULL, fptr) pProperties = Vector{VkDisplayModeProperties2KHR}(undef, pPropertyCount[]) @check vkGetDisplayModeProperties2KHR(physical_device, display, pPropertyCount, pProperties, fptr) end from_vk.(_DisplayModeProperties2KHR, pProperties) end function _get_display_plane_capabilities_2_khr(physical_device, display_plane_info::_DisplayPlaneInfo2KHR, fptr::FunctionPtr)::ResultTypes.Result{_DisplayPlaneCapabilities2KHR, VulkanError} pCapabilities = Ref{VkDisplayPlaneCapabilities2KHR}() @check vkGetDisplayPlaneCapabilities2KHR(physical_device, display_plane_info, pCapabilities, fptr) from_vk(_DisplayPlaneCapabilities2KHR, pCapabilities[]) end function _get_buffer_memory_requirements_2(device, info::_BufferMemoryRequirementsInfo2, fptr::FunctionPtr, next_types::Type...)::_MemoryRequirements2 memory_requirements = initialize(_MemoryRequirements2, next_types...) pMemoryRequirements = Ref(Base.unsafe_convert(VkMemoryRequirements2, memory_requirements)) GC.@preserve memory_requirements begin vkGetBufferMemoryRequirements2(device, info, pMemoryRequirements, fptr) _MemoryRequirements2(pMemoryRequirements[], Any[memory_requirements]) end end function _get_image_memory_requirements_2(device, info::_ImageMemoryRequirementsInfo2, fptr::FunctionPtr, next_types::Type...)::_MemoryRequirements2 memory_requirements = initialize(_MemoryRequirements2, next_types...) pMemoryRequirements = Ref(Base.unsafe_convert(VkMemoryRequirements2, memory_requirements)) GC.@preserve memory_requirements begin vkGetImageMemoryRequirements2(device, info, pMemoryRequirements, fptr) _MemoryRequirements2(pMemoryRequirements[], Any[memory_requirements]) end end function _get_image_sparse_memory_requirements_2(device, info::_ImageSparseMemoryRequirementsInfo2, fptr::FunctionPtr)::Vector{_SparseImageMemoryRequirements2} pSparseMemoryRequirementCount = Ref{UInt32}() vkGetImageSparseMemoryRequirements2(device, info, pSparseMemoryRequirementCount, C_NULL, fptr) pSparseMemoryRequirements = Vector{VkSparseImageMemoryRequirements2}(undef, pSparseMemoryRequirementCount[]) vkGetImageSparseMemoryRequirements2(device, info, pSparseMemoryRequirementCount, pSparseMemoryRequirements, fptr) from_vk.(_SparseImageMemoryRequirements2, pSparseMemoryRequirements) end function _get_device_buffer_memory_requirements(device, info::_DeviceBufferMemoryRequirements, fptr::FunctionPtr, next_types::Type...)::_MemoryRequirements2 memory_requirements = initialize(_MemoryRequirements2, next_types...) pMemoryRequirements = Ref(Base.unsafe_convert(VkMemoryRequirements2, memory_requirements)) GC.@preserve memory_requirements begin vkGetDeviceBufferMemoryRequirements(device, info, pMemoryRequirements, fptr) _MemoryRequirements2(pMemoryRequirements[], Any[memory_requirements]) end end function _get_device_image_memory_requirements(device, info::_DeviceImageMemoryRequirements, fptr::FunctionPtr, next_types::Type...)::_MemoryRequirements2 memory_requirements = initialize(_MemoryRequirements2, next_types...) pMemoryRequirements = Ref(Base.unsafe_convert(VkMemoryRequirements2, memory_requirements)) GC.@preserve memory_requirements begin vkGetDeviceImageMemoryRequirements(device, info, pMemoryRequirements, fptr) _MemoryRequirements2(pMemoryRequirements[], Any[memory_requirements]) end end function _get_device_image_sparse_memory_requirements(device, info::_DeviceImageMemoryRequirements, fptr::FunctionPtr)::Vector{_SparseImageMemoryRequirements2} pSparseMemoryRequirementCount = Ref{UInt32}() vkGetDeviceImageSparseMemoryRequirements(device, info, pSparseMemoryRequirementCount, C_NULL, fptr) pSparseMemoryRequirements = Vector{VkSparseImageMemoryRequirements2}(undef, pSparseMemoryRequirementCount[]) vkGetDeviceImageSparseMemoryRequirements(device, info, pSparseMemoryRequirementCount, pSparseMemoryRequirements, fptr) from_vk.(_SparseImageMemoryRequirements2, pSparseMemoryRequirements) end function _create_sampler_ycbcr_conversion(device, create_info::_SamplerYcbcrConversionCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SamplerYcbcrConversion, VulkanError} pYcbcrConversion = Ref{VkSamplerYcbcrConversion}() @check vkCreateSamplerYcbcrConversion(device, create_info, allocator, pYcbcrConversion, fptr_create) SamplerYcbcrConversion(pYcbcrConversion[], begin parent = Vk.handle(device) x->_destroy_sampler_ycbcr_conversion(parent, x, fptr_destroy; allocator) end, device) end _destroy_sampler_ycbcr_conversion(device, ycbcr_conversion, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroySamplerYcbcrConversion(device, ycbcr_conversion, allocator, fptr) function _get_device_queue_2(device, queue_info::_DeviceQueueInfo2, fptr::FunctionPtr)::Queue pQueue = Ref{VkQueue}() vkGetDeviceQueue2(device, queue_info, pQueue, fptr) Queue(pQueue[], identity, device) end function _create_validation_cache_ext(device, create_info::_ValidationCacheCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{ValidationCacheEXT, VulkanError} pValidationCache = Ref{VkValidationCacheEXT}() @check vkCreateValidationCacheEXT(device, create_info, allocator, pValidationCache, fptr_create) ValidationCacheEXT(pValidationCache[], begin parent = Vk.handle(device) x->_destroy_validation_cache_ext(parent, x, fptr_destroy; allocator) end, device) end _destroy_validation_cache_ext(device, validation_cache, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyValidationCacheEXT(device, validation_cache, allocator, fptr) function _get_validation_cache_data_ext(device, validation_cache, fptr::FunctionPtr)::ResultTypes.Result{Tuple{UInt, Ptr{Cvoid}}, VulkanError} pDataSize = Ref{UInt}() @repeat_while_incomplete begin @check vkGetValidationCacheDataEXT(device, validation_cache, pDataSize, C_NULL, fptr) pData = Libc.malloc(pDataSize[]) @check vkGetValidationCacheDataEXT(device, validation_cache, pDataSize, pData, fptr) if _return_code == VK_INCOMPLETE Libc.free(pData) end end (pDataSize[], pData) end _merge_validation_caches_ext(device, dst_cache, src_caches::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkMergeValidationCachesEXT(device, dst_cache, pointer_length(src_caches), src_caches, fptr)) function _get_descriptor_set_layout_support(device, create_info::_DescriptorSetLayoutCreateInfo, fptr::FunctionPtr, next_types::Type...)::_DescriptorSetLayoutSupport support = initialize(_DescriptorSetLayoutSupport, next_types...) pSupport = Ref(Base.unsafe_convert(VkDescriptorSetLayoutSupport, support)) GC.@preserve support begin vkGetDescriptorSetLayoutSupport(device, create_info, pSupport, fptr) _DescriptorSetLayoutSupport(pSupport[], Any[support]) end end function _get_shader_info_amd(device, pipeline, shader_stage::ShaderStageFlag, info_type::ShaderInfoTypeAMD, fptr::FunctionPtr)::ResultTypes.Result{Tuple{UInt, Ptr{Cvoid}}, VulkanError} pInfoSize = Ref{UInt}() @repeat_while_incomplete begin @check vkGetShaderInfoAMD(device, pipeline, VkShaderStageFlagBits(shader_stage.val), info_type, pInfoSize, C_NULL, fptr) pInfo = Libc.malloc(pInfoSize[]) @check vkGetShaderInfoAMD(device, pipeline, VkShaderStageFlagBits(shader_stage.val), info_type, pInfoSize, pInfo, fptr) if _return_code == VK_INCOMPLETE Libc.free(pInfo) end end (pInfoSize[], pInfo) end _set_local_dimming_amd(device, swap_chain, local_dimming_enable::Bool, fptr::FunctionPtr)::Cvoid = vkSetLocalDimmingAMD(device, swap_chain, local_dimming_enable, fptr) function _get_physical_device_calibrateable_time_domains_ext(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{TimeDomainEXT}, VulkanError} pTimeDomainCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceCalibrateableTimeDomainsEXT(physical_device, pTimeDomainCount, C_NULL, fptr) pTimeDomains = Vector{VkTimeDomainEXT}(undef, pTimeDomainCount[]) @check vkGetPhysicalDeviceCalibrateableTimeDomainsEXT(physical_device, pTimeDomainCount, pTimeDomains, fptr) end pTimeDomains end function _get_calibrated_timestamps_ext(device, timestamp_infos::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Tuple{Vector{UInt64}, UInt64}, VulkanError} pTimestamps = Vector{UInt64}(undef, pointer_length(timestamp_infos)) pMaxDeviation = Ref{UInt64}() @check vkGetCalibratedTimestampsEXT(device, pointer_length(timestamp_infos), timestamp_infos, pTimestamps, pMaxDeviation, fptr) (pTimestamps, pMaxDeviation[]) end _set_debug_utils_object_name_ext(device, name_info::_DebugUtilsObjectNameInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkSetDebugUtilsObjectNameEXT(device, name_info, fptr)) _set_debug_utils_object_tag_ext(device, tag_info::_DebugUtilsObjectTagInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkSetDebugUtilsObjectTagEXT(device, tag_info, fptr)) _queue_begin_debug_utils_label_ext(queue, label_info::_DebugUtilsLabelEXT, fptr::FunctionPtr)::Cvoid = vkQueueBeginDebugUtilsLabelEXT(queue, label_info, fptr) _queue_end_debug_utils_label_ext(queue, fptr::FunctionPtr)::Cvoid = vkQueueEndDebugUtilsLabelEXT(queue, fptr) _queue_insert_debug_utils_label_ext(queue, label_info::_DebugUtilsLabelEXT, fptr::FunctionPtr)::Cvoid = vkQueueInsertDebugUtilsLabelEXT(queue, label_info, fptr) _cmd_begin_debug_utils_label_ext(command_buffer, label_info::_DebugUtilsLabelEXT, fptr::FunctionPtr)::Cvoid = vkCmdBeginDebugUtilsLabelEXT(command_buffer, label_info, fptr) _cmd_end_debug_utils_label_ext(command_buffer, fptr::FunctionPtr)::Cvoid = vkCmdEndDebugUtilsLabelEXT(command_buffer, fptr) _cmd_insert_debug_utils_label_ext(command_buffer, label_info::_DebugUtilsLabelEXT, fptr::FunctionPtr)::Cvoid = vkCmdInsertDebugUtilsLabelEXT(command_buffer, label_info, fptr) function _create_debug_utils_messenger_ext(instance, create_info::_DebugUtilsMessengerCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DebugUtilsMessengerEXT, VulkanError} pMessenger = Ref{VkDebugUtilsMessengerEXT}() @check vkCreateDebugUtilsMessengerEXT(instance, create_info, allocator, pMessenger, fptr_create) DebugUtilsMessengerEXT(pMessenger[], begin parent = Vk.handle(instance) x->_destroy_debug_utils_messenger_ext(parent, x, fptr_destroy; allocator) end, instance) end _destroy_debug_utils_messenger_ext(instance, messenger, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyDebugUtilsMessengerEXT(instance, messenger, allocator, fptr) _submit_debug_utils_message_ext(instance, message_severity::DebugUtilsMessageSeverityFlagEXT, message_types::DebugUtilsMessageTypeFlagEXT, callback_data::_DebugUtilsMessengerCallbackDataEXT, fptr::FunctionPtr)::Cvoid = vkSubmitDebugUtilsMessageEXT(instance, VkDebugUtilsMessageSeverityFlagBitsEXT(message_severity.val), message_types, callback_data, fptr) function _get_memory_host_pointer_properties_ext(device, handle_type::ExternalMemoryHandleTypeFlag, host_pointer::Ptr{Cvoid}, fptr::FunctionPtr)::ResultTypes.Result{_MemoryHostPointerPropertiesEXT, VulkanError} pMemoryHostPointerProperties = Ref{VkMemoryHostPointerPropertiesEXT}() @check vkGetMemoryHostPointerPropertiesEXT(device, VkExternalMemoryHandleTypeFlagBits(handle_type.val), host_pointer, pMemoryHostPointerProperties, fptr) from_vk(_MemoryHostPointerPropertiesEXT, pMemoryHostPointerProperties[]) end _cmd_write_buffer_marker_amd(command_buffer, dst_buffer, dst_offset::Integer, marker::Integer, fptr::FunctionPtr; pipeline_stage = 0)::Cvoid = vkCmdWriteBufferMarkerAMD(command_buffer, VkPipelineStageFlagBits(pipeline_stage.val), dst_buffer, dst_offset, marker, fptr) function _create_render_pass_2(device, create_info::_RenderPassCreateInfo2, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{RenderPass, VulkanError} pRenderPass = Ref{VkRenderPass}() @check vkCreateRenderPass2(device, create_info, allocator, pRenderPass, fptr_create) RenderPass(pRenderPass[], begin parent = Vk.handle(device) x->_destroy_render_pass(parent, x, fptr_destroy; allocator) end, device) end _cmd_begin_render_pass_2(command_buffer, render_pass_begin::_RenderPassBeginInfo, subpass_begin_info::_SubpassBeginInfo, fptr::FunctionPtr)::Cvoid = vkCmdBeginRenderPass2(command_buffer, render_pass_begin, subpass_begin_info, fptr) _cmd_next_subpass_2(command_buffer, subpass_begin_info::_SubpassBeginInfo, subpass_end_info::_SubpassEndInfo, fptr::FunctionPtr)::Cvoid = vkCmdNextSubpass2(command_buffer, subpass_begin_info, subpass_end_info, fptr) _cmd_end_render_pass_2(command_buffer, subpass_end_info::_SubpassEndInfo, fptr::FunctionPtr)::Cvoid = vkCmdEndRenderPass2(command_buffer, subpass_end_info, fptr) function _get_semaphore_counter_value(device, semaphore, fptr::FunctionPtr)::ResultTypes.Result{UInt64, VulkanError} pValue = Ref{UInt64}() @check vkGetSemaphoreCounterValue(device, semaphore, pValue, fptr) pValue[] end _wait_semaphores(device, wait_info::_SemaphoreWaitInfo, timeout::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkWaitSemaphores(device, wait_info, timeout, fptr)) _signal_semaphore(device, signal_info::_SemaphoreSignalInfo, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkSignalSemaphore(device, signal_info, fptr)) _cmd_draw_indirect_count(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawIndirectCount(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride, fptr) _cmd_draw_indexed_indirect_count(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawIndexedIndirectCount(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride, fptr) _cmd_set_checkpoint_nv(command_buffer, checkpoint_marker::Ptr{Cvoid}, fptr::FunctionPtr)::Cvoid = vkCmdSetCheckpointNV(command_buffer, checkpoint_marker, fptr) function _get_queue_checkpoint_data_nv(queue, fptr::FunctionPtr)::Vector{_CheckpointDataNV} pCheckpointDataCount = Ref{UInt32}() vkGetQueueCheckpointDataNV(queue, pCheckpointDataCount, C_NULL, fptr) pCheckpointData = Vector{VkCheckpointDataNV}(undef, pCheckpointDataCount[]) vkGetQueueCheckpointDataNV(queue, pCheckpointDataCount, pCheckpointData, fptr) from_vk.(_CheckpointDataNV, pCheckpointData) end _cmd_bind_transform_feedback_buffers_ext(command_buffer, buffers::AbstractArray, offsets::AbstractArray, fptr::FunctionPtr; sizes = C_NULL)::Cvoid = vkCmdBindTransformFeedbackBuffersEXT(command_buffer, 0, pointer_length(buffers), buffers, offsets, sizes, fptr) _cmd_begin_transform_feedback_ext(command_buffer, counter_buffers::AbstractArray, fptr::FunctionPtr; counter_buffer_offsets = C_NULL)::Cvoid = vkCmdBeginTransformFeedbackEXT(command_buffer, 0, pointer_length(counter_buffers), counter_buffers, counter_buffer_offsets, fptr) _cmd_end_transform_feedback_ext(command_buffer, counter_buffers::AbstractArray, fptr::FunctionPtr; counter_buffer_offsets = C_NULL)::Cvoid = vkCmdEndTransformFeedbackEXT(command_buffer, 0, pointer_length(counter_buffers), counter_buffers, counter_buffer_offsets, fptr) _cmd_begin_query_indexed_ext(command_buffer, query_pool, query::Integer, index::Integer, fptr::FunctionPtr; flags = 0)::Cvoid = vkCmdBeginQueryIndexedEXT(command_buffer, query_pool, query, flags, index, fptr) _cmd_end_query_indexed_ext(command_buffer, query_pool, query::Integer, index::Integer, fptr::FunctionPtr)::Cvoid = vkCmdEndQueryIndexedEXT(command_buffer, query_pool, query, index, fptr) _cmd_draw_indirect_byte_count_ext(command_buffer, instance_count::Integer, first_instance::Integer, counter_buffer, counter_buffer_offset::Integer, counter_offset::Integer, vertex_stride::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawIndirectByteCountEXT(command_buffer, instance_count, first_instance, counter_buffer, counter_buffer_offset, counter_offset, vertex_stride, fptr) _cmd_set_exclusive_scissor_nv(command_buffer, exclusive_scissors::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetExclusiveScissorNV(command_buffer, 0, pointer_length(exclusive_scissors), exclusive_scissors, fptr) _cmd_bind_shading_rate_image_nv(command_buffer, image_layout::ImageLayout, fptr::FunctionPtr; image_view = C_NULL)::Cvoid = vkCmdBindShadingRateImageNV(command_buffer, image_view, image_layout, fptr) _cmd_set_viewport_shading_rate_palette_nv(command_buffer, shading_rate_palettes::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetViewportShadingRatePaletteNV(command_buffer, 0, pointer_length(shading_rate_palettes), shading_rate_palettes, fptr) _cmd_set_coarse_sample_order_nv(command_buffer, sample_order_type::CoarseSampleOrderTypeNV, custom_sample_orders::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetCoarseSampleOrderNV(command_buffer, sample_order_type, pointer_length(custom_sample_orders), custom_sample_orders, fptr) _cmd_draw_mesh_tasks_nv(command_buffer, task_count::Integer, first_task::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawMeshTasksNV(command_buffer, task_count, first_task, fptr) _cmd_draw_mesh_tasks_indirect_nv(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawMeshTasksIndirectNV(command_buffer, buffer, offset, draw_count, stride, fptr) _cmd_draw_mesh_tasks_indirect_count_nv(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawMeshTasksIndirectCountNV(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride, fptr) _cmd_draw_mesh_tasks_ext(command_buffer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawMeshTasksEXT(command_buffer, group_count_x, group_count_y, group_count_z, fptr) _cmd_draw_mesh_tasks_indirect_ext(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawMeshTasksIndirectEXT(command_buffer, buffer, offset, draw_count, stride, fptr) _cmd_draw_mesh_tasks_indirect_count_ext(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawMeshTasksIndirectCountEXT(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride, fptr) _compile_deferred_nv(device, pipeline, shader::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkCompileDeferredNV(device, pipeline, shader, fptr)) function _create_acceleration_structure_nv(device, create_info::_AccelerationStructureCreateInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{AccelerationStructureNV, VulkanError} pAccelerationStructure = Ref{VkAccelerationStructureNV}() @check vkCreateAccelerationStructureNV(device, create_info, allocator, pAccelerationStructure, fptr_create) AccelerationStructureNV(pAccelerationStructure[], begin parent = Vk.handle(device) x->_destroy_acceleration_structure_nv(parent, x, fptr_destroy; allocator) end, device) end _cmd_bind_invocation_mask_huawei(command_buffer, image_layout::ImageLayout, fptr::FunctionPtr; image_view = C_NULL)::Cvoid = vkCmdBindInvocationMaskHUAWEI(command_buffer, image_view, image_layout, fptr) _destroy_acceleration_structure_khr(device, acceleration_structure, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyAccelerationStructureKHR(device, acceleration_structure, allocator, fptr) _destroy_acceleration_structure_nv(device, acceleration_structure, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyAccelerationStructureNV(device, acceleration_structure, allocator, fptr) function _get_acceleration_structure_memory_requirements_nv(device, info::_AccelerationStructureMemoryRequirementsInfoNV, fptr::FunctionPtr)::VkMemoryRequirements2KHR pMemoryRequirements = Ref{VkMemoryRequirements2KHR}() vkGetAccelerationStructureMemoryRequirementsNV(device, info, pMemoryRequirements, fptr) from_vk(VkMemoryRequirements2KHR, pMemoryRequirements[]) end _bind_acceleration_structure_memory_nv(device, bind_infos::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkBindAccelerationStructureMemoryNV(device, pointer_length(bind_infos), bind_infos, fptr)) _cmd_copy_acceleration_structure_nv(command_buffer, dst, src, mode::CopyAccelerationStructureModeKHR, fptr::FunctionPtr)::Cvoid = vkCmdCopyAccelerationStructureNV(command_buffer, dst, src, mode, fptr) _cmd_copy_acceleration_structure_khr(command_buffer, info::_CopyAccelerationStructureInfoKHR, fptr::FunctionPtr)::Cvoid = vkCmdCopyAccelerationStructureKHR(command_buffer, info, fptr) _copy_acceleration_structure_khr(device, info::_CopyAccelerationStructureInfoKHR, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkCopyAccelerationStructureKHR(device, deferred_operation, info, fptr)) _cmd_copy_acceleration_structure_to_memory_khr(command_buffer, info::_CopyAccelerationStructureToMemoryInfoKHR, fptr::FunctionPtr)::Cvoid = vkCmdCopyAccelerationStructureToMemoryKHR(command_buffer, info, fptr) _copy_acceleration_structure_to_memory_khr(device, info::_CopyAccelerationStructureToMemoryInfoKHR, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkCopyAccelerationStructureToMemoryKHR(device, deferred_operation, info, fptr)) _cmd_copy_memory_to_acceleration_structure_khr(command_buffer, info::_CopyMemoryToAccelerationStructureInfoKHR, fptr::FunctionPtr)::Cvoid = vkCmdCopyMemoryToAccelerationStructureKHR(command_buffer, info, fptr) _copy_memory_to_acceleration_structure_khr(device, info::_CopyMemoryToAccelerationStructureInfoKHR, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkCopyMemoryToAccelerationStructureKHR(device, deferred_operation, info, fptr)) _cmd_write_acceleration_structures_properties_khr(command_buffer, acceleration_structures::AbstractArray, query_type::QueryType, query_pool, first_query::Integer, fptr::FunctionPtr)::Cvoid = vkCmdWriteAccelerationStructuresPropertiesKHR(command_buffer, pointer_length(acceleration_structures), acceleration_structures, query_type, query_pool, first_query, fptr) _cmd_write_acceleration_structures_properties_nv(command_buffer, acceleration_structures::AbstractArray, query_type::QueryType, query_pool, first_query::Integer, fptr::FunctionPtr)::Cvoid = vkCmdWriteAccelerationStructuresPropertiesNV(command_buffer, pointer_length(acceleration_structures), acceleration_structures, query_type, query_pool, first_query, fptr) _cmd_build_acceleration_structure_nv(command_buffer, info::_AccelerationStructureInfoNV, instance_offset::Integer, update::Bool, dst, scratch, scratch_offset::Integer, fptr::FunctionPtr; instance_data = C_NULL, src = C_NULL)::Cvoid = vkCmdBuildAccelerationStructureNV(command_buffer, info, instance_data, instance_offset, update, dst, src, scratch, scratch_offset, fptr) _write_acceleration_structures_properties_khr(device, acceleration_structures::AbstractArray, query_type::QueryType, data_size::Integer, data::Ptr{Cvoid}, stride::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkWriteAccelerationStructuresPropertiesKHR(device, pointer_length(acceleration_structures), acceleration_structures, query_type, data_size, data, stride, fptr)) _cmd_trace_rays_khr(command_buffer, raygen_shader_binding_table::_StridedDeviceAddressRegionKHR, miss_shader_binding_table::_StridedDeviceAddressRegionKHR, hit_shader_binding_table::_StridedDeviceAddressRegionKHR, callable_shader_binding_table::_StridedDeviceAddressRegionKHR, width::Integer, height::Integer, depth::Integer, fptr::FunctionPtr)::Cvoid = vkCmdTraceRaysKHR(command_buffer, raygen_shader_binding_table, miss_shader_binding_table, hit_shader_binding_table, callable_shader_binding_table, width, height, depth, fptr) _cmd_trace_rays_nv(command_buffer, raygen_shader_binding_table_buffer, raygen_shader_binding_offset::Integer, miss_shader_binding_offset::Integer, miss_shader_binding_stride::Integer, hit_shader_binding_offset::Integer, hit_shader_binding_stride::Integer, callable_shader_binding_offset::Integer, callable_shader_binding_stride::Integer, width::Integer, height::Integer, depth::Integer, fptr::FunctionPtr; miss_shader_binding_table_buffer = C_NULL, hit_shader_binding_table_buffer = C_NULL, callable_shader_binding_table_buffer = C_NULL)::Cvoid = vkCmdTraceRaysNV(command_buffer, raygen_shader_binding_table_buffer, raygen_shader_binding_offset, miss_shader_binding_table_buffer, miss_shader_binding_offset, miss_shader_binding_stride, hit_shader_binding_table_buffer, hit_shader_binding_offset, hit_shader_binding_stride, callable_shader_binding_table_buffer, callable_shader_binding_offset, callable_shader_binding_stride, width, height, depth, fptr) _get_ray_tracing_shader_group_handles_khr(device, pipeline, first_group::Integer, group_count::Integer, data_size::Integer, data::Ptr{Cvoid}, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkGetRayTracingShaderGroupHandlesKHR(device, pipeline, first_group, group_count, data_size, data, fptr)) _get_ray_tracing_capture_replay_shader_group_handles_khr(device, pipeline, first_group::Integer, group_count::Integer, data_size::Integer, data::Ptr{Cvoid}, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkGetRayTracingCaptureReplayShaderGroupHandlesKHR(device, pipeline, first_group, group_count, data_size, data, fptr)) _get_acceleration_structure_handle_nv(device, acceleration_structure, data_size::Integer, data::Ptr{Cvoid}, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkGetAccelerationStructureHandleNV(device, acceleration_structure, data_size, data, fptr)) function _create_ray_tracing_pipelines_nv(device, create_infos::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} pPipelines = Vector{VkPipeline}(undef, pointer_length(create_infos)) @check vkCreateRayTracingPipelinesNV(device, pipeline_cache, pointer_length(create_infos), create_infos, allocator, pPipelines, fptr_create) (Pipeline.(pPipelines, begin parent = Vk.handle(device) x->_destroy_pipeline(parent, x, fptr_destroy; allocator) end, device), _return_code) end function _create_ray_tracing_pipelines_khr(device, create_infos::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; deferred_operation = C_NULL, pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} pPipelines = Vector{VkPipeline}(undef, pointer_length(create_infos)) @check vkCreateRayTracingPipelinesKHR(device, deferred_operation, pipeline_cache, pointer_length(create_infos), create_infos, allocator, pPipelines, fptr_create) (Pipeline.(pPipelines, begin parent = Vk.handle(device) x->_destroy_pipeline(parent, x, fptr_destroy; allocator) end, device), _return_code) end function _get_physical_device_cooperative_matrix_properties_nv(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{_CooperativeMatrixPropertiesNV}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceCooperativeMatrixPropertiesNV(physical_device, pPropertyCount, C_NULL, fptr) pProperties = Vector{VkCooperativeMatrixPropertiesNV}(undef, pPropertyCount[]) @check vkGetPhysicalDeviceCooperativeMatrixPropertiesNV(physical_device, pPropertyCount, pProperties, fptr) end from_vk.(_CooperativeMatrixPropertiesNV, pProperties) end _cmd_trace_rays_indirect_khr(command_buffer, raygen_shader_binding_table::_StridedDeviceAddressRegionKHR, miss_shader_binding_table::_StridedDeviceAddressRegionKHR, hit_shader_binding_table::_StridedDeviceAddressRegionKHR, callable_shader_binding_table::_StridedDeviceAddressRegionKHR, indirect_device_address::Integer, fptr::FunctionPtr)::Cvoid = vkCmdTraceRaysIndirectKHR(command_buffer, raygen_shader_binding_table, miss_shader_binding_table, hit_shader_binding_table, callable_shader_binding_table, indirect_device_address, fptr) _cmd_trace_rays_indirect_2_khr(command_buffer, indirect_device_address::Integer, fptr::FunctionPtr)::Cvoid = vkCmdTraceRaysIndirect2KHR(command_buffer, indirect_device_address, fptr) function _get_device_acceleration_structure_compatibility_khr(device, version_info::_AccelerationStructureVersionInfoKHR, fptr::FunctionPtr)::AccelerationStructureCompatibilityKHR pCompatibility = Ref{VkAccelerationStructureCompatibilityKHR}() vkGetDeviceAccelerationStructureCompatibilityKHR(device, version_info, pCompatibility, fptr) pCompatibility[] end _get_ray_tracing_shader_group_stack_size_khr(device, pipeline, group::Integer, group_shader::ShaderGroupShaderKHR, fptr::FunctionPtr)::UInt64 = vkGetRayTracingShaderGroupStackSizeKHR(device, pipeline, group, group_shader, fptr) _cmd_set_ray_tracing_pipeline_stack_size_khr(command_buffer, pipeline_stack_size::Integer, fptr::FunctionPtr)::Cvoid = vkCmdSetRayTracingPipelineStackSizeKHR(command_buffer, pipeline_stack_size, fptr) _get_image_view_handle_nvx(device, info::_ImageViewHandleInfoNVX, fptr::FunctionPtr)::UInt32 = vkGetImageViewHandleNVX(device, info, fptr) function _get_image_view_address_nvx(device, image_view, fptr::FunctionPtr)::ResultTypes.Result{_ImageViewAddressPropertiesNVX, VulkanError} pProperties = Ref{VkImageViewAddressPropertiesNVX}() @check vkGetImageViewAddressNVX(device, image_view, pProperties, fptr) from_vk(_ImageViewAddressPropertiesNVX, pProperties[]) end function _enumerate_physical_device_queue_family_performance_query_counters_khr(physical_device, queue_family_index::Integer, fptr::FunctionPtr)::ResultTypes.Result{Tuple{Vector{_PerformanceCounterKHR}, Vector{_PerformanceCounterDescriptionKHR}}, VulkanError} pCounterCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkEnumeratePhysicalDeviceQueueFamilyPerformanceQueryCountersKHR(physical_device, queue_family_index, pCounterCount, C_NULL, C_NULL, fptr) pCounters = Vector{VkPerformanceCounterKHR}(undef, pCounterCount[]) pCounterDescriptions = Vector{VkPerformanceCounterDescriptionKHR}(undef, pCounterCount[]) @check vkEnumeratePhysicalDeviceQueueFamilyPerformanceQueryCountersKHR(physical_device, queue_family_index, pCounterCount, pCounters, pCounterDescriptions, fptr) end (from_vk.(_PerformanceCounterKHR, pCounters), from_vk.(_PerformanceCounterDescriptionKHR, pCounterDescriptions)) end function _get_physical_device_queue_family_performance_query_passes_khr(physical_device, performance_query_create_info::_QueryPoolPerformanceCreateInfoKHR, fptr::FunctionPtr)::UInt32 pNumPasses = Ref{UInt32}() vkGetPhysicalDeviceQueueFamilyPerformanceQueryPassesKHR(physical_device, performance_query_create_info, pNumPasses, fptr) pNumPasses[] end _acquire_profiling_lock_khr(device, info::_AcquireProfilingLockInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkAcquireProfilingLockKHR(device, info, fptr)) _release_profiling_lock_khr(device, fptr::FunctionPtr)::Cvoid = vkReleaseProfilingLockKHR(device, fptr) function _get_image_drm_format_modifier_properties_ext(device, image, fptr::FunctionPtr)::ResultTypes.Result{_ImageDrmFormatModifierPropertiesEXT, VulkanError} pProperties = Ref{VkImageDrmFormatModifierPropertiesEXT}() @check vkGetImageDrmFormatModifierPropertiesEXT(device, image, pProperties, fptr) from_vk(_ImageDrmFormatModifierPropertiesEXT, pProperties[]) end _get_buffer_opaque_capture_address(device, info::_BufferDeviceAddressInfo, fptr::FunctionPtr)::UInt64 = vkGetBufferOpaqueCaptureAddress(device, info, fptr) _get_buffer_device_address(device, info::_BufferDeviceAddressInfo, fptr::FunctionPtr)::UInt64 = vkGetBufferDeviceAddress(device, info, fptr) function _create_headless_surface_ext(instance, create_info::_HeadlessSurfaceCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} pSurface = Ref{VkSurfaceKHR}() @check vkCreateHeadlessSurfaceEXT(instance, create_info, allocator, pSurface, fptr_create) SurfaceKHR(pSurface[], begin parent = Vk.handle(instance) x->_destroy_surface_khr(parent, x, fptr_destroy; allocator) end, instance) end function _get_physical_device_supported_framebuffer_mixed_samples_combinations_nv(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{_FramebufferMixedSamplesCombinationNV}, VulkanError} pCombinationCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceSupportedFramebufferMixedSamplesCombinationsNV(physical_device, pCombinationCount, C_NULL, fptr) pCombinations = Vector{VkFramebufferMixedSamplesCombinationNV}(undef, pCombinationCount[]) @check vkGetPhysicalDeviceSupportedFramebufferMixedSamplesCombinationsNV(physical_device, pCombinationCount, pCombinations, fptr) end from_vk.(_FramebufferMixedSamplesCombinationNV, pCombinations) end _initialize_performance_api_intel(device, initialize_info::_InitializePerformanceApiInfoINTEL, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkInitializePerformanceApiINTEL(device, initialize_info, fptr)) _uninitialize_performance_api_intel(device, fptr::FunctionPtr)::Cvoid = vkUninitializePerformanceApiINTEL(device, fptr) _cmd_set_performance_marker_intel(command_buffer, marker_info::_PerformanceMarkerInfoINTEL, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkCmdSetPerformanceMarkerINTEL(command_buffer, marker_info, fptr)) _cmd_set_performance_stream_marker_intel(command_buffer, marker_info::_PerformanceStreamMarkerInfoINTEL, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkCmdSetPerformanceStreamMarkerINTEL(command_buffer, marker_info, fptr)) _cmd_set_performance_override_intel(command_buffer, override_info::_PerformanceOverrideInfoINTEL, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkCmdSetPerformanceOverrideINTEL(command_buffer, override_info, fptr)) function _acquire_performance_configuration_intel(device, acquire_info::_PerformanceConfigurationAcquireInfoINTEL, fptr::FunctionPtr)::ResultTypes.Result{PerformanceConfigurationINTEL, VulkanError} pConfiguration = Ref{VkPerformanceConfigurationINTEL}() @check vkAcquirePerformanceConfigurationINTEL(device, acquire_info, pConfiguration, fptr) PerformanceConfigurationINTEL(pConfiguration[], identity, device) end _release_performance_configuration_intel(device, fptr::FunctionPtr; configuration = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkReleasePerformanceConfigurationINTEL(device, configuration, fptr)) _queue_set_performance_configuration_intel(queue, configuration, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkQueueSetPerformanceConfigurationINTEL(queue, configuration, fptr)) function _get_performance_parameter_intel(device, parameter::PerformanceParameterTypeINTEL, fptr::FunctionPtr)::ResultTypes.Result{_PerformanceValueINTEL, VulkanError} pValue = Ref{VkPerformanceValueINTEL}() @check vkGetPerformanceParameterINTEL(device, parameter, pValue, fptr) from_vk(_PerformanceValueINTEL, pValue[]) end _get_device_memory_opaque_capture_address(device, info::_DeviceMemoryOpaqueCaptureAddressInfo, fptr::FunctionPtr)::UInt64 = vkGetDeviceMemoryOpaqueCaptureAddress(device, info, fptr) function _get_pipeline_executable_properties_khr(device, pipeline_info::_PipelineInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Vector{_PipelineExecutablePropertiesKHR}, VulkanError} pExecutableCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPipelineExecutablePropertiesKHR(device, pipeline_info, pExecutableCount, C_NULL, fptr) pProperties = Vector{VkPipelineExecutablePropertiesKHR}(undef, pExecutableCount[]) @check vkGetPipelineExecutablePropertiesKHR(device, pipeline_info, pExecutableCount, pProperties, fptr) end from_vk.(_PipelineExecutablePropertiesKHR, pProperties) end function _get_pipeline_executable_statistics_khr(device, executable_info::_PipelineExecutableInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Vector{_PipelineExecutableStatisticKHR}, VulkanError} pStatisticCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPipelineExecutableStatisticsKHR(device, executable_info, pStatisticCount, C_NULL, fptr) pStatistics = Vector{VkPipelineExecutableStatisticKHR}(undef, pStatisticCount[]) @check vkGetPipelineExecutableStatisticsKHR(device, executable_info, pStatisticCount, pStatistics, fptr) end from_vk.(_PipelineExecutableStatisticKHR, pStatistics) end function _get_pipeline_executable_internal_representations_khr(device, executable_info::_PipelineExecutableInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Vector{_PipelineExecutableInternalRepresentationKHR}, VulkanError} pInternalRepresentationCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPipelineExecutableInternalRepresentationsKHR(device, executable_info, pInternalRepresentationCount, C_NULL, fptr) pInternalRepresentations = Vector{VkPipelineExecutableInternalRepresentationKHR}(undef, pInternalRepresentationCount[]) @check vkGetPipelineExecutableInternalRepresentationsKHR(device, executable_info, pInternalRepresentationCount, pInternalRepresentations, fptr) end from_vk.(_PipelineExecutableInternalRepresentationKHR, pInternalRepresentations) end _cmd_set_line_stipple_ext(command_buffer, line_stipple_factor::Integer, line_stipple_pattern::Integer, fptr::FunctionPtr)::Cvoid = vkCmdSetLineStippleEXT(command_buffer, line_stipple_factor, line_stipple_pattern, fptr) function _get_physical_device_tool_properties(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{_PhysicalDeviceToolProperties}, VulkanError} pToolCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceToolProperties(physical_device, pToolCount, C_NULL, fptr) pToolProperties = Vector{VkPhysicalDeviceToolProperties}(undef, pToolCount[]) @check vkGetPhysicalDeviceToolProperties(physical_device, pToolCount, pToolProperties, fptr) end from_vk.(_PhysicalDeviceToolProperties, pToolProperties) end function _create_acceleration_structure_khr(device, create_info::_AccelerationStructureCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{AccelerationStructureKHR, VulkanError} pAccelerationStructure = Ref{VkAccelerationStructureKHR}() @check vkCreateAccelerationStructureKHR(device, create_info, allocator, pAccelerationStructure, fptr_create) AccelerationStructureKHR(pAccelerationStructure[], begin parent = Vk.handle(device) x->_destroy_acceleration_structure_khr(parent, x, fptr_destroy; allocator) end, device) end _cmd_build_acceleration_structures_khr(command_buffer, infos::AbstractArray, build_range_infos::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdBuildAccelerationStructuresKHR(command_buffer, pointer_length(infos), infos, build_range_infos, fptr) _cmd_build_acceleration_structures_indirect_khr(command_buffer, infos::AbstractArray, indirect_device_addresses::AbstractArray, indirect_strides::AbstractArray, max_primitive_counts::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdBuildAccelerationStructuresIndirectKHR(command_buffer, pointer_length(infos), infos, indirect_device_addresses, indirect_strides, max_primitive_counts, fptr) _build_acceleration_structures_khr(device, infos::AbstractArray, build_range_infos::AbstractArray, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkBuildAccelerationStructuresKHR(device, deferred_operation, pointer_length(infos), infos, build_range_infos, fptr)) _get_acceleration_structure_device_address_khr(device, info::_AccelerationStructureDeviceAddressInfoKHR, fptr::FunctionPtr)::UInt64 = vkGetAccelerationStructureDeviceAddressKHR(device, info, fptr) function _create_deferred_operation_khr(device, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DeferredOperationKHR, VulkanError} pDeferredOperation = Ref{VkDeferredOperationKHR}() @check vkCreateDeferredOperationKHR(device, allocator, pDeferredOperation, fptr_create) DeferredOperationKHR(pDeferredOperation[], begin parent = Vk.handle(device) x->_destroy_deferred_operation_khr(parent, x, fptr_destroy; allocator) end, device) end _destroy_deferred_operation_khr(device, operation, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyDeferredOperationKHR(device, operation, allocator, fptr) _get_deferred_operation_max_concurrency_khr(device, operation, fptr::FunctionPtr)::UInt32 = vkGetDeferredOperationMaxConcurrencyKHR(device, operation, fptr) _get_deferred_operation_result_khr(device, operation, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkGetDeferredOperationResultKHR(device, operation, fptr)) _deferred_operation_join_khr(device, operation, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkDeferredOperationJoinKHR(device, operation, fptr)) _cmd_set_cull_mode(command_buffer, fptr::FunctionPtr; cull_mode = 0)::Cvoid = vkCmdSetCullMode(command_buffer, cull_mode, fptr) _cmd_set_front_face(command_buffer, front_face::FrontFace, fptr::FunctionPtr)::Cvoid = vkCmdSetFrontFace(command_buffer, front_face, fptr) _cmd_set_primitive_topology(command_buffer, primitive_topology::PrimitiveTopology, fptr::FunctionPtr)::Cvoid = vkCmdSetPrimitiveTopology(command_buffer, primitive_topology, fptr) _cmd_set_viewport_with_count(command_buffer, viewports::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetViewportWithCount(command_buffer, pointer_length(viewports), viewports, fptr) _cmd_set_scissor_with_count(command_buffer, scissors::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetScissorWithCount(command_buffer, pointer_length(scissors), scissors, fptr) _cmd_bind_vertex_buffers_2(command_buffer, buffers::AbstractArray, offsets::AbstractArray, fptr::FunctionPtr; sizes = C_NULL, strides = C_NULL)::Cvoid = vkCmdBindVertexBuffers2(command_buffer, 0, pointer_length(buffers), buffers, offsets, sizes, strides, fptr) _cmd_set_depth_test_enable(command_buffer, depth_test_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetDepthTestEnable(command_buffer, depth_test_enable, fptr) _cmd_set_depth_write_enable(command_buffer, depth_write_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetDepthWriteEnable(command_buffer, depth_write_enable, fptr) _cmd_set_depth_compare_op(command_buffer, depth_compare_op::CompareOp, fptr::FunctionPtr)::Cvoid = vkCmdSetDepthCompareOp(command_buffer, depth_compare_op, fptr) _cmd_set_depth_bounds_test_enable(command_buffer, depth_bounds_test_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetDepthBoundsTestEnable(command_buffer, depth_bounds_test_enable, fptr) _cmd_set_stencil_test_enable(command_buffer, stencil_test_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetStencilTestEnable(command_buffer, stencil_test_enable, fptr) _cmd_set_stencil_op(command_buffer, face_mask::StencilFaceFlag, fail_op::StencilOp, pass_op::StencilOp, depth_fail_op::StencilOp, compare_op::CompareOp, fptr::FunctionPtr)::Cvoid = vkCmdSetStencilOp(command_buffer, face_mask, fail_op, pass_op, depth_fail_op, compare_op, fptr) _cmd_set_patch_control_points_ext(command_buffer, patch_control_points::Integer, fptr::FunctionPtr)::Cvoid = vkCmdSetPatchControlPointsEXT(command_buffer, patch_control_points, fptr) _cmd_set_rasterizer_discard_enable(command_buffer, rasterizer_discard_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetRasterizerDiscardEnable(command_buffer, rasterizer_discard_enable, fptr) _cmd_set_depth_bias_enable(command_buffer, depth_bias_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetDepthBiasEnable(command_buffer, depth_bias_enable, fptr) _cmd_set_logic_op_ext(command_buffer, logic_op::LogicOp, fptr::FunctionPtr)::Cvoid = vkCmdSetLogicOpEXT(command_buffer, logic_op, fptr) _cmd_set_primitive_restart_enable(command_buffer, primitive_restart_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetPrimitiveRestartEnable(command_buffer, primitive_restart_enable, fptr) _cmd_set_tessellation_domain_origin_ext(command_buffer, domain_origin::TessellationDomainOrigin, fptr::FunctionPtr)::Cvoid = vkCmdSetTessellationDomainOriginEXT(command_buffer, domain_origin, fptr) _cmd_set_depth_clamp_enable_ext(command_buffer, depth_clamp_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetDepthClampEnableEXT(command_buffer, depth_clamp_enable, fptr) _cmd_set_polygon_mode_ext(command_buffer, polygon_mode::PolygonMode, fptr::FunctionPtr)::Cvoid = vkCmdSetPolygonModeEXT(command_buffer, polygon_mode, fptr) _cmd_set_rasterization_samples_ext(command_buffer, rasterization_samples::SampleCountFlag, fptr::FunctionPtr)::Cvoid = vkCmdSetRasterizationSamplesEXT(command_buffer, VkSampleCountFlagBits(rasterization_samples.val), fptr) _cmd_set_sample_mask_ext(command_buffer, samples::SampleCountFlag, sample_mask::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetSampleMaskEXT(command_buffer, VkSampleCountFlagBits(samples.val), sample_mask, fptr) _cmd_set_alpha_to_coverage_enable_ext(command_buffer, alpha_to_coverage_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetAlphaToCoverageEnableEXT(command_buffer, alpha_to_coverage_enable, fptr) _cmd_set_alpha_to_one_enable_ext(command_buffer, alpha_to_one_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetAlphaToOneEnableEXT(command_buffer, alpha_to_one_enable, fptr) _cmd_set_logic_op_enable_ext(command_buffer, logic_op_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetLogicOpEnableEXT(command_buffer, logic_op_enable, fptr) _cmd_set_color_blend_enable_ext(command_buffer, color_blend_enables::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetColorBlendEnableEXT(command_buffer, 0, pointer_length(color_blend_enables), color_blend_enables, fptr) _cmd_set_color_blend_equation_ext(command_buffer, color_blend_equations::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetColorBlendEquationEXT(command_buffer, 0, pointer_length(color_blend_equations), color_blend_equations, fptr) _cmd_set_color_write_mask_ext(command_buffer, color_write_masks::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetColorWriteMaskEXT(command_buffer, 0, pointer_length(color_write_masks), color_write_masks, fptr) _cmd_set_rasterization_stream_ext(command_buffer, rasterization_stream::Integer, fptr::FunctionPtr)::Cvoid = vkCmdSetRasterizationStreamEXT(command_buffer, rasterization_stream, fptr) _cmd_set_conservative_rasterization_mode_ext(command_buffer, conservative_rasterization_mode::ConservativeRasterizationModeEXT, fptr::FunctionPtr)::Cvoid = vkCmdSetConservativeRasterizationModeEXT(command_buffer, conservative_rasterization_mode, fptr) _cmd_set_extra_primitive_overestimation_size_ext(command_buffer, extra_primitive_overestimation_size::Real, fptr::FunctionPtr)::Cvoid = vkCmdSetExtraPrimitiveOverestimationSizeEXT(command_buffer, extra_primitive_overestimation_size, fptr) _cmd_set_depth_clip_enable_ext(command_buffer, depth_clip_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetDepthClipEnableEXT(command_buffer, depth_clip_enable, fptr) _cmd_set_sample_locations_enable_ext(command_buffer, sample_locations_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetSampleLocationsEnableEXT(command_buffer, sample_locations_enable, fptr) _cmd_set_color_blend_advanced_ext(command_buffer, color_blend_advanced::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetColorBlendAdvancedEXT(command_buffer, 0, pointer_length(color_blend_advanced), color_blend_advanced, fptr) _cmd_set_provoking_vertex_mode_ext(command_buffer, provoking_vertex_mode::ProvokingVertexModeEXT, fptr::FunctionPtr)::Cvoid = vkCmdSetProvokingVertexModeEXT(command_buffer, provoking_vertex_mode, fptr) _cmd_set_line_rasterization_mode_ext(command_buffer, line_rasterization_mode::LineRasterizationModeEXT, fptr::FunctionPtr)::Cvoid = vkCmdSetLineRasterizationModeEXT(command_buffer, line_rasterization_mode, fptr) _cmd_set_line_stipple_enable_ext(command_buffer, stippled_line_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetLineStippleEnableEXT(command_buffer, stippled_line_enable, fptr) _cmd_set_depth_clip_negative_one_to_one_ext(command_buffer, negative_one_to_one::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetDepthClipNegativeOneToOneEXT(command_buffer, negative_one_to_one, fptr) _cmd_set_viewport_w_scaling_enable_nv(command_buffer, viewport_w_scaling_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetViewportWScalingEnableNV(command_buffer, viewport_w_scaling_enable, fptr) _cmd_set_viewport_swizzle_nv(command_buffer, viewport_swizzles::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetViewportSwizzleNV(command_buffer, 0, pointer_length(viewport_swizzles), viewport_swizzles, fptr) _cmd_set_coverage_to_color_enable_nv(command_buffer, coverage_to_color_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetCoverageToColorEnableNV(command_buffer, coverage_to_color_enable, fptr) _cmd_set_coverage_to_color_location_nv(command_buffer, coverage_to_color_location::Integer, fptr::FunctionPtr)::Cvoid = vkCmdSetCoverageToColorLocationNV(command_buffer, coverage_to_color_location, fptr) _cmd_set_coverage_modulation_mode_nv(command_buffer, coverage_modulation_mode::CoverageModulationModeNV, fptr::FunctionPtr)::Cvoid = vkCmdSetCoverageModulationModeNV(command_buffer, coverage_modulation_mode, fptr) _cmd_set_coverage_modulation_table_enable_nv(command_buffer, coverage_modulation_table_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetCoverageModulationTableEnableNV(command_buffer, coverage_modulation_table_enable, fptr) _cmd_set_coverage_modulation_table_nv(command_buffer, coverage_modulation_table::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetCoverageModulationTableNV(command_buffer, pointer_length(coverage_modulation_table), coverage_modulation_table, fptr) _cmd_set_shading_rate_image_enable_nv(command_buffer, shading_rate_image_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetShadingRateImageEnableNV(command_buffer, shading_rate_image_enable, fptr) _cmd_set_coverage_reduction_mode_nv(command_buffer, coverage_reduction_mode::CoverageReductionModeNV, fptr::FunctionPtr)::Cvoid = vkCmdSetCoverageReductionModeNV(command_buffer, coverage_reduction_mode, fptr) _cmd_set_representative_fragment_test_enable_nv(command_buffer, representative_fragment_test_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetRepresentativeFragmentTestEnableNV(command_buffer, representative_fragment_test_enable, fptr) function _create_private_data_slot(device, create_info::_PrivateDataSlotCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{PrivateDataSlot, VulkanError} pPrivateDataSlot = Ref{VkPrivateDataSlot}() @check vkCreatePrivateDataSlot(device, create_info, allocator, pPrivateDataSlot, fptr_create) PrivateDataSlot(pPrivateDataSlot[], begin parent = Vk.handle(device) x->_destroy_private_data_slot(parent, x, fptr_destroy; allocator) end, device) end _destroy_private_data_slot(device, private_data_slot, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyPrivateDataSlot(device, private_data_slot, allocator, fptr) _set_private_data(device, object_type::ObjectType, object_handle::Integer, private_data_slot, data::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkSetPrivateData(device, object_type, object_handle, private_data_slot, data, fptr)) function _get_private_data(device, object_type::ObjectType, object_handle::Integer, private_data_slot, fptr::FunctionPtr)::UInt64 pData = Ref{UInt64}() vkGetPrivateData(device, object_type, object_handle, private_data_slot, pData, fptr) pData[] end _cmd_copy_buffer_2(command_buffer, copy_buffer_info::_CopyBufferInfo2, fptr::FunctionPtr)::Cvoid = vkCmdCopyBuffer2(command_buffer, copy_buffer_info, fptr) _cmd_copy_image_2(command_buffer, copy_image_info::_CopyImageInfo2, fptr::FunctionPtr)::Cvoid = vkCmdCopyImage2(command_buffer, copy_image_info, fptr) _cmd_blit_image_2(command_buffer, blit_image_info::_BlitImageInfo2, fptr::FunctionPtr)::Cvoid = vkCmdBlitImage2(command_buffer, blit_image_info, fptr) _cmd_copy_buffer_to_image_2(command_buffer, copy_buffer_to_image_info::_CopyBufferToImageInfo2, fptr::FunctionPtr)::Cvoid = vkCmdCopyBufferToImage2(command_buffer, copy_buffer_to_image_info, fptr) _cmd_copy_image_to_buffer_2(command_buffer, copy_image_to_buffer_info::_CopyImageToBufferInfo2, fptr::FunctionPtr)::Cvoid = vkCmdCopyImageToBuffer2(command_buffer, copy_image_to_buffer_info, fptr) _cmd_resolve_image_2(command_buffer, resolve_image_info::_ResolveImageInfo2, fptr::FunctionPtr)::Cvoid = vkCmdResolveImage2(command_buffer, resolve_image_info, fptr) _cmd_set_fragment_shading_rate_khr(command_buffer, fragment_size::_Extent2D, combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}, fptr::FunctionPtr)::Cvoid = vkCmdSetFragmentShadingRateKHR(command_buffer, fragment_size, to_vk(NTuple{2, VkFragmentShadingRateCombinerOpKHR}, combiner_ops), fptr) function _get_physical_device_fragment_shading_rates_khr(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{_PhysicalDeviceFragmentShadingRateKHR}, VulkanError} pFragmentShadingRateCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceFragmentShadingRatesKHR(physical_device, pFragmentShadingRateCount, C_NULL, fptr) pFragmentShadingRates = Vector{VkPhysicalDeviceFragmentShadingRateKHR}(undef, pFragmentShadingRateCount[]) @check vkGetPhysicalDeviceFragmentShadingRatesKHR(physical_device, pFragmentShadingRateCount, pFragmentShadingRates, fptr) end from_vk.(_PhysicalDeviceFragmentShadingRateKHR, pFragmentShadingRates) end _cmd_set_fragment_shading_rate_enum_nv(command_buffer, shading_rate::FragmentShadingRateNV, combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}, fptr::FunctionPtr)::Cvoid = vkCmdSetFragmentShadingRateEnumNV(command_buffer, shading_rate, to_vk(NTuple{2, VkFragmentShadingRateCombinerOpKHR}, combiner_ops), fptr) function _get_acceleration_structure_build_sizes_khr(device, build_type::AccelerationStructureBuildTypeKHR, build_info::_AccelerationStructureBuildGeometryInfoKHR, fptr::FunctionPtr; max_primitive_counts = C_NULL)::_AccelerationStructureBuildSizesInfoKHR pSizeInfo = Ref{VkAccelerationStructureBuildSizesInfoKHR}() vkGetAccelerationStructureBuildSizesKHR(device, build_type, build_info, max_primitive_counts, pSizeInfo, fptr) from_vk(_AccelerationStructureBuildSizesInfoKHR, pSizeInfo[]) end _cmd_set_vertex_input_ext(command_buffer, vertex_binding_descriptions::AbstractArray, vertex_attribute_descriptions::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetVertexInputEXT(command_buffer, pointer_length(vertex_binding_descriptions), vertex_binding_descriptions, pointer_length(vertex_attribute_descriptions), vertex_attribute_descriptions, fptr) _cmd_set_color_write_enable_ext(command_buffer, color_write_enables::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetColorWriteEnableEXT(command_buffer, pointer_length(color_write_enables), color_write_enables, fptr) _cmd_set_event_2(command_buffer, event, dependency_info::_DependencyInfo, fptr::FunctionPtr)::Cvoid = vkCmdSetEvent2(command_buffer, event, dependency_info, fptr) _cmd_reset_event_2(command_buffer, event, fptr::FunctionPtr; stage_mask = 0)::Cvoid = vkCmdResetEvent2(command_buffer, event, stage_mask, fptr) _cmd_wait_events_2(command_buffer, events::AbstractArray, dependency_infos::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdWaitEvents2(command_buffer, pointer_length(events), events, dependency_infos, fptr) _cmd_pipeline_barrier_2(command_buffer, dependency_info::_DependencyInfo, fptr::FunctionPtr)::Cvoid = vkCmdPipelineBarrier2(command_buffer, dependency_info, fptr) _queue_submit_2(queue, submits::AbstractArray, fptr::FunctionPtr; fence = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkQueueSubmit2(queue, pointer_length(submits), submits, fence, fptr)) _cmd_write_timestamp_2(command_buffer, query_pool, query::Integer, fptr::FunctionPtr; stage = 0)::Cvoid = vkCmdWriteTimestamp2(command_buffer, stage, query_pool, query, fptr) _cmd_write_buffer_marker_2_amd(command_buffer, dst_buffer, dst_offset::Integer, marker::Integer, fptr::FunctionPtr; stage = 0)::Cvoid = vkCmdWriteBufferMarker2AMD(command_buffer, stage, dst_buffer, dst_offset, marker, fptr) function _get_queue_checkpoint_data_2_nv(queue, fptr::FunctionPtr)::Vector{_CheckpointData2NV} pCheckpointDataCount = Ref{UInt32}() vkGetQueueCheckpointData2NV(queue, pCheckpointDataCount, C_NULL, fptr) pCheckpointData = Vector{VkCheckpointData2NV}(undef, pCheckpointDataCount[]) vkGetQueueCheckpointData2NV(queue, pCheckpointDataCount, pCheckpointData, fptr) from_vk.(_CheckpointData2NV, pCheckpointData) end function _get_physical_device_video_capabilities_khr(physical_device, video_profile::_VideoProfileInfoKHR, fptr::FunctionPtr, next_types::Type...)::ResultTypes.Result{_VideoCapabilitiesKHR, VulkanError} capabilities = initialize(_VideoCapabilitiesKHR, next_types...) pCapabilities = Ref(Base.unsafe_convert(VkVideoCapabilitiesKHR, capabilities)) GC.@preserve capabilities begin @check vkGetPhysicalDeviceVideoCapabilitiesKHR(physical_device, video_profile, pCapabilities, fptr) _VideoCapabilitiesKHR(pCapabilities[], Any[capabilities]) end end function _get_physical_device_video_format_properties_khr(physical_device, video_format_info::_PhysicalDeviceVideoFormatInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Vector{_VideoFormatPropertiesKHR}, VulkanError} pVideoFormatPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceVideoFormatPropertiesKHR(physical_device, video_format_info, pVideoFormatPropertyCount, C_NULL, fptr) pVideoFormatProperties = Vector{VkVideoFormatPropertiesKHR}(undef, pVideoFormatPropertyCount[]) @check vkGetPhysicalDeviceVideoFormatPropertiesKHR(physical_device, video_format_info, pVideoFormatPropertyCount, pVideoFormatProperties, fptr) end from_vk.(_VideoFormatPropertiesKHR, pVideoFormatProperties) end function _create_video_session_khr(device, create_info::_VideoSessionCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{VideoSessionKHR, VulkanError} pVideoSession = Ref{VkVideoSessionKHR}() @check vkCreateVideoSessionKHR(device, create_info, allocator, pVideoSession, fptr_create) VideoSessionKHR(pVideoSession[], begin parent = Vk.handle(device) x->_destroy_video_session_khr(parent, x, fptr_destroy; allocator) end, device) end _destroy_video_session_khr(device, video_session, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyVideoSessionKHR(device, video_session, allocator, fptr) function _create_video_session_parameters_khr(device, create_info::_VideoSessionParametersCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{VideoSessionParametersKHR, VulkanError} pVideoSessionParameters = Ref{VkVideoSessionParametersKHR}() @check vkCreateVideoSessionParametersKHR(device, create_info, allocator, pVideoSessionParameters, fptr_create) VideoSessionParametersKHR(pVideoSessionParameters[], (x->_destroy_video_session_parameters_khr(device, x, fptr_destroy; allocator)), getproperty(create_info, :video_session)) end _update_video_session_parameters_khr(device, video_session_parameters, update_info::_VideoSessionParametersUpdateInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkUpdateVideoSessionParametersKHR(device, video_session_parameters, update_info, fptr)) _destroy_video_session_parameters_khr(device, video_session_parameters, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyVideoSessionParametersKHR(device, video_session_parameters, allocator, fptr) function _get_video_session_memory_requirements_khr(device, video_session, fptr::FunctionPtr)::Vector{_VideoSessionMemoryRequirementsKHR} pMemoryRequirementsCount = Ref{UInt32}() @repeat_while_incomplete begin vkGetVideoSessionMemoryRequirementsKHR(device, video_session, pMemoryRequirementsCount, C_NULL, fptr) pMemoryRequirements = Vector{VkVideoSessionMemoryRequirementsKHR}(undef, pMemoryRequirementsCount[]) vkGetVideoSessionMemoryRequirementsKHR(device, video_session, pMemoryRequirementsCount, pMemoryRequirements, fptr) end from_vk.(_VideoSessionMemoryRequirementsKHR, pMemoryRequirements) end _bind_video_session_memory_khr(device, video_session, bind_session_memory_infos::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkBindVideoSessionMemoryKHR(device, video_session, pointer_length(bind_session_memory_infos), bind_session_memory_infos, fptr)) _cmd_decode_video_khr(command_buffer, decode_info::_VideoDecodeInfoKHR, fptr::FunctionPtr)::Cvoid = vkCmdDecodeVideoKHR(command_buffer, decode_info, fptr) _cmd_begin_video_coding_khr(command_buffer, begin_info::_VideoBeginCodingInfoKHR, fptr::FunctionPtr)::Cvoid = vkCmdBeginVideoCodingKHR(command_buffer, begin_info, fptr) _cmd_control_video_coding_khr(command_buffer, coding_control_info::_VideoCodingControlInfoKHR, fptr::FunctionPtr)::Cvoid = vkCmdControlVideoCodingKHR(command_buffer, coding_control_info, fptr) _cmd_end_video_coding_khr(command_buffer, end_coding_info::_VideoEndCodingInfoKHR, fptr::FunctionPtr)::Cvoid = vkCmdEndVideoCodingKHR(command_buffer, end_coding_info, fptr) _cmd_decompress_memory_nv(command_buffer, decompress_memory_regions::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdDecompressMemoryNV(command_buffer, pointer_length(decompress_memory_regions), decompress_memory_regions, fptr) _cmd_decompress_memory_indirect_count_nv(command_buffer, indirect_commands_address::Integer, indirect_commands_count_address::Integer, stride::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDecompressMemoryIndirectCountNV(command_buffer, indirect_commands_address, indirect_commands_count_address, stride, fptr) function _create_cu_module_nvx(device, create_info::_CuModuleCreateInfoNVX, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{CuModuleNVX, VulkanError} pModule = Ref{VkCuModuleNVX}() @check vkCreateCuModuleNVX(device, create_info, allocator, pModule, fptr_create) CuModuleNVX(pModule[], begin parent = Vk.handle(device) x->_destroy_cu_module_nvx(parent, x, fptr_destroy; allocator) end, device) end function _create_cu_function_nvx(device, create_info::_CuFunctionCreateInfoNVX, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{CuFunctionNVX, VulkanError} pFunction = Ref{VkCuFunctionNVX}() @check vkCreateCuFunctionNVX(device, create_info, allocator, pFunction, fptr_create) CuFunctionNVX(pFunction[], begin parent = Vk.handle(device) x->_destroy_cu_function_nvx(parent, x, fptr_destroy; allocator) end, device) end _destroy_cu_module_nvx(device, _module, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyCuModuleNVX(device, _module, allocator, fptr) _destroy_cu_function_nvx(device, _function, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyCuFunctionNVX(device, _function, allocator, fptr) _cmd_cu_launch_kernel_nvx(command_buffer, launch_info::_CuLaunchInfoNVX, fptr::FunctionPtr)::Cvoid = vkCmdCuLaunchKernelNVX(command_buffer, launch_info, fptr) function _get_descriptor_set_layout_size_ext(device, layout, fptr::FunctionPtr)::UInt64 pLayoutSizeInBytes = Ref{VkDeviceSize}() vkGetDescriptorSetLayoutSizeEXT(device, layout, pLayoutSizeInBytes, fptr) pLayoutSizeInBytes[] end function _get_descriptor_set_layout_binding_offset_ext(device, layout, binding::Integer, fptr::FunctionPtr)::UInt64 pOffset = Ref{VkDeviceSize}() vkGetDescriptorSetLayoutBindingOffsetEXT(device, layout, binding, pOffset, fptr) pOffset[] end _get_descriptor_ext(device, descriptor_info::_DescriptorGetInfoEXT, data_size::Integer, descriptor::Ptr{Cvoid}, fptr::FunctionPtr)::Cvoid = vkGetDescriptorEXT(device, descriptor_info, data_size, descriptor, fptr) _cmd_bind_descriptor_buffers_ext(command_buffer, binding_infos::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdBindDescriptorBuffersEXT(command_buffer, pointer_length(binding_infos), binding_infos, fptr) _cmd_set_descriptor_buffer_offsets_ext(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, buffer_indices::AbstractArray, offsets::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetDescriptorBufferOffsetsEXT(command_buffer, pipeline_bind_point, layout, 0, pointer_length(buffer_indices), buffer_indices, offsets, fptr) _cmd_bind_descriptor_buffer_embedded_samplers_ext(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, set::Integer, fptr::FunctionPtr)::Cvoid = vkCmdBindDescriptorBufferEmbeddedSamplersEXT(command_buffer, pipeline_bind_point, layout, set, fptr) function _get_buffer_opaque_capture_descriptor_data_ext(device, info::_BufferCaptureDescriptorDataInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} pData = Ref{Ptr{Cvoid}}() @check vkGetBufferOpaqueCaptureDescriptorDataEXT(device, info, pData, fptr) pData[] end function _get_image_opaque_capture_descriptor_data_ext(device, info::_ImageCaptureDescriptorDataInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} pData = Ref{Ptr{Cvoid}}() @check vkGetImageOpaqueCaptureDescriptorDataEXT(device, info, pData, fptr) pData[] end function _get_image_view_opaque_capture_descriptor_data_ext(device, info::_ImageViewCaptureDescriptorDataInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} pData = Ref{Ptr{Cvoid}}() @check vkGetImageViewOpaqueCaptureDescriptorDataEXT(device, info, pData, fptr) pData[] end function _get_sampler_opaque_capture_descriptor_data_ext(device, info::_SamplerCaptureDescriptorDataInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} pData = Ref{Ptr{Cvoid}}() @check vkGetSamplerOpaqueCaptureDescriptorDataEXT(device, info, pData, fptr) pData[] end function _get_acceleration_structure_opaque_capture_descriptor_data_ext(device, info::_AccelerationStructureCaptureDescriptorDataInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} pData = Ref{Ptr{Cvoid}}() @check vkGetAccelerationStructureOpaqueCaptureDescriptorDataEXT(device, info, pData, fptr) pData[] end _set_device_memory_priority_ext(device, memory, priority::Real, fptr::FunctionPtr)::Cvoid = vkSetDeviceMemoryPriorityEXT(device, memory, priority, fptr) _acquire_drm_display_ext(physical_device, drm_fd::Integer, display, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkAcquireDrmDisplayEXT(physical_device, drm_fd, display, fptr)) function _get_drm_display_ext(physical_device, drm_fd::Integer, connector_id::Integer, fptr::FunctionPtr)::ResultTypes.Result{DisplayKHR, VulkanError} display = Ref{VkDisplayKHR}() @check vkGetDrmDisplayEXT(physical_device, drm_fd, connector_id, display, fptr) DisplayKHR(display[], identity, physical_device) end _wait_for_present_khr(device, swapchain, present_id::Integer, timeout::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkWaitForPresentKHR(device, swapchain, present_id, timeout, fptr)) _cmd_begin_rendering(command_buffer, rendering_info::_RenderingInfo, fptr::FunctionPtr)::Cvoid = vkCmdBeginRendering(command_buffer, rendering_info, fptr) _cmd_end_rendering(command_buffer, fptr::FunctionPtr)::Cvoid = vkCmdEndRendering(command_buffer, fptr) function _get_descriptor_set_layout_host_mapping_info_valve(device, binding_reference::_DescriptorSetBindingReferenceVALVE, fptr::FunctionPtr)::_DescriptorSetLayoutHostMappingInfoVALVE pHostMapping = Ref{VkDescriptorSetLayoutHostMappingInfoVALVE}() vkGetDescriptorSetLayoutHostMappingInfoVALVE(device, binding_reference, pHostMapping, fptr) from_vk(_DescriptorSetLayoutHostMappingInfoVALVE, pHostMapping[]) end function _get_descriptor_set_host_mapping_valve(device, descriptor_set, fptr::FunctionPtr)::Ptr{Cvoid} ppData = Ref{Ptr{Cvoid}}() vkGetDescriptorSetHostMappingVALVE(device, descriptor_set, ppData, fptr) ppData[] end function _create_micromap_ext(device, create_info::_MicromapCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{MicromapEXT, VulkanError} pMicromap = Ref{VkMicromapEXT}() @check vkCreateMicromapEXT(device, create_info, allocator, pMicromap, fptr_create) MicromapEXT(pMicromap[], begin parent = Vk.handle(device) x->_destroy_micromap_ext(parent, x, fptr_destroy; allocator) end, device) end _cmd_build_micromaps_ext(command_buffer, infos::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdBuildMicromapsEXT(command_buffer, pointer_length(infos), infos, fptr) _build_micromaps_ext(device, infos::AbstractArray, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkBuildMicromapsEXT(device, deferred_operation, pointer_length(infos), infos, fptr)) _destroy_micromap_ext(device, micromap, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyMicromapEXT(device, micromap, allocator, fptr) _cmd_copy_micromap_ext(command_buffer, info::_CopyMicromapInfoEXT, fptr::FunctionPtr)::Cvoid = vkCmdCopyMicromapEXT(command_buffer, info, fptr) _copy_micromap_ext(device, info::_CopyMicromapInfoEXT, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkCopyMicromapEXT(device, deferred_operation, info, fptr)) _cmd_copy_micromap_to_memory_ext(command_buffer, info::_CopyMicromapToMemoryInfoEXT, fptr::FunctionPtr)::Cvoid = vkCmdCopyMicromapToMemoryEXT(command_buffer, info, fptr) _copy_micromap_to_memory_ext(device, info::_CopyMicromapToMemoryInfoEXT, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkCopyMicromapToMemoryEXT(device, deferred_operation, info, fptr)) _cmd_copy_memory_to_micromap_ext(command_buffer, info::_CopyMemoryToMicromapInfoEXT, fptr::FunctionPtr)::Cvoid = vkCmdCopyMemoryToMicromapEXT(command_buffer, info, fptr) _copy_memory_to_micromap_ext(device, info::_CopyMemoryToMicromapInfoEXT, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkCopyMemoryToMicromapEXT(device, deferred_operation, info, fptr)) _cmd_write_micromaps_properties_ext(command_buffer, micromaps::AbstractArray, query_type::QueryType, query_pool, first_query::Integer, fptr::FunctionPtr)::Cvoid = vkCmdWriteMicromapsPropertiesEXT(command_buffer, pointer_length(micromaps), micromaps, query_type, query_pool, first_query, fptr) _write_micromaps_properties_ext(device, micromaps::AbstractArray, query_type::QueryType, data_size::Integer, data::Ptr{Cvoid}, stride::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkWriteMicromapsPropertiesEXT(device, pointer_length(micromaps), micromaps, query_type, data_size, data, stride, fptr)) function _get_device_micromap_compatibility_ext(device, version_info::_MicromapVersionInfoEXT, fptr::FunctionPtr)::AccelerationStructureCompatibilityKHR pCompatibility = Ref{VkAccelerationStructureCompatibilityKHR}() vkGetDeviceMicromapCompatibilityEXT(device, version_info, pCompatibility, fptr) pCompatibility[] end function _get_micromap_build_sizes_ext(device, build_type::AccelerationStructureBuildTypeKHR, build_info::_MicromapBuildInfoEXT, fptr::FunctionPtr)::_MicromapBuildSizesInfoEXT pSizeInfo = Ref{VkMicromapBuildSizesInfoEXT}() vkGetMicromapBuildSizesEXT(device, build_type, build_info, pSizeInfo, fptr) from_vk(_MicromapBuildSizesInfoEXT, pSizeInfo[]) end function _get_shader_module_identifier_ext(device, shader_module, fptr::FunctionPtr)::_ShaderModuleIdentifierEXT pIdentifier = Ref{VkShaderModuleIdentifierEXT}() vkGetShaderModuleIdentifierEXT(device, shader_module, pIdentifier, fptr) from_vk(_ShaderModuleIdentifierEXT, pIdentifier[]) end function _get_shader_module_create_info_identifier_ext(device, create_info::_ShaderModuleCreateInfo, fptr::FunctionPtr)::_ShaderModuleIdentifierEXT pIdentifier = Ref{VkShaderModuleIdentifierEXT}() vkGetShaderModuleCreateInfoIdentifierEXT(device, create_info, pIdentifier, fptr) from_vk(_ShaderModuleIdentifierEXT, pIdentifier[]) end function _get_image_subresource_layout_2_ext(device, image, subresource::_ImageSubresource2EXT, fptr::FunctionPtr, next_types::Type...)::_SubresourceLayout2EXT layout = initialize(_SubresourceLayout2EXT, next_types...) pLayout = Ref(Base.unsafe_convert(VkSubresourceLayout2EXT, layout)) GC.@preserve layout begin vkGetImageSubresourceLayout2EXT(device, image, subresource, pLayout, fptr) _SubresourceLayout2EXT(pLayout[], Any[layout]) end end function _get_pipeline_properties_ext(device, pipeline_info::VkPipelineInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{_BaseOutStructure, VulkanError} pPipelineProperties = Ref{VkBaseOutStructure}() @check vkGetPipelinePropertiesEXT(device, Ref(pipeline_info), pPipelineProperties, fptr) from_vk(_BaseOutStructure, pPipelineProperties[]) end function _get_framebuffer_tile_properties_qcom(device, framebuffer, fptr::FunctionPtr)::Vector{_TilePropertiesQCOM} pPropertiesCount = Ref{UInt32}() @repeat_while_incomplete begin vkGetFramebufferTilePropertiesQCOM(device, framebuffer, pPropertiesCount, C_NULL, fptr) pProperties = Vector{VkTilePropertiesQCOM}(undef, pPropertiesCount[]) vkGetFramebufferTilePropertiesQCOM(device, framebuffer, pPropertiesCount, pProperties, fptr) end from_vk.(_TilePropertiesQCOM, pProperties) end function _get_dynamic_rendering_tile_properties_qcom(device, rendering_info::_RenderingInfo, fptr::FunctionPtr)::_TilePropertiesQCOM pProperties = Ref{VkTilePropertiesQCOM}() vkGetDynamicRenderingTilePropertiesQCOM(device, rendering_info, pProperties, fptr) from_vk(_TilePropertiesQCOM, pProperties[]) end function _get_physical_device_optical_flow_image_formats_nv(physical_device, optical_flow_image_format_info::_OpticalFlowImageFormatInfoNV, fptr::FunctionPtr)::ResultTypes.Result{Vector{_OpticalFlowImageFormatPropertiesNV}, VulkanError} pFormatCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceOpticalFlowImageFormatsNV(physical_device, optical_flow_image_format_info, pFormatCount, C_NULL, fptr) pImageFormatProperties = Vector{VkOpticalFlowImageFormatPropertiesNV}(undef, pFormatCount[]) @check vkGetPhysicalDeviceOpticalFlowImageFormatsNV(physical_device, optical_flow_image_format_info, pFormatCount, pImageFormatProperties, fptr) end from_vk.(_OpticalFlowImageFormatPropertiesNV, pImageFormatProperties) end function _create_optical_flow_session_nv(device, create_info::_OpticalFlowSessionCreateInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{OpticalFlowSessionNV, VulkanError} pSession = Ref{VkOpticalFlowSessionNV}() @check vkCreateOpticalFlowSessionNV(device, create_info, allocator, pSession, fptr_create) OpticalFlowSessionNV(pSession[], begin parent = Vk.handle(device) x->_destroy_optical_flow_session_nv(parent, x, fptr_destroy; allocator) end, device) end _destroy_optical_flow_session_nv(device, session, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyOpticalFlowSessionNV(device, session, allocator, fptr) _bind_optical_flow_session_image_nv(device, session, binding_point::OpticalFlowSessionBindingPointNV, layout::ImageLayout, fptr::FunctionPtr; view = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkBindOpticalFlowSessionImageNV(device, session, binding_point, view, layout, fptr)) _cmd_optical_flow_execute_nv(command_buffer, session, execute_info::_OpticalFlowExecuteInfoNV, fptr::FunctionPtr)::Cvoid = vkCmdOpticalFlowExecuteNV(command_buffer, session, execute_info, fptr) function _get_device_fault_info_ext(device, fptr::FunctionPtr)::ResultTypes.Result{Tuple{_DeviceFaultCountsEXT, _DeviceFaultInfoEXT}, VulkanError} pFaultCounts = Ref{VkDeviceFaultCountsEXT}() pFaultInfo = Ref{VkDeviceFaultInfoEXT}() @check vkGetDeviceFaultInfoEXT(device, pFaultCounts, pFaultInfo, fptr) (from_vk(_DeviceFaultCountsEXT, pFaultCounts[]), from_vk(_DeviceFaultInfoEXT, pFaultInfo[])) end _release_swapchain_images_ext(device, release_info::_ReleaseSwapchainImagesInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkReleaseSwapchainImagesEXT(device, release_info, fptr)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_LAYER_NOT_PRESENT` - `ERROR_EXTENSION_NOT_PRESENT` - `ERROR_INCOMPATIBLE_DRIVER` Arguments: - `create_info::InstanceCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateInstance.html) """ function create_instance(create_info::InstanceCreateInfo; allocator = C_NULL)::ResultTypes.Result{Instance, VulkanError} val = @propagate_errors(_create_instance(convert(_InstanceCreateInfo, create_info); allocator)) val end """ Arguments: - `instance::Instance` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyInstance.html) """ function destroy_instance(instance; allocator = C_NULL) _destroy_instance(instance; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `instance::Instance` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumeratePhysicalDevices.html) """ function enumerate_physical_devices(instance)::ResultTypes.Result{Vector{PhysicalDevice}, VulkanError} val = @propagate_errors(_enumerate_physical_devices(instance)) val end """ Arguments: - `device::Device` - `name::String` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceProcAddr.html) """ function get_device_proc_addr(device, name::AbstractString) _get_device_proc_addr(device, name) end """ Arguments: - `name::String` - `instance::Instance`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetInstanceProcAddr.html) """ function get_instance_proc_addr(name::AbstractString; instance = C_NULL) _get_instance_proc_addr(name; instance) end """ Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceProperties.html) """ function get_physical_device_properties(physical_device) PhysicalDeviceProperties(_get_physical_device_properties(physical_device)) end """ Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceQueueFamilyProperties.html) """ function get_physical_device_queue_family_properties(physical_device) QueueFamilyProperties.(_get_physical_device_queue_family_properties(physical_device)) end """ Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceMemoryProperties.html) """ function get_physical_device_memory_properties(physical_device) PhysicalDeviceMemoryProperties(_get_physical_device_memory_properties(physical_device)) end """ Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceFeatures.html) """ function get_physical_device_features(physical_device) PhysicalDeviceFeatures(_get_physical_device_features(physical_device)) end """ Arguments: - `physical_device::PhysicalDevice` - `format::Format` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceFormatProperties.html) """ function get_physical_device_format_properties(physical_device, format::Format) FormatProperties(_get_physical_device_format_properties(physical_device, format)) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_FORMAT_NOT_SUPPORTED` Arguments: - `physical_device::PhysicalDevice` - `format::Format` - `type::ImageType` - `tiling::ImageTiling` - `usage::ImageUsageFlag` - `flags::ImageCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceImageFormatProperties.html) """ function get_physical_device_image_format_properties(physical_device, format::Format, type::ImageType, tiling::ImageTiling, usage::ImageUsageFlag; flags = 0)::ResultTypes.Result{ImageFormatProperties, VulkanError} val = @propagate_errors(_get_physical_device_image_format_properties(physical_device, format, type, tiling, usage; flags)) ImageFormatProperties(val) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_EXTENSION_NOT_PRESENT` - `ERROR_FEATURE_NOT_PRESENT` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_DEVICE_LOST` Arguments: - `physical_device::PhysicalDevice` - `create_info::DeviceCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDevice.html) """ function create_device(physical_device, create_info::DeviceCreateInfo; allocator = C_NULL)::ResultTypes.Result{Device, VulkanError} val = @propagate_errors(_create_device(physical_device, convert(_DeviceCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDevice.html) """ function destroy_device(device; allocator = C_NULL) _destroy_device(device; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumerateInstanceVersion.html) """ function enumerate_instance_version()::ResultTypes.Result{VersionNumber, VulkanError} val = @propagate_errors(_enumerate_instance_version()) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumerateInstanceLayerProperties.html) """ function enumerate_instance_layer_properties()::ResultTypes.Result{Vector{LayerProperties}, VulkanError} val = @propagate_errors(_enumerate_instance_layer_properties()) LayerProperties.(val) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_LAYER_NOT_PRESENT` Arguments: - `layer_name::String`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumerateInstanceExtensionProperties.html) """ function enumerate_instance_extension_properties(; layer_name = C_NULL)::ResultTypes.Result{Vector{ExtensionProperties}, VulkanError} val = @propagate_errors(_enumerate_instance_extension_properties(; layer_name)) ExtensionProperties.(val) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumerateDeviceLayerProperties.html) """ function enumerate_device_layer_properties(physical_device)::ResultTypes.Result{Vector{LayerProperties}, VulkanError} val = @propagate_errors(_enumerate_device_layer_properties(physical_device)) LayerProperties.(val) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_LAYER_NOT_PRESENT` Arguments: - `physical_device::PhysicalDevice` - `layer_name::String`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumerateDeviceExtensionProperties.html) """ function enumerate_device_extension_properties(physical_device; layer_name = C_NULL)::ResultTypes.Result{Vector{ExtensionProperties}, VulkanError} val = @propagate_errors(_enumerate_device_extension_properties(physical_device; layer_name)) ExtensionProperties.(val) end """ Arguments: - `device::Device` - `queue_family_index::UInt32` - `queue_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceQueue.html) """ function get_device_queue(device, queue_family_index::Integer, queue_index::Integer) _get_device_queue(device, queue_family_index, queue_index) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `queue::Queue` (externsync) - `submits::Vector{SubmitInfo}` - `fence::Fence`: defaults to `C_NULL` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueSubmit.html) """ function queue_submit(queue, submits::AbstractArray; fence = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_queue_submit(queue, convert(AbstractArray{_SubmitInfo}, submits); fence)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `queue::Queue` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueWaitIdle.html) """ function queue_wait_idle(queue)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_queue_wait_idle(queue)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDeviceWaitIdle.html) """ function device_wait_idle(device)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_device_wait_idle(device)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `allocate_info::MemoryAllocateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAllocateMemory.html) """ function allocate_memory(device, allocate_info::MemoryAllocateInfo; allocator = C_NULL)::ResultTypes.Result{DeviceMemory, VulkanError} val = @propagate_errors(_allocate_memory(device, convert(_MemoryAllocateInfo, allocate_info); allocator)) val end """ Arguments: - `device::Device` - `memory::DeviceMemory` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkFreeMemory.html) """ function free_memory(device, memory; allocator = C_NULL) _free_memory(device, memory; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_MEMORY_MAP_FAILED` Arguments: - `device::Device` - `memory::DeviceMemory` (externsync) - `offset::UInt64` - `size::UInt64` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkMapMemory.html) """ function map_memory(device, memory, offset::Integer, size::Integer; flags = 0)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} val = @propagate_errors(_map_memory(device, memory, offset, size; flags)) val end """ Arguments: - `device::Device` - `memory::DeviceMemory` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkUnmapMemory.html) """ function unmap_memory(device, memory) _unmap_memory(device, memory) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `memory_ranges::Vector{MappedMemoryRange}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkFlushMappedMemoryRanges.html) """ function flush_mapped_memory_ranges(device, memory_ranges::AbstractArray)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_flush_mapped_memory_ranges(device, convert(AbstractArray{_MappedMemoryRange}, memory_ranges))) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `memory_ranges::Vector{MappedMemoryRange}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkInvalidateMappedMemoryRanges.html) """ function invalidate_mapped_memory_ranges(device, memory_ranges::AbstractArray)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_invalidate_mapped_memory_ranges(device, convert(AbstractArray{_MappedMemoryRange}, memory_ranges))) val end """ Arguments: - `device::Device` - `memory::DeviceMemory` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceMemoryCommitment.html) """ function get_device_memory_commitment(device, memory) _get_device_memory_commitment(device, memory) end """ Arguments: - `device::Device` - `buffer::Buffer` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetBufferMemoryRequirements.html) """ function get_buffer_memory_requirements(device, buffer) MemoryRequirements(_get_buffer_memory_requirements(device, buffer)) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `buffer::Buffer` (externsync) - `memory::DeviceMemory` - `memory_offset::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindBufferMemory.html) """ function bind_buffer_memory(device, buffer, memory, memory_offset::Integer)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_buffer_memory(device, buffer, memory, memory_offset)) val end """ Arguments: - `device::Device` - `image::Image` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageMemoryRequirements.html) """ function get_image_memory_requirements(device, image) MemoryRequirements(_get_image_memory_requirements(device, image)) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `image::Image` (externsync) - `memory::DeviceMemory` - `memory_offset::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindImageMemory.html) """ function bind_image_memory(device, image, memory, memory_offset::Integer)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_image_memory(device, image, memory, memory_offset)) val end """ Arguments: - `device::Device` - `image::Image` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageSparseMemoryRequirements.html) """ function get_image_sparse_memory_requirements(device, image) SparseImageMemoryRequirements.(_get_image_sparse_memory_requirements(device, image)) end """ Arguments: - `physical_device::PhysicalDevice` - `format::Format` - `type::ImageType` - `samples::SampleCountFlag` - `usage::ImageUsageFlag` - `tiling::ImageTiling` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSparseImageFormatProperties.html) """ function get_physical_device_sparse_image_format_properties(physical_device, format::Format, type::ImageType, samples::SampleCountFlag, usage::ImageUsageFlag, tiling::ImageTiling) SparseImageFormatProperties.(_get_physical_device_sparse_image_format_properties(physical_device, format, type, samples, usage, tiling)) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `queue::Queue` (externsync) - `bind_info::Vector{BindSparseInfo}` - `fence::Fence`: defaults to `C_NULL` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueBindSparse.html) """ function queue_bind_sparse(queue, bind_info::AbstractArray; fence = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_queue_bind_sparse(queue, convert(AbstractArray{_BindSparseInfo}, bind_info); fence)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::FenceCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateFence.html) """ function create_fence(device, create_info::FenceCreateInfo; allocator = C_NULL)::ResultTypes.Result{Fence, VulkanError} val = @propagate_errors(_create_fence(device, convert(_FenceCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `fence::Fence` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyFence.html) """ function destroy_fence(device, fence; allocator = C_NULL) _destroy_fence(device, fence; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `fences::Vector{Fence}` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkResetFences.html) """ function reset_fences(device, fences::AbstractArray)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_reset_fences(device, fences)) val end """ Return codes: - `SUCCESS` - `NOT_READY` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` - `fence::Fence` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetFenceStatus.html) """ function get_fence_status(device, fence)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_fence_status(device, fence)) val end """ Return codes: - `SUCCESS` - `TIMEOUT` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` - `fences::Vector{Fence}` - `wait_all::Bool` - `timeout::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkWaitForFences.html) """ function wait_for_fences(device, fences::AbstractArray, wait_all::Bool, timeout::Integer)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_wait_for_fences(device, fences, wait_all, timeout)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::SemaphoreCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSemaphore.html) """ function create_semaphore(device, create_info::SemaphoreCreateInfo; allocator = C_NULL)::ResultTypes.Result{Semaphore, VulkanError} val = @propagate_errors(_create_semaphore(device, convert(_SemaphoreCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `semaphore::Semaphore` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroySemaphore.html) """ function destroy_semaphore(device, semaphore; allocator = C_NULL) _destroy_semaphore(device, semaphore; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::EventCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateEvent.html) """ function create_event(device, create_info::EventCreateInfo; allocator = C_NULL)::ResultTypes.Result{Event, VulkanError} val = @propagate_errors(_create_event(device, convert(_EventCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `event::Event` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyEvent.html) """ function destroy_event(device, event; allocator = C_NULL) _destroy_event(device, event; allocator) end """ Return codes: - `EVENT_SET` - `EVENT_RESET` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` - `event::Event` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetEventStatus.html) """ function get_event_status(device, event)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_event_status(device, event)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `event::Event` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetEvent.html) """ function set_event(device, event)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_set_event(device, event)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `event::Event` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkResetEvent.html) """ function reset_event(device, event)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_reset_event(device, event)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::QueryPoolCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateQueryPool.html) """ function create_query_pool(device, create_info::QueryPoolCreateInfo; allocator = C_NULL)::ResultTypes.Result{QueryPool, VulkanError} val = @propagate_errors(_create_query_pool(device, convert(_QueryPoolCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `query_pool::QueryPool` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyQueryPool.html) """ function destroy_query_pool(device, query_pool; allocator = C_NULL) _destroy_query_pool(device, query_pool; allocator) end """ Return codes: - `SUCCESS` - `NOT_READY` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` - `query_pool::QueryPool` - `first_query::UInt32` - `query_count::UInt32` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) - `stride::UInt64` - `flags::QueryResultFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetQueryPoolResults.html) """ function get_query_pool_results(device, query_pool, first_query::Integer, query_count::Integer, data_size::Integer, data::Ptr{Cvoid}, stride::Integer; flags = 0)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_query_pool_results(device, query_pool, first_query, query_count, data_size, data, stride; flags)) val end """ Arguments: - `device::Device` - `query_pool::QueryPool` - `first_query::UInt32` - `query_count::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkResetQueryPool.html) """ function reset_query_pool(device, query_pool, first_query::Integer, query_count::Integer) _reset_query_pool(device, query_pool, first_query, query_count) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `create_info::BufferCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateBuffer.html) """ function create_buffer(device, create_info::BufferCreateInfo; allocator = C_NULL)::ResultTypes.Result{Buffer, VulkanError} val = @propagate_errors(_create_buffer(device, convert(_BufferCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `buffer::Buffer` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyBuffer.html) """ function destroy_buffer(device, buffer; allocator = C_NULL) _destroy_buffer(device, buffer; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::BufferViewCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateBufferView.html) """ function create_buffer_view(device, create_info::BufferViewCreateInfo; allocator = C_NULL)::ResultTypes.Result{BufferView, VulkanError} val = @propagate_errors(_create_buffer_view(device, convert(_BufferViewCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `buffer_view::BufferView` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyBufferView.html) """ function destroy_buffer_view(device, buffer_view; allocator = C_NULL) _destroy_buffer_view(device, buffer_view; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_COMPRESSION_EXHAUSTED_EXT` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `create_info::ImageCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateImage.html) """ function create_image(device, create_info::ImageCreateInfo; allocator = C_NULL)::ResultTypes.Result{Image, VulkanError} val = @propagate_errors(_create_image(device, convert(_ImageCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `image::Image` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyImage.html) """ function destroy_image(device, image; allocator = C_NULL) _destroy_image(device, image; allocator) end """ Arguments: - `device::Device` - `image::Image` - `subresource::ImageSubresource` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageSubresourceLayout.html) """ function get_image_subresource_layout(device, image, subresource::ImageSubresource) SubresourceLayout(_get_image_subresource_layout(device, image, convert(_ImageSubresource, subresource))) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `create_info::ImageViewCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateImageView.html) """ function create_image_view(device, create_info::ImageViewCreateInfo; allocator = C_NULL)::ResultTypes.Result{ImageView, VulkanError} val = @propagate_errors(_create_image_view(device, convert(_ImageViewCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `image_view::ImageView` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyImageView.html) """ function destroy_image_view(device, image_view; allocator = C_NULL) _destroy_image_view(device, image_view; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_SHADER_NV` Arguments: - `device::Device` - `create_info::ShaderModuleCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateShaderModule.html) """ function create_shader_module(device, create_info::ShaderModuleCreateInfo; allocator = C_NULL)::ResultTypes.Result{ShaderModule, VulkanError} val = @propagate_errors(_create_shader_module(device, convert(_ShaderModuleCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `shader_module::ShaderModule` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyShaderModule.html) """ function destroy_shader_module(device, shader_module; allocator = C_NULL) _destroy_shader_module(device, shader_module; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::PipelineCacheCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePipelineCache.html) """ function create_pipeline_cache(device, create_info::PipelineCacheCreateInfo; allocator = C_NULL)::ResultTypes.Result{PipelineCache, VulkanError} val = @propagate_errors(_create_pipeline_cache(device, convert(_PipelineCacheCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `pipeline_cache::PipelineCache` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyPipelineCache.html) """ function destroy_pipeline_cache(device, pipeline_cache; allocator = C_NULL) _destroy_pipeline_cache(device, pipeline_cache; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `pipeline_cache::PipelineCache` !!! warning The pointer returned by this function holds memory owned by Julia. It is therefore **your** responsibility to free it after use (e.g. with `Libc.free`). [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPipelineCacheData.html) """ function get_pipeline_cache_data(device, pipeline_cache)::ResultTypes.Result{Tuple{UInt, Ptr{Cvoid}}, VulkanError} val = @propagate_errors(_get_pipeline_cache_data(device, pipeline_cache)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `dst_cache::PipelineCache` (externsync) - `src_caches::Vector{PipelineCache}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkMergePipelineCaches.html) """ function merge_pipeline_caches(device, dst_cache, src_caches::AbstractArray)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_merge_pipeline_caches(device, dst_cache, src_caches)) val end """ Return codes: - `SUCCESS` - `PIPELINE_COMPILE_REQUIRED_EXT` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_SHADER_NV` Arguments: - `device::Device` - `create_infos::Vector{GraphicsPipelineCreateInfo}` - `pipeline_cache::PipelineCache`: defaults to `C_NULL` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateGraphicsPipelines.html) """ function create_graphics_pipelines(device, create_infos::AbstractArray; pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} val = @propagate_errors(_create_graphics_pipelines(device, convert(AbstractArray{_GraphicsPipelineCreateInfo}, create_infos); pipeline_cache, allocator)) val end """ Return codes: - `SUCCESS` - `PIPELINE_COMPILE_REQUIRED_EXT` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_SHADER_NV` Arguments: - `device::Device` - `create_infos::Vector{ComputePipelineCreateInfo}` - `pipeline_cache::PipelineCache`: defaults to `C_NULL` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateComputePipelines.html) """ function create_compute_pipelines(device, create_infos::AbstractArray; pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} val = @propagate_errors(_create_compute_pipelines(device, convert(AbstractArray{_ComputePipelineCreateInfo}, create_infos); pipeline_cache, allocator)) val end """ Extension: VK\\_HUAWEI\\_subpass\\_shading Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `renderpass::RenderPass` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceSubpassShadingMaxWorkgroupSizeHUAWEI.html) """ function get_device_subpass_shading_max_workgroup_size_huawei(device, renderpass)::ResultTypes.Result{Extent2D, VulkanError} val = @propagate_errors(_get_device_subpass_shading_max_workgroup_size_huawei(device, renderpass)) Extent2D(val) end """ Arguments: - `device::Device` - `pipeline::Pipeline` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyPipeline.html) """ function destroy_pipeline(device, pipeline; allocator = C_NULL) _destroy_pipeline(device, pipeline; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::PipelineLayoutCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePipelineLayout.html) """ function create_pipeline_layout(device, create_info::PipelineLayoutCreateInfo; allocator = C_NULL)::ResultTypes.Result{PipelineLayout, VulkanError} val = @propagate_errors(_create_pipeline_layout(device, convert(_PipelineLayoutCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `pipeline_layout::PipelineLayout` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyPipelineLayout.html) """ function destroy_pipeline_layout(device, pipeline_layout; allocator = C_NULL) _destroy_pipeline_layout(device, pipeline_layout; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `create_info::SamplerCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSampler.html) """ function create_sampler(device, create_info::SamplerCreateInfo; allocator = C_NULL)::ResultTypes.Result{Sampler, VulkanError} val = @propagate_errors(_create_sampler(device, convert(_SamplerCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `sampler::Sampler` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroySampler.html) """ function destroy_sampler(device, sampler; allocator = C_NULL) _destroy_sampler(device, sampler; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::DescriptorSetLayoutCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorSetLayout.html) """ function create_descriptor_set_layout(device, create_info::DescriptorSetLayoutCreateInfo; allocator = C_NULL)::ResultTypes.Result{DescriptorSetLayout, VulkanError} val = @propagate_errors(_create_descriptor_set_layout(device, convert(_DescriptorSetLayoutCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `descriptor_set_layout::DescriptorSetLayout` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDescriptorSetLayout.html) """ function destroy_descriptor_set_layout(device, descriptor_set_layout; allocator = C_NULL) _destroy_descriptor_set_layout(device, descriptor_set_layout; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_FRAGMENTATION_EXT` Arguments: - `device::Device` - `create_info::DescriptorPoolCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorPool.html) """ function create_descriptor_pool(device, create_info::DescriptorPoolCreateInfo; allocator = C_NULL)::ResultTypes.Result{DescriptorPool, VulkanError} val = @propagate_errors(_create_descriptor_pool(device, convert(_DescriptorPoolCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `descriptor_pool::DescriptorPool` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDescriptorPool.html) """ function destroy_descriptor_pool(device, descriptor_pool; allocator = C_NULL) _destroy_descriptor_pool(device, descriptor_pool; allocator) end """ Arguments: - `device::Device` - `descriptor_pool::DescriptorPool` (externsync) - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkResetDescriptorPool.html) """ function reset_descriptor_pool(device, descriptor_pool; flags = 0) _reset_descriptor_pool(device, descriptor_pool; flags) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_FRAGMENTED_POOL` - `ERROR_OUT_OF_POOL_MEMORY` Arguments: - `device::Device` - `allocate_info::DescriptorSetAllocateInfo` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAllocateDescriptorSets.html) """ function allocate_descriptor_sets(device, allocate_info::DescriptorSetAllocateInfo)::ResultTypes.Result{Vector{DescriptorSet}, VulkanError} val = @propagate_errors(_allocate_descriptor_sets(device, convert(_DescriptorSetAllocateInfo, allocate_info))) val end """ Arguments: - `device::Device` - `descriptor_pool::DescriptorPool` (externsync) - `descriptor_sets::Vector{DescriptorSet}` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkFreeDescriptorSets.html) """ function free_descriptor_sets(device, descriptor_pool, descriptor_sets::AbstractArray) _free_descriptor_sets(device, descriptor_pool, descriptor_sets) end """ Arguments: - `device::Device` - `descriptor_writes::Vector{WriteDescriptorSet}` - `descriptor_copies::Vector{CopyDescriptorSet}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkUpdateDescriptorSets.html) """ function update_descriptor_sets(device, descriptor_writes::AbstractArray, descriptor_copies::AbstractArray) _update_descriptor_sets(device, convert(AbstractArray{_WriteDescriptorSet}, descriptor_writes), convert(AbstractArray{_CopyDescriptorSet}, descriptor_copies)) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::FramebufferCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateFramebuffer.html) """ function create_framebuffer(device, create_info::FramebufferCreateInfo; allocator = C_NULL)::ResultTypes.Result{Framebuffer, VulkanError} val = @propagate_errors(_create_framebuffer(device, convert(_FramebufferCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `framebuffer::Framebuffer` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyFramebuffer.html) """ function destroy_framebuffer(device, framebuffer; allocator = C_NULL) _destroy_framebuffer(device, framebuffer; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::RenderPassCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRenderPass.html) """ function create_render_pass(device, create_info::RenderPassCreateInfo; allocator = C_NULL)::ResultTypes.Result{RenderPass, VulkanError} val = @propagate_errors(_create_render_pass(device, convert(_RenderPassCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `render_pass::RenderPass` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyRenderPass.html) """ function destroy_render_pass(device, render_pass; allocator = C_NULL) _destroy_render_pass(device, render_pass; allocator) end """ Arguments: - `device::Device` - `render_pass::RenderPass` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetRenderAreaGranularity.html) """ function get_render_area_granularity(device, render_pass) Extent2D(_get_render_area_granularity(device, render_pass)) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::CommandPoolCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCommandPool.html) """ function create_command_pool(device, create_info::CommandPoolCreateInfo; allocator = C_NULL)::ResultTypes.Result{CommandPool, VulkanError} val = @propagate_errors(_create_command_pool(device, convert(_CommandPoolCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `command_pool::CommandPool` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyCommandPool.html) """ function destroy_command_pool(device, command_pool; allocator = C_NULL) _destroy_command_pool(device, command_pool; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `command_pool::CommandPool` (externsync) - `flags::CommandPoolResetFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkResetCommandPool.html) """ function reset_command_pool(device, command_pool; flags = 0)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_reset_command_pool(device, command_pool; flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `allocate_info::CommandBufferAllocateInfo` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAllocateCommandBuffers.html) """ function allocate_command_buffers(device, allocate_info::CommandBufferAllocateInfo)::ResultTypes.Result{Vector{CommandBuffer}, VulkanError} val = @propagate_errors(_allocate_command_buffers(device, convert(_CommandBufferAllocateInfo, allocate_info))) val end """ Arguments: - `device::Device` - `command_pool::CommandPool` (externsync) - `command_buffers::Vector{CommandBuffer}` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkFreeCommandBuffers.html) """ function free_command_buffers(device, command_pool, command_buffers::AbstractArray) _free_command_buffers(device, command_pool, command_buffers) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `command_buffer::CommandBuffer` (externsync) - `begin_info::CommandBufferBeginInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBeginCommandBuffer.html) """ function begin_command_buffer(command_buffer, begin_info::CommandBufferBeginInfo)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_begin_command_buffer(command_buffer, convert(_CommandBufferBeginInfo, begin_info))) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEndCommandBuffer.html) """ function end_command_buffer(command_buffer)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_end_command_buffer(command_buffer)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `command_buffer::CommandBuffer` (externsync) - `flags::CommandBufferResetFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkResetCommandBuffer.html) """ function reset_command_buffer(command_buffer; flags = 0)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_reset_command_buffer(command_buffer; flags)) val end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_bind_point::PipelineBindPoint` - `pipeline::Pipeline` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindPipeline.html) """ function cmd_bind_pipeline(command_buffer, pipeline_bind_point::PipelineBindPoint, pipeline) _cmd_bind_pipeline(command_buffer, pipeline_bind_point, pipeline) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `viewports::Vector{Viewport}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetViewport.html) """ function cmd_set_viewport(command_buffer, viewports::AbstractArray) _cmd_set_viewport(command_buffer, convert(AbstractArray{_Viewport}, viewports)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `scissors::Vector{Rect2D}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetScissor.html) """ function cmd_set_scissor(command_buffer, scissors::AbstractArray) _cmd_set_scissor(command_buffer, convert(AbstractArray{_Rect2D}, scissors)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `line_width::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetLineWidth.html) """ function cmd_set_line_width(command_buffer, line_width::Real) _cmd_set_line_width(command_buffer, line_width) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_bias_constant_factor::Float32` - `depth_bias_clamp::Float32` - `depth_bias_slope_factor::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthBias.html) """ function cmd_set_depth_bias(command_buffer, depth_bias_constant_factor::Real, depth_bias_clamp::Real, depth_bias_slope_factor::Real) _cmd_set_depth_bias(command_buffer, depth_bias_constant_factor, depth_bias_clamp, depth_bias_slope_factor) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `blend_constants::NTuple{4, Float32}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetBlendConstants.html) """ function cmd_set_blend_constants(command_buffer, blend_constants::NTuple{4, Float32}) _cmd_set_blend_constants(command_buffer, blend_constants) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `min_depth_bounds::Float32` - `max_depth_bounds::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthBounds.html) """ function cmd_set_depth_bounds(command_buffer, min_depth_bounds::Real, max_depth_bounds::Real) _cmd_set_depth_bounds(command_buffer, min_depth_bounds, max_depth_bounds) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `face_mask::StencilFaceFlag` - `compare_mask::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetStencilCompareMask.html) """ function cmd_set_stencil_compare_mask(command_buffer, face_mask::StencilFaceFlag, compare_mask::Integer) _cmd_set_stencil_compare_mask(command_buffer, face_mask, compare_mask) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `face_mask::StencilFaceFlag` - `write_mask::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetStencilWriteMask.html) """ function cmd_set_stencil_write_mask(command_buffer, face_mask::StencilFaceFlag, write_mask::Integer) _cmd_set_stencil_write_mask(command_buffer, face_mask, write_mask) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `face_mask::StencilFaceFlag` - `reference::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetStencilReference.html) """ function cmd_set_stencil_reference(command_buffer, face_mask::StencilFaceFlag, reference::Integer) _cmd_set_stencil_reference(command_buffer, face_mask, reference) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_bind_point::PipelineBindPoint` - `layout::PipelineLayout` - `first_set::UInt32` - `descriptor_sets::Vector{DescriptorSet}` - `dynamic_offsets::Vector{UInt32}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindDescriptorSets.html) """ function cmd_bind_descriptor_sets(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, first_set::Integer, descriptor_sets::AbstractArray, dynamic_offsets::AbstractArray) _cmd_bind_descriptor_sets(command_buffer, pipeline_bind_point, layout, first_set, descriptor_sets, dynamic_offsets) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `index_type::IndexType` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindIndexBuffer.html) """ function cmd_bind_index_buffer(command_buffer, buffer, offset::Integer, index_type::IndexType) _cmd_bind_index_buffer(command_buffer, buffer, offset, index_type) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffers::Vector{Buffer}` - `offsets::Vector{UInt64}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindVertexBuffers.html) """ function cmd_bind_vertex_buffers(command_buffer, buffers::AbstractArray, offsets::AbstractArray) _cmd_bind_vertex_buffers(command_buffer, buffers, offsets) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `vertex_count::UInt32` - `instance_count::UInt32` - `first_vertex::UInt32` - `first_instance::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDraw.html) """ function cmd_draw(command_buffer, vertex_count::Integer, instance_count::Integer, first_vertex::Integer, first_instance::Integer) _cmd_draw(command_buffer, vertex_count, instance_count, first_vertex, first_instance) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `index_count::UInt32` - `instance_count::UInt32` - `first_index::UInt32` - `vertex_offset::Int32` - `first_instance::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawIndexed.html) """ function cmd_draw_indexed(command_buffer, index_count::Integer, instance_count::Integer, first_index::Integer, vertex_offset::Integer, first_instance::Integer) _cmd_draw_indexed(command_buffer, index_count, instance_count, first_index, vertex_offset, first_instance) end """ Extension: VK\\_EXT\\_multi\\_draw Arguments: - `command_buffer::CommandBuffer` (externsync) - `vertex_info::Vector{MultiDrawInfoEXT}` - `instance_count::UInt32` - `first_instance::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMultiEXT.html) """ function cmd_draw_multi_ext(command_buffer, vertex_info::AbstractArray, instance_count::Integer, first_instance::Integer, stride::Integer) _cmd_draw_multi_ext(command_buffer, convert(AbstractArray{_MultiDrawInfoEXT}, vertex_info), instance_count, first_instance, stride) end """ Extension: VK\\_EXT\\_multi\\_draw Arguments: - `command_buffer::CommandBuffer` (externsync) - `index_info::Vector{MultiDrawIndexedInfoEXT}` - `instance_count::UInt32` - `first_instance::UInt32` - `stride::UInt32` - `vertex_offset::Int32`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMultiIndexedEXT.html) """ function cmd_draw_multi_indexed_ext(command_buffer, index_info::AbstractArray, instance_count::Integer, first_instance::Integer, stride::Integer; vertex_offset = C_NULL) _cmd_draw_multi_indexed_ext(command_buffer, convert(AbstractArray{_MultiDrawIndexedInfoEXT}, index_info), instance_count, first_instance, stride; vertex_offset) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawIndirect.html) """ function cmd_draw_indirect(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer) _cmd_draw_indirect(command_buffer, buffer, offset, draw_count, stride) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawIndexedIndirect.html) """ function cmd_draw_indexed_indirect(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer) _cmd_draw_indexed_indirect(command_buffer, buffer, offset, draw_count, stride) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `group_count_x::UInt32` - `group_count_y::UInt32` - `group_count_z::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDispatch.html) """ function cmd_dispatch(command_buffer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer) _cmd_dispatch(command_buffer, group_count_x, group_count_y, group_count_z) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDispatchIndirect.html) """ function cmd_dispatch_indirect(command_buffer, buffer, offset::Integer) _cmd_dispatch_indirect(command_buffer, buffer, offset) end """ Extension: VK\\_HUAWEI\\_subpass\\_shading Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSubpassShadingHUAWEI.html) """ function cmd_subpass_shading_huawei(command_buffer) _cmd_subpass_shading_huawei(command_buffer) end """ Extension: VK\\_HUAWEI\\_cluster\\_culling\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `group_count_x::UInt32` - `group_count_y::UInt32` - `group_count_z::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawClusterHUAWEI.html) """ function cmd_draw_cluster_huawei(command_buffer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer) _cmd_draw_cluster_huawei(command_buffer, group_count_x, group_count_y, group_count_z) end """ Extension: VK\\_HUAWEI\\_cluster\\_culling\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawClusterIndirectHUAWEI.html) """ function cmd_draw_cluster_indirect_huawei(command_buffer, buffer, offset::Integer) _cmd_draw_cluster_indirect_huawei(command_buffer, buffer, offset) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `src_buffer::Buffer` - `dst_buffer::Buffer` - `regions::Vector{BufferCopy}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyBuffer.html) """ function cmd_copy_buffer(command_buffer, src_buffer, dst_buffer, regions::AbstractArray) _cmd_copy_buffer(command_buffer, src_buffer, dst_buffer, convert(AbstractArray{_BufferCopy}, regions)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{ImageCopy}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyImage.html) """ function cmd_copy_image(command_buffer, src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray) _cmd_copy_image(command_buffer, src_image, src_image_layout, dst_image, dst_image_layout, convert(AbstractArray{_ImageCopy}, regions)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{ImageBlit}` - `filter::Filter` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBlitImage.html) """ function cmd_blit_image(command_buffer, src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray, filter::Filter) _cmd_blit_image(command_buffer, src_image, src_image_layout, dst_image, dst_image_layout, convert(AbstractArray{_ImageBlit}, regions), filter) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `src_buffer::Buffer` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{BufferImageCopy}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyBufferToImage.html) """ function cmd_copy_buffer_to_image(command_buffer, src_buffer, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray) _cmd_copy_buffer_to_image(command_buffer, src_buffer, dst_image, dst_image_layout, convert(AbstractArray{_BufferImageCopy}, regions)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_buffer::Buffer` - `regions::Vector{BufferImageCopy}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyImageToBuffer.html) """ function cmd_copy_image_to_buffer(command_buffer, src_image, src_image_layout::ImageLayout, dst_buffer, regions::AbstractArray) _cmd_copy_image_to_buffer(command_buffer, src_image, src_image_layout, dst_buffer, convert(AbstractArray{_BufferImageCopy}, regions)) end """ Extension: VK\\_NV\\_copy\\_memory\\_indirect Arguments: - `command_buffer::CommandBuffer` (externsync) - `copy_buffer_address::UInt64` - `copy_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyMemoryIndirectNV.html) """ function cmd_copy_memory_indirect_nv(command_buffer, copy_buffer_address::Integer, copy_count::Integer, stride::Integer) _cmd_copy_memory_indirect_nv(command_buffer, copy_buffer_address, copy_count, stride) end """ Extension: VK\\_NV\\_copy\\_memory\\_indirect Arguments: - `command_buffer::CommandBuffer` (externsync) - `copy_buffer_address::UInt64` - `stride::UInt32` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `image_subresources::Vector{ImageSubresourceLayers}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyMemoryToImageIndirectNV.html) """ function cmd_copy_memory_to_image_indirect_nv(command_buffer, copy_buffer_address::Integer, stride::Integer, dst_image, dst_image_layout::ImageLayout, image_subresources::AbstractArray) _cmd_copy_memory_to_image_indirect_nv(command_buffer, copy_buffer_address, stride, dst_image, dst_image_layout, convert(AbstractArray{_ImageSubresourceLayers}, image_subresources)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `dst_buffer::Buffer` - `dst_offset::UInt64` - `data_size::UInt64` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdUpdateBuffer.html) """ function cmd_update_buffer(command_buffer, dst_buffer, dst_offset::Integer, data_size::Integer, data::Ptr{Cvoid}) _cmd_update_buffer(command_buffer, dst_buffer, dst_offset, data_size, data) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `dst_buffer::Buffer` - `dst_offset::UInt64` - `size::UInt64` - `data::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdFillBuffer.html) """ function cmd_fill_buffer(command_buffer, dst_buffer, dst_offset::Integer, size::Integer, data::Integer) _cmd_fill_buffer(command_buffer, dst_buffer, dst_offset, size, data) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `image::Image` - `image_layout::ImageLayout` - `color::ClearColorValue` - `ranges::Vector{ImageSubresourceRange}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdClearColorImage.html) """ function cmd_clear_color_image(command_buffer, image, image_layout::ImageLayout, color::ClearColorValue, ranges::AbstractArray) _cmd_clear_color_image(command_buffer, image, image_layout, convert(_ClearColorValue, color), convert(AbstractArray{_ImageSubresourceRange}, ranges)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `image::Image` - `image_layout::ImageLayout` - `depth_stencil::ClearDepthStencilValue` - `ranges::Vector{ImageSubresourceRange}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdClearDepthStencilImage.html) """ function cmd_clear_depth_stencil_image(command_buffer, image, image_layout::ImageLayout, depth_stencil::ClearDepthStencilValue, ranges::AbstractArray) _cmd_clear_depth_stencil_image(command_buffer, image, image_layout, convert(_ClearDepthStencilValue, depth_stencil), convert(AbstractArray{_ImageSubresourceRange}, ranges)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `attachments::Vector{ClearAttachment}` - `rects::Vector{ClearRect}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdClearAttachments.html) """ function cmd_clear_attachments(command_buffer, attachments::AbstractArray, rects::AbstractArray) _cmd_clear_attachments(command_buffer, convert(AbstractArray{_ClearAttachment}, attachments), convert(AbstractArray{_ClearRect}, rects)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{ImageResolve}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdResolveImage.html) """ function cmd_resolve_image(command_buffer, src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray) _cmd_resolve_image(command_buffer, src_image, src_image_layout, dst_image, dst_image_layout, convert(AbstractArray{_ImageResolve}, regions)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `event::Event` - `stage_mask::PipelineStageFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetEvent.html) """ function cmd_set_event(command_buffer, event; stage_mask = 0) _cmd_set_event(command_buffer, event; stage_mask) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `event::Event` - `stage_mask::PipelineStageFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdResetEvent.html) """ function cmd_reset_event(command_buffer, event; stage_mask = 0) _cmd_reset_event(command_buffer, event; stage_mask) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `events::Vector{Event}` - `memory_barriers::Vector{MemoryBarrier}` - `buffer_memory_barriers::Vector{BufferMemoryBarrier}` - `image_memory_barriers::Vector{ImageMemoryBarrier}` - `src_stage_mask::PipelineStageFlag`: defaults to `0` - `dst_stage_mask::PipelineStageFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWaitEvents.html) """ function cmd_wait_events(command_buffer, events::AbstractArray, memory_barriers::AbstractArray, buffer_memory_barriers::AbstractArray, image_memory_barriers::AbstractArray; src_stage_mask = 0, dst_stage_mask = 0) _cmd_wait_events(command_buffer, events, convert(AbstractArray{_MemoryBarrier}, memory_barriers), convert(AbstractArray{_BufferMemoryBarrier}, buffer_memory_barriers), convert(AbstractArray{_ImageMemoryBarrier}, image_memory_barriers); src_stage_mask, dst_stage_mask) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `memory_barriers::Vector{MemoryBarrier}` - `buffer_memory_barriers::Vector{BufferMemoryBarrier}` - `image_memory_barriers::Vector{ImageMemoryBarrier}` - `src_stage_mask::PipelineStageFlag`: defaults to `0` - `dst_stage_mask::PipelineStageFlag`: defaults to `0` - `dependency_flags::DependencyFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdPipelineBarrier.html) """ function cmd_pipeline_barrier(command_buffer, memory_barriers::AbstractArray, buffer_memory_barriers::AbstractArray, image_memory_barriers::AbstractArray; src_stage_mask = 0, dst_stage_mask = 0, dependency_flags = 0) _cmd_pipeline_barrier(command_buffer, convert(AbstractArray{_MemoryBarrier}, memory_barriers), convert(AbstractArray{_BufferMemoryBarrier}, buffer_memory_barriers), convert(AbstractArray{_ImageMemoryBarrier}, image_memory_barriers); src_stage_mask, dst_stage_mask, dependency_flags) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `query::UInt32` - `flags::QueryControlFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginQuery.html) """ function cmd_begin_query(command_buffer, query_pool, query::Integer; flags = 0) _cmd_begin_query(command_buffer, query_pool, query; flags) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `query::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndQuery.html) """ function cmd_end_query(command_buffer, query_pool, query::Integer) _cmd_end_query(command_buffer, query_pool, query) end """ Extension: VK\\_EXT\\_conditional\\_rendering Arguments: - `command_buffer::CommandBuffer` (externsync) - `conditional_rendering_begin::ConditionalRenderingBeginInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginConditionalRenderingEXT.html) """ function cmd_begin_conditional_rendering_ext(command_buffer, conditional_rendering_begin::ConditionalRenderingBeginInfoEXT) _cmd_begin_conditional_rendering_ext(command_buffer, convert(_ConditionalRenderingBeginInfoEXT, conditional_rendering_begin)) end """ Extension: VK\\_EXT\\_conditional\\_rendering Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndConditionalRenderingEXT.html) """ function cmd_end_conditional_rendering_ext(command_buffer) _cmd_end_conditional_rendering_ext(command_buffer) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `first_query::UInt32` - `query_count::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdResetQueryPool.html) """ function cmd_reset_query_pool(command_buffer, query_pool, first_query::Integer, query_count::Integer) _cmd_reset_query_pool(command_buffer, query_pool, first_query, query_count) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_stage::PipelineStageFlag` - `query_pool::QueryPool` - `query::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteTimestamp.html) """ function cmd_write_timestamp(command_buffer, pipeline_stage::PipelineStageFlag, query_pool, query::Integer) _cmd_write_timestamp(command_buffer, pipeline_stage, query_pool, query) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `first_query::UInt32` - `query_count::UInt32` - `dst_buffer::Buffer` - `dst_offset::UInt64` - `stride::UInt64` - `flags::QueryResultFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyQueryPoolResults.html) """ function cmd_copy_query_pool_results(command_buffer, query_pool, first_query::Integer, query_count::Integer, dst_buffer, dst_offset::Integer, stride::Integer; flags = 0) _cmd_copy_query_pool_results(command_buffer, query_pool, first_query, query_count, dst_buffer, dst_offset, stride; flags) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `layout::PipelineLayout` - `stage_flags::ShaderStageFlag` - `offset::UInt32` - `size::UInt32` - `values::Ptr{Cvoid}` (must be a valid pointer with `size` bytes) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdPushConstants.html) """ function cmd_push_constants(command_buffer, layout, stage_flags::ShaderStageFlag, offset::Integer, size::Integer, values::Ptr{Cvoid}) _cmd_push_constants(command_buffer, layout, stage_flags, offset, size, values) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `render_pass_begin::RenderPassBeginInfo` - `contents::SubpassContents` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginRenderPass.html) """ function cmd_begin_render_pass(command_buffer, render_pass_begin::RenderPassBeginInfo, contents::SubpassContents) _cmd_begin_render_pass(command_buffer, convert(_RenderPassBeginInfo, render_pass_begin), contents) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `contents::SubpassContents` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdNextSubpass.html) """ function cmd_next_subpass(command_buffer, contents::SubpassContents) _cmd_next_subpass(command_buffer, contents) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndRenderPass.html) """ function cmd_end_render_pass(command_buffer) _cmd_end_render_pass(command_buffer) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `command_buffers::Vector{CommandBuffer}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdExecuteCommands.html) """ function cmd_execute_commands(command_buffer, command_buffers::AbstractArray) _cmd_execute_commands(command_buffer, command_buffers) end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceDisplayPropertiesKHR.html) """ function get_physical_device_display_properties_khr(physical_device)::ResultTypes.Result{Vector{DisplayPropertiesKHR}, VulkanError} val = @propagate_errors(_get_physical_device_display_properties_khr(physical_device)) DisplayPropertiesKHR.(val) end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceDisplayPlanePropertiesKHR.html) """ function get_physical_device_display_plane_properties_khr(physical_device)::ResultTypes.Result{Vector{DisplayPlanePropertiesKHR}, VulkanError} val = @propagate_errors(_get_physical_device_display_plane_properties_khr(physical_device)) DisplayPlanePropertiesKHR.(val) end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `plane_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDisplayPlaneSupportedDisplaysKHR.html) """ function get_display_plane_supported_displays_khr(physical_device, plane_index::Integer)::ResultTypes.Result{Vector{DisplayKHR}, VulkanError} val = @propagate_errors(_get_display_plane_supported_displays_khr(physical_device, plane_index)) val end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDisplayModePropertiesKHR.html) """ function get_display_mode_properties_khr(physical_device, display)::ResultTypes.Result{Vector{DisplayModePropertiesKHR}, VulkanError} val = @propagate_errors(_get_display_mode_properties_khr(physical_device, display)) DisplayModePropertiesKHR.(val) end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` (externsync) - `create_info::DisplayModeCreateInfoKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDisplayModeKHR.html) """ function create_display_mode_khr(physical_device, display, create_info::DisplayModeCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{DisplayModeKHR, VulkanError} val = @propagate_errors(_create_display_mode_khr(physical_device, display, convert(_DisplayModeCreateInfoKHR, create_info); allocator)) val end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `mode::DisplayModeKHR` (externsync) - `plane_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDisplayPlaneCapabilitiesKHR.html) """ function get_display_plane_capabilities_khr(physical_device, mode, plane_index::Integer)::ResultTypes.Result{DisplayPlaneCapabilitiesKHR, VulkanError} val = @propagate_errors(_get_display_plane_capabilities_khr(physical_device, mode, plane_index)) DisplayPlaneCapabilitiesKHR(val) end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `create_info::DisplaySurfaceCreateInfoKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDisplayPlaneSurfaceKHR.html) """ function create_display_plane_surface_khr(instance, create_info::DisplaySurfaceCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_display_plane_surface_khr(instance, convert(_DisplaySurfaceCreateInfoKHR, create_info); allocator)) val end """ Extension: VK\\_KHR\\_display\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INCOMPATIBLE_DISPLAY_KHR` - `ERROR_DEVICE_LOST` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `create_infos::Vector{SwapchainCreateInfoKHR}` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSharedSwapchainsKHR.html) """ function create_shared_swapchains_khr(device, create_infos::AbstractArray; allocator = C_NULL)::ResultTypes.Result{Vector{SwapchainKHR}, VulkanError} val = @propagate_errors(_create_shared_swapchains_khr(device, convert(AbstractArray{_SwapchainCreateInfoKHR}, create_infos); allocator)) val end """ Extension: VK\\_KHR\\_surface Arguments: - `instance::Instance` - `surface::SurfaceKHR` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroySurfaceKHR.html) """ function destroy_surface_khr(instance, surface; allocator = C_NULL) _destroy_surface_khr(instance, surface; allocator) end """ Extension: VK\\_KHR\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `queue_family_index::UInt32` - `surface::SurfaceKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfaceSupportKHR.html) """ function get_physical_device_surface_support_khr(physical_device, queue_family_index::Integer, surface)::ResultTypes.Result{Bool, VulkanError} val = @propagate_errors(_get_physical_device_surface_support_khr(physical_device, queue_family_index, surface)) val end """ Extension: VK\\_KHR\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface::SurfaceKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfaceCapabilitiesKHR.html) """ function get_physical_device_surface_capabilities_khr(physical_device, surface)::ResultTypes.Result{SurfaceCapabilitiesKHR, VulkanError} val = @propagate_errors(_get_physical_device_surface_capabilities_khr(physical_device, surface)) SurfaceCapabilitiesKHR(val) end """ Extension: VK\\_KHR\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface::SurfaceKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfaceFormatsKHR.html) """ function get_physical_device_surface_formats_khr(physical_device; surface = C_NULL)::ResultTypes.Result{Vector{SurfaceFormatKHR}, VulkanError} val = @propagate_errors(_get_physical_device_surface_formats_khr(physical_device; surface)) SurfaceFormatKHR.(val) end """ Extension: VK\\_KHR\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface::SurfaceKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfacePresentModesKHR.html) """ function get_physical_device_surface_present_modes_khr(physical_device; surface = C_NULL)::ResultTypes.Result{Vector{PresentModeKHR}, VulkanError} val = @propagate_errors(_get_physical_device_surface_present_modes_khr(physical_device; surface)) val end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_SURFACE_LOST_KHR` - `ERROR_NATIVE_WINDOW_IN_USE_KHR` - `ERROR_INITIALIZATION_FAILED` - `ERROR_COMPRESSION_EXHAUSTED_EXT` Arguments: - `device::Device` - `create_info::SwapchainCreateInfoKHR` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSwapchainKHR.html) """ function create_swapchain_khr(device, create_info::SwapchainCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{SwapchainKHR, VulkanError} val = @propagate_errors(_create_swapchain_khr(device, convert(_SwapchainCreateInfoKHR, create_info); allocator)) val end """ Extension: VK\\_KHR\\_swapchain Arguments: - `device::Device` - `swapchain::SwapchainKHR` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroySwapchainKHR.html) """ function destroy_swapchain_khr(device, swapchain; allocator = C_NULL) _destroy_swapchain_khr(device, swapchain; allocator) end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `swapchain::SwapchainKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSwapchainImagesKHR.html) """ function get_swapchain_images_khr(device, swapchain)::ResultTypes.Result{Vector{Image}, VulkanError} val = @propagate_errors(_get_swapchain_images_khr(device, swapchain)) val end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `TIMEOUT` - `NOT_READY` - `SUBOPTIMAL_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` - `ERROR_SURFACE_LOST_KHR` - `ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT` Arguments: - `device::Device` - `swapchain::SwapchainKHR` (externsync) - `timeout::UInt64` - `semaphore::Semaphore`: defaults to `C_NULL` (externsync) - `fence::Fence`: defaults to `C_NULL` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAcquireNextImageKHR.html) """ function acquire_next_image_khr(device, swapchain, timeout::Integer; semaphore = C_NULL, fence = C_NULL)::ResultTypes.Result{Tuple{UInt32, Result}, VulkanError} val = @propagate_errors(_acquire_next_image_khr(device, swapchain, timeout; semaphore, fence)) val end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `SUBOPTIMAL_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` - `ERROR_SURFACE_LOST_KHR` - `ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT` Arguments: - `queue::Queue` (externsync) - `present_info::PresentInfoKHR` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueuePresentKHR.html) """ function queue_present_khr(queue, present_info::PresentInfoKHR)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_queue_present_khr(queue, convert(_PresentInfoKHR, present_info))) val end """ Extension: VK\\_KHR\\_wayland\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `create_info::WaylandSurfaceCreateInfoKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateWaylandSurfaceKHR.html) """ function create_wayland_surface_khr(instance, create_info::WaylandSurfaceCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_wayland_surface_khr(instance, convert(_WaylandSurfaceCreateInfoKHR, create_info); allocator)) val end """ Extension: VK\\_KHR\\_wayland\\_surface Arguments: - `physical_device::PhysicalDevice` - `queue_family_index::UInt32` - `display::Ptr{wl_display}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceWaylandPresentationSupportKHR.html) """ function get_physical_device_wayland_presentation_support_khr(physical_device, queue_family_index::Integer, display::Ptr{vk.wl_display}) _get_physical_device_wayland_presentation_support_khr(physical_device, queue_family_index, display) end """ Extension: VK\\_KHR\\_xlib\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `create_info::XlibSurfaceCreateInfoKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateXlibSurfaceKHR.html) """ function create_xlib_surface_khr(instance, create_info::XlibSurfaceCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_xlib_surface_khr(instance, convert(_XlibSurfaceCreateInfoKHR, create_info); allocator)) val end """ Extension: VK\\_KHR\\_xlib\\_surface Arguments: - `physical_device::PhysicalDevice` - `queue_family_index::UInt32` - `dpy::Ptr{Display}` - `visual_id::VisualID` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceXlibPresentationSupportKHR.html) """ function get_physical_device_xlib_presentation_support_khr(physical_device, queue_family_index::Integer, dpy::Ptr{vk.Display}, visual_id::vk.VisualID) _get_physical_device_xlib_presentation_support_khr(physical_device, queue_family_index, dpy, visual_id) end """ Extension: VK\\_KHR\\_xcb\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `create_info::XcbSurfaceCreateInfoKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateXcbSurfaceKHR.html) """ function create_xcb_surface_khr(instance, create_info::XcbSurfaceCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_xcb_surface_khr(instance, convert(_XcbSurfaceCreateInfoKHR, create_info); allocator)) val end """ Extension: VK\\_KHR\\_xcb\\_surface Arguments: - `physical_device::PhysicalDevice` - `queue_family_index::UInt32` - `connection::Ptr{xcb_connection_t}` - `visual_id::xcb_visualid_t` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceXcbPresentationSupportKHR.html) """ function get_physical_device_xcb_presentation_support_khr(physical_device, queue_family_index::Integer, connection::Ptr{vk.xcb_connection_t}, visual_id::vk.xcb_visualid_t) _get_physical_device_xcb_presentation_support_khr(physical_device, queue_family_index, connection, visual_id) end """ Extension: VK\\_EXT\\_debug\\_report Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `instance::Instance` - `create_info::DebugReportCallbackCreateInfoEXT` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDebugReportCallbackEXT.html) """ function create_debug_report_callback_ext(instance, create_info::DebugReportCallbackCreateInfoEXT; allocator = C_NULL)::ResultTypes.Result{DebugReportCallbackEXT, VulkanError} val = @propagate_errors(_create_debug_report_callback_ext(instance, convert(_DebugReportCallbackCreateInfoEXT, create_info); allocator)) val end """ Extension: VK\\_EXT\\_debug\\_report Arguments: - `instance::Instance` - `callback::DebugReportCallbackEXT` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDebugReportCallbackEXT.html) """ function destroy_debug_report_callback_ext(instance, callback; allocator = C_NULL) _destroy_debug_report_callback_ext(instance, callback; allocator) end """ Extension: VK\\_EXT\\_debug\\_report Arguments: - `instance::Instance` - `flags::DebugReportFlagEXT` - `object_type::DebugReportObjectTypeEXT` - `object::UInt64` - `location::UInt` - `message_code::Int32` - `layer_prefix::String` - `message::String` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDebugReportMessageEXT.html) """ function debug_report_message_ext(instance, flags::DebugReportFlagEXT, object_type::DebugReportObjectTypeEXT, object::Integer, location::Integer, message_code::Integer, layer_prefix::AbstractString, message::AbstractString) _debug_report_message_ext(instance, flags, object_type, object, location, message_code, layer_prefix, message) end """ Extension: VK\\_EXT\\_debug\\_marker Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `name_info::DebugMarkerObjectNameInfoEXT` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDebugMarkerSetObjectNameEXT.html) """ function debug_marker_set_object_name_ext(device, name_info::DebugMarkerObjectNameInfoEXT)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_debug_marker_set_object_name_ext(device, convert(_DebugMarkerObjectNameInfoEXT, name_info))) val end """ Extension: VK\\_EXT\\_debug\\_marker Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `tag_info::DebugMarkerObjectTagInfoEXT` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDebugMarkerSetObjectTagEXT.html) """ function debug_marker_set_object_tag_ext(device, tag_info::DebugMarkerObjectTagInfoEXT)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_debug_marker_set_object_tag_ext(device, convert(_DebugMarkerObjectTagInfoEXT, tag_info))) val end """ Extension: VK\\_EXT\\_debug\\_marker Arguments: - `command_buffer::CommandBuffer` (externsync) - `marker_info::DebugMarkerMarkerInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDebugMarkerBeginEXT.html) """ function cmd_debug_marker_begin_ext(command_buffer, marker_info::DebugMarkerMarkerInfoEXT) _cmd_debug_marker_begin_ext(command_buffer, convert(_DebugMarkerMarkerInfoEXT, marker_info)) end """ Extension: VK\\_EXT\\_debug\\_marker Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDebugMarkerEndEXT.html) """ function cmd_debug_marker_end_ext(command_buffer) _cmd_debug_marker_end_ext(command_buffer) end """ Extension: VK\\_EXT\\_debug\\_marker Arguments: - `command_buffer::CommandBuffer` (externsync) - `marker_info::DebugMarkerMarkerInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDebugMarkerInsertEXT.html) """ function cmd_debug_marker_insert_ext(command_buffer, marker_info::DebugMarkerMarkerInfoEXT) _cmd_debug_marker_insert_ext(command_buffer, convert(_DebugMarkerMarkerInfoEXT, marker_info)) end """ Extension: VK\\_NV\\_external\\_memory\\_capabilities Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_FORMAT_NOT_SUPPORTED` Arguments: - `physical_device::PhysicalDevice` - `format::Format` - `type::ImageType` - `tiling::ImageTiling` - `usage::ImageUsageFlag` - `flags::ImageCreateFlag`: defaults to `0` - `external_handle_type::ExternalMemoryHandleTypeFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceExternalImageFormatPropertiesNV.html) """ function get_physical_device_external_image_format_properties_nv(physical_device, format::Format, type::ImageType, tiling::ImageTiling, usage::ImageUsageFlag; flags = 0, external_handle_type = 0)::ResultTypes.Result{ExternalImageFormatPropertiesNV, VulkanError} val = @propagate_errors(_get_physical_device_external_image_format_properties_nv(physical_device, format, type, tiling, usage; flags, external_handle_type)) ExternalImageFormatPropertiesNV(val) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `command_buffer::CommandBuffer` (externsync) - `is_preprocessed::Bool` - `generated_commands_info::GeneratedCommandsInfoNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdExecuteGeneratedCommandsNV.html) """ function cmd_execute_generated_commands_nv(command_buffer, is_preprocessed::Bool, generated_commands_info::GeneratedCommandsInfoNV) _cmd_execute_generated_commands_nv(command_buffer, is_preprocessed, convert(_GeneratedCommandsInfoNV, generated_commands_info)) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `command_buffer::CommandBuffer` (externsync) - `generated_commands_info::GeneratedCommandsInfoNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdPreprocessGeneratedCommandsNV.html) """ function cmd_preprocess_generated_commands_nv(command_buffer, generated_commands_info::GeneratedCommandsInfoNV) _cmd_preprocess_generated_commands_nv(command_buffer, convert(_GeneratedCommandsInfoNV, generated_commands_info)) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_bind_point::PipelineBindPoint` - `pipeline::Pipeline` - `group_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindPipelineShaderGroupNV.html) """ function cmd_bind_pipeline_shader_group_nv(command_buffer, pipeline_bind_point::PipelineBindPoint, pipeline, group_index::Integer) _cmd_bind_pipeline_shader_group_nv(command_buffer, pipeline_bind_point, pipeline, group_index) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `device::Device` - `info::GeneratedCommandsMemoryRequirementsInfoNV` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetGeneratedCommandsMemoryRequirementsNV.html) """ function get_generated_commands_memory_requirements_nv(device, info::GeneratedCommandsMemoryRequirementsInfoNV, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) MemoryRequirements2(_get_generated_commands_memory_requirements_nv(device, convert(_GeneratedCommandsMemoryRequirementsInfoNV, info), next_types...), next_types_hl...) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::IndirectCommandsLayoutCreateInfoNV` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateIndirectCommandsLayoutNV.html) """ function create_indirect_commands_layout_nv(device, create_info::IndirectCommandsLayoutCreateInfoNV; allocator = C_NULL)::ResultTypes.Result{IndirectCommandsLayoutNV, VulkanError} val = @propagate_errors(_create_indirect_commands_layout_nv(device, convert(_IndirectCommandsLayoutCreateInfoNV, create_info); allocator)) val end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `device::Device` - `indirect_commands_layout::IndirectCommandsLayoutNV` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyIndirectCommandsLayoutNV.html) """ function destroy_indirect_commands_layout_nv(device, indirect_commands_layout; allocator = C_NULL) _destroy_indirect_commands_layout_nv(device, indirect_commands_layout; allocator) end """ Arguments: - `physical_device::PhysicalDevice` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceFeatures2.html) """ function get_physical_device_features_2(physical_device, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) PhysicalDeviceFeatures2(_get_physical_device_features_2(physical_device, next_types...), next_types_hl...) end """ Arguments: - `physical_device::PhysicalDevice` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceProperties2.html) """ function get_physical_device_properties_2(physical_device, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) PhysicalDeviceProperties2(_get_physical_device_properties_2(physical_device, next_types...), next_types_hl...) end """ Arguments: - `physical_device::PhysicalDevice` - `format::Format` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceFormatProperties2.html) """ function get_physical_device_format_properties_2(physical_device, format::Format, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) FormatProperties2(_get_physical_device_format_properties_2(physical_device, format, next_types...), next_types_hl...) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_FORMAT_NOT_SUPPORTED` - `ERROR_IMAGE_USAGE_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_OPERATION_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_FORMAT_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PICTURE_LAYOUT_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_CODEC_NOT_SUPPORTED_KHR` Arguments: - `physical_device::PhysicalDevice` - `image_format_info::PhysicalDeviceImageFormatInfo2` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceImageFormatProperties2.html) """ function get_physical_device_image_format_properties_2(physical_device, image_format_info::PhysicalDeviceImageFormatInfo2, next_types::Type...)::ResultTypes.Result{ImageFormatProperties2, VulkanError} next_types_hl = next_types next_types = intermediate_type.(next_types) val = @propagate_errors(_get_physical_device_image_format_properties_2(physical_device, convert(_PhysicalDeviceImageFormatInfo2, image_format_info), next_types...)) ImageFormatProperties2(val, next_types_hl...) end """ Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceQueueFamilyProperties2.html) """ function get_physical_device_queue_family_properties_2(physical_device) QueueFamilyProperties2.(_get_physical_device_queue_family_properties_2(physical_device)) end """ Arguments: - `physical_device::PhysicalDevice` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceMemoryProperties2.html) """ function get_physical_device_memory_properties_2(physical_device, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) PhysicalDeviceMemoryProperties2(_get_physical_device_memory_properties_2(physical_device, next_types...), next_types_hl...) end """ Arguments: - `physical_device::PhysicalDevice` - `format_info::PhysicalDeviceSparseImageFormatInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSparseImageFormatProperties2.html) """ function get_physical_device_sparse_image_format_properties_2(physical_device, format_info::PhysicalDeviceSparseImageFormatInfo2) SparseImageFormatProperties2.(_get_physical_device_sparse_image_format_properties_2(physical_device, convert(_PhysicalDeviceSparseImageFormatInfo2, format_info))) end """ Extension: VK\\_KHR\\_push\\_descriptor Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_bind_point::PipelineBindPoint` - `layout::PipelineLayout` - `set::UInt32` - `descriptor_writes::Vector{WriteDescriptorSet}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdPushDescriptorSetKHR.html) """ function cmd_push_descriptor_set_khr(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, set::Integer, descriptor_writes::AbstractArray) _cmd_push_descriptor_set_khr(command_buffer, pipeline_bind_point, layout, set, convert(AbstractArray{_WriteDescriptorSet}, descriptor_writes)) end """ Arguments: - `device::Device` - `command_pool::CommandPool` (externsync) - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkTrimCommandPool.html) """ function trim_command_pool(device, command_pool; flags = 0) _trim_command_pool(device, command_pool; flags) end """ Arguments: - `physical_device::PhysicalDevice` - `external_buffer_info::PhysicalDeviceExternalBufferInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceExternalBufferProperties.html) """ function get_physical_device_external_buffer_properties(physical_device, external_buffer_info::PhysicalDeviceExternalBufferInfo) ExternalBufferProperties(_get_physical_device_external_buffer_properties(physical_device, convert(_PhysicalDeviceExternalBufferInfo, external_buffer_info))) end """ Extension: VK\\_KHR\\_external\\_memory\\_fd Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `get_fd_info::MemoryGetFdInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetMemoryFdKHR.html) """ function get_memory_fd_khr(device, get_fd_info::MemoryGetFdInfoKHR)::ResultTypes.Result{Int, VulkanError} val = @propagate_errors(_get_memory_fd_khr(device, convert(_MemoryGetFdInfoKHR, get_fd_info))) val end """ Extension: VK\\_KHR\\_external\\_memory\\_fd Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` Arguments: - `device::Device` - `handle_type::ExternalMemoryHandleTypeFlag` - `fd::Int` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetMemoryFdPropertiesKHR.html) """ function get_memory_fd_properties_khr(device, handle_type::ExternalMemoryHandleTypeFlag, fd::Integer)::ResultTypes.Result{MemoryFdPropertiesKHR, VulkanError} val = @propagate_errors(_get_memory_fd_properties_khr(device, handle_type, fd)) MemoryFdPropertiesKHR(val) end """ Extension: VK\\_NV\\_external\\_memory\\_rdma Return codes: - `SUCCESS` - `ERROR_INVALID_EXTERNAL_HANDLE` Arguments: - `device::Device` - `memory_get_remote_address_info::MemoryGetRemoteAddressInfoNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetMemoryRemoteAddressNV.html) """ function get_memory_remote_address_nv(device, memory_get_remote_address_info::MemoryGetRemoteAddressInfoNV)::ResultTypes.Result{Cvoid, VulkanError} val = @propagate_errors(_get_memory_remote_address_nv(device, convert(_MemoryGetRemoteAddressInfoNV, memory_get_remote_address_info))) val end """ Arguments: - `physical_device::PhysicalDevice` - `external_semaphore_info::PhysicalDeviceExternalSemaphoreInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceExternalSemaphoreProperties.html) """ function get_physical_device_external_semaphore_properties(physical_device, external_semaphore_info::PhysicalDeviceExternalSemaphoreInfo) ExternalSemaphoreProperties(_get_physical_device_external_semaphore_properties(physical_device, convert(_PhysicalDeviceExternalSemaphoreInfo, external_semaphore_info))) end """ Extension: VK\\_KHR\\_external\\_semaphore\\_fd Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `get_fd_info::SemaphoreGetFdInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSemaphoreFdKHR.html) """ function get_semaphore_fd_khr(device, get_fd_info::SemaphoreGetFdInfoKHR)::ResultTypes.Result{Int, VulkanError} val = @propagate_errors(_get_semaphore_fd_khr(device, convert(_SemaphoreGetFdInfoKHR, get_fd_info))) val end """ Extension: VK\\_KHR\\_external\\_semaphore\\_fd Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` Arguments: - `device::Device` - `import_semaphore_fd_info::ImportSemaphoreFdInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkImportSemaphoreFdKHR.html) """ function import_semaphore_fd_khr(device, import_semaphore_fd_info::ImportSemaphoreFdInfoKHR)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_import_semaphore_fd_khr(device, convert(_ImportSemaphoreFdInfoKHR, import_semaphore_fd_info))) val end """ Arguments: - `physical_device::PhysicalDevice` - `external_fence_info::PhysicalDeviceExternalFenceInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceExternalFenceProperties.html) """ function get_physical_device_external_fence_properties(physical_device, external_fence_info::PhysicalDeviceExternalFenceInfo) ExternalFenceProperties(_get_physical_device_external_fence_properties(physical_device, convert(_PhysicalDeviceExternalFenceInfo, external_fence_info))) end """ Extension: VK\\_KHR\\_external\\_fence\\_fd Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `get_fd_info::FenceGetFdInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetFenceFdKHR.html) """ function get_fence_fd_khr(device, get_fd_info::FenceGetFdInfoKHR)::ResultTypes.Result{Int, VulkanError} val = @propagate_errors(_get_fence_fd_khr(device, convert(_FenceGetFdInfoKHR, get_fd_info))) val end """ Extension: VK\\_KHR\\_external\\_fence\\_fd Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` Arguments: - `device::Device` - `import_fence_fd_info::ImportFenceFdInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkImportFenceFdKHR.html) """ function import_fence_fd_khr(device, import_fence_fd_info::ImportFenceFdInfoKHR)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_import_fence_fd_khr(device, convert(_ImportFenceFdInfoKHR, import_fence_fd_info))) val end """ Extension: VK\\_EXT\\_direct\\_mode\\_display Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkReleaseDisplayEXT.html) """ function release_display_ext(physical_device, display) _release_display_ext(physical_device, display) end """ Extension: VK\\_EXT\\_acquire\\_xlib\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `physical_device::PhysicalDevice` - `dpy::Ptr{Display}` - `display::DisplayKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAcquireXlibDisplayEXT.html) """ function acquire_xlib_display_ext(physical_device, dpy::Ptr{vk.Display}, display)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_acquire_xlib_display_ext(physical_device, dpy, display)) val end """ Extension: VK\\_EXT\\_acquire\\_xlib\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `dpy::Ptr{Display}` - `rr_output::RROutput` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetRandROutputDisplayEXT.html) """ function get_rand_r_output_display_ext(physical_device, dpy::Ptr{vk.Display}, rr_output::vk.RROutput)::ResultTypes.Result{DisplayKHR, VulkanError} val = @propagate_errors(_get_rand_r_output_display_ext(physical_device, dpy, rr_output)) val end """ Extension: VK\\_EXT\\_display\\_control Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `display::DisplayKHR` - `display_power_info::DisplayPowerInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDisplayPowerControlEXT.html) """ function display_power_control_ext(device, display, display_power_info::DisplayPowerInfoEXT)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_display_power_control_ext(device, display, convert(_DisplayPowerInfoEXT, display_power_info))) val end """ Extension: VK\\_EXT\\_display\\_control Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `device_event_info::DeviceEventInfoEXT` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkRegisterDeviceEventEXT.html) """ function register_device_event_ext(device, device_event_info::DeviceEventInfoEXT; allocator = C_NULL)::ResultTypes.Result{Fence, VulkanError} val = @propagate_errors(_register_device_event_ext(device, convert(_DeviceEventInfoEXT, device_event_info); allocator)) val end """ Extension: VK\\_EXT\\_display\\_control Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `display::DisplayKHR` - `display_event_info::DisplayEventInfoEXT` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkRegisterDisplayEventEXT.html) """ function register_display_event_ext(device, display, display_event_info::DisplayEventInfoEXT; allocator = C_NULL)::ResultTypes.Result{Fence, VulkanError} val = @propagate_errors(_register_display_event_ext(device, display, convert(_DisplayEventInfoEXT, display_event_info); allocator)) val end """ Extension: VK\\_EXT\\_display\\_control Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` Arguments: - `device::Device` - `swapchain::SwapchainKHR` - `counter::SurfaceCounterFlagEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSwapchainCounterEXT.html) """ function get_swapchain_counter_ext(device, swapchain, counter::SurfaceCounterFlagEXT)::ResultTypes.Result{UInt64, VulkanError} val = @propagate_errors(_get_swapchain_counter_ext(device, swapchain, counter)) val end """ Extension: VK\\_EXT\\_display\\_surface\\_counter Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface::SurfaceKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfaceCapabilities2EXT.html) """ function get_physical_device_surface_capabilities_2_ext(physical_device, surface)::ResultTypes.Result{SurfaceCapabilities2EXT, VulkanError} val = @propagate_errors(_get_physical_device_surface_capabilities_2_ext(physical_device, surface)) SurfaceCapabilities2EXT(val) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `instance::Instance` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumeratePhysicalDeviceGroups.html) """ function enumerate_physical_device_groups(instance)::ResultTypes.Result{Vector{PhysicalDeviceGroupProperties}, VulkanError} val = @propagate_errors(_enumerate_physical_device_groups(instance)) PhysicalDeviceGroupProperties.(val) end """ Arguments: - `device::Device` - `heap_index::UInt32` - `local_device_index::UInt32` - `remote_device_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceGroupPeerMemoryFeatures.html) """ function get_device_group_peer_memory_features(device, heap_index::Integer, local_device_index::Integer, remote_device_index::Integer) _get_device_group_peer_memory_features(device, heap_index, local_device_index, remote_device_index) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `bind_infos::Vector{BindBufferMemoryInfo}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindBufferMemory2.html) """ function bind_buffer_memory_2(device, bind_infos::AbstractArray)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_buffer_memory_2(device, convert(AbstractArray{_BindBufferMemoryInfo}, bind_infos))) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `bind_infos::Vector{BindImageMemoryInfo}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindImageMemory2.html) """ function bind_image_memory_2(device, bind_infos::AbstractArray)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_image_memory_2(device, convert(AbstractArray{_BindImageMemoryInfo}, bind_infos))) val end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `device_mask::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDeviceMask.html) """ function cmd_set_device_mask(command_buffer, device_mask::Integer) _cmd_set_device_mask(command_buffer, device_mask) end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceGroupPresentCapabilitiesKHR.html) """ function get_device_group_present_capabilities_khr(device)::ResultTypes.Result{DeviceGroupPresentCapabilitiesKHR, VulkanError} val = @propagate_errors(_get_device_group_present_capabilities_khr(device)) DeviceGroupPresentCapabilitiesKHR(val) end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `surface::SurfaceKHR` (externsync) - `modes::DeviceGroupPresentModeFlagKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceGroupSurfacePresentModesKHR.html) """ function get_device_group_surface_present_modes_khr(device, surface, modes::DeviceGroupPresentModeFlagKHR)::ResultTypes.Result{DeviceGroupPresentModeFlagKHR, VulkanError} val = @propagate_errors(_get_device_group_surface_present_modes_khr(device, surface, modes)) val end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `TIMEOUT` - `NOT_READY` - `SUBOPTIMAL_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` - `ERROR_SURFACE_LOST_KHR` - `ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT` Arguments: - `device::Device` - `acquire_info::AcquireNextImageInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAcquireNextImage2KHR.html) """ function acquire_next_image_2_khr(device, acquire_info::AcquireNextImageInfoKHR)::ResultTypes.Result{Tuple{UInt32, Result}, VulkanError} val = @propagate_errors(_acquire_next_image_2_khr(device, convert(_AcquireNextImageInfoKHR, acquire_info))) val end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `base_group_x::UInt32` - `base_group_y::UInt32` - `base_group_z::UInt32` - `group_count_x::UInt32` - `group_count_y::UInt32` - `group_count_z::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDispatchBase.html) """ function cmd_dispatch_base(command_buffer, base_group_x::Integer, base_group_y::Integer, base_group_z::Integer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer) _cmd_dispatch_base(command_buffer, base_group_x, base_group_y, base_group_z, group_count_x, group_count_y, group_count_z) end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `surface::SurfaceKHR` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDevicePresentRectanglesKHR.html) """ function get_physical_device_present_rectangles_khr(physical_device, surface)::ResultTypes.Result{Vector{Rect2D}, VulkanError} val = @propagate_errors(_get_physical_device_present_rectangles_khr(physical_device, surface)) Rect2D.(val) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::DescriptorUpdateTemplateCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorUpdateTemplate.html) """ function create_descriptor_update_template(device, create_info::DescriptorUpdateTemplateCreateInfo; allocator = C_NULL)::ResultTypes.Result{DescriptorUpdateTemplate, VulkanError} val = @propagate_errors(_create_descriptor_update_template(device, convert(_DescriptorUpdateTemplateCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `descriptor_update_template::DescriptorUpdateTemplate` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDescriptorUpdateTemplate.html) """ function destroy_descriptor_update_template(device, descriptor_update_template; allocator = C_NULL) _destroy_descriptor_update_template(device, descriptor_update_template; allocator) end """ Arguments: - `device::Device` - `descriptor_set::DescriptorSet` - `descriptor_update_template::DescriptorUpdateTemplate` - `data::Ptr{Cvoid}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkUpdateDescriptorSetWithTemplate.html) """ function update_descriptor_set_with_template(device, descriptor_set, descriptor_update_template, data::Ptr{Cvoid}) _update_descriptor_set_with_template(device, descriptor_set, descriptor_update_template, data) end """ Extension: VK\\_KHR\\_push\\_descriptor Arguments: - `command_buffer::CommandBuffer` (externsync) - `descriptor_update_template::DescriptorUpdateTemplate` - `layout::PipelineLayout` - `set::UInt32` - `data::Ptr{Cvoid}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdPushDescriptorSetWithTemplateKHR.html) """ function cmd_push_descriptor_set_with_template_khr(command_buffer, descriptor_update_template, layout, set::Integer, data::Ptr{Cvoid}) _cmd_push_descriptor_set_with_template_khr(command_buffer, descriptor_update_template, layout, set, data) end """ Extension: VK\\_EXT\\_hdr\\_metadata Arguments: - `device::Device` - `swapchains::Vector{SwapchainKHR}` - `metadata::Vector{HdrMetadataEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetHdrMetadataEXT.html) """ function set_hdr_metadata_ext(device, swapchains::AbstractArray, metadata::AbstractArray) _set_hdr_metadata_ext(device, swapchains, convert(AbstractArray{_HdrMetadataEXT}, metadata)) end """ Extension: VK\\_KHR\\_shared\\_presentable\\_image Return codes: - `SUCCESS` - `SUBOPTIMAL_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` - `ERROR_SURFACE_LOST_KHR` - `ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT` Arguments: - `device::Device` - `swapchain::SwapchainKHR` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSwapchainStatusKHR.html) """ function get_swapchain_status_khr(device, swapchain)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_swapchain_status_khr(device, swapchain)) val end """ Extension: VK\\_GOOGLE\\_display\\_timing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `swapchain::SwapchainKHR` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetRefreshCycleDurationGOOGLE.html) """ function get_refresh_cycle_duration_google(device, swapchain)::ResultTypes.Result{RefreshCycleDurationGOOGLE, VulkanError} val = @propagate_errors(_get_refresh_cycle_duration_google(device, swapchain)) RefreshCycleDurationGOOGLE(val) end """ Extension: VK\\_GOOGLE\\_display\\_timing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `swapchain::SwapchainKHR` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPastPresentationTimingGOOGLE.html) """ function get_past_presentation_timing_google(device, swapchain)::ResultTypes.Result{Vector{PastPresentationTimingGOOGLE}, VulkanError} val = @propagate_errors(_get_past_presentation_timing_google(device, swapchain)) PastPresentationTimingGOOGLE.(val) end """ Extension: VK\\_NV\\_clip\\_space\\_w\\_scaling Arguments: - `command_buffer::CommandBuffer` (externsync) - `viewport_w_scalings::Vector{ViewportWScalingNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetViewportWScalingNV.html) """ function cmd_set_viewport_w_scaling_nv(command_buffer, viewport_w_scalings::AbstractArray) _cmd_set_viewport_w_scaling_nv(command_buffer, convert(AbstractArray{_ViewportWScalingNV}, viewport_w_scalings)) end """ Extension: VK\\_EXT\\_discard\\_rectangles Arguments: - `command_buffer::CommandBuffer` (externsync) - `discard_rectangles::Vector{Rect2D}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDiscardRectangleEXT.html) """ function cmd_set_discard_rectangle_ext(command_buffer, discard_rectangles::AbstractArray) _cmd_set_discard_rectangle_ext(command_buffer, convert(AbstractArray{_Rect2D}, discard_rectangles)) end """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `command_buffer::CommandBuffer` (externsync) - `sample_locations_info::SampleLocationsInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetSampleLocationsEXT.html) """ function cmd_set_sample_locations_ext(command_buffer, sample_locations_info::SampleLocationsInfoEXT) _cmd_set_sample_locations_ext(command_buffer, convert(_SampleLocationsInfoEXT, sample_locations_info)) end """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `physical_device::PhysicalDevice` - `samples::SampleCountFlag` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceMultisamplePropertiesEXT.html) """ function get_physical_device_multisample_properties_ext(physical_device, samples::SampleCountFlag) MultisamplePropertiesEXT(_get_physical_device_multisample_properties_ext(physical_device, samples)) end """ Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface_info::PhysicalDeviceSurfaceInfo2KHR` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfaceCapabilities2KHR.html) """ function get_physical_device_surface_capabilities_2_khr(physical_device, surface_info::PhysicalDeviceSurfaceInfo2KHR, next_types::Type...)::ResultTypes.Result{SurfaceCapabilities2KHR, VulkanError} next_types_hl = next_types next_types = intermediate_type.(next_types) val = @propagate_errors(_get_physical_device_surface_capabilities_2_khr(physical_device, convert(_PhysicalDeviceSurfaceInfo2KHR, surface_info), next_types...)) SurfaceCapabilities2KHR(val, next_types_hl...) end """ Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface_info::PhysicalDeviceSurfaceInfo2KHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfaceFormats2KHR.html) """ function get_physical_device_surface_formats_2_khr(physical_device, surface_info::PhysicalDeviceSurfaceInfo2KHR)::ResultTypes.Result{Vector{SurfaceFormat2KHR}, VulkanError} val = @propagate_errors(_get_physical_device_surface_formats_2_khr(physical_device, convert(_PhysicalDeviceSurfaceInfo2KHR, surface_info))) SurfaceFormat2KHR.(val) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceDisplayProperties2KHR.html) """ function get_physical_device_display_properties_2_khr(physical_device)::ResultTypes.Result{Vector{DisplayProperties2KHR}, VulkanError} val = @propagate_errors(_get_physical_device_display_properties_2_khr(physical_device)) DisplayProperties2KHR.(val) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceDisplayPlaneProperties2KHR.html) """ function get_physical_device_display_plane_properties_2_khr(physical_device)::ResultTypes.Result{Vector{DisplayPlaneProperties2KHR}, VulkanError} val = @propagate_errors(_get_physical_device_display_plane_properties_2_khr(physical_device)) DisplayPlaneProperties2KHR.(val) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDisplayModeProperties2KHR.html) """ function get_display_mode_properties_2_khr(physical_device, display)::ResultTypes.Result{Vector{DisplayModeProperties2KHR}, VulkanError} val = @propagate_errors(_get_display_mode_properties_2_khr(physical_device, display)) DisplayModeProperties2KHR.(val) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `display_plane_info::DisplayPlaneInfo2KHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDisplayPlaneCapabilities2KHR.html) """ function get_display_plane_capabilities_2_khr(physical_device, display_plane_info::DisplayPlaneInfo2KHR)::ResultTypes.Result{DisplayPlaneCapabilities2KHR, VulkanError} val = @propagate_errors(_get_display_plane_capabilities_2_khr(physical_device, convert(_DisplayPlaneInfo2KHR, display_plane_info))) DisplayPlaneCapabilities2KHR(val) end """ Arguments: - `device::Device` - `info::BufferMemoryRequirementsInfo2` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetBufferMemoryRequirements2.html) """ function get_buffer_memory_requirements_2(device, info::BufferMemoryRequirementsInfo2, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) MemoryRequirements2(_get_buffer_memory_requirements_2(device, convert(_BufferMemoryRequirementsInfo2, info), next_types...), next_types_hl...) end """ Arguments: - `device::Device` - `info::ImageMemoryRequirementsInfo2` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageMemoryRequirements2.html) """ function get_image_memory_requirements_2(device, info::ImageMemoryRequirementsInfo2, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) MemoryRequirements2(_get_image_memory_requirements_2(device, convert(_ImageMemoryRequirementsInfo2, info), next_types...), next_types_hl...) end """ Arguments: - `device::Device` - `info::ImageSparseMemoryRequirementsInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageSparseMemoryRequirements2.html) """ function get_image_sparse_memory_requirements_2(device, info::ImageSparseMemoryRequirementsInfo2) SparseImageMemoryRequirements2.(_get_image_sparse_memory_requirements_2(device, convert(_ImageSparseMemoryRequirementsInfo2, info))) end """ Arguments: - `device::Device` - `info::DeviceBufferMemoryRequirements` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceBufferMemoryRequirements.html) """ function get_device_buffer_memory_requirements(device, info::DeviceBufferMemoryRequirements, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) MemoryRequirements2(_get_device_buffer_memory_requirements(device, convert(_DeviceBufferMemoryRequirements, info), next_types...), next_types_hl...) end """ Arguments: - `device::Device` - `info::DeviceImageMemoryRequirements` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceImageMemoryRequirements.html) """ function get_device_image_memory_requirements(device, info::DeviceImageMemoryRequirements, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) MemoryRequirements2(_get_device_image_memory_requirements(device, convert(_DeviceImageMemoryRequirements, info), next_types...), next_types_hl...) end """ Arguments: - `device::Device` - `info::DeviceImageMemoryRequirements` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceImageSparseMemoryRequirements.html) """ function get_device_image_sparse_memory_requirements(device, info::DeviceImageMemoryRequirements) SparseImageMemoryRequirements2.(_get_device_image_sparse_memory_requirements(device, convert(_DeviceImageMemoryRequirements, info))) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::SamplerYcbcrConversionCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSamplerYcbcrConversion.html) """ function create_sampler_ycbcr_conversion(device, create_info::SamplerYcbcrConversionCreateInfo; allocator = C_NULL)::ResultTypes.Result{SamplerYcbcrConversion, VulkanError} val = @propagate_errors(_create_sampler_ycbcr_conversion(device, convert(_SamplerYcbcrConversionCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `ycbcr_conversion::SamplerYcbcrConversion` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroySamplerYcbcrConversion.html) """ function destroy_sampler_ycbcr_conversion(device, ycbcr_conversion; allocator = C_NULL) _destroy_sampler_ycbcr_conversion(device, ycbcr_conversion; allocator) end """ Arguments: - `device::Device` - `queue_info::DeviceQueueInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceQueue2.html) """ function get_device_queue_2(device, queue_info::DeviceQueueInfo2) _get_device_queue_2(device, convert(_DeviceQueueInfo2, queue_info)) end """ Extension: VK\\_EXT\\_validation\\_cache Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `create_info::ValidationCacheCreateInfoEXT` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateValidationCacheEXT.html) """ function create_validation_cache_ext(device, create_info::ValidationCacheCreateInfoEXT; allocator = C_NULL)::ResultTypes.Result{ValidationCacheEXT, VulkanError} val = @propagate_errors(_create_validation_cache_ext(device, convert(_ValidationCacheCreateInfoEXT, create_info); allocator)) val end """ Extension: VK\\_EXT\\_validation\\_cache Arguments: - `device::Device` - `validation_cache::ValidationCacheEXT` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyValidationCacheEXT.html) """ function destroy_validation_cache_ext(device, validation_cache; allocator = C_NULL) _destroy_validation_cache_ext(device, validation_cache; allocator) end """ Extension: VK\\_EXT\\_validation\\_cache Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `validation_cache::ValidationCacheEXT` !!! warning The pointer returned by this function holds memory owned by Julia. It is therefore **your** responsibility to free it after use (e.g. with `Libc.free`). [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetValidationCacheDataEXT.html) """ function get_validation_cache_data_ext(device, validation_cache)::ResultTypes.Result{Tuple{UInt, Ptr{Cvoid}}, VulkanError} val = @propagate_errors(_get_validation_cache_data_ext(device, validation_cache)) val end """ Extension: VK\\_EXT\\_validation\\_cache Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `dst_cache::ValidationCacheEXT` (externsync) - `src_caches::Vector{ValidationCacheEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkMergeValidationCachesEXT.html) """ function merge_validation_caches_ext(device, dst_cache, src_caches::AbstractArray)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_merge_validation_caches_ext(device, dst_cache, src_caches)) val end """ Arguments: - `device::Device` - `create_info::DescriptorSetLayoutCreateInfo` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDescriptorSetLayoutSupport.html) """ function get_descriptor_set_layout_support(device, create_info::DescriptorSetLayoutCreateInfo, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) DescriptorSetLayoutSupport(_get_descriptor_set_layout_support(device, convert(_DescriptorSetLayoutCreateInfo, create_info), next_types...), next_types_hl...) end """ Extension: VK\\_AMD\\_shader\\_info Return codes: - `SUCCESS` - `ERROR_FEATURE_NOT_PRESENT` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `pipeline::Pipeline` - `shader_stage::ShaderStageFlag` - `info_type::ShaderInfoTypeAMD` !!! warning The pointer returned by this function holds memory owned by Julia. It is therefore **your** responsibility to free it after use (e.g. with `Libc.free`). [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetShaderInfoAMD.html) """ function get_shader_info_amd(device, pipeline, shader_stage::ShaderStageFlag, info_type::ShaderInfoTypeAMD)::ResultTypes.Result{Tuple{UInt, Ptr{Cvoid}}, VulkanError} val = @propagate_errors(_get_shader_info_amd(device, pipeline, shader_stage, info_type)) val end """ Extension: VK\\_AMD\\_display\\_native\\_hdr Arguments: - `device::Device` - `swap_chain::SwapchainKHR` - `local_dimming_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetLocalDimmingAMD.html) """ function set_local_dimming_amd(device, swap_chain, local_dimming_enable::Bool) _set_local_dimming_amd(device, swap_chain, local_dimming_enable) end """ Extension: VK\\_EXT\\_calibrated\\_timestamps Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceCalibrateableTimeDomainsEXT.html) """ function get_physical_device_calibrateable_time_domains_ext(physical_device)::ResultTypes.Result{Vector{TimeDomainEXT}, VulkanError} val = @propagate_errors(_get_physical_device_calibrateable_time_domains_ext(physical_device)) val end """ Extension: VK\\_EXT\\_calibrated\\_timestamps Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `timestamp_infos::Vector{CalibratedTimestampInfoEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetCalibratedTimestampsEXT.html) """ function get_calibrated_timestamps_ext(device, timestamp_infos::AbstractArray)::ResultTypes.Result{Tuple{Vector{UInt64}, UInt64}, VulkanError} val = @propagate_errors(_get_calibrated_timestamps_ext(device, convert(AbstractArray{_CalibratedTimestampInfoEXT}, timestamp_infos))) val end """ Extension: VK\\_EXT\\_debug\\_utils Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `name_info::DebugUtilsObjectNameInfoEXT` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetDebugUtilsObjectNameEXT.html) """ function set_debug_utils_object_name_ext(device, name_info::DebugUtilsObjectNameInfoEXT)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_set_debug_utils_object_name_ext(device, convert(_DebugUtilsObjectNameInfoEXT, name_info))) val end """ Extension: VK\\_EXT\\_debug\\_utils Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `tag_info::DebugUtilsObjectTagInfoEXT` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetDebugUtilsObjectTagEXT.html) """ function set_debug_utils_object_tag_ext(device, tag_info::DebugUtilsObjectTagInfoEXT)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_set_debug_utils_object_tag_ext(device, convert(_DebugUtilsObjectTagInfoEXT, tag_info))) val end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `queue::Queue` - `label_info::DebugUtilsLabelEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueBeginDebugUtilsLabelEXT.html) """ function queue_begin_debug_utils_label_ext(queue, label_info::DebugUtilsLabelEXT) _queue_begin_debug_utils_label_ext(queue, convert(_DebugUtilsLabelEXT, label_info)) end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `queue::Queue` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueEndDebugUtilsLabelEXT.html) """ function queue_end_debug_utils_label_ext(queue) _queue_end_debug_utils_label_ext(queue) end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `queue::Queue` - `label_info::DebugUtilsLabelEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueInsertDebugUtilsLabelEXT.html) """ function queue_insert_debug_utils_label_ext(queue, label_info::DebugUtilsLabelEXT) _queue_insert_debug_utils_label_ext(queue, convert(_DebugUtilsLabelEXT, label_info)) end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `command_buffer::CommandBuffer` (externsync) - `label_info::DebugUtilsLabelEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginDebugUtilsLabelEXT.html) """ function cmd_begin_debug_utils_label_ext(command_buffer, label_info::DebugUtilsLabelEXT) _cmd_begin_debug_utils_label_ext(command_buffer, convert(_DebugUtilsLabelEXT, label_info)) end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndDebugUtilsLabelEXT.html) """ function cmd_end_debug_utils_label_ext(command_buffer) _cmd_end_debug_utils_label_ext(command_buffer) end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `command_buffer::CommandBuffer` (externsync) - `label_info::DebugUtilsLabelEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdInsertDebugUtilsLabelEXT.html) """ function cmd_insert_debug_utils_label_ext(command_buffer, label_info::DebugUtilsLabelEXT) _cmd_insert_debug_utils_label_ext(command_buffer, convert(_DebugUtilsLabelEXT, label_info)) end """ Extension: VK\\_EXT\\_debug\\_utils Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `instance::Instance` - `create_info::DebugUtilsMessengerCreateInfoEXT` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDebugUtilsMessengerEXT.html) """ function create_debug_utils_messenger_ext(instance, create_info::DebugUtilsMessengerCreateInfoEXT; allocator = C_NULL)::ResultTypes.Result{DebugUtilsMessengerEXT, VulkanError} val = @propagate_errors(_create_debug_utils_messenger_ext(instance, convert(_DebugUtilsMessengerCreateInfoEXT, create_info); allocator)) val end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `instance::Instance` - `messenger::DebugUtilsMessengerEXT` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDebugUtilsMessengerEXT.html) """ function destroy_debug_utils_messenger_ext(instance, messenger; allocator = C_NULL) _destroy_debug_utils_messenger_ext(instance, messenger; allocator) end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `instance::Instance` - `message_severity::DebugUtilsMessageSeverityFlagEXT` - `message_types::DebugUtilsMessageTypeFlagEXT` - `callback_data::DebugUtilsMessengerCallbackDataEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSubmitDebugUtilsMessageEXT.html) """ function submit_debug_utils_message_ext(instance, message_severity::DebugUtilsMessageSeverityFlagEXT, message_types::DebugUtilsMessageTypeFlagEXT, callback_data::DebugUtilsMessengerCallbackDataEXT) _submit_debug_utils_message_ext(instance, message_severity, message_types, convert(_DebugUtilsMessengerCallbackDataEXT, callback_data)) end """ Extension: VK\\_EXT\\_external\\_memory\\_host Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` Arguments: - `device::Device` - `handle_type::ExternalMemoryHandleTypeFlag` - `host_pointer::Ptr{Cvoid}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetMemoryHostPointerPropertiesEXT.html) """ function get_memory_host_pointer_properties_ext(device, handle_type::ExternalMemoryHandleTypeFlag, host_pointer::Ptr{Cvoid})::ResultTypes.Result{MemoryHostPointerPropertiesEXT, VulkanError} val = @propagate_errors(_get_memory_host_pointer_properties_ext(device, handle_type, host_pointer)) MemoryHostPointerPropertiesEXT(val) end """ Extension: VK\\_AMD\\_buffer\\_marker Arguments: - `command_buffer::CommandBuffer` (externsync) - `dst_buffer::Buffer` - `dst_offset::UInt64` - `marker::UInt32` - `pipeline_stage::PipelineStageFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteBufferMarkerAMD.html) """ function cmd_write_buffer_marker_amd(command_buffer, dst_buffer, dst_offset::Integer, marker::Integer; pipeline_stage = 0) _cmd_write_buffer_marker_amd(command_buffer, dst_buffer, dst_offset, marker; pipeline_stage) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::RenderPassCreateInfo2` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRenderPass2.html) """ function create_render_pass_2(device, create_info::RenderPassCreateInfo2; allocator = C_NULL)::ResultTypes.Result{RenderPass, VulkanError} val = @propagate_errors(_create_render_pass_2(device, convert(_RenderPassCreateInfo2, create_info); allocator)) val end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `render_pass_begin::RenderPassBeginInfo` - `subpass_begin_info::SubpassBeginInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginRenderPass2.html) """ function cmd_begin_render_pass_2(command_buffer, render_pass_begin::RenderPassBeginInfo, subpass_begin_info::SubpassBeginInfo) _cmd_begin_render_pass_2(command_buffer, convert(_RenderPassBeginInfo, render_pass_begin), convert(_SubpassBeginInfo, subpass_begin_info)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `subpass_begin_info::SubpassBeginInfo` - `subpass_end_info::SubpassEndInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdNextSubpass2.html) """ function cmd_next_subpass_2(command_buffer, subpass_begin_info::SubpassBeginInfo, subpass_end_info::SubpassEndInfo) _cmd_next_subpass_2(command_buffer, convert(_SubpassBeginInfo, subpass_begin_info), convert(_SubpassEndInfo, subpass_end_info)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `subpass_end_info::SubpassEndInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndRenderPass2.html) """ function cmd_end_render_pass_2(command_buffer, subpass_end_info::SubpassEndInfo) _cmd_end_render_pass_2(command_buffer, convert(_SubpassEndInfo, subpass_end_info)) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` - `semaphore::Semaphore` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSemaphoreCounterValue.html) """ function get_semaphore_counter_value(device, semaphore)::ResultTypes.Result{UInt64, VulkanError} val = @propagate_errors(_get_semaphore_counter_value(device, semaphore)) val end """ Return codes: - `SUCCESS` - `TIMEOUT` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` - `wait_info::SemaphoreWaitInfo` - `timeout::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkWaitSemaphores.html) """ function wait_semaphores(device, wait_info::SemaphoreWaitInfo, timeout::Integer)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_wait_semaphores(device, convert(_SemaphoreWaitInfo, wait_info), timeout)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `signal_info::SemaphoreSignalInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSignalSemaphore.html) """ function signal_semaphore(device, signal_info::SemaphoreSignalInfo)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_signal_semaphore(device, convert(_SemaphoreSignalInfo, signal_info))) val end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `count_buffer::Buffer` - `count_buffer_offset::UInt64` - `max_draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawIndirectCount.html) """ function cmd_draw_indirect_count(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer) _cmd_draw_indirect_count(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `count_buffer::Buffer` - `count_buffer_offset::UInt64` - `max_draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawIndexedIndirectCount.html) """ function cmd_draw_indexed_indirect_count(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer) _cmd_draw_indexed_indirect_count(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride) end """ Extension: VK\\_NV\\_device\\_diagnostic\\_checkpoints Arguments: - `command_buffer::CommandBuffer` (externsync) - `checkpoint_marker::Ptr{Cvoid}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCheckpointNV.html) """ function cmd_set_checkpoint_nv(command_buffer, checkpoint_marker::Ptr{Cvoid}) _cmd_set_checkpoint_nv(command_buffer, checkpoint_marker) end """ Extension: VK\\_NV\\_device\\_diagnostic\\_checkpoints Arguments: - `queue::Queue` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetQueueCheckpointDataNV.html) """ function get_queue_checkpoint_data_nv(queue) CheckpointDataNV.(_get_queue_checkpoint_data_nv(queue)) end """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffers::Vector{Buffer}` - `offsets::Vector{UInt64}` - `sizes::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindTransformFeedbackBuffersEXT.html) """ function cmd_bind_transform_feedback_buffers_ext(command_buffer, buffers::AbstractArray, offsets::AbstractArray; sizes = C_NULL) _cmd_bind_transform_feedback_buffers_ext(command_buffer, buffers, offsets; sizes) end """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `command_buffer::CommandBuffer` (externsync) - `counter_buffers::Vector{Buffer}` - `counter_buffer_offsets::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginTransformFeedbackEXT.html) """ function cmd_begin_transform_feedback_ext(command_buffer, counter_buffers::AbstractArray; counter_buffer_offsets = C_NULL) _cmd_begin_transform_feedback_ext(command_buffer, counter_buffers; counter_buffer_offsets) end """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `command_buffer::CommandBuffer` (externsync) - `counter_buffers::Vector{Buffer}` - `counter_buffer_offsets::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndTransformFeedbackEXT.html) """ function cmd_end_transform_feedback_ext(command_buffer, counter_buffers::AbstractArray; counter_buffer_offsets = C_NULL) _cmd_end_transform_feedback_ext(command_buffer, counter_buffers; counter_buffer_offsets) end """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `query::UInt32` - `index::UInt32` - `flags::QueryControlFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginQueryIndexedEXT.html) """ function cmd_begin_query_indexed_ext(command_buffer, query_pool, query::Integer, index::Integer; flags = 0) _cmd_begin_query_indexed_ext(command_buffer, query_pool, query, index; flags) end """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `query::UInt32` - `index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndQueryIndexedEXT.html) """ function cmd_end_query_indexed_ext(command_buffer, query_pool, query::Integer, index::Integer) _cmd_end_query_indexed_ext(command_buffer, query_pool, query, index) end """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `command_buffer::CommandBuffer` (externsync) - `instance_count::UInt32` - `first_instance::UInt32` - `counter_buffer::Buffer` - `counter_buffer_offset::UInt64` - `counter_offset::UInt32` - `vertex_stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawIndirectByteCountEXT.html) """ function cmd_draw_indirect_byte_count_ext(command_buffer, instance_count::Integer, first_instance::Integer, counter_buffer, counter_buffer_offset::Integer, counter_offset::Integer, vertex_stride::Integer) _cmd_draw_indirect_byte_count_ext(command_buffer, instance_count, first_instance, counter_buffer, counter_buffer_offset, counter_offset, vertex_stride) end """ Extension: VK\\_NV\\_scissor\\_exclusive Arguments: - `command_buffer::CommandBuffer` (externsync) - `exclusive_scissors::Vector{Rect2D}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetExclusiveScissorNV.html) """ function cmd_set_exclusive_scissor_nv(command_buffer, exclusive_scissors::AbstractArray) _cmd_set_exclusive_scissor_nv(command_buffer, convert(AbstractArray{_Rect2D}, exclusive_scissors)) end """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `command_buffer::CommandBuffer` (externsync) - `image_layout::ImageLayout` - `image_view::ImageView`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindShadingRateImageNV.html) """ function cmd_bind_shading_rate_image_nv(command_buffer, image_layout::ImageLayout; image_view = C_NULL) _cmd_bind_shading_rate_image_nv(command_buffer, image_layout; image_view) end """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `command_buffer::CommandBuffer` (externsync) - `shading_rate_palettes::Vector{ShadingRatePaletteNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetViewportShadingRatePaletteNV.html) """ function cmd_set_viewport_shading_rate_palette_nv(command_buffer, shading_rate_palettes::AbstractArray) _cmd_set_viewport_shading_rate_palette_nv(command_buffer, convert(AbstractArray{_ShadingRatePaletteNV}, shading_rate_palettes)) end """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `command_buffer::CommandBuffer` (externsync) - `sample_order_type::CoarseSampleOrderTypeNV` - `custom_sample_orders::Vector{CoarseSampleOrderCustomNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoarseSampleOrderNV.html) """ function cmd_set_coarse_sample_order_nv(command_buffer, sample_order_type::CoarseSampleOrderTypeNV, custom_sample_orders::AbstractArray) _cmd_set_coarse_sample_order_nv(command_buffer, sample_order_type, convert(AbstractArray{_CoarseSampleOrderCustomNV}, custom_sample_orders)) end """ Extension: VK\\_NV\\_mesh\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `task_count::UInt32` - `first_task::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMeshTasksNV.html) """ function cmd_draw_mesh_tasks_nv(command_buffer, task_count::Integer, first_task::Integer) _cmd_draw_mesh_tasks_nv(command_buffer, task_count, first_task) end """ Extension: VK\\_NV\\_mesh\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMeshTasksIndirectNV.html) """ function cmd_draw_mesh_tasks_indirect_nv(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer) _cmd_draw_mesh_tasks_indirect_nv(command_buffer, buffer, offset, draw_count, stride) end """ Extension: VK\\_NV\\_mesh\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `count_buffer::Buffer` - `count_buffer_offset::UInt64` - `max_draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMeshTasksIndirectCountNV.html) """ function cmd_draw_mesh_tasks_indirect_count_nv(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer) _cmd_draw_mesh_tasks_indirect_count_nv(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride) end """ Extension: VK\\_EXT\\_mesh\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `group_count_x::UInt32` - `group_count_y::UInt32` - `group_count_z::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMeshTasksEXT.html) """ function cmd_draw_mesh_tasks_ext(command_buffer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer) _cmd_draw_mesh_tasks_ext(command_buffer, group_count_x, group_count_y, group_count_z) end """ Extension: VK\\_EXT\\_mesh\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMeshTasksIndirectEXT.html) """ function cmd_draw_mesh_tasks_indirect_ext(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer) _cmd_draw_mesh_tasks_indirect_ext(command_buffer, buffer, offset, draw_count, stride) end """ Extension: VK\\_EXT\\_mesh\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `count_buffer::Buffer` - `count_buffer_offset::UInt64` - `max_draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMeshTasksIndirectCountEXT.html) """ function cmd_draw_mesh_tasks_indirect_count_ext(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer) _cmd_draw_mesh_tasks_indirect_count_ext(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride) end """ Extension: VK\\_NV\\_ray\\_tracing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `pipeline::Pipeline` - `shader::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCompileDeferredNV.html) """ function compile_deferred_nv(device, pipeline, shader::Integer)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_compile_deferred_nv(device, pipeline, shader)) val end """ Extension: VK\\_NV\\_ray\\_tracing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `create_info::AccelerationStructureCreateInfoNV` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateAccelerationStructureNV.html) """ function create_acceleration_structure_nv(device, create_info::AccelerationStructureCreateInfoNV; allocator = C_NULL)::ResultTypes.Result{AccelerationStructureNV, VulkanError} val = @propagate_errors(_create_acceleration_structure_nv(device, convert(_AccelerationStructureCreateInfoNV, create_info); allocator)) val end """ Extension: VK\\_HUAWEI\\_invocation\\_mask Arguments: - `command_buffer::CommandBuffer` (externsync) - `image_layout::ImageLayout` - `image_view::ImageView`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindInvocationMaskHUAWEI.html) """ function cmd_bind_invocation_mask_huawei(command_buffer, image_layout::ImageLayout; image_view = C_NULL) _cmd_bind_invocation_mask_huawei(command_buffer, image_layout; image_view) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `device::Device` - `acceleration_structure::AccelerationStructureKHR` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyAccelerationStructureKHR.html) """ function destroy_acceleration_structure_khr(device, acceleration_structure; allocator = C_NULL) _destroy_acceleration_structure_khr(device, acceleration_structure; allocator) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `device::Device` - `acceleration_structure::AccelerationStructureNV` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyAccelerationStructureNV.html) """ function destroy_acceleration_structure_nv(device, acceleration_structure; allocator = C_NULL) _destroy_acceleration_structure_nv(device, acceleration_structure; allocator) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `device::Device` - `info::AccelerationStructureMemoryRequirementsInfoNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetAccelerationStructureMemoryRequirementsNV.html) """ function get_acceleration_structure_memory_requirements_nv(device, info::AccelerationStructureMemoryRequirementsInfoNV) _get_acceleration_structure_memory_requirements_nv(device, convert(_AccelerationStructureMemoryRequirementsInfoNV, info)) end """ Extension: VK\\_NV\\_ray\\_tracing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `bind_infos::Vector{BindAccelerationStructureMemoryInfoNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindAccelerationStructureMemoryNV.html) """ function bind_acceleration_structure_memory_nv(device, bind_infos::AbstractArray)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_acceleration_structure_memory_nv(device, convert(AbstractArray{_BindAccelerationStructureMemoryInfoNV}, bind_infos))) val end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `command_buffer::CommandBuffer` (externsync) - `dst::AccelerationStructureNV` - `src::AccelerationStructureNV` - `mode::CopyAccelerationStructureModeKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyAccelerationStructureNV.html) """ function cmd_copy_acceleration_structure_nv(command_buffer, dst, src, mode::CopyAccelerationStructureModeKHR) _cmd_copy_acceleration_structure_nv(command_buffer, dst, src, mode) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::CopyAccelerationStructureInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyAccelerationStructureKHR.html) """ function cmd_copy_acceleration_structure_khr(command_buffer, info::CopyAccelerationStructureInfoKHR) _cmd_copy_acceleration_structure_khr(command_buffer, convert(_CopyAccelerationStructureInfoKHR, info)) end """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::CopyAccelerationStructureInfoKHR` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCopyAccelerationStructureKHR.html) """ function copy_acceleration_structure_khr(device, info::CopyAccelerationStructureInfoKHR; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_copy_acceleration_structure_khr(device, convert(_CopyAccelerationStructureInfoKHR, info); deferred_operation)) val end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::CopyAccelerationStructureToMemoryInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyAccelerationStructureToMemoryKHR.html) """ function cmd_copy_acceleration_structure_to_memory_khr(command_buffer, info::CopyAccelerationStructureToMemoryInfoKHR) _cmd_copy_acceleration_structure_to_memory_khr(command_buffer, convert(_CopyAccelerationStructureToMemoryInfoKHR, info)) end """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::CopyAccelerationStructureToMemoryInfoKHR` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCopyAccelerationStructureToMemoryKHR.html) """ function copy_acceleration_structure_to_memory_khr(device, info::CopyAccelerationStructureToMemoryInfoKHR; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_copy_acceleration_structure_to_memory_khr(device, convert(_CopyAccelerationStructureToMemoryInfoKHR, info); deferred_operation)) val end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::CopyMemoryToAccelerationStructureInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyMemoryToAccelerationStructureKHR.html) """ function cmd_copy_memory_to_acceleration_structure_khr(command_buffer, info::CopyMemoryToAccelerationStructureInfoKHR) _cmd_copy_memory_to_acceleration_structure_khr(command_buffer, convert(_CopyMemoryToAccelerationStructureInfoKHR, info)) end """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::CopyMemoryToAccelerationStructureInfoKHR` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCopyMemoryToAccelerationStructureKHR.html) """ function copy_memory_to_acceleration_structure_khr(device, info::CopyMemoryToAccelerationStructureInfoKHR; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_copy_memory_to_acceleration_structure_khr(device, convert(_CopyMemoryToAccelerationStructureInfoKHR, info); deferred_operation)) val end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `command_buffer::CommandBuffer` (externsync) - `acceleration_structures::Vector{AccelerationStructureKHR}` - `query_type::QueryType` - `query_pool::QueryPool` - `first_query::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteAccelerationStructuresPropertiesKHR.html) """ function cmd_write_acceleration_structures_properties_khr(command_buffer, acceleration_structures::AbstractArray, query_type::QueryType, query_pool, first_query::Integer) _cmd_write_acceleration_structures_properties_khr(command_buffer, acceleration_structures, query_type, query_pool, first_query) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `command_buffer::CommandBuffer` (externsync) - `acceleration_structures::Vector{AccelerationStructureNV}` - `query_type::QueryType` - `query_pool::QueryPool` - `first_query::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteAccelerationStructuresPropertiesNV.html) """ function cmd_write_acceleration_structures_properties_nv(command_buffer, acceleration_structures::AbstractArray, query_type::QueryType, query_pool, first_query::Integer) _cmd_write_acceleration_structures_properties_nv(command_buffer, acceleration_structures, query_type, query_pool, first_query) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::AccelerationStructureInfoNV` - `instance_offset::UInt64` - `update::Bool` - `dst::AccelerationStructureNV` - `scratch::Buffer` - `scratch_offset::UInt64` - `instance_data::Buffer`: defaults to `C_NULL` - `src::AccelerationStructureNV`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBuildAccelerationStructureNV.html) """ function cmd_build_acceleration_structure_nv(command_buffer, info::AccelerationStructureInfoNV, instance_offset::Integer, update::Bool, dst, scratch, scratch_offset::Integer; instance_data = C_NULL, src = C_NULL) _cmd_build_acceleration_structure_nv(command_buffer, convert(_AccelerationStructureInfoNV, info), instance_offset, update, dst, scratch, scratch_offset; instance_data, src) end """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `acceleration_structures::Vector{AccelerationStructureKHR}` - `query_type::QueryType` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) - `stride::UInt` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkWriteAccelerationStructuresPropertiesKHR.html) """ function write_acceleration_structures_properties_khr(device, acceleration_structures::AbstractArray, query_type::QueryType, data_size::Integer, data::Ptr{Cvoid}, stride::Integer)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_write_acceleration_structures_properties_khr(device, acceleration_structures, query_type, data_size, data, stride)) val end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `command_buffer::CommandBuffer` (externsync) - `raygen_shader_binding_table::StridedDeviceAddressRegionKHR` - `miss_shader_binding_table::StridedDeviceAddressRegionKHR` - `hit_shader_binding_table::StridedDeviceAddressRegionKHR` - `callable_shader_binding_table::StridedDeviceAddressRegionKHR` - `width::UInt32` - `height::UInt32` - `depth::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdTraceRaysKHR.html) """ function cmd_trace_rays_khr(command_buffer, raygen_shader_binding_table::StridedDeviceAddressRegionKHR, miss_shader_binding_table::StridedDeviceAddressRegionKHR, hit_shader_binding_table::StridedDeviceAddressRegionKHR, callable_shader_binding_table::StridedDeviceAddressRegionKHR, width::Integer, height::Integer, depth::Integer) _cmd_trace_rays_khr(command_buffer, convert(_StridedDeviceAddressRegionKHR, raygen_shader_binding_table), convert(_StridedDeviceAddressRegionKHR, miss_shader_binding_table), convert(_StridedDeviceAddressRegionKHR, hit_shader_binding_table), convert(_StridedDeviceAddressRegionKHR, callable_shader_binding_table), width, height, depth) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `command_buffer::CommandBuffer` (externsync) - `raygen_shader_binding_table_buffer::Buffer` - `raygen_shader_binding_offset::UInt64` - `miss_shader_binding_offset::UInt64` - `miss_shader_binding_stride::UInt64` - `hit_shader_binding_offset::UInt64` - `hit_shader_binding_stride::UInt64` - `callable_shader_binding_offset::UInt64` - `callable_shader_binding_stride::UInt64` - `width::UInt32` - `height::UInt32` - `depth::UInt32` - `miss_shader_binding_table_buffer::Buffer`: defaults to `C_NULL` - `hit_shader_binding_table_buffer::Buffer`: defaults to `C_NULL` - `callable_shader_binding_table_buffer::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdTraceRaysNV.html) """ function cmd_trace_rays_nv(command_buffer, raygen_shader_binding_table_buffer, raygen_shader_binding_offset::Integer, miss_shader_binding_offset::Integer, miss_shader_binding_stride::Integer, hit_shader_binding_offset::Integer, hit_shader_binding_stride::Integer, callable_shader_binding_offset::Integer, callable_shader_binding_stride::Integer, width::Integer, height::Integer, depth::Integer; miss_shader_binding_table_buffer = C_NULL, hit_shader_binding_table_buffer = C_NULL, callable_shader_binding_table_buffer = C_NULL) _cmd_trace_rays_nv(command_buffer, raygen_shader_binding_table_buffer, raygen_shader_binding_offset, miss_shader_binding_offset, miss_shader_binding_stride, hit_shader_binding_offset, hit_shader_binding_stride, callable_shader_binding_offset, callable_shader_binding_stride, width, height, depth; miss_shader_binding_table_buffer, hit_shader_binding_table_buffer, callable_shader_binding_table_buffer) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `pipeline::Pipeline` - `first_group::UInt32` - `group_count::UInt32` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetRayTracingShaderGroupHandlesKHR.html) """ function get_ray_tracing_shader_group_handles_khr(device, pipeline, first_group::Integer, group_count::Integer, data_size::Integer, data::Ptr{Cvoid})::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_ray_tracing_shader_group_handles_khr(device, pipeline, first_group, group_count, data_size, data)) val end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `pipeline::Pipeline` - `first_group::UInt32` - `group_count::UInt32` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetRayTracingCaptureReplayShaderGroupHandlesKHR.html) """ function get_ray_tracing_capture_replay_shader_group_handles_khr(device, pipeline, first_group::Integer, group_count::Integer, data_size::Integer, data::Ptr{Cvoid})::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_ray_tracing_capture_replay_shader_group_handles_khr(device, pipeline, first_group, group_count, data_size, data)) val end """ Extension: VK\\_NV\\_ray\\_tracing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `acceleration_structure::AccelerationStructureNV` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetAccelerationStructureHandleNV.html) """ function get_acceleration_structure_handle_nv(device, acceleration_structure, data_size::Integer, data::Ptr{Cvoid})::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_acceleration_structure_handle_nv(device, acceleration_structure, data_size, data)) val end """ Extension: VK\\_NV\\_ray\\_tracing Return codes: - `SUCCESS` - `PIPELINE_COMPILE_REQUIRED_EXT` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_SHADER_NV` Arguments: - `device::Device` - `create_infos::Vector{RayTracingPipelineCreateInfoNV}` - `pipeline_cache::PipelineCache`: defaults to `C_NULL` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRayTracingPipelinesNV.html) """ function create_ray_tracing_pipelines_nv(device, create_infos::AbstractArray; pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} val = @propagate_errors(_create_ray_tracing_pipelines_nv(device, convert(AbstractArray{_RayTracingPipelineCreateInfoNV}, create_infos); pipeline_cache, allocator)) val end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `PIPELINE_COMPILE_REQUIRED_EXT` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS` Arguments: - `device::Device` - `create_infos::Vector{RayTracingPipelineCreateInfoKHR}` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` - `pipeline_cache::PipelineCache`: defaults to `C_NULL` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRayTracingPipelinesKHR.html) """ function create_ray_tracing_pipelines_khr(device, create_infos::AbstractArray; deferred_operation = C_NULL, pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} val = @propagate_errors(_create_ray_tracing_pipelines_khr(device, convert(AbstractArray{_RayTracingPipelineCreateInfoKHR}, create_infos); deferred_operation, pipeline_cache, allocator)) val end """ Extension: VK\\_NV\\_cooperative\\_matrix Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceCooperativeMatrixPropertiesNV.html) """ function get_physical_device_cooperative_matrix_properties_nv(physical_device)::ResultTypes.Result{Vector{CooperativeMatrixPropertiesNV}, VulkanError} val = @propagate_errors(_get_physical_device_cooperative_matrix_properties_nv(physical_device)) CooperativeMatrixPropertiesNV.(val) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `command_buffer::CommandBuffer` (externsync) - `raygen_shader_binding_table::StridedDeviceAddressRegionKHR` - `miss_shader_binding_table::StridedDeviceAddressRegionKHR` - `hit_shader_binding_table::StridedDeviceAddressRegionKHR` - `callable_shader_binding_table::StridedDeviceAddressRegionKHR` - `indirect_device_address::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdTraceRaysIndirectKHR.html) """ function cmd_trace_rays_indirect_khr(command_buffer, raygen_shader_binding_table::StridedDeviceAddressRegionKHR, miss_shader_binding_table::StridedDeviceAddressRegionKHR, hit_shader_binding_table::StridedDeviceAddressRegionKHR, callable_shader_binding_table::StridedDeviceAddressRegionKHR, indirect_device_address::Integer) _cmd_trace_rays_indirect_khr(command_buffer, convert(_StridedDeviceAddressRegionKHR, raygen_shader_binding_table), convert(_StridedDeviceAddressRegionKHR, miss_shader_binding_table), convert(_StridedDeviceAddressRegionKHR, hit_shader_binding_table), convert(_StridedDeviceAddressRegionKHR, callable_shader_binding_table), indirect_device_address) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_maintenance1 Arguments: - `command_buffer::CommandBuffer` (externsync) - `indirect_device_address::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdTraceRaysIndirect2KHR.html) """ function cmd_trace_rays_indirect_2_khr(command_buffer, indirect_device_address::Integer) _cmd_trace_rays_indirect_2_khr(command_buffer, indirect_device_address) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `device::Device` - `version_info::AccelerationStructureVersionInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceAccelerationStructureCompatibilityKHR.html) """ function get_device_acceleration_structure_compatibility_khr(device, version_info::AccelerationStructureVersionInfoKHR) _get_device_acceleration_structure_compatibility_khr(device, convert(_AccelerationStructureVersionInfoKHR, version_info)) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `device::Device` - `pipeline::Pipeline` - `group::UInt32` - `group_shader::ShaderGroupShaderKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetRayTracingShaderGroupStackSizeKHR.html) """ function get_ray_tracing_shader_group_stack_size_khr(device, pipeline, group::Integer, group_shader::ShaderGroupShaderKHR) _get_ray_tracing_shader_group_stack_size_khr(device, pipeline, group, group_shader) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_stack_size::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetRayTracingPipelineStackSizeKHR.html) """ function cmd_set_ray_tracing_pipeline_stack_size_khr(command_buffer, pipeline_stack_size::Integer) _cmd_set_ray_tracing_pipeline_stack_size_khr(command_buffer, pipeline_stack_size) end """ Extension: VK\\_NVX\\_image\\_view\\_handle Arguments: - `device::Device` - `info::ImageViewHandleInfoNVX` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageViewHandleNVX.html) """ function get_image_view_handle_nvx(device, info::ImageViewHandleInfoNVX) _get_image_view_handle_nvx(device, convert(_ImageViewHandleInfoNVX, info)) end """ Extension: VK\\_NVX\\_image\\_view\\_handle Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_UNKNOWN` Arguments: - `device::Device` - `image_view::ImageView` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageViewAddressNVX.html) """ function get_image_view_address_nvx(device, image_view)::ResultTypes.Result{ImageViewAddressPropertiesNVX, VulkanError} val = @propagate_errors(_get_image_view_address_nvx(device, image_view)) ImageViewAddressPropertiesNVX(val) end """ Extension: VK\\_KHR\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `physical_device::PhysicalDevice` - `queue_family_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumeratePhysicalDeviceQueueFamilyPerformanceQueryCountersKHR.html) """ function enumerate_physical_device_queue_family_performance_query_counters_khr(physical_device, queue_family_index::Integer)::ResultTypes.Result{Tuple{Vector{_PerformanceCounterKHR}, Vector{_PerformanceCounterDescriptionKHR}}, VulkanError} val = @propagate_errors(_enumerate_physical_device_queue_family_performance_query_counters_khr(physical_device, queue_family_index)) val end """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `physical_device::PhysicalDevice` - `performance_query_create_info::QueryPoolPerformanceCreateInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceQueueFamilyPerformanceQueryPassesKHR.html) """ function get_physical_device_queue_family_performance_query_passes_khr(physical_device, performance_query_create_info::QueryPoolPerformanceCreateInfoKHR) _get_physical_device_queue_family_performance_query_passes_khr(physical_device, convert(_QueryPoolPerformanceCreateInfoKHR, performance_query_create_info)) end """ Extension: VK\\_KHR\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `TIMEOUT` Arguments: - `device::Device` - `info::AcquireProfilingLockInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAcquireProfilingLockKHR.html) """ function acquire_profiling_lock_khr(device, info::AcquireProfilingLockInfoKHR)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_acquire_profiling_lock_khr(device, convert(_AcquireProfilingLockInfoKHR, info))) val end """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `device::Device` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkReleaseProfilingLockKHR.html) """ function release_profiling_lock_khr(device) _release_profiling_lock_khr(device) end """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `image::Image` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageDrmFormatModifierPropertiesEXT.html) """ function get_image_drm_format_modifier_properties_ext(device, image)::ResultTypes.Result{ImageDrmFormatModifierPropertiesEXT, VulkanError} val = @propagate_errors(_get_image_drm_format_modifier_properties_ext(device, image)) ImageDrmFormatModifierPropertiesEXT(val) end """ Arguments: - `device::Device` - `info::BufferDeviceAddressInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetBufferOpaqueCaptureAddress.html) """ function get_buffer_opaque_capture_address(device, info::BufferDeviceAddressInfo) _get_buffer_opaque_capture_address(device, convert(_BufferDeviceAddressInfo, info)) end """ Arguments: - `device::Device` - `info::BufferDeviceAddressInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetBufferDeviceAddress.html) """ function get_buffer_device_address(device, info::BufferDeviceAddressInfo) _get_buffer_device_address(device, convert(_BufferDeviceAddressInfo, info)) end """ Extension: VK\\_EXT\\_headless\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `create_info::HeadlessSurfaceCreateInfoEXT` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateHeadlessSurfaceEXT.html) """ function create_headless_surface_ext(instance, create_info::HeadlessSurfaceCreateInfoEXT; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_headless_surface_ext(instance, convert(_HeadlessSurfaceCreateInfoEXT, create_info); allocator)) val end """ Extension: VK\\_NV\\_coverage\\_reduction\\_mode Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSupportedFramebufferMixedSamplesCombinationsNV.html) """ function get_physical_device_supported_framebuffer_mixed_samples_combinations_nv(physical_device)::ResultTypes.Result{Vector{FramebufferMixedSamplesCombinationNV}, VulkanError} val = @propagate_errors(_get_physical_device_supported_framebuffer_mixed_samples_combinations_nv(physical_device)) FramebufferMixedSamplesCombinationNV.(val) end """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `initialize_info::InitializePerformanceApiInfoINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkInitializePerformanceApiINTEL.html) """ function initialize_performance_api_intel(device, initialize_info::InitializePerformanceApiInfoINTEL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_initialize_performance_api_intel(device, convert(_InitializePerformanceApiInfoINTEL, initialize_info))) val end """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `device::Device` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkUninitializePerformanceApiINTEL.html) """ function uninitialize_performance_api_intel(device) _uninitialize_performance_api_intel(device) end """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `command_buffer::CommandBuffer` (externsync) - `marker_info::PerformanceMarkerInfoINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPerformanceMarkerINTEL.html) """ function cmd_set_performance_marker_intel(command_buffer, marker_info::PerformanceMarkerInfoINTEL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_cmd_set_performance_marker_intel(command_buffer, convert(_PerformanceMarkerInfoINTEL, marker_info))) val end """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `command_buffer::CommandBuffer` (externsync) - `marker_info::PerformanceStreamMarkerInfoINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPerformanceStreamMarkerINTEL.html) """ function cmd_set_performance_stream_marker_intel(command_buffer, marker_info::PerformanceStreamMarkerInfoINTEL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_cmd_set_performance_stream_marker_intel(command_buffer, convert(_PerformanceStreamMarkerInfoINTEL, marker_info))) val end """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `command_buffer::CommandBuffer` (externsync) - `override_info::PerformanceOverrideInfoINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPerformanceOverrideINTEL.html) """ function cmd_set_performance_override_intel(command_buffer, override_info::PerformanceOverrideInfoINTEL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_cmd_set_performance_override_intel(command_buffer, convert(_PerformanceOverrideInfoINTEL, override_info))) val end """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `acquire_info::PerformanceConfigurationAcquireInfoINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAcquirePerformanceConfigurationINTEL.html) """ function acquire_performance_configuration_intel(device, acquire_info::PerformanceConfigurationAcquireInfoINTEL)::ResultTypes.Result{PerformanceConfigurationINTEL, VulkanError} val = @propagate_errors(_acquire_performance_configuration_intel(device, convert(_PerformanceConfigurationAcquireInfoINTEL, acquire_info))) val end """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `configuration::PerformanceConfigurationINTEL`: defaults to `C_NULL` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkReleasePerformanceConfigurationINTEL.html) """ function release_performance_configuration_intel(device; configuration = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_release_performance_configuration_intel(device; configuration)) val end """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `queue::Queue` - `configuration::PerformanceConfigurationINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueSetPerformanceConfigurationINTEL.html) """ function queue_set_performance_configuration_intel(queue, configuration)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_queue_set_performance_configuration_intel(queue, configuration)) val end """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `parameter::PerformanceParameterTypeINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPerformanceParameterINTEL.html) """ function get_performance_parameter_intel(device, parameter::PerformanceParameterTypeINTEL)::ResultTypes.Result{PerformanceValueINTEL, VulkanError} val = @propagate_errors(_get_performance_parameter_intel(device, parameter)) PerformanceValueINTEL(val) end """ Arguments: - `device::Device` - `info::DeviceMemoryOpaqueCaptureAddressInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceMemoryOpaqueCaptureAddress.html) """ function get_device_memory_opaque_capture_address(device, info::DeviceMemoryOpaqueCaptureAddressInfo) _get_device_memory_opaque_capture_address(device, convert(_DeviceMemoryOpaqueCaptureAddressInfo, info)) end """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `pipeline_info::PipelineInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPipelineExecutablePropertiesKHR.html) """ function get_pipeline_executable_properties_khr(device, pipeline_info::PipelineInfoKHR)::ResultTypes.Result{Vector{PipelineExecutablePropertiesKHR}, VulkanError} val = @propagate_errors(_get_pipeline_executable_properties_khr(device, convert(_PipelineInfoKHR, pipeline_info))) PipelineExecutablePropertiesKHR.(val) end """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `executable_info::PipelineExecutableInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPipelineExecutableStatisticsKHR.html) """ function get_pipeline_executable_statistics_khr(device, executable_info::PipelineExecutableInfoKHR)::ResultTypes.Result{Vector{PipelineExecutableStatisticKHR}, VulkanError} val = @propagate_errors(_get_pipeline_executable_statistics_khr(device, convert(_PipelineExecutableInfoKHR, executable_info))) PipelineExecutableStatisticKHR.(val) end """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `executable_info::PipelineExecutableInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPipelineExecutableInternalRepresentationsKHR.html) """ function get_pipeline_executable_internal_representations_khr(device, executable_info::PipelineExecutableInfoKHR)::ResultTypes.Result{Vector{PipelineExecutableInternalRepresentationKHR}, VulkanError} val = @propagate_errors(_get_pipeline_executable_internal_representations_khr(device, convert(_PipelineExecutableInfoKHR, executable_info))) PipelineExecutableInternalRepresentationKHR.(val) end """ Extension: VK\\_EXT\\_line\\_rasterization Arguments: - `command_buffer::CommandBuffer` (externsync) - `line_stipple_factor::UInt32` - `line_stipple_pattern::UInt16` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetLineStippleEXT.html) """ function cmd_set_line_stipple_ext(command_buffer, line_stipple_factor::Integer, line_stipple_pattern::Integer) _cmd_set_line_stipple_ext(command_buffer, line_stipple_factor, line_stipple_pattern) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceToolProperties.html) """ function get_physical_device_tool_properties(physical_device)::ResultTypes.Result{Vector{PhysicalDeviceToolProperties}, VulkanError} val = @propagate_errors(_get_physical_device_tool_properties(physical_device)) PhysicalDeviceToolProperties.(val) end """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `create_info::AccelerationStructureCreateInfoKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateAccelerationStructureKHR.html) """ function create_acceleration_structure_khr(device, create_info::AccelerationStructureCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{AccelerationStructureKHR, VulkanError} val = @propagate_errors(_create_acceleration_structure_khr(device, convert(_AccelerationStructureCreateInfoKHR, create_info); allocator)) val end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `command_buffer::CommandBuffer` (externsync) - `infos::Vector{AccelerationStructureBuildGeometryInfoKHR}` - `build_range_infos::Vector{AccelerationStructureBuildRangeInfoKHR}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBuildAccelerationStructuresKHR.html) """ function cmd_build_acceleration_structures_khr(command_buffer, infos::AbstractArray, build_range_infos::AbstractArray) _cmd_build_acceleration_structures_khr(command_buffer, convert(AbstractArray{_AccelerationStructureBuildGeometryInfoKHR}, infos), convert(AbstractArray{_AccelerationStructureBuildRangeInfoKHR}, build_range_infos)) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `command_buffer::CommandBuffer` (externsync) - `infos::Vector{AccelerationStructureBuildGeometryInfoKHR}` - `indirect_device_addresses::Vector{UInt64}` - `indirect_strides::Vector{UInt32}` - `max_primitive_counts::Vector{UInt32}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBuildAccelerationStructuresIndirectKHR.html) """ function cmd_build_acceleration_structures_indirect_khr(command_buffer, infos::AbstractArray, indirect_device_addresses::AbstractArray, indirect_strides::AbstractArray, max_primitive_counts::AbstractArray) _cmd_build_acceleration_structures_indirect_khr(command_buffer, convert(AbstractArray{_AccelerationStructureBuildGeometryInfoKHR}, infos), indirect_device_addresses, indirect_strides, max_primitive_counts) end """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `infos::Vector{AccelerationStructureBuildGeometryInfoKHR}` - `build_range_infos::Vector{AccelerationStructureBuildRangeInfoKHR}` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBuildAccelerationStructuresKHR.html) """ function build_acceleration_structures_khr(device, infos::AbstractArray, build_range_infos::AbstractArray; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_build_acceleration_structures_khr(device, convert(AbstractArray{_AccelerationStructureBuildGeometryInfoKHR}, infos), convert(AbstractArray{_AccelerationStructureBuildRangeInfoKHR}, build_range_infos); deferred_operation)) val end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `device::Device` - `info::AccelerationStructureDeviceAddressInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetAccelerationStructureDeviceAddressKHR.html) """ function get_acceleration_structure_device_address_khr(device, info::AccelerationStructureDeviceAddressInfoKHR) _get_acceleration_structure_device_address_khr(device, convert(_AccelerationStructureDeviceAddressInfoKHR, info)) end """ Extension: VK\\_KHR\\_deferred\\_host\\_operations Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDeferredOperationKHR.html) """ function create_deferred_operation_khr(device; allocator = C_NULL)::ResultTypes.Result{DeferredOperationKHR, VulkanError} val = @propagate_errors(_create_deferred_operation_khr(device; allocator)) val end """ Extension: VK\\_KHR\\_deferred\\_host\\_operations Arguments: - `device::Device` - `operation::DeferredOperationKHR` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDeferredOperationKHR.html) """ function destroy_deferred_operation_khr(device, operation; allocator = C_NULL) _destroy_deferred_operation_khr(device, operation; allocator) end """ Extension: VK\\_KHR\\_deferred\\_host\\_operations Arguments: - `device::Device` - `operation::DeferredOperationKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeferredOperationMaxConcurrencyKHR.html) """ function get_deferred_operation_max_concurrency_khr(device, operation) _get_deferred_operation_max_concurrency_khr(device, operation) end """ Extension: VK\\_KHR\\_deferred\\_host\\_operations Return codes: - `SUCCESS` - `NOT_READY` Arguments: - `device::Device` - `operation::DeferredOperationKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeferredOperationResultKHR.html) """ function get_deferred_operation_result_khr(device, operation)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_deferred_operation_result_khr(device, operation)) val end """ Extension: VK\\_KHR\\_deferred\\_host\\_operations Return codes: - `SUCCESS` - `THREAD_DONE_KHR` - `THREAD_IDLE_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `operation::DeferredOperationKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDeferredOperationJoinKHR.html) """ function deferred_operation_join_khr(device, operation)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_deferred_operation_join_khr(device, operation)) val end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `cull_mode::CullModeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCullMode.html) """ function cmd_set_cull_mode(command_buffer; cull_mode = 0) _cmd_set_cull_mode(command_buffer; cull_mode) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `front_face::FrontFace` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetFrontFace.html) """ function cmd_set_front_face(command_buffer, front_face::FrontFace) _cmd_set_front_face(command_buffer, front_face) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `primitive_topology::PrimitiveTopology` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPrimitiveTopology.html) """ function cmd_set_primitive_topology(command_buffer, primitive_topology::PrimitiveTopology) _cmd_set_primitive_topology(command_buffer, primitive_topology) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `viewports::Vector{Viewport}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetViewportWithCount.html) """ function cmd_set_viewport_with_count(command_buffer, viewports::AbstractArray) _cmd_set_viewport_with_count(command_buffer, convert(AbstractArray{_Viewport}, viewports)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `scissors::Vector{Rect2D}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetScissorWithCount.html) """ function cmd_set_scissor_with_count(command_buffer, scissors::AbstractArray) _cmd_set_scissor_with_count(command_buffer, convert(AbstractArray{_Rect2D}, scissors)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffers::Vector{Buffer}` - `offsets::Vector{UInt64}` - `sizes::Vector{UInt64}`: defaults to `C_NULL` - `strides::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindVertexBuffers2.html) """ function cmd_bind_vertex_buffers_2(command_buffer, buffers::AbstractArray, offsets::AbstractArray; sizes = C_NULL, strides = C_NULL) _cmd_bind_vertex_buffers_2(command_buffer, buffers, offsets; sizes, strides) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_test_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthTestEnable.html) """ function cmd_set_depth_test_enable(command_buffer, depth_test_enable::Bool) _cmd_set_depth_test_enable(command_buffer, depth_test_enable) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_write_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthWriteEnable.html) """ function cmd_set_depth_write_enable(command_buffer, depth_write_enable::Bool) _cmd_set_depth_write_enable(command_buffer, depth_write_enable) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_compare_op::CompareOp` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthCompareOp.html) """ function cmd_set_depth_compare_op(command_buffer, depth_compare_op::CompareOp) _cmd_set_depth_compare_op(command_buffer, depth_compare_op) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_bounds_test_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthBoundsTestEnable.html) """ function cmd_set_depth_bounds_test_enable(command_buffer, depth_bounds_test_enable::Bool) _cmd_set_depth_bounds_test_enable(command_buffer, depth_bounds_test_enable) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `stencil_test_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetStencilTestEnable.html) """ function cmd_set_stencil_test_enable(command_buffer, stencil_test_enable::Bool) _cmd_set_stencil_test_enable(command_buffer, stencil_test_enable) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `face_mask::StencilFaceFlag` - `fail_op::StencilOp` - `pass_op::StencilOp` - `depth_fail_op::StencilOp` - `compare_op::CompareOp` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetStencilOp.html) """ function cmd_set_stencil_op(command_buffer, face_mask::StencilFaceFlag, fail_op::StencilOp, pass_op::StencilOp, depth_fail_op::StencilOp, compare_op::CompareOp) _cmd_set_stencil_op(command_buffer, face_mask, fail_op, pass_op, depth_fail_op, compare_op) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state2 Arguments: - `command_buffer::CommandBuffer` (externsync) - `patch_control_points::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPatchControlPointsEXT.html) """ function cmd_set_patch_control_points_ext(command_buffer, patch_control_points::Integer) _cmd_set_patch_control_points_ext(command_buffer, patch_control_points) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `rasterizer_discard_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetRasterizerDiscardEnable.html) """ function cmd_set_rasterizer_discard_enable(command_buffer, rasterizer_discard_enable::Bool) _cmd_set_rasterizer_discard_enable(command_buffer, rasterizer_discard_enable) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_bias_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthBiasEnable.html) """ function cmd_set_depth_bias_enable(command_buffer, depth_bias_enable::Bool) _cmd_set_depth_bias_enable(command_buffer, depth_bias_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state2 Arguments: - `command_buffer::CommandBuffer` (externsync) - `logic_op::LogicOp` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetLogicOpEXT.html) """ function cmd_set_logic_op_ext(command_buffer, logic_op::LogicOp) _cmd_set_logic_op_ext(command_buffer, logic_op) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `primitive_restart_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPrimitiveRestartEnable.html) """ function cmd_set_primitive_restart_enable(command_buffer, primitive_restart_enable::Bool) _cmd_set_primitive_restart_enable(command_buffer, primitive_restart_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `domain_origin::TessellationDomainOrigin` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetTessellationDomainOriginEXT.html) """ function cmd_set_tessellation_domain_origin_ext(command_buffer, domain_origin::TessellationDomainOrigin) _cmd_set_tessellation_domain_origin_ext(command_buffer, domain_origin) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_clamp_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthClampEnableEXT.html) """ function cmd_set_depth_clamp_enable_ext(command_buffer, depth_clamp_enable::Bool) _cmd_set_depth_clamp_enable_ext(command_buffer, depth_clamp_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `polygon_mode::PolygonMode` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPolygonModeEXT.html) """ function cmd_set_polygon_mode_ext(command_buffer, polygon_mode::PolygonMode) _cmd_set_polygon_mode_ext(command_buffer, polygon_mode) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `rasterization_samples::SampleCountFlag` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetRasterizationSamplesEXT.html) """ function cmd_set_rasterization_samples_ext(command_buffer, rasterization_samples::SampleCountFlag) _cmd_set_rasterization_samples_ext(command_buffer, rasterization_samples) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `samples::SampleCountFlag` - `sample_mask::Vector{UInt32}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetSampleMaskEXT.html) """ function cmd_set_sample_mask_ext(command_buffer, samples::SampleCountFlag, sample_mask::AbstractArray) _cmd_set_sample_mask_ext(command_buffer, samples, sample_mask) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `alpha_to_coverage_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetAlphaToCoverageEnableEXT.html) """ function cmd_set_alpha_to_coverage_enable_ext(command_buffer, alpha_to_coverage_enable::Bool) _cmd_set_alpha_to_coverage_enable_ext(command_buffer, alpha_to_coverage_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `alpha_to_one_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetAlphaToOneEnableEXT.html) """ function cmd_set_alpha_to_one_enable_ext(command_buffer, alpha_to_one_enable::Bool) _cmd_set_alpha_to_one_enable_ext(command_buffer, alpha_to_one_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `logic_op_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetLogicOpEnableEXT.html) """ function cmd_set_logic_op_enable_ext(command_buffer, logic_op_enable::Bool) _cmd_set_logic_op_enable_ext(command_buffer, logic_op_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `color_blend_enables::Vector{Bool}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetColorBlendEnableEXT.html) """ function cmd_set_color_blend_enable_ext(command_buffer, color_blend_enables::AbstractArray) _cmd_set_color_blend_enable_ext(command_buffer, color_blend_enables) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `color_blend_equations::Vector{ColorBlendEquationEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetColorBlendEquationEXT.html) """ function cmd_set_color_blend_equation_ext(command_buffer, color_blend_equations::AbstractArray) _cmd_set_color_blend_equation_ext(command_buffer, convert(AbstractArray{_ColorBlendEquationEXT}, color_blend_equations)) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `color_write_masks::Vector{ColorComponentFlag}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetColorWriteMaskEXT.html) """ function cmd_set_color_write_mask_ext(command_buffer, color_write_masks::AbstractArray) _cmd_set_color_write_mask_ext(command_buffer, color_write_masks) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `rasterization_stream::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetRasterizationStreamEXT.html) """ function cmd_set_rasterization_stream_ext(command_buffer, rasterization_stream::Integer) _cmd_set_rasterization_stream_ext(command_buffer, rasterization_stream) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `conservative_rasterization_mode::ConservativeRasterizationModeEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetConservativeRasterizationModeEXT.html) """ function cmd_set_conservative_rasterization_mode_ext(command_buffer, conservative_rasterization_mode::ConservativeRasterizationModeEXT) _cmd_set_conservative_rasterization_mode_ext(command_buffer, conservative_rasterization_mode) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `extra_primitive_overestimation_size::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetExtraPrimitiveOverestimationSizeEXT.html) """ function cmd_set_extra_primitive_overestimation_size_ext(command_buffer, extra_primitive_overestimation_size::Real) _cmd_set_extra_primitive_overestimation_size_ext(command_buffer, extra_primitive_overestimation_size) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_clip_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthClipEnableEXT.html) """ function cmd_set_depth_clip_enable_ext(command_buffer, depth_clip_enable::Bool) _cmd_set_depth_clip_enable_ext(command_buffer, depth_clip_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `sample_locations_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetSampleLocationsEnableEXT.html) """ function cmd_set_sample_locations_enable_ext(command_buffer, sample_locations_enable::Bool) _cmd_set_sample_locations_enable_ext(command_buffer, sample_locations_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `color_blend_advanced::Vector{ColorBlendAdvancedEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetColorBlendAdvancedEXT.html) """ function cmd_set_color_blend_advanced_ext(command_buffer, color_blend_advanced::AbstractArray) _cmd_set_color_blend_advanced_ext(command_buffer, convert(AbstractArray{_ColorBlendAdvancedEXT}, color_blend_advanced)) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `provoking_vertex_mode::ProvokingVertexModeEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetProvokingVertexModeEXT.html) """ function cmd_set_provoking_vertex_mode_ext(command_buffer, provoking_vertex_mode::ProvokingVertexModeEXT) _cmd_set_provoking_vertex_mode_ext(command_buffer, provoking_vertex_mode) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `line_rasterization_mode::LineRasterizationModeEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetLineRasterizationModeEXT.html) """ function cmd_set_line_rasterization_mode_ext(command_buffer, line_rasterization_mode::LineRasterizationModeEXT) _cmd_set_line_rasterization_mode_ext(command_buffer, line_rasterization_mode) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `stippled_line_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetLineStippleEnableEXT.html) """ function cmd_set_line_stipple_enable_ext(command_buffer, stippled_line_enable::Bool) _cmd_set_line_stipple_enable_ext(command_buffer, stippled_line_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `negative_one_to_one::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthClipNegativeOneToOneEXT.html) """ function cmd_set_depth_clip_negative_one_to_one_ext(command_buffer, negative_one_to_one::Bool) _cmd_set_depth_clip_negative_one_to_one_ext(command_buffer, negative_one_to_one) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `viewport_w_scaling_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetViewportWScalingEnableNV.html) """ function cmd_set_viewport_w_scaling_enable_nv(command_buffer, viewport_w_scaling_enable::Bool) _cmd_set_viewport_w_scaling_enable_nv(command_buffer, viewport_w_scaling_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `viewport_swizzles::Vector{ViewportSwizzleNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetViewportSwizzleNV.html) """ function cmd_set_viewport_swizzle_nv(command_buffer, viewport_swizzles::AbstractArray) _cmd_set_viewport_swizzle_nv(command_buffer, convert(AbstractArray{_ViewportSwizzleNV}, viewport_swizzles)) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `coverage_to_color_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoverageToColorEnableNV.html) """ function cmd_set_coverage_to_color_enable_nv(command_buffer, coverage_to_color_enable::Bool) _cmd_set_coverage_to_color_enable_nv(command_buffer, coverage_to_color_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `coverage_to_color_location::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoverageToColorLocationNV.html) """ function cmd_set_coverage_to_color_location_nv(command_buffer, coverage_to_color_location::Integer) _cmd_set_coverage_to_color_location_nv(command_buffer, coverage_to_color_location) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `coverage_modulation_mode::CoverageModulationModeNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoverageModulationModeNV.html) """ function cmd_set_coverage_modulation_mode_nv(command_buffer, coverage_modulation_mode::CoverageModulationModeNV) _cmd_set_coverage_modulation_mode_nv(command_buffer, coverage_modulation_mode) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `coverage_modulation_table_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoverageModulationTableEnableNV.html) """ function cmd_set_coverage_modulation_table_enable_nv(command_buffer, coverage_modulation_table_enable::Bool) _cmd_set_coverage_modulation_table_enable_nv(command_buffer, coverage_modulation_table_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `coverage_modulation_table::Vector{Float32}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoverageModulationTableNV.html) """ function cmd_set_coverage_modulation_table_nv(command_buffer, coverage_modulation_table::AbstractArray) _cmd_set_coverage_modulation_table_nv(command_buffer, coverage_modulation_table) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `shading_rate_image_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetShadingRateImageEnableNV.html) """ function cmd_set_shading_rate_image_enable_nv(command_buffer, shading_rate_image_enable::Bool) _cmd_set_shading_rate_image_enable_nv(command_buffer, shading_rate_image_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `coverage_reduction_mode::CoverageReductionModeNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoverageReductionModeNV.html) """ function cmd_set_coverage_reduction_mode_nv(command_buffer, coverage_reduction_mode::CoverageReductionModeNV) _cmd_set_coverage_reduction_mode_nv(command_buffer, coverage_reduction_mode) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `representative_fragment_test_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetRepresentativeFragmentTestEnableNV.html) """ function cmd_set_representative_fragment_test_enable_nv(command_buffer, representative_fragment_test_enable::Bool) _cmd_set_representative_fragment_test_enable_nv(command_buffer, representative_fragment_test_enable) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `create_info::PrivateDataSlotCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePrivateDataSlot.html) """ function create_private_data_slot(device, create_info::PrivateDataSlotCreateInfo; allocator = C_NULL)::ResultTypes.Result{PrivateDataSlot, VulkanError} val = @propagate_errors(_create_private_data_slot(device, convert(_PrivateDataSlotCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `private_data_slot::PrivateDataSlot` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyPrivateDataSlot.html) """ function destroy_private_data_slot(device, private_data_slot; allocator = C_NULL) _destroy_private_data_slot(device, private_data_slot; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `object_type::ObjectType` - `object_handle::UInt64` - `private_data_slot::PrivateDataSlot` - `data::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetPrivateData.html) """ function set_private_data(device, object_type::ObjectType, object_handle::Integer, private_data_slot, data::Integer)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_set_private_data(device, object_type, object_handle, private_data_slot, data)) val end """ Arguments: - `device::Device` - `object_type::ObjectType` - `object_handle::UInt64` - `private_data_slot::PrivateDataSlot` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPrivateData.html) """ function get_private_data(device, object_type::ObjectType, object_handle::Integer, private_data_slot) _get_private_data(device, object_type, object_handle, private_data_slot) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `copy_buffer_info::CopyBufferInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyBuffer2.html) """ function cmd_copy_buffer_2(command_buffer, copy_buffer_info::CopyBufferInfo2) _cmd_copy_buffer_2(command_buffer, convert(_CopyBufferInfo2, copy_buffer_info)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `copy_image_info::CopyImageInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyImage2.html) """ function cmd_copy_image_2(command_buffer, copy_image_info::CopyImageInfo2) _cmd_copy_image_2(command_buffer, convert(_CopyImageInfo2, copy_image_info)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `blit_image_info::BlitImageInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBlitImage2.html) """ function cmd_blit_image_2(command_buffer, blit_image_info::BlitImageInfo2) _cmd_blit_image_2(command_buffer, convert(_BlitImageInfo2, blit_image_info)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `copy_buffer_to_image_info::CopyBufferToImageInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyBufferToImage2.html) """ function cmd_copy_buffer_to_image_2(command_buffer, copy_buffer_to_image_info::CopyBufferToImageInfo2) _cmd_copy_buffer_to_image_2(command_buffer, convert(_CopyBufferToImageInfo2, copy_buffer_to_image_info)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `copy_image_to_buffer_info::CopyImageToBufferInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyImageToBuffer2.html) """ function cmd_copy_image_to_buffer_2(command_buffer, copy_image_to_buffer_info::CopyImageToBufferInfo2) _cmd_copy_image_to_buffer_2(command_buffer, convert(_CopyImageToBufferInfo2, copy_image_to_buffer_info)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `resolve_image_info::ResolveImageInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdResolveImage2.html) """ function cmd_resolve_image_2(command_buffer, resolve_image_info::ResolveImageInfo2) _cmd_resolve_image_2(command_buffer, convert(_ResolveImageInfo2, resolve_image_info)) end """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Arguments: - `command_buffer::CommandBuffer` (externsync) - `fragment_size::Extent2D` - `combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetFragmentShadingRateKHR.html) """ function cmd_set_fragment_shading_rate_khr(command_buffer, fragment_size::Extent2D, combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}) _cmd_set_fragment_shading_rate_khr(command_buffer, convert(_Extent2D, fragment_size), combiner_ops) end """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceFragmentShadingRatesKHR.html) """ function get_physical_device_fragment_shading_rates_khr(physical_device)::ResultTypes.Result{Vector{PhysicalDeviceFragmentShadingRateKHR}, VulkanError} val = @propagate_errors(_get_physical_device_fragment_shading_rates_khr(physical_device)) PhysicalDeviceFragmentShadingRateKHR.(val) end """ Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums Arguments: - `command_buffer::CommandBuffer` (externsync) - `shading_rate::FragmentShadingRateNV` - `combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetFragmentShadingRateEnumNV.html) """ function cmd_set_fragment_shading_rate_enum_nv(command_buffer, shading_rate::FragmentShadingRateNV, combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}) _cmd_set_fragment_shading_rate_enum_nv(command_buffer, shading_rate, combiner_ops) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `device::Device` - `build_type::AccelerationStructureBuildTypeKHR` - `build_info::AccelerationStructureBuildGeometryInfoKHR` - `max_primitive_counts::Vector{UInt32}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetAccelerationStructureBuildSizesKHR.html) """ function get_acceleration_structure_build_sizes_khr(device, build_type::AccelerationStructureBuildTypeKHR, build_info::AccelerationStructureBuildGeometryInfoKHR; max_primitive_counts = C_NULL) AccelerationStructureBuildSizesInfoKHR(_get_acceleration_structure_build_sizes_khr(device, build_type, convert(_AccelerationStructureBuildGeometryInfoKHR, build_info); max_primitive_counts)) end """ Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state Arguments: - `command_buffer::CommandBuffer` (externsync) - `vertex_binding_descriptions::Vector{VertexInputBindingDescription2EXT}` - `vertex_attribute_descriptions::Vector{VertexInputAttributeDescription2EXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetVertexInputEXT.html) """ function cmd_set_vertex_input_ext(command_buffer, vertex_binding_descriptions::AbstractArray, vertex_attribute_descriptions::AbstractArray) _cmd_set_vertex_input_ext(command_buffer, convert(AbstractArray{_VertexInputBindingDescription2EXT}, vertex_binding_descriptions), convert(AbstractArray{_VertexInputAttributeDescription2EXT}, vertex_attribute_descriptions)) end """ Extension: VK\\_EXT\\_color\\_write\\_enable Arguments: - `command_buffer::CommandBuffer` (externsync) - `color_write_enables::Vector{Bool}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetColorWriteEnableEXT.html) """ function cmd_set_color_write_enable_ext(command_buffer, color_write_enables::AbstractArray) _cmd_set_color_write_enable_ext(command_buffer, color_write_enables) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `event::Event` - `dependency_info::DependencyInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetEvent2.html) """ function cmd_set_event_2(command_buffer, event, dependency_info::DependencyInfo) _cmd_set_event_2(command_buffer, event, convert(_DependencyInfo, dependency_info)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `event::Event` - `stage_mask::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdResetEvent2.html) """ function cmd_reset_event_2(command_buffer, event; stage_mask = 0) _cmd_reset_event_2(command_buffer, event; stage_mask) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `events::Vector{Event}` - `dependency_infos::Vector{DependencyInfo}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWaitEvents2.html) """ function cmd_wait_events_2(command_buffer, events::AbstractArray, dependency_infos::AbstractArray) _cmd_wait_events_2(command_buffer, events, convert(AbstractArray{_DependencyInfo}, dependency_infos)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `dependency_info::DependencyInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdPipelineBarrier2.html) """ function cmd_pipeline_barrier_2(command_buffer, dependency_info::DependencyInfo) _cmd_pipeline_barrier_2(command_buffer, convert(_DependencyInfo, dependency_info)) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `queue::Queue` (externsync) - `submits::Vector{SubmitInfo2}` - `fence::Fence`: defaults to `C_NULL` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueSubmit2.html) """ function queue_submit_2(queue, submits::AbstractArray; fence = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_queue_submit_2(queue, convert(AbstractArray{_SubmitInfo2}, submits); fence)) val end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `query::UInt32` - `stage::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteTimestamp2.html) """ function cmd_write_timestamp_2(command_buffer, query_pool, query::Integer; stage = 0) _cmd_write_timestamp_2(command_buffer, query_pool, query; stage) end """ Extension: VK\\_KHR\\_synchronization2 Arguments: - `command_buffer::CommandBuffer` (externsync) - `dst_buffer::Buffer` - `dst_offset::UInt64` - `marker::UInt32` - `stage::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteBufferMarker2AMD.html) """ function cmd_write_buffer_marker_2_amd(command_buffer, dst_buffer, dst_offset::Integer, marker::Integer; stage = 0) _cmd_write_buffer_marker_2_amd(command_buffer, dst_buffer, dst_offset, marker; stage) end """ Extension: VK\\_KHR\\_synchronization2 Arguments: - `queue::Queue` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetQueueCheckpointData2NV.html) """ function get_queue_checkpoint_data_2_nv(queue) CheckpointData2NV.(_get_queue_checkpoint_data_2_nv(queue)) end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_VIDEO_PROFILE_OPERATION_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_FORMAT_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PICTURE_LAYOUT_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_CODEC_NOT_SUPPORTED_KHR` Arguments: - `physical_device::PhysicalDevice` - `video_profile::VideoProfileInfoKHR` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceVideoCapabilitiesKHR.html) """ function get_physical_device_video_capabilities_khr(physical_device, video_profile::VideoProfileInfoKHR, next_types::Type...)::ResultTypes.Result{VideoCapabilitiesKHR, VulkanError} next_types_hl = next_types next_types = intermediate_type.(next_types) val = @propagate_errors(_get_physical_device_video_capabilities_khr(physical_device, convert(_VideoProfileInfoKHR, video_profile), next_types...)) VideoCapabilitiesKHR(val, next_types_hl...) end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_IMAGE_USAGE_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_OPERATION_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_FORMAT_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PICTURE_LAYOUT_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_CODEC_NOT_SUPPORTED_KHR` Arguments: - `physical_device::PhysicalDevice` - `video_format_info::PhysicalDeviceVideoFormatInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceVideoFormatPropertiesKHR.html) """ function get_physical_device_video_format_properties_khr(physical_device, video_format_info::PhysicalDeviceVideoFormatInfoKHR)::ResultTypes.Result{Vector{VideoFormatPropertiesKHR}, VulkanError} val = @propagate_errors(_get_physical_device_video_format_properties_khr(physical_device, convert(_PhysicalDeviceVideoFormatInfoKHR, video_format_info))) VideoFormatPropertiesKHR.(val) end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_VIDEO_STD_VERSION_NOT_SUPPORTED_KHR` Arguments: - `device::Device` - `create_info::VideoSessionCreateInfoKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateVideoSessionKHR.html) """ function create_video_session_khr(device, create_info::VideoSessionCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{VideoSessionKHR, VulkanError} val = @propagate_errors(_create_video_session_khr(device, convert(_VideoSessionCreateInfoKHR, create_info); allocator)) val end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `device::Device` - `video_session::VideoSessionKHR` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyVideoSessionKHR.html) """ function destroy_video_session_khr(device, video_session; allocator = C_NULL) _destroy_video_session_khr(device, video_session; allocator) end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `create_info::VideoSessionParametersCreateInfoKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateVideoSessionParametersKHR.html) """ function create_video_session_parameters_khr(device, create_info::VideoSessionParametersCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{VideoSessionParametersKHR, VulkanError} val = @propagate_errors(_create_video_session_parameters_khr(device, convert(_VideoSessionParametersCreateInfoKHR, create_info); allocator)) val end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `video_session_parameters::VideoSessionParametersKHR` - `update_info::VideoSessionParametersUpdateInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkUpdateVideoSessionParametersKHR.html) """ function update_video_session_parameters_khr(device, video_session_parameters, update_info::VideoSessionParametersUpdateInfoKHR)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_update_video_session_parameters_khr(device, video_session_parameters, convert(_VideoSessionParametersUpdateInfoKHR, update_info))) val end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `device::Device` - `video_session_parameters::VideoSessionParametersKHR` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyVideoSessionParametersKHR.html) """ function destroy_video_session_parameters_khr(device, video_session_parameters; allocator = C_NULL) _destroy_video_session_parameters_khr(device, video_session_parameters; allocator) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `device::Device` - `video_session::VideoSessionKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetVideoSessionMemoryRequirementsKHR.html) """ function get_video_session_memory_requirements_khr(device, video_session) VideoSessionMemoryRequirementsKHR.(_get_video_session_memory_requirements_khr(device, video_session)) end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `video_session::VideoSessionKHR` (externsync) - `bind_session_memory_infos::Vector{BindVideoSessionMemoryInfoKHR}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindVideoSessionMemoryKHR.html) """ function bind_video_session_memory_khr(device, video_session, bind_session_memory_infos::AbstractArray)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_video_session_memory_khr(device, video_session, convert(AbstractArray{_BindVideoSessionMemoryInfoKHR}, bind_session_memory_infos))) val end """ Extension: VK\\_KHR\\_video\\_decode\\_queue Arguments: - `command_buffer::CommandBuffer` (externsync) - `decode_info::VideoDecodeInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDecodeVideoKHR.html) """ function cmd_decode_video_khr(command_buffer, decode_info::VideoDecodeInfoKHR) _cmd_decode_video_khr(command_buffer, convert(_VideoDecodeInfoKHR, decode_info)) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `command_buffer::CommandBuffer` (externsync) - `begin_info::VideoBeginCodingInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginVideoCodingKHR.html) """ function cmd_begin_video_coding_khr(command_buffer, begin_info::VideoBeginCodingInfoKHR) _cmd_begin_video_coding_khr(command_buffer, convert(_VideoBeginCodingInfoKHR, begin_info)) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `command_buffer::CommandBuffer` (externsync) - `coding_control_info::VideoCodingControlInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdControlVideoCodingKHR.html) """ function cmd_control_video_coding_khr(command_buffer, coding_control_info::VideoCodingControlInfoKHR) _cmd_control_video_coding_khr(command_buffer, convert(_VideoCodingControlInfoKHR, coding_control_info)) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `command_buffer::CommandBuffer` (externsync) - `end_coding_info::VideoEndCodingInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndVideoCodingKHR.html) """ function cmd_end_video_coding_khr(command_buffer, end_coding_info::VideoEndCodingInfoKHR) _cmd_end_video_coding_khr(command_buffer, convert(_VideoEndCodingInfoKHR, end_coding_info)) end """ Extension: VK\\_NV\\_memory\\_decompression Arguments: - `command_buffer::CommandBuffer` (externsync) - `decompress_memory_regions::Vector{DecompressMemoryRegionNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDecompressMemoryNV.html) """ function cmd_decompress_memory_nv(command_buffer, decompress_memory_regions::AbstractArray) _cmd_decompress_memory_nv(command_buffer, convert(AbstractArray{_DecompressMemoryRegionNV}, decompress_memory_regions)) end """ Extension: VK\\_NV\\_memory\\_decompression Arguments: - `command_buffer::CommandBuffer` (externsync) - `indirect_commands_address::UInt64` - `indirect_commands_count_address::UInt64` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDecompressMemoryIndirectCountNV.html) """ function cmd_decompress_memory_indirect_count_nv(command_buffer, indirect_commands_address::Integer, indirect_commands_count_address::Integer, stride::Integer) _cmd_decompress_memory_indirect_count_nv(command_buffer, indirect_commands_address, indirect_commands_count_address, stride) end """ Extension: VK\\_NVX\\_binary\\_import Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `create_info::CuModuleCreateInfoNVX` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCuModuleNVX.html) """ function create_cu_module_nvx(device, create_info::CuModuleCreateInfoNVX; allocator = C_NULL)::ResultTypes.Result{CuModuleNVX, VulkanError} val = @propagate_errors(_create_cu_module_nvx(device, convert(_CuModuleCreateInfoNVX, create_info); allocator)) val end """ Extension: VK\\_NVX\\_binary\\_import Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `create_info::CuFunctionCreateInfoNVX` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCuFunctionNVX.html) """ function create_cu_function_nvx(device, create_info::CuFunctionCreateInfoNVX; allocator = C_NULL)::ResultTypes.Result{CuFunctionNVX, VulkanError} val = @propagate_errors(_create_cu_function_nvx(device, convert(_CuFunctionCreateInfoNVX, create_info); allocator)) val end """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `device::Device` - `_module::CuModuleNVX` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyCuModuleNVX.html) """ function destroy_cu_module_nvx(device, _module; allocator = C_NULL) _destroy_cu_module_nvx(device, _module; allocator) end """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `device::Device` - `_function::CuFunctionNVX` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyCuFunctionNVX.html) """ function destroy_cu_function_nvx(device, _function; allocator = C_NULL) _destroy_cu_function_nvx(device, _function; allocator) end """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `command_buffer::CommandBuffer` - `launch_info::CuLaunchInfoNVX` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCuLaunchKernelNVX.html) """ function cmd_cu_launch_kernel_nvx(command_buffer, launch_info::CuLaunchInfoNVX) _cmd_cu_launch_kernel_nvx(command_buffer, convert(_CuLaunchInfoNVX, launch_info)) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `device::Device` - `layout::DescriptorSetLayout` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDescriptorSetLayoutSizeEXT.html) """ function get_descriptor_set_layout_size_ext(device, layout) _get_descriptor_set_layout_size_ext(device, layout) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `device::Device` - `layout::DescriptorSetLayout` - `binding::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDescriptorSetLayoutBindingOffsetEXT.html) """ function get_descriptor_set_layout_binding_offset_ext(device, layout, binding::Integer) _get_descriptor_set_layout_binding_offset_ext(device, layout, binding) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `device::Device` - `descriptor_info::DescriptorGetInfoEXT` - `data_size::UInt` - `descriptor::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDescriptorEXT.html) """ function get_descriptor_ext(device, descriptor_info::DescriptorGetInfoEXT, data_size::Integer, descriptor::Ptr{Cvoid}) _get_descriptor_ext(device, convert(_DescriptorGetInfoEXT, descriptor_info), data_size, descriptor) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `command_buffer::CommandBuffer` (externsync) - `binding_infos::Vector{DescriptorBufferBindingInfoEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindDescriptorBuffersEXT.html) """ function cmd_bind_descriptor_buffers_ext(command_buffer, binding_infos::AbstractArray) _cmd_bind_descriptor_buffers_ext(command_buffer, convert(AbstractArray{_DescriptorBufferBindingInfoEXT}, binding_infos)) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_bind_point::PipelineBindPoint` - `layout::PipelineLayout` - `buffer_indices::Vector{UInt32}` - `offsets::Vector{UInt64}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDescriptorBufferOffsetsEXT.html) """ function cmd_set_descriptor_buffer_offsets_ext(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, buffer_indices::AbstractArray, offsets::AbstractArray) _cmd_set_descriptor_buffer_offsets_ext(command_buffer, pipeline_bind_point, layout, buffer_indices, offsets) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_bind_point::PipelineBindPoint` - `layout::PipelineLayout` - `set::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindDescriptorBufferEmbeddedSamplersEXT.html) """ function cmd_bind_descriptor_buffer_embedded_samplers_ext(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, set::Integer) _cmd_bind_descriptor_buffer_embedded_samplers_ext(command_buffer, pipeline_bind_point, layout, set) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::BufferCaptureDescriptorDataInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetBufferOpaqueCaptureDescriptorDataEXT.html) """ function get_buffer_opaque_capture_descriptor_data_ext(device, info::BufferCaptureDescriptorDataInfoEXT)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} val = @propagate_errors(_get_buffer_opaque_capture_descriptor_data_ext(device, convert(_BufferCaptureDescriptorDataInfoEXT, info))) val end """ Extension: VK\\_EXT\\_descriptor\\_buffer Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::ImageCaptureDescriptorDataInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageOpaqueCaptureDescriptorDataEXT.html) """ function get_image_opaque_capture_descriptor_data_ext(device, info::ImageCaptureDescriptorDataInfoEXT)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} val = @propagate_errors(_get_image_opaque_capture_descriptor_data_ext(device, convert(_ImageCaptureDescriptorDataInfoEXT, info))) val end """ Extension: VK\\_EXT\\_descriptor\\_buffer Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::ImageViewCaptureDescriptorDataInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageViewOpaqueCaptureDescriptorDataEXT.html) """ function get_image_view_opaque_capture_descriptor_data_ext(device, info::ImageViewCaptureDescriptorDataInfoEXT)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} val = @propagate_errors(_get_image_view_opaque_capture_descriptor_data_ext(device, convert(_ImageViewCaptureDescriptorDataInfoEXT, info))) val end """ Extension: VK\\_EXT\\_descriptor\\_buffer Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::SamplerCaptureDescriptorDataInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSamplerOpaqueCaptureDescriptorDataEXT.html) """ function get_sampler_opaque_capture_descriptor_data_ext(device, info::SamplerCaptureDescriptorDataInfoEXT)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} val = @propagate_errors(_get_sampler_opaque_capture_descriptor_data_ext(device, convert(_SamplerCaptureDescriptorDataInfoEXT, info))) val end """ Extension: VK\\_EXT\\_descriptor\\_buffer Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::AccelerationStructureCaptureDescriptorDataInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetAccelerationStructureOpaqueCaptureDescriptorDataEXT.html) """ function get_acceleration_structure_opaque_capture_descriptor_data_ext(device, info::AccelerationStructureCaptureDescriptorDataInfoEXT)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} val = @propagate_errors(_get_acceleration_structure_opaque_capture_descriptor_data_ext(device, convert(_AccelerationStructureCaptureDescriptorDataInfoEXT, info))) val end """ Extension: VK\\_EXT\\_pageable\\_device\\_local\\_memory Arguments: - `device::Device` - `memory::DeviceMemory` - `priority::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetDeviceMemoryPriorityEXT.html) """ function set_device_memory_priority_ext(device, memory, priority::Real) _set_device_memory_priority_ext(device, memory, priority) end """ Extension: VK\\_EXT\\_acquire\\_drm\\_display Return codes: - `SUCCESS` - `ERROR_INITIALIZATION_FAILED` Arguments: - `physical_device::PhysicalDevice` - `drm_fd::Int32` - `display::DisplayKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAcquireDrmDisplayEXT.html) """ function acquire_drm_display_ext(physical_device, drm_fd::Integer, display)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_acquire_drm_display_ext(physical_device, drm_fd, display)) val end """ Extension: VK\\_EXT\\_acquire\\_drm\\_display Return codes: - `SUCCESS` - `ERROR_INITIALIZATION_FAILED` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `drm_fd::Int32` - `connector_id::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDrmDisplayEXT.html) """ function get_drm_display_ext(physical_device, drm_fd::Integer, connector_id::Integer)::ResultTypes.Result{DisplayKHR, VulkanError} val = @propagate_errors(_get_drm_display_ext(physical_device, drm_fd, connector_id)) val end """ Extension: VK\\_KHR\\_present\\_wait Return codes: - `SUCCESS` - `TIMEOUT` - `SUBOPTIMAL_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` - `ERROR_SURFACE_LOST_KHR` - `ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT` Arguments: - `device::Device` - `swapchain::SwapchainKHR` (externsync) - `present_id::UInt64` - `timeout::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkWaitForPresentKHR.html) """ function wait_for_present_khr(device, swapchain, present_id::Integer, timeout::Integer)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_wait_for_present_khr(device, swapchain, present_id, timeout)) val end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `rendering_info::RenderingInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginRendering.html) """ function cmd_begin_rendering(command_buffer, rendering_info::RenderingInfo) _cmd_begin_rendering(command_buffer, convert(_RenderingInfo, rendering_info)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndRendering.html) """ function cmd_end_rendering(command_buffer) _cmd_end_rendering(command_buffer) end """ Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping Arguments: - `device::Device` - `binding_reference::DescriptorSetBindingReferenceVALVE` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDescriptorSetLayoutHostMappingInfoVALVE.html) """ function get_descriptor_set_layout_host_mapping_info_valve(device, binding_reference::DescriptorSetBindingReferenceVALVE) DescriptorSetLayoutHostMappingInfoVALVE(_get_descriptor_set_layout_host_mapping_info_valve(device, convert(_DescriptorSetBindingReferenceVALVE, binding_reference))) end """ Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping Arguments: - `device::Device` - `descriptor_set::DescriptorSet` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDescriptorSetHostMappingVALVE.html) """ function get_descriptor_set_host_mapping_valve(device, descriptor_set) _get_descriptor_set_host_mapping_valve(device, descriptor_set) end """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `create_info::MicromapCreateInfoEXT` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateMicromapEXT.html) """ function create_micromap_ext(device, create_info::MicromapCreateInfoEXT; allocator = C_NULL)::ResultTypes.Result{MicromapEXT, VulkanError} val = @propagate_errors(_create_micromap_ext(device, convert(_MicromapCreateInfoEXT, create_info); allocator)) val end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `command_buffer::CommandBuffer` (externsync) - `infos::Vector{MicromapBuildInfoEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBuildMicromapsEXT.html) """ function cmd_build_micromaps_ext(command_buffer, infos::AbstractArray) _cmd_build_micromaps_ext(command_buffer, convert(AbstractArray{_MicromapBuildInfoEXT}, infos)) end """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `infos::Vector{MicromapBuildInfoEXT}` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBuildMicromapsEXT.html) """ function build_micromaps_ext(device, infos::AbstractArray; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_build_micromaps_ext(device, convert(AbstractArray{_MicromapBuildInfoEXT}, infos); deferred_operation)) val end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `device::Device` - `micromap::MicromapEXT` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyMicromapEXT.html) """ function destroy_micromap_ext(device, micromap; allocator = C_NULL) _destroy_micromap_ext(device, micromap; allocator) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::CopyMicromapInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyMicromapEXT.html) """ function cmd_copy_micromap_ext(command_buffer, info::CopyMicromapInfoEXT) _cmd_copy_micromap_ext(command_buffer, convert(_CopyMicromapInfoEXT, info)) end """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::CopyMicromapInfoEXT` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCopyMicromapEXT.html) """ function copy_micromap_ext(device, info::CopyMicromapInfoEXT; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_copy_micromap_ext(device, convert(_CopyMicromapInfoEXT, info); deferred_operation)) val end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::CopyMicromapToMemoryInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyMicromapToMemoryEXT.html) """ function cmd_copy_micromap_to_memory_ext(command_buffer, info::CopyMicromapToMemoryInfoEXT) _cmd_copy_micromap_to_memory_ext(command_buffer, convert(_CopyMicromapToMemoryInfoEXT, info)) end """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::CopyMicromapToMemoryInfoEXT` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCopyMicromapToMemoryEXT.html) """ function copy_micromap_to_memory_ext(device, info::CopyMicromapToMemoryInfoEXT; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_copy_micromap_to_memory_ext(device, convert(_CopyMicromapToMemoryInfoEXT, info); deferred_operation)) val end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::CopyMemoryToMicromapInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyMemoryToMicromapEXT.html) """ function cmd_copy_memory_to_micromap_ext(command_buffer, info::CopyMemoryToMicromapInfoEXT) _cmd_copy_memory_to_micromap_ext(command_buffer, convert(_CopyMemoryToMicromapInfoEXT, info)) end """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::CopyMemoryToMicromapInfoEXT` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCopyMemoryToMicromapEXT.html) """ function copy_memory_to_micromap_ext(device, info::CopyMemoryToMicromapInfoEXT; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_copy_memory_to_micromap_ext(device, convert(_CopyMemoryToMicromapInfoEXT, info); deferred_operation)) val end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `command_buffer::CommandBuffer` (externsync) - `micromaps::Vector{MicromapEXT}` - `query_type::QueryType` - `query_pool::QueryPool` - `first_query::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteMicromapsPropertiesEXT.html) """ function cmd_write_micromaps_properties_ext(command_buffer, micromaps::AbstractArray, query_type::QueryType, query_pool, first_query::Integer) _cmd_write_micromaps_properties_ext(command_buffer, micromaps, query_type, query_pool, first_query) end """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `micromaps::Vector{MicromapEXT}` - `query_type::QueryType` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) - `stride::UInt` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkWriteMicromapsPropertiesEXT.html) """ function write_micromaps_properties_ext(device, micromaps::AbstractArray, query_type::QueryType, data_size::Integer, data::Ptr{Cvoid}, stride::Integer)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_write_micromaps_properties_ext(device, micromaps, query_type, data_size, data, stride)) val end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `device::Device` - `version_info::MicromapVersionInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceMicromapCompatibilityEXT.html) """ function get_device_micromap_compatibility_ext(device, version_info::MicromapVersionInfoEXT) _get_device_micromap_compatibility_ext(device, convert(_MicromapVersionInfoEXT, version_info)) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `device::Device` - `build_type::AccelerationStructureBuildTypeKHR` - `build_info::MicromapBuildInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetMicromapBuildSizesEXT.html) """ function get_micromap_build_sizes_ext(device, build_type::AccelerationStructureBuildTypeKHR, build_info::MicromapBuildInfoEXT) MicromapBuildSizesInfoEXT(_get_micromap_build_sizes_ext(device, build_type, convert(_MicromapBuildInfoEXT, build_info))) end """ Extension: VK\\_EXT\\_shader\\_module\\_identifier Arguments: - `device::Device` - `shader_module::ShaderModule` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetShaderModuleIdentifierEXT.html) """ function get_shader_module_identifier_ext(device, shader_module) ShaderModuleIdentifierEXT(_get_shader_module_identifier_ext(device, shader_module)) end """ Extension: VK\\_EXT\\_shader\\_module\\_identifier Arguments: - `device::Device` - `create_info::ShaderModuleCreateInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetShaderModuleCreateInfoIdentifierEXT.html) """ function get_shader_module_create_info_identifier_ext(device, create_info::ShaderModuleCreateInfo) ShaderModuleIdentifierEXT(_get_shader_module_create_info_identifier_ext(device, convert(_ShaderModuleCreateInfo, create_info))) end """ Extension: VK\\_EXT\\_image\\_compression\\_control Arguments: - `device::Device` - `image::Image` - `subresource::ImageSubresource2EXT` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageSubresourceLayout2EXT.html) """ function get_image_subresource_layout_2_ext(device, image, subresource::ImageSubresource2EXT, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) SubresourceLayout2EXT(_get_image_subresource_layout_2_ext(device, image, convert(_ImageSubresource2EXT, subresource), next_types...), next_types_hl...) end """ Extension: VK\\_EXT\\_pipeline\\_properties Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `pipeline_info::VkPipelineInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPipelinePropertiesEXT.html) """ function get_pipeline_properties_ext(device, pipeline_info::VkPipelineInfoEXT)::ResultTypes.Result{BaseOutStructure, VulkanError} val = @propagate_errors(_get_pipeline_properties_ext(device, pipeline_info)) BaseOutStructure(val) end """ Extension: VK\\_QCOM\\_tile\\_properties Arguments: - `device::Device` - `framebuffer::Framebuffer` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetFramebufferTilePropertiesQCOM.html) """ function get_framebuffer_tile_properties_qcom(device, framebuffer) TilePropertiesQCOM.(_get_framebuffer_tile_properties_qcom(device, framebuffer)) end """ Extension: VK\\_QCOM\\_tile\\_properties Arguments: - `device::Device` - `rendering_info::RenderingInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDynamicRenderingTilePropertiesQCOM.html) """ function get_dynamic_rendering_tile_properties_qcom(device, rendering_info::RenderingInfo) TilePropertiesQCOM(_get_dynamic_rendering_tile_properties_qcom(device, convert(_RenderingInfo, rendering_info))) end """ Extension: VK\\_NV\\_optical\\_flow Return codes: - `SUCCESS` - `ERROR_EXTENSION_NOT_PRESENT` - `ERROR_INITIALIZATION_FAILED` - `ERROR_FORMAT_NOT_SUPPORTED` Arguments: - `physical_device::PhysicalDevice` - `optical_flow_image_format_info::OpticalFlowImageFormatInfoNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceOpticalFlowImageFormatsNV.html) """ function get_physical_device_optical_flow_image_formats_nv(physical_device, optical_flow_image_format_info::OpticalFlowImageFormatInfoNV)::ResultTypes.Result{Vector{OpticalFlowImageFormatPropertiesNV}, VulkanError} val = @propagate_errors(_get_physical_device_optical_flow_image_formats_nv(physical_device, convert(_OpticalFlowImageFormatInfoNV, optical_flow_image_format_info))) OpticalFlowImageFormatPropertiesNV.(val) end """ Extension: VK\\_NV\\_optical\\_flow Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `create_info::OpticalFlowSessionCreateInfoNV` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateOpticalFlowSessionNV.html) """ function create_optical_flow_session_nv(device, create_info::OpticalFlowSessionCreateInfoNV; allocator = C_NULL)::ResultTypes.Result{OpticalFlowSessionNV, VulkanError} val = @propagate_errors(_create_optical_flow_session_nv(device, convert(_OpticalFlowSessionCreateInfoNV, create_info); allocator)) val end """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `device::Device` - `session::OpticalFlowSessionNV` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyOpticalFlowSessionNV.html) """ function destroy_optical_flow_session_nv(device, session; allocator = C_NULL) _destroy_optical_flow_session_nv(device, session; allocator) end """ Extension: VK\\_NV\\_optical\\_flow Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `session::OpticalFlowSessionNV` - `binding_point::OpticalFlowSessionBindingPointNV` - `layout::ImageLayout` - `view::ImageView`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindOpticalFlowSessionImageNV.html) """ function bind_optical_flow_session_image_nv(device, session, binding_point::OpticalFlowSessionBindingPointNV, layout::ImageLayout; view = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_optical_flow_session_image_nv(device, session, binding_point, layout; view)) val end """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `command_buffer::CommandBuffer` - `session::OpticalFlowSessionNV` - `execute_info::OpticalFlowExecuteInfoNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdOpticalFlowExecuteNV.html) """ function cmd_optical_flow_execute_nv(command_buffer, session, execute_info::OpticalFlowExecuteInfoNV) _cmd_optical_flow_execute_nv(command_buffer, session, convert(_OpticalFlowExecuteInfoNV, execute_info)) end """ Extension: VK\\_EXT\\_device\\_fault Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceFaultInfoEXT.html) """ function get_device_fault_info_ext(device)::ResultTypes.Result{Tuple{_DeviceFaultCountsEXT, _DeviceFaultInfoEXT}, VulkanError} val = @propagate_errors(_get_device_fault_info_ext(device)) val end """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Return codes: - `SUCCESS` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `release_info::ReleaseSwapchainImagesInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkReleaseSwapchainImagesEXT.html) """ function release_swapchain_images_ext(device, release_info::ReleaseSwapchainImagesInfoEXT)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_release_swapchain_images_ext(device, convert(_ReleaseSwapchainImagesInfoEXT, release_info))) val end function create_instance(create_info::InstanceCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Instance, VulkanError} val = @propagate_errors(_create_instance(convert(_InstanceCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_instance(instance, fptr::FunctionPtr; allocator = C_NULL) _destroy_instance(instance, fptr; allocator) end function enumerate_physical_devices(instance, fptr::FunctionPtr)::ResultTypes.Result{Vector{PhysicalDevice}, VulkanError} val = @propagate_errors(_enumerate_physical_devices(instance, fptr)) val end function get_device_proc_addr(device, name::AbstractString, fptr::FunctionPtr) _get_device_proc_addr(device, name, fptr) end function get_instance_proc_addr(name::AbstractString, fptr::FunctionPtr; instance = C_NULL) _get_instance_proc_addr(name, fptr; instance) end function get_physical_device_properties(physical_device, fptr::FunctionPtr) PhysicalDeviceProperties(_get_physical_device_properties(physical_device, fptr)) end function get_physical_device_queue_family_properties(physical_device, fptr::FunctionPtr) QueueFamilyProperties.(_get_physical_device_queue_family_properties(physical_device, fptr)) end function get_physical_device_memory_properties(physical_device, fptr::FunctionPtr) PhysicalDeviceMemoryProperties(_get_physical_device_memory_properties(physical_device, fptr)) end function get_physical_device_features(physical_device, fptr::FunctionPtr) PhysicalDeviceFeatures(_get_physical_device_features(physical_device, fptr)) end function get_physical_device_format_properties(physical_device, format::Format, fptr::FunctionPtr) FormatProperties(_get_physical_device_format_properties(physical_device, format, fptr)) end function get_physical_device_image_format_properties(physical_device, format::Format, type::ImageType, tiling::ImageTiling, usage::ImageUsageFlag, fptr::FunctionPtr; flags = 0)::ResultTypes.Result{ImageFormatProperties, VulkanError} val = @propagate_errors(_get_physical_device_image_format_properties(physical_device, format, type, tiling, usage, fptr; flags)) ImageFormatProperties(val) end function create_device(physical_device, create_info::DeviceCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Device, VulkanError} val = @propagate_errors(_create_device(physical_device, convert(_DeviceCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_device(device, fptr::FunctionPtr; allocator = C_NULL) _destroy_device(device, fptr; allocator) end function enumerate_instance_version(fptr::FunctionPtr)::ResultTypes.Result{VersionNumber, VulkanError} val = @propagate_errors(_enumerate_instance_version(fptr)) val end function enumerate_instance_layer_properties(fptr::FunctionPtr)::ResultTypes.Result{Vector{LayerProperties}, VulkanError} val = @propagate_errors(_enumerate_instance_layer_properties(fptr)) LayerProperties.(val) end function enumerate_instance_extension_properties(fptr::FunctionPtr; layer_name = C_NULL)::ResultTypes.Result{Vector{ExtensionProperties}, VulkanError} val = @propagate_errors(_enumerate_instance_extension_properties(fptr; layer_name)) ExtensionProperties.(val) end function enumerate_device_layer_properties(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{LayerProperties}, VulkanError} val = @propagate_errors(_enumerate_device_layer_properties(physical_device, fptr)) LayerProperties.(val) end function enumerate_device_extension_properties(physical_device, fptr::FunctionPtr; layer_name = C_NULL)::ResultTypes.Result{Vector{ExtensionProperties}, VulkanError} val = @propagate_errors(_enumerate_device_extension_properties(physical_device, fptr; layer_name)) ExtensionProperties.(val) end function get_device_queue(device, queue_family_index::Integer, queue_index::Integer, fptr::FunctionPtr) _get_device_queue(device, queue_family_index, queue_index, fptr) end function queue_submit(queue, submits::AbstractArray, fptr::FunctionPtr; fence = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_queue_submit(queue, convert(AbstractArray{_SubmitInfo}, submits), fptr; fence)) val end function queue_wait_idle(queue, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_queue_wait_idle(queue, fptr)) val end function device_wait_idle(device, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_device_wait_idle(device, fptr)) val end function allocate_memory(device, allocate_info::MemoryAllocateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DeviceMemory, VulkanError} val = @propagate_errors(_allocate_memory(device, convert(_MemoryAllocateInfo, allocate_info), fptr_create, fptr_destroy; allocator)) val end function free_memory(device, memory, fptr::FunctionPtr; allocator = C_NULL) _free_memory(device, memory, fptr; allocator) end function map_memory(device, memory, offset::Integer, size::Integer, fptr::FunctionPtr; flags = 0)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} val = @propagate_errors(_map_memory(device, memory, offset, size, fptr; flags)) val end function unmap_memory(device, memory, fptr::FunctionPtr) _unmap_memory(device, memory, fptr) end function flush_mapped_memory_ranges(device, memory_ranges::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_flush_mapped_memory_ranges(device, convert(AbstractArray{_MappedMemoryRange}, memory_ranges), fptr)) val end function invalidate_mapped_memory_ranges(device, memory_ranges::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_invalidate_mapped_memory_ranges(device, convert(AbstractArray{_MappedMemoryRange}, memory_ranges), fptr)) val end function get_device_memory_commitment(device, memory, fptr::FunctionPtr) _get_device_memory_commitment(device, memory, fptr) end function get_buffer_memory_requirements(device, buffer, fptr::FunctionPtr) MemoryRequirements(_get_buffer_memory_requirements(device, buffer, fptr)) end function bind_buffer_memory(device, buffer, memory, memory_offset::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_buffer_memory(device, buffer, memory, memory_offset, fptr)) val end function get_image_memory_requirements(device, image, fptr::FunctionPtr) MemoryRequirements(_get_image_memory_requirements(device, image, fptr)) end function bind_image_memory(device, image, memory, memory_offset::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_image_memory(device, image, memory, memory_offset, fptr)) val end function get_image_sparse_memory_requirements(device, image, fptr::FunctionPtr) SparseImageMemoryRequirements.(_get_image_sparse_memory_requirements(device, image, fptr)) end function get_physical_device_sparse_image_format_properties(physical_device, format::Format, type::ImageType, samples::SampleCountFlag, usage::ImageUsageFlag, tiling::ImageTiling, fptr::FunctionPtr) SparseImageFormatProperties.(_get_physical_device_sparse_image_format_properties(physical_device, format, type, samples, usage, tiling, fptr)) end function queue_bind_sparse(queue, bind_info::AbstractArray, fptr::FunctionPtr; fence = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_queue_bind_sparse(queue, convert(AbstractArray{_BindSparseInfo}, bind_info), fptr; fence)) val end function create_fence(device, create_info::FenceCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Fence, VulkanError} val = @propagate_errors(_create_fence(device, convert(_FenceCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_fence(device, fence, fptr::FunctionPtr; allocator = C_NULL) _destroy_fence(device, fence, fptr; allocator) end function reset_fences(device, fences::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_reset_fences(device, fences, fptr)) val end function get_fence_status(device, fence, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_fence_status(device, fence, fptr)) val end function wait_for_fences(device, fences::AbstractArray, wait_all::Bool, timeout::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_wait_for_fences(device, fences, wait_all, timeout, fptr)) val end function create_semaphore(device, create_info::SemaphoreCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Semaphore, VulkanError} val = @propagate_errors(_create_semaphore(device, convert(_SemaphoreCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_semaphore(device, semaphore, fptr::FunctionPtr; allocator = C_NULL) _destroy_semaphore(device, semaphore, fptr; allocator) end function create_event(device, create_info::EventCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Event, VulkanError} val = @propagate_errors(_create_event(device, convert(_EventCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_event(device, event, fptr::FunctionPtr; allocator = C_NULL) _destroy_event(device, event, fptr; allocator) end function get_event_status(device, event, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_event_status(device, event, fptr)) val end function set_event(device, event, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_set_event(device, event, fptr)) val end function reset_event(device, event, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_reset_event(device, event, fptr)) val end function create_query_pool(device, create_info::QueryPoolCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{QueryPool, VulkanError} val = @propagate_errors(_create_query_pool(device, convert(_QueryPoolCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_query_pool(device, query_pool, fptr::FunctionPtr; allocator = C_NULL) _destroy_query_pool(device, query_pool, fptr; allocator) end function get_query_pool_results(device, query_pool, first_query::Integer, query_count::Integer, data_size::Integer, data::Ptr{Cvoid}, stride::Integer, fptr::FunctionPtr; flags = 0)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_query_pool_results(device, query_pool, first_query, query_count, data_size, data, stride, fptr; flags)) val end function reset_query_pool(device, query_pool, first_query::Integer, query_count::Integer, fptr::FunctionPtr) _reset_query_pool(device, query_pool, first_query, query_count, fptr) end function create_buffer(device, create_info::BufferCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Buffer, VulkanError} val = @propagate_errors(_create_buffer(device, convert(_BufferCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_buffer(device, buffer, fptr::FunctionPtr; allocator = C_NULL) _destroy_buffer(device, buffer, fptr; allocator) end function create_buffer_view(device, create_info::BufferViewCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{BufferView, VulkanError} val = @propagate_errors(_create_buffer_view(device, convert(_BufferViewCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_buffer_view(device, buffer_view, fptr::FunctionPtr; allocator = C_NULL) _destroy_buffer_view(device, buffer_view, fptr; allocator) end function create_image(device, create_info::ImageCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Image, VulkanError} val = @propagate_errors(_create_image(device, convert(_ImageCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_image(device, image, fptr::FunctionPtr; allocator = C_NULL) _destroy_image(device, image, fptr; allocator) end function get_image_subresource_layout(device, image, subresource::ImageSubresource, fptr::FunctionPtr) SubresourceLayout(_get_image_subresource_layout(device, image, convert(_ImageSubresource, subresource), fptr)) end function create_image_view(device, create_info::ImageViewCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{ImageView, VulkanError} val = @propagate_errors(_create_image_view(device, convert(_ImageViewCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_image_view(device, image_view, fptr::FunctionPtr; allocator = C_NULL) _destroy_image_view(device, image_view, fptr; allocator) end function create_shader_module(device, create_info::ShaderModuleCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{ShaderModule, VulkanError} val = @propagate_errors(_create_shader_module(device, convert(_ShaderModuleCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_shader_module(device, shader_module, fptr::FunctionPtr; allocator = C_NULL) _destroy_shader_module(device, shader_module, fptr; allocator) end function create_pipeline_cache(device, create_info::PipelineCacheCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{PipelineCache, VulkanError} val = @propagate_errors(_create_pipeline_cache(device, convert(_PipelineCacheCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_pipeline_cache(device, pipeline_cache, fptr::FunctionPtr; allocator = C_NULL) _destroy_pipeline_cache(device, pipeline_cache, fptr; allocator) end function get_pipeline_cache_data(device, pipeline_cache, fptr::FunctionPtr)::ResultTypes.Result{Tuple{UInt, Ptr{Cvoid}}, VulkanError} val = @propagate_errors(_get_pipeline_cache_data(device, pipeline_cache, fptr)) val end function merge_pipeline_caches(device, dst_cache, src_caches::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_merge_pipeline_caches(device, dst_cache, src_caches, fptr)) val end function create_graphics_pipelines(device, create_infos::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} val = @propagate_errors(_create_graphics_pipelines(device, convert(AbstractArray{_GraphicsPipelineCreateInfo}, create_infos), fptr_create, fptr_destroy; pipeline_cache, allocator)) val end function create_compute_pipelines(device, create_infos::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} val = @propagate_errors(_create_compute_pipelines(device, convert(AbstractArray{_ComputePipelineCreateInfo}, create_infos), fptr_create, fptr_destroy; pipeline_cache, allocator)) val end function get_device_subpass_shading_max_workgroup_size_huawei(device, renderpass, fptr::FunctionPtr)::ResultTypes.Result{Extent2D, VulkanError} val = @propagate_errors(_get_device_subpass_shading_max_workgroup_size_huawei(device, renderpass, fptr)) Extent2D(val) end function destroy_pipeline(device, pipeline, fptr::FunctionPtr; allocator = C_NULL) _destroy_pipeline(device, pipeline, fptr; allocator) end function create_pipeline_layout(device, create_info::PipelineLayoutCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{PipelineLayout, VulkanError} val = @propagate_errors(_create_pipeline_layout(device, convert(_PipelineLayoutCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_pipeline_layout(device, pipeline_layout, fptr::FunctionPtr; allocator = C_NULL) _destroy_pipeline_layout(device, pipeline_layout, fptr; allocator) end function create_sampler(device, create_info::SamplerCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Sampler, VulkanError} val = @propagate_errors(_create_sampler(device, convert(_SamplerCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_sampler(device, sampler, fptr::FunctionPtr; allocator = C_NULL) _destroy_sampler(device, sampler, fptr; allocator) end function create_descriptor_set_layout(device, create_info::DescriptorSetLayoutCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DescriptorSetLayout, VulkanError} val = @propagate_errors(_create_descriptor_set_layout(device, convert(_DescriptorSetLayoutCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_descriptor_set_layout(device, descriptor_set_layout, fptr::FunctionPtr; allocator = C_NULL) _destroy_descriptor_set_layout(device, descriptor_set_layout, fptr; allocator) end function create_descriptor_pool(device, create_info::DescriptorPoolCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DescriptorPool, VulkanError} val = @propagate_errors(_create_descriptor_pool(device, convert(_DescriptorPoolCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_descriptor_pool(device, descriptor_pool, fptr::FunctionPtr; allocator = C_NULL) _destroy_descriptor_pool(device, descriptor_pool, fptr; allocator) end function reset_descriptor_pool(device, descriptor_pool, fptr::FunctionPtr; flags = 0) _reset_descriptor_pool(device, descriptor_pool, fptr; flags) end function allocate_descriptor_sets(device, allocate_info::DescriptorSetAllocateInfo, fptr_create::FunctionPtr)::ResultTypes.Result{Vector{DescriptorSet}, VulkanError} val = @propagate_errors(_allocate_descriptor_sets(device, convert(_DescriptorSetAllocateInfo, allocate_info), fptr_create)) val end function free_descriptor_sets(device, descriptor_pool, descriptor_sets::AbstractArray, fptr::FunctionPtr) _free_descriptor_sets(device, descriptor_pool, descriptor_sets, fptr) end function update_descriptor_sets(device, descriptor_writes::AbstractArray, descriptor_copies::AbstractArray, fptr::FunctionPtr) _update_descriptor_sets(device, convert(AbstractArray{_WriteDescriptorSet}, descriptor_writes), convert(AbstractArray{_CopyDescriptorSet}, descriptor_copies), fptr) end function create_framebuffer(device, create_info::FramebufferCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Framebuffer, VulkanError} val = @propagate_errors(_create_framebuffer(device, convert(_FramebufferCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_framebuffer(device, framebuffer, fptr::FunctionPtr; allocator = C_NULL) _destroy_framebuffer(device, framebuffer, fptr; allocator) end function create_render_pass(device, create_info::RenderPassCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{RenderPass, VulkanError} val = @propagate_errors(_create_render_pass(device, convert(_RenderPassCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_render_pass(device, render_pass, fptr::FunctionPtr; allocator = C_NULL) _destroy_render_pass(device, render_pass, fptr; allocator) end function get_render_area_granularity(device, render_pass, fptr::FunctionPtr) Extent2D(_get_render_area_granularity(device, render_pass, fptr)) end function create_command_pool(device, create_info::CommandPoolCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{CommandPool, VulkanError} val = @propagate_errors(_create_command_pool(device, convert(_CommandPoolCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_command_pool(device, command_pool, fptr::FunctionPtr; allocator = C_NULL) _destroy_command_pool(device, command_pool, fptr; allocator) end function reset_command_pool(device, command_pool, fptr::FunctionPtr; flags = 0)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_reset_command_pool(device, command_pool, fptr; flags)) val end function allocate_command_buffers(device, allocate_info::CommandBufferAllocateInfo, fptr_create::FunctionPtr)::ResultTypes.Result{Vector{CommandBuffer}, VulkanError} val = @propagate_errors(_allocate_command_buffers(device, convert(_CommandBufferAllocateInfo, allocate_info), fptr_create)) val end function free_command_buffers(device, command_pool, command_buffers::AbstractArray, fptr::FunctionPtr) _free_command_buffers(device, command_pool, command_buffers, fptr) end function begin_command_buffer(command_buffer, begin_info::CommandBufferBeginInfo, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_begin_command_buffer(command_buffer, convert(_CommandBufferBeginInfo, begin_info), fptr)) val end function end_command_buffer(command_buffer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_end_command_buffer(command_buffer, fptr)) val end function reset_command_buffer(command_buffer, fptr::FunctionPtr; flags = 0)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_reset_command_buffer(command_buffer, fptr; flags)) val end function cmd_bind_pipeline(command_buffer, pipeline_bind_point::PipelineBindPoint, pipeline, fptr::FunctionPtr) _cmd_bind_pipeline(command_buffer, pipeline_bind_point, pipeline, fptr) end function cmd_set_viewport(command_buffer, viewports::AbstractArray, fptr::FunctionPtr) _cmd_set_viewport(command_buffer, convert(AbstractArray{_Viewport}, viewports), fptr) end function cmd_set_scissor(command_buffer, scissors::AbstractArray, fptr::FunctionPtr) _cmd_set_scissor(command_buffer, convert(AbstractArray{_Rect2D}, scissors), fptr) end function cmd_set_line_width(command_buffer, line_width::Real, fptr::FunctionPtr) _cmd_set_line_width(command_buffer, line_width, fptr) end function cmd_set_depth_bias(command_buffer, depth_bias_constant_factor::Real, depth_bias_clamp::Real, depth_bias_slope_factor::Real, fptr::FunctionPtr) _cmd_set_depth_bias(command_buffer, depth_bias_constant_factor, depth_bias_clamp, depth_bias_slope_factor, fptr) end function cmd_set_blend_constants(command_buffer, blend_constants::NTuple{4, Float32}, fptr::FunctionPtr) _cmd_set_blend_constants(command_buffer, blend_constants, fptr) end function cmd_set_depth_bounds(command_buffer, min_depth_bounds::Real, max_depth_bounds::Real, fptr::FunctionPtr) _cmd_set_depth_bounds(command_buffer, min_depth_bounds, max_depth_bounds, fptr) end function cmd_set_stencil_compare_mask(command_buffer, face_mask::StencilFaceFlag, compare_mask::Integer, fptr::FunctionPtr) _cmd_set_stencil_compare_mask(command_buffer, face_mask, compare_mask, fptr) end function cmd_set_stencil_write_mask(command_buffer, face_mask::StencilFaceFlag, write_mask::Integer, fptr::FunctionPtr) _cmd_set_stencil_write_mask(command_buffer, face_mask, write_mask, fptr) end function cmd_set_stencil_reference(command_buffer, face_mask::StencilFaceFlag, reference::Integer, fptr::FunctionPtr) _cmd_set_stencil_reference(command_buffer, face_mask, reference, fptr) end function cmd_bind_descriptor_sets(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, first_set::Integer, descriptor_sets::AbstractArray, dynamic_offsets::AbstractArray, fptr::FunctionPtr) _cmd_bind_descriptor_sets(command_buffer, pipeline_bind_point, layout, first_set, descriptor_sets, dynamic_offsets, fptr) end function cmd_bind_index_buffer(command_buffer, buffer, offset::Integer, index_type::IndexType, fptr::FunctionPtr) _cmd_bind_index_buffer(command_buffer, buffer, offset, index_type, fptr) end function cmd_bind_vertex_buffers(command_buffer, buffers::AbstractArray, offsets::AbstractArray, fptr::FunctionPtr) _cmd_bind_vertex_buffers(command_buffer, buffers, offsets, fptr) end function cmd_draw(command_buffer, vertex_count::Integer, instance_count::Integer, first_vertex::Integer, first_instance::Integer, fptr::FunctionPtr) _cmd_draw(command_buffer, vertex_count, instance_count, first_vertex, first_instance, fptr) end function cmd_draw_indexed(command_buffer, index_count::Integer, instance_count::Integer, first_index::Integer, vertex_offset::Integer, first_instance::Integer, fptr::FunctionPtr) _cmd_draw_indexed(command_buffer, index_count, instance_count, first_index, vertex_offset, first_instance, fptr) end function cmd_draw_multi_ext(command_buffer, vertex_info::AbstractArray, instance_count::Integer, first_instance::Integer, stride::Integer, fptr::FunctionPtr) _cmd_draw_multi_ext(command_buffer, convert(AbstractArray{_MultiDrawInfoEXT}, vertex_info), instance_count, first_instance, stride, fptr) end function cmd_draw_multi_indexed_ext(command_buffer, index_info::AbstractArray, instance_count::Integer, first_instance::Integer, stride::Integer, fptr::FunctionPtr; vertex_offset = C_NULL) _cmd_draw_multi_indexed_ext(command_buffer, convert(AbstractArray{_MultiDrawIndexedInfoEXT}, index_info), instance_count, first_instance, stride, fptr; vertex_offset) end function cmd_draw_indirect(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer, fptr::FunctionPtr) _cmd_draw_indirect(command_buffer, buffer, offset, draw_count, stride, fptr) end function cmd_draw_indexed_indirect(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer, fptr::FunctionPtr) _cmd_draw_indexed_indirect(command_buffer, buffer, offset, draw_count, stride, fptr) end function cmd_dispatch(command_buffer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer, fptr::FunctionPtr) _cmd_dispatch(command_buffer, group_count_x, group_count_y, group_count_z, fptr) end function cmd_dispatch_indirect(command_buffer, buffer, offset::Integer, fptr::FunctionPtr) _cmd_dispatch_indirect(command_buffer, buffer, offset, fptr) end function cmd_subpass_shading_huawei(command_buffer, fptr::FunctionPtr) _cmd_subpass_shading_huawei(command_buffer, fptr) end function cmd_draw_cluster_huawei(command_buffer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer, fptr::FunctionPtr) _cmd_draw_cluster_huawei(command_buffer, group_count_x, group_count_y, group_count_z, fptr) end function cmd_draw_cluster_indirect_huawei(command_buffer, buffer, offset::Integer, fptr::FunctionPtr) _cmd_draw_cluster_indirect_huawei(command_buffer, buffer, offset, fptr) end function cmd_copy_buffer(command_buffer, src_buffer, dst_buffer, regions::AbstractArray, fptr::FunctionPtr) _cmd_copy_buffer(command_buffer, src_buffer, dst_buffer, convert(AbstractArray{_BufferCopy}, regions), fptr) end function cmd_copy_image(command_buffer, src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray, fptr::FunctionPtr) _cmd_copy_image(command_buffer, src_image, src_image_layout, dst_image, dst_image_layout, convert(AbstractArray{_ImageCopy}, regions), fptr) end function cmd_blit_image(command_buffer, src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray, filter::Filter, fptr::FunctionPtr) _cmd_blit_image(command_buffer, src_image, src_image_layout, dst_image, dst_image_layout, convert(AbstractArray{_ImageBlit}, regions), filter, fptr) end function cmd_copy_buffer_to_image(command_buffer, src_buffer, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray, fptr::FunctionPtr) _cmd_copy_buffer_to_image(command_buffer, src_buffer, dst_image, dst_image_layout, convert(AbstractArray{_BufferImageCopy}, regions), fptr) end function cmd_copy_image_to_buffer(command_buffer, src_image, src_image_layout::ImageLayout, dst_buffer, regions::AbstractArray, fptr::FunctionPtr) _cmd_copy_image_to_buffer(command_buffer, src_image, src_image_layout, dst_buffer, convert(AbstractArray{_BufferImageCopy}, regions), fptr) end function cmd_copy_memory_indirect_nv(command_buffer, copy_buffer_address::Integer, copy_count::Integer, stride::Integer, fptr::FunctionPtr) _cmd_copy_memory_indirect_nv(command_buffer, copy_buffer_address, copy_count, stride, fptr) end function cmd_copy_memory_to_image_indirect_nv(command_buffer, copy_buffer_address::Integer, stride::Integer, dst_image, dst_image_layout::ImageLayout, image_subresources::AbstractArray, fptr::FunctionPtr) _cmd_copy_memory_to_image_indirect_nv(command_buffer, copy_buffer_address, stride, dst_image, dst_image_layout, convert(AbstractArray{_ImageSubresourceLayers}, image_subresources), fptr) end function cmd_update_buffer(command_buffer, dst_buffer, dst_offset::Integer, data_size::Integer, data::Ptr{Cvoid}, fptr::FunctionPtr) _cmd_update_buffer(command_buffer, dst_buffer, dst_offset, data_size, data, fptr) end function cmd_fill_buffer(command_buffer, dst_buffer, dst_offset::Integer, size::Integer, data::Integer, fptr::FunctionPtr) _cmd_fill_buffer(command_buffer, dst_buffer, dst_offset, size, data, fptr) end function cmd_clear_color_image(command_buffer, image, image_layout::ImageLayout, color::ClearColorValue, ranges::AbstractArray, fptr::FunctionPtr) _cmd_clear_color_image(command_buffer, image, image_layout, convert(_ClearColorValue, color), convert(AbstractArray{_ImageSubresourceRange}, ranges), fptr) end function cmd_clear_depth_stencil_image(command_buffer, image, image_layout::ImageLayout, depth_stencil::ClearDepthStencilValue, ranges::AbstractArray, fptr::FunctionPtr) _cmd_clear_depth_stencil_image(command_buffer, image, image_layout, convert(_ClearDepthStencilValue, depth_stencil), convert(AbstractArray{_ImageSubresourceRange}, ranges), fptr) end function cmd_clear_attachments(command_buffer, attachments::AbstractArray, rects::AbstractArray, fptr::FunctionPtr) _cmd_clear_attachments(command_buffer, convert(AbstractArray{_ClearAttachment}, attachments), convert(AbstractArray{_ClearRect}, rects), fptr) end function cmd_resolve_image(command_buffer, src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray, fptr::FunctionPtr) _cmd_resolve_image(command_buffer, src_image, src_image_layout, dst_image, dst_image_layout, convert(AbstractArray{_ImageResolve}, regions), fptr) end function cmd_set_event(command_buffer, event, fptr::FunctionPtr; stage_mask = 0) _cmd_set_event(command_buffer, event, fptr; stage_mask) end function cmd_reset_event(command_buffer, event, fptr::FunctionPtr; stage_mask = 0) _cmd_reset_event(command_buffer, event, fptr; stage_mask) end function cmd_wait_events(command_buffer, events::AbstractArray, memory_barriers::AbstractArray, buffer_memory_barriers::AbstractArray, image_memory_barriers::AbstractArray, fptr::FunctionPtr; src_stage_mask = 0, dst_stage_mask = 0) _cmd_wait_events(command_buffer, events, convert(AbstractArray{_MemoryBarrier}, memory_barriers), convert(AbstractArray{_BufferMemoryBarrier}, buffer_memory_barriers), convert(AbstractArray{_ImageMemoryBarrier}, image_memory_barriers), fptr; src_stage_mask, dst_stage_mask) end function cmd_pipeline_barrier(command_buffer, memory_barriers::AbstractArray, buffer_memory_barriers::AbstractArray, image_memory_barriers::AbstractArray, fptr::FunctionPtr; src_stage_mask = 0, dst_stage_mask = 0, dependency_flags = 0) _cmd_pipeline_barrier(command_buffer, convert(AbstractArray{_MemoryBarrier}, memory_barriers), convert(AbstractArray{_BufferMemoryBarrier}, buffer_memory_barriers), convert(AbstractArray{_ImageMemoryBarrier}, image_memory_barriers), fptr; src_stage_mask, dst_stage_mask, dependency_flags) end function cmd_begin_query(command_buffer, query_pool, query::Integer, fptr::FunctionPtr; flags = 0) _cmd_begin_query(command_buffer, query_pool, query, fptr; flags) end function cmd_end_query(command_buffer, query_pool, query::Integer, fptr::FunctionPtr) _cmd_end_query(command_buffer, query_pool, query, fptr) end function cmd_begin_conditional_rendering_ext(command_buffer, conditional_rendering_begin::ConditionalRenderingBeginInfoEXT, fptr::FunctionPtr) _cmd_begin_conditional_rendering_ext(command_buffer, convert(_ConditionalRenderingBeginInfoEXT, conditional_rendering_begin), fptr) end function cmd_end_conditional_rendering_ext(command_buffer, fptr::FunctionPtr) _cmd_end_conditional_rendering_ext(command_buffer, fptr) end function cmd_reset_query_pool(command_buffer, query_pool, first_query::Integer, query_count::Integer, fptr::FunctionPtr) _cmd_reset_query_pool(command_buffer, query_pool, first_query, query_count, fptr) end function cmd_write_timestamp(command_buffer, pipeline_stage::PipelineStageFlag, query_pool, query::Integer, fptr::FunctionPtr) _cmd_write_timestamp(command_buffer, pipeline_stage, query_pool, query, fptr) end function cmd_copy_query_pool_results(command_buffer, query_pool, first_query::Integer, query_count::Integer, dst_buffer, dst_offset::Integer, stride::Integer, fptr::FunctionPtr; flags = 0) _cmd_copy_query_pool_results(command_buffer, query_pool, first_query, query_count, dst_buffer, dst_offset, stride, fptr; flags) end function cmd_push_constants(command_buffer, layout, stage_flags::ShaderStageFlag, offset::Integer, size::Integer, values::Ptr{Cvoid}, fptr::FunctionPtr) _cmd_push_constants(command_buffer, layout, stage_flags, offset, size, values, fptr) end function cmd_begin_render_pass(command_buffer, render_pass_begin::RenderPassBeginInfo, contents::SubpassContents, fptr::FunctionPtr) _cmd_begin_render_pass(command_buffer, convert(_RenderPassBeginInfo, render_pass_begin), contents, fptr) end function cmd_next_subpass(command_buffer, contents::SubpassContents, fptr::FunctionPtr) _cmd_next_subpass(command_buffer, contents, fptr) end function cmd_end_render_pass(command_buffer, fptr::FunctionPtr) _cmd_end_render_pass(command_buffer, fptr) end function cmd_execute_commands(command_buffer, command_buffers::AbstractArray, fptr::FunctionPtr) _cmd_execute_commands(command_buffer, command_buffers, fptr) end function get_physical_device_display_properties_khr(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{DisplayPropertiesKHR}, VulkanError} val = @propagate_errors(_get_physical_device_display_properties_khr(physical_device, fptr)) DisplayPropertiesKHR.(val) end function get_physical_device_display_plane_properties_khr(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{DisplayPlanePropertiesKHR}, VulkanError} val = @propagate_errors(_get_physical_device_display_plane_properties_khr(physical_device, fptr)) DisplayPlanePropertiesKHR.(val) end function get_display_plane_supported_displays_khr(physical_device, plane_index::Integer, fptr::FunctionPtr)::ResultTypes.Result{Vector{DisplayKHR}, VulkanError} val = @propagate_errors(_get_display_plane_supported_displays_khr(physical_device, plane_index, fptr)) val end function get_display_mode_properties_khr(physical_device, display, fptr::FunctionPtr)::ResultTypes.Result{Vector{DisplayModePropertiesKHR}, VulkanError} val = @propagate_errors(_get_display_mode_properties_khr(physical_device, display, fptr)) DisplayModePropertiesKHR.(val) end function create_display_mode_khr(physical_device, display, create_info::DisplayModeCreateInfoKHR, fptr_create::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DisplayModeKHR, VulkanError} val = @propagate_errors(_create_display_mode_khr(physical_device, display, convert(_DisplayModeCreateInfoKHR, create_info), fptr_create; allocator)) val end function get_display_plane_capabilities_khr(physical_device, mode, plane_index::Integer, fptr::FunctionPtr)::ResultTypes.Result{DisplayPlaneCapabilitiesKHR, VulkanError} val = @propagate_errors(_get_display_plane_capabilities_khr(physical_device, mode, plane_index, fptr)) DisplayPlaneCapabilitiesKHR(val) end function create_display_plane_surface_khr(instance, create_info::DisplaySurfaceCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_display_plane_surface_khr(instance, convert(_DisplaySurfaceCreateInfoKHR, create_info), fptr_create, fptr_destroy; allocator)) val end function create_shared_swapchains_khr(device, create_infos::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Vector{SwapchainKHR}, VulkanError} val = @propagate_errors(_create_shared_swapchains_khr(device, convert(AbstractArray{_SwapchainCreateInfoKHR}, create_infos), fptr_create, fptr_destroy; allocator)) val end function destroy_surface_khr(instance, surface, fptr::FunctionPtr; allocator = C_NULL) _destroy_surface_khr(instance, surface, fptr; allocator) end function get_physical_device_surface_support_khr(physical_device, queue_family_index::Integer, surface, fptr::FunctionPtr)::ResultTypes.Result{Bool, VulkanError} val = @propagate_errors(_get_physical_device_surface_support_khr(physical_device, queue_family_index, surface, fptr)) val end function get_physical_device_surface_capabilities_khr(physical_device, surface, fptr::FunctionPtr)::ResultTypes.Result{SurfaceCapabilitiesKHR, VulkanError} val = @propagate_errors(_get_physical_device_surface_capabilities_khr(physical_device, surface, fptr)) SurfaceCapabilitiesKHR(val) end function get_physical_device_surface_formats_khr(physical_device, fptr::FunctionPtr; surface = C_NULL)::ResultTypes.Result{Vector{SurfaceFormatKHR}, VulkanError} val = @propagate_errors(_get_physical_device_surface_formats_khr(physical_device, fptr; surface)) SurfaceFormatKHR.(val) end function get_physical_device_surface_present_modes_khr(physical_device, fptr::FunctionPtr; surface = C_NULL)::ResultTypes.Result{Vector{PresentModeKHR}, VulkanError} val = @propagate_errors(_get_physical_device_surface_present_modes_khr(physical_device, fptr; surface)) val end function create_swapchain_khr(device, create_info::SwapchainCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SwapchainKHR, VulkanError} val = @propagate_errors(_create_swapchain_khr(device, convert(_SwapchainCreateInfoKHR, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_swapchain_khr(device, swapchain, fptr::FunctionPtr; allocator = C_NULL) _destroy_swapchain_khr(device, swapchain, fptr; allocator) end function get_swapchain_images_khr(device, swapchain, fptr::FunctionPtr)::ResultTypes.Result{Vector{Image}, VulkanError} val = @propagate_errors(_get_swapchain_images_khr(device, swapchain, fptr)) val end function acquire_next_image_khr(device, swapchain, timeout::Integer, fptr::FunctionPtr; semaphore = C_NULL, fence = C_NULL)::ResultTypes.Result{Tuple{UInt32, Result}, VulkanError} val = @propagate_errors(_acquire_next_image_khr(device, swapchain, timeout, fptr; semaphore, fence)) val end function queue_present_khr(queue, present_info::PresentInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_queue_present_khr(queue, convert(_PresentInfoKHR, present_info), fptr)) val end function create_wayland_surface_khr(instance, create_info::WaylandSurfaceCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_wayland_surface_khr(instance, convert(_WaylandSurfaceCreateInfoKHR, create_info), fptr_create, fptr_destroy; allocator)) val end function get_physical_device_wayland_presentation_support_khr(physical_device, queue_family_index::Integer, display::Ptr{vk.wl_display}, fptr::FunctionPtr) _get_physical_device_wayland_presentation_support_khr(physical_device, queue_family_index, display, fptr) end function create_xlib_surface_khr(instance, create_info::XlibSurfaceCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_xlib_surface_khr(instance, convert(_XlibSurfaceCreateInfoKHR, create_info), fptr_create, fptr_destroy; allocator)) val end function get_physical_device_xlib_presentation_support_khr(physical_device, queue_family_index::Integer, dpy::Ptr{vk.Display}, visual_id::vk.VisualID, fptr::FunctionPtr) _get_physical_device_xlib_presentation_support_khr(physical_device, queue_family_index, dpy, visual_id, fptr) end function create_xcb_surface_khr(instance, create_info::XcbSurfaceCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_xcb_surface_khr(instance, convert(_XcbSurfaceCreateInfoKHR, create_info), fptr_create, fptr_destroy; allocator)) val end function get_physical_device_xcb_presentation_support_khr(physical_device, queue_family_index::Integer, connection::Ptr{vk.xcb_connection_t}, visual_id::vk.xcb_visualid_t, fptr::FunctionPtr) _get_physical_device_xcb_presentation_support_khr(physical_device, queue_family_index, connection, visual_id, fptr) end function create_debug_report_callback_ext(instance, create_info::DebugReportCallbackCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DebugReportCallbackEXT, VulkanError} val = @propagate_errors(_create_debug_report_callback_ext(instance, convert(_DebugReportCallbackCreateInfoEXT, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_debug_report_callback_ext(instance, callback, fptr::FunctionPtr; allocator = C_NULL) _destroy_debug_report_callback_ext(instance, callback, fptr; allocator) end function debug_report_message_ext(instance, flags::DebugReportFlagEXT, object_type::DebugReportObjectTypeEXT, object::Integer, location::Integer, message_code::Integer, layer_prefix::AbstractString, message::AbstractString, fptr::FunctionPtr) _debug_report_message_ext(instance, flags, object_type, object, location, message_code, layer_prefix, message, fptr) end function debug_marker_set_object_name_ext(device, name_info::DebugMarkerObjectNameInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_debug_marker_set_object_name_ext(device, convert(_DebugMarkerObjectNameInfoEXT, name_info), fptr)) val end function debug_marker_set_object_tag_ext(device, tag_info::DebugMarkerObjectTagInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_debug_marker_set_object_tag_ext(device, convert(_DebugMarkerObjectTagInfoEXT, tag_info), fptr)) val end function cmd_debug_marker_begin_ext(command_buffer, marker_info::DebugMarkerMarkerInfoEXT, fptr::FunctionPtr) _cmd_debug_marker_begin_ext(command_buffer, convert(_DebugMarkerMarkerInfoEXT, marker_info), fptr) end function cmd_debug_marker_end_ext(command_buffer, fptr::FunctionPtr) _cmd_debug_marker_end_ext(command_buffer, fptr) end function cmd_debug_marker_insert_ext(command_buffer, marker_info::DebugMarkerMarkerInfoEXT, fptr::FunctionPtr) _cmd_debug_marker_insert_ext(command_buffer, convert(_DebugMarkerMarkerInfoEXT, marker_info), fptr) end function get_physical_device_external_image_format_properties_nv(physical_device, format::Format, type::ImageType, tiling::ImageTiling, usage::ImageUsageFlag, fptr::FunctionPtr; flags = 0, external_handle_type = 0)::ResultTypes.Result{ExternalImageFormatPropertiesNV, VulkanError} val = @propagate_errors(_get_physical_device_external_image_format_properties_nv(physical_device, format, type, tiling, usage, fptr; flags, external_handle_type)) ExternalImageFormatPropertiesNV(val) end function cmd_execute_generated_commands_nv(command_buffer, is_preprocessed::Bool, generated_commands_info::GeneratedCommandsInfoNV, fptr::FunctionPtr) _cmd_execute_generated_commands_nv(command_buffer, is_preprocessed, convert(_GeneratedCommandsInfoNV, generated_commands_info), fptr) end function cmd_preprocess_generated_commands_nv(command_buffer, generated_commands_info::GeneratedCommandsInfoNV, fptr::FunctionPtr) _cmd_preprocess_generated_commands_nv(command_buffer, convert(_GeneratedCommandsInfoNV, generated_commands_info), fptr) end function cmd_bind_pipeline_shader_group_nv(command_buffer, pipeline_bind_point::PipelineBindPoint, pipeline, group_index::Integer, fptr::FunctionPtr) _cmd_bind_pipeline_shader_group_nv(command_buffer, pipeline_bind_point, pipeline, group_index, fptr) end function get_generated_commands_memory_requirements_nv(device, info::GeneratedCommandsMemoryRequirementsInfoNV, fptr::FunctionPtr, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) MemoryRequirements2(_get_generated_commands_memory_requirements_nv(device, convert(_GeneratedCommandsMemoryRequirementsInfoNV, info), fptr, next_types...), next_types_hl...) end function create_indirect_commands_layout_nv(device, create_info::IndirectCommandsLayoutCreateInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{IndirectCommandsLayoutNV, VulkanError} val = @propagate_errors(_create_indirect_commands_layout_nv(device, convert(_IndirectCommandsLayoutCreateInfoNV, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_indirect_commands_layout_nv(device, indirect_commands_layout, fptr::FunctionPtr; allocator = C_NULL) _destroy_indirect_commands_layout_nv(device, indirect_commands_layout, fptr; allocator) end function get_physical_device_features_2(physical_device, fptr::FunctionPtr, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) PhysicalDeviceFeatures2(_get_physical_device_features_2(physical_device, fptr, next_types...), next_types_hl...) end function get_physical_device_properties_2(physical_device, fptr::FunctionPtr, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) PhysicalDeviceProperties2(_get_physical_device_properties_2(physical_device, fptr, next_types...), next_types_hl...) end function get_physical_device_format_properties_2(physical_device, format::Format, fptr::FunctionPtr, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) FormatProperties2(_get_physical_device_format_properties_2(physical_device, format, fptr, next_types...), next_types_hl...) end function get_physical_device_image_format_properties_2(physical_device, image_format_info::PhysicalDeviceImageFormatInfo2, fptr::FunctionPtr, next_types::Type...)::ResultTypes.Result{ImageFormatProperties2, VulkanError} next_types_hl = next_types next_types = intermediate_type.(next_types) val = @propagate_errors(_get_physical_device_image_format_properties_2(physical_device, convert(_PhysicalDeviceImageFormatInfo2, image_format_info), fptr, next_types...)) ImageFormatProperties2(val, next_types_hl...) end function get_physical_device_queue_family_properties_2(physical_device, fptr::FunctionPtr) QueueFamilyProperties2.(_get_physical_device_queue_family_properties_2(physical_device, fptr)) end function get_physical_device_memory_properties_2(physical_device, fptr::FunctionPtr, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) PhysicalDeviceMemoryProperties2(_get_physical_device_memory_properties_2(physical_device, fptr, next_types...), next_types_hl...) end function get_physical_device_sparse_image_format_properties_2(physical_device, format_info::PhysicalDeviceSparseImageFormatInfo2, fptr::FunctionPtr) SparseImageFormatProperties2.(_get_physical_device_sparse_image_format_properties_2(physical_device, convert(_PhysicalDeviceSparseImageFormatInfo2, format_info), fptr)) end function cmd_push_descriptor_set_khr(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, set::Integer, descriptor_writes::AbstractArray, fptr::FunctionPtr) _cmd_push_descriptor_set_khr(command_buffer, pipeline_bind_point, layout, set, convert(AbstractArray{_WriteDescriptorSet}, descriptor_writes), fptr) end function trim_command_pool(device, command_pool, fptr::FunctionPtr; flags = 0) _trim_command_pool(device, command_pool, fptr; flags) end function get_physical_device_external_buffer_properties(physical_device, external_buffer_info::PhysicalDeviceExternalBufferInfo, fptr::FunctionPtr) ExternalBufferProperties(_get_physical_device_external_buffer_properties(physical_device, convert(_PhysicalDeviceExternalBufferInfo, external_buffer_info), fptr)) end function get_memory_fd_khr(device, get_fd_info::MemoryGetFdInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Int, VulkanError} val = @propagate_errors(_get_memory_fd_khr(device, convert(_MemoryGetFdInfoKHR, get_fd_info), fptr)) val end function get_memory_fd_properties_khr(device, handle_type::ExternalMemoryHandleTypeFlag, fd::Integer, fptr::FunctionPtr)::ResultTypes.Result{MemoryFdPropertiesKHR, VulkanError} val = @propagate_errors(_get_memory_fd_properties_khr(device, handle_type, fd, fptr)) MemoryFdPropertiesKHR(val) end function get_memory_remote_address_nv(device, memory_get_remote_address_info::MemoryGetRemoteAddressInfoNV, fptr::FunctionPtr)::ResultTypes.Result{Cvoid, VulkanError} val = @propagate_errors(_get_memory_remote_address_nv(device, convert(_MemoryGetRemoteAddressInfoNV, memory_get_remote_address_info), fptr)) val end function get_physical_device_external_semaphore_properties(physical_device, external_semaphore_info::PhysicalDeviceExternalSemaphoreInfo, fptr::FunctionPtr) ExternalSemaphoreProperties(_get_physical_device_external_semaphore_properties(physical_device, convert(_PhysicalDeviceExternalSemaphoreInfo, external_semaphore_info), fptr)) end function get_semaphore_fd_khr(device, get_fd_info::SemaphoreGetFdInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Int, VulkanError} val = @propagate_errors(_get_semaphore_fd_khr(device, convert(_SemaphoreGetFdInfoKHR, get_fd_info), fptr)) val end function import_semaphore_fd_khr(device, import_semaphore_fd_info::ImportSemaphoreFdInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_import_semaphore_fd_khr(device, convert(_ImportSemaphoreFdInfoKHR, import_semaphore_fd_info), fptr)) val end function get_physical_device_external_fence_properties(physical_device, external_fence_info::PhysicalDeviceExternalFenceInfo, fptr::FunctionPtr) ExternalFenceProperties(_get_physical_device_external_fence_properties(physical_device, convert(_PhysicalDeviceExternalFenceInfo, external_fence_info), fptr)) end function get_fence_fd_khr(device, get_fd_info::FenceGetFdInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Int, VulkanError} val = @propagate_errors(_get_fence_fd_khr(device, convert(_FenceGetFdInfoKHR, get_fd_info), fptr)) val end function import_fence_fd_khr(device, import_fence_fd_info::ImportFenceFdInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_import_fence_fd_khr(device, convert(_ImportFenceFdInfoKHR, import_fence_fd_info), fptr)) val end function release_display_ext(physical_device, display, fptr::FunctionPtr) _release_display_ext(physical_device, display, fptr) end function acquire_xlib_display_ext(physical_device, dpy::Ptr{vk.Display}, display, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_acquire_xlib_display_ext(physical_device, dpy, display, fptr)) val end function get_rand_r_output_display_ext(physical_device, dpy::Ptr{vk.Display}, rr_output::vk.RROutput, fptr::FunctionPtr)::ResultTypes.Result{DisplayKHR, VulkanError} val = @propagate_errors(_get_rand_r_output_display_ext(physical_device, dpy, rr_output, fptr)) val end function display_power_control_ext(device, display, display_power_info::DisplayPowerInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_display_power_control_ext(device, display, convert(_DisplayPowerInfoEXT, display_power_info), fptr)) val end function register_device_event_ext(device, device_event_info::DeviceEventInfoEXT, fptr::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Fence, VulkanError} val = @propagate_errors(_register_device_event_ext(device, convert(_DeviceEventInfoEXT, device_event_info), fptr; allocator)) val end function register_display_event_ext(device, display, display_event_info::DisplayEventInfoEXT, fptr::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Fence, VulkanError} val = @propagate_errors(_register_display_event_ext(device, display, convert(_DisplayEventInfoEXT, display_event_info), fptr; allocator)) val end function get_swapchain_counter_ext(device, swapchain, counter::SurfaceCounterFlagEXT, fptr::FunctionPtr)::ResultTypes.Result{UInt64, VulkanError} val = @propagate_errors(_get_swapchain_counter_ext(device, swapchain, counter, fptr)) val end function get_physical_device_surface_capabilities_2_ext(physical_device, surface, fptr::FunctionPtr)::ResultTypes.Result{SurfaceCapabilities2EXT, VulkanError} val = @propagate_errors(_get_physical_device_surface_capabilities_2_ext(physical_device, surface, fptr)) SurfaceCapabilities2EXT(val) end function enumerate_physical_device_groups(instance, fptr::FunctionPtr)::ResultTypes.Result{Vector{PhysicalDeviceGroupProperties}, VulkanError} val = @propagate_errors(_enumerate_physical_device_groups(instance, fptr)) PhysicalDeviceGroupProperties.(val) end function get_device_group_peer_memory_features(device, heap_index::Integer, local_device_index::Integer, remote_device_index::Integer, fptr::FunctionPtr) _get_device_group_peer_memory_features(device, heap_index, local_device_index, remote_device_index, fptr) end function bind_buffer_memory_2(device, bind_infos::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_buffer_memory_2(device, convert(AbstractArray{_BindBufferMemoryInfo}, bind_infos), fptr)) val end function bind_image_memory_2(device, bind_infos::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_image_memory_2(device, convert(AbstractArray{_BindImageMemoryInfo}, bind_infos), fptr)) val end function cmd_set_device_mask(command_buffer, device_mask::Integer, fptr::FunctionPtr) _cmd_set_device_mask(command_buffer, device_mask, fptr) end function get_device_group_present_capabilities_khr(device, fptr::FunctionPtr)::ResultTypes.Result{DeviceGroupPresentCapabilitiesKHR, VulkanError} val = @propagate_errors(_get_device_group_present_capabilities_khr(device, fptr)) DeviceGroupPresentCapabilitiesKHR(val) end function get_device_group_surface_present_modes_khr(device, surface, modes::DeviceGroupPresentModeFlagKHR, fptr::FunctionPtr)::ResultTypes.Result{DeviceGroupPresentModeFlagKHR, VulkanError} val = @propagate_errors(_get_device_group_surface_present_modes_khr(device, surface, modes, fptr)) val end function acquire_next_image_2_khr(device, acquire_info::AcquireNextImageInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Tuple{UInt32, Result}, VulkanError} val = @propagate_errors(_acquire_next_image_2_khr(device, convert(_AcquireNextImageInfoKHR, acquire_info), fptr)) val end function cmd_dispatch_base(command_buffer, base_group_x::Integer, base_group_y::Integer, base_group_z::Integer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer, fptr::FunctionPtr) _cmd_dispatch_base(command_buffer, base_group_x, base_group_y, base_group_z, group_count_x, group_count_y, group_count_z, fptr) end function get_physical_device_present_rectangles_khr(physical_device, surface, fptr::FunctionPtr)::ResultTypes.Result{Vector{Rect2D}, VulkanError} val = @propagate_errors(_get_physical_device_present_rectangles_khr(physical_device, surface, fptr)) Rect2D.(val) end function create_descriptor_update_template(device, create_info::DescriptorUpdateTemplateCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DescriptorUpdateTemplate, VulkanError} val = @propagate_errors(_create_descriptor_update_template(device, convert(_DescriptorUpdateTemplateCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_descriptor_update_template(device, descriptor_update_template, fptr::FunctionPtr; allocator = C_NULL) _destroy_descriptor_update_template(device, descriptor_update_template, fptr; allocator) end function update_descriptor_set_with_template(device, descriptor_set, descriptor_update_template, data::Ptr{Cvoid}, fptr::FunctionPtr) _update_descriptor_set_with_template(device, descriptor_set, descriptor_update_template, data, fptr) end function cmd_push_descriptor_set_with_template_khr(command_buffer, descriptor_update_template, layout, set::Integer, data::Ptr{Cvoid}, fptr::FunctionPtr) _cmd_push_descriptor_set_with_template_khr(command_buffer, descriptor_update_template, layout, set, data, fptr) end function set_hdr_metadata_ext(device, swapchains::AbstractArray, metadata::AbstractArray, fptr::FunctionPtr) _set_hdr_metadata_ext(device, swapchains, convert(AbstractArray{_HdrMetadataEXT}, metadata), fptr) end function get_swapchain_status_khr(device, swapchain, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_swapchain_status_khr(device, swapchain, fptr)) val end function get_refresh_cycle_duration_google(device, swapchain, fptr::FunctionPtr)::ResultTypes.Result{RefreshCycleDurationGOOGLE, VulkanError} val = @propagate_errors(_get_refresh_cycle_duration_google(device, swapchain, fptr)) RefreshCycleDurationGOOGLE(val) end function get_past_presentation_timing_google(device, swapchain, fptr::FunctionPtr)::ResultTypes.Result{Vector{PastPresentationTimingGOOGLE}, VulkanError} val = @propagate_errors(_get_past_presentation_timing_google(device, swapchain, fptr)) PastPresentationTimingGOOGLE.(val) end function cmd_set_viewport_w_scaling_nv(command_buffer, viewport_w_scalings::AbstractArray, fptr::FunctionPtr) _cmd_set_viewport_w_scaling_nv(command_buffer, convert(AbstractArray{_ViewportWScalingNV}, viewport_w_scalings), fptr) end function cmd_set_discard_rectangle_ext(command_buffer, discard_rectangles::AbstractArray, fptr::FunctionPtr) _cmd_set_discard_rectangle_ext(command_buffer, convert(AbstractArray{_Rect2D}, discard_rectangles), fptr) end function cmd_set_sample_locations_ext(command_buffer, sample_locations_info::SampleLocationsInfoEXT, fptr::FunctionPtr) _cmd_set_sample_locations_ext(command_buffer, convert(_SampleLocationsInfoEXT, sample_locations_info), fptr) end function get_physical_device_multisample_properties_ext(physical_device, samples::SampleCountFlag, fptr::FunctionPtr) MultisamplePropertiesEXT(_get_physical_device_multisample_properties_ext(physical_device, samples, fptr)) end function get_physical_device_surface_capabilities_2_khr(physical_device, surface_info::PhysicalDeviceSurfaceInfo2KHR, fptr::FunctionPtr, next_types::Type...)::ResultTypes.Result{SurfaceCapabilities2KHR, VulkanError} next_types_hl = next_types next_types = intermediate_type.(next_types) val = @propagate_errors(_get_physical_device_surface_capabilities_2_khr(physical_device, convert(_PhysicalDeviceSurfaceInfo2KHR, surface_info), fptr, next_types...)) SurfaceCapabilities2KHR(val, next_types_hl...) end function get_physical_device_surface_formats_2_khr(physical_device, surface_info::PhysicalDeviceSurfaceInfo2KHR, fptr::FunctionPtr)::ResultTypes.Result{Vector{SurfaceFormat2KHR}, VulkanError} val = @propagate_errors(_get_physical_device_surface_formats_2_khr(physical_device, convert(_PhysicalDeviceSurfaceInfo2KHR, surface_info), fptr)) SurfaceFormat2KHR.(val) end function get_physical_device_display_properties_2_khr(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{DisplayProperties2KHR}, VulkanError} val = @propagate_errors(_get_physical_device_display_properties_2_khr(physical_device, fptr)) DisplayProperties2KHR.(val) end function get_physical_device_display_plane_properties_2_khr(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{DisplayPlaneProperties2KHR}, VulkanError} val = @propagate_errors(_get_physical_device_display_plane_properties_2_khr(physical_device, fptr)) DisplayPlaneProperties2KHR.(val) end function get_display_mode_properties_2_khr(physical_device, display, fptr::FunctionPtr)::ResultTypes.Result{Vector{DisplayModeProperties2KHR}, VulkanError} val = @propagate_errors(_get_display_mode_properties_2_khr(physical_device, display, fptr)) DisplayModeProperties2KHR.(val) end function get_display_plane_capabilities_2_khr(physical_device, display_plane_info::DisplayPlaneInfo2KHR, fptr::FunctionPtr)::ResultTypes.Result{DisplayPlaneCapabilities2KHR, VulkanError} val = @propagate_errors(_get_display_plane_capabilities_2_khr(physical_device, convert(_DisplayPlaneInfo2KHR, display_plane_info), fptr)) DisplayPlaneCapabilities2KHR(val) end function get_buffer_memory_requirements_2(device, info::BufferMemoryRequirementsInfo2, fptr::FunctionPtr, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) MemoryRequirements2(_get_buffer_memory_requirements_2(device, convert(_BufferMemoryRequirementsInfo2, info), fptr, next_types...), next_types_hl...) end function get_image_memory_requirements_2(device, info::ImageMemoryRequirementsInfo2, fptr::FunctionPtr, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) MemoryRequirements2(_get_image_memory_requirements_2(device, convert(_ImageMemoryRequirementsInfo2, info), fptr, next_types...), next_types_hl...) end function get_image_sparse_memory_requirements_2(device, info::ImageSparseMemoryRequirementsInfo2, fptr::FunctionPtr) SparseImageMemoryRequirements2.(_get_image_sparse_memory_requirements_2(device, convert(_ImageSparseMemoryRequirementsInfo2, info), fptr)) end function get_device_buffer_memory_requirements(device, info::DeviceBufferMemoryRequirements, fptr::FunctionPtr, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) MemoryRequirements2(_get_device_buffer_memory_requirements(device, convert(_DeviceBufferMemoryRequirements, info), fptr, next_types...), next_types_hl...) end function get_device_image_memory_requirements(device, info::DeviceImageMemoryRequirements, fptr::FunctionPtr, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) MemoryRequirements2(_get_device_image_memory_requirements(device, convert(_DeviceImageMemoryRequirements, info), fptr, next_types...), next_types_hl...) end function get_device_image_sparse_memory_requirements(device, info::DeviceImageMemoryRequirements, fptr::FunctionPtr) SparseImageMemoryRequirements2.(_get_device_image_sparse_memory_requirements(device, convert(_DeviceImageMemoryRequirements, info), fptr)) end function create_sampler_ycbcr_conversion(device, create_info::SamplerYcbcrConversionCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SamplerYcbcrConversion, VulkanError} val = @propagate_errors(_create_sampler_ycbcr_conversion(device, convert(_SamplerYcbcrConversionCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_sampler_ycbcr_conversion(device, ycbcr_conversion, fptr::FunctionPtr; allocator = C_NULL) _destroy_sampler_ycbcr_conversion(device, ycbcr_conversion, fptr; allocator) end function get_device_queue_2(device, queue_info::DeviceQueueInfo2, fptr::FunctionPtr) _get_device_queue_2(device, convert(_DeviceQueueInfo2, queue_info), fptr) end function create_validation_cache_ext(device, create_info::ValidationCacheCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{ValidationCacheEXT, VulkanError} val = @propagate_errors(_create_validation_cache_ext(device, convert(_ValidationCacheCreateInfoEXT, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_validation_cache_ext(device, validation_cache, fptr::FunctionPtr; allocator = C_NULL) _destroy_validation_cache_ext(device, validation_cache, fptr; allocator) end function get_validation_cache_data_ext(device, validation_cache, fptr::FunctionPtr)::ResultTypes.Result{Tuple{UInt, Ptr{Cvoid}}, VulkanError} val = @propagate_errors(_get_validation_cache_data_ext(device, validation_cache, fptr)) val end function merge_validation_caches_ext(device, dst_cache, src_caches::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_merge_validation_caches_ext(device, dst_cache, src_caches, fptr)) val end function get_descriptor_set_layout_support(device, create_info::DescriptorSetLayoutCreateInfo, fptr::FunctionPtr, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) DescriptorSetLayoutSupport(_get_descriptor_set_layout_support(device, convert(_DescriptorSetLayoutCreateInfo, create_info), fptr, next_types...), next_types_hl...) end function get_shader_info_amd(device, pipeline, shader_stage::ShaderStageFlag, info_type::ShaderInfoTypeAMD, fptr::FunctionPtr)::ResultTypes.Result{Tuple{UInt, Ptr{Cvoid}}, VulkanError} val = @propagate_errors(_get_shader_info_amd(device, pipeline, shader_stage, info_type, fptr)) val end function set_local_dimming_amd(device, swap_chain, local_dimming_enable::Bool, fptr::FunctionPtr) _set_local_dimming_amd(device, swap_chain, local_dimming_enable, fptr) end function get_physical_device_calibrateable_time_domains_ext(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{TimeDomainEXT}, VulkanError} val = @propagate_errors(_get_physical_device_calibrateable_time_domains_ext(physical_device, fptr)) val end function get_calibrated_timestamps_ext(device, timestamp_infos::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Tuple{Vector{UInt64}, UInt64}, VulkanError} val = @propagate_errors(_get_calibrated_timestamps_ext(device, convert(AbstractArray{_CalibratedTimestampInfoEXT}, timestamp_infos), fptr)) val end function set_debug_utils_object_name_ext(device, name_info::DebugUtilsObjectNameInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_set_debug_utils_object_name_ext(device, convert(_DebugUtilsObjectNameInfoEXT, name_info), fptr)) val end function set_debug_utils_object_tag_ext(device, tag_info::DebugUtilsObjectTagInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_set_debug_utils_object_tag_ext(device, convert(_DebugUtilsObjectTagInfoEXT, tag_info), fptr)) val end function queue_begin_debug_utils_label_ext(queue, label_info::DebugUtilsLabelEXT, fptr::FunctionPtr) _queue_begin_debug_utils_label_ext(queue, convert(_DebugUtilsLabelEXT, label_info), fptr) end function queue_end_debug_utils_label_ext(queue, fptr::FunctionPtr) _queue_end_debug_utils_label_ext(queue, fptr) end function queue_insert_debug_utils_label_ext(queue, label_info::DebugUtilsLabelEXT, fptr::FunctionPtr) _queue_insert_debug_utils_label_ext(queue, convert(_DebugUtilsLabelEXT, label_info), fptr) end function cmd_begin_debug_utils_label_ext(command_buffer, label_info::DebugUtilsLabelEXT, fptr::FunctionPtr) _cmd_begin_debug_utils_label_ext(command_buffer, convert(_DebugUtilsLabelEXT, label_info), fptr) end function cmd_end_debug_utils_label_ext(command_buffer, fptr::FunctionPtr) _cmd_end_debug_utils_label_ext(command_buffer, fptr) end function cmd_insert_debug_utils_label_ext(command_buffer, label_info::DebugUtilsLabelEXT, fptr::FunctionPtr) _cmd_insert_debug_utils_label_ext(command_buffer, convert(_DebugUtilsLabelEXT, label_info), fptr) end function create_debug_utils_messenger_ext(instance, create_info::DebugUtilsMessengerCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DebugUtilsMessengerEXT, VulkanError} val = @propagate_errors(_create_debug_utils_messenger_ext(instance, convert(_DebugUtilsMessengerCreateInfoEXT, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_debug_utils_messenger_ext(instance, messenger, fptr::FunctionPtr; allocator = C_NULL) _destroy_debug_utils_messenger_ext(instance, messenger, fptr; allocator) end function submit_debug_utils_message_ext(instance, message_severity::DebugUtilsMessageSeverityFlagEXT, message_types::DebugUtilsMessageTypeFlagEXT, callback_data::DebugUtilsMessengerCallbackDataEXT, fptr::FunctionPtr) _submit_debug_utils_message_ext(instance, message_severity, message_types, convert(_DebugUtilsMessengerCallbackDataEXT, callback_data), fptr) end function get_memory_host_pointer_properties_ext(device, handle_type::ExternalMemoryHandleTypeFlag, host_pointer::Ptr{Cvoid}, fptr::FunctionPtr)::ResultTypes.Result{MemoryHostPointerPropertiesEXT, VulkanError} val = @propagate_errors(_get_memory_host_pointer_properties_ext(device, handle_type, host_pointer, fptr)) MemoryHostPointerPropertiesEXT(val) end function cmd_write_buffer_marker_amd(command_buffer, dst_buffer, dst_offset::Integer, marker::Integer, fptr::FunctionPtr; pipeline_stage = 0) _cmd_write_buffer_marker_amd(command_buffer, dst_buffer, dst_offset, marker, fptr; pipeline_stage) end function create_render_pass_2(device, create_info::RenderPassCreateInfo2, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{RenderPass, VulkanError} val = @propagate_errors(_create_render_pass_2(device, convert(_RenderPassCreateInfo2, create_info), fptr_create, fptr_destroy; allocator)) val end function cmd_begin_render_pass_2(command_buffer, render_pass_begin::RenderPassBeginInfo, subpass_begin_info::SubpassBeginInfo, fptr::FunctionPtr) _cmd_begin_render_pass_2(command_buffer, convert(_RenderPassBeginInfo, render_pass_begin), convert(_SubpassBeginInfo, subpass_begin_info), fptr) end function cmd_next_subpass_2(command_buffer, subpass_begin_info::SubpassBeginInfo, subpass_end_info::SubpassEndInfo, fptr::FunctionPtr) _cmd_next_subpass_2(command_buffer, convert(_SubpassBeginInfo, subpass_begin_info), convert(_SubpassEndInfo, subpass_end_info), fptr) end function cmd_end_render_pass_2(command_buffer, subpass_end_info::SubpassEndInfo, fptr::FunctionPtr) _cmd_end_render_pass_2(command_buffer, convert(_SubpassEndInfo, subpass_end_info), fptr) end function get_semaphore_counter_value(device, semaphore, fptr::FunctionPtr)::ResultTypes.Result{UInt64, VulkanError} val = @propagate_errors(_get_semaphore_counter_value(device, semaphore, fptr)) val end function wait_semaphores(device, wait_info::SemaphoreWaitInfo, timeout::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_wait_semaphores(device, convert(_SemaphoreWaitInfo, wait_info), timeout, fptr)) val end function signal_semaphore(device, signal_info::SemaphoreSignalInfo, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_signal_semaphore(device, convert(_SemaphoreSignalInfo, signal_info), fptr)) val end function cmd_draw_indirect_count(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer, fptr::FunctionPtr) _cmd_draw_indirect_count(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride, fptr) end function cmd_draw_indexed_indirect_count(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer, fptr::FunctionPtr) _cmd_draw_indexed_indirect_count(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride, fptr) end function cmd_set_checkpoint_nv(command_buffer, checkpoint_marker::Ptr{Cvoid}, fptr::FunctionPtr) _cmd_set_checkpoint_nv(command_buffer, checkpoint_marker, fptr) end function get_queue_checkpoint_data_nv(queue, fptr::FunctionPtr) CheckpointDataNV.(_get_queue_checkpoint_data_nv(queue, fptr)) end function cmd_bind_transform_feedback_buffers_ext(command_buffer, buffers::AbstractArray, offsets::AbstractArray, fptr::FunctionPtr; sizes = C_NULL) _cmd_bind_transform_feedback_buffers_ext(command_buffer, buffers, offsets, fptr; sizes) end function cmd_begin_transform_feedback_ext(command_buffer, counter_buffers::AbstractArray, fptr::FunctionPtr; counter_buffer_offsets = C_NULL) _cmd_begin_transform_feedback_ext(command_buffer, counter_buffers, fptr; counter_buffer_offsets) end function cmd_end_transform_feedback_ext(command_buffer, counter_buffers::AbstractArray, fptr::FunctionPtr; counter_buffer_offsets = C_NULL) _cmd_end_transform_feedback_ext(command_buffer, counter_buffers, fptr; counter_buffer_offsets) end function cmd_begin_query_indexed_ext(command_buffer, query_pool, query::Integer, index::Integer, fptr::FunctionPtr; flags = 0) _cmd_begin_query_indexed_ext(command_buffer, query_pool, query, index, fptr; flags) end function cmd_end_query_indexed_ext(command_buffer, query_pool, query::Integer, index::Integer, fptr::FunctionPtr) _cmd_end_query_indexed_ext(command_buffer, query_pool, query, index, fptr) end function cmd_draw_indirect_byte_count_ext(command_buffer, instance_count::Integer, first_instance::Integer, counter_buffer, counter_buffer_offset::Integer, counter_offset::Integer, vertex_stride::Integer, fptr::FunctionPtr) _cmd_draw_indirect_byte_count_ext(command_buffer, instance_count, first_instance, counter_buffer, counter_buffer_offset, counter_offset, vertex_stride, fptr) end function cmd_set_exclusive_scissor_nv(command_buffer, exclusive_scissors::AbstractArray, fptr::FunctionPtr) _cmd_set_exclusive_scissor_nv(command_buffer, convert(AbstractArray{_Rect2D}, exclusive_scissors), fptr) end function cmd_bind_shading_rate_image_nv(command_buffer, image_layout::ImageLayout, fptr::FunctionPtr; image_view = C_NULL) _cmd_bind_shading_rate_image_nv(command_buffer, image_layout, fptr; image_view) end function cmd_set_viewport_shading_rate_palette_nv(command_buffer, shading_rate_palettes::AbstractArray, fptr::FunctionPtr) _cmd_set_viewport_shading_rate_palette_nv(command_buffer, convert(AbstractArray{_ShadingRatePaletteNV}, shading_rate_palettes), fptr) end function cmd_set_coarse_sample_order_nv(command_buffer, sample_order_type::CoarseSampleOrderTypeNV, custom_sample_orders::AbstractArray, fptr::FunctionPtr) _cmd_set_coarse_sample_order_nv(command_buffer, sample_order_type, convert(AbstractArray{_CoarseSampleOrderCustomNV}, custom_sample_orders), fptr) end function cmd_draw_mesh_tasks_nv(command_buffer, task_count::Integer, first_task::Integer, fptr::FunctionPtr) _cmd_draw_mesh_tasks_nv(command_buffer, task_count, first_task, fptr) end function cmd_draw_mesh_tasks_indirect_nv(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer, fptr::FunctionPtr) _cmd_draw_mesh_tasks_indirect_nv(command_buffer, buffer, offset, draw_count, stride, fptr) end function cmd_draw_mesh_tasks_indirect_count_nv(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer, fptr::FunctionPtr) _cmd_draw_mesh_tasks_indirect_count_nv(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride, fptr) end function cmd_draw_mesh_tasks_ext(command_buffer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer, fptr::FunctionPtr) _cmd_draw_mesh_tasks_ext(command_buffer, group_count_x, group_count_y, group_count_z, fptr) end function cmd_draw_mesh_tasks_indirect_ext(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer, fptr::FunctionPtr) _cmd_draw_mesh_tasks_indirect_ext(command_buffer, buffer, offset, draw_count, stride, fptr) end function cmd_draw_mesh_tasks_indirect_count_ext(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer, fptr::FunctionPtr) _cmd_draw_mesh_tasks_indirect_count_ext(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride, fptr) end function compile_deferred_nv(device, pipeline, shader::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_compile_deferred_nv(device, pipeline, shader, fptr)) val end function create_acceleration_structure_nv(device, create_info::AccelerationStructureCreateInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{AccelerationStructureNV, VulkanError} val = @propagate_errors(_create_acceleration_structure_nv(device, convert(_AccelerationStructureCreateInfoNV, create_info), fptr_create, fptr_destroy; allocator)) val end function cmd_bind_invocation_mask_huawei(command_buffer, image_layout::ImageLayout, fptr::FunctionPtr; image_view = C_NULL) _cmd_bind_invocation_mask_huawei(command_buffer, image_layout, fptr; image_view) end function destroy_acceleration_structure_khr(device, acceleration_structure, fptr::FunctionPtr; allocator = C_NULL) _destroy_acceleration_structure_khr(device, acceleration_structure, fptr; allocator) end function destroy_acceleration_structure_nv(device, acceleration_structure, fptr::FunctionPtr; allocator = C_NULL) _destroy_acceleration_structure_nv(device, acceleration_structure, fptr; allocator) end function get_acceleration_structure_memory_requirements_nv(device, info::AccelerationStructureMemoryRequirementsInfoNV, fptr::FunctionPtr) _get_acceleration_structure_memory_requirements_nv(device, convert(_AccelerationStructureMemoryRequirementsInfoNV, info), fptr) end function bind_acceleration_structure_memory_nv(device, bind_infos::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_acceleration_structure_memory_nv(device, convert(AbstractArray{_BindAccelerationStructureMemoryInfoNV}, bind_infos), fptr)) val end function cmd_copy_acceleration_structure_nv(command_buffer, dst, src, mode::CopyAccelerationStructureModeKHR, fptr::FunctionPtr) _cmd_copy_acceleration_structure_nv(command_buffer, dst, src, mode, fptr) end function cmd_copy_acceleration_structure_khr(command_buffer, info::CopyAccelerationStructureInfoKHR, fptr::FunctionPtr) _cmd_copy_acceleration_structure_khr(command_buffer, convert(_CopyAccelerationStructureInfoKHR, info), fptr) end function copy_acceleration_structure_khr(device, info::CopyAccelerationStructureInfoKHR, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_copy_acceleration_structure_khr(device, convert(_CopyAccelerationStructureInfoKHR, info), fptr; deferred_operation)) val end function cmd_copy_acceleration_structure_to_memory_khr(command_buffer, info::CopyAccelerationStructureToMemoryInfoKHR, fptr::FunctionPtr) _cmd_copy_acceleration_structure_to_memory_khr(command_buffer, convert(_CopyAccelerationStructureToMemoryInfoKHR, info), fptr) end function copy_acceleration_structure_to_memory_khr(device, info::CopyAccelerationStructureToMemoryInfoKHR, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_copy_acceleration_structure_to_memory_khr(device, convert(_CopyAccelerationStructureToMemoryInfoKHR, info), fptr; deferred_operation)) val end function cmd_copy_memory_to_acceleration_structure_khr(command_buffer, info::CopyMemoryToAccelerationStructureInfoKHR, fptr::FunctionPtr) _cmd_copy_memory_to_acceleration_structure_khr(command_buffer, convert(_CopyMemoryToAccelerationStructureInfoKHR, info), fptr) end function copy_memory_to_acceleration_structure_khr(device, info::CopyMemoryToAccelerationStructureInfoKHR, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_copy_memory_to_acceleration_structure_khr(device, convert(_CopyMemoryToAccelerationStructureInfoKHR, info), fptr; deferred_operation)) val end function cmd_write_acceleration_structures_properties_khr(command_buffer, acceleration_structures::AbstractArray, query_type::QueryType, query_pool, first_query::Integer, fptr::FunctionPtr) _cmd_write_acceleration_structures_properties_khr(command_buffer, acceleration_structures, query_type, query_pool, first_query, fptr) end function cmd_write_acceleration_structures_properties_nv(command_buffer, acceleration_structures::AbstractArray, query_type::QueryType, query_pool, first_query::Integer, fptr::FunctionPtr) _cmd_write_acceleration_structures_properties_nv(command_buffer, acceleration_structures, query_type, query_pool, first_query, fptr) end function cmd_build_acceleration_structure_nv(command_buffer, info::AccelerationStructureInfoNV, instance_offset::Integer, update::Bool, dst, scratch, scratch_offset::Integer, fptr::FunctionPtr; instance_data = C_NULL, src = C_NULL) _cmd_build_acceleration_structure_nv(command_buffer, convert(_AccelerationStructureInfoNV, info), instance_offset, update, dst, scratch, scratch_offset, fptr; instance_data, src) end function write_acceleration_structures_properties_khr(device, acceleration_structures::AbstractArray, query_type::QueryType, data_size::Integer, data::Ptr{Cvoid}, stride::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_write_acceleration_structures_properties_khr(device, acceleration_structures, query_type, data_size, data, stride, fptr)) val end function cmd_trace_rays_khr(command_buffer, raygen_shader_binding_table::StridedDeviceAddressRegionKHR, miss_shader_binding_table::StridedDeviceAddressRegionKHR, hit_shader_binding_table::StridedDeviceAddressRegionKHR, callable_shader_binding_table::StridedDeviceAddressRegionKHR, width::Integer, height::Integer, depth::Integer, fptr::FunctionPtr) _cmd_trace_rays_khr(command_buffer, convert(_StridedDeviceAddressRegionKHR, raygen_shader_binding_table), convert(_StridedDeviceAddressRegionKHR, miss_shader_binding_table), convert(_StridedDeviceAddressRegionKHR, hit_shader_binding_table), convert(_StridedDeviceAddressRegionKHR, callable_shader_binding_table), width, height, depth, fptr) end function cmd_trace_rays_nv(command_buffer, raygen_shader_binding_table_buffer, raygen_shader_binding_offset::Integer, miss_shader_binding_offset::Integer, miss_shader_binding_stride::Integer, hit_shader_binding_offset::Integer, hit_shader_binding_stride::Integer, callable_shader_binding_offset::Integer, callable_shader_binding_stride::Integer, width::Integer, height::Integer, depth::Integer, fptr::FunctionPtr; miss_shader_binding_table_buffer = C_NULL, hit_shader_binding_table_buffer = C_NULL, callable_shader_binding_table_buffer = C_NULL) _cmd_trace_rays_nv(command_buffer, raygen_shader_binding_table_buffer, raygen_shader_binding_offset, miss_shader_binding_offset, miss_shader_binding_stride, hit_shader_binding_offset, hit_shader_binding_stride, callable_shader_binding_offset, callable_shader_binding_stride, width, height, depth, fptr; miss_shader_binding_table_buffer, hit_shader_binding_table_buffer, callable_shader_binding_table_buffer) end function get_ray_tracing_shader_group_handles_khr(device, pipeline, first_group::Integer, group_count::Integer, data_size::Integer, data::Ptr{Cvoid}, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_ray_tracing_shader_group_handles_khr(device, pipeline, first_group, group_count, data_size, data, fptr)) val end function get_ray_tracing_capture_replay_shader_group_handles_khr(device, pipeline, first_group::Integer, group_count::Integer, data_size::Integer, data::Ptr{Cvoid}, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_ray_tracing_capture_replay_shader_group_handles_khr(device, pipeline, first_group, group_count, data_size, data, fptr)) val end function get_acceleration_structure_handle_nv(device, acceleration_structure, data_size::Integer, data::Ptr{Cvoid}, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_acceleration_structure_handle_nv(device, acceleration_structure, data_size, data, fptr)) val end function create_ray_tracing_pipelines_nv(device, create_infos::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} val = @propagate_errors(_create_ray_tracing_pipelines_nv(device, convert(AbstractArray{_RayTracingPipelineCreateInfoNV}, create_infos), fptr_create, fptr_destroy; pipeline_cache, allocator)) val end function create_ray_tracing_pipelines_khr(device, create_infos::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; deferred_operation = C_NULL, pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} val = @propagate_errors(_create_ray_tracing_pipelines_khr(device, convert(AbstractArray{_RayTracingPipelineCreateInfoKHR}, create_infos), fptr_create, fptr_destroy; deferred_operation, pipeline_cache, allocator)) val end function get_physical_device_cooperative_matrix_properties_nv(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{CooperativeMatrixPropertiesNV}, VulkanError} val = @propagate_errors(_get_physical_device_cooperative_matrix_properties_nv(physical_device, fptr)) CooperativeMatrixPropertiesNV.(val) end function cmd_trace_rays_indirect_khr(command_buffer, raygen_shader_binding_table::StridedDeviceAddressRegionKHR, miss_shader_binding_table::StridedDeviceAddressRegionKHR, hit_shader_binding_table::StridedDeviceAddressRegionKHR, callable_shader_binding_table::StridedDeviceAddressRegionKHR, indirect_device_address::Integer, fptr::FunctionPtr) _cmd_trace_rays_indirect_khr(command_buffer, convert(_StridedDeviceAddressRegionKHR, raygen_shader_binding_table), convert(_StridedDeviceAddressRegionKHR, miss_shader_binding_table), convert(_StridedDeviceAddressRegionKHR, hit_shader_binding_table), convert(_StridedDeviceAddressRegionKHR, callable_shader_binding_table), indirect_device_address, fptr) end function cmd_trace_rays_indirect_2_khr(command_buffer, indirect_device_address::Integer, fptr::FunctionPtr) _cmd_trace_rays_indirect_2_khr(command_buffer, indirect_device_address, fptr) end function get_device_acceleration_structure_compatibility_khr(device, version_info::AccelerationStructureVersionInfoKHR, fptr::FunctionPtr) _get_device_acceleration_structure_compatibility_khr(device, convert(_AccelerationStructureVersionInfoKHR, version_info), fptr) end function get_ray_tracing_shader_group_stack_size_khr(device, pipeline, group::Integer, group_shader::ShaderGroupShaderKHR, fptr::FunctionPtr) _get_ray_tracing_shader_group_stack_size_khr(device, pipeline, group, group_shader, fptr) end function cmd_set_ray_tracing_pipeline_stack_size_khr(command_buffer, pipeline_stack_size::Integer, fptr::FunctionPtr) _cmd_set_ray_tracing_pipeline_stack_size_khr(command_buffer, pipeline_stack_size, fptr) end function get_image_view_handle_nvx(device, info::ImageViewHandleInfoNVX, fptr::FunctionPtr) _get_image_view_handle_nvx(device, convert(_ImageViewHandleInfoNVX, info), fptr) end function get_image_view_address_nvx(device, image_view, fptr::FunctionPtr)::ResultTypes.Result{ImageViewAddressPropertiesNVX, VulkanError} val = @propagate_errors(_get_image_view_address_nvx(device, image_view, fptr)) ImageViewAddressPropertiesNVX(val) end function enumerate_physical_device_queue_family_performance_query_counters_khr(physical_device, queue_family_index::Integer, fptr::FunctionPtr)::ResultTypes.Result{Tuple{Vector{_PerformanceCounterKHR}, Vector{_PerformanceCounterDescriptionKHR}}, VulkanError} val = @propagate_errors(_enumerate_physical_device_queue_family_performance_query_counters_khr(physical_device, queue_family_index, fptr)) val end function get_physical_device_queue_family_performance_query_passes_khr(physical_device, performance_query_create_info::QueryPoolPerformanceCreateInfoKHR, fptr::FunctionPtr) _get_physical_device_queue_family_performance_query_passes_khr(physical_device, convert(_QueryPoolPerformanceCreateInfoKHR, performance_query_create_info), fptr) end function acquire_profiling_lock_khr(device, info::AcquireProfilingLockInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_acquire_profiling_lock_khr(device, convert(_AcquireProfilingLockInfoKHR, info), fptr)) val end function release_profiling_lock_khr(device, fptr::FunctionPtr) _release_profiling_lock_khr(device, fptr) end function get_image_drm_format_modifier_properties_ext(device, image, fptr::FunctionPtr)::ResultTypes.Result{ImageDrmFormatModifierPropertiesEXT, VulkanError} val = @propagate_errors(_get_image_drm_format_modifier_properties_ext(device, image, fptr)) ImageDrmFormatModifierPropertiesEXT(val) end function get_buffer_opaque_capture_address(device, info::BufferDeviceAddressInfo, fptr::FunctionPtr) _get_buffer_opaque_capture_address(device, convert(_BufferDeviceAddressInfo, info), fptr) end function get_buffer_device_address(device, info::BufferDeviceAddressInfo, fptr::FunctionPtr) _get_buffer_device_address(device, convert(_BufferDeviceAddressInfo, info), fptr) end function create_headless_surface_ext(instance, create_info::HeadlessSurfaceCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_headless_surface_ext(instance, convert(_HeadlessSurfaceCreateInfoEXT, create_info), fptr_create, fptr_destroy; allocator)) val end function get_physical_device_supported_framebuffer_mixed_samples_combinations_nv(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{FramebufferMixedSamplesCombinationNV}, VulkanError} val = @propagate_errors(_get_physical_device_supported_framebuffer_mixed_samples_combinations_nv(physical_device, fptr)) FramebufferMixedSamplesCombinationNV.(val) end function initialize_performance_api_intel(device, initialize_info::InitializePerformanceApiInfoINTEL, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_initialize_performance_api_intel(device, convert(_InitializePerformanceApiInfoINTEL, initialize_info), fptr)) val end function uninitialize_performance_api_intel(device, fptr::FunctionPtr) _uninitialize_performance_api_intel(device, fptr) end function cmd_set_performance_marker_intel(command_buffer, marker_info::PerformanceMarkerInfoINTEL, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_cmd_set_performance_marker_intel(command_buffer, convert(_PerformanceMarkerInfoINTEL, marker_info), fptr)) val end function cmd_set_performance_stream_marker_intel(command_buffer, marker_info::PerformanceStreamMarkerInfoINTEL, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_cmd_set_performance_stream_marker_intel(command_buffer, convert(_PerformanceStreamMarkerInfoINTEL, marker_info), fptr)) val end function cmd_set_performance_override_intel(command_buffer, override_info::PerformanceOverrideInfoINTEL, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_cmd_set_performance_override_intel(command_buffer, convert(_PerformanceOverrideInfoINTEL, override_info), fptr)) val end function acquire_performance_configuration_intel(device, acquire_info::PerformanceConfigurationAcquireInfoINTEL, fptr::FunctionPtr)::ResultTypes.Result{PerformanceConfigurationINTEL, VulkanError} val = @propagate_errors(_acquire_performance_configuration_intel(device, convert(_PerformanceConfigurationAcquireInfoINTEL, acquire_info), fptr)) val end function release_performance_configuration_intel(device, fptr::FunctionPtr; configuration = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_release_performance_configuration_intel(device, fptr; configuration)) val end function queue_set_performance_configuration_intel(queue, configuration, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_queue_set_performance_configuration_intel(queue, configuration, fptr)) val end function get_performance_parameter_intel(device, parameter::PerformanceParameterTypeINTEL, fptr::FunctionPtr)::ResultTypes.Result{PerformanceValueINTEL, VulkanError} val = @propagate_errors(_get_performance_parameter_intel(device, parameter, fptr)) PerformanceValueINTEL(val) end function get_device_memory_opaque_capture_address(device, info::DeviceMemoryOpaqueCaptureAddressInfo, fptr::FunctionPtr) _get_device_memory_opaque_capture_address(device, convert(_DeviceMemoryOpaqueCaptureAddressInfo, info), fptr) end function get_pipeline_executable_properties_khr(device, pipeline_info::PipelineInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Vector{PipelineExecutablePropertiesKHR}, VulkanError} val = @propagate_errors(_get_pipeline_executable_properties_khr(device, convert(_PipelineInfoKHR, pipeline_info), fptr)) PipelineExecutablePropertiesKHR.(val) end function get_pipeline_executable_statistics_khr(device, executable_info::PipelineExecutableInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Vector{PipelineExecutableStatisticKHR}, VulkanError} val = @propagate_errors(_get_pipeline_executable_statistics_khr(device, convert(_PipelineExecutableInfoKHR, executable_info), fptr)) PipelineExecutableStatisticKHR.(val) end function get_pipeline_executable_internal_representations_khr(device, executable_info::PipelineExecutableInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Vector{PipelineExecutableInternalRepresentationKHR}, VulkanError} val = @propagate_errors(_get_pipeline_executable_internal_representations_khr(device, convert(_PipelineExecutableInfoKHR, executable_info), fptr)) PipelineExecutableInternalRepresentationKHR.(val) end function cmd_set_line_stipple_ext(command_buffer, line_stipple_factor::Integer, line_stipple_pattern::Integer, fptr::FunctionPtr) _cmd_set_line_stipple_ext(command_buffer, line_stipple_factor, line_stipple_pattern, fptr) end function get_physical_device_tool_properties(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{PhysicalDeviceToolProperties}, VulkanError} val = @propagate_errors(_get_physical_device_tool_properties(physical_device, fptr)) PhysicalDeviceToolProperties.(val) end function create_acceleration_structure_khr(device, create_info::AccelerationStructureCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{AccelerationStructureKHR, VulkanError} val = @propagate_errors(_create_acceleration_structure_khr(device, convert(_AccelerationStructureCreateInfoKHR, create_info), fptr_create, fptr_destroy; allocator)) val end function cmd_build_acceleration_structures_khr(command_buffer, infos::AbstractArray, build_range_infos::AbstractArray, fptr::FunctionPtr) _cmd_build_acceleration_structures_khr(command_buffer, convert(AbstractArray{_AccelerationStructureBuildGeometryInfoKHR}, infos), convert(AbstractArray{_AccelerationStructureBuildRangeInfoKHR}, build_range_infos), fptr) end function cmd_build_acceleration_structures_indirect_khr(command_buffer, infos::AbstractArray, indirect_device_addresses::AbstractArray, indirect_strides::AbstractArray, max_primitive_counts::AbstractArray, fptr::FunctionPtr) _cmd_build_acceleration_structures_indirect_khr(command_buffer, convert(AbstractArray{_AccelerationStructureBuildGeometryInfoKHR}, infos), indirect_device_addresses, indirect_strides, max_primitive_counts, fptr) end function build_acceleration_structures_khr(device, infos::AbstractArray, build_range_infos::AbstractArray, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_build_acceleration_structures_khr(device, convert(AbstractArray{_AccelerationStructureBuildGeometryInfoKHR}, infos), convert(AbstractArray{_AccelerationStructureBuildRangeInfoKHR}, build_range_infos), fptr; deferred_operation)) val end function get_acceleration_structure_device_address_khr(device, info::AccelerationStructureDeviceAddressInfoKHR, fptr::FunctionPtr) _get_acceleration_structure_device_address_khr(device, convert(_AccelerationStructureDeviceAddressInfoKHR, info), fptr) end function create_deferred_operation_khr(device, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DeferredOperationKHR, VulkanError} val = @propagate_errors(_create_deferred_operation_khr(device, fptr_create, fptr_destroy; allocator)) val end function destroy_deferred_operation_khr(device, operation, fptr::FunctionPtr; allocator = C_NULL) _destroy_deferred_operation_khr(device, operation, fptr; allocator) end function get_deferred_operation_max_concurrency_khr(device, operation, fptr::FunctionPtr) _get_deferred_operation_max_concurrency_khr(device, operation, fptr) end function get_deferred_operation_result_khr(device, operation, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_deferred_operation_result_khr(device, operation, fptr)) val end function deferred_operation_join_khr(device, operation, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_deferred_operation_join_khr(device, operation, fptr)) val end function cmd_set_cull_mode(command_buffer, fptr::FunctionPtr; cull_mode = 0) _cmd_set_cull_mode(command_buffer, fptr; cull_mode) end function cmd_set_front_face(command_buffer, front_face::FrontFace, fptr::FunctionPtr) _cmd_set_front_face(command_buffer, front_face, fptr) end function cmd_set_primitive_topology(command_buffer, primitive_topology::PrimitiveTopology, fptr::FunctionPtr) _cmd_set_primitive_topology(command_buffer, primitive_topology, fptr) end function cmd_set_viewport_with_count(command_buffer, viewports::AbstractArray, fptr::FunctionPtr) _cmd_set_viewport_with_count(command_buffer, convert(AbstractArray{_Viewport}, viewports), fptr) end function cmd_set_scissor_with_count(command_buffer, scissors::AbstractArray, fptr::FunctionPtr) _cmd_set_scissor_with_count(command_buffer, convert(AbstractArray{_Rect2D}, scissors), fptr) end function cmd_bind_vertex_buffers_2(command_buffer, buffers::AbstractArray, offsets::AbstractArray, fptr::FunctionPtr; sizes = C_NULL, strides = C_NULL) _cmd_bind_vertex_buffers_2(command_buffer, buffers, offsets, fptr; sizes, strides) end function cmd_set_depth_test_enable(command_buffer, depth_test_enable::Bool, fptr::FunctionPtr) _cmd_set_depth_test_enable(command_buffer, depth_test_enable, fptr) end function cmd_set_depth_write_enable(command_buffer, depth_write_enable::Bool, fptr::FunctionPtr) _cmd_set_depth_write_enable(command_buffer, depth_write_enable, fptr) end function cmd_set_depth_compare_op(command_buffer, depth_compare_op::CompareOp, fptr::FunctionPtr) _cmd_set_depth_compare_op(command_buffer, depth_compare_op, fptr) end function cmd_set_depth_bounds_test_enable(command_buffer, depth_bounds_test_enable::Bool, fptr::FunctionPtr) _cmd_set_depth_bounds_test_enable(command_buffer, depth_bounds_test_enable, fptr) end function cmd_set_stencil_test_enable(command_buffer, stencil_test_enable::Bool, fptr::FunctionPtr) _cmd_set_stencil_test_enable(command_buffer, stencil_test_enable, fptr) end function cmd_set_stencil_op(command_buffer, face_mask::StencilFaceFlag, fail_op::StencilOp, pass_op::StencilOp, depth_fail_op::StencilOp, compare_op::CompareOp, fptr::FunctionPtr) _cmd_set_stencil_op(command_buffer, face_mask, fail_op, pass_op, depth_fail_op, compare_op, fptr) end function cmd_set_patch_control_points_ext(command_buffer, patch_control_points::Integer, fptr::FunctionPtr) _cmd_set_patch_control_points_ext(command_buffer, patch_control_points, fptr) end function cmd_set_rasterizer_discard_enable(command_buffer, rasterizer_discard_enable::Bool, fptr::FunctionPtr) _cmd_set_rasterizer_discard_enable(command_buffer, rasterizer_discard_enable, fptr) end function cmd_set_depth_bias_enable(command_buffer, depth_bias_enable::Bool, fptr::FunctionPtr) _cmd_set_depth_bias_enable(command_buffer, depth_bias_enable, fptr) end function cmd_set_logic_op_ext(command_buffer, logic_op::LogicOp, fptr::FunctionPtr) _cmd_set_logic_op_ext(command_buffer, logic_op, fptr) end function cmd_set_primitive_restart_enable(command_buffer, primitive_restart_enable::Bool, fptr::FunctionPtr) _cmd_set_primitive_restart_enable(command_buffer, primitive_restart_enable, fptr) end function cmd_set_tessellation_domain_origin_ext(command_buffer, domain_origin::TessellationDomainOrigin, fptr::FunctionPtr) _cmd_set_tessellation_domain_origin_ext(command_buffer, domain_origin, fptr) end function cmd_set_depth_clamp_enable_ext(command_buffer, depth_clamp_enable::Bool, fptr::FunctionPtr) _cmd_set_depth_clamp_enable_ext(command_buffer, depth_clamp_enable, fptr) end function cmd_set_polygon_mode_ext(command_buffer, polygon_mode::PolygonMode, fptr::FunctionPtr) _cmd_set_polygon_mode_ext(command_buffer, polygon_mode, fptr) end function cmd_set_rasterization_samples_ext(command_buffer, rasterization_samples::SampleCountFlag, fptr::FunctionPtr) _cmd_set_rasterization_samples_ext(command_buffer, rasterization_samples, fptr) end function cmd_set_sample_mask_ext(command_buffer, samples::SampleCountFlag, sample_mask::AbstractArray, fptr::FunctionPtr) _cmd_set_sample_mask_ext(command_buffer, samples, sample_mask, fptr) end function cmd_set_alpha_to_coverage_enable_ext(command_buffer, alpha_to_coverage_enable::Bool, fptr::FunctionPtr) _cmd_set_alpha_to_coverage_enable_ext(command_buffer, alpha_to_coverage_enable, fptr) end function cmd_set_alpha_to_one_enable_ext(command_buffer, alpha_to_one_enable::Bool, fptr::FunctionPtr) _cmd_set_alpha_to_one_enable_ext(command_buffer, alpha_to_one_enable, fptr) end function cmd_set_logic_op_enable_ext(command_buffer, logic_op_enable::Bool, fptr::FunctionPtr) _cmd_set_logic_op_enable_ext(command_buffer, logic_op_enable, fptr) end function cmd_set_color_blend_enable_ext(command_buffer, color_blend_enables::AbstractArray, fptr::FunctionPtr) _cmd_set_color_blend_enable_ext(command_buffer, color_blend_enables, fptr) end function cmd_set_color_blend_equation_ext(command_buffer, color_blend_equations::AbstractArray, fptr::FunctionPtr) _cmd_set_color_blend_equation_ext(command_buffer, convert(AbstractArray{_ColorBlendEquationEXT}, color_blend_equations), fptr) end function cmd_set_color_write_mask_ext(command_buffer, color_write_masks::AbstractArray, fptr::FunctionPtr) _cmd_set_color_write_mask_ext(command_buffer, color_write_masks, fptr) end function cmd_set_rasterization_stream_ext(command_buffer, rasterization_stream::Integer, fptr::FunctionPtr) _cmd_set_rasterization_stream_ext(command_buffer, rasterization_stream, fptr) end function cmd_set_conservative_rasterization_mode_ext(command_buffer, conservative_rasterization_mode::ConservativeRasterizationModeEXT, fptr::FunctionPtr) _cmd_set_conservative_rasterization_mode_ext(command_buffer, conservative_rasterization_mode, fptr) end function cmd_set_extra_primitive_overestimation_size_ext(command_buffer, extra_primitive_overestimation_size::Real, fptr::FunctionPtr) _cmd_set_extra_primitive_overestimation_size_ext(command_buffer, extra_primitive_overestimation_size, fptr) end function cmd_set_depth_clip_enable_ext(command_buffer, depth_clip_enable::Bool, fptr::FunctionPtr) _cmd_set_depth_clip_enable_ext(command_buffer, depth_clip_enable, fptr) end function cmd_set_sample_locations_enable_ext(command_buffer, sample_locations_enable::Bool, fptr::FunctionPtr) _cmd_set_sample_locations_enable_ext(command_buffer, sample_locations_enable, fptr) end function cmd_set_color_blend_advanced_ext(command_buffer, color_blend_advanced::AbstractArray, fptr::FunctionPtr) _cmd_set_color_blend_advanced_ext(command_buffer, convert(AbstractArray{_ColorBlendAdvancedEXT}, color_blend_advanced), fptr) end function cmd_set_provoking_vertex_mode_ext(command_buffer, provoking_vertex_mode::ProvokingVertexModeEXT, fptr::FunctionPtr) _cmd_set_provoking_vertex_mode_ext(command_buffer, provoking_vertex_mode, fptr) end function cmd_set_line_rasterization_mode_ext(command_buffer, line_rasterization_mode::LineRasterizationModeEXT, fptr::FunctionPtr) _cmd_set_line_rasterization_mode_ext(command_buffer, line_rasterization_mode, fptr) end function cmd_set_line_stipple_enable_ext(command_buffer, stippled_line_enable::Bool, fptr::FunctionPtr) _cmd_set_line_stipple_enable_ext(command_buffer, stippled_line_enable, fptr) end function cmd_set_depth_clip_negative_one_to_one_ext(command_buffer, negative_one_to_one::Bool, fptr::FunctionPtr) _cmd_set_depth_clip_negative_one_to_one_ext(command_buffer, negative_one_to_one, fptr) end function cmd_set_viewport_w_scaling_enable_nv(command_buffer, viewport_w_scaling_enable::Bool, fptr::FunctionPtr) _cmd_set_viewport_w_scaling_enable_nv(command_buffer, viewport_w_scaling_enable, fptr) end function cmd_set_viewport_swizzle_nv(command_buffer, viewport_swizzles::AbstractArray, fptr::FunctionPtr) _cmd_set_viewport_swizzle_nv(command_buffer, convert(AbstractArray{_ViewportSwizzleNV}, viewport_swizzles), fptr) end function cmd_set_coverage_to_color_enable_nv(command_buffer, coverage_to_color_enable::Bool, fptr::FunctionPtr) _cmd_set_coverage_to_color_enable_nv(command_buffer, coverage_to_color_enable, fptr) end function cmd_set_coverage_to_color_location_nv(command_buffer, coverage_to_color_location::Integer, fptr::FunctionPtr) _cmd_set_coverage_to_color_location_nv(command_buffer, coverage_to_color_location, fptr) end function cmd_set_coverage_modulation_mode_nv(command_buffer, coverage_modulation_mode::CoverageModulationModeNV, fptr::FunctionPtr) _cmd_set_coverage_modulation_mode_nv(command_buffer, coverage_modulation_mode, fptr) end function cmd_set_coverage_modulation_table_enable_nv(command_buffer, coverage_modulation_table_enable::Bool, fptr::FunctionPtr) _cmd_set_coverage_modulation_table_enable_nv(command_buffer, coverage_modulation_table_enable, fptr) end function cmd_set_coverage_modulation_table_nv(command_buffer, coverage_modulation_table::AbstractArray, fptr::FunctionPtr) _cmd_set_coverage_modulation_table_nv(command_buffer, coverage_modulation_table, fptr) end function cmd_set_shading_rate_image_enable_nv(command_buffer, shading_rate_image_enable::Bool, fptr::FunctionPtr) _cmd_set_shading_rate_image_enable_nv(command_buffer, shading_rate_image_enable, fptr) end function cmd_set_coverage_reduction_mode_nv(command_buffer, coverage_reduction_mode::CoverageReductionModeNV, fptr::FunctionPtr) _cmd_set_coverage_reduction_mode_nv(command_buffer, coverage_reduction_mode, fptr) end function cmd_set_representative_fragment_test_enable_nv(command_buffer, representative_fragment_test_enable::Bool, fptr::FunctionPtr) _cmd_set_representative_fragment_test_enable_nv(command_buffer, representative_fragment_test_enable, fptr) end function create_private_data_slot(device, create_info::PrivateDataSlotCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{PrivateDataSlot, VulkanError} val = @propagate_errors(_create_private_data_slot(device, convert(_PrivateDataSlotCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_private_data_slot(device, private_data_slot, fptr::FunctionPtr; allocator = C_NULL) _destroy_private_data_slot(device, private_data_slot, fptr; allocator) end function set_private_data(device, object_type::ObjectType, object_handle::Integer, private_data_slot, data::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_set_private_data(device, object_type, object_handle, private_data_slot, data, fptr)) val end function get_private_data(device, object_type::ObjectType, object_handle::Integer, private_data_slot, fptr::FunctionPtr) _get_private_data(device, object_type, object_handle, private_data_slot, fptr) end function cmd_copy_buffer_2(command_buffer, copy_buffer_info::CopyBufferInfo2, fptr::FunctionPtr) _cmd_copy_buffer_2(command_buffer, convert(_CopyBufferInfo2, copy_buffer_info), fptr) end function cmd_copy_image_2(command_buffer, copy_image_info::CopyImageInfo2, fptr::FunctionPtr) _cmd_copy_image_2(command_buffer, convert(_CopyImageInfo2, copy_image_info), fptr) end function cmd_blit_image_2(command_buffer, blit_image_info::BlitImageInfo2, fptr::FunctionPtr) _cmd_blit_image_2(command_buffer, convert(_BlitImageInfo2, blit_image_info), fptr) end function cmd_copy_buffer_to_image_2(command_buffer, copy_buffer_to_image_info::CopyBufferToImageInfo2, fptr::FunctionPtr) _cmd_copy_buffer_to_image_2(command_buffer, convert(_CopyBufferToImageInfo2, copy_buffer_to_image_info), fptr) end function cmd_copy_image_to_buffer_2(command_buffer, copy_image_to_buffer_info::CopyImageToBufferInfo2, fptr::FunctionPtr) _cmd_copy_image_to_buffer_2(command_buffer, convert(_CopyImageToBufferInfo2, copy_image_to_buffer_info), fptr) end function cmd_resolve_image_2(command_buffer, resolve_image_info::ResolveImageInfo2, fptr::FunctionPtr) _cmd_resolve_image_2(command_buffer, convert(_ResolveImageInfo2, resolve_image_info), fptr) end function cmd_set_fragment_shading_rate_khr(command_buffer, fragment_size::Extent2D, combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}, fptr::FunctionPtr) _cmd_set_fragment_shading_rate_khr(command_buffer, convert(_Extent2D, fragment_size), combiner_ops, fptr) end function get_physical_device_fragment_shading_rates_khr(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{PhysicalDeviceFragmentShadingRateKHR}, VulkanError} val = @propagate_errors(_get_physical_device_fragment_shading_rates_khr(physical_device, fptr)) PhysicalDeviceFragmentShadingRateKHR.(val) end function cmd_set_fragment_shading_rate_enum_nv(command_buffer, shading_rate::FragmentShadingRateNV, combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}, fptr::FunctionPtr) _cmd_set_fragment_shading_rate_enum_nv(command_buffer, shading_rate, combiner_ops, fptr) end function get_acceleration_structure_build_sizes_khr(device, build_type::AccelerationStructureBuildTypeKHR, build_info::AccelerationStructureBuildGeometryInfoKHR, fptr::FunctionPtr; max_primitive_counts = C_NULL) AccelerationStructureBuildSizesInfoKHR(_get_acceleration_structure_build_sizes_khr(device, build_type, convert(_AccelerationStructureBuildGeometryInfoKHR, build_info), fptr; max_primitive_counts)) end function cmd_set_vertex_input_ext(command_buffer, vertex_binding_descriptions::AbstractArray, vertex_attribute_descriptions::AbstractArray, fptr::FunctionPtr) _cmd_set_vertex_input_ext(command_buffer, convert(AbstractArray{_VertexInputBindingDescription2EXT}, vertex_binding_descriptions), convert(AbstractArray{_VertexInputAttributeDescription2EXT}, vertex_attribute_descriptions), fptr) end function cmd_set_color_write_enable_ext(command_buffer, color_write_enables::AbstractArray, fptr::FunctionPtr) _cmd_set_color_write_enable_ext(command_buffer, color_write_enables, fptr) end function cmd_set_event_2(command_buffer, event, dependency_info::DependencyInfo, fptr::FunctionPtr) _cmd_set_event_2(command_buffer, event, convert(_DependencyInfo, dependency_info), fptr) end function cmd_reset_event_2(command_buffer, event, fptr::FunctionPtr; stage_mask = 0) _cmd_reset_event_2(command_buffer, event, fptr; stage_mask) end function cmd_wait_events_2(command_buffer, events::AbstractArray, dependency_infos::AbstractArray, fptr::FunctionPtr) _cmd_wait_events_2(command_buffer, events, convert(AbstractArray{_DependencyInfo}, dependency_infos), fptr) end function cmd_pipeline_barrier_2(command_buffer, dependency_info::DependencyInfo, fptr::FunctionPtr) _cmd_pipeline_barrier_2(command_buffer, convert(_DependencyInfo, dependency_info), fptr) end function queue_submit_2(queue, submits::AbstractArray, fptr::FunctionPtr; fence = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_queue_submit_2(queue, convert(AbstractArray{_SubmitInfo2}, submits), fptr; fence)) val end function cmd_write_timestamp_2(command_buffer, query_pool, query::Integer, fptr::FunctionPtr; stage = 0) _cmd_write_timestamp_2(command_buffer, query_pool, query, fptr; stage) end function cmd_write_buffer_marker_2_amd(command_buffer, dst_buffer, dst_offset::Integer, marker::Integer, fptr::FunctionPtr; stage = 0) _cmd_write_buffer_marker_2_amd(command_buffer, dst_buffer, dst_offset, marker, fptr; stage) end function get_queue_checkpoint_data_2_nv(queue, fptr::FunctionPtr) CheckpointData2NV.(_get_queue_checkpoint_data_2_nv(queue, fptr)) end function get_physical_device_video_capabilities_khr(physical_device, video_profile::VideoProfileInfoKHR, fptr::FunctionPtr, next_types::Type...)::ResultTypes.Result{VideoCapabilitiesKHR, VulkanError} next_types_hl = next_types next_types = intermediate_type.(next_types) val = @propagate_errors(_get_physical_device_video_capabilities_khr(physical_device, convert(_VideoProfileInfoKHR, video_profile), fptr, next_types...)) VideoCapabilitiesKHR(val, next_types_hl...) end function get_physical_device_video_format_properties_khr(physical_device, video_format_info::PhysicalDeviceVideoFormatInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Vector{VideoFormatPropertiesKHR}, VulkanError} val = @propagate_errors(_get_physical_device_video_format_properties_khr(physical_device, convert(_PhysicalDeviceVideoFormatInfoKHR, video_format_info), fptr)) VideoFormatPropertiesKHR.(val) end function create_video_session_khr(device, create_info::VideoSessionCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{VideoSessionKHR, VulkanError} val = @propagate_errors(_create_video_session_khr(device, convert(_VideoSessionCreateInfoKHR, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_video_session_khr(device, video_session, fptr::FunctionPtr; allocator = C_NULL) _destroy_video_session_khr(device, video_session, fptr; allocator) end function create_video_session_parameters_khr(device, create_info::VideoSessionParametersCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{VideoSessionParametersKHR, VulkanError} val = @propagate_errors(_create_video_session_parameters_khr(device, convert(_VideoSessionParametersCreateInfoKHR, create_info), fptr_create, fptr_destroy; allocator)) val end function update_video_session_parameters_khr(device, video_session_parameters, update_info::VideoSessionParametersUpdateInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_update_video_session_parameters_khr(device, video_session_parameters, convert(_VideoSessionParametersUpdateInfoKHR, update_info), fptr)) val end function destroy_video_session_parameters_khr(device, video_session_parameters, fptr::FunctionPtr; allocator = C_NULL) _destroy_video_session_parameters_khr(device, video_session_parameters, fptr; allocator) end function get_video_session_memory_requirements_khr(device, video_session, fptr::FunctionPtr) VideoSessionMemoryRequirementsKHR.(_get_video_session_memory_requirements_khr(device, video_session, fptr)) end function bind_video_session_memory_khr(device, video_session, bind_session_memory_infos::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_video_session_memory_khr(device, video_session, convert(AbstractArray{_BindVideoSessionMemoryInfoKHR}, bind_session_memory_infos), fptr)) val end function cmd_decode_video_khr(command_buffer, decode_info::VideoDecodeInfoKHR, fptr::FunctionPtr) _cmd_decode_video_khr(command_buffer, convert(_VideoDecodeInfoKHR, decode_info), fptr) end function cmd_begin_video_coding_khr(command_buffer, begin_info::VideoBeginCodingInfoKHR, fptr::FunctionPtr) _cmd_begin_video_coding_khr(command_buffer, convert(_VideoBeginCodingInfoKHR, begin_info), fptr) end function cmd_control_video_coding_khr(command_buffer, coding_control_info::VideoCodingControlInfoKHR, fptr::FunctionPtr) _cmd_control_video_coding_khr(command_buffer, convert(_VideoCodingControlInfoKHR, coding_control_info), fptr) end function cmd_end_video_coding_khr(command_buffer, end_coding_info::VideoEndCodingInfoKHR, fptr::FunctionPtr) _cmd_end_video_coding_khr(command_buffer, convert(_VideoEndCodingInfoKHR, end_coding_info), fptr) end function cmd_decompress_memory_nv(command_buffer, decompress_memory_regions::AbstractArray, fptr::FunctionPtr) _cmd_decompress_memory_nv(command_buffer, convert(AbstractArray{_DecompressMemoryRegionNV}, decompress_memory_regions), fptr) end function cmd_decompress_memory_indirect_count_nv(command_buffer, indirect_commands_address::Integer, indirect_commands_count_address::Integer, stride::Integer, fptr::FunctionPtr) _cmd_decompress_memory_indirect_count_nv(command_buffer, indirect_commands_address, indirect_commands_count_address, stride, fptr) end function create_cu_module_nvx(device, create_info::CuModuleCreateInfoNVX, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{CuModuleNVX, VulkanError} val = @propagate_errors(_create_cu_module_nvx(device, convert(_CuModuleCreateInfoNVX, create_info), fptr_create, fptr_destroy; allocator)) val end function create_cu_function_nvx(device, create_info::CuFunctionCreateInfoNVX, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{CuFunctionNVX, VulkanError} val = @propagate_errors(_create_cu_function_nvx(device, convert(_CuFunctionCreateInfoNVX, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_cu_module_nvx(device, _module, fptr::FunctionPtr; allocator = C_NULL) _destroy_cu_module_nvx(device, _module, fptr; allocator) end function destroy_cu_function_nvx(device, _function, fptr::FunctionPtr; allocator = C_NULL) _destroy_cu_function_nvx(device, _function, fptr; allocator) end function cmd_cu_launch_kernel_nvx(command_buffer, launch_info::CuLaunchInfoNVX, fptr::FunctionPtr) _cmd_cu_launch_kernel_nvx(command_buffer, convert(_CuLaunchInfoNVX, launch_info), fptr) end function get_descriptor_set_layout_size_ext(device, layout, fptr::FunctionPtr) _get_descriptor_set_layout_size_ext(device, layout, fptr) end function get_descriptor_set_layout_binding_offset_ext(device, layout, binding::Integer, fptr::FunctionPtr) _get_descriptor_set_layout_binding_offset_ext(device, layout, binding, fptr) end function get_descriptor_ext(device, descriptor_info::DescriptorGetInfoEXT, data_size::Integer, descriptor::Ptr{Cvoid}, fptr::FunctionPtr) _get_descriptor_ext(device, convert(_DescriptorGetInfoEXT, descriptor_info), data_size, descriptor, fptr) end function cmd_bind_descriptor_buffers_ext(command_buffer, binding_infos::AbstractArray, fptr::FunctionPtr) _cmd_bind_descriptor_buffers_ext(command_buffer, convert(AbstractArray{_DescriptorBufferBindingInfoEXT}, binding_infos), fptr) end function cmd_set_descriptor_buffer_offsets_ext(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, buffer_indices::AbstractArray, offsets::AbstractArray, fptr::FunctionPtr) _cmd_set_descriptor_buffer_offsets_ext(command_buffer, pipeline_bind_point, layout, buffer_indices, offsets, fptr) end function cmd_bind_descriptor_buffer_embedded_samplers_ext(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, set::Integer, fptr::FunctionPtr) _cmd_bind_descriptor_buffer_embedded_samplers_ext(command_buffer, pipeline_bind_point, layout, set, fptr) end function get_buffer_opaque_capture_descriptor_data_ext(device, info::BufferCaptureDescriptorDataInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} val = @propagate_errors(_get_buffer_opaque_capture_descriptor_data_ext(device, convert(_BufferCaptureDescriptorDataInfoEXT, info), fptr)) val end function get_image_opaque_capture_descriptor_data_ext(device, info::ImageCaptureDescriptorDataInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} val = @propagate_errors(_get_image_opaque_capture_descriptor_data_ext(device, convert(_ImageCaptureDescriptorDataInfoEXT, info), fptr)) val end function get_image_view_opaque_capture_descriptor_data_ext(device, info::ImageViewCaptureDescriptorDataInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} val = @propagate_errors(_get_image_view_opaque_capture_descriptor_data_ext(device, convert(_ImageViewCaptureDescriptorDataInfoEXT, info), fptr)) val end function get_sampler_opaque_capture_descriptor_data_ext(device, info::SamplerCaptureDescriptorDataInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} val = @propagate_errors(_get_sampler_opaque_capture_descriptor_data_ext(device, convert(_SamplerCaptureDescriptorDataInfoEXT, info), fptr)) val end function get_acceleration_structure_opaque_capture_descriptor_data_ext(device, info::AccelerationStructureCaptureDescriptorDataInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} val = @propagate_errors(_get_acceleration_structure_opaque_capture_descriptor_data_ext(device, convert(_AccelerationStructureCaptureDescriptorDataInfoEXT, info), fptr)) val end function set_device_memory_priority_ext(device, memory, priority::Real, fptr::FunctionPtr) _set_device_memory_priority_ext(device, memory, priority, fptr) end function acquire_drm_display_ext(physical_device, drm_fd::Integer, display, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_acquire_drm_display_ext(physical_device, drm_fd, display, fptr)) val end function get_drm_display_ext(physical_device, drm_fd::Integer, connector_id::Integer, fptr::FunctionPtr)::ResultTypes.Result{DisplayKHR, VulkanError} val = @propagate_errors(_get_drm_display_ext(physical_device, drm_fd, connector_id, fptr)) val end function wait_for_present_khr(device, swapchain, present_id::Integer, timeout::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_wait_for_present_khr(device, swapchain, present_id, timeout, fptr)) val end function cmd_begin_rendering(command_buffer, rendering_info::RenderingInfo, fptr::FunctionPtr) _cmd_begin_rendering(command_buffer, convert(_RenderingInfo, rendering_info), fptr) end function cmd_end_rendering(command_buffer, fptr::FunctionPtr) _cmd_end_rendering(command_buffer, fptr) end function get_descriptor_set_layout_host_mapping_info_valve(device, binding_reference::DescriptorSetBindingReferenceVALVE, fptr::FunctionPtr) DescriptorSetLayoutHostMappingInfoVALVE(_get_descriptor_set_layout_host_mapping_info_valve(device, convert(_DescriptorSetBindingReferenceVALVE, binding_reference), fptr)) end function get_descriptor_set_host_mapping_valve(device, descriptor_set, fptr::FunctionPtr) _get_descriptor_set_host_mapping_valve(device, descriptor_set, fptr) end function create_micromap_ext(device, create_info::MicromapCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{MicromapEXT, VulkanError} val = @propagate_errors(_create_micromap_ext(device, convert(_MicromapCreateInfoEXT, create_info), fptr_create, fptr_destroy; allocator)) val end function cmd_build_micromaps_ext(command_buffer, infos::AbstractArray, fptr::FunctionPtr) _cmd_build_micromaps_ext(command_buffer, convert(AbstractArray{_MicromapBuildInfoEXT}, infos), fptr) end function build_micromaps_ext(device, infos::AbstractArray, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_build_micromaps_ext(device, convert(AbstractArray{_MicromapBuildInfoEXT}, infos), fptr; deferred_operation)) val end function destroy_micromap_ext(device, micromap, fptr::FunctionPtr; allocator = C_NULL) _destroy_micromap_ext(device, micromap, fptr; allocator) end function cmd_copy_micromap_ext(command_buffer, info::CopyMicromapInfoEXT, fptr::FunctionPtr) _cmd_copy_micromap_ext(command_buffer, convert(_CopyMicromapInfoEXT, info), fptr) end function copy_micromap_ext(device, info::CopyMicromapInfoEXT, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_copy_micromap_ext(device, convert(_CopyMicromapInfoEXT, info), fptr; deferred_operation)) val end function cmd_copy_micromap_to_memory_ext(command_buffer, info::CopyMicromapToMemoryInfoEXT, fptr::FunctionPtr) _cmd_copy_micromap_to_memory_ext(command_buffer, convert(_CopyMicromapToMemoryInfoEXT, info), fptr) end function copy_micromap_to_memory_ext(device, info::CopyMicromapToMemoryInfoEXT, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_copy_micromap_to_memory_ext(device, convert(_CopyMicromapToMemoryInfoEXT, info), fptr; deferred_operation)) val end function cmd_copy_memory_to_micromap_ext(command_buffer, info::CopyMemoryToMicromapInfoEXT, fptr::FunctionPtr) _cmd_copy_memory_to_micromap_ext(command_buffer, convert(_CopyMemoryToMicromapInfoEXT, info), fptr) end function copy_memory_to_micromap_ext(device, info::CopyMemoryToMicromapInfoEXT, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_copy_memory_to_micromap_ext(device, convert(_CopyMemoryToMicromapInfoEXT, info), fptr; deferred_operation)) val end function cmd_write_micromaps_properties_ext(command_buffer, micromaps::AbstractArray, query_type::QueryType, query_pool, first_query::Integer, fptr::FunctionPtr) _cmd_write_micromaps_properties_ext(command_buffer, micromaps, query_type, query_pool, first_query, fptr) end function write_micromaps_properties_ext(device, micromaps::AbstractArray, query_type::QueryType, data_size::Integer, data::Ptr{Cvoid}, stride::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_write_micromaps_properties_ext(device, micromaps, query_type, data_size, data, stride, fptr)) val end function get_device_micromap_compatibility_ext(device, version_info::MicromapVersionInfoEXT, fptr::FunctionPtr) _get_device_micromap_compatibility_ext(device, convert(_MicromapVersionInfoEXT, version_info), fptr) end function get_micromap_build_sizes_ext(device, build_type::AccelerationStructureBuildTypeKHR, build_info::MicromapBuildInfoEXT, fptr::FunctionPtr) MicromapBuildSizesInfoEXT(_get_micromap_build_sizes_ext(device, build_type, convert(_MicromapBuildInfoEXT, build_info), fptr)) end function get_shader_module_identifier_ext(device, shader_module, fptr::FunctionPtr) ShaderModuleIdentifierEXT(_get_shader_module_identifier_ext(device, shader_module, fptr)) end function get_shader_module_create_info_identifier_ext(device, create_info::ShaderModuleCreateInfo, fptr::FunctionPtr) ShaderModuleIdentifierEXT(_get_shader_module_create_info_identifier_ext(device, convert(_ShaderModuleCreateInfo, create_info), fptr)) end function get_image_subresource_layout_2_ext(device, image, subresource::ImageSubresource2EXT, fptr::FunctionPtr, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) SubresourceLayout2EXT(_get_image_subresource_layout_2_ext(device, image, convert(_ImageSubresource2EXT, subresource), fptr, next_types...), next_types_hl...) end function get_pipeline_properties_ext(device, pipeline_info::VkPipelineInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{BaseOutStructure, VulkanError} val = @propagate_errors(_get_pipeline_properties_ext(device, pipeline_info, fptr)) BaseOutStructure(val) end function get_framebuffer_tile_properties_qcom(device, framebuffer, fptr::FunctionPtr) TilePropertiesQCOM.(_get_framebuffer_tile_properties_qcom(device, framebuffer, fptr)) end function get_dynamic_rendering_tile_properties_qcom(device, rendering_info::RenderingInfo, fptr::FunctionPtr) TilePropertiesQCOM(_get_dynamic_rendering_tile_properties_qcom(device, convert(_RenderingInfo, rendering_info), fptr)) end function get_physical_device_optical_flow_image_formats_nv(physical_device, optical_flow_image_format_info::OpticalFlowImageFormatInfoNV, fptr::FunctionPtr)::ResultTypes.Result{Vector{OpticalFlowImageFormatPropertiesNV}, VulkanError} val = @propagate_errors(_get_physical_device_optical_flow_image_formats_nv(physical_device, convert(_OpticalFlowImageFormatInfoNV, optical_flow_image_format_info), fptr)) OpticalFlowImageFormatPropertiesNV.(val) end function create_optical_flow_session_nv(device, create_info::OpticalFlowSessionCreateInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{OpticalFlowSessionNV, VulkanError} val = @propagate_errors(_create_optical_flow_session_nv(device, convert(_OpticalFlowSessionCreateInfoNV, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_optical_flow_session_nv(device, session, fptr::FunctionPtr; allocator = C_NULL) _destroy_optical_flow_session_nv(device, session, fptr; allocator) end function bind_optical_flow_session_image_nv(device, session, binding_point::OpticalFlowSessionBindingPointNV, layout::ImageLayout, fptr::FunctionPtr; view = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_optical_flow_session_image_nv(device, session, binding_point, layout, fptr; view)) val end function cmd_optical_flow_execute_nv(command_buffer, session, execute_info::OpticalFlowExecuteInfoNV, fptr::FunctionPtr) _cmd_optical_flow_execute_nv(command_buffer, session, convert(_OpticalFlowExecuteInfoNV, execute_info), fptr) end function get_device_fault_info_ext(device, fptr::FunctionPtr)::ResultTypes.Result{Tuple{_DeviceFaultCountsEXT, _DeviceFaultInfoEXT}, VulkanError} val = @propagate_errors(_get_device_fault_info_ext(device, fptr)) val end function release_swapchain_images_ext(device, release_info::ReleaseSwapchainImagesInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_release_swapchain_images_ext(device, convert(_ReleaseSwapchainImagesInfoEXT, release_info), fptr)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_LAYER_NOT_PRESENT` - `ERROR_EXTENSION_NOT_PRESENT` - `ERROR_INCOMPATIBLE_DRIVER` Arguments: - `enabled_layer_names::Vector{String}` - `enabled_extension_names::Vector{String}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::InstanceCreateFlag`: defaults to `0` - `application_info::_ApplicationInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateInstance.html) """ _create_instance(enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0, application_info = C_NULL) = _create_instance(_InstanceCreateInfo(enabled_layer_names, enabled_extension_names; next, flags, application_info); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_EXTENSION_NOT_PRESENT` - `ERROR_FEATURE_NOT_PRESENT` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_DEVICE_LOST` Arguments: - `physical_device::PhysicalDevice` - `queue_create_infos::Vector{_DeviceQueueCreateInfo}` - `enabled_layer_names::Vector{String}` - `enabled_extension_names::Vector{String}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `enabled_features::_PhysicalDeviceFeatures`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDevice.html) """ _create_device(physical_device, queue_create_infos::AbstractArray, enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0, enabled_features = C_NULL) = _create_device(physical_device, _DeviceCreateInfo(queue_create_infos, enabled_layer_names, enabled_extension_names; next, flags, enabled_features); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `allocation_size::UInt64` - `memory_type_index::UInt32` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAllocateMemory.html) """ _allocate_memory(device, allocation_size::Integer, memory_type_index::Integer; allocator = C_NULL, next = C_NULL) = _allocate_memory(device, _MemoryAllocateInfo(allocation_size, memory_type_index; next); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `queue_family_index::UInt32` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::CommandPoolCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCommandPool.html) """ _create_command_pool(device, queue_family_index::Integer; allocator = C_NULL, next = C_NULL, flags = 0) = _create_command_pool(device, _CommandPoolCreateInfo(queue_family_index; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `size::UInt64` - `usage::BufferUsageFlag` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::BufferCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateBuffer.html) """ _create_buffer(device, size::Integer, usage::BufferUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = _create_buffer(device, _BufferCreateInfo(size, usage, sharing_mode, queue_family_indices; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `buffer::Buffer` - `format::Format` - `offset::UInt64` - `range::UInt64` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateBufferView.html) """ _create_buffer_view(device, buffer, format::Format, offset::Integer, range::Integer; allocator = C_NULL, next = C_NULL, flags = 0) = _create_buffer_view(device, _BufferViewCreateInfo(buffer, format, offset, range; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_COMPRESSION_EXHAUSTED_EXT` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `image_type::ImageType` - `format::Format` - `extent::_Extent3D` - `mip_levels::UInt32` - `array_layers::UInt32` - `samples::SampleCountFlag` - `tiling::ImageTiling` - `usage::ImageUsageFlag` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `initial_layout::ImageLayout` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::ImageCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateImage.html) """ _create_image(device, image_type::ImageType, format::Format, extent::_Extent3D, mip_levels::Integer, array_layers::Integer, samples::SampleCountFlag, tiling::ImageTiling, usage::ImageUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, initial_layout::ImageLayout; allocator = C_NULL, next = C_NULL, flags = 0) = _create_image(device, _ImageCreateInfo(image_type, format, extent, mip_levels, array_layers, samples, tiling, usage, sharing_mode, queue_family_indices, initial_layout; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `image::Image` - `view_type::ImageViewType` - `format::Format` - `components::_ComponentMapping` - `subresource_range::_ImageSubresourceRange` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::ImageViewCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateImageView.html) """ _create_image_view(device, image, view_type::ImageViewType, format::Format, components::_ComponentMapping, subresource_range::_ImageSubresourceRange; allocator = C_NULL, next = C_NULL, flags = 0) = _create_image_view(device, _ImageViewCreateInfo(image, view_type, format, components, subresource_range; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_SHADER_NV` Arguments: - `device::Device` - `code_size::UInt` - `code::Vector{UInt32}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateShaderModule.html) """ _create_shader_module(device, code_size::Integer, code::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = _create_shader_module(device, _ShaderModuleCreateInfo(code_size, code; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `set_layouts::Vector{DescriptorSetLayout}` - `push_constant_ranges::Vector{_PushConstantRange}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PipelineLayoutCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePipelineLayout.html) """ _create_pipeline_layout(device, set_layouts::AbstractArray, push_constant_ranges::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = _create_pipeline_layout(device, _PipelineLayoutCreateInfo(set_layouts, push_constant_ranges; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `mag_filter::Filter` - `min_filter::Filter` - `mipmap_mode::SamplerMipmapMode` - `address_mode_u::SamplerAddressMode` - `address_mode_v::SamplerAddressMode` - `address_mode_w::SamplerAddressMode` - `mip_lod_bias::Float32` - `anisotropy_enable::Bool` - `max_anisotropy::Float32` - `compare_enable::Bool` - `compare_op::CompareOp` - `min_lod::Float32` - `max_lod::Float32` - `border_color::BorderColor` - `unnormalized_coordinates::Bool` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::SamplerCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSampler.html) """ _create_sampler(device, mag_filter::Filter, min_filter::Filter, mipmap_mode::SamplerMipmapMode, address_mode_u::SamplerAddressMode, address_mode_v::SamplerAddressMode, address_mode_w::SamplerAddressMode, mip_lod_bias::Real, anisotropy_enable::Bool, max_anisotropy::Real, compare_enable::Bool, compare_op::CompareOp, min_lod::Real, max_lod::Real, border_color::BorderColor, unnormalized_coordinates::Bool; allocator = C_NULL, next = C_NULL, flags = 0) = _create_sampler(device, _SamplerCreateInfo(mag_filter, min_filter, mipmap_mode, address_mode_u, address_mode_v, address_mode_w, mip_lod_bias, anisotropy_enable, max_anisotropy, compare_enable, compare_op, min_lod, max_lod, border_color, unnormalized_coordinates; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `bindings::Vector{_DescriptorSetLayoutBinding}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::DescriptorSetLayoutCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorSetLayout.html) """ _create_descriptor_set_layout(device, bindings::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = _create_descriptor_set_layout(device, _DescriptorSetLayoutCreateInfo(bindings; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_FRAGMENTATION_EXT` Arguments: - `device::Device` - `max_sets::UInt32` - `pool_sizes::Vector{_DescriptorPoolSize}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::DescriptorPoolCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorPool.html) """ _create_descriptor_pool(device, max_sets::Integer, pool_sizes::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = _create_descriptor_pool(device, _DescriptorPoolCreateInfo(max_sets, pool_sizes; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::FenceCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateFence.html) """ _create_fence(device; allocator = C_NULL, next = C_NULL, flags = 0) = _create_fence(device, _FenceCreateInfo(; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSemaphore.html) """ _create_semaphore(device; allocator = C_NULL, next = C_NULL, flags = 0) = _create_semaphore(device, _SemaphoreCreateInfo(; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::EventCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateEvent.html) """ _create_event(device; allocator = C_NULL, next = C_NULL, flags = 0) = _create_event(device, _EventCreateInfo(; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `query_type::QueryType` - `query_count::UInt32` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `pipeline_statistics::QueryPipelineStatisticFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateQueryPool.html) """ _create_query_pool(device, query_type::QueryType, query_count::Integer; allocator = C_NULL, next = C_NULL, flags = 0, pipeline_statistics = 0) = _create_query_pool(device, _QueryPoolCreateInfo(query_type, query_count; next, flags, pipeline_statistics); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `render_pass::RenderPass` - `attachments::Vector{ImageView}` - `width::UInt32` - `height::UInt32` - `layers::UInt32` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::FramebufferCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateFramebuffer.html) """ _create_framebuffer(device, render_pass, attachments::AbstractArray, width::Integer, height::Integer, layers::Integer; allocator = C_NULL, next = C_NULL, flags = 0) = _create_framebuffer(device, _FramebufferCreateInfo(render_pass, attachments, width, height, layers; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `attachments::Vector{_AttachmentDescription}` - `subpasses::Vector{_SubpassDescription}` - `dependencies::Vector{_SubpassDependency}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::RenderPassCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRenderPass.html) """ _create_render_pass(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = _create_render_pass(device, _RenderPassCreateInfo(attachments, subpasses, dependencies; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `attachments::Vector{_AttachmentDescription2}` - `subpasses::Vector{_SubpassDescription2}` - `dependencies::Vector{_SubpassDependency2}` - `correlated_view_masks::Vector{UInt32}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::RenderPassCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRenderPass2.html) """ _create_render_pass_2(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray, correlated_view_masks::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = _create_render_pass_2(device, _RenderPassCreateInfo2(attachments, subpasses, dependencies, correlated_view_masks; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `initial_data::Ptr{Cvoid}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PipelineCacheCreateFlag`: defaults to `0` - `initial_data_size::UInt`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePipelineCache.html) """ _create_pipeline_cache(device, initial_data::Ptr{Cvoid}; allocator = C_NULL, next = C_NULL, flags = 0, initial_data_size = 0) = _create_pipeline_cache(device, _PipelineCacheCreateInfo(initial_data; next, flags, initial_data_size); allocator) """ Extension: VK\\_NV\\_device\\_generated\\_commands Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `pipeline_bind_point::PipelineBindPoint` - `tokens::Vector{_IndirectCommandsLayoutTokenNV}` - `stream_strides::Vector{UInt32}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::IndirectCommandsLayoutUsageFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateIndirectCommandsLayoutNV.html) """ _create_indirect_commands_layout_nv(device, pipeline_bind_point::PipelineBindPoint, tokens::AbstractArray, stream_strides::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = _create_indirect_commands_layout_nv(device, _IndirectCommandsLayoutCreateInfoNV(pipeline_bind_point, tokens, stream_strides; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `descriptor_update_entries::Vector{_DescriptorUpdateTemplateEntry}` - `template_type::DescriptorUpdateTemplateType` - `descriptor_set_layout::DescriptorSetLayout` - `pipeline_bind_point::PipelineBindPoint` - `pipeline_layout::PipelineLayout` - `set::UInt32` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorUpdateTemplate.html) """ _create_descriptor_update_template(device, descriptor_update_entries::AbstractArray, template_type::DescriptorUpdateTemplateType, descriptor_set_layout, pipeline_bind_point::PipelineBindPoint, pipeline_layout, set::Integer; allocator = C_NULL, next = C_NULL, flags = 0) = _create_descriptor_update_template(device, _DescriptorUpdateTemplateCreateInfo(descriptor_update_entries, template_type, descriptor_set_layout, pipeline_bind_point, pipeline_layout, set; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `format::Format` - `ycbcr_model::SamplerYcbcrModelConversion` - `ycbcr_range::SamplerYcbcrRange` - `components::_ComponentMapping` - `x_chroma_offset::ChromaLocation` - `y_chroma_offset::ChromaLocation` - `chroma_filter::Filter` - `force_explicit_reconstruction::Bool` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSamplerYcbcrConversion.html) """ _create_sampler_ycbcr_conversion(device, format::Format, ycbcr_model::SamplerYcbcrModelConversion, ycbcr_range::SamplerYcbcrRange, components::_ComponentMapping, x_chroma_offset::ChromaLocation, y_chroma_offset::ChromaLocation, chroma_filter::Filter, force_explicit_reconstruction::Bool; allocator = C_NULL, next = C_NULL) = _create_sampler_ycbcr_conversion(device, _SamplerYcbcrConversionCreateInfo(format, ycbcr_model, ycbcr_range, components, x_chroma_offset, y_chroma_offset, chroma_filter, force_explicit_reconstruction; next); allocator) """ Extension: VK\\_EXT\\_validation\\_cache Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `initial_data::Ptr{Cvoid}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `initial_data_size::UInt`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateValidationCacheEXT.html) """ _create_validation_cache_ext(device, initial_data::Ptr{Cvoid}; allocator = C_NULL, next = C_NULL, flags = 0, initial_data_size = 0) = _create_validation_cache_ext(device, _ValidationCacheCreateInfoEXT(initial_data; next, flags, initial_data_size); allocator) """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `type::AccelerationStructureTypeKHR` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `create_flags::AccelerationStructureCreateFlagKHR`: defaults to `0` - `device_address::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateAccelerationStructureKHR.html) """ _create_acceleration_structure_khr(device, buffer, offset::Integer, size::Integer, type::AccelerationStructureTypeKHR; allocator = C_NULL, next = C_NULL, create_flags = 0, device_address = 0) = _create_acceleration_structure_khr(device, _AccelerationStructureCreateInfoKHR(buffer, offset, size, type; next, create_flags, device_address); allocator) """ Extension: VK\\_NV\\_ray\\_tracing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `compacted_size::UInt64` - `info::_AccelerationStructureInfoNV` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateAccelerationStructureNV.html) """ _create_acceleration_structure_nv(device, compacted_size::Integer, info::_AccelerationStructureInfoNV; allocator = C_NULL, next = C_NULL) = _create_acceleration_structure_nv(device, _AccelerationStructureCreateInfoNV(compacted_size, info; next); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `flags::UInt32` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePrivateDataSlot.html) """ _create_private_data_slot(device, flags::Integer; allocator = C_NULL, next = C_NULL) = _create_private_data_slot(device, _PrivateDataSlotCreateInfo(flags; next); allocator) """ Extension: VK\\_NVX\\_binary\\_import Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `data_size::UInt` - `data::Ptr{Cvoid}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCuModuleNVX.html) """ _create_cu_module_nvx(device, data_size::Integer, data::Ptr{Cvoid}; allocator = C_NULL, next = C_NULL) = _create_cu_module_nvx(device, _CuModuleCreateInfoNVX(data_size, data; next); allocator) """ Extension: VK\\_NVX\\_binary\\_import Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `_module::CuModuleNVX` - `name::String` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCuFunctionNVX.html) """ _create_cu_function_nvx(device, _module, name::AbstractString; allocator = C_NULL, next = C_NULL) = _create_cu_function_nvx(device, _CuFunctionCreateInfoNVX(_module, name; next); allocator) """ Extension: VK\\_NV\\_optical\\_flow Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `width::UInt32` - `height::UInt32` - `image_format::Format` - `flow_vector_format::Format` - `output_grid_size::OpticalFlowGridSizeFlagNV` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `cost_format::Format`: defaults to `0` - `hint_grid_size::OpticalFlowGridSizeFlagNV`: defaults to `0` - `performance_level::OpticalFlowPerformanceLevelNV`: defaults to `0` - `flags::OpticalFlowSessionCreateFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateOpticalFlowSessionNV.html) """ _create_optical_flow_session_nv(device, width::Integer, height::Integer, image_format::Format, flow_vector_format::Format, output_grid_size::OpticalFlowGridSizeFlagNV; allocator = C_NULL, next = C_NULL, cost_format = 0, hint_grid_size = 0, performance_level = 0, flags = 0) = _create_optical_flow_session_nv(device, _OpticalFlowSessionCreateInfoNV(width, height, image_format, flow_vector_format, output_grid_size; next, cost_format, hint_grid_size, performance_level, flags); allocator) """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `type::MicromapTypeEXT` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `create_flags::MicromapCreateFlagEXT`: defaults to `0` - `device_address::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateMicromapEXT.html) """ _create_micromap_ext(device, buffer, offset::Integer, size::Integer, type::MicromapTypeEXT; allocator = C_NULL, next = C_NULL, create_flags = 0, device_address = 0) = _create_micromap_ext(device, _MicromapCreateInfoEXT(buffer, offset, size, type; next, create_flags, device_address); allocator) """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` (externsync) - `parameters::_DisplayModeParametersKHR` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDisplayModeKHR.html) """ _create_display_mode_khr(physical_device, display, parameters::_DisplayModeParametersKHR; allocator = C_NULL, next = C_NULL, flags = 0) = _create_display_mode_khr(physical_device, display, _DisplayModeCreateInfoKHR(parameters; next, flags); allocator) """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `display_mode::DisplayModeKHR` - `plane_index::UInt32` - `plane_stack_index::UInt32` - `transform::SurfaceTransformFlagKHR` - `global_alpha::Float32` - `alpha_mode::DisplayPlaneAlphaFlagKHR` - `image_extent::_Extent2D` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDisplayPlaneSurfaceKHR.html) """ _create_display_plane_surface_khr(instance, display_mode, plane_index::Integer, plane_stack_index::Integer, transform::SurfaceTransformFlagKHR, global_alpha::Real, alpha_mode::DisplayPlaneAlphaFlagKHR, image_extent::_Extent2D; allocator = C_NULL, next = C_NULL, flags = 0) = _create_display_plane_surface_khr(instance, _DisplaySurfaceCreateInfoKHR(display_mode, plane_index, plane_stack_index, transform, global_alpha, alpha_mode, image_extent; next, flags); allocator) """ Extension: VK\\_KHR\\_wayland\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `display::Ptr{wl_display}` - `surface::SurfaceKHR` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateWaylandSurfaceKHR.html) """ _create_wayland_surface_khr(instance, display::Ptr{vk.wl_display}, surface::Ptr{vk.wl_surface}; allocator = C_NULL, next = C_NULL, flags = 0) = _create_wayland_surface_khr(instance, _WaylandSurfaceCreateInfoKHR(display, surface; next, flags); allocator) """ Extension: VK\\_KHR\\_xlib\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `dpy::Ptr{Display}` - `window::Window` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateXlibSurfaceKHR.html) """ _create_xlib_surface_khr(instance, dpy::Ptr{vk.Display}, window::vk.Window; allocator = C_NULL, next = C_NULL, flags = 0) = _create_xlib_surface_khr(instance, _XlibSurfaceCreateInfoKHR(dpy, window; next, flags); allocator) """ Extension: VK\\_KHR\\_xcb\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `connection::Ptr{xcb_connection_t}` - `window::xcb_window_t` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateXcbSurfaceKHR.html) """ _create_xcb_surface_khr(instance, connection::Ptr{vk.xcb_connection_t}, window::vk.xcb_window_t; allocator = C_NULL, next = C_NULL, flags = 0) = _create_xcb_surface_khr(instance, _XcbSurfaceCreateInfoKHR(connection, window; next, flags); allocator) """ Extension: VK\\_EXT\\_headless\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateHeadlessSurfaceEXT.html) """ _create_headless_surface_ext(instance; allocator = C_NULL, next = C_NULL, flags = 0) = _create_headless_surface_ext(instance, _HeadlessSurfaceCreateInfoEXT(; next, flags); allocator) """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_SURFACE_LOST_KHR` - `ERROR_NATIVE_WINDOW_IN_USE_KHR` - `ERROR_INITIALIZATION_FAILED` - `ERROR_COMPRESSION_EXHAUSTED_EXT` Arguments: - `device::Device` - `surface::SurfaceKHR` - `min_image_count::UInt32` - `image_format::Format` - `image_color_space::ColorSpaceKHR` - `image_extent::_Extent2D` - `image_array_layers::UInt32` - `image_usage::ImageUsageFlag` - `image_sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `pre_transform::SurfaceTransformFlagKHR` - `composite_alpha::CompositeAlphaFlagKHR` - `present_mode::PresentModeKHR` - `clipped::Bool` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::SwapchainCreateFlagKHR`: defaults to `0` - `old_swapchain::SwapchainKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSwapchainKHR.html) """ _create_swapchain_khr(device, surface, min_image_count::Integer, image_format::Format, image_color_space::ColorSpaceKHR, image_extent::_Extent2D, image_array_layers::Integer, image_usage::ImageUsageFlag, image_sharing_mode::SharingMode, queue_family_indices::AbstractArray, pre_transform::SurfaceTransformFlagKHR, composite_alpha::CompositeAlphaFlagKHR, present_mode::PresentModeKHR, clipped::Bool; allocator = C_NULL, next = C_NULL, flags = 0, old_swapchain = C_NULL) = _create_swapchain_khr(device, _SwapchainCreateInfoKHR(surface, min_image_count, image_format, image_color_space, image_extent, image_array_layers, image_usage, image_sharing_mode, queue_family_indices, pre_transform, composite_alpha, present_mode, clipped; next, flags, old_swapchain); allocator) """ Extension: VK\\_EXT\\_debug\\_report Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `instance::Instance` - `pfn_callback::FunctionPtr` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::DebugReportFlagEXT`: defaults to `0` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDebugReportCallbackEXT.html) """ _create_debug_report_callback_ext(instance, pfn_callback::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL) = _create_debug_report_callback_ext(instance, _DebugReportCallbackCreateInfoEXT(pfn_callback; next, flags, user_data); allocator) """ Extension: VK\\_EXT\\_debug\\_utils Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `instance::Instance` - `message_severity::DebugUtilsMessageSeverityFlagEXT` - `message_type::DebugUtilsMessageTypeFlagEXT` - `pfn_user_callback::FunctionPtr` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDebugUtilsMessengerEXT.html) """ _create_debug_utils_messenger_ext(instance, message_severity::DebugUtilsMessageSeverityFlagEXT, message_type::DebugUtilsMessageTypeFlagEXT, pfn_user_callback::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL) = _create_debug_utils_messenger_ext(instance, _DebugUtilsMessengerCreateInfoEXT(message_severity, message_type, pfn_user_callback; next, flags, user_data); allocator) """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_VIDEO_STD_VERSION_NOT_SUPPORTED_KHR` Arguments: - `device::Device` - `queue_family_index::UInt32` - `video_profile::_VideoProfileInfoKHR` - `picture_format::Format` - `max_coded_extent::_Extent2D` - `reference_picture_format::Format` - `max_dpb_slots::UInt32` - `max_active_reference_pictures::UInt32` - `std_header_version::_ExtensionProperties` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::VideoSessionCreateFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateVideoSessionKHR.html) """ _create_video_session_khr(device, queue_family_index::Integer, video_profile::_VideoProfileInfoKHR, picture_format::Format, max_coded_extent::_Extent2D, reference_picture_format::Format, max_dpb_slots::Integer, max_active_reference_pictures::Integer, std_header_version::_ExtensionProperties; allocator = C_NULL, next = C_NULL, flags = 0) = _create_video_session_khr(device, _VideoSessionCreateInfoKHR(queue_family_index, video_profile, picture_format, max_coded_extent, reference_picture_format, max_dpb_slots, max_active_reference_pictures, std_header_version; next, flags); allocator) """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `video_session::VideoSessionKHR` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `video_session_parameters_template::VideoSessionParametersKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateVideoSessionParametersKHR.html) """ _create_video_session_parameters_khr(device, video_session; allocator = C_NULL, next = C_NULL, flags = 0, video_session_parameters_template = C_NULL) = _create_video_session_parameters_khr(device, _VideoSessionParametersCreateInfoKHR(video_session; next, flags, video_session_parameters_template); allocator) _create_instance(enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, application_info = C_NULL) = _create_instance(_InstanceCreateInfo(enabled_layer_names, enabled_extension_names; next, flags, application_info), fptr_create, fptr_destroy; allocator) _create_device(physical_device, queue_create_infos::AbstractArray, enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, enabled_features = C_NULL) = _create_device(physical_device, _DeviceCreateInfo(queue_create_infos, enabled_layer_names, enabled_extension_names; next, flags, enabled_features), fptr_create, fptr_destroy; allocator) _allocate_memory(device, allocation_size::Integer, memory_type_index::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = _allocate_memory(device, _MemoryAllocateInfo(allocation_size, memory_type_index; next), fptr_create, fptr_destroy; allocator) _create_command_pool(device, queue_family_index::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_command_pool(device, _CommandPoolCreateInfo(queue_family_index; next, flags), fptr_create, fptr_destroy; allocator) _create_buffer(device, size::Integer, usage::BufferUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_buffer(device, _BufferCreateInfo(size, usage, sharing_mode, queue_family_indices; next, flags), fptr_create, fptr_destroy; allocator) _create_buffer_view(device, buffer, format::Format, offset::Integer, range::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_buffer_view(device, _BufferViewCreateInfo(buffer, format, offset, range; next, flags), fptr_create, fptr_destroy; allocator) _create_image(device, image_type::ImageType, format::Format, extent::_Extent3D, mip_levels::Integer, array_layers::Integer, samples::SampleCountFlag, tiling::ImageTiling, usage::ImageUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, initial_layout::ImageLayout, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_image(device, _ImageCreateInfo(image_type, format, extent, mip_levels, array_layers, samples, tiling, usage, sharing_mode, queue_family_indices, initial_layout; next, flags), fptr_create, fptr_destroy; allocator) _create_image_view(device, image, view_type::ImageViewType, format::Format, components::_ComponentMapping, subresource_range::_ImageSubresourceRange, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_image_view(device, _ImageViewCreateInfo(image, view_type, format, components, subresource_range; next, flags), fptr_create, fptr_destroy; allocator) _create_shader_module(device, code_size::Integer, code::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_shader_module(device, _ShaderModuleCreateInfo(code_size, code; next, flags), fptr_create, fptr_destroy; allocator) _create_pipeline_layout(device, set_layouts::AbstractArray, push_constant_ranges::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_pipeline_layout(device, _PipelineLayoutCreateInfo(set_layouts, push_constant_ranges; next, flags), fptr_create, fptr_destroy; allocator) _create_sampler(device, mag_filter::Filter, min_filter::Filter, mipmap_mode::SamplerMipmapMode, address_mode_u::SamplerAddressMode, address_mode_v::SamplerAddressMode, address_mode_w::SamplerAddressMode, mip_lod_bias::Real, anisotropy_enable::Bool, max_anisotropy::Real, compare_enable::Bool, compare_op::CompareOp, min_lod::Real, max_lod::Real, border_color::BorderColor, unnormalized_coordinates::Bool, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_sampler(device, _SamplerCreateInfo(mag_filter, min_filter, mipmap_mode, address_mode_u, address_mode_v, address_mode_w, mip_lod_bias, anisotropy_enable, max_anisotropy, compare_enable, compare_op, min_lod, max_lod, border_color, unnormalized_coordinates; next, flags), fptr_create, fptr_destroy; allocator) _create_descriptor_set_layout(device, bindings::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_descriptor_set_layout(device, _DescriptorSetLayoutCreateInfo(bindings; next, flags), fptr_create, fptr_destroy; allocator) _create_descriptor_pool(device, max_sets::Integer, pool_sizes::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_descriptor_pool(device, _DescriptorPoolCreateInfo(max_sets, pool_sizes; next, flags), fptr_create, fptr_destroy; allocator) _create_fence(device, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_fence(device, _FenceCreateInfo(; next, flags), fptr_create, fptr_destroy; allocator) _create_semaphore(device, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_semaphore(device, _SemaphoreCreateInfo(; next, flags), fptr_create, fptr_destroy; allocator) _create_event(device, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_event(device, _EventCreateInfo(; next, flags), fptr_create, fptr_destroy; allocator) _create_query_pool(device, query_type::QueryType, query_count::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, pipeline_statistics = 0) = _create_query_pool(device, _QueryPoolCreateInfo(query_type, query_count; next, flags, pipeline_statistics), fptr_create, fptr_destroy; allocator) _create_framebuffer(device, render_pass, attachments::AbstractArray, width::Integer, height::Integer, layers::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_framebuffer(device, _FramebufferCreateInfo(render_pass, attachments, width, height, layers; next, flags), fptr_create, fptr_destroy; allocator) _create_render_pass(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_render_pass(device, _RenderPassCreateInfo(attachments, subpasses, dependencies; next, flags), fptr_create, fptr_destroy; allocator) _create_render_pass_2(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray, correlated_view_masks::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_render_pass_2(device, _RenderPassCreateInfo2(attachments, subpasses, dependencies, correlated_view_masks; next, flags), fptr_create, fptr_destroy; allocator) _create_pipeline_cache(device, initial_data::Ptr{Cvoid}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, initial_data_size = 0) = _create_pipeline_cache(device, _PipelineCacheCreateInfo(initial_data; next, flags, initial_data_size), fptr_create, fptr_destroy; allocator) _create_indirect_commands_layout_nv(device, pipeline_bind_point::PipelineBindPoint, tokens::AbstractArray, stream_strides::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_indirect_commands_layout_nv(device, _IndirectCommandsLayoutCreateInfoNV(pipeline_bind_point, tokens, stream_strides; next, flags), fptr_create, fptr_destroy; allocator) _create_descriptor_update_template(device, descriptor_update_entries::AbstractArray, template_type::DescriptorUpdateTemplateType, descriptor_set_layout, pipeline_bind_point::PipelineBindPoint, pipeline_layout, set::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_descriptor_update_template(device, _DescriptorUpdateTemplateCreateInfo(descriptor_update_entries, template_type, descriptor_set_layout, pipeline_bind_point, pipeline_layout, set; next, flags), fptr_create, fptr_destroy; allocator) _create_sampler_ycbcr_conversion(device, format::Format, ycbcr_model::SamplerYcbcrModelConversion, ycbcr_range::SamplerYcbcrRange, components::_ComponentMapping, x_chroma_offset::ChromaLocation, y_chroma_offset::ChromaLocation, chroma_filter::Filter, force_explicit_reconstruction::Bool, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = _create_sampler_ycbcr_conversion(device, _SamplerYcbcrConversionCreateInfo(format, ycbcr_model, ycbcr_range, components, x_chroma_offset, y_chroma_offset, chroma_filter, force_explicit_reconstruction; next), fptr_create, fptr_destroy; allocator) _create_validation_cache_ext(device, initial_data::Ptr{Cvoid}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, initial_data_size = 0) = _create_validation_cache_ext(device, _ValidationCacheCreateInfoEXT(initial_data; next, flags, initial_data_size), fptr_create, fptr_destroy; allocator) _create_acceleration_structure_khr(device, buffer, offset::Integer, size::Integer, type::AccelerationStructureTypeKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, create_flags = 0, device_address = 0) = _create_acceleration_structure_khr(device, _AccelerationStructureCreateInfoKHR(buffer, offset, size, type; next, create_flags, device_address), fptr_create, fptr_destroy; allocator) _create_acceleration_structure_nv(device, compacted_size::Integer, info::_AccelerationStructureInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = _create_acceleration_structure_nv(device, _AccelerationStructureCreateInfoNV(compacted_size, info; next), fptr_create, fptr_destroy; allocator) _create_private_data_slot(device, flags::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = _create_private_data_slot(device, _PrivateDataSlotCreateInfo(flags; next), fptr_create, fptr_destroy; allocator) _create_cu_module_nvx(device, data_size::Integer, data::Ptr{Cvoid}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = _create_cu_module_nvx(device, _CuModuleCreateInfoNVX(data_size, data; next), fptr_create, fptr_destroy; allocator) _create_cu_function_nvx(device, _module, name::AbstractString, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = _create_cu_function_nvx(device, _CuFunctionCreateInfoNVX(_module, name; next), fptr_create, fptr_destroy; allocator) _create_optical_flow_session_nv(device, width::Integer, height::Integer, image_format::Format, flow_vector_format::Format, output_grid_size::OpticalFlowGridSizeFlagNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, cost_format = 0, hint_grid_size = 0, performance_level = 0, flags = 0) = _create_optical_flow_session_nv(device, _OpticalFlowSessionCreateInfoNV(width, height, image_format, flow_vector_format, output_grid_size; next, cost_format, hint_grid_size, performance_level, flags), fptr_create, fptr_destroy; allocator) _create_micromap_ext(device, buffer, offset::Integer, size::Integer, type::MicromapTypeEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, create_flags = 0, device_address = 0) = _create_micromap_ext(device, _MicromapCreateInfoEXT(buffer, offset, size, type; next, create_flags, device_address), fptr_create, fptr_destroy; allocator) _create_display_mode_khr(physical_device, display, parameters::_DisplayModeParametersKHR, fptr_create::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_display_mode_khr(physical_device, display, _DisplayModeCreateInfoKHR(parameters; next, flags), fptr_create; allocator) _create_display_plane_surface_khr(instance, display_mode, plane_index::Integer, plane_stack_index::Integer, transform::SurfaceTransformFlagKHR, global_alpha::Real, alpha_mode::DisplayPlaneAlphaFlagKHR, image_extent::_Extent2D, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_display_plane_surface_khr(instance, _DisplaySurfaceCreateInfoKHR(display_mode, plane_index, plane_stack_index, transform, global_alpha, alpha_mode, image_extent; next, flags), fptr_create, fptr_destroy; allocator) _create_wayland_surface_khr(instance, display::Ptr{vk.wl_display}, surface::Ptr{vk.wl_surface}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_wayland_surface_khr(instance, _WaylandSurfaceCreateInfoKHR(display, surface; next, flags), fptr_create, fptr_destroy; allocator) _create_xlib_surface_khr(instance, dpy::Ptr{vk.Display}, window::vk.Window, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_xlib_surface_khr(instance, _XlibSurfaceCreateInfoKHR(dpy, window; next, flags), fptr_create, fptr_destroy; allocator) _create_xcb_surface_khr(instance, connection::Ptr{vk.xcb_connection_t}, window::vk.xcb_window_t, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_xcb_surface_khr(instance, _XcbSurfaceCreateInfoKHR(connection, window; next, flags), fptr_create, fptr_destroy; allocator) _create_headless_surface_ext(instance, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_headless_surface_ext(instance, _HeadlessSurfaceCreateInfoEXT(; next, flags), fptr_create, fptr_destroy; allocator) _create_swapchain_khr(device, surface, min_image_count::Integer, image_format::Format, image_color_space::ColorSpaceKHR, image_extent::_Extent2D, image_array_layers::Integer, image_usage::ImageUsageFlag, image_sharing_mode::SharingMode, queue_family_indices::AbstractArray, pre_transform::SurfaceTransformFlagKHR, composite_alpha::CompositeAlphaFlagKHR, present_mode::PresentModeKHR, clipped::Bool, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, old_swapchain = C_NULL) = _create_swapchain_khr(device, _SwapchainCreateInfoKHR(surface, min_image_count, image_format, image_color_space, image_extent, image_array_layers, image_usage, image_sharing_mode, queue_family_indices, pre_transform, composite_alpha, present_mode, clipped; next, flags, old_swapchain), fptr_create, fptr_destroy; allocator) _create_debug_report_callback_ext(instance, pfn_callback::FunctionPtr, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL) = _create_debug_report_callback_ext(instance, _DebugReportCallbackCreateInfoEXT(pfn_callback; next, flags, user_data), fptr_create, fptr_destroy; allocator) _create_debug_utils_messenger_ext(instance, message_severity::DebugUtilsMessageSeverityFlagEXT, message_type::DebugUtilsMessageTypeFlagEXT, pfn_user_callback::FunctionPtr, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL) = _create_debug_utils_messenger_ext(instance, _DebugUtilsMessengerCreateInfoEXT(message_severity, message_type, pfn_user_callback; next, flags, user_data), fptr_create, fptr_destroy; allocator) _create_video_session_khr(device, queue_family_index::Integer, video_profile::_VideoProfileInfoKHR, picture_format::Format, max_coded_extent::_Extent2D, reference_picture_format::Format, max_dpb_slots::Integer, max_active_reference_pictures::Integer, std_header_version::_ExtensionProperties, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_video_session_khr(device, _VideoSessionCreateInfoKHR(queue_family_index, video_profile, picture_format, max_coded_extent, reference_picture_format, max_dpb_slots, max_active_reference_pictures, std_header_version; next, flags), fptr_create, fptr_destroy; allocator) _create_video_session_parameters_khr(device, video_session, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, video_session_parameters_template = C_NULL) = _create_video_session_parameters_khr(device, _VideoSessionParametersCreateInfoKHR(video_session; next, flags, video_session_parameters_template), fptr_create, fptr_destroy; allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_LAYER_NOT_PRESENT` - `ERROR_EXTENSION_NOT_PRESENT` - `ERROR_INCOMPATIBLE_DRIVER` Arguments: - `enabled_layer_names::Vector{String}` - `enabled_extension_names::Vector{String}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::InstanceCreateFlag`: defaults to `0` - `application_info::ApplicationInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateInstance.html) """ function create_instance(enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0, application_info = C_NULL)::ResultTypes.Result{Instance, VulkanError} val = @propagate_errors(_create_instance(enabled_layer_names, enabled_extension_names; allocator, next, flags, application_info)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_EXTENSION_NOT_PRESENT` - `ERROR_FEATURE_NOT_PRESENT` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_DEVICE_LOST` Arguments: - `physical_device::PhysicalDevice` - `queue_create_infos::Vector{DeviceQueueCreateInfo}` - `enabled_layer_names::Vector{String}` - `enabled_extension_names::Vector{String}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `enabled_features::PhysicalDeviceFeatures`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDevice.html) """ function create_device(physical_device, queue_create_infos::AbstractArray, enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0, enabled_features = C_NULL)::ResultTypes.Result{Device, VulkanError} val = @propagate_errors(_create_device(physical_device, convert(AbstractArray{_DeviceQueueCreateInfo}, queue_create_infos), enabled_layer_names, enabled_extension_names; allocator, next, flags, enabled_features)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `allocation_size::UInt64` - `memory_type_index::UInt32` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAllocateMemory.html) """ function allocate_memory(device, allocation_size::Integer, memory_type_index::Integer; allocator = C_NULL, next = C_NULL)::ResultTypes.Result{DeviceMemory, VulkanError} val = @propagate_errors(_allocate_memory(device, allocation_size, memory_type_index; allocator, next)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `queue_family_index::UInt32` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::CommandPoolCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCommandPool.html) """ function create_command_pool(device, queue_family_index::Integer; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{CommandPool, VulkanError} val = @propagate_errors(_create_command_pool(device, queue_family_index; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `size::UInt64` - `usage::BufferUsageFlag` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::BufferCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateBuffer.html) """ function create_buffer(device, size::Integer, usage::BufferUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Buffer, VulkanError} val = @propagate_errors(_create_buffer(device, size, usage, sharing_mode, queue_family_indices; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `buffer::Buffer` - `format::Format` - `offset::UInt64` - `range::UInt64` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateBufferView.html) """ function create_buffer_view(device, buffer, format::Format, offset::Integer, range::Integer; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{BufferView, VulkanError} val = @propagate_errors(_create_buffer_view(device, buffer, format, offset, range; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_COMPRESSION_EXHAUSTED_EXT` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `image_type::ImageType` - `format::Format` - `extent::Extent3D` - `mip_levels::UInt32` - `array_layers::UInt32` - `samples::SampleCountFlag` - `tiling::ImageTiling` - `usage::ImageUsageFlag` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `initial_layout::ImageLayout` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::ImageCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateImage.html) """ function create_image(device, image_type::ImageType, format::Format, extent::Extent3D, mip_levels::Integer, array_layers::Integer, samples::SampleCountFlag, tiling::ImageTiling, usage::ImageUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, initial_layout::ImageLayout; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Image, VulkanError} val = @propagate_errors(_create_image(device, image_type, format, convert(_Extent3D, extent), mip_levels, array_layers, samples, tiling, usage, sharing_mode, queue_family_indices, initial_layout; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `image::Image` - `view_type::ImageViewType` - `format::Format` - `components::ComponentMapping` - `subresource_range::ImageSubresourceRange` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::ImageViewCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateImageView.html) """ function create_image_view(device, image, view_type::ImageViewType, format::Format, components::ComponentMapping, subresource_range::ImageSubresourceRange; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{ImageView, VulkanError} val = @propagate_errors(_create_image_view(device, image, view_type, format, convert(_ComponentMapping, components), convert(_ImageSubresourceRange, subresource_range); allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_SHADER_NV` Arguments: - `device::Device` - `code_size::UInt` - `code::Vector{UInt32}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateShaderModule.html) """ function create_shader_module(device, code_size::Integer, code::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{ShaderModule, VulkanError} val = @propagate_errors(_create_shader_module(device, code_size, code; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `set_layouts::Vector{DescriptorSetLayout}` - `push_constant_ranges::Vector{PushConstantRange}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::PipelineLayoutCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePipelineLayout.html) """ function create_pipeline_layout(device, set_layouts::AbstractArray, push_constant_ranges::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{PipelineLayout, VulkanError} val = @propagate_errors(_create_pipeline_layout(device, set_layouts, convert(AbstractArray{_PushConstantRange}, push_constant_ranges); allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `mag_filter::Filter` - `min_filter::Filter` - `mipmap_mode::SamplerMipmapMode` - `address_mode_u::SamplerAddressMode` - `address_mode_v::SamplerAddressMode` - `address_mode_w::SamplerAddressMode` - `mip_lod_bias::Float32` - `anisotropy_enable::Bool` - `max_anisotropy::Float32` - `compare_enable::Bool` - `compare_op::CompareOp` - `min_lod::Float32` - `max_lod::Float32` - `border_color::BorderColor` - `unnormalized_coordinates::Bool` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::SamplerCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSampler.html) """ function create_sampler(device, mag_filter::Filter, min_filter::Filter, mipmap_mode::SamplerMipmapMode, address_mode_u::SamplerAddressMode, address_mode_v::SamplerAddressMode, address_mode_w::SamplerAddressMode, mip_lod_bias::Real, anisotropy_enable::Bool, max_anisotropy::Real, compare_enable::Bool, compare_op::CompareOp, min_lod::Real, max_lod::Real, border_color::BorderColor, unnormalized_coordinates::Bool; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Sampler, VulkanError} val = @propagate_errors(_create_sampler(device, mag_filter, min_filter, mipmap_mode, address_mode_u, address_mode_v, address_mode_w, mip_lod_bias, anisotropy_enable, max_anisotropy, compare_enable, compare_op, min_lod, max_lod, border_color, unnormalized_coordinates; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `bindings::Vector{DescriptorSetLayoutBinding}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::DescriptorSetLayoutCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorSetLayout.html) """ function create_descriptor_set_layout(device, bindings::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{DescriptorSetLayout, VulkanError} val = @propagate_errors(_create_descriptor_set_layout(device, convert(AbstractArray{_DescriptorSetLayoutBinding}, bindings); allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_FRAGMENTATION_EXT` Arguments: - `device::Device` - `max_sets::UInt32` - `pool_sizes::Vector{DescriptorPoolSize}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::DescriptorPoolCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorPool.html) """ function create_descriptor_pool(device, max_sets::Integer, pool_sizes::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{DescriptorPool, VulkanError} val = @propagate_errors(_create_descriptor_pool(device, max_sets, convert(AbstractArray{_DescriptorPoolSize}, pool_sizes); allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::FenceCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateFence.html) """ function create_fence(device; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Fence, VulkanError} val = @propagate_errors(_create_fence(device; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSemaphore.html) """ function create_semaphore(device; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Semaphore, VulkanError} val = @propagate_errors(_create_semaphore(device; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::EventCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateEvent.html) """ function create_event(device; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Event, VulkanError} val = @propagate_errors(_create_event(device; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `query_type::QueryType` - `query_count::UInt32` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `pipeline_statistics::QueryPipelineStatisticFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateQueryPool.html) """ function create_query_pool(device, query_type::QueryType, query_count::Integer; allocator = C_NULL, next = C_NULL, flags = 0, pipeline_statistics = 0)::ResultTypes.Result{QueryPool, VulkanError} val = @propagate_errors(_create_query_pool(device, query_type, query_count; allocator, next, flags, pipeline_statistics)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `render_pass::RenderPass` - `attachments::Vector{ImageView}` - `width::UInt32` - `height::UInt32` - `layers::UInt32` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::FramebufferCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateFramebuffer.html) """ function create_framebuffer(device, render_pass, attachments::AbstractArray, width::Integer, height::Integer, layers::Integer; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Framebuffer, VulkanError} val = @propagate_errors(_create_framebuffer(device, render_pass, attachments, width, height, layers; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `attachments::Vector{AttachmentDescription}` - `subpasses::Vector{SubpassDescription}` - `dependencies::Vector{SubpassDependency}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::RenderPassCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRenderPass.html) """ function create_render_pass(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{RenderPass, VulkanError} val = @propagate_errors(_create_render_pass(device, convert(AbstractArray{_AttachmentDescription}, attachments), convert(AbstractArray{_SubpassDescription}, subpasses), convert(AbstractArray{_SubpassDependency}, dependencies); allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `attachments::Vector{AttachmentDescription2}` - `subpasses::Vector{SubpassDescription2}` - `dependencies::Vector{SubpassDependency2}` - `correlated_view_masks::Vector{UInt32}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::RenderPassCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRenderPass2.html) """ function create_render_pass_2(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray, correlated_view_masks::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{RenderPass, VulkanError} val = @propagate_errors(_create_render_pass_2(device, convert(AbstractArray{_AttachmentDescription2}, attachments), convert(AbstractArray{_SubpassDescription2}, subpasses), convert(AbstractArray{_SubpassDependency2}, dependencies), correlated_view_masks; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `initial_data::Ptr{Cvoid}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::PipelineCacheCreateFlag`: defaults to `0` - `initial_data_size::UInt`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePipelineCache.html) """ function create_pipeline_cache(device, initial_data::Ptr{Cvoid}; allocator = C_NULL, next = C_NULL, flags = 0, initial_data_size = 0)::ResultTypes.Result{PipelineCache, VulkanError} val = @propagate_errors(_create_pipeline_cache(device, initial_data; allocator, next, flags, initial_data_size)) val end """ Extension: VK\\_NV\\_device\\_generated\\_commands Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `pipeline_bind_point::PipelineBindPoint` - `tokens::Vector{IndirectCommandsLayoutTokenNV}` - `stream_strides::Vector{UInt32}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::IndirectCommandsLayoutUsageFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateIndirectCommandsLayoutNV.html) """ function create_indirect_commands_layout_nv(device, pipeline_bind_point::PipelineBindPoint, tokens::AbstractArray, stream_strides::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{IndirectCommandsLayoutNV, VulkanError} val = @propagate_errors(_create_indirect_commands_layout_nv(device, pipeline_bind_point, convert(AbstractArray{_IndirectCommandsLayoutTokenNV}, tokens), stream_strides; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `descriptor_update_entries::Vector{DescriptorUpdateTemplateEntry}` - `template_type::DescriptorUpdateTemplateType` - `descriptor_set_layout::DescriptorSetLayout` - `pipeline_bind_point::PipelineBindPoint` - `pipeline_layout::PipelineLayout` - `set::UInt32` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorUpdateTemplate.html) """ function create_descriptor_update_template(device, descriptor_update_entries::AbstractArray, template_type::DescriptorUpdateTemplateType, descriptor_set_layout, pipeline_bind_point::PipelineBindPoint, pipeline_layout, set::Integer; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{DescriptorUpdateTemplate, VulkanError} val = @propagate_errors(_create_descriptor_update_template(device, convert(AbstractArray{_DescriptorUpdateTemplateEntry}, descriptor_update_entries), template_type, descriptor_set_layout, pipeline_bind_point, pipeline_layout, set; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `format::Format` - `ycbcr_model::SamplerYcbcrModelConversion` - `ycbcr_range::SamplerYcbcrRange` - `components::ComponentMapping` - `x_chroma_offset::ChromaLocation` - `y_chroma_offset::ChromaLocation` - `chroma_filter::Filter` - `force_explicit_reconstruction::Bool` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSamplerYcbcrConversion.html) """ function create_sampler_ycbcr_conversion(device, format::Format, ycbcr_model::SamplerYcbcrModelConversion, ycbcr_range::SamplerYcbcrRange, components::ComponentMapping, x_chroma_offset::ChromaLocation, y_chroma_offset::ChromaLocation, chroma_filter::Filter, force_explicit_reconstruction::Bool; allocator = C_NULL, next = C_NULL)::ResultTypes.Result{SamplerYcbcrConversion, VulkanError} val = @propagate_errors(_create_sampler_ycbcr_conversion(device, format, ycbcr_model, ycbcr_range, convert(_ComponentMapping, components), x_chroma_offset, y_chroma_offset, chroma_filter, force_explicit_reconstruction; allocator, next)) val end """ Extension: VK\\_EXT\\_validation\\_cache Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `initial_data::Ptr{Cvoid}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `initial_data_size::UInt`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateValidationCacheEXT.html) """ function create_validation_cache_ext(device, initial_data::Ptr{Cvoid}; allocator = C_NULL, next = C_NULL, flags = 0, initial_data_size = 0)::ResultTypes.Result{ValidationCacheEXT, VulkanError} val = @propagate_errors(_create_validation_cache_ext(device, initial_data; allocator, next, flags, initial_data_size)) val end """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `type::AccelerationStructureTypeKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `create_flags::AccelerationStructureCreateFlagKHR`: defaults to `0` - `device_address::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateAccelerationStructureKHR.html) """ function create_acceleration_structure_khr(device, buffer, offset::Integer, size::Integer, type::AccelerationStructureTypeKHR; allocator = C_NULL, next = C_NULL, create_flags = 0, device_address = 0)::ResultTypes.Result{AccelerationStructureKHR, VulkanError} val = @propagate_errors(_create_acceleration_structure_khr(device, buffer, offset, size, type; allocator, next, create_flags, device_address)) val end """ Extension: VK\\_NV\\_ray\\_tracing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `compacted_size::UInt64` - `info::AccelerationStructureInfoNV` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateAccelerationStructureNV.html) """ function create_acceleration_structure_nv(device, compacted_size::Integer, info::AccelerationStructureInfoNV; allocator = C_NULL, next = C_NULL)::ResultTypes.Result{AccelerationStructureNV, VulkanError} val = @propagate_errors(_create_acceleration_structure_nv(device, compacted_size, convert(_AccelerationStructureInfoNV, info); allocator, next)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `flags::UInt32` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePrivateDataSlot.html) """ function create_private_data_slot(device, flags::Integer; allocator = C_NULL, next = C_NULL)::ResultTypes.Result{PrivateDataSlot, VulkanError} val = @propagate_errors(_create_private_data_slot(device, flags; allocator, next)) val end """ Extension: VK\\_NVX\\_binary\\_import Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `data_size::UInt` - `data::Ptr{Cvoid}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCuModuleNVX.html) """ function create_cu_module_nvx(device, data_size::Integer, data::Ptr{Cvoid}; allocator = C_NULL, next = C_NULL)::ResultTypes.Result{CuModuleNVX, VulkanError} val = @propagate_errors(_create_cu_module_nvx(device, data_size, data; allocator, next)) val end """ Extension: VK\\_NVX\\_binary\\_import Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `_module::CuModuleNVX` - `name::String` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCuFunctionNVX.html) """ function create_cu_function_nvx(device, _module, name::AbstractString; allocator = C_NULL, next = C_NULL)::ResultTypes.Result{CuFunctionNVX, VulkanError} val = @propagate_errors(_create_cu_function_nvx(device, _module, name; allocator, next)) val end """ Extension: VK\\_NV\\_optical\\_flow Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `width::UInt32` - `height::UInt32` - `image_format::Format` - `flow_vector_format::Format` - `output_grid_size::OpticalFlowGridSizeFlagNV` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `cost_format::Format`: defaults to `0` - `hint_grid_size::OpticalFlowGridSizeFlagNV`: defaults to `0` - `performance_level::OpticalFlowPerformanceLevelNV`: defaults to `0` - `flags::OpticalFlowSessionCreateFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateOpticalFlowSessionNV.html) """ function create_optical_flow_session_nv(device, width::Integer, height::Integer, image_format::Format, flow_vector_format::Format, output_grid_size::OpticalFlowGridSizeFlagNV; allocator = C_NULL, next = C_NULL, cost_format = 0, hint_grid_size = 0, performance_level = 0, flags = 0)::ResultTypes.Result{OpticalFlowSessionNV, VulkanError} val = @propagate_errors(_create_optical_flow_session_nv(device, width, height, image_format, flow_vector_format, output_grid_size; allocator, next, cost_format, hint_grid_size, performance_level, flags)) val end """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `type::MicromapTypeEXT` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `create_flags::MicromapCreateFlagEXT`: defaults to `0` - `device_address::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateMicromapEXT.html) """ function create_micromap_ext(device, buffer, offset::Integer, size::Integer, type::MicromapTypeEXT; allocator = C_NULL, next = C_NULL, create_flags = 0, device_address = 0)::ResultTypes.Result{MicromapEXT, VulkanError} val = @propagate_errors(_create_micromap_ext(device, buffer, offset, size, type; allocator, next, create_flags, device_address)) val end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` (externsync) - `parameters::DisplayModeParametersKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDisplayModeKHR.html) """ function create_display_mode_khr(physical_device, display, parameters::DisplayModeParametersKHR; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{DisplayModeKHR, VulkanError} val = @propagate_errors(_create_display_mode_khr(physical_device, display, convert(_DisplayModeParametersKHR, parameters); allocator, next, flags)) val end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `display_mode::DisplayModeKHR` - `plane_index::UInt32` - `plane_stack_index::UInt32` - `transform::SurfaceTransformFlagKHR` - `global_alpha::Float32` - `alpha_mode::DisplayPlaneAlphaFlagKHR` - `image_extent::Extent2D` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDisplayPlaneSurfaceKHR.html) """ function create_display_plane_surface_khr(instance, display_mode, plane_index::Integer, plane_stack_index::Integer, transform::SurfaceTransformFlagKHR, global_alpha::Real, alpha_mode::DisplayPlaneAlphaFlagKHR, image_extent::Extent2D; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_display_plane_surface_khr(instance, display_mode, plane_index, plane_stack_index, transform, global_alpha, alpha_mode, convert(_Extent2D, image_extent); allocator, next, flags)) val end """ Extension: VK\\_KHR\\_wayland\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `display::Ptr{wl_display}` - `surface::SurfaceKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateWaylandSurfaceKHR.html) """ function create_wayland_surface_khr(instance, display::Ptr{vk.wl_display}, surface::Ptr{vk.wl_surface}; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_wayland_surface_khr(instance, display, surface; allocator, next, flags)) val end """ Extension: VK\\_KHR\\_xlib\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `dpy::Ptr{Display}` - `window::Window` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateXlibSurfaceKHR.html) """ function create_xlib_surface_khr(instance, dpy::Ptr{vk.Display}, window::vk.Window; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_xlib_surface_khr(instance, dpy, window; allocator, next, flags)) val end """ Extension: VK\\_KHR\\_xcb\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `connection::Ptr{xcb_connection_t}` - `window::xcb_window_t` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateXcbSurfaceKHR.html) """ function create_xcb_surface_khr(instance, connection::Ptr{vk.xcb_connection_t}, window::vk.xcb_window_t; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_xcb_surface_khr(instance, connection, window; allocator, next, flags)) val end """ Extension: VK\\_EXT\\_headless\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateHeadlessSurfaceEXT.html) """ function create_headless_surface_ext(instance; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_headless_surface_ext(instance; allocator, next, flags)) val end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_SURFACE_LOST_KHR` - `ERROR_NATIVE_WINDOW_IN_USE_KHR` - `ERROR_INITIALIZATION_FAILED` - `ERROR_COMPRESSION_EXHAUSTED_EXT` Arguments: - `device::Device` - `surface::SurfaceKHR` - `min_image_count::UInt32` - `image_format::Format` - `image_color_space::ColorSpaceKHR` - `image_extent::Extent2D` - `image_array_layers::UInt32` - `image_usage::ImageUsageFlag` - `image_sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `pre_transform::SurfaceTransformFlagKHR` - `composite_alpha::CompositeAlphaFlagKHR` - `present_mode::PresentModeKHR` - `clipped::Bool` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::SwapchainCreateFlagKHR`: defaults to `0` - `old_swapchain::SwapchainKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSwapchainKHR.html) """ function create_swapchain_khr(device, surface, min_image_count::Integer, image_format::Format, image_color_space::ColorSpaceKHR, image_extent::Extent2D, image_array_layers::Integer, image_usage::ImageUsageFlag, image_sharing_mode::SharingMode, queue_family_indices::AbstractArray, pre_transform::SurfaceTransformFlagKHR, composite_alpha::CompositeAlphaFlagKHR, present_mode::PresentModeKHR, clipped::Bool; allocator = C_NULL, next = C_NULL, flags = 0, old_swapchain = C_NULL)::ResultTypes.Result{SwapchainKHR, VulkanError} val = @propagate_errors(_create_swapchain_khr(device, surface, min_image_count, image_format, image_color_space, convert(_Extent2D, image_extent), image_array_layers, image_usage, image_sharing_mode, queue_family_indices, pre_transform, composite_alpha, present_mode, clipped; allocator, next, flags, old_swapchain)) val end """ Extension: VK\\_EXT\\_debug\\_report Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `instance::Instance` - `pfn_callback::FunctionPtr` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::DebugReportFlagEXT`: defaults to `0` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDebugReportCallbackEXT.html) """ function create_debug_report_callback_ext(instance, pfn_callback::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL)::ResultTypes.Result{DebugReportCallbackEXT, VulkanError} val = @propagate_errors(_create_debug_report_callback_ext(instance, pfn_callback; allocator, next, flags, user_data)) val end """ Extension: VK\\_EXT\\_debug\\_utils Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `instance::Instance` - `message_severity::DebugUtilsMessageSeverityFlagEXT` - `message_type::DebugUtilsMessageTypeFlagEXT` - `pfn_user_callback::FunctionPtr` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDebugUtilsMessengerEXT.html) """ function create_debug_utils_messenger_ext(instance, message_severity::DebugUtilsMessageSeverityFlagEXT, message_type::DebugUtilsMessageTypeFlagEXT, pfn_user_callback::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL)::ResultTypes.Result{DebugUtilsMessengerEXT, VulkanError} val = @propagate_errors(_create_debug_utils_messenger_ext(instance, message_severity, message_type, pfn_user_callback; allocator, next, flags, user_data)) val end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_VIDEO_STD_VERSION_NOT_SUPPORTED_KHR` Arguments: - `device::Device` - `queue_family_index::UInt32` - `video_profile::VideoProfileInfoKHR` - `picture_format::Format` - `max_coded_extent::Extent2D` - `reference_picture_format::Format` - `max_dpb_slots::UInt32` - `max_active_reference_pictures::UInt32` - `std_header_version::ExtensionProperties` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::VideoSessionCreateFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateVideoSessionKHR.html) """ function create_video_session_khr(device, queue_family_index::Integer, video_profile::VideoProfileInfoKHR, picture_format::Format, max_coded_extent::Extent2D, reference_picture_format::Format, max_dpb_slots::Integer, max_active_reference_pictures::Integer, std_header_version::ExtensionProperties; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{VideoSessionKHR, VulkanError} val = @propagate_errors(_create_video_session_khr(device, queue_family_index, convert(_VideoProfileInfoKHR, video_profile), picture_format, convert(_Extent2D, max_coded_extent), reference_picture_format, max_dpb_slots, max_active_reference_pictures, convert(_ExtensionProperties, std_header_version); allocator, next, flags)) val end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `video_session::VideoSessionKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `video_session_parameters_template::VideoSessionParametersKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateVideoSessionParametersKHR.html) """ function create_video_session_parameters_khr(device, video_session; allocator = C_NULL, next = C_NULL, flags = 0, video_session_parameters_template = C_NULL)::ResultTypes.Result{VideoSessionParametersKHR, VulkanError} val = @propagate_errors(_create_video_session_parameters_khr(device, video_session; allocator, next, flags, video_session_parameters_template)) val end function create_instance(enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, application_info = C_NULL)::ResultTypes.Result{Instance, VulkanError} val = @propagate_errors(_create_instance(enabled_layer_names, enabled_extension_names, fptr_create, fptr_destroy; allocator, next, flags, application_info)) val end function create_device(physical_device, queue_create_infos::AbstractArray, enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, enabled_features = C_NULL)::ResultTypes.Result{Device, VulkanError} val = @propagate_errors(_create_device(physical_device, convert(AbstractArray{_DeviceQueueCreateInfo}, queue_create_infos), enabled_layer_names, enabled_extension_names, fptr_create, fptr_destroy; allocator, next, flags, enabled_features)) val end function allocate_memory(device, allocation_size::Integer, memory_type_index::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL)::ResultTypes.Result{DeviceMemory, VulkanError} val = @propagate_errors(_allocate_memory(device, allocation_size, memory_type_index, fptr_create, fptr_destroy; allocator, next)) val end function create_command_pool(device, queue_family_index::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{CommandPool, VulkanError} val = @propagate_errors(_create_command_pool(device, queue_family_index, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_buffer(device, size::Integer, usage::BufferUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Buffer, VulkanError} val = @propagate_errors(_create_buffer(device, size, usage, sharing_mode, queue_family_indices, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_buffer_view(device, buffer, format::Format, offset::Integer, range::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{BufferView, VulkanError} val = @propagate_errors(_create_buffer_view(device, buffer, format, offset, range, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_image(device, image_type::ImageType, format::Format, extent::Extent3D, mip_levels::Integer, array_layers::Integer, samples::SampleCountFlag, tiling::ImageTiling, usage::ImageUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, initial_layout::ImageLayout, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Image, VulkanError} val = @propagate_errors(_create_image(device, image_type, format, convert(_Extent3D, extent), mip_levels, array_layers, samples, tiling, usage, sharing_mode, queue_family_indices, initial_layout, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_image_view(device, image, view_type::ImageViewType, format::Format, components::ComponentMapping, subresource_range::ImageSubresourceRange, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{ImageView, VulkanError} val = @propagate_errors(_create_image_view(device, image, view_type, format, convert(_ComponentMapping, components), convert(_ImageSubresourceRange, subresource_range), fptr_create, fptr_destroy; allocator, next, flags)) val end function create_shader_module(device, code_size::Integer, code::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{ShaderModule, VulkanError} val = @propagate_errors(_create_shader_module(device, code_size, code, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_pipeline_layout(device, set_layouts::AbstractArray, push_constant_ranges::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{PipelineLayout, VulkanError} val = @propagate_errors(_create_pipeline_layout(device, set_layouts, convert(AbstractArray{_PushConstantRange}, push_constant_ranges), fptr_create, fptr_destroy; allocator, next, flags)) val end function create_sampler(device, mag_filter::Filter, min_filter::Filter, mipmap_mode::SamplerMipmapMode, address_mode_u::SamplerAddressMode, address_mode_v::SamplerAddressMode, address_mode_w::SamplerAddressMode, mip_lod_bias::Real, anisotropy_enable::Bool, max_anisotropy::Real, compare_enable::Bool, compare_op::CompareOp, min_lod::Real, max_lod::Real, border_color::BorderColor, unnormalized_coordinates::Bool, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Sampler, VulkanError} val = @propagate_errors(_create_sampler(device, mag_filter, min_filter, mipmap_mode, address_mode_u, address_mode_v, address_mode_w, mip_lod_bias, anisotropy_enable, max_anisotropy, compare_enable, compare_op, min_lod, max_lod, border_color, unnormalized_coordinates, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_descriptor_set_layout(device, bindings::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{DescriptorSetLayout, VulkanError} val = @propagate_errors(_create_descriptor_set_layout(device, convert(AbstractArray{_DescriptorSetLayoutBinding}, bindings), fptr_create, fptr_destroy; allocator, next, flags)) val end function create_descriptor_pool(device, max_sets::Integer, pool_sizes::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{DescriptorPool, VulkanError} val = @propagate_errors(_create_descriptor_pool(device, max_sets, convert(AbstractArray{_DescriptorPoolSize}, pool_sizes), fptr_create, fptr_destroy; allocator, next, flags)) val end function create_fence(device, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Fence, VulkanError} val = @propagate_errors(_create_fence(device, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_semaphore(device, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Semaphore, VulkanError} val = @propagate_errors(_create_semaphore(device, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_event(device, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Event, VulkanError} val = @propagate_errors(_create_event(device, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_query_pool(device, query_type::QueryType, query_count::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, pipeline_statistics = 0)::ResultTypes.Result{QueryPool, VulkanError} val = @propagate_errors(_create_query_pool(device, query_type, query_count, fptr_create, fptr_destroy; allocator, next, flags, pipeline_statistics)) val end function create_framebuffer(device, render_pass, attachments::AbstractArray, width::Integer, height::Integer, layers::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Framebuffer, VulkanError} val = @propagate_errors(_create_framebuffer(device, render_pass, attachments, width, height, layers, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_render_pass(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{RenderPass, VulkanError} val = @propagate_errors(_create_render_pass(device, convert(AbstractArray{_AttachmentDescription}, attachments), convert(AbstractArray{_SubpassDescription}, subpasses), convert(AbstractArray{_SubpassDependency}, dependencies), fptr_create, fptr_destroy; allocator, next, flags)) val end function create_render_pass_2(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray, correlated_view_masks::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{RenderPass, VulkanError} val = @propagate_errors(_create_render_pass_2(device, convert(AbstractArray{_AttachmentDescription2}, attachments), convert(AbstractArray{_SubpassDescription2}, subpasses), convert(AbstractArray{_SubpassDependency2}, dependencies), correlated_view_masks, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_pipeline_cache(device, initial_data::Ptr{Cvoid}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, initial_data_size = 0)::ResultTypes.Result{PipelineCache, VulkanError} val = @propagate_errors(_create_pipeline_cache(device, initial_data, fptr_create, fptr_destroy; allocator, next, flags, initial_data_size)) val end function create_indirect_commands_layout_nv(device, pipeline_bind_point::PipelineBindPoint, tokens::AbstractArray, stream_strides::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{IndirectCommandsLayoutNV, VulkanError} val = @propagate_errors(_create_indirect_commands_layout_nv(device, pipeline_bind_point, convert(AbstractArray{_IndirectCommandsLayoutTokenNV}, tokens), stream_strides, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_descriptor_update_template(device, descriptor_update_entries::AbstractArray, template_type::DescriptorUpdateTemplateType, descriptor_set_layout, pipeline_bind_point::PipelineBindPoint, pipeline_layout, set::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{DescriptorUpdateTemplate, VulkanError} val = @propagate_errors(_create_descriptor_update_template(device, convert(AbstractArray{_DescriptorUpdateTemplateEntry}, descriptor_update_entries), template_type, descriptor_set_layout, pipeline_bind_point, pipeline_layout, set, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_sampler_ycbcr_conversion(device, format::Format, ycbcr_model::SamplerYcbcrModelConversion, ycbcr_range::SamplerYcbcrRange, components::ComponentMapping, x_chroma_offset::ChromaLocation, y_chroma_offset::ChromaLocation, chroma_filter::Filter, force_explicit_reconstruction::Bool, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL)::ResultTypes.Result{SamplerYcbcrConversion, VulkanError} val = @propagate_errors(_create_sampler_ycbcr_conversion(device, format, ycbcr_model, ycbcr_range, convert(_ComponentMapping, components), x_chroma_offset, y_chroma_offset, chroma_filter, force_explicit_reconstruction, fptr_create, fptr_destroy; allocator, next)) val end function create_validation_cache_ext(device, initial_data::Ptr{Cvoid}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, initial_data_size = 0)::ResultTypes.Result{ValidationCacheEXT, VulkanError} val = @propagate_errors(_create_validation_cache_ext(device, initial_data, fptr_create, fptr_destroy; allocator, next, flags, initial_data_size)) val end function create_acceleration_structure_khr(device, buffer, offset::Integer, size::Integer, type::AccelerationStructureTypeKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, create_flags = 0, device_address = 0)::ResultTypes.Result{AccelerationStructureKHR, VulkanError} val = @propagate_errors(_create_acceleration_structure_khr(device, buffer, offset, size, type, fptr_create, fptr_destroy; allocator, next, create_flags, device_address)) val end function create_acceleration_structure_nv(device, compacted_size::Integer, info::AccelerationStructureInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL)::ResultTypes.Result{AccelerationStructureNV, VulkanError} val = @propagate_errors(_create_acceleration_structure_nv(device, compacted_size, convert(_AccelerationStructureInfoNV, info), fptr_create, fptr_destroy; allocator, next)) val end function create_private_data_slot(device, flags::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL)::ResultTypes.Result{PrivateDataSlot, VulkanError} val = @propagate_errors(_create_private_data_slot(device, flags, fptr_create, fptr_destroy; allocator, next)) val end function create_cu_module_nvx(device, data_size::Integer, data::Ptr{Cvoid}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL)::ResultTypes.Result{CuModuleNVX, VulkanError} val = @propagate_errors(_create_cu_module_nvx(device, data_size, data, fptr_create, fptr_destroy; allocator, next)) val end function create_cu_function_nvx(device, _module, name::AbstractString, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL)::ResultTypes.Result{CuFunctionNVX, VulkanError} val = @propagate_errors(_create_cu_function_nvx(device, _module, name, fptr_create, fptr_destroy; allocator, next)) val end function create_optical_flow_session_nv(device, width::Integer, height::Integer, image_format::Format, flow_vector_format::Format, output_grid_size::OpticalFlowGridSizeFlagNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, cost_format = 0, hint_grid_size = 0, performance_level = 0, flags = 0)::ResultTypes.Result{OpticalFlowSessionNV, VulkanError} val = @propagate_errors(_create_optical_flow_session_nv(device, width, height, image_format, flow_vector_format, output_grid_size, fptr_create, fptr_destroy; allocator, next, cost_format, hint_grid_size, performance_level, flags)) val end function create_micromap_ext(device, buffer, offset::Integer, size::Integer, type::MicromapTypeEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, create_flags = 0, device_address = 0)::ResultTypes.Result{MicromapEXT, VulkanError} val = @propagate_errors(_create_micromap_ext(device, buffer, offset, size, type, fptr_create, fptr_destroy; allocator, next, create_flags, device_address)) val end function create_display_mode_khr(physical_device, display, parameters::DisplayModeParametersKHR, fptr_create::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{DisplayModeKHR, VulkanError} val = @propagate_errors(_create_display_mode_khr(physical_device, display, convert(_DisplayModeParametersKHR, parameters), fptr_create; allocator, next, flags)) val end function create_display_plane_surface_khr(instance, display_mode, plane_index::Integer, plane_stack_index::Integer, transform::SurfaceTransformFlagKHR, global_alpha::Real, alpha_mode::DisplayPlaneAlphaFlagKHR, image_extent::Extent2D, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_display_plane_surface_khr(instance, display_mode, plane_index, plane_stack_index, transform, global_alpha, alpha_mode, convert(_Extent2D, image_extent), fptr_create, fptr_destroy; allocator, next, flags)) val end function create_wayland_surface_khr(instance, display::Ptr{vk.wl_display}, surface::Ptr{vk.wl_surface}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_wayland_surface_khr(instance, display, surface, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_xlib_surface_khr(instance, dpy::Ptr{vk.Display}, window::vk.Window, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_xlib_surface_khr(instance, dpy, window, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_xcb_surface_khr(instance, connection::Ptr{vk.xcb_connection_t}, window::vk.xcb_window_t, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_xcb_surface_khr(instance, connection, window, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_headless_surface_ext(instance, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_headless_surface_ext(instance, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_swapchain_khr(device, surface, min_image_count::Integer, image_format::Format, image_color_space::ColorSpaceKHR, image_extent::Extent2D, image_array_layers::Integer, image_usage::ImageUsageFlag, image_sharing_mode::SharingMode, queue_family_indices::AbstractArray, pre_transform::SurfaceTransformFlagKHR, composite_alpha::CompositeAlphaFlagKHR, present_mode::PresentModeKHR, clipped::Bool, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, old_swapchain = C_NULL)::ResultTypes.Result{SwapchainKHR, VulkanError} val = @propagate_errors(_create_swapchain_khr(device, surface, min_image_count, image_format, image_color_space, convert(_Extent2D, image_extent), image_array_layers, image_usage, image_sharing_mode, queue_family_indices, pre_transform, composite_alpha, present_mode, clipped, fptr_create, fptr_destroy; allocator, next, flags, old_swapchain)) val end function create_debug_report_callback_ext(instance, pfn_callback::FunctionPtr, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL)::ResultTypes.Result{DebugReportCallbackEXT, VulkanError} val = @propagate_errors(_create_debug_report_callback_ext(instance, pfn_callback, fptr_create, fptr_destroy; allocator, next, flags, user_data)) val end function create_debug_utils_messenger_ext(instance, message_severity::DebugUtilsMessageSeverityFlagEXT, message_type::DebugUtilsMessageTypeFlagEXT, pfn_user_callback::FunctionPtr, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL)::ResultTypes.Result{DebugUtilsMessengerEXT, VulkanError} val = @propagate_errors(_create_debug_utils_messenger_ext(instance, message_severity, message_type, pfn_user_callback, fptr_create, fptr_destroy; allocator, next, flags, user_data)) val end function create_video_session_khr(device, queue_family_index::Integer, video_profile::VideoProfileInfoKHR, picture_format::Format, max_coded_extent::Extent2D, reference_picture_format::Format, max_dpb_slots::Integer, max_active_reference_pictures::Integer, std_header_version::ExtensionProperties, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{VideoSessionKHR, VulkanError} val = @propagate_errors(_create_video_session_khr(device, queue_family_index, convert(_VideoProfileInfoKHR, video_profile), picture_format, convert(_Extent2D, max_coded_extent), reference_picture_format, max_dpb_slots, max_active_reference_pictures, convert(_ExtensionProperties, std_header_version), fptr_create, fptr_destroy; allocator, next, flags)) val end function create_video_session_parameters_khr(device, video_session, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, video_session_parameters_template = C_NULL)::ResultTypes.Result{VideoSessionParametersKHR, VulkanError} val = @propagate_errors(_create_video_session_parameters_khr(device, video_session, fptr_create, fptr_destroy; allocator, next, flags, video_session_parameters_template)) val end """ Arguments: - `physical_device::PhysicalDevice` - `queue_create_infos::Vector{_DeviceQueueCreateInfo}` - `enabled_layer_names::Vector{String}` - `enabled_extension_names::Vector{String}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `enabled_features::_PhysicalDeviceFeatures`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDevice.html) """ Device(physical_device, queue_create_infos::AbstractArray{_DeviceQueueCreateInfo}, enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0, enabled_features = C_NULL) = unwrap(_create_device(physical_device, queue_create_infos, enabled_layer_names, enabled_extension_names; allocator, next, flags, enabled_features)) """ Arguments: - `device::Device` - `image_type::ImageType` - `format::Format` - `extent::_Extent3D` - `mip_levels::UInt32` - `array_layers::UInt32` - `samples::SampleCountFlag` - `tiling::ImageTiling` - `usage::ImageUsageFlag` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `initial_layout::ImageLayout` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::ImageCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateImage.html) """ Image(device, image_type::ImageType, format::Format, extent::_Extent3D, mip_levels::Integer, array_layers::Integer, samples::SampleCountFlag, tiling::ImageTiling, usage::ImageUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, initial_layout::ImageLayout; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_image(device, image_type, format, extent, mip_levels, array_layers, samples, tiling, usage, sharing_mode, queue_family_indices, initial_layout; allocator, next, flags)) """ Arguments: - `device::Device` - `image::Image` - `view_type::ImageViewType` - `format::Format` - `components::_ComponentMapping` - `subresource_range::_ImageSubresourceRange` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::ImageViewCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateImageView.html) """ ImageView(device, image, view_type::ImageViewType, format::Format, components::_ComponentMapping, subresource_range::_ImageSubresourceRange; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_image_view(device, image, view_type, format, components, subresource_range; allocator, next, flags)) """ Arguments: - `device::Device` - `set_layouts::Vector{DescriptorSetLayout}` - `push_constant_ranges::Vector{_PushConstantRange}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PipelineLayoutCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePipelineLayout.html) """ PipelineLayout(device, set_layouts::AbstractArray, push_constant_ranges::AbstractArray{_PushConstantRange}; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_pipeline_layout(device, set_layouts, push_constant_ranges; allocator, next, flags)) """ Arguments: - `device::Device` - `bindings::Vector{_DescriptorSetLayoutBinding}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::DescriptorSetLayoutCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorSetLayout.html) """ DescriptorSetLayout(device, bindings::AbstractArray{_DescriptorSetLayoutBinding}; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_descriptor_set_layout(device, bindings; allocator, next, flags)) """ Arguments: - `device::Device` - `max_sets::UInt32` - `pool_sizes::Vector{_DescriptorPoolSize}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::DescriptorPoolCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorPool.html) """ DescriptorPool(device, max_sets::Integer, pool_sizes::AbstractArray{_DescriptorPoolSize}; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_descriptor_pool(device, max_sets, pool_sizes; allocator, next, flags)) """ Arguments: - `device::Device` - `attachments::Vector{_AttachmentDescription}` - `subpasses::Vector{_SubpassDescription}` - `dependencies::Vector{_SubpassDependency}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::RenderPassCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRenderPass.html) """ RenderPass(device, attachments::AbstractArray{_AttachmentDescription}, subpasses::AbstractArray{_SubpassDescription}, dependencies::AbstractArray{_SubpassDependency}; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_render_pass(device, attachments, subpasses, dependencies; allocator, next, flags)) """ Arguments: - `device::Device` - `attachments::Vector{_AttachmentDescription2}` - `subpasses::Vector{_SubpassDescription2}` - `dependencies::Vector{_SubpassDependency2}` - `correlated_view_masks::Vector{UInt32}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::RenderPassCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRenderPass2.html) """ RenderPass(device, attachments::AbstractArray{_AttachmentDescription2}, subpasses::AbstractArray{_SubpassDescription2}, dependencies::AbstractArray{_SubpassDependency2}, correlated_view_masks::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_render_pass_2(device, attachments, subpasses, dependencies, correlated_view_masks; allocator, next, flags)) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `device::Device` - `pipeline_bind_point::PipelineBindPoint` - `tokens::Vector{_IndirectCommandsLayoutTokenNV}` - `stream_strides::Vector{UInt32}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::IndirectCommandsLayoutUsageFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateIndirectCommandsLayoutNV.html) """ IndirectCommandsLayoutNV(device, pipeline_bind_point::PipelineBindPoint, tokens::AbstractArray{_IndirectCommandsLayoutTokenNV}, stream_strides::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_indirect_commands_layout_nv(device, pipeline_bind_point, tokens, stream_strides; allocator, next, flags)) """ Arguments: - `device::Device` - `descriptor_update_entries::Vector{_DescriptorUpdateTemplateEntry}` - `template_type::DescriptorUpdateTemplateType` - `descriptor_set_layout::DescriptorSetLayout` - `pipeline_bind_point::PipelineBindPoint` - `pipeline_layout::PipelineLayout` - `set::UInt32` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorUpdateTemplate.html) """ DescriptorUpdateTemplate(device, descriptor_update_entries::AbstractArray{_DescriptorUpdateTemplateEntry}, template_type::DescriptorUpdateTemplateType, descriptor_set_layout, pipeline_bind_point::PipelineBindPoint, pipeline_layout, set::Integer; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_descriptor_update_template(device, descriptor_update_entries, template_type, descriptor_set_layout, pipeline_bind_point, pipeline_layout, set; allocator, next, flags)) """ Arguments: - `device::Device` - `format::Format` - `ycbcr_model::SamplerYcbcrModelConversion` - `ycbcr_range::SamplerYcbcrRange` - `components::_ComponentMapping` - `x_chroma_offset::ChromaLocation` - `y_chroma_offset::ChromaLocation` - `chroma_filter::Filter` - `force_explicit_reconstruction::Bool` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSamplerYcbcrConversion.html) """ SamplerYcbcrConversion(device, format::Format, ycbcr_model::SamplerYcbcrModelConversion, ycbcr_range::SamplerYcbcrRange, components::_ComponentMapping, x_chroma_offset::ChromaLocation, y_chroma_offset::ChromaLocation, chroma_filter::Filter, force_explicit_reconstruction::Bool; allocator = C_NULL, next = C_NULL) = unwrap(_create_sampler_ycbcr_conversion(device, format, ycbcr_model, ycbcr_range, components, x_chroma_offset, y_chroma_offset, chroma_filter, force_explicit_reconstruction; allocator, next)) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `device::Device` - `compacted_size::UInt64` - `info::_AccelerationStructureInfoNV` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateAccelerationStructureNV.html) """ AccelerationStructureNV(device, compacted_size::Integer, info::_AccelerationStructureInfoNV; allocator = C_NULL, next = C_NULL) = unwrap(_create_acceleration_structure_nv(device, compacted_size, info; allocator, next)) """ Extension: VK\\_KHR\\_display Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` (externsync) - `parameters::_DisplayModeParametersKHR` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDisplayModeKHR.html) """ DisplayModeKHR(physical_device, display, parameters::_DisplayModeParametersKHR; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_display_mode_khr(physical_device, display, parameters; allocator, next, flags)) """ Extension: VK\\_KHR\\_swapchain Arguments: - `device::Device` - `surface::SurfaceKHR` - `min_image_count::UInt32` - `image_format::Format` - `image_color_space::ColorSpaceKHR` - `image_extent::_Extent2D` - `image_array_layers::UInt32` - `image_usage::ImageUsageFlag` - `image_sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `pre_transform::SurfaceTransformFlagKHR` - `composite_alpha::CompositeAlphaFlagKHR` - `present_mode::PresentModeKHR` - `clipped::Bool` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::SwapchainCreateFlagKHR`: defaults to `0` - `old_swapchain::SwapchainKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSwapchainKHR.html) """ SwapchainKHR(device, surface, min_image_count::Integer, image_format::Format, image_color_space::ColorSpaceKHR, image_extent::_Extent2D, image_array_layers::Integer, image_usage::ImageUsageFlag, image_sharing_mode::SharingMode, queue_family_indices::AbstractArray, pre_transform::SurfaceTransformFlagKHR, composite_alpha::CompositeAlphaFlagKHR, present_mode::PresentModeKHR, clipped::Bool; allocator = C_NULL, next = C_NULL, flags = 0, old_swapchain = C_NULL) = unwrap(_create_swapchain_khr(device, surface, min_image_count, image_format, image_color_space, image_extent, image_array_layers, image_usage, image_sharing_mode, queue_family_indices, pre_transform, composite_alpha, present_mode, clipped; allocator, next, flags, old_swapchain)) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `device::Device` - `queue_family_index::UInt32` - `video_profile::_VideoProfileInfoKHR` - `picture_format::Format` - `max_coded_extent::_Extent2D` - `reference_picture_format::Format` - `max_dpb_slots::UInt32` - `max_active_reference_pictures::UInt32` - `std_header_version::_ExtensionProperties` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::VideoSessionCreateFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateVideoSessionKHR.html) """ VideoSessionKHR(device, queue_family_index::Integer, video_profile::_VideoProfileInfoKHR, picture_format::Format, max_coded_extent::_Extent2D, reference_picture_format::Format, max_dpb_slots::Integer, max_active_reference_pictures::Integer, std_header_version::_ExtensionProperties; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_video_session_khr(device, queue_family_index, video_profile, picture_format, max_coded_extent, reference_picture_format, max_dpb_slots, max_active_reference_pictures, std_header_version; allocator, next, flags)) Device(physical_device, queue_create_infos::AbstractArray{_DeviceQueueCreateInfo}, enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, enabled_features = C_NULL) = unwrap(_create_device(physical_device, queue_create_infos, enabled_layer_names, enabled_extension_names, fptr_create, fptr_destroy; allocator, next, flags, enabled_features)) Image(device, image_type::ImageType, format::Format, extent::_Extent3D, mip_levels::Integer, array_layers::Integer, samples::SampleCountFlag, tiling::ImageTiling, usage::ImageUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, initial_layout::ImageLayout, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_image(device, image_type, format, extent, mip_levels, array_layers, samples, tiling, usage, sharing_mode, queue_family_indices, initial_layout, fptr_create, fptr_destroy; allocator, next, flags)) ImageView(device, image, view_type::ImageViewType, format::Format, components::_ComponentMapping, subresource_range::_ImageSubresourceRange, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_image_view(device, image, view_type, format, components, subresource_range, fptr_create, fptr_destroy; allocator, next, flags)) PipelineLayout(device, set_layouts::AbstractArray, push_constant_ranges::AbstractArray{_PushConstantRange}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_pipeline_layout(device, set_layouts, push_constant_ranges, fptr_create, fptr_destroy; allocator, next, flags)) DescriptorSetLayout(device, bindings::AbstractArray{_DescriptorSetLayoutBinding}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_descriptor_set_layout(device, bindings, fptr_create, fptr_destroy; allocator, next, flags)) DescriptorPool(device, max_sets::Integer, pool_sizes::AbstractArray{_DescriptorPoolSize}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_descriptor_pool(device, max_sets, pool_sizes, fptr_create, fptr_destroy; allocator, next, flags)) RenderPass(device, attachments::AbstractArray{_AttachmentDescription}, subpasses::AbstractArray{_SubpassDescription}, dependencies::AbstractArray{_SubpassDependency}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_render_pass(device, attachments, subpasses, dependencies, fptr_create, fptr_destroy; allocator, next, flags)) RenderPass(device, attachments::AbstractArray{_AttachmentDescription2}, subpasses::AbstractArray{_SubpassDescription2}, dependencies::AbstractArray{_SubpassDependency2}, correlated_view_masks::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_render_pass_2(device, attachments, subpasses, dependencies, correlated_view_masks, fptr_create, fptr_destroy; allocator, next, flags)) IndirectCommandsLayoutNV(device, pipeline_bind_point::PipelineBindPoint, tokens::AbstractArray{_IndirectCommandsLayoutTokenNV}, stream_strides::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_indirect_commands_layout_nv(device, pipeline_bind_point, tokens, stream_strides, fptr_create, fptr_destroy; allocator, next, flags)) DescriptorUpdateTemplate(device, descriptor_update_entries::AbstractArray{_DescriptorUpdateTemplateEntry}, template_type::DescriptorUpdateTemplateType, descriptor_set_layout, pipeline_bind_point::PipelineBindPoint, pipeline_layout, set::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_descriptor_update_template(device, descriptor_update_entries, template_type, descriptor_set_layout, pipeline_bind_point, pipeline_layout, set, fptr_create, fptr_destroy; allocator, next, flags)) SamplerYcbcrConversion(device, format::Format, ycbcr_model::SamplerYcbcrModelConversion, ycbcr_range::SamplerYcbcrRange, components::_ComponentMapping, x_chroma_offset::ChromaLocation, y_chroma_offset::ChromaLocation, chroma_filter::Filter, force_explicit_reconstruction::Bool, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = unwrap(_create_sampler_ycbcr_conversion(device, format, ycbcr_model, ycbcr_range, components, x_chroma_offset, y_chroma_offset, chroma_filter, force_explicit_reconstruction, fptr_create, fptr_destroy; allocator, next)) AccelerationStructureNV(device, compacted_size::Integer, info::_AccelerationStructureInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = unwrap(_create_acceleration_structure_nv(device, compacted_size, info, fptr_create, fptr_destroy; allocator, next)) DisplayModeKHR(physical_device, display, parameters::_DisplayModeParametersKHR, fptr_create::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_display_mode_khr(physical_device, display, parameters, fptr_create; allocator, next, flags)) SwapchainKHR(device, surface, min_image_count::Integer, image_format::Format, image_color_space::ColorSpaceKHR, image_extent::_Extent2D, image_array_layers::Integer, image_usage::ImageUsageFlag, image_sharing_mode::SharingMode, queue_family_indices::AbstractArray, pre_transform::SurfaceTransformFlagKHR, composite_alpha::CompositeAlphaFlagKHR, present_mode::PresentModeKHR, clipped::Bool, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, old_swapchain = C_NULL) = unwrap(_create_swapchain_khr(device, surface, min_image_count, image_format, image_color_space, image_extent, image_array_layers, image_usage, image_sharing_mode, queue_family_indices, pre_transform, composite_alpha, present_mode, clipped, fptr_create, fptr_destroy; allocator, next, flags, old_swapchain)) VideoSessionKHR(device, queue_family_index::Integer, video_profile::_VideoProfileInfoKHR, picture_format::Format, max_coded_extent::_Extent2D, reference_picture_format::Format, max_dpb_slots::Integer, max_active_reference_pictures::Integer, std_header_version::_ExtensionProperties, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_video_session_khr(device, queue_family_index, video_profile, picture_format, max_coded_extent, reference_picture_format, max_dpb_slots, max_active_reference_pictures, std_header_version, fptr_create, fptr_destroy; allocator, next, flags)) """ Arguments: - `enabled_layer_names::Vector{String}` - `enabled_extension_names::Vector{String}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::InstanceCreateFlag`: defaults to `0` - `application_info::ApplicationInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateInstance.html) """ Instance(enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0, application_info = C_NULL) = unwrap(create_instance(enabled_layer_names, enabled_extension_names; allocator, next, flags, application_info)) """ Arguments: - `physical_device::PhysicalDevice` - `queue_create_infos::Vector{DeviceQueueCreateInfo}` - `enabled_layer_names::Vector{String}` - `enabled_extension_names::Vector{String}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `enabled_features::PhysicalDeviceFeatures`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDevice.html) """ Device(physical_device, queue_create_infos::AbstractArray, enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0, enabled_features = C_NULL) = unwrap(create_device(physical_device, queue_create_infos, enabled_layer_names, enabled_extension_names; allocator, next, flags, enabled_features)) """ Arguments: - `device::Device` - `allocation_size::UInt64` - `memory_type_index::UInt32` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAllocateMemory.html) """ DeviceMemory(device, allocation_size::Integer, memory_type_index::Integer; allocator = C_NULL, next = C_NULL) = unwrap(allocate_memory(device, allocation_size, memory_type_index; allocator, next)) """ Arguments: - `device::Device` - `queue_family_index::UInt32` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::CommandPoolCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCommandPool.html) """ CommandPool(device, queue_family_index::Integer; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_command_pool(device, queue_family_index; allocator, next, flags)) """ Arguments: - `device::Device` - `size::UInt64` - `usage::BufferUsageFlag` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::BufferCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateBuffer.html) """ Buffer(device, size::Integer, usage::BufferUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_buffer(device, size, usage, sharing_mode, queue_family_indices; allocator, next, flags)) """ Arguments: - `device::Device` - `buffer::Buffer` - `format::Format` - `offset::UInt64` - `range::UInt64` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateBufferView.html) """ BufferView(device, buffer, format::Format, offset::Integer, range::Integer; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_buffer_view(device, buffer, format, offset, range; allocator, next, flags)) """ Arguments: - `device::Device` - `image_type::ImageType` - `format::Format` - `extent::Extent3D` - `mip_levels::UInt32` - `array_layers::UInt32` - `samples::SampleCountFlag` - `tiling::ImageTiling` - `usage::ImageUsageFlag` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `initial_layout::ImageLayout` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::ImageCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateImage.html) """ Image(device, image_type::ImageType, format::Format, extent::Extent3D, mip_levels::Integer, array_layers::Integer, samples::SampleCountFlag, tiling::ImageTiling, usage::ImageUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, initial_layout::ImageLayout; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_image(device, image_type, format, extent, mip_levels, array_layers, samples, tiling, usage, sharing_mode, queue_family_indices, initial_layout; allocator, next, flags)) """ Arguments: - `device::Device` - `image::Image` - `view_type::ImageViewType` - `format::Format` - `components::ComponentMapping` - `subresource_range::ImageSubresourceRange` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::ImageViewCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateImageView.html) """ ImageView(device, image, view_type::ImageViewType, format::Format, components::ComponentMapping, subresource_range::ImageSubresourceRange; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_image_view(device, image, view_type, format, components, subresource_range; allocator, next, flags)) """ Arguments: - `device::Device` - `code_size::UInt` - `code::Vector{UInt32}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateShaderModule.html) """ ShaderModule(device, code_size::Integer, code::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_shader_module(device, code_size, code; allocator, next, flags)) """ Arguments: - `device::Device` - `set_layouts::Vector{DescriptorSetLayout}` - `push_constant_ranges::Vector{PushConstantRange}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::PipelineLayoutCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePipelineLayout.html) """ PipelineLayout(device, set_layouts::AbstractArray, push_constant_ranges::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_pipeline_layout(device, set_layouts, push_constant_ranges; allocator, next, flags)) """ Arguments: - `device::Device` - `mag_filter::Filter` - `min_filter::Filter` - `mipmap_mode::SamplerMipmapMode` - `address_mode_u::SamplerAddressMode` - `address_mode_v::SamplerAddressMode` - `address_mode_w::SamplerAddressMode` - `mip_lod_bias::Float32` - `anisotropy_enable::Bool` - `max_anisotropy::Float32` - `compare_enable::Bool` - `compare_op::CompareOp` - `min_lod::Float32` - `max_lod::Float32` - `border_color::BorderColor` - `unnormalized_coordinates::Bool` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::SamplerCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSampler.html) """ Sampler(device, mag_filter::Filter, min_filter::Filter, mipmap_mode::SamplerMipmapMode, address_mode_u::SamplerAddressMode, address_mode_v::SamplerAddressMode, address_mode_w::SamplerAddressMode, mip_lod_bias::Real, anisotropy_enable::Bool, max_anisotropy::Real, compare_enable::Bool, compare_op::CompareOp, min_lod::Real, max_lod::Real, border_color::BorderColor, unnormalized_coordinates::Bool; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_sampler(device, mag_filter, min_filter, mipmap_mode, address_mode_u, address_mode_v, address_mode_w, mip_lod_bias, anisotropy_enable, max_anisotropy, compare_enable, compare_op, min_lod, max_lod, border_color, unnormalized_coordinates; allocator, next, flags)) """ Arguments: - `device::Device` - `bindings::Vector{DescriptorSetLayoutBinding}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::DescriptorSetLayoutCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorSetLayout.html) """ DescriptorSetLayout(device, bindings::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_descriptor_set_layout(device, bindings; allocator, next, flags)) """ Arguments: - `device::Device` - `max_sets::UInt32` - `pool_sizes::Vector{DescriptorPoolSize}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::DescriptorPoolCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorPool.html) """ DescriptorPool(device, max_sets::Integer, pool_sizes::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_descriptor_pool(device, max_sets, pool_sizes; allocator, next, flags)) """ Arguments: - `device::Device` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::FenceCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateFence.html) """ Fence(device; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_fence(device; allocator, next, flags)) """ Arguments: - `device::Device` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSemaphore.html) """ Semaphore(device; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_semaphore(device; allocator, next, flags)) """ Arguments: - `device::Device` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::EventCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateEvent.html) """ Event(device; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_event(device; allocator, next, flags)) """ Arguments: - `device::Device` - `query_type::QueryType` - `query_count::UInt32` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `pipeline_statistics::QueryPipelineStatisticFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateQueryPool.html) """ QueryPool(device, query_type::QueryType, query_count::Integer; allocator = C_NULL, next = C_NULL, flags = 0, pipeline_statistics = 0) = unwrap(create_query_pool(device, query_type, query_count; allocator, next, flags, pipeline_statistics)) """ Arguments: - `device::Device` - `render_pass::RenderPass` - `attachments::Vector{ImageView}` - `width::UInt32` - `height::UInt32` - `layers::UInt32` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::FramebufferCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateFramebuffer.html) """ Framebuffer(device, render_pass, attachments::AbstractArray, width::Integer, height::Integer, layers::Integer; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_framebuffer(device, render_pass, attachments, width, height, layers; allocator, next, flags)) """ Arguments: - `device::Device` - `attachments::Vector{AttachmentDescription}` - `subpasses::Vector{SubpassDescription}` - `dependencies::Vector{SubpassDependency}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::RenderPassCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRenderPass.html) """ RenderPass(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_render_pass(device, attachments, subpasses, dependencies; allocator, next, flags)) """ Arguments: - `device::Device` - `attachments::Vector{AttachmentDescription2}` - `subpasses::Vector{SubpassDescription2}` - `dependencies::Vector{SubpassDependency2}` - `correlated_view_masks::Vector{UInt32}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::RenderPassCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRenderPass2.html) """ RenderPass(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray, correlated_view_masks::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_render_pass_2(device, attachments, subpasses, dependencies, correlated_view_masks; allocator, next, flags)) """ Arguments: - `device::Device` - `initial_data::Ptr{Cvoid}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::PipelineCacheCreateFlag`: defaults to `0` - `initial_data_size::UInt`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePipelineCache.html) """ PipelineCache(device, initial_data::Ptr{Cvoid}; allocator = C_NULL, next = C_NULL, flags = 0, initial_data_size = 0) = unwrap(create_pipeline_cache(device, initial_data; allocator, next, flags, initial_data_size)) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `device::Device` - `pipeline_bind_point::PipelineBindPoint` - `tokens::Vector{IndirectCommandsLayoutTokenNV}` - `stream_strides::Vector{UInt32}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::IndirectCommandsLayoutUsageFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateIndirectCommandsLayoutNV.html) """ IndirectCommandsLayoutNV(device, pipeline_bind_point::PipelineBindPoint, tokens::AbstractArray, stream_strides::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_indirect_commands_layout_nv(device, pipeline_bind_point, tokens, stream_strides; allocator, next, flags)) """ Arguments: - `device::Device` - `descriptor_update_entries::Vector{DescriptorUpdateTemplateEntry}` - `template_type::DescriptorUpdateTemplateType` - `descriptor_set_layout::DescriptorSetLayout` - `pipeline_bind_point::PipelineBindPoint` - `pipeline_layout::PipelineLayout` - `set::UInt32` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorUpdateTemplate.html) """ DescriptorUpdateTemplate(device, descriptor_update_entries::AbstractArray, template_type::DescriptorUpdateTemplateType, descriptor_set_layout, pipeline_bind_point::PipelineBindPoint, pipeline_layout, set::Integer; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_descriptor_update_template(device, descriptor_update_entries, template_type, descriptor_set_layout, pipeline_bind_point, pipeline_layout, set; allocator, next, flags)) """ Arguments: - `device::Device` - `format::Format` - `ycbcr_model::SamplerYcbcrModelConversion` - `ycbcr_range::SamplerYcbcrRange` - `components::ComponentMapping` - `x_chroma_offset::ChromaLocation` - `y_chroma_offset::ChromaLocation` - `chroma_filter::Filter` - `force_explicit_reconstruction::Bool` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSamplerYcbcrConversion.html) """ SamplerYcbcrConversion(device, format::Format, ycbcr_model::SamplerYcbcrModelConversion, ycbcr_range::SamplerYcbcrRange, components::ComponentMapping, x_chroma_offset::ChromaLocation, y_chroma_offset::ChromaLocation, chroma_filter::Filter, force_explicit_reconstruction::Bool; allocator = C_NULL, next = C_NULL) = unwrap(create_sampler_ycbcr_conversion(device, format, ycbcr_model, ycbcr_range, components, x_chroma_offset, y_chroma_offset, chroma_filter, force_explicit_reconstruction; allocator, next)) """ Extension: VK\\_EXT\\_validation\\_cache Arguments: - `device::Device` - `initial_data::Ptr{Cvoid}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `initial_data_size::UInt`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateValidationCacheEXT.html) """ ValidationCacheEXT(device, initial_data::Ptr{Cvoid}; allocator = C_NULL, next = C_NULL, flags = 0, initial_data_size = 0) = unwrap(create_validation_cache_ext(device, initial_data; allocator, next, flags, initial_data_size)) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `device::Device` - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `type::AccelerationStructureTypeKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `create_flags::AccelerationStructureCreateFlagKHR`: defaults to `0` - `device_address::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateAccelerationStructureKHR.html) """ AccelerationStructureKHR(device, buffer, offset::Integer, size::Integer, type::AccelerationStructureTypeKHR; allocator = C_NULL, next = C_NULL, create_flags = 0, device_address = 0) = unwrap(create_acceleration_structure_khr(device, buffer, offset, size, type; allocator, next, create_flags, device_address)) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `device::Device` - `compacted_size::UInt64` - `info::AccelerationStructureInfoNV` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateAccelerationStructureNV.html) """ AccelerationStructureNV(device, compacted_size::Integer, info::AccelerationStructureInfoNV; allocator = C_NULL, next = C_NULL) = unwrap(create_acceleration_structure_nv(device, compacted_size, info; allocator, next)) """ Arguments: - `device::Device` - `flags::UInt32` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePrivateDataSlot.html) """ PrivateDataSlot(device, flags::Integer; allocator = C_NULL, next = C_NULL) = unwrap(create_private_data_slot(device, flags; allocator, next)) """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `device::Device` - `data_size::UInt` - `data::Ptr{Cvoid}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCuModuleNVX.html) """ CuModuleNVX(device, data_size::Integer, data::Ptr{Cvoid}; allocator = C_NULL, next = C_NULL) = unwrap(create_cu_module_nvx(device, data_size, data; allocator, next)) """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `device::Device` - `_module::CuModuleNVX` - `name::String` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCuFunctionNVX.html) """ CuFunctionNVX(device, _module, name::AbstractString; allocator = C_NULL, next = C_NULL) = unwrap(create_cu_function_nvx(device, _module, name; allocator, next)) """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `device::Device` - `width::UInt32` - `height::UInt32` - `image_format::Format` - `flow_vector_format::Format` - `output_grid_size::OpticalFlowGridSizeFlagNV` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `cost_format::Format`: defaults to `0` - `hint_grid_size::OpticalFlowGridSizeFlagNV`: defaults to `0` - `performance_level::OpticalFlowPerformanceLevelNV`: defaults to `0` - `flags::OpticalFlowSessionCreateFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateOpticalFlowSessionNV.html) """ OpticalFlowSessionNV(device, width::Integer, height::Integer, image_format::Format, flow_vector_format::Format, output_grid_size::OpticalFlowGridSizeFlagNV; allocator = C_NULL, next = C_NULL, cost_format = 0, hint_grid_size = 0, performance_level = 0, flags = 0) = unwrap(create_optical_flow_session_nv(device, width, height, image_format, flow_vector_format, output_grid_size; allocator, next, cost_format, hint_grid_size, performance_level, flags)) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `device::Device` - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `type::MicromapTypeEXT` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `create_flags::MicromapCreateFlagEXT`: defaults to `0` - `device_address::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateMicromapEXT.html) """ MicromapEXT(device, buffer, offset::Integer, size::Integer, type::MicromapTypeEXT; allocator = C_NULL, next = C_NULL, create_flags = 0, device_address = 0) = unwrap(create_micromap_ext(device, buffer, offset, size, type; allocator, next, create_flags, device_address)) """ Extension: VK\\_KHR\\_display Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` (externsync) - `parameters::DisplayModeParametersKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDisplayModeKHR.html) """ DisplayModeKHR(physical_device, display, parameters::DisplayModeParametersKHR; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_display_mode_khr(physical_device, display, parameters; allocator, next, flags)) """ Extension: VK\\_KHR\\_swapchain Arguments: - `device::Device` - `surface::SurfaceKHR` - `min_image_count::UInt32` - `image_format::Format` - `image_color_space::ColorSpaceKHR` - `image_extent::Extent2D` - `image_array_layers::UInt32` - `image_usage::ImageUsageFlag` - `image_sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `pre_transform::SurfaceTransformFlagKHR` - `composite_alpha::CompositeAlphaFlagKHR` - `present_mode::PresentModeKHR` - `clipped::Bool` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::SwapchainCreateFlagKHR`: defaults to `0` - `old_swapchain::SwapchainKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSwapchainKHR.html) """ SwapchainKHR(device, surface, min_image_count::Integer, image_format::Format, image_color_space::ColorSpaceKHR, image_extent::Extent2D, image_array_layers::Integer, image_usage::ImageUsageFlag, image_sharing_mode::SharingMode, queue_family_indices::AbstractArray, pre_transform::SurfaceTransformFlagKHR, composite_alpha::CompositeAlphaFlagKHR, present_mode::PresentModeKHR, clipped::Bool; allocator = C_NULL, next = C_NULL, flags = 0, old_swapchain = C_NULL) = unwrap(create_swapchain_khr(device, surface, min_image_count, image_format, image_color_space, image_extent, image_array_layers, image_usage, image_sharing_mode, queue_family_indices, pre_transform, composite_alpha, present_mode, clipped; allocator, next, flags, old_swapchain)) """ Extension: VK\\_EXT\\_debug\\_report Arguments: - `instance::Instance` - `pfn_callback::FunctionPtr` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::DebugReportFlagEXT`: defaults to `0` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDebugReportCallbackEXT.html) """ DebugReportCallbackEXT(instance, pfn_callback::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL) = unwrap(create_debug_report_callback_ext(instance, pfn_callback; allocator, next, flags, user_data)) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `instance::Instance` - `message_severity::DebugUtilsMessageSeverityFlagEXT` - `message_type::DebugUtilsMessageTypeFlagEXT` - `pfn_user_callback::FunctionPtr` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDebugUtilsMessengerEXT.html) """ DebugUtilsMessengerEXT(instance, message_severity::DebugUtilsMessageSeverityFlagEXT, message_type::DebugUtilsMessageTypeFlagEXT, pfn_user_callback::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL) = unwrap(create_debug_utils_messenger_ext(instance, message_severity, message_type, pfn_user_callback; allocator, next, flags, user_data)) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `device::Device` - `queue_family_index::UInt32` - `video_profile::VideoProfileInfoKHR` - `picture_format::Format` - `max_coded_extent::Extent2D` - `reference_picture_format::Format` - `max_dpb_slots::UInt32` - `max_active_reference_pictures::UInt32` - `std_header_version::ExtensionProperties` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::VideoSessionCreateFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateVideoSessionKHR.html) """ VideoSessionKHR(device, queue_family_index::Integer, video_profile::VideoProfileInfoKHR, picture_format::Format, max_coded_extent::Extent2D, reference_picture_format::Format, max_dpb_slots::Integer, max_active_reference_pictures::Integer, std_header_version::ExtensionProperties; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_video_session_khr(device, queue_family_index, video_profile, picture_format, max_coded_extent, reference_picture_format, max_dpb_slots, max_active_reference_pictures, std_header_version; allocator, next, flags)) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `device::Device` - `video_session::VideoSessionKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `video_session_parameters_template::VideoSessionParametersKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateVideoSessionParametersKHR.html) """ VideoSessionParametersKHR(device, video_session; allocator = C_NULL, next = C_NULL, flags = 0, video_session_parameters_template = C_NULL) = unwrap(create_video_session_parameters_khr(device, video_session; allocator, next, flags, video_session_parameters_template)) Instance(enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, application_info = C_NULL) = unwrap(create_instance(enabled_layer_names, enabled_extension_names, fptr_create, fptr_destroy; allocator, next, flags, application_info)) Device(physical_device, queue_create_infos::AbstractArray, enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, enabled_features = C_NULL) = unwrap(create_device(physical_device, queue_create_infos, enabled_layer_names, enabled_extension_names, fptr_create, fptr_destroy; allocator, next, flags, enabled_features)) DeviceMemory(device, allocation_size::Integer, memory_type_index::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = unwrap(allocate_memory(device, allocation_size, memory_type_index, fptr_create, fptr_destroy; allocator, next)) CommandPool(device, queue_family_index::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_command_pool(device, queue_family_index, fptr_create, fptr_destroy; allocator, next, flags)) Buffer(device, size::Integer, usage::BufferUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_buffer(device, size, usage, sharing_mode, queue_family_indices, fptr_create, fptr_destroy; allocator, next, flags)) BufferView(device, buffer, format::Format, offset::Integer, range::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_buffer_view(device, buffer, format, offset, range, fptr_create, fptr_destroy; allocator, next, flags)) Image(device, image_type::ImageType, format::Format, extent::Extent3D, mip_levels::Integer, array_layers::Integer, samples::SampleCountFlag, tiling::ImageTiling, usage::ImageUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, initial_layout::ImageLayout, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_image(device, image_type, format, extent, mip_levels, array_layers, samples, tiling, usage, sharing_mode, queue_family_indices, initial_layout, fptr_create, fptr_destroy; allocator, next, flags)) ImageView(device, image, view_type::ImageViewType, format::Format, components::ComponentMapping, subresource_range::ImageSubresourceRange, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_image_view(device, image, view_type, format, components, subresource_range, fptr_create, fptr_destroy; allocator, next, flags)) ShaderModule(device, code_size::Integer, code::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_shader_module(device, code_size, code, fptr_create, fptr_destroy; allocator, next, flags)) PipelineLayout(device, set_layouts::AbstractArray, push_constant_ranges::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_pipeline_layout(device, set_layouts, push_constant_ranges, fptr_create, fptr_destroy; allocator, next, flags)) Sampler(device, mag_filter::Filter, min_filter::Filter, mipmap_mode::SamplerMipmapMode, address_mode_u::SamplerAddressMode, address_mode_v::SamplerAddressMode, address_mode_w::SamplerAddressMode, mip_lod_bias::Real, anisotropy_enable::Bool, max_anisotropy::Real, compare_enable::Bool, compare_op::CompareOp, min_lod::Real, max_lod::Real, border_color::BorderColor, unnormalized_coordinates::Bool, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_sampler(device, mag_filter, min_filter, mipmap_mode, address_mode_u, address_mode_v, address_mode_w, mip_lod_bias, anisotropy_enable, max_anisotropy, compare_enable, compare_op, min_lod, max_lod, border_color, unnormalized_coordinates, fptr_create, fptr_destroy; allocator, next, flags)) DescriptorSetLayout(device, bindings::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_descriptor_set_layout(device, bindings, fptr_create, fptr_destroy; allocator, next, flags)) DescriptorPool(device, max_sets::Integer, pool_sizes::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_descriptor_pool(device, max_sets, pool_sizes, fptr_create, fptr_destroy; allocator, next, flags)) Fence(device, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_fence(device, fptr_create, fptr_destroy; allocator, next, flags)) Semaphore(device, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_semaphore(device, fptr_create, fptr_destroy; allocator, next, flags)) Event(device, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_event(device, fptr_create, fptr_destroy; allocator, next, flags)) QueryPool(device, query_type::QueryType, query_count::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, pipeline_statistics = 0) = unwrap(create_query_pool(device, query_type, query_count, fptr_create, fptr_destroy; allocator, next, flags, pipeline_statistics)) Framebuffer(device, render_pass, attachments::AbstractArray, width::Integer, height::Integer, layers::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_framebuffer(device, render_pass, attachments, width, height, layers, fptr_create, fptr_destroy; allocator, next, flags)) RenderPass(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_render_pass(device, attachments, subpasses, dependencies, fptr_create, fptr_destroy; allocator, next, flags)) RenderPass(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray, correlated_view_masks::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_render_pass_2(device, attachments, subpasses, dependencies, correlated_view_masks, fptr_create, fptr_destroy; allocator, next, flags)) PipelineCache(device, initial_data::Ptr{Cvoid}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, initial_data_size = 0) = unwrap(create_pipeline_cache(device, initial_data, fptr_create, fptr_destroy; allocator, next, flags, initial_data_size)) IndirectCommandsLayoutNV(device, pipeline_bind_point::PipelineBindPoint, tokens::AbstractArray, stream_strides::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_indirect_commands_layout_nv(device, pipeline_bind_point, tokens, stream_strides, fptr_create, fptr_destroy; allocator, next, flags)) DescriptorUpdateTemplate(device, descriptor_update_entries::AbstractArray, template_type::DescriptorUpdateTemplateType, descriptor_set_layout, pipeline_bind_point::PipelineBindPoint, pipeline_layout, set::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_descriptor_update_template(device, descriptor_update_entries, template_type, descriptor_set_layout, pipeline_bind_point, pipeline_layout, set, fptr_create, fptr_destroy; allocator, next, flags)) SamplerYcbcrConversion(device, format::Format, ycbcr_model::SamplerYcbcrModelConversion, ycbcr_range::SamplerYcbcrRange, components::ComponentMapping, x_chroma_offset::ChromaLocation, y_chroma_offset::ChromaLocation, chroma_filter::Filter, force_explicit_reconstruction::Bool, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = unwrap(create_sampler_ycbcr_conversion(device, format, ycbcr_model, ycbcr_range, components, x_chroma_offset, y_chroma_offset, chroma_filter, force_explicit_reconstruction, fptr_create, fptr_destroy; allocator, next)) ValidationCacheEXT(device, initial_data::Ptr{Cvoid}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, initial_data_size = 0) = unwrap(create_validation_cache_ext(device, initial_data, fptr_create, fptr_destroy; allocator, next, flags, initial_data_size)) AccelerationStructureKHR(device, buffer, offset::Integer, size::Integer, type::AccelerationStructureTypeKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, create_flags = 0, device_address = 0) = unwrap(create_acceleration_structure_khr(device, buffer, offset, size, type, fptr_create, fptr_destroy; allocator, next, create_flags, device_address)) AccelerationStructureNV(device, compacted_size::Integer, info::AccelerationStructureInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = unwrap(create_acceleration_structure_nv(device, compacted_size, info, fptr_create, fptr_destroy; allocator, next)) PrivateDataSlot(device, flags::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = unwrap(create_private_data_slot(device, flags, fptr_create, fptr_destroy; allocator, next)) CuModuleNVX(device, data_size::Integer, data::Ptr{Cvoid}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = unwrap(create_cu_module_nvx(device, data_size, data, fptr_create, fptr_destroy; allocator, next)) CuFunctionNVX(device, _module, name::AbstractString, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = unwrap(create_cu_function_nvx(device, _module, name, fptr_create, fptr_destroy; allocator, next)) OpticalFlowSessionNV(device, width::Integer, height::Integer, image_format::Format, flow_vector_format::Format, output_grid_size::OpticalFlowGridSizeFlagNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, cost_format = 0, hint_grid_size = 0, performance_level = 0, flags = 0) = unwrap(create_optical_flow_session_nv(device, width, height, image_format, flow_vector_format, output_grid_size, fptr_create, fptr_destroy; allocator, next, cost_format, hint_grid_size, performance_level, flags)) MicromapEXT(device, buffer, offset::Integer, size::Integer, type::MicromapTypeEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, create_flags = 0, device_address = 0) = unwrap(create_micromap_ext(device, buffer, offset, size, type, fptr_create, fptr_destroy; allocator, next, create_flags, device_address)) DisplayModeKHR(physical_device, display, parameters::DisplayModeParametersKHR, fptr_create::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_display_mode_khr(physical_device, display, parameters, fptr_create; allocator, next, flags)) SwapchainKHR(device, surface, min_image_count::Integer, image_format::Format, image_color_space::ColorSpaceKHR, image_extent::Extent2D, image_array_layers::Integer, image_usage::ImageUsageFlag, image_sharing_mode::SharingMode, queue_family_indices::AbstractArray, pre_transform::SurfaceTransformFlagKHR, composite_alpha::CompositeAlphaFlagKHR, present_mode::PresentModeKHR, clipped::Bool, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, old_swapchain = C_NULL) = unwrap(create_swapchain_khr(device, surface, min_image_count, image_format, image_color_space, image_extent, image_array_layers, image_usage, image_sharing_mode, queue_family_indices, pre_transform, composite_alpha, present_mode, clipped, fptr_create, fptr_destroy; allocator, next, flags, old_swapchain)) DebugReportCallbackEXT(instance, pfn_callback::FunctionPtr, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL) = unwrap(create_debug_report_callback_ext(instance, pfn_callback, fptr_create, fptr_destroy; allocator, next, flags, user_data)) DebugUtilsMessengerEXT(instance, message_severity::DebugUtilsMessageSeverityFlagEXT, message_type::DebugUtilsMessageTypeFlagEXT, pfn_user_callback::FunctionPtr, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL) = unwrap(create_debug_utils_messenger_ext(instance, message_severity, message_type, pfn_user_callback, fptr_create, fptr_destroy; allocator, next, flags, user_data)) VideoSessionKHR(device, queue_family_index::Integer, video_profile::VideoProfileInfoKHR, picture_format::Format, max_coded_extent::Extent2D, reference_picture_format::Format, max_dpb_slots::Integer, max_active_reference_pictures::Integer, std_header_version::ExtensionProperties, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_video_session_khr(device, queue_family_index, video_profile, picture_format, max_coded_extent, reference_picture_format, max_dpb_slots, max_active_reference_pictures, std_header_version, fptr_create, fptr_destroy; allocator, next, flags)) VideoSessionParametersKHR(device, video_session, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, video_session_parameters_template = C_NULL) = unwrap(create_video_session_parameters_khr(device, video_session, fptr_create, fptr_destroy; allocator, next, flags, video_session_parameters_template)) Instance(create_info::_InstanceCreateInfo; allocator = C_NULL) = unwrap(_create_instance(create_info; allocator)) Device(physical_device, create_info::_DeviceCreateInfo; allocator = C_NULL) = unwrap(_create_device(physical_device, create_info; allocator)) DeviceMemory(device, allocate_info::_MemoryAllocateInfo; allocator = C_NULL) = unwrap(_allocate_memory(device, allocate_info; allocator)) CommandPool(device, create_info::_CommandPoolCreateInfo; allocator = C_NULL) = unwrap(_create_command_pool(device, create_info; allocator)) Buffer(device, create_info::_BufferCreateInfo; allocator = C_NULL) = unwrap(_create_buffer(device, create_info; allocator)) BufferView(device, create_info::_BufferViewCreateInfo; allocator = C_NULL) = unwrap(_create_buffer_view(device, create_info; allocator)) Image(device, create_info::_ImageCreateInfo; allocator = C_NULL) = unwrap(_create_image(device, create_info; allocator)) ImageView(device, create_info::_ImageViewCreateInfo; allocator = C_NULL) = unwrap(_create_image_view(device, create_info; allocator)) ShaderModule(device, create_info::_ShaderModuleCreateInfo; allocator = C_NULL) = unwrap(_create_shader_module(device, create_info; allocator)) PipelineLayout(device, create_info::_PipelineLayoutCreateInfo; allocator = C_NULL) = unwrap(_create_pipeline_layout(device, create_info; allocator)) Sampler(device, create_info::_SamplerCreateInfo; allocator = C_NULL) = unwrap(_create_sampler(device, create_info; allocator)) DescriptorSetLayout(device, create_info::_DescriptorSetLayoutCreateInfo; allocator = C_NULL) = unwrap(_create_descriptor_set_layout(device, create_info; allocator)) DescriptorPool(device, create_info::_DescriptorPoolCreateInfo; allocator = C_NULL) = unwrap(_create_descriptor_pool(device, create_info; allocator)) Fence(device, create_info::_FenceCreateInfo; allocator = C_NULL) = unwrap(_create_fence(device, create_info; allocator)) Semaphore(device, create_info::_SemaphoreCreateInfo; allocator = C_NULL) = unwrap(_create_semaphore(device, create_info; allocator)) Event(device, create_info::_EventCreateInfo; allocator = C_NULL) = unwrap(_create_event(device, create_info; allocator)) QueryPool(device, create_info::_QueryPoolCreateInfo; allocator = C_NULL) = unwrap(_create_query_pool(device, create_info; allocator)) Framebuffer(device, create_info::_FramebufferCreateInfo; allocator = C_NULL) = unwrap(_create_framebuffer(device, create_info; allocator)) RenderPass(device, create_info::_RenderPassCreateInfo; allocator = C_NULL) = unwrap(_create_render_pass(device, create_info; allocator)) RenderPass(device, create_info::_RenderPassCreateInfo2; allocator = C_NULL) = unwrap(_create_render_pass_2(device, create_info; allocator)) PipelineCache(device, create_info::_PipelineCacheCreateInfo; allocator = C_NULL) = unwrap(_create_pipeline_cache(device, create_info; allocator)) IndirectCommandsLayoutNV(device, create_info::_IndirectCommandsLayoutCreateInfoNV; allocator = C_NULL) = unwrap(_create_indirect_commands_layout_nv(device, create_info; allocator)) DescriptorUpdateTemplate(device, create_info::_DescriptorUpdateTemplateCreateInfo; allocator = C_NULL) = unwrap(_create_descriptor_update_template(device, create_info; allocator)) SamplerYcbcrConversion(device, create_info::_SamplerYcbcrConversionCreateInfo; allocator = C_NULL) = unwrap(_create_sampler_ycbcr_conversion(device, create_info; allocator)) ValidationCacheEXT(device, create_info::_ValidationCacheCreateInfoEXT; allocator = C_NULL) = unwrap(_create_validation_cache_ext(device, create_info; allocator)) AccelerationStructureKHR(device, create_info::_AccelerationStructureCreateInfoKHR; allocator = C_NULL) = unwrap(_create_acceleration_structure_khr(device, create_info; allocator)) AccelerationStructureNV(device, create_info::_AccelerationStructureCreateInfoNV; allocator = C_NULL) = unwrap(_create_acceleration_structure_nv(device, create_info; allocator)) PrivateDataSlot(device, create_info::_PrivateDataSlotCreateInfo; allocator = C_NULL) = unwrap(_create_private_data_slot(device, create_info; allocator)) CuModuleNVX(device, create_info::_CuModuleCreateInfoNVX; allocator = C_NULL) = unwrap(_create_cu_module_nvx(device, create_info; allocator)) CuFunctionNVX(device, create_info::_CuFunctionCreateInfoNVX; allocator = C_NULL) = unwrap(_create_cu_function_nvx(device, create_info; allocator)) OpticalFlowSessionNV(device, create_info::_OpticalFlowSessionCreateInfoNV; allocator = C_NULL) = unwrap(_create_optical_flow_session_nv(device, create_info; allocator)) MicromapEXT(device, create_info::_MicromapCreateInfoEXT; allocator = C_NULL) = unwrap(_create_micromap_ext(device, create_info; allocator)) DisplayModeKHR(physical_device, display, create_info::_DisplayModeCreateInfoKHR; allocator = C_NULL) = unwrap(_create_display_mode_khr(physical_device, display, create_info; allocator)) SwapchainKHR(device, create_info::_SwapchainCreateInfoKHR; allocator = C_NULL) = unwrap(_create_swapchain_khr(device, create_info; allocator)) DebugReportCallbackEXT(instance, create_info::_DebugReportCallbackCreateInfoEXT; allocator = C_NULL) = unwrap(_create_debug_report_callback_ext(instance, create_info; allocator)) DebugUtilsMessengerEXT(instance, create_info::_DebugUtilsMessengerCreateInfoEXT; allocator = C_NULL) = unwrap(_create_debug_utils_messenger_ext(instance, create_info; allocator)) VideoSessionKHR(device, create_info::_VideoSessionCreateInfoKHR; allocator = C_NULL) = unwrap(_create_video_session_khr(device, create_info; allocator)) VideoSessionParametersKHR(device, create_info::_VideoSessionParametersCreateInfoKHR; allocator = C_NULL) = unwrap(_create_video_session_parameters_khr(device, create_info; allocator)) Instance(create_info::_InstanceCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_instance(create_info, fptr_create, fptr_destroy; allocator)) Device(physical_device, create_info::_DeviceCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_device(physical_device, create_info, fptr_create, fptr_destroy; allocator)) DeviceMemory(device, allocate_info::_MemoryAllocateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_allocate_memory(device, allocate_info, fptr_create, fptr_destroy; allocator)) CommandPool(device, create_info::_CommandPoolCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_command_pool(device, create_info, fptr_create, fptr_destroy; allocator)) Buffer(device, create_info::_BufferCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_buffer(device, create_info, fptr_create, fptr_destroy; allocator)) BufferView(device, create_info::_BufferViewCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_buffer_view(device, create_info, fptr_create, fptr_destroy; allocator)) Image(device, create_info::_ImageCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_image(device, create_info, fptr_create, fptr_destroy; allocator)) ImageView(device, create_info::_ImageViewCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_image_view(device, create_info, fptr_create, fptr_destroy; allocator)) ShaderModule(device, create_info::_ShaderModuleCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_shader_module(device, create_info, fptr_create, fptr_destroy; allocator)) PipelineLayout(device, create_info::_PipelineLayoutCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_pipeline_layout(device, create_info, fptr_create, fptr_destroy; allocator)) Sampler(device, create_info::_SamplerCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_sampler(device, create_info, fptr_create, fptr_destroy; allocator)) DescriptorSetLayout(device, create_info::_DescriptorSetLayoutCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_descriptor_set_layout(device, create_info, fptr_create, fptr_destroy; allocator)) DescriptorPool(device, create_info::_DescriptorPoolCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_descriptor_pool(device, create_info, fptr_create, fptr_destroy; allocator)) Fence(device, create_info::_FenceCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_fence(device, create_info, fptr_create, fptr_destroy; allocator)) Semaphore(device, create_info::_SemaphoreCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_semaphore(device, create_info, fptr_create, fptr_destroy; allocator)) Event(device, create_info::_EventCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_event(device, create_info, fptr_create, fptr_destroy; allocator)) QueryPool(device, create_info::_QueryPoolCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_query_pool(device, create_info, fptr_create, fptr_destroy; allocator)) Framebuffer(device, create_info::_FramebufferCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_framebuffer(device, create_info, fptr_create, fptr_destroy; allocator)) RenderPass(device, create_info::_RenderPassCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_render_pass(device, create_info, fptr_create, fptr_destroy; allocator)) RenderPass(device, create_info::_RenderPassCreateInfo2, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_render_pass_2(device, create_info, fptr_create, fptr_destroy; allocator)) PipelineCache(device, create_info::_PipelineCacheCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_pipeline_cache(device, create_info, fptr_create, fptr_destroy; allocator)) IndirectCommandsLayoutNV(device, create_info::_IndirectCommandsLayoutCreateInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_indirect_commands_layout_nv(device, create_info, fptr_create, fptr_destroy; allocator)) DescriptorUpdateTemplate(device, create_info::_DescriptorUpdateTemplateCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_descriptor_update_template(device, create_info, fptr_create, fptr_destroy; allocator)) SamplerYcbcrConversion(device, create_info::_SamplerYcbcrConversionCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_sampler_ycbcr_conversion(device, create_info, fptr_create, fptr_destroy; allocator)) ValidationCacheEXT(device, create_info::_ValidationCacheCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_validation_cache_ext(device, create_info, fptr_create, fptr_destroy; allocator)) AccelerationStructureKHR(device, create_info::_AccelerationStructureCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_acceleration_structure_khr(device, create_info, fptr_create, fptr_destroy; allocator)) AccelerationStructureNV(device, create_info::_AccelerationStructureCreateInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_acceleration_structure_nv(device, create_info, fptr_create, fptr_destroy; allocator)) PrivateDataSlot(device, create_info::_PrivateDataSlotCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_private_data_slot(device, create_info, fptr_create, fptr_destroy; allocator)) CuModuleNVX(device, create_info::_CuModuleCreateInfoNVX, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_cu_module_nvx(device, create_info, fptr_create, fptr_destroy; allocator)) CuFunctionNVX(device, create_info::_CuFunctionCreateInfoNVX, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_cu_function_nvx(device, create_info, fptr_create, fptr_destroy; allocator)) OpticalFlowSessionNV(device, create_info::_OpticalFlowSessionCreateInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_optical_flow_session_nv(device, create_info, fptr_create, fptr_destroy; allocator)) MicromapEXT(device, create_info::_MicromapCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_micromap_ext(device, create_info, fptr_create, fptr_destroy; allocator)) DisplayModeKHR(physical_device, display, create_info::_DisplayModeCreateInfoKHR, fptr_create::FunctionPtr; allocator = C_NULL) = unwrap(_create_display_mode_khr(physical_device, display, create_info, fptr_create; allocator)) SwapchainKHR(device, create_info::_SwapchainCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_swapchain_khr(device, create_info, fptr_create, fptr_destroy; allocator)) DebugReportCallbackEXT(instance, create_info::_DebugReportCallbackCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_debug_report_callback_ext(instance, create_info, fptr_create, fptr_destroy; allocator)) DebugUtilsMessengerEXT(instance, create_info::_DebugUtilsMessengerCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_debug_utils_messenger_ext(instance, create_info, fptr_create, fptr_destroy; allocator)) VideoSessionKHR(device, create_info::_VideoSessionCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_video_session_khr(device, create_info, fptr_create, fptr_destroy; allocator)) VideoSessionParametersKHR(device, create_info::_VideoSessionParametersCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_video_session_parameters_khr(device, create_info, fptr_create, fptr_destroy; allocator)) Instance(create_info::InstanceCreateInfo; allocator = C_NULL) = unwrap(create_instance(create_info; allocator)) Device(physical_device, create_info::DeviceCreateInfo; allocator = C_NULL) = unwrap(create_device(physical_device, create_info; allocator)) DeviceMemory(device, allocate_info::MemoryAllocateInfo; allocator = C_NULL) = unwrap(allocate_memory(device, allocate_info; allocator)) CommandPool(device, create_info::CommandPoolCreateInfo; allocator = C_NULL) = unwrap(create_command_pool(device, create_info; allocator)) Buffer(device, create_info::BufferCreateInfo; allocator = C_NULL) = unwrap(create_buffer(device, create_info; allocator)) BufferView(device, create_info::BufferViewCreateInfo; allocator = C_NULL) = unwrap(create_buffer_view(device, create_info; allocator)) Image(device, create_info::ImageCreateInfo; allocator = C_NULL) = unwrap(create_image(device, create_info; allocator)) ImageView(device, create_info::ImageViewCreateInfo; allocator = C_NULL) = unwrap(create_image_view(device, create_info; allocator)) ShaderModule(device, create_info::ShaderModuleCreateInfo; allocator = C_NULL) = unwrap(create_shader_module(device, create_info; allocator)) PipelineLayout(device, create_info::PipelineLayoutCreateInfo; allocator = C_NULL) = unwrap(create_pipeline_layout(device, create_info; allocator)) Sampler(device, create_info::SamplerCreateInfo; allocator = C_NULL) = unwrap(create_sampler(device, create_info; allocator)) DescriptorSetLayout(device, create_info::DescriptorSetLayoutCreateInfo; allocator = C_NULL) = unwrap(create_descriptor_set_layout(device, create_info; allocator)) DescriptorPool(device, create_info::DescriptorPoolCreateInfo; allocator = C_NULL) = unwrap(create_descriptor_pool(device, create_info; allocator)) Fence(device, create_info::FenceCreateInfo; allocator = C_NULL) = unwrap(create_fence(device, create_info; allocator)) Semaphore(device, create_info::SemaphoreCreateInfo; allocator = C_NULL) = unwrap(create_semaphore(device, create_info; allocator)) Event(device, create_info::EventCreateInfo; allocator = C_NULL) = unwrap(create_event(device, create_info; allocator)) QueryPool(device, create_info::QueryPoolCreateInfo; allocator = C_NULL) = unwrap(create_query_pool(device, create_info; allocator)) Framebuffer(device, create_info::FramebufferCreateInfo; allocator = C_NULL) = unwrap(create_framebuffer(device, create_info; allocator)) RenderPass(device, create_info::RenderPassCreateInfo; allocator = C_NULL) = unwrap(create_render_pass(device, create_info; allocator)) RenderPass(device, create_info::RenderPassCreateInfo2; allocator = C_NULL) = unwrap(create_render_pass_2(device, create_info; allocator)) PipelineCache(device, create_info::PipelineCacheCreateInfo; allocator = C_NULL) = unwrap(create_pipeline_cache(device, create_info; allocator)) IndirectCommandsLayoutNV(device, create_info::IndirectCommandsLayoutCreateInfoNV; allocator = C_NULL) = unwrap(create_indirect_commands_layout_nv(device, create_info; allocator)) DescriptorUpdateTemplate(device, create_info::DescriptorUpdateTemplateCreateInfo; allocator = C_NULL) = unwrap(create_descriptor_update_template(device, create_info; allocator)) SamplerYcbcrConversion(device, create_info::SamplerYcbcrConversionCreateInfo; allocator = C_NULL) = unwrap(create_sampler_ycbcr_conversion(device, create_info; allocator)) ValidationCacheEXT(device, create_info::ValidationCacheCreateInfoEXT; allocator = C_NULL) = unwrap(create_validation_cache_ext(device, create_info; allocator)) AccelerationStructureKHR(device, create_info::AccelerationStructureCreateInfoKHR; allocator = C_NULL) = unwrap(create_acceleration_structure_khr(device, create_info; allocator)) AccelerationStructureNV(device, create_info::AccelerationStructureCreateInfoNV; allocator = C_NULL) = unwrap(create_acceleration_structure_nv(device, create_info; allocator)) DeferredOperationKHR(device; allocator = C_NULL) = unwrap(create_deferred_operation_khr(device; allocator)) PrivateDataSlot(device, create_info::PrivateDataSlotCreateInfo; allocator = C_NULL) = unwrap(create_private_data_slot(device, create_info; allocator)) CuModuleNVX(device, create_info::CuModuleCreateInfoNVX; allocator = C_NULL) = unwrap(create_cu_module_nvx(device, create_info; allocator)) CuFunctionNVX(device, create_info::CuFunctionCreateInfoNVX; allocator = C_NULL) = unwrap(create_cu_function_nvx(device, create_info; allocator)) OpticalFlowSessionNV(device, create_info::OpticalFlowSessionCreateInfoNV; allocator = C_NULL) = unwrap(create_optical_flow_session_nv(device, create_info; allocator)) MicromapEXT(device, create_info::MicromapCreateInfoEXT; allocator = C_NULL) = unwrap(create_micromap_ext(device, create_info; allocator)) DisplayModeKHR(physical_device, display, create_info::DisplayModeCreateInfoKHR; allocator = C_NULL) = unwrap(create_display_mode_khr(physical_device, display, create_info; allocator)) SwapchainKHR(device, create_info::SwapchainCreateInfoKHR; allocator = C_NULL) = unwrap(create_swapchain_khr(device, create_info; allocator)) DebugReportCallbackEXT(instance, create_info::DebugReportCallbackCreateInfoEXT; allocator = C_NULL) = unwrap(create_debug_report_callback_ext(instance, create_info; allocator)) DebugUtilsMessengerEXT(instance, create_info::DebugUtilsMessengerCreateInfoEXT; allocator = C_NULL) = unwrap(create_debug_utils_messenger_ext(instance, create_info; allocator)) VideoSessionKHR(device, create_info::VideoSessionCreateInfoKHR; allocator = C_NULL) = unwrap(create_video_session_khr(device, create_info; allocator)) VideoSessionParametersKHR(device, create_info::VideoSessionParametersCreateInfoKHR; allocator = C_NULL) = unwrap(create_video_session_parameters_khr(device, create_info; allocator)) Instance(create_info::InstanceCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_instance(create_info, fptr_create, fptr_destroy; allocator)) Device(physical_device, create_info::DeviceCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_device(physical_device, create_info, fptr_create, fptr_destroy; allocator)) DeviceMemory(device, allocate_info::MemoryAllocateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(allocate_memory(device, allocate_info, fptr_create, fptr_destroy; allocator)) CommandPool(device, create_info::CommandPoolCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_command_pool(device, create_info, fptr_create, fptr_destroy; allocator)) Buffer(device, create_info::BufferCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_buffer(device, create_info, fptr_create, fptr_destroy; allocator)) BufferView(device, create_info::BufferViewCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_buffer_view(device, create_info, fptr_create, fptr_destroy; allocator)) Image(device, create_info::ImageCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_image(device, create_info, fptr_create, fptr_destroy; allocator)) ImageView(device, create_info::ImageViewCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_image_view(device, create_info, fptr_create, fptr_destroy; allocator)) ShaderModule(device, create_info::ShaderModuleCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_shader_module(device, create_info, fptr_create, fptr_destroy; allocator)) PipelineLayout(device, create_info::PipelineLayoutCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_pipeline_layout(device, create_info, fptr_create, fptr_destroy; allocator)) Sampler(device, create_info::SamplerCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_sampler(device, create_info, fptr_create, fptr_destroy; allocator)) DescriptorSetLayout(device, create_info::DescriptorSetLayoutCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_descriptor_set_layout(device, create_info, fptr_create, fptr_destroy; allocator)) DescriptorPool(device, create_info::DescriptorPoolCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_descriptor_pool(device, create_info, fptr_create, fptr_destroy; allocator)) Fence(device, create_info::FenceCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_fence(device, create_info, fptr_create, fptr_destroy; allocator)) Semaphore(device, create_info::SemaphoreCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_semaphore(device, create_info, fptr_create, fptr_destroy; allocator)) Event(device, create_info::EventCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_event(device, create_info, fptr_create, fptr_destroy; allocator)) QueryPool(device, create_info::QueryPoolCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_query_pool(device, create_info, fptr_create, fptr_destroy; allocator)) Framebuffer(device, create_info::FramebufferCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_framebuffer(device, create_info, fptr_create, fptr_destroy; allocator)) RenderPass(device, create_info::RenderPassCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_render_pass(device, create_info, fptr_create, fptr_destroy; allocator)) RenderPass(device, create_info::RenderPassCreateInfo2, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_render_pass_2(device, create_info, fptr_create, fptr_destroy; allocator)) PipelineCache(device, create_info::PipelineCacheCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_pipeline_cache(device, create_info, fptr_create, fptr_destroy; allocator)) IndirectCommandsLayoutNV(device, create_info::IndirectCommandsLayoutCreateInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_indirect_commands_layout_nv(device, create_info, fptr_create, fptr_destroy; allocator)) DescriptorUpdateTemplate(device, create_info::DescriptorUpdateTemplateCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_descriptor_update_template(device, create_info, fptr_create, fptr_destroy; allocator)) SamplerYcbcrConversion(device, create_info::SamplerYcbcrConversionCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_sampler_ycbcr_conversion(device, create_info, fptr_create, fptr_destroy; allocator)) ValidationCacheEXT(device, create_info::ValidationCacheCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_validation_cache_ext(device, create_info, fptr_create, fptr_destroy; allocator)) AccelerationStructureKHR(device, create_info::AccelerationStructureCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_acceleration_structure_khr(device, create_info, fptr_create, fptr_destroy; allocator)) AccelerationStructureNV(device, create_info::AccelerationStructureCreateInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_acceleration_structure_nv(device, create_info, fptr_create, fptr_destroy; allocator)) DeferredOperationKHR(device, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_deferred_operation_khr(device, fptr_create, fptr_destroy; allocator)) PrivateDataSlot(device, create_info::PrivateDataSlotCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_private_data_slot(device, create_info, fptr_create, fptr_destroy; allocator)) CuModuleNVX(device, create_info::CuModuleCreateInfoNVX, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_cu_module_nvx(device, create_info, fptr_create, fptr_destroy; allocator)) CuFunctionNVX(device, create_info::CuFunctionCreateInfoNVX, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_cu_function_nvx(device, create_info, fptr_create, fptr_destroy; allocator)) OpticalFlowSessionNV(device, create_info::OpticalFlowSessionCreateInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_optical_flow_session_nv(device, create_info, fptr_create, fptr_destroy; allocator)) MicromapEXT(device, create_info::MicromapCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_micromap_ext(device, create_info, fptr_create, fptr_destroy; allocator)) DisplayModeKHR(physical_device, display, create_info::DisplayModeCreateInfoKHR, fptr_create::FunctionPtr; allocator = C_NULL) = unwrap(create_display_mode_khr(physical_device, display, create_info, fptr_create; allocator)) SwapchainKHR(device, create_info::SwapchainCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_swapchain_khr(device, create_info, fptr_create, fptr_destroy; allocator)) DebugReportCallbackEXT(instance, create_info::DebugReportCallbackCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_debug_report_callback_ext(instance, create_info, fptr_create, fptr_destroy; allocator)) DebugUtilsMessengerEXT(instance, create_info::DebugUtilsMessengerCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_debug_utils_messenger_ext(instance, create_info, fptr_create, fptr_destroy; allocator)) VideoSessionKHR(device, create_info::VideoSessionCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_video_session_khr(device, create_info, fptr_create, fptr_destroy; allocator)) VideoSessionParametersKHR(device, create_info::VideoSessionParametersCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_video_session_parameters_khr(device, create_info, fptr_create, fptr_destroy; allocator)) structure_type(@nospecialize(_::Union{Type{VkApplicationInfo}, Type{_ApplicationInfo}, Type{ApplicationInfo}})) = VK_STRUCTURE_TYPE_APPLICATION_INFO structure_type(@nospecialize(_::Union{Type{VkDeviceQueueCreateInfo}, Type{_DeviceQueueCreateInfo}, Type{DeviceQueueCreateInfo}})) = VK_STRUCTURE_TYPE_DEVICE_QUEUE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkDeviceCreateInfo}, Type{_DeviceCreateInfo}, Type{DeviceCreateInfo}})) = VK_STRUCTURE_TYPE_DEVICE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkInstanceCreateInfo}, Type{_InstanceCreateInfo}, Type{InstanceCreateInfo}})) = VK_STRUCTURE_TYPE_INSTANCE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkMemoryAllocateInfo}, Type{_MemoryAllocateInfo}, Type{MemoryAllocateInfo}})) = VK_STRUCTURE_TYPE_MEMORY_ALLOCATE_INFO structure_type(@nospecialize(_::Union{Type{VkMappedMemoryRange}, Type{_MappedMemoryRange}, Type{MappedMemoryRange}})) = VK_STRUCTURE_TYPE_MAPPED_MEMORY_RANGE structure_type(@nospecialize(_::Union{Type{VkWriteDescriptorSet}, Type{_WriteDescriptorSet}, Type{WriteDescriptorSet}})) = VK_STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET structure_type(@nospecialize(_::Union{Type{VkCopyDescriptorSet}, Type{_CopyDescriptorSet}, Type{CopyDescriptorSet}})) = VK_STRUCTURE_TYPE_COPY_DESCRIPTOR_SET structure_type(@nospecialize(_::Union{Type{VkBufferCreateInfo}, Type{_BufferCreateInfo}, Type{BufferCreateInfo}})) = VK_STRUCTURE_TYPE_BUFFER_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkBufferViewCreateInfo}, Type{_BufferViewCreateInfo}, Type{BufferViewCreateInfo}})) = VK_STRUCTURE_TYPE_BUFFER_VIEW_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkMemoryBarrier}, Type{_MemoryBarrier}, Type{MemoryBarrier}})) = VK_STRUCTURE_TYPE_MEMORY_BARRIER structure_type(@nospecialize(_::Union{Type{VkBufferMemoryBarrier}, Type{_BufferMemoryBarrier}, Type{BufferMemoryBarrier}})) = VK_STRUCTURE_TYPE_BUFFER_MEMORY_BARRIER structure_type(@nospecialize(_::Union{Type{VkImageMemoryBarrier}, Type{_ImageMemoryBarrier}, Type{ImageMemoryBarrier}})) = VK_STRUCTURE_TYPE_IMAGE_MEMORY_BARRIER structure_type(@nospecialize(_::Union{Type{VkImageCreateInfo}, Type{_ImageCreateInfo}, Type{ImageCreateInfo}})) = VK_STRUCTURE_TYPE_IMAGE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkImageViewCreateInfo}, Type{_ImageViewCreateInfo}, Type{ImageViewCreateInfo}})) = VK_STRUCTURE_TYPE_IMAGE_VIEW_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkBindSparseInfo}, Type{_BindSparseInfo}, Type{BindSparseInfo}})) = VK_STRUCTURE_TYPE_BIND_SPARSE_INFO structure_type(@nospecialize(_::Union{Type{VkShaderModuleCreateInfo}, Type{_ShaderModuleCreateInfo}, Type{ShaderModuleCreateInfo}})) = VK_STRUCTURE_TYPE_SHADER_MODULE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutCreateInfo}, Type{_DescriptorSetLayoutCreateInfo}, Type{DescriptorSetLayoutCreateInfo}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkDescriptorPoolCreateInfo}, Type{_DescriptorPoolCreateInfo}, Type{DescriptorPoolCreateInfo}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_POOL_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkDescriptorSetAllocateInfo}, Type{_DescriptorSetAllocateInfo}, Type{DescriptorSetAllocateInfo}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_SET_ALLOCATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineShaderStageCreateInfo}, Type{_PipelineShaderStageCreateInfo}, Type{PipelineShaderStageCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_SHADER_STAGE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkComputePipelineCreateInfo}, Type{_ComputePipelineCreateInfo}, Type{ComputePipelineCreateInfo}})) = VK_STRUCTURE_TYPE_COMPUTE_PIPELINE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineVertexInputStateCreateInfo}, Type{_PipelineVertexInputStateCreateInfo}, Type{PipelineVertexInputStateCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_VERTEX_INPUT_STATE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineInputAssemblyStateCreateInfo}, Type{_PipelineInputAssemblyStateCreateInfo}, Type{PipelineInputAssemblyStateCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_INPUT_ASSEMBLY_STATE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineTessellationStateCreateInfo}, Type{_PipelineTessellationStateCreateInfo}, Type{PipelineTessellationStateCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_TESSELLATION_STATE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineViewportStateCreateInfo}, Type{_PipelineViewportStateCreateInfo}, Type{PipelineViewportStateCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_VIEWPORT_STATE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineRasterizationStateCreateInfo}, Type{_PipelineRasterizationStateCreateInfo}, Type{PipelineRasterizationStateCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_RASTERIZATION_STATE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineMultisampleStateCreateInfo}, Type{_PipelineMultisampleStateCreateInfo}, Type{PipelineMultisampleStateCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_MULTISAMPLE_STATE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineColorBlendStateCreateInfo}, Type{_PipelineColorBlendStateCreateInfo}, Type{PipelineColorBlendStateCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_COLOR_BLEND_STATE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineDynamicStateCreateInfo}, Type{_PipelineDynamicStateCreateInfo}, Type{PipelineDynamicStateCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_DYNAMIC_STATE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineDepthStencilStateCreateInfo}, Type{_PipelineDepthStencilStateCreateInfo}, Type{PipelineDepthStencilStateCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_DEPTH_STENCIL_STATE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkGraphicsPipelineCreateInfo}, Type{_GraphicsPipelineCreateInfo}, Type{GraphicsPipelineCreateInfo}})) = VK_STRUCTURE_TYPE_GRAPHICS_PIPELINE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineCacheCreateInfo}, Type{_PipelineCacheCreateInfo}, Type{PipelineCacheCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_CACHE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineLayoutCreateInfo}, Type{_PipelineLayoutCreateInfo}, Type{PipelineLayoutCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_LAYOUT_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkSamplerCreateInfo}, Type{_SamplerCreateInfo}, Type{SamplerCreateInfo}})) = VK_STRUCTURE_TYPE_SAMPLER_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkCommandPoolCreateInfo}, Type{_CommandPoolCreateInfo}, Type{CommandPoolCreateInfo}})) = VK_STRUCTURE_TYPE_COMMAND_POOL_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkCommandBufferAllocateInfo}, Type{_CommandBufferAllocateInfo}, Type{CommandBufferAllocateInfo}})) = VK_STRUCTURE_TYPE_COMMAND_BUFFER_ALLOCATE_INFO structure_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceInfo}, Type{_CommandBufferInheritanceInfo}, Type{CommandBufferInheritanceInfo}})) = VK_STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_INFO structure_type(@nospecialize(_::Union{Type{VkCommandBufferBeginInfo}, Type{_CommandBufferBeginInfo}, Type{CommandBufferBeginInfo}})) = VK_STRUCTURE_TYPE_COMMAND_BUFFER_BEGIN_INFO structure_type(@nospecialize(_::Union{Type{VkRenderPassBeginInfo}, Type{_RenderPassBeginInfo}, Type{RenderPassBeginInfo}})) = VK_STRUCTURE_TYPE_RENDER_PASS_BEGIN_INFO structure_type(@nospecialize(_::Union{Type{VkRenderPassCreateInfo}, Type{_RenderPassCreateInfo}, Type{RenderPassCreateInfo}})) = VK_STRUCTURE_TYPE_RENDER_PASS_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkEventCreateInfo}, Type{_EventCreateInfo}, Type{EventCreateInfo}})) = VK_STRUCTURE_TYPE_EVENT_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkFenceCreateInfo}, Type{_FenceCreateInfo}, Type{FenceCreateInfo}})) = VK_STRUCTURE_TYPE_FENCE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkSemaphoreCreateInfo}, Type{_SemaphoreCreateInfo}, Type{SemaphoreCreateInfo}})) = VK_STRUCTURE_TYPE_SEMAPHORE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkQueryPoolCreateInfo}, Type{_QueryPoolCreateInfo}, Type{QueryPoolCreateInfo}})) = VK_STRUCTURE_TYPE_QUERY_POOL_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkFramebufferCreateInfo}, Type{_FramebufferCreateInfo}, Type{FramebufferCreateInfo}})) = VK_STRUCTURE_TYPE_FRAMEBUFFER_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkSubmitInfo}, Type{_SubmitInfo}, Type{SubmitInfo}})) = VK_STRUCTURE_TYPE_SUBMIT_INFO structure_type(@nospecialize(_::Union{Type{VkDisplayModeCreateInfoKHR}, Type{_DisplayModeCreateInfoKHR}, Type{DisplayModeCreateInfoKHR}})) = VK_STRUCTURE_TYPE_DISPLAY_MODE_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkDisplaySurfaceCreateInfoKHR}, Type{_DisplaySurfaceCreateInfoKHR}, Type{DisplaySurfaceCreateInfoKHR}})) = VK_STRUCTURE_TYPE_DISPLAY_SURFACE_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkDisplayPresentInfoKHR}, Type{_DisplayPresentInfoKHR}, Type{DisplayPresentInfoKHR}})) = VK_STRUCTURE_TYPE_DISPLAY_PRESENT_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkWaylandSurfaceCreateInfoKHR}, Type{_WaylandSurfaceCreateInfoKHR}, Type{WaylandSurfaceCreateInfoKHR}})) = VK_STRUCTURE_TYPE_WAYLAND_SURFACE_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkXlibSurfaceCreateInfoKHR}, Type{_XlibSurfaceCreateInfoKHR}, Type{XlibSurfaceCreateInfoKHR}})) = VK_STRUCTURE_TYPE_XLIB_SURFACE_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkXcbSurfaceCreateInfoKHR}, Type{_XcbSurfaceCreateInfoKHR}, Type{XcbSurfaceCreateInfoKHR}})) = VK_STRUCTURE_TYPE_XCB_SURFACE_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkSwapchainCreateInfoKHR}, Type{_SwapchainCreateInfoKHR}, Type{SwapchainCreateInfoKHR}})) = VK_STRUCTURE_TYPE_SWAPCHAIN_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPresentInfoKHR}, Type{_PresentInfoKHR}, Type{PresentInfoKHR}})) = VK_STRUCTURE_TYPE_PRESENT_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkDebugReportCallbackCreateInfoEXT}, Type{_DebugReportCallbackCreateInfoEXT}, Type{DebugReportCallbackCreateInfoEXT}})) = VK_STRUCTURE_TYPE_DEBUG_REPORT_CALLBACK_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkValidationFlagsEXT}, Type{_ValidationFlagsEXT}, Type{ValidationFlagsEXT}})) = VK_STRUCTURE_TYPE_VALIDATION_FLAGS_EXT structure_type(@nospecialize(_::Union{Type{VkValidationFeaturesEXT}, Type{_ValidationFeaturesEXT}, Type{ValidationFeaturesEXT}})) = VK_STRUCTURE_TYPE_VALIDATION_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineRasterizationStateRasterizationOrderAMD}, Type{_PipelineRasterizationStateRasterizationOrderAMD}, Type{PipelineRasterizationStateRasterizationOrderAMD}})) = VK_STRUCTURE_TYPE_PIPELINE_RASTERIZATION_STATE_RASTERIZATION_ORDER_AMD structure_type(@nospecialize(_::Union{Type{VkDebugMarkerObjectNameInfoEXT}, Type{_DebugMarkerObjectNameInfoEXT}, Type{DebugMarkerObjectNameInfoEXT}})) = VK_STRUCTURE_TYPE_DEBUG_MARKER_OBJECT_NAME_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkDebugMarkerObjectTagInfoEXT}, Type{_DebugMarkerObjectTagInfoEXT}, Type{DebugMarkerObjectTagInfoEXT}})) = VK_STRUCTURE_TYPE_DEBUG_MARKER_OBJECT_TAG_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkDebugMarkerMarkerInfoEXT}, Type{_DebugMarkerMarkerInfoEXT}, Type{DebugMarkerMarkerInfoEXT}})) = VK_STRUCTURE_TYPE_DEBUG_MARKER_MARKER_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkDedicatedAllocationImageCreateInfoNV}, Type{_DedicatedAllocationImageCreateInfoNV}, Type{DedicatedAllocationImageCreateInfoNV}})) = VK_STRUCTURE_TYPE_DEDICATED_ALLOCATION_IMAGE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkDedicatedAllocationBufferCreateInfoNV}, Type{_DedicatedAllocationBufferCreateInfoNV}, Type{DedicatedAllocationBufferCreateInfoNV}})) = VK_STRUCTURE_TYPE_DEDICATED_ALLOCATION_BUFFER_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkDedicatedAllocationMemoryAllocateInfoNV}, Type{_DedicatedAllocationMemoryAllocateInfoNV}, Type{DedicatedAllocationMemoryAllocateInfoNV}})) = VK_STRUCTURE_TYPE_DEDICATED_ALLOCATION_MEMORY_ALLOCATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkExternalMemoryImageCreateInfoNV}, Type{_ExternalMemoryImageCreateInfoNV}, Type{ExternalMemoryImageCreateInfoNV}})) = VK_STRUCTURE_TYPE_EXTERNAL_MEMORY_IMAGE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkExportMemoryAllocateInfoNV}, Type{_ExportMemoryAllocateInfoNV}, Type{ExportMemoryAllocateInfoNV}})) = VK_STRUCTURE_TYPE_EXPORT_MEMORY_ALLOCATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV}, Type{_PhysicalDeviceDeviceGeneratedCommandsFeaturesNV}, Type{PhysicalDeviceDeviceGeneratedCommandsFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DEVICE_GENERATED_COMMANDS_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkDevicePrivateDataCreateInfo}, Type{_DevicePrivateDataCreateInfo}, Type{DevicePrivateDataCreateInfo}})) = VK_STRUCTURE_TYPE_DEVICE_PRIVATE_DATA_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPrivateDataSlotCreateInfo}, Type{_PrivateDataSlotCreateInfo}, Type{PrivateDataSlotCreateInfo}})) = VK_STRUCTURE_TYPE_PRIVATE_DATA_SLOT_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePrivateDataFeatures}, Type{_PhysicalDevicePrivateDataFeatures}, Type{PhysicalDevicePrivateDataFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PRIVATE_DATA_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV}, Type{_PhysicalDeviceDeviceGeneratedCommandsPropertiesNV}, Type{PhysicalDeviceDeviceGeneratedCommandsPropertiesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DEVICE_GENERATED_COMMANDS_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiDrawPropertiesEXT}, Type{_PhysicalDeviceMultiDrawPropertiesEXT}, Type{PhysicalDeviceMultiDrawPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTI_DRAW_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkGraphicsShaderGroupCreateInfoNV}, Type{_GraphicsShaderGroupCreateInfoNV}, Type{GraphicsShaderGroupCreateInfoNV}})) = VK_STRUCTURE_TYPE_GRAPHICS_SHADER_GROUP_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkGraphicsPipelineShaderGroupsCreateInfoNV}, Type{_GraphicsPipelineShaderGroupsCreateInfoNV}, Type{GraphicsPipelineShaderGroupsCreateInfoNV}})) = VK_STRUCTURE_TYPE_GRAPHICS_PIPELINE_SHADER_GROUPS_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkIndirectCommandsLayoutTokenNV}, Type{_IndirectCommandsLayoutTokenNV}, Type{IndirectCommandsLayoutTokenNV}})) = VK_STRUCTURE_TYPE_INDIRECT_COMMANDS_LAYOUT_TOKEN_NV structure_type(@nospecialize(_::Union{Type{VkIndirectCommandsLayoutCreateInfoNV}, Type{_IndirectCommandsLayoutCreateInfoNV}, Type{IndirectCommandsLayoutCreateInfoNV}})) = VK_STRUCTURE_TYPE_INDIRECT_COMMANDS_LAYOUT_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkGeneratedCommandsInfoNV}, Type{_GeneratedCommandsInfoNV}, Type{GeneratedCommandsInfoNV}})) = VK_STRUCTURE_TYPE_GENERATED_COMMANDS_INFO_NV structure_type(@nospecialize(_::Union{Type{VkGeneratedCommandsMemoryRequirementsInfoNV}, Type{_GeneratedCommandsMemoryRequirementsInfoNV}, Type{GeneratedCommandsMemoryRequirementsInfoNV}})) = VK_STRUCTURE_TYPE_GENERATED_COMMANDS_MEMORY_REQUIREMENTS_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFeatures2}, Type{_PhysicalDeviceFeatures2}, Type{PhysicalDeviceFeatures2}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FEATURES_2 structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProperties2}, Type{_PhysicalDeviceProperties2}, Type{PhysicalDeviceProperties2}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PROPERTIES_2 structure_type(@nospecialize(_::Union{Type{VkFormatProperties2}, Type{_FormatProperties2}, Type{FormatProperties2}})) = VK_STRUCTURE_TYPE_FORMAT_PROPERTIES_2 structure_type(@nospecialize(_::Union{Type{VkImageFormatProperties2}, Type{_ImageFormatProperties2}, Type{ImageFormatProperties2}})) = VK_STRUCTURE_TYPE_IMAGE_FORMAT_PROPERTIES_2 structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageFormatInfo2}, Type{_PhysicalDeviceImageFormatInfo2}, Type{PhysicalDeviceImageFormatInfo2}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_FORMAT_INFO_2 structure_type(@nospecialize(_::Union{Type{VkQueueFamilyProperties2}, Type{_QueueFamilyProperties2}, Type{QueueFamilyProperties2}})) = VK_STRUCTURE_TYPE_QUEUE_FAMILY_PROPERTIES_2 structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryProperties2}, Type{_PhysicalDeviceMemoryProperties2}, Type{PhysicalDeviceMemoryProperties2}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_PROPERTIES_2 structure_type(@nospecialize(_::Union{Type{VkSparseImageFormatProperties2}, Type{_SparseImageFormatProperties2}, Type{SparseImageFormatProperties2}})) = VK_STRUCTURE_TYPE_SPARSE_IMAGE_FORMAT_PROPERTIES_2 structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSparseImageFormatInfo2}, Type{_PhysicalDeviceSparseImageFormatInfo2}, Type{PhysicalDeviceSparseImageFormatInfo2}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SPARSE_IMAGE_FORMAT_INFO_2 structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePushDescriptorPropertiesKHR}, Type{_PhysicalDevicePushDescriptorPropertiesKHR}, Type{PhysicalDevicePushDescriptorPropertiesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PUSH_DESCRIPTOR_PROPERTIES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDriverProperties}, Type{_PhysicalDeviceDriverProperties}, Type{PhysicalDeviceDriverProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DRIVER_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkPresentRegionsKHR}, Type{_PresentRegionsKHR}, Type{PresentRegionsKHR}})) = VK_STRUCTURE_TYPE_PRESENT_REGIONS_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVariablePointersFeatures}, Type{_PhysicalDeviceVariablePointersFeatures}, Type{PhysicalDeviceVariablePointersFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_VARIABLE_POINTERS_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalImageFormatInfo}, Type{_PhysicalDeviceExternalImageFormatInfo}, Type{PhysicalDeviceExternalImageFormatInfo}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_IMAGE_FORMAT_INFO structure_type(@nospecialize(_::Union{Type{VkExternalImageFormatProperties}, Type{_ExternalImageFormatProperties}, Type{ExternalImageFormatProperties}})) = VK_STRUCTURE_TYPE_EXTERNAL_IMAGE_FORMAT_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalBufferInfo}, Type{_PhysicalDeviceExternalBufferInfo}, Type{PhysicalDeviceExternalBufferInfo}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_BUFFER_INFO structure_type(@nospecialize(_::Union{Type{VkExternalBufferProperties}, Type{_ExternalBufferProperties}, Type{ExternalBufferProperties}})) = VK_STRUCTURE_TYPE_EXTERNAL_BUFFER_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceIDProperties}, Type{_PhysicalDeviceIDProperties}, Type{PhysicalDeviceIDProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_ID_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkExternalMemoryImageCreateInfo}, Type{_ExternalMemoryImageCreateInfo}, Type{ExternalMemoryImageCreateInfo}})) = VK_STRUCTURE_TYPE_EXTERNAL_MEMORY_IMAGE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkExternalMemoryBufferCreateInfo}, Type{_ExternalMemoryBufferCreateInfo}, Type{ExternalMemoryBufferCreateInfo}})) = VK_STRUCTURE_TYPE_EXTERNAL_MEMORY_BUFFER_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkExportMemoryAllocateInfo}, Type{_ExportMemoryAllocateInfo}, Type{ExportMemoryAllocateInfo}})) = VK_STRUCTURE_TYPE_EXPORT_MEMORY_ALLOCATE_INFO structure_type(@nospecialize(_::Union{Type{VkImportMemoryFdInfoKHR}, Type{_ImportMemoryFdInfoKHR}, Type{ImportMemoryFdInfoKHR}})) = VK_STRUCTURE_TYPE_IMPORT_MEMORY_FD_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkMemoryFdPropertiesKHR}, Type{_MemoryFdPropertiesKHR}, Type{MemoryFdPropertiesKHR}})) = VK_STRUCTURE_TYPE_MEMORY_FD_PROPERTIES_KHR structure_type(@nospecialize(_::Union{Type{VkMemoryGetFdInfoKHR}, Type{_MemoryGetFdInfoKHR}, Type{MemoryGetFdInfoKHR}})) = VK_STRUCTURE_TYPE_MEMORY_GET_FD_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalSemaphoreInfo}, Type{_PhysicalDeviceExternalSemaphoreInfo}, Type{PhysicalDeviceExternalSemaphoreInfo}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_SEMAPHORE_INFO structure_type(@nospecialize(_::Union{Type{VkExternalSemaphoreProperties}, Type{_ExternalSemaphoreProperties}, Type{ExternalSemaphoreProperties}})) = VK_STRUCTURE_TYPE_EXTERNAL_SEMAPHORE_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkExportSemaphoreCreateInfo}, Type{_ExportSemaphoreCreateInfo}, Type{ExportSemaphoreCreateInfo}})) = VK_STRUCTURE_TYPE_EXPORT_SEMAPHORE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkImportSemaphoreFdInfoKHR}, Type{_ImportSemaphoreFdInfoKHR}, Type{ImportSemaphoreFdInfoKHR}})) = VK_STRUCTURE_TYPE_IMPORT_SEMAPHORE_FD_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkSemaphoreGetFdInfoKHR}, Type{_SemaphoreGetFdInfoKHR}, Type{SemaphoreGetFdInfoKHR}})) = VK_STRUCTURE_TYPE_SEMAPHORE_GET_FD_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalFenceInfo}, Type{_PhysicalDeviceExternalFenceInfo}, Type{PhysicalDeviceExternalFenceInfo}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_FENCE_INFO structure_type(@nospecialize(_::Union{Type{VkExternalFenceProperties}, Type{_ExternalFenceProperties}, Type{ExternalFenceProperties}})) = VK_STRUCTURE_TYPE_EXTERNAL_FENCE_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkExportFenceCreateInfo}, Type{_ExportFenceCreateInfo}, Type{ExportFenceCreateInfo}})) = VK_STRUCTURE_TYPE_EXPORT_FENCE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkImportFenceFdInfoKHR}, Type{_ImportFenceFdInfoKHR}, Type{ImportFenceFdInfoKHR}})) = VK_STRUCTURE_TYPE_IMPORT_FENCE_FD_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkFenceGetFdInfoKHR}, Type{_FenceGetFdInfoKHR}, Type{FenceGetFdInfoKHR}})) = VK_STRUCTURE_TYPE_FENCE_GET_FD_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiviewFeatures}, Type{_PhysicalDeviceMultiviewFeatures}, Type{PhysicalDeviceMultiviewFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiviewProperties}, Type{_PhysicalDeviceMultiviewProperties}, Type{PhysicalDeviceMultiviewProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkRenderPassMultiviewCreateInfo}, Type{_RenderPassMultiviewCreateInfo}, Type{RenderPassMultiviewCreateInfo}})) = VK_STRUCTURE_TYPE_RENDER_PASS_MULTIVIEW_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkSurfaceCapabilities2EXT}, Type{_SurfaceCapabilities2EXT}, Type{SurfaceCapabilities2EXT}})) = VK_STRUCTURE_TYPE_SURFACE_CAPABILITIES_2_EXT structure_type(@nospecialize(_::Union{Type{VkDisplayPowerInfoEXT}, Type{_DisplayPowerInfoEXT}, Type{DisplayPowerInfoEXT}})) = VK_STRUCTURE_TYPE_DISPLAY_POWER_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkDeviceEventInfoEXT}, Type{_DeviceEventInfoEXT}, Type{DeviceEventInfoEXT}})) = VK_STRUCTURE_TYPE_DEVICE_EVENT_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkDisplayEventInfoEXT}, Type{_DisplayEventInfoEXT}, Type{DisplayEventInfoEXT}})) = VK_STRUCTURE_TYPE_DISPLAY_EVENT_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkSwapchainCounterCreateInfoEXT}, Type{_SwapchainCounterCreateInfoEXT}, Type{SwapchainCounterCreateInfoEXT}})) = VK_STRUCTURE_TYPE_SWAPCHAIN_COUNTER_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceGroupProperties}, Type{_PhysicalDeviceGroupProperties}, Type{PhysicalDeviceGroupProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_GROUP_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkMemoryAllocateFlagsInfo}, Type{_MemoryAllocateFlagsInfo}, Type{MemoryAllocateFlagsInfo}})) = VK_STRUCTURE_TYPE_MEMORY_ALLOCATE_FLAGS_INFO structure_type(@nospecialize(_::Union{Type{VkBindBufferMemoryInfo}, Type{_BindBufferMemoryInfo}, Type{BindBufferMemoryInfo}})) = VK_STRUCTURE_TYPE_BIND_BUFFER_MEMORY_INFO structure_type(@nospecialize(_::Union{Type{VkBindBufferMemoryDeviceGroupInfo}, Type{_BindBufferMemoryDeviceGroupInfo}, Type{BindBufferMemoryDeviceGroupInfo}})) = VK_STRUCTURE_TYPE_BIND_BUFFER_MEMORY_DEVICE_GROUP_INFO structure_type(@nospecialize(_::Union{Type{VkBindImageMemoryInfo}, Type{_BindImageMemoryInfo}, Type{BindImageMemoryInfo}})) = VK_STRUCTURE_TYPE_BIND_IMAGE_MEMORY_INFO structure_type(@nospecialize(_::Union{Type{VkBindImageMemoryDeviceGroupInfo}, Type{_BindImageMemoryDeviceGroupInfo}, Type{BindImageMemoryDeviceGroupInfo}})) = VK_STRUCTURE_TYPE_BIND_IMAGE_MEMORY_DEVICE_GROUP_INFO structure_type(@nospecialize(_::Union{Type{VkDeviceGroupRenderPassBeginInfo}, Type{_DeviceGroupRenderPassBeginInfo}, Type{DeviceGroupRenderPassBeginInfo}})) = VK_STRUCTURE_TYPE_DEVICE_GROUP_RENDER_PASS_BEGIN_INFO structure_type(@nospecialize(_::Union{Type{VkDeviceGroupCommandBufferBeginInfo}, Type{_DeviceGroupCommandBufferBeginInfo}, Type{DeviceGroupCommandBufferBeginInfo}})) = VK_STRUCTURE_TYPE_DEVICE_GROUP_COMMAND_BUFFER_BEGIN_INFO structure_type(@nospecialize(_::Union{Type{VkDeviceGroupSubmitInfo}, Type{_DeviceGroupSubmitInfo}, Type{DeviceGroupSubmitInfo}})) = VK_STRUCTURE_TYPE_DEVICE_GROUP_SUBMIT_INFO structure_type(@nospecialize(_::Union{Type{VkDeviceGroupBindSparseInfo}, Type{_DeviceGroupBindSparseInfo}, Type{DeviceGroupBindSparseInfo}})) = VK_STRUCTURE_TYPE_DEVICE_GROUP_BIND_SPARSE_INFO structure_type(@nospecialize(_::Union{Type{VkDeviceGroupPresentCapabilitiesKHR}, Type{_DeviceGroupPresentCapabilitiesKHR}, Type{DeviceGroupPresentCapabilitiesKHR}})) = VK_STRUCTURE_TYPE_DEVICE_GROUP_PRESENT_CAPABILITIES_KHR structure_type(@nospecialize(_::Union{Type{VkImageSwapchainCreateInfoKHR}, Type{_ImageSwapchainCreateInfoKHR}, Type{ImageSwapchainCreateInfoKHR}})) = VK_STRUCTURE_TYPE_IMAGE_SWAPCHAIN_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkBindImageMemorySwapchainInfoKHR}, Type{_BindImageMemorySwapchainInfoKHR}, Type{BindImageMemorySwapchainInfoKHR}})) = VK_STRUCTURE_TYPE_BIND_IMAGE_MEMORY_SWAPCHAIN_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkAcquireNextImageInfoKHR}, Type{_AcquireNextImageInfoKHR}, Type{AcquireNextImageInfoKHR}})) = VK_STRUCTURE_TYPE_ACQUIRE_NEXT_IMAGE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkDeviceGroupPresentInfoKHR}, Type{_DeviceGroupPresentInfoKHR}, Type{DeviceGroupPresentInfoKHR}})) = VK_STRUCTURE_TYPE_DEVICE_GROUP_PRESENT_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkDeviceGroupDeviceCreateInfo}, Type{_DeviceGroupDeviceCreateInfo}, Type{DeviceGroupDeviceCreateInfo}})) = VK_STRUCTURE_TYPE_DEVICE_GROUP_DEVICE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkDeviceGroupSwapchainCreateInfoKHR}, Type{_DeviceGroupSwapchainCreateInfoKHR}, Type{DeviceGroupSwapchainCreateInfoKHR}})) = VK_STRUCTURE_TYPE_DEVICE_GROUP_SWAPCHAIN_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkDescriptorUpdateTemplateCreateInfo}, Type{_DescriptorUpdateTemplateCreateInfo}, Type{DescriptorUpdateTemplateCreateInfo}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePresentIdFeaturesKHR}, Type{_PhysicalDevicePresentIdFeaturesKHR}, Type{PhysicalDevicePresentIdFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PRESENT_ID_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkPresentIdKHR}, Type{_PresentIdKHR}, Type{PresentIdKHR}})) = VK_STRUCTURE_TYPE_PRESENT_ID_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePresentWaitFeaturesKHR}, Type{_PhysicalDevicePresentWaitFeaturesKHR}, Type{PhysicalDevicePresentWaitFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PRESENT_WAIT_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkHdrMetadataEXT}, Type{_HdrMetadataEXT}, Type{HdrMetadataEXT}})) = VK_STRUCTURE_TYPE_HDR_METADATA_EXT structure_type(@nospecialize(_::Union{Type{VkDisplayNativeHdrSurfaceCapabilitiesAMD}, Type{_DisplayNativeHdrSurfaceCapabilitiesAMD}, Type{DisplayNativeHdrSurfaceCapabilitiesAMD}})) = VK_STRUCTURE_TYPE_DISPLAY_NATIVE_HDR_SURFACE_CAPABILITIES_AMD structure_type(@nospecialize(_::Union{Type{VkSwapchainDisplayNativeHdrCreateInfoAMD}, Type{_SwapchainDisplayNativeHdrCreateInfoAMD}, Type{SwapchainDisplayNativeHdrCreateInfoAMD}})) = VK_STRUCTURE_TYPE_SWAPCHAIN_DISPLAY_NATIVE_HDR_CREATE_INFO_AMD structure_type(@nospecialize(_::Union{Type{VkPresentTimesInfoGOOGLE}, Type{_PresentTimesInfoGOOGLE}, Type{PresentTimesInfoGOOGLE}})) = VK_STRUCTURE_TYPE_PRESENT_TIMES_INFO_GOOGLE structure_type(@nospecialize(_::Union{Type{VkPipelineViewportWScalingStateCreateInfoNV}, Type{_PipelineViewportWScalingStateCreateInfoNV}, Type{PipelineViewportWScalingStateCreateInfoNV}})) = VK_STRUCTURE_TYPE_PIPELINE_VIEWPORT_W_SCALING_STATE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPipelineViewportSwizzleStateCreateInfoNV}, Type{_PipelineViewportSwizzleStateCreateInfoNV}, Type{PipelineViewportSwizzleStateCreateInfoNV}})) = VK_STRUCTURE_TYPE_PIPELINE_VIEWPORT_SWIZZLE_STATE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDiscardRectanglePropertiesEXT}, Type{_PhysicalDeviceDiscardRectanglePropertiesEXT}, Type{PhysicalDeviceDiscardRectanglePropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DISCARD_RECTANGLE_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineDiscardRectangleStateCreateInfoEXT}, Type{_PipelineDiscardRectangleStateCreateInfoEXT}, Type{PipelineDiscardRectangleStateCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_DISCARD_RECTANGLE_STATE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX}, Type{_PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX}, Type{PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_PER_VIEW_ATTRIBUTES_PROPERTIES_NVX structure_type(@nospecialize(_::Union{Type{VkRenderPassInputAttachmentAspectCreateInfo}, Type{_RenderPassInputAttachmentAspectCreateInfo}, Type{RenderPassInputAttachmentAspectCreateInfo}})) = VK_STRUCTURE_TYPE_RENDER_PASS_INPUT_ATTACHMENT_ASPECT_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSurfaceInfo2KHR}, Type{_PhysicalDeviceSurfaceInfo2KHR}, Type{PhysicalDeviceSurfaceInfo2KHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SURFACE_INFO_2_KHR structure_type(@nospecialize(_::Union{Type{VkSurfaceCapabilities2KHR}, Type{_SurfaceCapabilities2KHR}, Type{SurfaceCapabilities2KHR}})) = VK_STRUCTURE_TYPE_SURFACE_CAPABILITIES_2_KHR structure_type(@nospecialize(_::Union{Type{VkSurfaceFormat2KHR}, Type{_SurfaceFormat2KHR}, Type{SurfaceFormat2KHR}})) = VK_STRUCTURE_TYPE_SURFACE_FORMAT_2_KHR structure_type(@nospecialize(_::Union{Type{VkDisplayProperties2KHR}, Type{_DisplayProperties2KHR}, Type{DisplayProperties2KHR}})) = VK_STRUCTURE_TYPE_DISPLAY_PROPERTIES_2_KHR structure_type(@nospecialize(_::Union{Type{VkDisplayPlaneProperties2KHR}, Type{_DisplayPlaneProperties2KHR}, Type{DisplayPlaneProperties2KHR}})) = VK_STRUCTURE_TYPE_DISPLAY_PLANE_PROPERTIES_2_KHR structure_type(@nospecialize(_::Union{Type{VkDisplayModeProperties2KHR}, Type{_DisplayModeProperties2KHR}, Type{DisplayModeProperties2KHR}})) = VK_STRUCTURE_TYPE_DISPLAY_MODE_PROPERTIES_2_KHR structure_type(@nospecialize(_::Union{Type{VkDisplayPlaneInfo2KHR}, Type{_DisplayPlaneInfo2KHR}, Type{DisplayPlaneInfo2KHR}})) = VK_STRUCTURE_TYPE_DISPLAY_PLANE_INFO_2_KHR structure_type(@nospecialize(_::Union{Type{VkDisplayPlaneCapabilities2KHR}, Type{_DisplayPlaneCapabilities2KHR}, Type{DisplayPlaneCapabilities2KHR}})) = VK_STRUCTURE_TYPE_DISPLAY_PLANE_CAPABILITIES_2_KHR structure_type(@nospecialize(_::Union{Type{VkSharedPresentSurfaceCapabilitiesKHR}, Type{_SharedPresentSurfaceCapabilitiesKHR}, Type{SharedPresentSurfaceCapabilitiesKHR}})) = VK_STRUCTURE_TYPE_SHARED_PRESENT_SURFACE_CAPABILITIES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDevice16BitStorageFeatures}, Type{_PhysicalDevice16BitStorageFeatures}, Type{PhysicalDevice16BitStorageFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_16BIT_STORAGE_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubgroupProperties}, Type{_PhysicalDeviceSubgroupProperties}, Type{PhysicalDeviceSubgroupProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures}, Type{_PhysicalDeviceShaderSubgroupExtendedTypesFeatures}, Type{PhysicalDeviceShaderSubgroupExtendedTypesFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SUBGROUP_EXTENDED_TYPES_FEATURES structure_type(@nospecialize(_::Union{Type{VkBufferMemoryRequirementsInfo2}, Type{_BufferMemoryRequirementsInfo2}, Type{BufferMemoryRequirementsInfo2}})) = VK_STRUCTURE_TYPE_BUFFER_MEMORY_REQUIREMENTS_INFO_2 structure_type(@nospecialize(_::Union{Type{VkDeviceBufferMemoryRequirements}, Type{_DeviceBufferMemoryRequirements}, Type{DeviceBufferMemoryRequirements}})) = VK_STRUCTURE_TYPE_DEVICE_BUFFER_MEMORY_REQUIREMENTS structure_type(@nospecialize(_::Union{Type{VkImageMemoryRequirementsInfo2}, Type{_ImageMemoryRequirementsInfo2}, Type{ImageMemoryRequirementsInfo2}})) = VK_STRUCTURE_TYPE_IMAGE_MEMORY_REQUIREMENTS_INFO_2 structure_type(@nospecialize(_::Union{Type{VkImageSparseMemoryRequirementsInfo2}, Type{_ImageSparseMemoryRequirementsInfo2}, Type{ImageSparseMemoryRequirementsInfo2}})) = VK_STRUCTURE_TYPE_IMAGE_SPARSE_MEMORY_REQUIREMENTS_INFO_2 structure_type(@nospecialize(_::Union{Type{VkDeviceImageMemoryRequirements}, Type{_DeviceImageMemoryRequirements}, Type{DeviceImageMemoryRequirements}})) = VK_STRUCTURE_TYPE_DEVICE_IMAGE_MEMORY_REQUIREMENTS structure_type(@nospecialize(_::Union{Type{VkMemoryRequirements2}, Type{_MemoryRequirements2}, Type{MemoryRequirements2}})) = VK_STRUCTURE_TYPE_MEMORY_REQUIREMENTS_2 structure_type(@nospecialize(_::Union{Type{VkSparseImageMemoryRequirements2}, Type{_SparseImageMemoryRequirements2}, Type{SparseImageMemoryRequirements2}})) = VK_STRUCTURE_TYPE_SPARSE_IMAGE_MEMORY_REQUIREMENTS_2 structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePointClippingProperties}, Type{_PhysicalDevicePointClippingProperties}, Type{PhysicalDevicePointClippingProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_POINT_CLIPPING_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkMemoryDedicatedRequirements}, Type{_MemoryDedicatedRequirements}, Type{MemoryDedicatedRequirements}})) = VK_STRUCTURE_TYPE_MEMORY_DEDICATED_REQUIREMENTS structure_type(@nospecialize(_::Union{Type{VkMemoryDedicatedAllocateInfo}, Type{_MemoryDedicatedAllocateInfo}, Type{MemoryDedicatedAllocateInfo}})) = VK_STRUCTURE_TYPE_MEMORY_DEDICATED_ALLOCATE_INFO structure_type(@nospecialize(_::Union{Type{VkImageViewUsageCreateInfo}, Type{_ImageViewUsageCreateInfo}, Type{ImageViewUsageCreateInfo}})) = VK_STRUCTURE_TYPE_IMAGE_VIEW_USAGE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineTessellationDomainOriginStateCreateInfo}, Type{_PipelineTessellationDomainOriginStateCreateInfo}, Type{PipelineTessellationDomainOriginStateCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_TESSELLATION_DOMAIN_ORIGIN_STATE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkSamplerYcbcrConversionInfo}, Type{_SamplerYcbcrConversionInfo}, Type{SamplerYcbcrConversionInfo}})) = VK_STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_INFO structure_type(@nospecialize(_::Union{Type{VkSamplerYcbcrConversionCreateInfo}, Type{_SamplerYcbcrConversionCreateInfo}, Type{SamplerYcbcrConversionCreateInfo}})) = VK_STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkBindImagePlaneMemoryInfo}, Type{_BindImagePlaneMemoryInfo}, Type{BindImagePlaneMemoryInfo}})) = VK_STRUCTURE_TYPE_BIND_IMAGE_PLANE_MEMORY_INFO structure_type(@nospecialize(_::Union{Type{VkImagePlaneMemoryRequirementsInfo}, Type{_ImagePlaneMemoryRequirementsInfo}, Type{ImagePlaneMemoryRequirementsInfo}})) = VK_STRUCTURE_TYPE_IMAGE_PLANE_MEMORY_REQUIREMENTS_INFO structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSamplerYcbcrConversionFeatures}, Type{_PhysicalDeviceSamplerYcbcrConversionFeatures}, Type{PhysicalDeviceSamplerYcbcrConversionFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLER_YCBCR_CONVERSION_FEATURES structure_type(@nospecialize(_::Union{Type{VkSamplerYcbcrConversionImageFormatProperties}, Type{_SamplerYcbcrConversionImageFormatProperties}, Type{SamplerYcbcrConversionImageFormatProperties}})) = VK_STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_IMAGE_FORMAT_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkTextureLODGatherFormatPropertiesAMD}, Type{_TextureLODGatherFormatPropertiesAMD}, Type{TextureLODGatherFormatPropertiesAMD}})) = VK_STRUCTURE_TYPE_TEXTURE_LOD_GATHER_FORMAT_PROPERTIES_AMD structure_type(@nospecialize(_::Union{Type{VkConditionalRenderingBeginInfoEXT}, Type{_ConditionalRenderingBeginInfoEXT}, Type{ConditionalRenderingBeginInfoEXT}})) = VK_STRUCTURE_TYPE_CONDITIONAL_RENDERING_BEGIN_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkProtectedSubmitInfo}, Type{_ProtectedSubmitInfo}, Type{ProtectedSubmitInfo}})) = VK_STRUCTURE_TYPE_PROTECTED_SUBMIT_INFO structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProtectedMemoryFeatures}, Type{_PhysicalDeviceProtectedMemoryFeatures}, Type{PhysicalDeviceProtectedMemoryFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PROTECTED_MEMORY_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProtectedMemoryProperties}, Type{_PhysicalDeviceProtectedMemoryProperties}, Type{PhysicalDeviceProtectedMemoryProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PROTECTED_MEMORY_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkDeviceQueueInfo2}, Type{_DeviceQueueInfo2}, Type{DeviceQueueInfo2}})) = VK_STRUCTURE_TYPE_DEVICE_QUEUE_INFO_2 structure_type(@nospecialize(_::Union{Type{VkPipelineCoverageToColorStateCreateInfoNV}, Type{_PipelineCoverageToColorStateCreateInfoNV}, Type{PipelineCoverageToColorStateCreateInfoNV}})) = VK_STRUCTURE_TYPE_PIPELINE_COVERAGE_TO_COLOR_STATE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSamplerFilterMinmaxProperties}, Type{_PhysicalDeviceSamplerFilterMinmaxProperties}, Type{PhysicalDeviceSamplerFilterMinmaxProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLER_FILTER_MINMAX_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkSampleLocationsInfoEXT}, Type{_SampleLocationsInfoEXT}, Type{SampleLocationsInfoEXT}})) = VK_STRUCTURE_TYPE_SAMPLE_LOCATIONS_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkRenderPassSampleLocationsBeginInfoEXT}, Type{_RenderPassSampleLocationsBeginInfoEXT}, Type{RenderPassSampleLocationsBeginInfoEXT}})) = VK_STRUCTURE_TYPE_RENDER_PASS_SAMPLE_LOCATIONS_BEGIN_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineSampleLocationsStateCreateInfoEXT}, Type{_PipelineSampleLocationsStateCreateInfoEXT}, Type{PipelineSampleLocationsStateCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_SAMPLE_LOCATIONS_STATE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSampleLocationsPropertiesEXT}, Type{_PhysicalDeviceSampleLocationsPropertiesEXT}, Type{PhysicalDeviceSampleLocationsPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLE_LOCATIONS_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkMultisamplePropertiesEXT}, Type{_MultisamplePropertiesEXT}, Type{MultisamplePropertiesEXT}})) = VK_STRUCTURE_TYPE_MULTISAMPLE_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkSamplerReductionModeCreateInfo}, Type{_SamplerReductionModeCreateInfo}, Type{SamplerReductionModeCreateInfo}})) = VK_STRUCTURE_TYPE_SAMPLER_REDUCTION_MODE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT}, Type{_PhysicalDeviceBlendOperationAdvancedFeaturesEXT}, Type{PhysicalDeviceBlendOperationAdvancedFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_BLEND_OPERATION_ADVANCED_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiDrawFeaturesEXT}, Type{_PhysicalDeviceMultiDrawFeaturesEXT}, Type{PhysicalDeviceMultiDrawFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTI_DRAW_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT}, Type{_PhysicalDeviceBlendOperationAdvancedPropertiesEXT}, Type{PhysicalDeviceBlendOperationAdvancedPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_BLEND_OPERATION_ADVANCED_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineColorBlendAdvancedStateCreateInfoEXT}, Type{_PipelineColorBlendAdvancedStateCreateInfoEXT}, Type{PipelineColorBlendAdvancedStateCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_COLOR_BLEND_ADVANCED_STATE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceInlineUniformBlockFeatures}, Type{_PhysicalDeviceInlineUniformBlockFeatures}, Type{PhysicalDeviceInlineUniformBlockFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_INLINE_UNIFORM_BLOCK_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceInlineUniformBlockProperties}, Type{_PhysicalDeviceInlineUniformBlockProperties}, Type{PhysicalDeviceInlineUniformBlockProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_INLINE_UNIFORM_BLOCK_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkWriteDescriptorSetInlineUniformBlock}, Type{_WriteDescriptorSetInlineUniformBlock}, Type{WriteDescriptorSetInlineUniformBlock}})) = VK_STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET_INLINE_UNIFORM_BLOCK structure_type(@nospecialize(_::Union{Type{VkDescriptorPoolInlineUniformBlockCreateInfo}, Type{_DescriptorPoolInlineUniformBlockCreateInfo}, Type{DescriptorPoolInlineUniformBlockCreateInfo}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_POOL_INLINE_UNIFORM_BLOCK_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineCoverageModulationStateCreateInfoNV}, Type{_PipelineCoverageModulationStateCreateInfoNV}, Type{PipelineCoverageModulationStateCreateInfoNV}})) = VK_STRUCTURE_TYPE_PIPELINE_COVERAGE_MODULATION_STATE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkImageFormatListCreateInfo}, Type{_ImageFormatListCreateInfo}, Type{ImageFormatListCreateInfo}})) = VK_STRUCTURE_TYPE_IMAGE_FORMAT_LIST_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkValidationCacheCreateInfoEXT}, Type{_ValidationCacheCreateInfoEXT}, Type{ValidationCacheCreateInfoEXT}})) = VK_STRUCTURE_TYPE_VALIDATION_CACHE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkShaderModuleValidationCacheCreateInfoEXT}, Type{_ShaderModuleValidationCacheCreateInfoEXT}, Type{ShaderModuleValidationCacheCreateInfoEXT}})) = VK_STRUCTURE_TYPE_SHADER_MODULE_VALIDATION_CACHE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMaintenance3Properties}, Type{_PhysicalDeviceMaintenance3Properties}, Type{PhysicalDeviceMaintenance3Properties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_3_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMaintenance4Features}, Type{_PhysicalDeviceMaintenance4Features}, Type{PhysicalDeviceMaintenance4Features}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_4_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMaintenance4Properties}, Type{_PhysicalDeviceMaintenance4Properties}, Type{PhysicalDeviceMaintenance4Properties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_4_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutSupport}, Type{_DescriptorSetLayoutSupport}, Type{DescriptorSetLayoutSupport}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_SUPPORT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderDrawParametersFeatures}, Type{_PhysicalDeviceShaderDrawParametersFeatures}, Type{PhysicalDeviceShaderDrawParametersFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_DRAW_PARAMETERS_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderFloat16Int8Features}, Type{_PhysicalDeviceShaderFloat16Int8Features}, Type{PhysicalDeviceShaderFloat16Int8Features}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_FLOAT16_INT8_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFloatControlsProperties}, Type{_PhysicalDeviceFloatControlsProperties}, Type{PhysicalDeviceFloatControlsProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FLOAT_CONTROLS_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceHostQueryResetFeatures}, Type{_PhysicalDeviceHostQueryResetFeatures}, Type{PhysicalDeviceHostQueryResetFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_HOST_QUERY_RESET_FEATURES structure_type(@nospecialize(_::Union{Type{VkDeviceQueueGlobalPriorityCreateInfoKHR}, Type{_DeviceQueueGlobalPriorityCreateInfoKHR}, Type{DeviceQueueGlobalPriorityCreateInfoKHR}})) = VK_STRUCTURE_TYPE_DEVICE_QUEUE_GLOBAL_PRIORITY_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR}, Type{_PhysicalDeviceGlobalPriorityQueryFeaturesKHR}, Type{PhysicalDeviceGlobalPriorityQueryFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_GLOBAL_PRIORITY_QUERY_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkQueueFamilyGlobalPriorityPropertiesKHR}, Type{_QueueFamilyGlobalPriorityPropertiesKHR}, Type{QueueFamilyGlobalPriorityPropertiesKHR}})) = VK_STRUCTURE_TYPE_QUEUE_FAMILY_GLOBAL_PRIORITY_PROPERTIES_KHR structure_type(@nospecialize(_::Union{Type{VkDebugUtilsObjectNameInfoEXT}, Type{_DebugUtilsObjectNameInfoEXT}, Type{DebugUtilsObjectNameInfoEXT}})) = VK_STRUCTURE_TYPE_DEBUG_UTILS_OBJECT_NAME_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkDebugUtilsObjectTagInfoEXT}, Type{_DebugUtilsObjectTagInfoEXT}, Type{DebugUtilsObjectTagInfoEXT}})) = VK_STRUCTURE_TYPE_DEBUG_UTILS_OBJECT_TAG_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkDebugUtilsLabelEXT}, Type{_DebugUtilsLabelEXT}, Type{DebugUtilsLabelEXT}})) = VK_STRUCTURE_TYPE_DEBUG_UTILS_LABEL_EXT structure_type(@nospecialize(_::Union{Type{VkDebugUtilsMessengerCreateInfoEXT}, Type{_DebugUtilsMessengerCreateInfoEXT}, Type{DebugUtilsMessengerCreateInfoEXT}})) = VK_STRUCTURE_TYPE_DEBUG_UTILS_MESSENGER_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkDebugUtilsMessengerCallbackDataEXT}, Type{_DebugUtilsMessengerCallbackDataEXT}, Type{DebugUtilsMessengerCallbackDataEXT}})) = VK_STRUCTURE_TYPE_DEBUG_UTILS_MESSENGER_CALLBACK_DATA_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDeviceMemoryReportFeaturesEXT}, Type{_PhysicalDeviceDeviceMemoryReportFeaturesEXT}, Type{PhysicalDeviceDeviceMemoryReportFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DEVICE_MEMORY_REPORT_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkDeviceDeviceMemoryReportCreateInfoEXT}, Type{_DeviceDeviceMemoryReportCreateInfoEXT}, Type{DeviceDeviceMemoryReportCreateInfoEXT}})) = VK_STRUCTURE_TYPE_DEVICE_DEVICE_MEMORY_REPORT_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkDeviceMemoryReportCallbackDataEXT}, Type{_DeviceMemoryReportCallbackDataEXT}, Type{DeviceMemoryReportCallbackDataEXT}})) = VK_STRUCTURE_TYPE_DEVICE_MEMORY_REPORT_CALLBACK_DATA_EXT structure_type(@nospecialize(_::Union{Type{VkImportMemoryHostPointerInfoEXT}, Type{_ImportMemoryHostPointerInfoEXT}, Type{ImportMemoryHostPointerInfoEXT}})) = VK_STRUCTURE_TYPE_IMPORT_MEMORY_HOST_POINTER_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkMemoryHostPointerPropertiesEXT}, Type{_MemoryHostPointerPropertiesEXT}, Type{MemoryHostPointerPropertiesEXT}})) = VK_STRUCTURE_TYPE_MEMORY_HOST_POINTER_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalMemoryHostPropertiesEXT}, Type{_PhysicalDeviceExternalMemoryHostPropertiesEXT}, Type{PhysicalDeviceExternalMemoryHostPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_MEMORY_HOST_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceConservativeRasterizationPropertiesEXT}, Type{_PhysicalDeviceConservativeRasterizationPropertiesEXT}, Type{PhysicalDeviceConservativeRasterizationPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_CONSERVATIVE_RASTERIZATION_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkCalibratedTimestampInfoEXT}, Type{_CalibratedTimestampInfoEXT}, Type{CalibratedTimestampInfoEXT}})) = VK_STRUCTURE_TYPE_CALIBRATED_TIMESTAMP_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderCorePropertiesAMD}, Type{_PhysicalDeviceShaderCorePropertiesAMD}, Type{PhysicalDeviceShaderCorePropertiesAMD}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CORE_PROPERTIES_AMD structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderCoreProperties2AMD}, Type{_PhysicalDeviceShaderCoreProperties2AMD}, Type{PhysicalDeviceShaderCoreProperties2AMD}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CORE_PROPERTIES_2_AMD structure_type(@nospecialize(_::Union{Type{VkPipelineRasterizationConservativeStateCreateInfoEXT}, Type{_PipelineRasterizationConservativeStateCreateInfoEXT}, Type{PipelineRasterizationConservativeStateCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_RASTERIZATION_CONSERVATIVE_STATE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorIndexingFeatures}, Type{_PhysicalDeviceDescriptorIndexingFeatures}, Type{PhysicalDeviceDescriptorIndexingFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_INDEXING_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorIndexingProperties}, Type{_PhysicalDeviceDescriptorIndexingProperties}, Type{PhysicalDeviceDescriptorIndexingProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_INDEXING_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutBindingFlagsCreateInfo}, Type{_DescriptorSetLayoutBindingFlagsCreateInfo}, Type{DescriptorSetLayoutBindingFlagsCreateInfo}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_BINDING_FLAGS_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkDescriptorSetVariableDescriptorCountAllocateInfo}, Type{_DescriptorSetVariableDescriptorCountAllocateInfo}, Type{DescriptorSetVariableDescriptorCountAllocateInfo}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_SET_VARIABLE_DESCRIPTOR_COUNT_ALLOCATE_INFO structure_type(@nospecialize(_::Union{Type{VkDescriptorSetVariableDescriptorCountLayoutSupport}, Type{_DescriptorSetVariableDescriptorCountLayoutSupport}, Type{DescriptorSetVariableDescriptorCountLayoutSupport}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_SET_VARIABLE_DESCRIPTOR_COUNT_LAYOUT_SUPPORT structure_type(@nospecialize(_::Union{Type{VkAttachmentDescription2}, Type{_AttachmentDescription2}, Type{AttachmentDescription2}})) = VK_STRUCTURE_TYPE_ATTACHMENT_DESCRIPTION_2 structure_type(@nospecialize(_::Union{Type{VkAttachmentReference2}, Type{_AttachmentReference2}, Type{AttachmentReference2}})) = VK_STRUCTURE_TYPE_ATTACHMENT_REFERENCE_2 structure_type(@nospecialize(_::Union{Type{VkSubpassDescription2}, Type{_SubpassDescription2}, Type{SubpassDescription2}})) = VK_STRUCTURE_TYPE_SUBPASS_DESCRIPTION_2 structure_type(@nospecialize(_::Union{Type{VkSubpassDependency2}, Type{_SubpassDependency2}, Type{SubpassDependency2}})) = VK_STRUCTURE_TYPE_SUBPASS_DEPENDENCY_2 structure_type(@nospecialize(_::Union{Type{VkRenderPassCreateInfo2}, Type{_RenderPassCreateInfo2}, Type{RenderPassCreateInfo2}})) = VK_STRUCTURE_TYPE_RENDER_PASS_CREATE_INFO_2 structure_type(@nospecialize(_::Union{Type{VkSubpassBeginInfo}, Type{_SubpassBeginInfo}, Type{SubpassBeginInfo}})) = VK_STRUCTURE_TYPE_SUBPASS_BEGIN_INFO structure_type(@nospecialize(_::Union{Type{VkSubpassEndInfo}, Type{_SubpassEndInfo}, Type{SubpassEndInfo}})) = VK_STRUCTURE_TYPE_SUBPASS_END_INFO structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTimelineSemaphoreFeatures}, Type{_PhysicalDeviceTimelineSemaphoreFeatures}, Type{PhysicalDeviceTimelineSemaphoreFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_TIMELINE_SEMAPHORE_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTimelineSemaphoreProperties}, Type{_PhysicalDeviceTimelineSemaphoreProperties}, Type{PhysicalDeviceTimelineSemaphoreProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_TIMELINE_SEMAPHORE_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkSemaphoreTypeCreateInfo}, Type{_SemaphoreTypeCreateInfo}, Type{SemaphoreTypeCreateInfo}})) = VK_STRUCTURE_TYPE_SEMAPHORE_TYPE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkTimelineSemaphoreSubmitInfo}, Type{_TimelineSemaphoreSubmitInfo}, Type{TimelineSemaphoreSubmitInfo}})) = VK_STRUCTURE_TYPE_TIMELINE_SEMAPHORE_SUBMIT_INFO structure_type(@nospecialize(_::Union{Type{VkSemaphoreWaitInfo}, Type{_SemaphoreWaitInfo}, Type{SemaphoreWaitInfo}})) = VK_STRUCTURE_TYPE_SEMAPHORE_WAIT_INFO structure_type(@nospecialize(_::Union{Type{VkSemaphoreSignalInfo}, Type{_SemaphoreSignalInfo}, Type{SemaphoreSignalInfo}})) = VK_STRUCTURE_TYPE_SEMAPHORE_SIGNAL_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineVertexInputDivisorStateCreateInfoEXT}, Type{_PipelineVertexInputDivisorStateCreateInfoEXT}, Type{PipelineVertexInputDivisorStateCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_VERTEX_INPUT_DIVISOR_STATE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT}, Type{_PhysicalDeviceVertexAttributeDivisorPropertiesEXT}, Type{PhysicalDeviceVertexAttributeDivisorPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_VERTEX_ATTRIBUTE_DIVISOR_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePCIBusInfoPropertiesEXT}, Type{_PhysicalDevicePCIBusInfoPropertiesEXT}, Type{PhysicalDevicePCIBusInfoPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PCI_BUS_INFO_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceConditionalRenderingInfoEXT}, Type{_CommandBufferInheritanceConditionalRenderingInfoEXT}, Type{CommandBufferInheritanceConditionalRenderingInfoEXT}})) = VK_STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_CONDITIONAL_RENDERING_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDevice8BitStorageFeatures}, Type{_PhysicalDevice8BitStorageFeatures}, Type{PhysicalDevice8BitStorageFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_8BIT_STORAGE_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceConditionalRenderingFeaturesEXT}, Type{_PhysicalDeviceConditionalRenderingFeaturesEXT}, Type{PhysicalDeviceConditionalRenderingFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_CONDITIONAL_RENDERING_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkanMemoryModelFeatures}, Type{_PhysicalDeviceVulkanMemoryModelFeatures}, Type{PhysicalDeviceVulkanMemoryModelFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_MEMORY_MODEL_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderAtomicInt64Features}, Type{_PhysicalDeviceShaderAtomicInt64Features}, Type{PhysicalDeviceShaderAtomicInt64Features}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_ATOMIC_INT64_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderAtomicFloatFeaturesEXT}, Type{_PhysicalDeviceShaderAtomicFloatFeaturesEXT}, Type{PhysicalDeviceShaderAtomicFloatFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_ATOMIC_FLOAT_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT}, Type{_PhysicalDeviceShaderAtomicFloat2FeaturesEXT}, Type{PhysicalDeviceShaderAtomicFloat2FeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_ATOMIC_FLOAT_2_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT}, Type{_PhysicalDeviceVertexAttributeDivisorFeaturesEXT}, Type{PhysicalDeviceVertexAttributeDivisorFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_VERTEX_ATTRIBUTE_DIVISOR_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkQueueFamilyCheckpointPropertiesNV}, Type{_QueueFamilyCheckpointPropertiesNV}, Type{QueueFamilyCheckpointPropertiesNV}})) = VK_STRUCTURE_TYPE_QUEUE_FAMILY_CHECKPOINT_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkCheckpointDataNV}, Type{_CheckpointDataNV}, Type{CheckpointDataNV}})) = VK_STRUCTURE_TYPE_CHECKPOINT_DATA_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDepthStencilResolveProperties}, Type{_PhysicalDeviceDepthStencilResolveProperties}, Type{PhysicalDeviceDepthStencilResolveProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_STENCIL_RESOLVE_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkSubpassDescriptionDepthStencilResolve}, Type{_SubpassDescriptionDepthStencilResolve}, Type{SubpassDescriptionDepthStencilResolve}})) = VK_STRUCTURE_TYPE_SUBPASS_DESCRIPTION_DEPTH_STENCIL_RESOLVE structure_type(@nospecialize(_::Union{Type{VkImageViewASTCDecodeModeEXT}, Type{_ImageViewASTCDecodeModeEXT}, Type{ImageViewASTCDecodeModeEXT}})) = VK_STRUCTURE_TYPE_IMAGE_VIEW_ASTC_DECODE_MODE_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceASTCDecodeFeaturesEXT}, Type{_PhysicalDeviceASTCDecodeFeaturesEXT}, Type{PhysicalDeviceASTCDecodeFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_ASTC_DECODE_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTransformFeedbackFeaturesEXT}, Type{_PhysicalDeviceTransformFeedbackFeaturesEXT}, Type{PhysicalDeviceTransformFeedbackFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_TRANSFORM_FEEDBACK_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTransformFeedbackPropertiesEXT}, Type{_PhysicalDeviceTransformFeedbackPropertiesEXT}, Type{PhysicalDeviceTransformFeedbackPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_TRANSFORM_FEEDBACK_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineRasterizationStateStreamCreateInfoEXT}, Type{_PipelineRasterizationStateStreamCreateInfoEXT}, Type{PipelineRasterizationStateStreamCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_RASTERIZATION_STATE_STREAM_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV}, Type{_PhysicalDeviceRepresentativeFragmentTestFeaturesNV}, Type{PhysicalDeviceRepresentativeFragmentTestFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_REPRESENTATIVE_FRAGMENT_TEST_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPipelineRepresentativeFragmentTestStateCreateInfoNV}, Type{_PipelineRepresentativeFragmentTestStateCreateInfoNV}, Type{PipelineRepresentativeFragmentTestStateCreateInfoNV}})) = VK_STRUCTURE_TYPE_PIPELINE_REPRESENTATIVE_FRAGMENT_TEST_STATE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExclusiveScissorFeaturesNV}, Type{_PhysicalDeviceExclusiveScissorFeaturesNV}, Type{PhysicalDeviceExclusiveScissorFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_EXCLUSIVE_SCISSOR_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPipelineViewportExclusiveScissorStateCreateInfoNV}, Type{_PipelineViewportExclusiveScissorStateCreateInfoNV}, Type{PipelineViewportExclusiveScissorStateCreateInfoNV}})) = VK_STRUCTURE_TYPE_PIPELINE_VIEWPORT_EXCLUSIVE_SCISSOR_STATE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCornerSampledImageFeaturesNV}, Type{_PhysicalDeviceCornerSampledImageFeaturesNV}, Type{PhysicalDeviceCornerSampledImageFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_CORNER_SAMPLED_IMAGE_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceComputeShaderDerivativesFeaturesNV}, Type{_PhysicalDeviceComputeShaderDerivativesFeaturesNV}, Type{PhysicalDeviceComputeShaderDerivativesFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_COMPUTE_SHADER_DERIVATIVES_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderImageFootprintFeaturesNV}, Type{_PhysicalDeviceShaderImageFootprintFeaturesNV}, Type{PhysicalDeviceShaderImageFootprintFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_IMAGE_FOOTPRINT_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV}, Type{_PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV}, Type{PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DEDICATED_ALLOCATION_IMAGE_ALIASING_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCopyMemoryIndirectFeaturesNV}, Type{_PhysicalDeviceCopyMemoryIndirectFeaturesNV}, Type{PhysicalDeviceCopyMemoryIndirectFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_COPY_MEMORY_INDIRECT_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCopyMemoryIndirectPropertiesNV}, Type{_PhysicalDeviceCopyMemoryIndirectPropertiesNV}, Type{PhysicalDeviceCopyMemoryIndirectPropertiesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_COPY_MEMORY_INDIRECT_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryDecompressionFeaturesNV}, Type{_PhysicalDeviceMemoryDecompressionFeaturesNV}, Type{PhysicalDeviceMemoryDecompressionFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_DECOMPRESSION_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryDecompressionPropertiesNV}, Type{_PhysicalDeviceMemoryDecompressionPropertiesNV}, Type{PhysicalDeviceMemoryDecompressionPropertiesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_DECOMPRESSION_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkPipelineViewportShadingRateImageStateCreateInfoNV}, Type{_PipelineViewportShadingRateImageStateCreateInfoNV}, Type{PipelineViewportShadingRateImageStateCreateInfoNV}})) = VK_STRUCTURE_TYPE_PIPELINE_VIEWPORT_SHADING_RATE_IMAGE_STATE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShadingRateImageFeaturesNV}, Type{_PhysicalDeviceShadingRateImageFeaturesNV}, Type{PhysicalDeviceShadingRateImageFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADING_RATE_IMAGE_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShadingRateImagePropertiesNV}, Type{_PhysicalDeviceShadingRateImagePropertiesNV}, Type{PhysicalDeviceShadingRateImagePropertiesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADING_RATE_IMAGE_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceInvocationMaskFeaturesHUAWEI}, Type{_PhysicalDeviceInvocationMaskFeaturesHUAWEI}, Type{PhysicalDeviceInvocationMaskFeaturesHUAWEI}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_INVOCATION_MASK_FEATURES_HUAWEI structure_type(@nospecialize(_::Union{Type{VkPipelineViewportCoarseSampleOrderStateCreateInfoNV}, Type{_PipelineViewportCoarseSampleOrderStateCreateInfoNV}, Type{PipelineViewportCoarseSampleOrderStateCreateInfoNV}})) = VK_STRUCTURE_TYPE_PIPELINE_VIEWPORT_COARSE_SAMPLE_ORDER_STATE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMeshShaderFeaturesNV}, Type{_PhysicalDeviceMeshShaderFeaturesNV}, Type{PhysicalDeviceMeshShaderFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MESH_SHADER_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMeshShaderPropertiesNV}, Type{_PhysicalDeviceMeshShaderPropertiesNV}, Type{PhysicalDeviceMeshShaderPropertiesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MESH_SHADER_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMeshShaderFeaturesEXT}, Type{_PhysicalDeviceMeshShaderFeaturesEXT}, Type{PhysicalDeviceMeshShaderFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MESH_SHADER_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMeshShaderPropertiesEXT}, Type{_PhysicalDeviceMeshShaderPropertiesEXT}, Type{PhysicalDeviceMeshShaderPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MESH_SHADER_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkRayTracingShaderGroupCreateInfoNV}, Type{_RayTracingShaderGroupCreateInfoNV}, Type{RayTracingShaderGroupCreateInfoNV}})) = VK_STRUCTURE_TYPE_RAY_TRACING_SHADER_GROUP_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkRayTracingShaderGroupCreateInfoKHR}, Type{_RayTracingShaderGroupCreateInfoKHR}, Type{RayTracingShaderGroupCreateInfoKHR}})) = VK_STRUCTURE_TYPE_RAY_TRACING_SHADER_GROUP_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkRayTracingPipelineCreateInfoNV}, Type{_RayTracingPipelineCreateInfoNV}, Type{RayTracingPipelineCreateInfoNV}})) = VK_STRUCTURE_TYPE_RAY_TRACING_PIPELINE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkRayTracingPipelineCreateInfoKHR}, Type{_RayTracingPipelineCreateInfoKHR}, Type{RayTracingPipelineCreateInfoKHR}})) = VK_STRUCTURE_TYPE_RAY_TRACING_PIPELINE_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkGeometryTrianglesNV}, Type{_GeometryTrianglesNV}, Type{GeometryTrianglesNV}})) = VK_STRUCTURE_TYPE_GEOMETRY_TRIANGLES_NV structure_type(@nospecialize(_::Union{Type{VkGeometryAABBNV}, Type{_GeometryAABBNV}, Type{GeometryAABBNV}})) = VK_STRUCTURE_TYPE_GEOMETRY_AABB_NV structure_type(@nospecialize(_::Union{Type{VkGeometryNV}, Type{_GeometryNV}, Type{GeometryNV}})) = VK_STRUCTURE_TYPE_GEOMETRY_NV structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureInfoNV}, Type{_AccelerationStructureInfoNV}, Type{AccelerationStructureInfoNV}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureCreateInfoNV}, Type{_AccelerationStructureCreateInfoNV}, Type{AccelerationStructureCreateInfoNV}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkBindAccelerationStructureMemoryInfoNV}, Type{_BindAccelerationStructureMemoryInfoNV}, Type{BindAccelerationStructureMemoryInfoNV}})) = VK_STRUCTURE_TYPE_BIND_ACCELERATION_STRUCTURE_MEMORY_INFO_NV structure_type(@nospecialize(_::Union{Type{VkWriteDescriptorSetAccelerationStructureKHR}, Type{_WriteDescriptorSetAccelerationStructureKHR}, Type{WriteDescriptorSetAccelerationStructureKHR}})) = VK_STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET_ACCELERATION_STRUCTURE_KHR structure_type(@nospecialize(_::Union{Type{VkWriteDescriptorSetAccelerationStructureNV}, Type{_WriteDescriptorSetAccelerationStructureNV}, Type{WriteDescriptorSetAccelerationStructureNV}})) = VK_STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET_ACCELERATION_STRUCTURE_NV structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureMemoryRequirementsInfoNV}, Type{_AccelerationStructureMemoryRequirementsInfoNV}, Type{AccelerationStructureMemoryRequirementsInfoNV}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_MEMORY_REQUIREMENTS_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAccelerationStructureFeaturesKHR}, Type{_PhysicalDeviceAccelerationStructureFeaturesKHR}, Type{PhysicalDeviceAccelerationStructureFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_ACCELERATION_STRUCTURE_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingPipelineFeaturesKHR}, Type{_PhysicalDeviceRayTracingPipelineFeaturesKHR}, Type{PhysicalDeviceRayTracingPipelineFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_PIPELINE_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayQueryFeaturesKHR}, Type{_PhysicalDeviceRayQueryFeaturesKHR}, Type{PhysicalDeviceRayQueryFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_QUERY_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAccelerationStructurePropertiesKHR}, Type{_PhysicalDeviceAccelerationStructurePropertiesKHR}, Type{PhysicalDeviceAccelerationStructurePropertiesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_ACCELERATION_STRUCTURE_PROPERTIES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingPipelinePropertiesKHR}, Type{_PhysicalDeviceRayTracingPipelinePropertiesKHR}, Type{PhysicalDeviceRayTracingPipelinePropertiesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_PIPELINE_PROPERTIES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingPropertiesNV}, Type{_PhysicalDeviceRayTracingPropertiesNV}, Type{PhysicalDeviceRayTracingPropertiesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR}, Type{_PhysicalDeviceRayTracingMaintenance1FeaturesKHR}, Type{PhysicalDeviceRayTracingMaintenance1FeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_MAINTENANCE_1_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkDrmFormatModifierPropertiesListEXT}, Type{_DrmFormatModifierPropertiesListEXT}, Type{DrmFormatModifierPropertiesListEXT}})) = VK_STRUCTURE_TYPE_DRM_FORMAT_MODIFIER_PROPERTIES_LIST_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageDrmFormatModifierInfoEXT}, Type{_PhysicalDeviceImageDrmFormatModifierInfoEXT}, Type{PhysicalDeviceImageDrmFormatModifierInfoEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_DRM_FORMAT_MODIFIER_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkImageDrmFormatModifierListCreateInfoEXT}, Type{_ImageDrmFormatModifierListCreateInfoEXT}, Type{ImageDrmFormatModifierListCreateInfoEXT}})) = VK_STRUCTURE_TYPE_IMAGE_DRM_FORMAT_MODIFIER_LIST_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkImageDrmFormatModifierExplicitCreateInfoEXT}, Type{_ImageDrmFormatModifierExplicitCreateInfoEXT}, Type{ImageDrmFormatModifierExplicitCreateInfoEXT}})) = VK_STRUCTURE_TYPE_IMAGE_DRM_FORMAT_MODIFIER_EXPLICIT_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkImageDrmFormatModifierPropertiesEXT}, Type{_ImageDrmFormatModifierPropertiesEXT}, Type{ImageDrmFormatModifierPropertiesEXT}})) = VK_STRUCTURE_TYPE_IMAGE_DRM_FORMAT_MODIFIER_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkImageStencilUsageCreateInfo}, Type{_ImageStencilUsageCreateInfo}, Type{ImageStencilUsageCreateInfo}})) = VK_STRUCTURE_TYPE_IMAGE_STENCIL_USAGE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkDeviceMemoryOverallocationCreateInfoAMD}, Type{_DeviceMemoryOverallocationCreateInfoAMD}, Type{DeviceMemoryOverallocationCreateInfoAMD}})) = VK_STRUCTURE_TYPE_DEVICE_MEMORY_OVERALLOCATION_CREATE_INFO_AMD structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMapFeaturesEXT}, Type{_PhysicalDeviceFragmentDensityMapFeaturesEXT}, Type{PhysicalDeviceFragmentDensityMapFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMap2FeaturesEXT}, Type{_PhysicalDeviceFragmentDensityMap2FeaturesEXT}, Type{PhysicalDeviceFragmentDensityMap2FeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_2_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM}, Type{_PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM}, Type{PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_OFFSET_FEATURES_QCOM structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMapPropertiesEXT}, Type{_PhysicalDeviceFragmentDensityMapPropertiesEXT}, Type{PhysicalDeviceFragmentDensityMapPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMap2PropertiesEXT}, Type{_PhysicalDeviceFragmentDensityMap2PropertiesEXT}, Type{PhysicalDeviceFragmentDensityMap2PropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_2_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM}, Type{_PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM}, Type{PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_OFFSET_PROPERTIES_QCOM structure_type(@nospecialize(_::Union{Type{VkRenderPassFragmentDensityMapCreateInfoEXT}, Type{_RenderPassFragmentDensityMapCreateInfoEXT}, Type{RenderPassFragmentDensityMapCreateInfoEXT}})) = VK_STRUCTURE_TYPE_RENDER_PASS_FRAGMENT_DENSITY_MAP_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkSubpassFragmentDensityMapOffsetEndInfoQCOM}, Type{_SubpassFragmentDensityMapOffsetEndInfoQCOM}, Type{SubpassFragmentDensityMapOffsetEndInfoQCOM}})) = VK_STRUCTURE_TYPE_SUBPASS_FRAGMENT_DENSITY_MAP_OFFSET_END_INFO_QCOM structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceScalarBlockLayoutFeatures}, Type{_PhysicalDeviceScalarBlockLayoutFeatures}, Type{PhysicalDeviceScalarBlockLayoutFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SCALAR_BLOCK_LAYOUT_FEATURES structure_type(@nospecialize(_::Union{Type{VkSurfaceProtectedCapabilitiesKHR}, Type{_SurfaceProtectedCapabilitiesKHR}, Type{SurfaceProtectedCapabilitiesKHR}})) = VK_STRUCTURE_TYPE_SURFACE_PROTECTED_CAPABILITIES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceUniformBufferStandardLayoutFeatures}, Type{_PhysicalDeviceUniformBufferStandardLayoutFeatures}, Type{PhysicalDeviceUniformBufferStandardLayoutFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_UNIFORM_BUFFER_STANDARD_LAYOUT_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDepthClipEnableFeaturesEXT}, Type{_PhysicalDeviceDepthClipEnableFeaturesEXT}, Type{PhysicalDeviceDepthClipEnableFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_CLIP_ENABLE_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineRasterizationDepthClipStateCreateInfoEXT}, Type{_PipelineRasterizationDepthClipStateCreateInfoEXT}, Type{PipelineRasterizationDepthClipStateCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_RASTERIZATION_DEPTH_CLIP_STATE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryBudgetPropertiesEXT}, Type{_PhysicalDeviceMemoryBudgetPropertiesEXT}, Type{PhysicalDeviceMemoryBudgetPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_BUDGET_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryPriorityFeaturesEXT}, Type{_PhysicalDeviceMemoryPriorityFeaturesEXT}, Type{PhysicalDeviceMemoryPriorityFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_PRIORITY_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkMemoryPriorityAllocateInfoEXT}, Type{_MemoryPriorityAllocateInfoEXT}, Type{MemoryPriorityAllocateInfoEXT}})) = VK_STRUCTURE_TYPE_MEMORY_PRIORITY_ALLOCATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT}, Type{_PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT}, Type{PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PAGEABLE_DEVICE_LOCAL_MEMORY_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBufferDeviceAddressFeatures}, Type{_PhysicalDeviceBufferDeviceAddressFeatures}, Type{PhysicalDeviceBufferDeviceAddressFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_BUFFER_DEVICE_ADDRESS_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBufferDeviceAddressFeaturesEXT}, Type{_PhysicalDeviceBufferDeviceAddressFeaturesEXT}, Type{PhysicalDeviceBufferDeviceAddressFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_BUFFER_DEVICE_ADDRESS_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkBufferDeviceAddressInfo}, Type{_BufferDeviceAddressInfo}, Type{BufferDeviceAddressInfo}})) = VK_STRUCTURE_TYPE_BUFFER_DEVICE_ADDRESS_INFO structure_type(@nospecialize(_::Union{Type{VkBufferOpaqueCaptureAddressCreateInfo}, Type{_BufferOpaqueCaptureAddressCreateInfo}, Type{BufferOpaqueCaptureAddressCreateInfo}})) = VK_STRUCTURE_TYPE_BUFFER_OPAQUE_CAPTURE_ADDRESS_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkBufferDeviceAddressCreateInfoEXT}, Type{_BufferDeviceAddressCreateInfoEXT}, Type{BufferDeviceAddressCreateInfoEXT}})) = VK_STRUCTURE_TYPE_BUFFER_DEVICE_ADDRESS_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageViewImageFormatInfoEXT}, Type{_PhysicalDeviceImageViewImageFormatInfoEXT}, Type{PhysicalDeviceImageViewImageFormatInfoEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_VIEW_IMAGE_FORMAT_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkFilterCubicImageViewImageFormatPropertiesEXT}, Type{_FilterCubicImageViewImageFormatPropertiesEXT}, Type{FilterCubicImageViewImageFormatPropertiesEXT}})) = VK_STRUCTURE_TYPE_FILTER_CUBIC_IMAGE_VIEW_IMAGE_FORMAT_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImagelessFramebufferFeatures}, Type{_PhysicalDeviceImagelessFramebufferFeatures}, Type{PhysicalDeviceImagelessFramebufferFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGELESS_FRAMEBUFFER_FEATURES structure_type(@nospecialize(_::Union{Type{VkFramebufferAttachmentsCreateInfo}, Type{_FramebufferAttachmentsCreateInfo}, Type{FramebufferAttachmentsCreateInfo}})) = VK_STRUCTURE_TYPE_FRAMEBUFFER_ATTACHMENTS_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkFramebufferAttachmentImageInfo}, Type{_FramebufferAttachmentImageInfo}, Type{FramebufferAttachmentImageInfo}})) = VK_STRUCTURE_TYPE_FRAMEBUFFER_ATTACHMENT_IMAGE_INFO structure_type(@nospecialize(_::Union{Type{VkRenderPassAttachmentBeginInfo}, Type{_RenderPassAttachmentBeginInfo}, Type{RenderPassAttachmentBeginInfo}})) = VK_STRUCTURE_TYPE_RENDER_PASS_ATTACHMENT_BEGIN_INFO structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTextureCompressionASTCHDRFeatures}, Type{_PhysicalDeviceTextureCompressionASTCHDRFeatures}, Type{PhysicalDeviceTextureCompressionASTCHDRFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXTURE_COMPRESSION_ASTC_HDR_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCooperativeMatrixFeaturesNV}, Type{_PhysicalDeviceCooperativeMatrixFeaturesNV}, Type{PhysicalDeviceCooperativeMatrixFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_COOPERATIVE_MATRIX_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCooperativeMatrixPropertiesNV}, Type{_PhysicalDeviceCooperativeMatrixPropertiesNV}, Type{PhysicalDeviceCooperativeMatrixPropertiesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_COOPERATIVE_MATRIX_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkCooperativeMatrixPropertiesNV}, Type{_CooperativeMatrixPropertiesNV}, Type{CooperativeMatrixPropertiesNV}})) = VK_STRUCTURE_TYPE_COOPERATIVE_MATRIX_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceYcbcrImageArraysFeaturesEXT}, Type{_PhysicalDeviceYcbcrImageArraysFeaturesEXT}, Type{PhysicalDeviceYcbcrImageArraysFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_YCBCR_IMAGE_ARRAYS_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkImageViewHandleInfoNVX}, Type{_ImageViewHandleInfoNVX}, Type{ImageViewHandleInfoNVX}})) = VK_STRUCTURE_TYPE_IMAGE_VIEW_HANDLE_INFO_NVX structure_type(@nospecialize(_::Union{Type{VkImageViewAddressPropertiesNVX}, Type{_ImageViewAddressPropertiesNVX}, Type{ImageViewAddressPropertiesNVX}})) = VK_STRUCTURE_TYPE_IMAGE_VIEW_ADDRESS_PROPERTIES_NVX structure_type(@nospecialize(_::Union{Type{VkPipelineCreationFeedbackCreateInfo}, Type{_PipelineCreationFeedbackCreateInfo}, Type{PipelineCreationFeedbackCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_CREATION_FEEDBACK_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePresentBarrierFeaturesNV}, Type{_PhysicalDevicePresentBarrierFeaturesNV}, Type{PhysicalDevicePresentBarrierFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PRESENT_BARRIER_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkSurfaceCapabilitiesPresentBarrierNV}, Type{_SurfaceCapabilitiesPresentBarrierNV}, Type{SurfaceCapabilitiesPresentBarrierNV}})) = VK_STRUCTURE_TYPE_SURFACE_CAPABILITIES_PRESENT_BARRIER_NV structure_type(@nospecialize(_::Union{Type{VkSwapchainPresentBarrierCreateInfoNV}, Type{_SwapchainPresentBarrierCreateInfoNV}, Type{SwapchainPresentBarrierCreateInfoNV}})) = VK_STRUCTURE_TYPE_SWAPCHAIN_PRESENT_BARRIER_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePerformanceQueryFeaturesKHR}, Type{_PhysicalDevicePerformanceQueryFeaturesKHR}, Type{PhysicalDevicePerformanceQueryFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PERFORMANCE_QUERY_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePerformanceQueryPropertiesKHR}, Type{_PhysicalDevicePerformanceQueryPropertiesKHR}, Type{PhysicalDevicePerformanceQueryPropertiesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PERFORMANCE_QUERY_PROPERTIES_KHR structure_type(@nospecialize(_::Union{Type{VkPerformanceCounterKHR}, Type{_PerformanceCounterKHR}, Type{PerformanceCounterKHR}})) = VK_STRUCTURE_TYPE_PERFORMANCE_COUNTER_KHR structure_type(@nospecialize(_::Union{Type{VkPerformanceCounterDescriptionKHR}, Type{_PerformanceCounterDescriptionKHR}, Type{PerformanceCounterDescriptionKHR}})) = VK_STRUCTURE_TYPE_PERFORMANCE_COUNTER_DESCRIPTION_KHR structure_type(@nospecialize(_::Union{Type{VkQueryPoolPerformanceCreateInfoKHR}, Type{_QueryPoolPerformanceCreateInfoKHR}, Type{QueryPoolPerformanceCreateInfoKHR}})) = VK_STRUCTURE_TYPE_QUERY_POOL_PERFORMANCE_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkAcquireProfilingLockInfoKHR}, Type{_AcquireProfilingLockInfoKHR}, Type{AcquireProfilingLockInfoKHR}})) = VK_STRUCTURE_TYPE_ACQUIRE_PROFILING_LOCK_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPerformanceQuerySubmitInfoKHR}, Type{_PerformanceQuerySubmitInfoKHR}, Type{PerformanceQuerySubmitInfoKHR}})) = VK_STRUCTURE_TYPE_PERFORMANCE_QUERY_SUBMIT_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkHeadlessSurfaceCreateInfoEXT}, Type{_HeadlessSurfaceCreateInfoEXT}, Type{HeadlessSurfaceCreateInfoEXT}})) = VK_STRUCTURE_TYPE_HEADLESS_SURFACE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCoverageReductionModeFeaturesNV}, Type{_PhysicalDeviceCoverageReductionModeFeaturesNV}, Type{PhysicalDeviceCoverageReductionModeFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_COVERAGE_REDUCTION_MODE_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPipelineCoverageReductionStateCreateInfoNV}, Type{_PipelineCoverageReductionStateCreateInfoNV}, Type{PipelineCoverageReductionStateCreateInfoNV}})) = VK_STRUCTURE_TYPE_PIPELINE_COVERAGE_REDUCTION_STATE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkFramebufferMixedSamplesCombinationNV}, Type{_FramebufferMixedSamplesCombinationNV}, Type{FramebufferMixedSamplesCombinationNV}})) = VK_STRUCTURE_TYPE_FRAMEBUFFER_MIXED_SAMPLES_COMBINATION_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL}, Type{_PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL}, Type{PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_FUNCTIONS_2_FEATURES_INTEL structure_type(@nospecialize(_::Union{Type{VkInitializePerformanceApiInfoINTEL}, Type{_InitializePerformanceApiInfoINTEL}, Type{InitializePerformanceApiInfoINTEL}})) = VK_STRUCTURE_TYPE_INITIALIZE_PERFORMANCE_API_INFO_INTEL structure_type(@nospecialize(_::Union{Type{VkQueryPoolPerformanceQueryCreateInfoINTEL}, Type{_QueryPoolPerformanceQueryCreateInfoINTEL}, Type{QueryPoolPerformanceQueryCreateInfoINTEL}})) = VK_STRUCTURE_TYPE_QUERY_POOL_PERFORMANCE_QUERY_CREATE_INFO_INTEL structure_type(@nospecialize(_::Union{Type{VkPerformanceMarkerInfoINTEL}, Type{_PerformanceMarkerInfoINTEL}, Type{PerformanceMarkerInfoINTEL}})) = VK_STRUCTURE_TYPE_PERFORMANCE_MARKER_INFO_INTEL structure_type(@nospecialize(_::Union{Type{VkPerformanceStreamMarkerInfoINTEL}, Type{_PerformanceStreamMarkerInfoINTEL}, Type{PerformanceStreamMarkerInfoINTEL}})) = VK_STRUCTURE_TYPE_PERFORMANCE_STREAM_MARKER_INFO_INTEL structure_type(@nospecialize(_::Union{Type{VkPerformanceOverrideInfoINTEL}, Type{_PerformanceOverrideInfoINTEL}, Type{PerformanceOverrideInfoINTEL}})) = VK_STRUCTURE_TYPE_PERFORMANCE_OVERRIDE_INFO_INTEL structure_type(@nospecialize(_::Union{Type{VkPerformanceConfigurationAcquireInfoINTEL}, Type{_PerformanceConfigurationAcquireInfoINTEL}, Type{PerformanceConfigurationAcquireInfoINTEL}})) = VK_STRUCTURE_TYPE_PERFORMANCE_CONFIGURATION_ACQUIRE_INFO_INTEL structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderClockFeaturesKHR}, Type{_PhysicalDeviceShaderClockFeaturesKHR}, Type{PhysicalDeviceShaderClockFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CLOCK_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceIndexTypeUint8FeaturesEXT}, Type{_PhysicalDeviceIndexTypeUint8FeaturesEXT}, Type{PhysicalDeviceIndexTypeUint8FeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_INDEX_TYPE_UINT8_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderSMBuiltinsPropertiesNV}, Type{_PhysicalDeviceShaderSMBuiltinsPropertiesNV}, Type{PhysicalDeviceShaderSMBuiltinsPropertiesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SM_BUILTINS_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderSMBuiltinsFeaturesNV}, Type{_PhysicalDeviceShaderSMBuiltinsFeaturesNV}, Type{PhysicalDeviceShaderSMBuiltinsFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SM_BUILTINS_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT}, Type{_PhysicalDeviceFragmentShaderInterlockFeaturesEXT}, Type{PhysicalDeviceFragmentShaderInterlockFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADER_INTERLOCK_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures}, Type{_PhysicalDeviceSeparateDepthStencilLayoutsFeatures}, Type{PhysicalDeviceSeparateDepthStencilLayoutsFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SEPARATE_DEPTH_STENCIL_LAYOUTS_FEATURES structure_type(@nospecialize(_::Union{Type{VkAttachmentReferenceStencilLayout}, Type{_AttachmentReferenceStencilLayout}, Type{AttachmentReferenceStencilLayout}})) = VK_STRUCTURE_TYPE_ATTACHMENT_REFERENCE_STENCIL_LAYOUT structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT}, Type{_PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT}, Type{PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PRIMITIVE_TOPOLOGY_LIST_RESTART_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkAttachmentDescriptionStencilLayout}, Type{_AttachmentDescriptionStencilLayout}, Type{AttachmentDescriptionStencilLayout}})) = VK_STRUCTURE_TYPE_ATTACHMENT_DESCRIPTION_STENCIL_LAYOUT structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR}, Type{_PhysicalDevicePipelineExecutablePropertiesFeaturesKHR}, Type{PhysicalDevicePipelineExecutablePropertiesFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_EXECUTABLE_PROPERTIES_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkPipelineInfoKHR}, Type{_PipelineInfoKHR}, Type{PipelineInfoKHR}})) = VK_STRUCTURE_TYPE_PIPELINE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPipelineExecutablePropertiesKHR}, Type{_PipelineExecutablePropertiesKHR}, Type{PipelineExecutablePropertiesKHR}})) = VK_STRUCTURE_TYPE_PIPELINE_EXECUTABLE_PROPERTIES_KHR structure_type(@nospecialize(_::Union{Type{VkPipelineExecutableInfoKHR}, Type{_PipelineExecutableInfoKHR}, Type{PipelineExecutableInfoKHR}})) = VK_STRUCTURE_TYPE_PIPELINE_EXECUTABLE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPipelineExecutableStatisticKHR}, Type{_PipelineExecutableStatisticKHR}, Type{PipelineExecutableStatisticKHR}})) = VK_STRUCTURE_TYPE_PIPELINE_EXECUTABLE_STATISTIC_KHR structure_type(@nospecialize(_::Union{Type{VkPipelineExecutableInternalRepresentationKHR}, Type{_PipelineExecutableInternalRepresentationKHR}, Type{PipelineExecutableInternalRepresentationKHR}})) = VK_STRUCTURE_TYPE_PIPELINE_EXECUTABLE_INTERNAL_REPRESENTATION_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures}, Type{_PhysicalDeviceShaderDemoteToHelperInvocationFeatures}, Type{PhysicalDeviceShaderDemoteToHelperInvocationFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_DEMOTE_TO_HELPER_INVOCATION_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT}, Type{_PhysicalDeviceTexelBufferAlignmentFeaturesEXT}, Type{PhysicalDeviceTexelBufferAlignmentFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXEL_BUFFER_ALIGNMENT_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTexelBufferAlignmentProperties}, Type{_PhysicalDeviceTexelBufferAlignmentProperties}, Type{PhysicalDeviceTexelBufferAlignmentProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXEL_BUFFER_ALIGNMENT_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubgroupSizeControlFeatures}, Type{_PhysicalDeviceSubgroupSizeControlFeatures}, Type{PhysicalDeviceSubgroupSizeControlFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_SIZE_CONTROL_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubgroupSizeControlProperties}, Type{_PhysicalDeviceSubgroupSizeControlProperties}, Type{PhysicalDeviceSubgroupSizeControlProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_SIZE_CONTROL_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkPipelineShaderStageRequiredSubgroupSizeCreateInfo}, Type{_PipelineShaderStageRequiredSubgroupSizeCreateInfo}, Type{PipelineShaderStageRequiredSubgroupSizeCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_SHADER_STAGE_REQUIRED_SUBGROUP_SIZE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkSubpassShadingPipelineCreateInfoHUAWEI}, Type{_SubpassShadingPipelineCreateInfoHUAWEI}, Type{SubpassShadingPipelineCreateInfoHUAWEI}})) = VK_STRUCTURE_TYPE_SUBPASS_SHADING_PIPELINE_CREATE_INFO_HUAWEI structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubpassShadingPropertiesHUAWEI}, Type{_PhysicalDeviceSubpassShadingPropertiesHUAWEI}, Type{PhysicalDeviceSubpassShadingPropertiesHUAWEI}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBPASS_SHADING_PROPERTIES_HUAWEI structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI}, Type{_PhysicalDeviceClusterCullingShaderPropertiesHUAWEI}, Type{PhysicalDeviceClusterCullingShaderPropertiesHUAWEI}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_CLUSTER_CULLING_SHADER_PROPERTIES_HUAWEI structure_type(@nospecialize(_::Union{Type{VkMemoryOpaqueCaptureAddressAllocateInfo}, Type{_MemoryOpaqueCaptureAddressAllocateInfo}, Type{MemoryOpaqueCaptureAddressAllocateInfo}})) = VK_STRUCTURE_TYPE_MEMORY_OPAQUE_CAPTURE_ADDRESS_ALLOCATE_INFO structure_type(@nospecialize(_::Union{Type{VkDeviceMemoryOpaqueCaptureAddressInfo}, Type{_DeviceMemoryOpaqueCaptureAddressInfo}, Type{DeviceMemoryOpaqueCaptureAddressInfo}})) = VK_STRUCTURE_TYPE_DEVICE_MEMORY_OPAQUE_CAPTURE_ADDRESS_INFO structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLineRasterizationFeaturesEXT}, Type{_PhysicalDeviceLineRasterizationFeaturesEXT}, Type{PhysicalDeviceLineRasterizationFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_LINE_RASTERIZATION_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLineRasterizationPropertiesEXT}, Type{_PhysicalDeviceLineRasterizationPropertiesEXT}, Type{PhysicalDeviceLineRasterizationPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_LINE_RASTERIZATION_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineRasterizationLineStateCreateInfoEXT}, Type{_PipelineRasterizationLineStateCreateInfoEXT}, Type{PipelineRasterizationLineStateCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_RASTERIZATION_LINE_STATE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineCreationCacheControlFeatures}, Type{_PhysicalDevicePipelineCreationCacheControlFeatures}, Type{PhysicalDevicePipelineCreationCacheControlFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_CREATION_CACHE_CONTROL_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan11Features}, Type{_PhysicalDeviceVulkan11Features}, Type{PhysicalDeviceVulkan11Features}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_1_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan11Properties}, Type{_PhysicalDeviceVulkan11Properties}, Type{PhysicalDeviceVulkan11Properties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_1_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan12Features}, Type{_PhysicalDeviceVulkan12Features}, Type{PhysicalDeviceVulkan12Features}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_2_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan12Properties}, Type{_PhysicalDeviceVulkan12Properties}, Type{PhysicalDeviceVulkan12Properties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_2_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan13Features}, Type{_PhysicalDeviceVulkan13Features}, Type{PhysicalDeviceVulkan13Features}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_3_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan13Properties}, Type{_PhysicalDeviceVulkan13Properties}, Type{PhysicalDeviceVulkan13Properties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_3_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkPipelineCompilerControlCreateInfoAMD}, Type{_PipelineCompilerControlCreateInfoAMD}, Type{PipelineCompilerControlCreateInfoAMD}})) = VK_STRUCTURE_TYPE_PIPELINE_COMPILER_CONTROL_CREATE_INFO_AMD structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCoherentMemoryFeaturesAMD}, Type{_PhysicalDeviceCoherentMemoryFeaturesAMD}, Type{PhysicalDeviceCoherentMemoryFeaturesAMD}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_COHERENT_MEMORY_FEATURES_AMD structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceToolProperties}, Type{_PhysicalDeviceToolProperties}, Type{PhysicalDeviceToolProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_TOOL_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkSamplerCustomBorderColorCreateInfoEXT}, Type{_SamplerCustomBorderColorCreateInfoEXT}, Type{SamplerCustomBorderColorCreateInfoEXT}})) = VK_STRUCTURE_TYPE_SAMPLER_CUSTOM_BORDER_COLOR_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCustomBorderColorPropertiesEXT}, Type{_PhysicalDeviceCustomBorderColorPropertiesEXT}, Type{PhysicalDeviceCustomBorderColorPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_CUSTOM_BORDER_COLOR_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCustomBorderColorFeaturesEXT}, Type{_PhysicalDeviceCustomBorderColorFeaturesEXT}, Type{PhysicalDeviceCustomBorderColorFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_CUSTOM_BORDER_COLOR_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkSamplerBorderColorComponentMappingCreateInfoEXT}, Type{_SamplerBorderColorComponentMappingCreateInfoEXT}, Type{SamplerBorderColorComponentMappingCreateInfoEXT}})) = VK_STRUCTURE_TYPE_SAMPLER_BORDER_COLOR_COMPONENT_MAPPING_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBorderColorSwizzleFeaturesEXT}, Type{_PhysicalDeviceBorderColorSwizzleFeaturesEXT}, Type{PhysicalDeviceBorderColorSwizzleFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_BORDER_COLOR_SWIZZLE_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryTrianglesDataKHR}, Type{_AccelerationStructureGeometryTrianglesDataKHR}, Type{AccelerationStructureGeometryTrianglesDataKHR}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_TRIANGLES_DATA_KHR structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryAabbsDataKHR}, Type{_AccelerationStructureGeometryAabbsDataKHR}, Type{AccelerationStructureGeometryAabbsDataKHR}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_AABBS_DATA_KHR structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryInstancesDataKHR}, Type{_AccelerationStructureGeometryInstancesDataKHR}, Type{AccelerationStructureGeometryInstancesDataKHR}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_INSTANCES_DATA_KHR structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryKHR}, Type{_AccelerationStructureGeometryKHR}, Type{AccelerationStructureGeometryKHR}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_KHR structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureBuildGeometryInfoKHR}, Type{_AccelerationStructureBuildGeometryInfoKHR}, Type{AccelerationStructureBuildGeometryInfoKHR}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_BUILD_GEOMETRY_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureCreateInfoKHR}, Type{_AccelerationStructureCreateInfoKHR}, Type{AccelerationStructureCreateInfoKHR}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureDeviceAddressInfoKHR}, Type{_AccelerationStructureDeviceAddressInfoKHR}, Type{AccelerationStructureDeviceAddressInfoKHR}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_DEVICE_ADDRESS_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureVersionInfoKHR}, Type{_AccelerationStructureVersionInfoKHR}, Type{AccelerationStructureVersionInfoKHR}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_VERSION_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkCopyAccelerationStructureInfoKHR}, Type{_CopyAccelerationStructureInfoKHR}, Type{CopyAccelerationStructureInfoKHR}})) = VK_STRUCTURE_TYPE_COPY_ACCELERATION_STRUCTURE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkCopyAccelerationStructureToMemoryInfoKHR}, Type{_CopyAccelerationStructureToMemoryInfoKHR}, Type{CopyAccelerationStructureToMemoryInfoKHR}})) = VK_STRUCTURE_TYPE_COPY_ACCELERATION_STRUCTURE_TO_MEMORY_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkCopyMemoryToAccelerationStructureInfoKHR}, Type{_CopyMemoryToAccelerationStructureInfoKHR}, Type{CopyMemoryToAccelerationStructureInfoKHR}})) = VK_STRUCTURE_TYPE_COPY_MEMORY_TO_ACCELERATION_STRUCTURE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkRayTracingPipelineInterfaceCreateInfoKHR}, Type{_RayTracingPipelineInterfaceCreateInfoKHR}, Type{RayTracingPipelineInterfaceCreateInfoKHR}})) = VK_STRUCTURE_TYPE_RAY_TRACING_PIPELINE_INTERFACE_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPipelineLibraryCreateInfoKHR}, Type{_PipelineLibraryCreateInfoKHR}, Type{PipelineLibraryCreateInfoKHR}})) = VK_STRUCTURE_TYPE_PIPELINE_LIBRARY_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExtendedDynamicStateFeaturesEXT}, Type{_PhysicalDeviceExtendedDynamicStateFeaturesEXT}, Type{PhysicalDeviceExtendedDynamicStateFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTENDED_DYNAMIC_STATE_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExtendedDynamicState2FeaturesEXT}, Type{_PhysicalDeviceExtendedDynamicState2FeaturesEXT}, Type{PhysicalDeviceExtendedDynamicState2FeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTENDED_DYNAMIC_STATE_2_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExtendedDynamicState3FeaturesEXT}, Type{_PhysicalDeviceExtendedDynamicState3FeaturesEXT}, Type{PhysicalDeviceExtendedDynamicState3FeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTENDED_DYNAMIC_STATE_3_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExtendedDynamicState3PropertiesEXT}, Type{_PhysicalDeviceExtendedDynamicState3PropertiesEXT}, Type{PhysicalDeviceExtendedDynamicState3PropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTENDED_DYNAMIC_STATE_3_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkRenderPassTransformBeginInfoQCOM}, Type{_RenderPassTransformBeginInfoQCOM}, Type{RenderPassTransformBeginInfoQCOM}})) = VK_STRUCTURE_TYPE_RENDER_PASS_TRANSFORM_BEGIN_INFO_QCOM structure_type(@nospecialize(_::Union{Type{VkCopyCommandTransformInfoQCOM}, Type{_CopyCommandTransformInfoQCOM}, Type{CopyCommandTransformInfoQCOM}})) = VK_STRUCTURE_TYPE_COPY_COMMAND_TRANSFORM_INFO_QCOM structure_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceRenderPassTransformInfoQCOM}, Type{_CommandBufferInheritanceRenderPassTransformInfoQCOM}, Type{CommandBufferInheritanceRenderPassTransformInfoQCOM}})) = VK_STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_RENDER_PASS_TRANSFORM_INFO_QCOM structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDiagnosticsConfigFeaturesNV}, Type{_PhysicalDeviceDiagnosticsConfigFeaturesNV}, Type{PhysicalDeviceDiagnosticsConfigFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DIAGNOSTICS_CONFIG_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkDeviceDiagnosticsConfigCreateInfoNV}, Type{_DeviceDiagnosticsConfigCreateInfoNV}, Type{DeviceDiagnosticsConfigCreateInfoNV}})) = VK_STRUCTURE_TYPE_DEVICE_DIAGNOSTICS_CONFIG_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures}, Type{_PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures}, Type{PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_ZERO_INITIALIZE_WORKGROUP_MEMORY_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR}, Type{_PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR}, Type{PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SUBGROUP_UNIFORM_CONTROL_FLOW_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRobustness2FeaturesEXT}, Type{_PhysicalDeviceRobustness2FeaturesEXT}, Type{PhysicalDeviceRobustness2FeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_ROBUSTNESS_2_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRobustness2PropertiesEXT}, Type{_PhysicalDeviceRobustness2PropertiesEXT}, Type{PhysicalDeviceRobustness2PropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_ROBUSTNESS_2_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageRobustnessFeatures}, Type{_PhysicalDeviceImageRobustnessFeatures}, Type{PhysicalDeviceImageRobustnessFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_ROBUSTNESS_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR}, Type{_PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR}, Type{PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_WORKGROUP_MEMORY_EXPLICIT_LAYOUT_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDevice4444FormatsFeaturesEXT}, Type{_PhysicalDevice4444FormatsFeaturesEXT}, Type{PhysicalDevice4444FormatsFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_4444_FORMATS_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubpassShadingFeaturesHUAWEI}, Type{_PhysicalDeviceSubpassShadingFeaturesHUAWEI}, Type{PhysicalDeviceSubpassShadingFeaturesHUAWEI}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBPASS_SHADING_FEATURES_HUAWEI structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI}, Type{_PhysicalDeviceClusterCullingShaderFeaturesHUAWEI}, Type{PhysicalDeviceClusterCullingShaderFeaturesHUAWEI}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_CLUSTER_CULLING_SHADER_FEATURES_HUAWEI structure_type(@nospecialize(_::Union{Type{VkBufferCopy2}, Type{_BufferCopy2}, Type{BufferCopy2}})) = VK_STRUCTURE_TYPE_BUFFER_COPY_2 structure_type(@nospecialize(_::Union{Type{VkImageCopy2}, Type{_ImageCopy2}, Type{ImageCopy2}})) = VK_STRUCTURE_TYPE_IMAGE_COPY_2 structure_type(@nospecialize(_::Union{Type{VkImageBlit2}, Type{_ImageBlit2}, Type{ImageBlit2}})) = VK_STRUCTURE_TYPE_IMAGE_BLIT_2 structure_type(@nospecialize(_::Union{Type{VkBufferImageCopy2}, Type{_BufferImageCopy2}, Type{BufferImageCopy2}})) = VK_STRUCTURE_TYPE_BUFFER_IMAGE_COPY_2 structure_type(@nospecialize(_::Union{Type{VkImageResolve2}, Type{_ImageResolve2}, Type{ImageResolve2}})) = VK_STRUCTURE_TYPE_IMAGE_RESOLVE_2 structure_type(@nospecialize(_::Union{Type{VkCopyBufferInfo2}, Type{_CopyBufferInfo2}, Type{CopyBufferInfo2}})) = VK_STRUCTURE_TYPE_COPY_BUFFER_INFO_2 structure_type(@nospecialize(_::Union{Type{VkCopyImageInfo2}, Type{_CopyImageInfo2}, Type{CopyImageInfo2}})) = VK_STRUCTURE_TYPE_COPY_IMAGE_INFO_2 structure_type(@nospecialize(_::Union{Type{VkBlitImageInfo2}, Type{_BlitImageInfo2}, Type{BlitImageInfo2}})) = VK_STRUCTURE_TYPE_BLIT_IMAGE_INFO_2 structure_type(@nospecialize(_::Union{Type{VkCopyBufferToImageInfo2}, Type{_CopyBufferToImageInfo2}, Type{CopyBufferToImageInfo2}})) = VK_STRUCTURE_TYPE_COPY_BUFFER_TO_IMAGE_INFO_2 structure_type(@nospecialize(_::Union{Type{VkCopyImageToBufferInfo2}, Type{_CopyImageToBufferInfo2}, Type{CopyImageToBufferInfo2}})) = VK_STRUCTURE_TYPE_COPY_IMAGE_TO_BUFFER_INFO_2 structure_type(@nospecialize(_::Union{Type{VkResolveImageInfo2}, Type{_ResolveImageInfo2}, Type{ResolveImageInfo2}})) = VK_STRUCTURE_TYPE_RESOLVE_IMAGE_INFO_2 structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT}, Type{_PhysicalDeviceShaderImageAtomicInt64FeaturesEXT}, Type{PhysicalDeviceShaderImageAtomicInt64FeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_IMAGE_ATOMIC_INT64_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkFragmentShadingRateAttachmentInfoKHR}, Type{_FragmentShadingRateAttachmentInfoKHR}, Type{FragmentShadingRateAttachmentInfoKHR}})) = VK_STRUCTURE_TYPE_FRAGMENT_SHADING_RATE_ATTACHMENT_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPipelineFragmentShadingRateStateCreateInfoKHR}, Type{_PipelineFragmentShadingRateStateCreateInfoKHR}, Type{PipelineFragmentShadingRateStateCreateInfoKHR}})) = VK_STRUCTURE_TYPE_PIPELINE_FRAGMENT_SHADING_RATE_STATE_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRateFeaturesKHR}, Type{_PhysicalDeviceFragmentShadingRateFeaturesKHR}, Type{PhysicalDeviceFragmentShadingRateFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRatePropertiesKHR}, Type{_PhysicalDeviceFragmentShadingRatePropertiesKHR}, Type{PhysicalDeviceFragmentShadingRatePropertiesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_PROPERTIES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRateKHR}, Type{_PhysicalDeviceFragmentShadingRateKHR}, Type{PhysicalDeviceFragmentShadingRateKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderTerminateInvocationFeatures}, Type{_PhysicalDeviceShaderTerminateInvocationFeatures}, Type{PhysicalDeviceShaderTerminateInvocationFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_TERMINATE_INVOCATION_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV}, Type{_PhysicalDeviceFragmentShadingRateEnumsFeaturesNV}, Type{PhysicalDeviceFragmentShadingRateEnumsFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_ENUMS_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV}, Type{_PhysicalDeviceFragmentShadingRateEnumsPropertiesNV}, Type{PhysicalDeviceFragmentShadingRateEnumsPropertiesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_ENUMS_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkPipelineFragmentShadingRateEnumStateCreateInfoNV}, Type{_PipelineFragmentShadingRateEnumStateCreateInfoNV}, Type{PipelineFragmentShadingRateEnumStateCreateInfoNV}})) = VK_STRUCTURE_TYPE_PIPELINE_FRAGMENT_SHADING_RATE_ENUM_STATE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureBuildSizesInfoKHR}, Type{_AccelerationStructureBuildSizesInfoKHR}, Type{AccelerationStructureBuildSizesInfoKHR}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_BUILD_SIZES_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImage2DViewOf3DFeaturesEXT}, Type{_PhysicalDeviceImage2DViewOf3DFeaturesEXT}, Type{PhysicalDeviceImage2DViewOf3DFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_2D_VIEW_OF_3D_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT}, Type{_PhysicalDeviceMutableDescriptorTypeFeaturesEXT}, Type{PhysicalDeviceMutableDescriptorTypeFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MUTABLE_DESCRIPTOR_TYPE_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkMutableDescriptorTypeCreateInfoEXT}, Type{_MutableDescriptorTypeCreateInfoEXT}, Type{MutableDescriptorTypeCreateInfoEXT}})) = VK_STRUCTURE_TYPE_MUTABLE_DESCRIPTOR_TYPE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDepthClipControlFeaturesEXT}, Type{_PhysicalDeviceDepthClipControlFeaturesEXT}, Type{PhysicalDeviceDepthClipControlFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_CLIP_CONTROL_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineViewportDepthClipControlCreateInfoEXT}, Type{_PipelineViewportDepthClipControlCreateInfoEXT}, Type{PipelineViewportDepthClipControlCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_VIEWPORT_DEPTH_CLIP_CONTROL_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT}, Type{_PhysicalDeviceVertexInputDynamicStateFeaturesEXT}, Type{PhysicalDeviceVertexInputDynamicStateFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_VERTEX_INPUT_DYNAMIC_STATE_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalMemoryRDMAFeaturesNV}, Type{_PhysicalDeviceExternalMemoryRDMAFeaturesNV}, Type{PhysicalDeviceExternalMemoryRDMAFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_MEMORY_RDMA_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkVertexInputBindingDescription2EXT}, Type{_VertexInputBindingDescription2EXT}, Type{VertexInputBindingDescription2EXT}})) = VK_STRUCTURE_TYPE_VERTEX_INPUT_BINDING_DESCRIPTION_2_EXT structure_type(@nospecialize(_::Union{Type{VkVertexInputAttributeDescription2EXT}, Type{_VertexInputAttributeDescription2EXT}, Type{VertexInputAttributeDescription2EXT}})) = VK_STRUCTURE_TYPE_VERTEX_INPUT_ATTRIBUTE_DESCRIPTION_2_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceColorWriteEnableFeaturesEXT}, Type{_PhysicalDeviceColorWriteEnableFeaturesEXT}, Type{PhysicalDeviceColorWriteEnableFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_COLOR_WRITE_ENABLE_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineColorWriteCreateInfoEXT}, Type{_PipelineColorWriteCreateInfoEXT}, Type{PipelineColorWriteCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_COLOR_WRITE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkMemoryBarrier2}, Type{_MemoryBarrier2}, Type{MemoryBarrier2}})) = VK_STRUCTURE_TYPE_MEMORY_BARRIER_2 structure_type(@nospecialize(_::Union{Type{VkImageMemoryBarrier2}, Type{_ImageMemoryBarrier2}, Type{ImageMemoryBarrier2}})) = VK_STRUCTURE_TYPE_IMAGE_MEMORY_BARRIER_2 structure_type(@nospecialize(_::Union{Type{VkBufferMemoryBarrier2}, Type{_BufferMemoryBarrier2}, Type{BufferMemoryBarrier2}})) = VK_STRUCTURE_TYPE_BUFFER_MEMORY_BARRIER_2 structure_type(@nospecialize(_::Union{Type{VkDependencyInfo}, Type{_DependencyInfo}, Type{DependencyInfo}})) = VK_STRUCTURE_TYPE_DEPENDENCY_INFO structure_type(@nospecialize(_::Union{Type{VkSemaphoreSubmitInfo}, Type{_SemaphoreSubmitInfo}, Type{SemaphoreSubmitInfo}})) = VK_STRUCTURE_TYPE_SEMAPHORE_SUBMIT_INFO structure_type(@nospecialize(_::Union{Type{VkCommandBufferSubmitInfo}, Type{_CommandBufferSubmitInfo}, Type{CommandBufferSubmitInfo}})) = VK_STRUCTURE_TYPE_COMMAND_BUFFER_SUBMIT_INFO structure_type(@nospecialize(_::Union{Type{VkSubmitInfo2}, Type{_SubmitInfo2}, Type{SubmitInfo2}})) = VK_STRUCTURE_TYPE_SUBMIT_INFO_2 structure_type(@nospecialize(_::Union{Type{VkQueueFamilyCheckpointProperties2NV}, Type{_QueueFamilyCheckpointProperties2NV}, Type{QueueFamilyCheckpointProperties2NV}})) = VK_STRUCTURE_TYPE_QUEUE_FAMILY_CHECKPOINT_PROPERTIES_2_NV structure_type(@nospecialize(_::Union{Type{VkCheckpointData2NV}, Type{_CheckpointData2NV}, Type{CheckpointData2NV}})) = VK_STRUCTURE_TYPE_CHECKPOINT_DATA_2_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSynchronization2Features}, Type{_PhysicalDeviceSynchronization2Features}, Type{PhysicalDeviceSynchronization2Features}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SYNCHRONIZATION_2_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT}, Type{_PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT}, Type{PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PRIMITIVES_GENERATED_QUERY_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLegacyDitheringFeaturesEXT}, Type{_PhysicalDeviceLegacyDitheringFeaturesEXT}, Type{PhysicalDeviceLegacyDitheringFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_LEGACY_DITHERING_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT}, Type{_PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT}, Type{PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTISAMPLED_RENDER_TO_SINGLE_SAMPLED_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkSubpassResolvePerformanceQueryEXT}, Type{_SubpassResolvePerformanceQueryEXT}, Type{SubpassResolvePerformanceQueryEXT}})) = VK_STRUCTURE_TYPE_SUBPASS_RESOLVE_PERFORMANCE_QUERY_EXT structure_type(@nospecialize(_::Union{Type{VkMultisampledRenderToSingleSampledInfoEXT}, Type{_MultisampledRenderToSingleSampledInfoEXT}, Type{MultisampledRenderToSingleSampledInfoEXT}})) = VK_STRUCTURE_TYPE_MULTISAMPLED_RENDER_TO_SINGLE_SAMPLED_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineProtectedAccessFeaturesEXT}, Type{_PhysicalDevicePipelineProtectedAccessFeaturesEXT}, Type{PhysicalDevicePipelineProtectedAccessFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_PROTECTED_ACCESS_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkQueueFamilyVideoPropertiesKHR}, Type{_QueueFamilyVideoPropertiesKHR}, Type{QueueFamilyVideoPropertiesKHR}})) = VK_STRUCTURE_TYPE_QUEUE_FAMILY_VIDEO_PROPERTIES_KHR structure_type(@nospecialize(_::Union{Type{VkQueueFamilyQueryResultStatusPropertiesKHR}, Type{_QueueFamilyQueryResultStatusPropertiesKHR}, Type{QueueFamilyQueryResultStatusPropertiesKHR}})) = VK_STRUCTURE_TYPE_QUEUE_FAMILY_QUERY_RESULT_STATUS_PROPERTIES_KHR structure_type(@nospecialize(_::Union{Type{VkVideoProfileListInfoKHR}, Type{_VideoProfileListInfoKHR}, Type{VideoProfileListInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_PROFILE_LIST_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVideoFormatInfoKHR}, Type{_PhysicalDeviceVideoFormatInfoKHR}, Type{PhysicalDeviceVideoFormatInfoKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_VIDEO_FORMAT_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoFormatPropertiesKHR}, Type{_VideoFormatPropertiesKHR}, Type{VideoFormatPropertiesKHR}})) = VK_STRUCTURE_TYPE_VIDEO_FORMAT_PROPERTIES_KHR structure_type(@nospecialize(_::Union{Type{VkVideoProfileInfoKHR}, Type{_VideoProfileInfoKHR}, Type{VideoProfileInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_PROFILE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoCapabilitiesKHR}, Type{_VideoCapabilitiesKHR}, Type{VideoCapabilitiesKHR}})) = VK_STRUCTURE_TYPE_VIDEO_CAPABILITIES_KHR structure_type(@nospecialize(_::Union{Type{VkVideoSessionMemoryRequirementsKHR}, Type{_VideoSessionMemoryRequirementsKHR}, Type{VideoSessionMemoryRequirementsKHR}})) = VK_STRUCTURE_TYPE_VIDEO_SESSION_MEMORY_REQUIREMENTS_KHR structure_type(@nospecialize(_::Union{Type{VkBindVideoSessionMemoryInfoKHR}, Type{_BindVideoSessionMemoryInfoKHR}, Type{BindVideoSessionMemoryInfoKHR}})) = VK_STRUCTURE_TYPE_BIND_VIDEO_SESSION_MEMORY_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoPictureResourceInfoKHR}, Type{_VideoPictureResourceInfoKHR}, Type{VideoPictureResourceInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_PICTURE_RESOURCE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoReferenceSlotInfoKHR}, Type{_VideoReferenceSlotInfoKHR}, Type{VideoReferenceSlotInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_REFERENCE_SLOT_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeCapabilitiesKHR}, Type{_VideoDecodeCapabilitiesKHR}, Type{VideoDecodeCapabilitiesKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_CAPABILITIES_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeUsageInfoKHR}, Type{_VideoDecodeUsageInfoKHR}, Type{VideoDecodeUsageInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_USAGE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeInfoKHR}, Type{_VideoDecodeInfoKHR}, Type{VideoDecodeInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeH264ProfileInfoKHR}, Type{_VideoDecodeH264ProfileInfoKHR}, Type{VideoDecodeH264ProfileInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_H264_PROFILE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeH264CapabilitiesKHR}, Type{_VideoDecodeH264CapabilitiesKHR}, Type{VideoDecodeH264CapabilitiesKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_H264_CAPABILITIES_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeH264SessionParametersAddInfoKHR}, Type{_VideoDecodeH264SessionParametersAddInfoKHR}, Type{VideoDecodeH264SessionParametersAddInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_H264_SESSION_PARAMETERS_ADD_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeH264SessionParametersCreateInfoKHR}, Type{_VideoDecodeH264SessionParametersCreateInfoKHR}, Type{VideoDecodeH264SessionParametersCreateInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_H264_SESSION_PARAMETERS_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeH264PictureInfoKHR}, Type{_VideoDecodeH264PictureInfoKHR}, Type{VideoDecodeH264PictureInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_H264_PICTURE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeH264DpbSlotInfoKHR}, Type{_VideoDecodeH264DpbSlotInfoKHR}, Type{VideoDecodeH264DpbSlotInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_H264_DPB_SLOT_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeH265ProfileInfoKHR}, Type{_VideoDecodeH265ProfileInfoKHR}, Type{VideoDecodeH265ProfileInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_H265_PROFILE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeH265CapabilitiesKHR}, Type{_VideoDecodeH265CapabilitiesKHR}, Type{VideoDecodeH265CapabilitiesKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_H265_CAPABILITIES_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeH265SessionParametersAddInfoKHR}, Type{_VideoDecodeH265SessionParametersAddInfoKHR}, Type{VideoDecodeH265SessionParametersAddInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_H265_SESSION_PARAMETERS_ADD_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeH265SessionParametersCreateInfoKHR}, Type{_VideoDecodeH265SessionParametersCreateInfoKHR}, Type{VideoDecodeH265SessionParametersCreateInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_H265_SESSION_PARAMETERS_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeH265PictureInfoKHR}, Type{_VideoDecodeH265PictureInfoKHR}, Type{VideoDecodeH265PictureInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_H265_PICTURE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeH265DpbSlotInfoKHR}, Type{_VideoDecodeH265DpbSlotInfoKHR}, Type{VideoDecodeH265DpbSlotInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_H265_DPB_SLOT_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoSessionCreateInfoKHR}, Type{_VideoSessionCreateInfoKHR}, Type{VideoSessionCreateInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_SESSION_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoSessionParametersCreateInfoKHR}, Type{_VideoSessionParametersCreateInfoKHR}, Type{VideoSessionParametersCreateInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_SESSION_PARAMETERS_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoSessionParametersUpdateInfoKHR}, Type{_VideoSessionParametersUpdateInfoKHR}, Type{VideoSessionParametersUpdateInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_SESSION_PARAMETERS_UPDATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoBeginCodingInfoKHR}, Type{_VideoBeginCodingInfoKHR}, Type{VideoBeginCodingInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_BEGIN_CODING_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoEndCodingInfoKHR}, Type{_VideoEndCodingInfoKHR}, Type{VideoEndCodingInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_END_CODING_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoCodingControlInfoKHR}, Type{_VideoCodingControlInfoKHR}, Type{VideoCodingControlInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_CODING_CONTROL_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceInheritedViewportScissorFeaturesNV}, Type{_PhysicalDeviceInheritedViewportScissorFeaturesNV}, Type{PhysicalDeviceInheritedViewportScissorFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_INHERITED_VIEWPORT_SCISSOR_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceViewportScissorInfoNV}, Type{_CommandBufferInheritanceViewportScissorInfoNV}, Type{CommandBufferInheritanceViewportScissorInfoNV}})) = VK_STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_VIEWPORT_SCISSOR_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT}, Type{_PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT}, Type{PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_YCBCR_2_PLANE_444_FORMATS_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProvokingVertexFeaturesEXT}, Type{_PhysicalDeviceProvokingVertexFeaturesEXT}, Type{PhysicalDeviceProvokingVertexFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PROVOKING_VERTEX_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProvokingVertexPropertiesEXT}, Type{_PhysicalDeviceProvokingVertexPropertiesEXT}, Type{PhysicalDeviceProvokingVertexPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PROVOKING_VERTEX_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineRasterizationProvokingVertexStateCreateInfoEXT}, Type{_PipelineRasterizationProvokingVertexStateCreateInfoEXT}, Type{PipelineRasterizationProvokingVertexStateCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_RASTERIZATION_PROVOKING_VERTEX_STATE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkCuModuleCreateInfoNVX}, Type{_CuModuleCreateInfoNVX}, Type{CuModuleCreateInfoNVX}})) = VK_STRUCTURE_TYPE_CU_MODULE_CREATE_INFO_NVX structure_type(@nospecialize(_::Union{Type{VkCuFunctionCreateInfoNVX}, Type{_CuFunctionCreateInfoNVX}, Type{CuFunctionCreateInfoNVX}})) = VK_STRUCTURE_TYPE_CU_FUNCTION_CREATE_INFO_NVX structure_type(@nospecialize(_::Union{Type{VkCuLaunchInfoNVX}, Type{_CuLaunchInfoNVX}, Type{CuLaunchInfoNVX}})) = VK_STRUCTURE_TYPE_CU_LAUNCH_INFO_NVX structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorBufferFeaturesEXT}, Type{_PhysicalDeviceDescriptorBufferFeaturesEXT}, Type{PhysicalDeviceDescriptorBufferFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_BUFFER_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorBufferPropertiesEXT}, Type{_PhysicalDeviceDescriptorBufferPropertiesEXT}, Type{PhysicalDeviceDescriptorBufferPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_BUFFER_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT}, Type{_PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT}, Type{PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_BUFFER_DENSITY_MAP_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkDescriptorAddressInfoEXT}, Type{_DescriptorAddressInfoEXT}, Type{DescriptorAddressInfoEXT}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_ADDRESS_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkDescriptorBufferBindingInfoEXT}, Type{_DescriptorBufferBindingInfoEXT}, Type{DescriptorBufferBindingInfoEXT}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_BUFFER_BINDING_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkDescriptorBufferBindingPushDescriptorBufferHandleEXT}, Type{_DescriptorBufferBindingPushDescriptorBufferHandleEXT}, Type{DescriptorBufferBindingPushDescriptorBufferHandleEXT}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_BUFFER_BINDING_PUSH_DESCRIPTOR_BUFFER_HANDLE_EXT structure_type(@nospecialize(_::Union{Type{VkDescriptorGetInfoEXT}, Type{_DescriptorGetInfoEXT}, Type{DescriptorGetInfoEXT}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_GET_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkBufferCaptureDescriptorDataInfoEXT}, Type{_BufferCaptureDescriptorDataInfoEXT}, Type{BufferCaptureDescriptorDataInfoEXT}})) = VK_STRUCTURE_TYPE_BUFFER_CAPTURE_DESCRIPTOR_DATA_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkImageCaptureDescriptorDataInfoEXT}, Type{_ImageCaptureDescriptorDataInfoEXT}, Type{ImageCaptureDescriptorDataInfoEXT}})) = VK_STRUCTURE_TYPE_IMAGE_CAPTURE_DESCRIPTOR_DATA_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkImageViewCaptureDescriptorDataInfoEXT}, Type{_ImageViewCaptureDescriptorDataInfoEXT}, Type{ImageViewCaptureDescriptorDataInfoEXT}})) = VK_STRUCTURE_TYPE_IMAGE_VIEW_CAPTURE_DESCRIPTOR_DATA_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkSamplerCaptureDescriptorDataInfoEXT}, Type{_SamplerCaptureDescriptorDataInfoEXT}, Type{SamplerCaptureDescriptorDataInfoEXT}})) = VK_STRUCTURE_TYPE_SAMPLER_CAPTURE_DESCRIPTOR_DATA_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureCaptureDescriptorDataInfoEXT}, Type{_AccelerationStructureCaptureDescriptorDataInfoEXT}, Type{AccelerationStructureCaptureDescriptorDataInfoEXT}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_CAPTURE_DESCRIPTOR_DATA_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkOpaqueCaptureDescriptorDataCreateInfoEXT}, Type{_OpaqueCaptureDescriptorDataCreateInfoEXT}, Type{OpaqueCaptureDescriptorDataCreateInfoEXT}})) = VK_STRUCTURE_TYPE_OPAQUE_CAPTURE_DESCRIPTOR_DATA_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderIntegerDotProductFeatures}, Type{_PhysicalDeviceShaderIntegerDotProductFeatures}, Type{PhysicalDeviceShaderIntegerDotProductFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_DOT_PRODUCT_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderIntegerDotProductProperties}, Type{_PhysicalDeviceShaderIntegerDotProductProperties}, Type{PhysicalDeviceShaderIntegerDotProductProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_DOT_PRODUCT_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDrmPropertiesEXT}, Type{_PhysicalDeviceDrmPropertiesEXT}, Type{PhysicalDeviceDrmPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DRM_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR}, Type{_PhysicalDeviceFragmentShaderBarycentricFeaturesKHR}, Type{PhysicalDeviceFragmentShaderBarycentricFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADER_BARYCENTRIC_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR}, Type{_PhysicalDeviceFragmentShaderBarycentricPropertiesKHR}, Type{PhysicalDeviceFragmentShaderBarycentricPropertiesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADER_BARYCENTRIC_PROPERTIES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingMotionBlurFeaturesNV}, Type{_PhysicalDeviceRayTracingMotionBlurFeaturesNV}, Type{PhysicalDeviceRayTracingMotionBlurFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_MOTION_BLUR_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryMotionTrianglesDataNV}, Type{_AccelerationStructureGeometryMotionTrianglesDataNV}, Type{AccelerationStructureGeometryMotionTrianglesDataNV}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_MOTION_TRIANGLES_DATA_NV structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureMotionInfoNV}, Type{_AccelerationStructureMotionInfoNV}, Type{AccelerationStructureMotionInfoNV}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_MOTION_INFO_NV structure_type(@nospecialize(_::Union{Type{VkMemoryGetRemoteAddressInfoNV}, Type{_MemoryGetRemoteAddressInfoNV}, Type{MemoryGetRemoteAddressInfoNV}})) = VK_STRUCTURE_TYPE_MEMORY_GET_REMOTE_ADDRESS_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT}, Type{_PhysicalDeviceRGBA10X6FormatsFeaturesEXT}, Type{PhysicalDeviceRGBA10X6FormatsFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_RGBA10X6_FORMATS_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkFormatProperties3}, Type{_FormatProperties3}, Type{FormatProperties3}})) = VK_STRUCTURE_TYPE_FORMAT_PROPERTIES_3 structure_type(@nospecialize(_::Union{Type{VkDrmFormatModifierPropertiesList2EXT}, Type{_DrmFormatModifierPropertiesList2EXT}, Type{DrmFormatModifierPropertiesList2EXT}})) = VK_STRUCTURE_TYPE_DRM_FORMAT_MODIFIER_PROPERTIES_LIST_2_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineRenderingCreateInfo}, Type{_PipelineRenderingCreateInfo}, Type{PipelineRenderingCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_RENDERING_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkRenderingInfo}, Type{_RenderingInfo}, Type{RenderingInfo}})) = VK_STRUCTURE_TYPE_RENDERING_INFO structure_type(@nospecialize(_::Union{Type{VkRenderingAttachmentInfo}, Type{_RenderingAttachmentInfo}, Type{RenderingAttachmentInfo}})) = VK_STRUCTURE_TYPE_RENDERING_ATTACHMENT_INFO structure_type(@nospecialize(_::Union{Type{VkRenderingFragmentShadingRateAttachmentInfoKHR}, Type{_RenderingFragmentShadingRateAttachmentInfoKHR}, Type{RenderingFragmentShadingRateAttachmentInfoKHR}})) = VK_STRUCTURE_TYPE_RENDERING_FRAGMENT_SHADING_RATE_ATTACHMENT_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkRenderingFragmentDensityMapAttachmentInfoEXT}, Type{_RenderingFragmentDensityMapAttachmentInfoEXT}, Type{RenderingFragmentDensityMapAttachmentInfoEXT}})) = VK_STRUCTURE_TYPE_RENDERING_FRAGMENT_DENSITY_MAP_ATTACHMENT_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDynamicRenderingFeatures}, Type{_PhysicalDeviceDynamicRenderingFeatures}, Type{PhysicalDeviceDynamicRenderingFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DYNAMIC_RENDERING_FEATURES structure_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceRenderingInfo}, Type{_CommandBufferInheritanceRenderingInfo}, Type{CommandBufferInheritanceRenderingInfo}})) = VK_STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_RENDERING_INFO structure_type(@nospecialize(_::Union{Type{VkAttachmentSampleCountInfoAMD}, Type{_AttachmentSampleCountInfoAMD}, Type{AttachmentSampleCountInfoAMD}})) = VK_STRUCTURE_TYPE_ATTACHMENT_SAMPLE_COUNT_INFO_AMD structure_type(@nospecialize(_::Union{Type{VkMultiviewPerViewAttributesInfoNVX}, Type{_MultiviewPerViewAttributesInfoNVX}, Type{MultiviewPerViewAttributesInfoNVX}})) = VK_STRUCTURE_TYPE_MULTIVIEW_PER_VIEW_ATTRIBUTES_INFO_NVX structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageViewMinLodFeaturesEXT}, Type{_PhysicalDeviceImageViewMinLodFeaturesEXT}, Type{PhysicalDeviceImageViewMinLodFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_VIEW_MIN_LOD_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkImageViewMinLodCreateInfoEXT}, Type{_ImageViewMinLodCreateInfoEXT}, Type{ImageViewMinLodCreateInfoEXT}})) = VK_STRUCTURE_TYPE_IMAGE_VIEW_MIN_LOD_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT}, Type{_PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT}, Type{PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_RASTERIZATION_ORDER_ATTACHMENT_ACCESS_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLinearColorAttachmentFeaturesNV}, Type{_PhysicalDeviceLinearColorAttachmentFeaturesNV}, Type{PhysicalDeviceLinearColorAttachmentFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_LINEAR_COLOR_ATTACHMENT_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT}, Type{_PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT}, Type{PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_GRAPHICS_PIPELINE_LIBRARY_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT}, Type{_PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT}, Type{PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_GRAPHICS_PIPELINE_LIBRARY_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkGraphicsPipelineLibraryCreateInfoEXT}, Type{_GraphicsPipelineLibraryCreateInfoEXT}, Type{GraphicsPipelineLibraryCreateInfoEXT}})) = VK_STRUCTURE_TYPE_GRAPHICS_PIPELINE_LIBRARY_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE}, Type{_PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE}, Type{PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_SET_HOST_MAPPING_FEATURES_VALVE structure_type(@nospecialize(_::Union{Type{VkDescriptorSetBindingReferenceVALVE}, Type{_DescriptorSetBindingReferenceVALVE}, Type{DescriptorSetBindingReferenceVALVE}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_SET_BINDING_REFERENCE_VALVE structure_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutHostMappingInfoVALVE}, Type{_DescriptorSetLayoutHostMappingInfoVALVE}, Type{DescriptorSetLayoutHostMappingInfoVALVE}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_HOST_MAPPING_INFO_VALVE structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT}, Type{_PhysicalDeviceShaderModuleIdentifierFeaturesEXT}, Type{PhysicalDeviceShaderModuleIdentifierFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_MODULE_IDENTIFIER_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT}, Type{_PhysicalDeviceShaderModuleIdentifierPropertiesEXT}, Type{PhysicalDeviceShaderModuleIdentifierPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_MODULE_IDENTIFIER_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineShaderStageModuleIdentifierCreateInfoEXT}, Type{_PipelineShaderStageModuleIdentifierCreateInfoEXT}, Type{PipelineShaderStageModuleIdentifierCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_SHADER_STAGE_MODULE_IDENTIFIER_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkShaderModuleIdentifierEXT}, Type{_ShaderModuleIdentifierEXT}, Type{ShaderModuleIdentifierEXT}})) = VK_STRUCTURE_TYPE_SHADER_MODULE_IDENTIFIER_EXT structure_type(@nospecialize(_::Union{Type{VkImageCompressionControlEXT}, Type{_ImageCompressionControlEXT}, Type{ImageCompressionControlEXT}})) = VK_STRUCTURE_TYPE_IMAGE_COMPRESSION_CONTROL_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageCompressionControlFeaturesEXT}, Type{_PhysicalDeviceImageCompressionControlFeaturesEXT}, Type{PhysicalDeviceImageCompressionControlFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_COMPRESSION_CONTROL_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkImageCompressionPropertiesEXT}, Type{_ImageCompressionPropertiesEXT}, Type{ImageCompressionPropertiesEXT}})) = VK_STRUCTURE_TYPE_IMAGE_COMPRESSION_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT}, Type{_PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT}, Type{PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_COMPRESSION_CONTROL_SWAPCHAIN_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkImageSubresource2EXT}, Type{_ImageSubresource2EXT}, Type{ImageSubresource2EXT}})) = VK_STRUCTURE_TYPE_IMAGE_SUBRESOURCE_2_EXT structure_type(@nospecialize(_::Union{Type{VkSubresourceLayout2EXT}, Type{_SubresourceLayout2EXT}, Type{SubresourceLayout2EXT}})) = VK_STRUCTURE_TYPE_SUBRESOURCE_LAYOUT_2_EXT structure_type(@nospecialize(_::Union{Type{VkRenderPassCreationControlEXT}, Type{_RenderPassCreationControlEXT}, Type{RenderPassCreationControlEXT}})) = VK_STRUCTURE_TYPE_RENDER_PASS_CREATION_CONTROL_EXT structure_type(@nospecialize(_::Union{Type{VkRenderPassCreationFeedbackCreateInfoEXT}, Type{_RenderPassCreationFeedbackCreateInfoEXT}, Type{RenderPassCreationFeedbackCreateInfoEXT}})) = VK_STRUCTURE_TYPE_RENDER_PASS_CREATION_FEEDBACK_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkRenderPassSubpassFeedbackCreateInfoEXT}, Type{_RenderPassSubpassFeedbackCreateInfoEXT}, Type{RenderPassSubpassFeedbackCreateInfoEXT}})) = VK_STRUCTURE_TYPE_RENDER_PASS_SUBPASS_FEEDBACK_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT}, Type{_PhysicalDeviceSubpassMergeFeedbackFeaturesEXT}, Type{PhysicalDeviceSubpassMergeFeedbackFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBPASS_MERGE_FEEDBACK_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkMicromapBuildInfoEXT}, Type{_MicromapBuildInfoEXT}, Type{MicromapBuildInfoEXT}})) = VK_STRUCTURE_TYPE_MICROMAP_BUILD_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkMicromapCreateInfoEXT}, Type{_MicromapCreateInfoEXT}, Type{MicromapCreateInfoEXT}})) = VK_STRUCTURE_TYPE_MICROMAP_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkMicromapVersionInfoEXT}, Type{_MicromapVersionInfoEXT}, Type{MicromapVersionInfoEXT}})) = VK_STRUCTURE_TYPE_MICROMAP_VERSION_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkCopyMicromapInfoEXT}, Type{_CopyMicromapInfoEXT}, Type{CopyMicromapInfoEXT}})) = VK_STRUCTURE_TYPE_COPY_MICROMAP_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkCopyMicromapToMemoryInfoEXT}, Type{_CopyMicromapToMemoryInfoEXT}, Type{CopyMicromapToMemoryInfoEXT}})) = VK_STRUCTURE_TYPE_COPY_MICROMAP_TO_MEMORY_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkCopyMemoryToMicromapInfoEXT}, Type{_CopyMemoryToMicromapInfoEXT}, Type{CopyMemoryToMicromapInfoEXT}})) = VK_STRUCTURE_TYPE_COPY_MEMORY_TO_MICROMAP_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkMicromapBuildSizesInfoEXT}, Type{_MicromapBuildSizesInfoEXT}, Type{MicromapBuildSizesInfoEXT}})) = VK_STRUCTURE_TYPE_MICROMAP_BUILD_SIZES_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceOpacityMicromapFeaturesEXT}, Type{_PhysicalDeviceOpacityMicromapFeaturesEXT}, Type{PhysicalDeviceOpacityMicromapFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_OPACITY_MICROMAP_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceOpacityMicromapPropertiesEXT}, Type{_PhysicalDeviceOpacityMicromapPropertiesEXT}, Type{PhysicalDeviceOpacityMicromapPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_OPACITY_MICROMAP_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureTrianglesOpacityMicromapEXT}, Type{_AccelerationStructureTrianglesOpacityMicromapEXT}, Type{AccelerationStructureTrianglesOpacityMicromapEXT}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_TRIANGLES_OPACITY_MICROMAP_EXT structure_type(@nospecialize(_::Union{Type{VkPipelinePropertiesIdentifierEXT}, Type{_PipelinePropertiesIdentifierEXT}, Type{PipelinePropertiesIdentifierEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_PROPERTIES_IDENTIFIER_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelinePropertiesFeaturesEXT}, Type{_PhysicalDevicePipelinePropertiesFeaturesEXT}, Type{PhysicalDevicePipelinePropertiesFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_PROPERTIES_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD}, Type{_PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD}, Type{PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_EARLY_AND_LATE_FRAGMENT_TESTS_FEATURES_AMD structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT}, Type{_PhysicalDeviceNonSeamlessCubeMapFeaturesEXT}, Type{PhysicalDeviceNonSeamlessCubeMapFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_NON_SEAMLESS_CUBE_MAP_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineRobustnessFeaturesEXT}, Type{_PhysicalDevicePipelineRobustnessFeaturesEXT}, Type{PhysicalDevicePipelineRobustnessFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_ROBUSTNESS_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineRobustnessCreateInfoEXT}, Type{_PipelineRobustnessCreateInfoEXT}, Type{PipelineRobustnessCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_ROBUSTNESS_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineRobustnessPropertiesEXT}, Type{_PhysicalDevicePipelineRobustnessPropertiesEXT}, Type{PhysicalDevicePipelineRobustnessPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_ROBUSTNESS_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkImageViewSampleWeightCreateInfoQCOM}, Type{_ImageViewSampleWeightCreateInfoQCOM}, Type{ImageViewSampleWeightCreateInfoQCOM}})) = VK_STRUCTURE_TYPE_IMAGE_VIEW_SAMPLE_WEIGHT_CREATE_INFO_QCOM structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageProcessingFeaturesQCOM}, Type{_PhysicalDeviceImageProcessingFeaturesQCOM}, Type{PhysicalDeviceImageProcessingFeaturesQCOM}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_PROCESSING_FEATURES_QCOM structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageProcessingPropertiesQCOM}, Type{_PhysicalDeviceImageProcessingPropertiesQCOM}, Type{PhysicalDeviceImageProcessingPropertiesQCOM}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_PROCESSING_PROPERTIES_QCOM structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTilePropertiesFeaturesQCOM}, Type{_PhysicalDeviceTilePropertiesFeaturesQCOM}, Type{PhysicalDeviceTilePropertiesFeaturesQCOM}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_TILE_PROPERTIES_FEATURES_QCOM structure_type(@nospecialize(_::Union{Type{VkTilePropertiesQCOM}, Type{_TilePropertiesQCOM}, Type{TilePropertiesQCOM}})) = VK_STRUCTURE_TYPE_TILE_PROPERTIES_QCOM structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAmigoProfilingFeaturesSEC}, Type{_PhysicalDeviceAmigoProfilingFeaturesSEC}, Type{PhysicalDeviceAmigoProfilingFeaturesSEC}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_AMIGO_PROFILING_FEATURES_SEC structure_type(@nospecialize(_::Union{Type{VkAmigoProfilingSubmitInfoSEC}, Type{_AmigoProfilingSubmitInfoSEC}, Type{AmigoProfilingSubmitInfoSEC}})) = VK_STRUCTURE_TYPE_AMIGO_PROFILING_SUBMIT_INFO_SEC structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT}, Type{_PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT}, Type{PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_ATTACHMENT_FEEDBACK_LOOP_LAYOUT_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDepthClampZeroOneFeaturesEXT}, Type{_PhysicalDeviceDepthClampZeroOneFeaturesEXT}, Type{PhysicalDeviceDepthClampZeroOneFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_CLAMP_ZERO_ONE_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAddressBindingReportFeaturesEXT}, Type{_PhysicalDeviceAddressBindingReportFeaturesEXT}, Type{PhysicalDeviceAddressBindingReportFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_ADDRESS_BINDING_REPORT_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkDeviceAddressBindingCallbackDataEXT}, Type{_DeviceAddressBindingCallbackDataEXT}, Type{DeviceAddressBindingCallbackDataEXT}})) = VK_STRUCTURE_TYPE_DEVICE_ADDRESS_BINDING_CALLBACK_DATA_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceOpticalFlowFeaturesNV}, Type{_PhysicalDeviceOpticalFlowFeaturesNV}, Type{PhysicalDeviceOpticalFlowFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_OPTICAL_FLOW_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceOpticalFlowPropertiesNV}, Type{_PhysicalDeviceOpticalFlowPropertiesNV}, Type{PhysicalDeviceOpticalFlowPropertiesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_OPTICAL_FLOW_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkOpticalFlowImageFormatInfoNV}, Type{_OpticalFlowImageFormatInfoNV}, Type{OpticalFlowImageFormatInfoNV}})) = VK_STRUCTURE_TYPE_OPTICAL_FLOW_IMAGE_FORMAT_INFO_NV structure_type(@nospecialize(_::Union{Type{VkOpticalFlowImageFormatPropertiesNV}, Type{_OpticalFlowImageFormatPropertiesNV}, Type{OpticalFlowImageFormatPropertiesNV}})) = VK_STRUCTURE_TYPE_OPTICAL_FLOW_IMAGE_FORMAT_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkOpticalFlowSessionCreateInfoNV}, Type{_OpticalFlowSessionCreateInfoNV}, Type{OpticalFlowSessionCreateInfoNV}})) = VK_STRUCTURE_TYPE_OPTICAL_FLOW_SESSION_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkOpticalFlowSessionCreatePrivateDataInfoNV}, Type{_OpticalFlowSessionCreatePrivateDataInfoNV}, Type{OpticalFlowSessionCreatePrivateDataInfoNV}})) = VK_STRUCTURE_TYPE_OPTICAL_FLOW_SESSION_CREATE_PRIVATE_DATA_INFO_NV structure_type(@nospecialize(_::Union{Type{VkOpticalFlowExecuteInfoNV}, Type{_OpticalFlowExecuteInfoNV}, Type{OpticalFlowExecuteInfoNV}})) = VK_STRUCTURE_TYPE_OPTICAL_FLOW_EXECUTE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFaultFeaturesEXT}, Type{_PhysicalDeviceFaultFeaturesEXT}, Type{PhysicalDeviceFaultFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FAULT_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkDeviceFaultCountsEXT}, Type{_DeviceFaultCountsEXT}, Type{DeviceFaultCountsEXT}})) = VK_STRUCTURE_TYPE_DEVICE_FAULT_COUNTS_EXT structure_type(@nospecialize(_::Union{Type{VkDeviceFaultInfoEXT}, Type{_DeviceFaultInfoEXT}, Type{DeviceFaultInfoEXT}})) = VK_STRUCTURE_TYPE_DEVICE_FAULT_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT}, Type{_PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT}, Type{PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_LIBRARY_GROUP_HANDLES_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM}, Type{_PhysicalDeviceShaderCoreBuiltinsPropertiesARM}, Type{PhysicalDeviceShaderCoreBuiltinsPropertiesARM}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CORE_BUILTINS_PROPERTIES_ARM structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM}, Type{_PhysicalDeviceShaderCoreBuiltinsFeaturesARM}, Type{PhysicalDeviceShaderCoreBuiltinsFeaturesARM}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CORE_BUILTINS_FEATURES_ARM structure_type(@nospecialize(_::Union{Type{VkSurfacePresentModeEXT}, Type{_SurfacePresentModeEXT}, Type{SurfacePresentModeEXT}})) = VK_STRUCTURE_TYPE_SURFACE_PRESENT_MODE_EXT structure_type(@nospecialize(_::Union{Type{VkSurfacePresentScalingCapabilitiesEXT}, Type{_SurfacePresentScalingCapabilitiesEXT}, Type{SurfacePresentScalingCapabilitiesEXT}})) = VK_STRUCTURE_TYPE_SURFACE_PRESENT_SCALING_CAPABILITIES_EXT structure_type(@nospecialize(_::Union{Type{VkSurfacePresentModeCompatibilityEXT}, Type{_SurfacePresentModeCompatibilityEXT}, Type{SurfacePresentModeCompatibilityEXT}})) = VK_STRUCTURE_TYPE_SURFACE_PRESENT_MODE_COMPATIBILITY_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT}, Type{_PhysicalDeviceSwapchainMaintenance1FeaturesEXT}, Type{PhysicalDeviceSwapchainMaintenance1FeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SWAPCHAIN_MAINTENANCE_1_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkSwapchainPresentFenceInfoEXT}, Type{_SwapchainPresentFenceInfoEXT}, Type{SwapchainPresentFenceInfoEXT}})) = VK_STRUCTURE_TYPE_SWAPCHAIN_PRESENT_FENCE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkSwapchainPresentModesCreateInfoEXT}, Type{_SwapchainPresentModesCreateInfoEXT}, Type{SwapchainPresentModesCreateInfoEXT}})) = VK_STRUCTURE_TYPE_SWAPCHAIN_PRESENT_MODES_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkSwapchainPresentModeInfoEXT}, Type{_SwapchainPresentModeInfoEXT}, Type{SwapchainPresentModeInfoEXT}})) = VK_STRUCTURE_TYPE_SWAPCHAIN_PRESENT_MODE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkSwapchainPresentScalingCreateInfoEXT}, Type{_SwapchainPresentScalingCreateInfoEXT}, Type{SwapchainPresentScalingCreateInfoEXT}})) = VK_STRUCTURE_TYPE_SWAPCHAIN_PRESENT_SCALING_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkReleaseSwapchainImagesInfoEXT}, Type{_ReleaseSwapchainImagesInfoEXT}, Type{ReleaseSwapchainImagesInfoEXT}})) = VK_STRUCTURE_TYPE_RELEASE_SWAPCHAIN_IMAGES_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV}, Type{_PhysicalDeviceRayTracingInvocationReorderFeaturesNV}, Type{PhysicalDeviceRayTracingInvocationReorderFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_INVOCATION_REORDER_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV}, Type{_PhysicalDeviceRayTracingInvocationReorderPropertiesNV}, Type{PhysicalDeviceRayTracingInvocationReorderPropertiesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_INVOCATION_REORDER_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkDirectDriverLoadingInfoLUNARG}, Type{_DirectDriverLoadingInfoLUNARG}, Type{DirectDriverLoadingInfoLUNARG}})) = VK_STRUCTURE_TYPE_DIRECT_DRIVER_LOADING_INFO_LUNARG structure_type(@nospecialize(_::Union{Type{VkDirectDriverLoadingListLUNARG}, Type{_DirectDriverLoadingListLUNARG}, Type{DirectDriverLoadingListLUNARG}})) = VK_STRUCTURE_TYPE_DIRECT_DRIVER_LOADING_LIST_LUNARG structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM}, Type{_PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM}, Type{PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_PER_VIEW_VIEWPORTS_FEATURES_QCOM hl_type(@nospecialize(_::Union{Type{VkBaseOutStructure}, Type{_BaseOutStructure}})) = BaseOutStructure hl_type(@nospecialize(_::Union{Type{VkBaseInStructure}, Type{_BaseInStructure}})) = BaseInStructure hl_type(@nospecialize(_::Union{Type{VkOffset2D}, Type{_Offset2D}})) = Offset2D hl_type(@nospecialize(_::Union{Type{VkOffset3D}, Type{_Offset3D}})) = Offset3D hl_type(@nospecialize(_::Union{Type{VkExtent2D}, Type{_Extent2D}})) = Extent2D hl_type(@nospecialize(_::Union{Type{VkExtent3D}, Type{_Extent3D}})) = Extent3D hl_type(@nospecialize(_::Union{Type{VkViewport}, Type{_Viewport}})) = Viewport hl_type(@nospecialize(_::Union{Type{VkRect2D}, Type{_Rect2D}})) = Rect2D hl_type(@nospecialize(_::Union{Type{VkClearRect}, Type{_ClearRect}})) = ClearRect hl_type(@nospecialize(_::Union{Type{VkComponentMapping}, Type{_ComponentMapping}})) = ComponentMapping hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProperties}, Type{_PhysicalDeviceProperties}})) = PhysicalDeviceProperties hl_type(@nospecialize(_::Union{Type{VkExtensionProperties}, Type{_ExtensionProperties}})) = ExtensionProperties hl_type(@nospecialize(_::Union{Type{VkLayerProperties}, Type{_LayerProperties}})) = LayerProperties hl_type(@nospecialize(_::Union{Type{VkApplicationInfo}, Type{_ApplicationInfo}})) = ApplicationInfo hl_type(@nospecialize(_::Union{Type{VkAllocationCallbacks}, Type{_AllocationCallbacks}})) = AllocationCallbacks hl_type(@nospecialize(_::Union{Type{VkDeviceQueueCreateInfo}, Type{_DeviceQueueCreateInfo}})) = DeviceQueueCreateInfo hl_type(@nospecialize(_::Union{Type{VkDeviceCreateInfo}, Type{_DeviceCreateInfo}})) = DeviceCreateInfo hl_type(@nospecialize(_::Union{Type{VkInstanceCreateInfo}, Type{_InstanceCreateInfo}})) = InstanceCreateInfo hl_type(@nospecialize(_::Union{Type{VkQueueFamilyProperties}, Type{_QueueFamilyProperties}})) = QueueFamilyProperties hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryProperties}, Type{_PhysicalDeviceMemoryProperties}})) = PhysicalDeviceMemoryProperties hl_type(@nospecialize(_::Union{Type{VkMemoryAllocateInfo}, Type{_MemoryAllocateInfo}})) = MemoryAllocateInfo hl_type(@nospecialize(_::Union{Type{VkMemoryRequirements}, Type{_MemoryRequirements}})) = MemoryRequirements hl_type(@nospecialize(_::Union{Type{VkSparseImageFormatProperties}, Type{_SparseImageFormatProperties}})) = SparseImageFormatProperties hl_type(@nospecialize(_::Union{Type{VkSparseImageMemoryRequirements}, Type{_SparseImageMemoryRequirements}})) = SparseImageMemoryRequirements hl_type(@nospecialize(_::Union{Type{VkMemoryType}, Type{_MemoryType}})) = MemoryType hl_type(@nospecialize(_::Union{Type{VkMemoryHeap}, Type{_MemoryHeap}})) = MemoryHeap hl_type(@nospecialize(_::Union{Type{VkMappedMemoryRange}, Type{_MappedMemoryRange}})) = MappedMemoryRange hl_type(@nospecialize(_::Union{Type{VkFormatProperties}, Type{_FormatProperties}})) = FormatProperties hl_type(@nospecialize(_::Union{Type{VkImageFormatProperties}, Type{_ImageFormatProperties}})) = ImageFormatProperties hl_type(@nospecialize(_::Union{Type{VkDescriptorBufferInfo}, Type{_DescriptorBufferInfo}})) = DescriptorBufferInfo hl_type(@nospecialize(_::Union{Type{VkDescriptorImageInfo}, Type{_DescriptorImageInfo}})) = DescriptorImageInfo hl_type(@nospecialize(_::Union{Type{VkWriteDescriptorSet}, Type{_WriteDescriptorSet}})) = WriteDescriptorSet hl_type(@nospecialize(_::Union{Type{VkCopyDescriptorSet}, Type{_CopyDescriptorSet}})) = CopyDescriptorSet hl_type(@nospecialize(_::Union{Type{VkBufferCreateInfo}, Type{_BufferCreateInfo}})) = BufferCreateInfo hl_type(@nospecialize(_::Union{Type{VkBufferViewCreateInfo}, Type{_BufferViewCreateInfo}})) = BufferViewCreateInfo hl_type(@nospecialize(_::Union{Type{VkImageSubresource}, Type{_ImageSubresource}})) = ImageSubresource hl_type(@nospecialize(_::Union{Type{VkImageSubresourceLayers}, Type{_ImageSubresourceLayers}})) = ImageSubresourceLayers hl_type(@nospecialize(_::Union{Type{VkImageSubresourceRange}, Type{_ImageSubresourceRange}})) = ImageSubresourceRange hl_type(@nospecialize(_::Union{Type{VkMemoryBarrier}, Type{_MemoryBarrier}})) = MemoryBarrier hl_type(@nospecialize(_::Union{Type{VkBufferMemoryBarrier}, Type{_BufferMemoryBarrier}})) = BufferMemoryBarrier hl_type(@nospecialize(_::Union{Type{VkImageMemoryBarrier}, Type{_ImageMemoryBarrier}})) = ImageMemoryBarrier hl_type(@nospecialize(_::Union{Type{VkImageCreateInfo}, Type{_ImageCreateInfo}})) = ImageCreateInfo hl_type(@nospecialize(_::Union{Type{VkSubresourceLayout}, Type{_SubresourceLayout}})) = SubresourceLayout hl_type(@nospecialize(_::Union{Type{VkImageViewCreateInfo}, Type{_ImageViewCreateInfo}})) = ImageViewCreateInfo hl_type(@nospecialize(_::Union{Type{VkBufferCopy}, Type{_BufferCopy}})) = BufferCopy hl_type(@nospecialize(_::Union{Type{VkSparseMemoryBind}, Type{_SparseMemoryBind}})) = SparseMemoryBind hl_type(@nospecialize(_::Union{Type{VkSparseImageMemoryBind}, Type{_SparseImageMemoryBind}})) = SparseImageMemoryBind hl_type(@nospecialize(_::Union{Type{VkSparseBufferMemoryBindInfo}, Type{_SparseBufferMemoryBindInfo}})) = SparseBufferMemoryBindInfo hl_type(@nospecialize(_::Union{Type{VkSparseImageOpaqueMemoryBindInfo}, Type{_SparseImageOpaqueMemoryBindInfo}})) = SparseImageOpaqueMemoryBindInfo hl_type(@nospecialize(_::Union{Type{VkSparseImageMemoryBindInfo}, Type{_SparseImageMemoryBindInfo}})) = SparseImageMemoryBindInfo hl_type(@nospecialize(_::Union{Type{VkBindSparseInfo}, Type{_BindSparseInfo}})) = BindSparseInfo hl_type(@nospecialize(_::Union{Type{VkImageCopy}, Type{_ImageCopy}})) = ImageCopy hl_type(@nospecialize(_::Union{Type{VkImageBlit}, Type{_ImageBlit}})) = ImageBlit hl_type(@nospecialize(_::Union{Type{VkBufferImageCopy}, Type{_BufferImageCopy}})) = BufferImageCopy hl_type(@nospecialize(_::Union{Type{VkCopyMemoryIndirectCommandNV}, Type{_CopyMemoryIndirectCommandNV}})) = CopyMemoryIndirectCommandNV hl_type(@nospecialize(_::Union{Type{VkCopyMemoryToImageIndirectCommandNV}, Type{_CopyMemoryToImageIndirectCommandNV}})) = CopyMemoryToImageIndirectCommandNV hl_type(@nospecialize(_::Union{Type{VkImageResolve}, Type{_ImageResolve}})) = ImageResolve hl_type(@nospecialize(_::Union{Type{VkShaderModuleCreateInfo}, Type{_ShaderModuleCreateInfo}})) = ShaderModuleCreateInfo hl_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutBinding}, Type{_DescriptorSetLayoutBinding}})) = DescriptorSetLayoutBinding hl_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutCreateInfo}, Type{_DescriptorSetLayoutCreateInfo}})) = DescriptorSetLayoutCreateInfo hl_type(@nospecialize(_::Union{Type{VkDescriptorPoolSize}, Type{_DescriptorPoolSize}})) = DescriptorPoolSize hl_type(@nospecialize(_::Union{Type{VkDescriptorPoolCreateInfo}, Type{_DescriptorPoolCreateInfo}})) = DescriptorPoolCreateInfo hl_type(@nospecialize(_::Union{Type{VkDescriptorSetAllocateInfo}, Type{_DescriptorSetAllocateInfo}})) = DescriptorSetAllocateInfo hl_type(@nospecialize(_::Union{Type{VkSpecializationMapEntry}, Type{_SpecializationMapEntry}})) = SpecializationMapEntry hl_type(@nospecialize(_::Union{Type{VkSpecializationInfo}, Type{_SpecializationInfo}})) = SpecializationInfo hl_type(@nospecialize(_::Union{Type{VkPipelineShaderStageCreateInfo}, Type{_PipelineShaderStageCreateInfo}})) = PipelineShaderStageCreateInfo hl_type(@nospecialize(_::Union{Type{VkComputePipelineCreateInfo}, Type{_ComputePipelineCreateInfo}})) = ComputePipelineCreateInfo hl_type(@nospecialize(_::Union{Type{VkVertexInputBindingDescription}, Type{_VertexInputBindingDescription}})) = VertexInputBindingDescription hl_type(@nospecialize(_::Union{Type{VkVertexInputAttributeDescription}, Type{_VertexInputAttributeDescription}})) = VertexInputAttributeDescription hl_type(@nospecialize(_::Union{Type{VkPipelineVertexInputStateCreateInfo}, Type{_PipelineVertexInputStateCreateInfo}})) = PipelineVertexInputStateCreateInfo hl_type(@nospecialize(_::Union{Type{VkPipelineInputAssemblyStateCreateInfo}, Type{_PipelineInputAssemblyStateCreateInfo}})) = PipelineInputAssemblyStateCreateInfo hl_type(@nospecialize(_::Union{Type{VkPipelineTessellationStateCreateInfo}, Type{_PipelineTessellationStateCreateInfo}})) = PipelineTessellationStateCreateInfo hl_type(@nospecialize(_::Union{Type{VkPipelineViewportStateCreateInfo}, Type{_PipelineViewportStateCreateInfo}})) = PipelineViewportStateCreateInfo hl_type(@nospecialize(_::Union{Type{VkPipelineRasterizationStateCreateInfo}, Type{_PipelineRasterizationStateCreateInfo}})) = PipelineRasterizationStateCreateInfo hl_type(@nospecialize(_::Union{Type{VkPipelineMultisampleStateCreateInfo}, Type{_PipelineMultisampleStateCreateInfo}})) = PipelineMultisampleStateCreateInfo hl_type(@nospecialize(_::Union{Type{VkPipelineColorBlendAttachmentState}, Type{_PipelineColorBlendAttachmentState}})) = PipelineColorBlendAttachmentState hl_type(@nospecialize(_::Union{Type{VkPipelineColorBlendStateCreateInfo}, Type{_PipelineColorBlendStateCreateInfo}})) = PipelineColorBlendStateCreateInfo hl_type(@nospecialize(_::Union{Type{VkPipelineDynamicStateCreateInfo}, Type{_PipelineDynamicStateCreateInfo}})) = PipelineDynamicStateCreateInfo hl_type(@nospecialize(_::Union{Type{VkStencilOpState}, Type{_StencilOpState}})) = StencilOpState hl_type(@nospecialize(_::Union{Type{VkPipelineDepthStencilStateCreateInfo}, Type{_PipelineDepthStencilStateCreateInfo}})) = PipelineDepthStencilStateCreateInfo hl_type(@nospecialize(_::Union{Type{VkGraphicsPipelineCreateInfo}, Type{_GraphicsPipelineCreateInfo}})) = GraphicsPipelineCreateInfo hl_type(@nospecialize(_::Union{Type{VkPipelineCacheCreateInfo}, Type{_PipelineCacheCreateInfo}})) = PipelineCacheCreateInfo hl_type(@nospecialize(_::Union{Type{VkPipelineCacheHeaderVersionOne}, Type{_PipelineCacheHeaderVersionOne}})) = PipelineCacheHeaderVersionOne hl_type(@nospecialize(_::Union{Type{VkPushConstantRange}, Type{_PushConstantRange}})) = PushConstantRange hl_type(@nospecialize(_::Union{Type{VkPipelineLayoutCreateInfo}, Type{_PipelineLayoutCreateInfo}})) = PipelineLayoutCreateInfo hl_type(@nospecialize(_::Union{Type{VkSamplerCreateInfo}, Type{_SamplerCreateInfo}})) = SamplerCreateInfo hl_type(@nospecialize(_::Union{Type{VkCommandPoolCreateInfo}, Type{_CommandPoolCreateInfo}})) = CommandPoolCreateInfo hl_type(@nospecialize(_::Union{Type{VkCommandBufferAllocateInfo}, Type{_CommandBufferAllocateInfo}})) = CommandBufferAllocateInfo hl_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceInfo}, Type{_CommandBufferInheritanceInfo}})) = CommandBufferInheritanceInfo hl_type(@nospecialize(_::Union{Type{VkCommandBufferBeginInfo}, Type{_CommandBufferBeginInfo}})) = CommandBufferBeginInfo hl_type(@nospecialize(_::Union{Type{VkRenderPassBeginInfo}, Type{_RenderPassBeginInfo}})) = RenderPassBeginInfo hl_type(@nospecialize(_::Union{Type{VkClearDepthStencilValue}, Type{_ClearDepthStencilValue}})) = ClearDepthStencilValue hl_type(@nospecialize(_::Union{Type{VkClearAttachment}, Type{_ClearAttachment}})) = ClearAttachment hl_type(@nospecialize(_::Union{Type{VkAttachmentDescription}, Type{_AttachmentDescription}})) = AttachmentDescription hl_type(@nospecialize(_::Union{Type{VkAttachmentReference}, Type{_AttachmentReference}})) = AttachmentReference hl_type(@nospecialize(_::Union{Type{VkSubpassDescription}, Type{_SubpassDescription}})) = SubpassDescription hl_type(@nospecialize(_::Union{Type{VkSubpassDependency}, Type{_SubpassDependency}})) = SubpassDependency hl_type(@nospecialize(_::Union{Type{VkRenderPassCreateInfo}, Type{_RenderPassCreateInfo}})) = RenderPassCreateInfo hl_type(@nospecialize(_::Union{Type{VkEventCreateInfo}, Type{_EventCreateInfo}})) = EventCreateInfo hl_type(@nospecialize(_::Union{Type{VkFenceCreateInfo}, Type{_FenceCreateInfo}})) = FenceCreateInfo hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFeatures}, Type{_PhysicalDeviceFeatures}})) = PhysicalDeviceFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSparseProperties}, Type{_PhysicalDeviceSparseProperties}})) = PhysicalDeviceSparseProperties hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLimits}, Type{_PhysicalDeviceLimits}})) = PhysicalDeviceLimits hl_type(@nospecialize(_::Union{Type{VkSemaphoreCreateInfo}, Type{_SemaphoreCreateInfo}})) = SemaphoreCreateInfo hl_type(@nospecialize(_::Union{Type{VkQueryPoolCreateInfo}, Type{_QueryPoolCreateInfo}})) = QueryPoolCreateInfo hl_type(@nospecialize(_::Union{Type{VkFramebufferCreateInfo}, Type{_FramebufferCreateInfo}})) = FramebufferCreateInfo hl_type(@nospecialize(_::Union{Type{VkDrawIndirectCommand}, Type{_DrawIndirectCommand}})) = DrawIndirectCommand hl_type(@nospecialize(_::Union{Type{VkDrawIndexedIndirectCommand}, Type{_DrawIndexedIndirectCommand}})) = DrawIndexedIndirectCommand hl_type(@nospecialize(_::Union{Type{VkDispatchIndirectCommand}, Type{_DispatchIndirectCommand}})) = DispatchIndirectCommand hl_type(@nospecialize(_::Union{Type{VkMultiDrawInfoEXT}, Type{_MultiDrawInfoEXT}})) = MultiDrawInfoEXT hl_type(@nospecialize(_::Union{Type{VkMultiDrawIndexedInfoEXT}, Type{_MultiDrawIndexedInfoEXT}})) = MultiDrawIndexedInfoEXT hl_type(@nospecialize(_::Union{Type{VkSubmitInfo}, Type{_SubmitInfo}})) = SubmitInfo hl_type(@nospecialize(_::Union{Type{VkDisplayPropertiesKHR}, Type{_DisplayPropertiesKHR}})) = DisplayPropertiesKHR hl_type(@nospecialize(_::Union{Type{VkDisplayPlanePropertiesKHR}, Type{_DisplayPlanePropertiesKHR}})) = DisplayPlanePropertiesKHR hl_type(@nospecialize(_::Union{Type{VkDisplayModeParametersKHR}, Type{_DisplayModeParametersKHR}})) = DisplayModeParametersKHR hl_type(@nospecialize(_::Union{Type{VkDisplayModePropertiesKHR}, Type{_DisplayModePropertiesKHR}})) = DisplayModePropertiesKHR hl_type(@nospecialize(_::Union{Type{VkDisplayModeCreateInfoKHR}, Type{_DisplayModeCreateInfoKHR}})) = DisplayModeCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkDisplayPlaneCapabilitiesKHR}, Type{_DisplayPlaneCapabilitiesKHR}})) = DisplayPlaneCapabilitiesKHR hl_type(@nospecialize(_::Union{Type{VkDisplaySurfaceCreateInfoKHR}, Type{_DisplaySurfaceCreateInfoKHR}})) = DisplaySurfaceCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkDisplayPresentInfoKHR}, Type{_DisplayPresentInfoKHR}})) = DisplayPresentInfoKHR hl_type(@nospecialize(_::Union{Type{VkSurfaceCapabilitiesKHR}, Type{_SurfaceCapabilitiesKHR}})) = SurfaceCapabilitiesKHR hl_type(@nospecialize(_::Union{Type{VkWaylandSurfaceCreateInfoKHR}, Type{_WaylandSurfaceCreateInfoKHR}})) = WaylandSurfaceCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkXlibSurfaceCreateInfoKHR}, Type{_XlibSurfaceCreateInfoKHR}})) = XlibSurfaceCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkXcbSurfaceCreateInfoKHR}, Type{_XcbSurfaceCreateInfoKHR}})) = XcbSurfaceCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkSurfaceFormatKHR}, Type{_SurfaceFormatKHR}})) = SurfaceFormatKHR hl_type(@nospecialize(_::Union{Type{VkSwapchainCreateInfoKHR}, Type{_SwapchainCreateInfoKHR}})) = SwapchainCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkPresentInfoKHR}, Type{_PresentInfoKHR}})) = PresentInfoKHR hl_type(@nospecialize(_::Union{Type{VkDebugReportCallbackCreateInfoEXT}, Type{_DebugReportCallbackCreateInfoEXT}})) = DebugReportCallbackCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkValidationFlagsEXT}, Type{_ValidationFlagsEXT}})) = ValidationFlagsEXT hl_type(@nospecialize(_::Union{Type{VkValidationFeaturesEXT}, Type{_ValidationFeaturesEXT}})) = ValidationFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPipelineRasterizationStateRasterizationOrderAMD}, Type{_PipelineRasterizationStateRasterizationOrderAMD}})) = PipelineRasterizationStateRasterizationOrderAMD hl_type(@nospecialize(_::Union{Type{VkDebugMarkerObjectNameInfoEXT}, Type{_DebugMarkerObjectNameInfoEXT}})) = DebugMarkerObjectNameInfoEXT hl_type(@nospecialize(_::Union{Type{VkDebugMarkerObjectTagInfoEXT}, Type{_DebugMarkerObjectTagInfoEXT}})) = DebugMarkerObjectTagInfoEXT hl_type(@nospecialize(_::Union{Type{VkDebugMarkerMarkerInfoEXT}, Type{_DebugMarkerMarkerInfoEXT}})) = DebugMarkerMarkerInfoEXT hl_type(@nospecialize(_::Union{Type{VkDedicatedAllocationImageCreateInfoNV}, Type{_DedicatedAllocationImageCreateInfoNV}})) = DedicatedAllocationImageCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkDedicatedAllocationBufferCreateInfoNV}, Type{_DedicatedAllocationBufferCreateInfoNV}})) = DedicatedAllocationBufferCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkDedicatedAllocationMemoryAllocateInfoNV}, Type{_DedicatedAllocationMemoryAllocateInfoNV}})) = DedicatedAllocationMemoryAllocateInfoNV hl_type(@nospecialize(_::Union{Type{VkExternalImageFormatPropertiesNV}, Type{_ExternalImageFormatPropertiesNV}})) = ExternalImageFormatPropertiesNV hl_type(@nospecialize(_::Union{Type{VkExternalMemoryImageCreateInfoNV}, Type{_ExternalMemoryImageCreateInfoNV}})) = ExternalMemoryImageCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkExportMemoryAllocateInfoNV}, Type{_ExportMemoryAllocateInfoNV}})) = ExportMemoryAllocateInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV}, Type{_PhysicalDeviceDeviceGeneratedCommandsFeaturesNV}})) = PhysicalDeviceDeviceGeneratedCommandsFeaturesNV hl_type(@nospecialize(_::Union{Type{VkDevicePrivateDataCreateInfo}, Type{_DevicePrivateDataCreateInfo}})) = DevicePrivateDataCreateInfo hl_type(@nospecialize(_::Union{Type{VkPrivateDataSlotCreateInfo}, Type{_PrivateDataSlotCreateInfo}})) = PrivateDataSlotCreateInfo hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePrivateDataFeatures}, Type{_PhysicalDevicePrivateDataFeatures}})) = PhysicalDevicePrivateDataFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV}, Type{_PhysicalDeviceDeviceGeneratedCommandsPropertiesNV}})) = PhysicalDeviceDeviceGeneratedCommandsPropertiesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiDrawPropertiesEXT}, Type{_PhysicalDeviceMultiDrawPropertiesEXT}})) = PhysicalDeviceMultiDrawPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkGraphicsShaderGroupCreateInfoNV}, Type{_GraphicsShaderGroupCreateInfoNV}})) = GraphicsShaderGroupCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkGraphicsPipelineShaderGroupsCreateInfoNV}, Type{_GraphicsPipelineShaderGroupsCreateInfoNV}})) = GraphicsPipelineShaderGroupsCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkBindShaderGroupIndirectCommandNV}, Type{_BindShaderGroupIndirectCommandNV}})) = BindShaderGroupIndirectCommandNV hl_type(@nospecialize(_::Union{Type{VkBindIndexBufferIndirectCommandNV}, Type{_BindIndexBufferIndirectCommandNV}})) = BindIndexBufferIndirectCommandNV hl_type(@nospecialize(_::Union{Type{VkBindVertexBufferIndirectCommandNV}, Type{_BindVertexBufferIndirectCommandNV}})) = BindVertexBufferIndirectCommandNV hl_type(@nospecialize(_::Union{Type{VkSetStateFlagsIndirectCommandNV}, Type{_SetStateFlagsIndirectCommandNV}})) = SetStateFlagsIndirectCommandNV hl_type(@nospecialize(_::Union{Type{VkIndirectCommandsStreamNV}, Type{_IndirectCommandsStreamNV}})) = IndirectCommandsStreamNV hl_type(@nospecialize(_::Union{Type{VkIndirectCommandsLayoutTokenNV}, Type{_IndirectCommandsLayoutTokenNV}})) = IndirectCommandsLayoutTokenNV hl_type(@nospecialize(_::Union{Type{VkIndirectCommandsLayoutCreateInfoNV}, Type{_IndirectCommandsLayoutCreateInfoNV}})) = IndirectCommandsLayoutCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkGeneratedCommandsInfoNV}, Type{_GeneratedCommandsInfoNV}})) = GeneratedCommandsInfoNV hl_type(@nospecialize(_::Union{Type{VkGeneratedCommandsMemoryRequirementsInfoNV}, Type{_GeneratedCommandsMemoryRequirementsInfoNV}})) = GeneratedCommandsMemoryRequirementsInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFeatures2}, Type{_PhysicalDeviceFeatures2}})) = PhysicalDeviceFeatures2 hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProperties2}, Type{_PhysicalDeviceProperties2}})) = PhysicalDeviceProperties2 hl_type(@nospecialize(_::Union{Type{VkFormatProperties2}, Type{_FormatProperties2}})) = FormatProperties2 hl_type(@nospecialize(_::Union{Type{VkImageFormatProperties2}, Type{_ImageFormatProperties2}})) = ImageFormatProperties2 hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageFormatInfo2}, Type{_PhysicalDeviceImageFormatInfo2}})) = PhysicalDeviceImageFormatInfo2 hl_type(@nospecialize(_::Union{Type{VkQueueFamilyProperties2}, Type{_QueueFamilyProperties2}})) = QueueFamilyProperties2 hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryProperties2}, Type{_PhysicalDeviceMemoryProperties2}})) = PhysicalDeviceMemoryProperties2 hl_type(@nospecialize(_::Union{Type{VkSparseImageFormatProperties2}, Type{_SparseImageFormatProperties2}})) = SparseImageFormatProperties2 hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSparseImageFormatInfo2}, Type{_PhysicalDeviceSparseImageFormatInfo2}})) = PhysicalDeviceSparseImageFormatInfo2 hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePushDescriptorPropertiesKHR}, Type{_PhysicalDevicePushDescriptorPropertiesKHR}})) = PhysicalDevicePushDescriptorPropertiesKHR hl_type(@nospecialize(_::Union{Type{VkConformanceVersion}, Type{_ConformanceVersion}})) = ConformanceVersion hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDriverProperties}, Type{_PhysicalDeviceDriverProperties}})) = PhysicalDeviceDriverProperties hl_type(@nospecialize(_::Union{Type{VkPresentRegionsKHR}, Type{_PresentRegionsKHR}})) = PresentRegionsKHR hl_type(@nospecialize(_::Union{Type{VkPresentRegionKHR}, Type{_PresentRegionKHR}})) = PresentRegionKHR hl_type(@nospecialize(_::Union{Type{VkRectLayerKHR}, Type{_RectLayerKHR}})) = RectLayerKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVariablePointersFeatures}, Type{_PhysicalDeviceVariablePointersFeatures}})) = PhysicalDeviceVariablePointersFeatures hl_type(@nospecialize(_::Union{Type{VkExternalMemoryProperties}, Type{_ExternalMemoryProperties}})) = ExternalMemoryProperties hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalImageFormatInfo}, Type{_PhysicalDeviceExternalImageFormatInfo}})) = PhysicalDeviceExternalImageFormatInfo hl_type(@nospecialize(_::Union{Type{VkExternalImageFormatProperties}, Type{_ExternalImageFormatProperties}})) = ExternalImageFormatProperties hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalBufferInfo}, Type{_PhysicalDeviceExternalBufferInfo}})) = PhysicalDeviceExternalBufferInfo hl_type(@nospecialize(_::Union{Type{VkExternalBufferProperties}, Type{_ExternalBufferProperties}})) = ExternalBufferProperties hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceIDProperties}, Type{_PhysicalDeviceIDProperties}})) = PhysicalDeviceIDProperties hl_type(@nospecialize(_::Union{Type{VkExternalMemoryImageCreateInfo}, Type{_ExternalMemoryImageCreateInfo}})) = ExternalMemoryImageCreateInfo hl_type(@nospecialize(_::Union{Type{VkExternalMemoryBufferCreateInfo}, Type{_ExternalMemoryBufferCreateInfo}})) = ExternalMemoryBufferCreateInfo hl_type(@nospecialize(_::Union{Type{VkExportMemoryAllocateInfo}, Type{_ExportMemoryAllocateInfo}})) = ExportMemoryAllocateInfo hl_type(@nospecialize(_::Union{Type{VkImportMemoryFdInfoKHR}, Type{_ImportMemoryFdInfoKHR}})) = ImportMemoryFdInfoKHR hl_type(@nospecialize(_::Union{Type{VkMemoryFdPropertiesKHR}, Type{_MemoryFdPropertiesKHR}})) = MemoryFdPropertiesKHR hl_type(@nospecialize(_::Union{Type{VkMemoryGetFdInfoKHR}, Type{_MemoryGetFdInfoKHR}})) = MemoryGetFdInfoKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalSemaphoreInfo}, Type{_PhysicalDeviceExternalSemaphoreInfo}})) = PhysicalDeviceExternalSemaphoreInfo hl_type(@nospecialize(_::Union{Type{VkExternalSemaphoreProperties}, Type{_ExternalSemaphoreProperties}})) = ExternalSemaphoreProperties hl_type(@nospecialize(_::Union{Type{VkExportSemaphoreCreateInfo}, Type{_ExportSemaphoreCreateInfo}})) = ExportSemaphoreCreateInfo hl_type(@nospecialize(_::Union{Type{VkImportSemaphoreFdInfoKHR}, Type{_ImportSemaphoreFdInfoKHR}})) = ImportSemaphoreFdInfoKHR hl_type(@nospecialize(_::Union{Type{VkSemaphoreGetFdInfoKHR}, Type{_SemaphoreGetFdInfoKHR}})) = SemaphoreGetFdInfoKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalFenceInfo}, Type{_PhysicalDeviceExternalFenceInfo}})) = PhysicalDeviceExternalFenceInfo hl_type(@nospecialize(_::Union{Type{VkExternalFenceProperties}, Type{_ExternalFenceProperties}})) = ExternalFenceProperties hl_type(@nospecialize(_::Union{Type{VkExportFenceCreateInfo}, Type{_ExportFenceCreateInfo}})) = ExportFenceCreateInfo hl_type(@nospecialize(_::Union{Type{VkImportFenceFdInfoKHR}, Type{_ImportFenceFdInfoKHR}})) = ImportFenceFdInfoKHR hl_type(@nospecialize(_::Union{Type{VkFenceGetFdInfoKHR}, Type{_FenceGetFdInfoKHR}})) = FenceGetFdInfoKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiviewFeatures}, Type{_PhysicalDeviceMultiviewFeatures}})) = PhysicalDeviceMultiviewFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiviewProperties}, Type{_PhysicalDeviceMultiviewProperties}})) = PhysicalDeviceMultiviewProperties hl_type(@nospecialize(_::Union{Type{VkRenderPassMultiviewCreateInfo}, Type{_RenderPassMultiviewCreateInfo}})) = RenderPassMultiviewCreateInfo hl_type(@nospecialize(_::Union{Type{VkSurfaceCapabilities2EXT}, Type{_SurfaceCapabilities2EXT}})) = SurfaceCapabilities2EXT hl_type(@nospecialize(_::Union{Type{VkDisplayPowerInfoEXT}, Type{_DisplayPowerInfoEXT}})) = DisplayPowerInfoEXT hl_type(@nospecialize(_::Union{Type{VkDeviceEventInfoEXT}, Type{_DeviceEventInfoEXT}})) = DeviceEventInfoEXT hl_type(@nospecialize(_::Union{Type{VkDisplayEventInfoEXT}, Type{_DisplayEventInfoEXT}})) = DisplayEventInfoEXT hl_type(@nospecialize(_::Union{Type{VkSwapchainCounterCreateInfoEXT}, Type{_SwapchainCounterCreateInfoEXT}})) = SwapchainCounterCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceGroupProperties}, Type{_PhysicalDeviceGroupProperties}})) = PhysicalDeviceGroupProperties hl_type(@nospecialize(_::Union{Type{VkMemoryAllocateFlagsInfo}, Type{_MemoryAllocateFlagsInfo}})) = MemoryAllocateFlagsInfo hl_type(@nospecialize(_::Union{Type{VkBindBufferMemoryInfo}, Type{_BindBufferMemoryInfo}})) = BindBufferMemoryInfo hl_type(@nospecialize(_::Union{Type{VkBindBufferMemoryDeviceGroupInfo}, Type{_BindBufferMemoryDeviceGroupInfo}})) = BindBufferMemoryDeviceGroupInfo hl_type(@nospecialize(_::Union{Type{VkBindImageMemoryInfo}, Type{_BindImageMemoryInfo}})) = BindImageMemoryInfo hl_type(@nospecialize(_::Union{Type{VkBindImageMemoryDeviceGroupInfo}, Type{_BindImageMemoryDeviceGroupInfo}})) = BindImageMemoryDeviceGroupInfo hl_type(@nospecialize(_::Union{Type{VkDeviceGroupRenderPassBeginInfo}, Type{_DeviceGroupRenderPassBeginInfo}})) = DeviceGroupRenderPassBeginInfo hl_type(@nospecialize(_::Union{Type{VkDeviceGroupCommandBufferBeginInfo}, Type{_DeviceGroupCommandBufferBeginInfo}})) = DeviceGroupCommandBufferBeginInfo hl_type(@nospecialize(_::Union{Type{VkDeviceGroupSubmitInfo}, Type{_DeviceGroupSubmitInfo}})) = DeviceGroupSubmitInfo hl_type(@nospecialize(_::Union{Type{VkDeviceGroupBindSparseInfo}, Type{_DeviceGroupBindSparseInfo}})) = DeviceGroupBindSparseInfo hl_type(@nospecialize(_::Union{Type{VkDeviceGroupPresentCapabilitiesKHR}, Type{_DeviceGroupPresentCapabilitiesKHR}})) = DeviceGroupPresentCapabilitiesKHR hl_type(@nospecialize(_::Union{Type{VkImageSwapchainCreateInfoKHR}, Type{_ImageSwapchainCreateInfoKHR}})) = ImageSwapchainCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkBindImageMemorySwapchainInfoKHR}, Type{_BindImageMemorySwapchainInfoKHR}})) = BindImageMemorySwapchainInfoKHR hl_type(@nospecialize(_::Union{Type{VkAcquireNextImageInfoKHR}, Type{_AcquireNextImageInfoKHR}})) = AcquireNextImageInfoKHR hl_type(@nospecialize(_::Union{Type{VkDeviceGroupPresentInfoKHR}, Type{_DeviceGroupPresentInfoKHR}})) = DeviceGroupPresentInfoKHR hl_type(@nospecialize(_::Union{Type{VkDeviceGroupDeviceCreateInfo}, Type{_DeviceGroupDeviceCreateInfo}})) = DeviceGroupDeviceCreateInfo hl_type(@nospecialize(_::Union{Type{VkDeviceGroupSwapchainCreateInfoKHR}, Type{_DeviceGroupSwapchainCreateInfoKHR}})) = DeviceGroupSwapchainCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkDescriptorUpdateTemplateEntry}, Type{_DescriptorUpdateTemplateEntry}})) = DescriptorUpdateTemplateEntry hl_type(@nospecialize(_::Union{Type{VkDescriptorUpdateTemplateCreateInfo}, Type{_DescriptorUpdateTemplateCreateInfo}})) = DescriptorUpdateTemplateCreateInfo hl_type(@nospecialize(_::Union{Type{VkXYColorEXT}, Type{_XYColorEXT}})) = XYColorEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePresentIdFeaturesKHR}, Type{_PhysicalDevicePresentIdFeaturesKHR}})) = PhysicalDevicePresentIdFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkPresentIdKHR}, Type{_PresentIdKHR}})) = PresentIdKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePresentWaitFeaturesKHR}, Type{_PhysicalDevicePresentWaitFeaturesKHR}})) = PhysicalDevicePresentWaitFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkHdrMetadataEXT}, Type{_HdrMetadataEXT}})) = HdrMetadataEXT hl_type(@nospecialize(_::Union{Type{VkDisplayNativeHdrSurfaceCapabilitiesAMD}, Type{_DisplayNativeHdrSurfaceCapabilitiesAMD}})) = DisplayNativeHdrSurfaceCapabilitiesAMD hl_type(@nospecialize(_::Union{Type{VkSwapchainDisplayNativeHdrCreateInfoAMD}, Type{_SwapchainDisplayNativeHdrCreateInfoAMD}})) = SwapchainDisplayNativeHdrCreateInfoAMD hl_type(@nospecialize(_::Union{Type{VkRefreshCycleDurationGOOGLE}, Type{_RefreshCycleDurationGOOGLE}})) = RefreshCycleDurationGOOGLE hl_type(@nospecialize(_::Union{Type{VkPastPresentationTimingGOOGLE}, Type{_PastPresentationTimingGOOGLE}})) = PastPresentationTimingGOOGLE hl_type(@nospecialize(_::Union{Type{VkPresentTimesInfoGOOGLE}, Type{_PresentTimesInfoGOOGLE}})) = PresentTimesInfoGOOGLE hl_type(@nospecialize(_::Union{Type{VkPresentTimeGOOGLE}, Type{_PresentTimeGOOGLE}})) = PresentTimeGOOGLE hl_type(@nospecialize(_::Union{Type{VkViewportWScalingNV}, Type{_ViewportWScalingNV}})) = ViewportWScalingNV hl_type(@nospecialize(_::Union{Type{VkPipelineViewportWScalingStateCreateInfoNV}, Type{_PipelineViewportWScalingStateCreateInfoNV}})) = PipelineViewportWScalingStateCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkViewportSwizzleNV}, Type{_ViewportSwizzleNV}})) = ViewportSwizzleNV hl_type(@nospecialize(_::Union{Type{VkPipelineViewportSwizzleStateCreateInfoNV}, Type{_PipelineViewportSwizzleStateCreateInfoNV}})) = PipelineViewportSwizzleStateCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDiscardRectanglePropertiesEXT}, Type{_PhysicalDeviceDiscardRectanglePropertiesEXT}})) = PhysicalDeviceDiscardRectanglePropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPipelineDiscardRectangleStateCreateInfoEXT}, Type{_PipelineDiscardRectangleStateCreateInfoEXT}})) = PipelineDiscardRectangleStateCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX}, Type{_PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX}})) = PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX hl_type(@nospecialize(_::Union{Type{VkInputAttachmentAspectReference}, Type{_InputAttachmentAspectReference}})) = InputAttachmentAspectReference hl_type(@nospecialize(_::Union{Type{VkRenderPassInputAttachmentAspectCreateInfo}, Type{_RenderPassInputAttachmentAspectCreateInfo}})) = RenderPassInputAttachmentAspectCreateInfo hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSurfaceInfo2KHR}, Type{_PhysicalDeviceSurfaceInfo2KHR}})) = PhysicalDeviceSurfaceInfo2KHR hl_type(@nospecialize(_::Union{Type{VkSurfaceCapabilities2KHR}, Type{_SurfaceCapabilities2KHR}})) = SurfaceCapabilities2KHR hl_type(@nospecialize(_::Union{Type{VkSurfaceFormat2KHR}, Type{_SurfaceFormat2KHR}})) = SurfaceFormat2KHR hl_type(@nospecialize(_::Union{Type{VkDisplayProperties2KHR}, Type{_DisplayProperties2KHR}})) = DisplayProperties2KHR hl_type(@nospecialize(_::Union{Type{VkDisplayPlaneProperties2KHR}, Type{_DisplayPlaneProperties2KHR}})) = DisplayPlaneProperties2KHR hl_type(@nospecialize(_::Union{Type{VkDisplayModeProperties2KHR}, Type{_DisplayModeProperties2KHR}})) = DisplayModeProperties2KHR hl_type(@nospecialize(_::Union{Type{VkDisplayPlaneInfo2KHR}, Type{_DisplayPlaneInfo2KHR}})) = DisplayPlaneInfo2KHR hl_type(@nospecialize(_::Union{Type{VkDisplayPlaneCapabilities2KHR}, Type{_DisplayPlaneCapabilities2KHR}})) = DisplayPlaneCapabilities2KHR hl_type(@nospecialize(_::Union{Type{VkSharedPresentSurfaceCapabilitiesKHR}, Type{_SharedPresentSurfaceCapabilitiesKHR}})) = SharedPresentSurfaceCapabilitiesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDevice16BitStorageFeatures}, Type{_PhysicalDevice16BitStorageFeatures}})) = PhysicalDevice16BitStorageFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubgroupProperties}, Type{_PhysicalDeviceSubgroupProperties}})) = PhysicalDeviceSubgroupProperties hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures}, Type{_PhysicalDeviceShaderSubgroupExtendedTypesFeatures}})) = PhysicalDeviceShaderSubgroupExtendedTypesFeatures hl_type(@nospecialize(_::Union{Type{VkBufferMemoryRequirementsInfo2}, Type{_BufferMemoryRequirementsInfo2}})) = BufferMemoryRequirementsInfo2 hl_type(@nospecialize(_::Union{Type{VkDeviceBufferMemoryRequirements}, Type{_DeviceBufferMemoryRequirements}})) = DeviceBufferMemoryRequirements hl_type(@nospecialize(_::Union{Type{VkImageMemoryRequirementsInfo2}, Type{_ImageMemoryRequirementsInfo2}})) = ImageMemoryRequirementsInfo2 hl_type(@nospecialize(_::Union{Type{VkImageSparseMemoryRequirementsInfo2}, Type{_ImageSparseMemoryRequirementsInfo2}})) = ImageSparseMemoryRequirementsInfo2 hl_type(@nospecialize(_::Union{Type{VkDeviceImageMemoryRequirements}, Type{_DeviceImageMemoryRequirements}})) = DeviceImageMemoryRequirements hl_type(@nospecialize(_::Union{Type{VkMemoryRequirements2}, Type{_MemoryRequirements2}})) = MemoryRequirements2 hl_type(@nospecialize(_::Union{Type{VkSparseImageMemoryRequirements2}, Type{_SparseImageMemoryRequirements2}})) = SparseImageMemoryRequirements2 hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePointClippingProperties}, Type{_PhysicalDevicePointClippingProperties}})) = PhysicalDevicePointClippingProperties hl_type(@nospecialize(_::Union{Type{VkMemoryDedicatedRequirements}, Type{_MemoryDedicatedRequirements}})) = MemoryDedicatedRequirements hl_type(@nospecialize(_::Union{Type{VkMemoryDedicatedAllocateInfo}, Type{_MemoryDedicatedAllocateInfo}})) = MemoryDedicatedAllocateInfo hl_type(@nospecialize(_::Union{Type{VkImageViewUsageCreateInfo}, Type{_ImageViewUsageCreateInfo}})) = ImageViewUsageCreateInfo hl_type(@nospecialize(_::Union{Type{VkPipelineTessellationDomainOriginStateCreateInfo}, Type{_PipelineTessellationDomainOriginStateCreateInfo}})) = PipelineTessellationDomainOriginStateCreateInfo hl_type(@nospecialize(_::Union{Type{VkSamplerYcbcrConversionInfo}, Type{_SamplerYcbcrConversionInfo}})) = SamplerYcbcrConversionInfo hl_type(@nospecialize(_::Union{Type{VkSamplerYcbcrConversionCreateInfo}, Type{_SamplerYcbcrConversionCreateInfo}})) = SamplerYcbcrConversionCreateInfo hl_type(@nospecialize(_::Union{Type{VkBindImagePlaneMemoryInfo}, Type{_BindImagePlaneMemoryInfo}})) = BindImagePlaneMemoryInfo hl_type(@nospecialize(_::Union{Type{VkImagePlaneMemoryRequirementsInfo}, Type{_ImagePlaneMemoryRequirementsInfo}})) = ImagePlaneMemoryRequirementsInfo hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSamplerYcbcrConversionFeatures}, Type{_PhysicalDeviceSamplerYcbcrConversionFeatures}})) = PhysicalDeviceSamplerYcbcrConversionFeatures hl_type(@nospecialize(_::Union{Type{VkSamplerYcbcrConversionImageFormatProperties}, Type{_SamplerYcbcrConversionImageFormatProperties}})) = SamplerYcbcrConversionImageFormatProperties hl_type(@nospecialize(_::Union{Type{VkTextureLODGatherFormatPropertiesAMD}, Type{_TextureLODGatherFormatPropertiesAMD}})) = TextureLODGatherFormatPropertiesAMD hl_type(@nospecialize(_::Union{Type{VkConditionalRenderingBeginInfoEXT}, Type{_ConditionalRenderingBeginInfoEXT}})) = ConditionalRenderingBeginInfoEXT hl_type(@nospecialize(_::Union{Type{VkProtectedSubmitInfo}, Type{_ProtectedSubmitInfo}})) = ProtectedSubmitInfo hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProtectedMemoryFeatures}, Type{_PhysicalDeviceProtectedMemoryFeatures}})) = PhysicalDeviceProtectedMemoryFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProtectedMemoryProperties}, Type{_PhysicalDeviceProtectedMemoryProperties}})) = PhysicalDeviceProtectedMemoryProperties hl_type(@nospecialize(_::Union{Type{VkDeviceQueueInfo2}, Type{_DeviceQueueInfo2}})) = DeviceQueueInfo2 hl_type(@nospecialize(_::Union{Type{VkPipelineCoverageToColorStateCreateInfoNV}, Type{_PipelineCoverageToColorStateCreateInfoNV}})) = PipelineCoverageToColorStateCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSamplerFilterMinmaxProperties}, Type{_PhysicalDeviceSamplerFilterMinmaxProperties}})) = PhysicalDeviceSamplerFilterMinmaxProperties hl_type(@nospecialize(_::Union{Type{VkSampleLocationEXT}, Type{_SampleLocationEXT}})) = SampleLocationEXT hl_type(@nospecialize(_::Union{Type{VkSampleLocationsInfoEXT}, Type{_SampleLocationsInfoEXT}})) = SampleLocationsInfoEXT hl_type(@nospecialize(_::Union{Type{VkAttachmentSampleLocationsEXT}, Type{_AttachmentSampleLocationsEXT}})) = AttachmentSampleLocationsEXT hl_type(@nospecialize(_::Union{Type{VkSubpassSampleLocationsEXT}, Type{_SubpassSampleLocationsEXT}})) = SubpassSampleLocationsEXT hl_type(@nospecialize(_::Union{Type{VkRenderPassSampleLocationsBeginInfoEXT}, Type{_RenderPassSampleLocationsBeginInfoEXT}})) = RenderPassSampleLocationsBeginInfoEXT hl_type(@nospecialize(_::Union{Type{VkPipelineSampleLocationsStateCreateInfoEXT}, Type{_PipelineSampleLocationsStateCreateInfoEXT}})) = PipelineSampleLocationsStateCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSampleLocationsPropertiesEXT}, Type{_PhysicalDeviceSampleLocationsPropertiesEXT}})) = PhysicalDeviceSampleLocationsPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkMultisamplePropertiesEXT}, Type{_MultisamplePropertiesEXT}})) = MultisamplePropertiesEXT hl_type(@nospecialize(_::Union{Type{VkSamplerReductionModeCreateInfo}, Type{_SamplerReductionModeCreateInfo}})) = SamplerReductionModeCreateInfo hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT}, Type{_PhysicalDeviceBlendOperationAdvancedFeaturesEXT}})) = PhysicalDeviceBlendOperationAdvancedFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiDrawFeaturesEXT}, Type{_PhysicalDeviceMultiDrawFeaturesEXT}})) = PhysicalDeviceMultiDrawFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT}, Type{_PhysicalDeviceBlendOperationAdvancedPropertiesEXT}})) = PhysicalDeviceBlendOperationAdvancedPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPipelineColorBlendAdvancedStateCreateInfoEXT}, Type{_PipelineColorBlendAdvancedStateCreateInfoEXT}})) = PipelineColorBlendAdvancedStateCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceInlineUniformBlockFeatures}, Type{_PhysicalDeviceInlineUniformBlockFeatures}})) = PhysicalDeviceInlineUniformBlockFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceInlineUniformBlockProperties}, Type{_PhysicalDeviceInlineUniformBlockProperties}})) = PhysicalDeviceInlineUniformBlockProperties hl_type(@nospecialize(_::Union{Type{VkWriteDescriptorSetInlineUniformBlock}, Type{_WriteDescriptorSetInlineUniformBlock}})) = WriteDescriptorSetInlineUniformBlock hl_type(@nospecialize(_::Union{Type{VkDescriptorPoolInlineUniformBlockCreateInfo}, Type{_DescriptorPoolInlineUniformBlockCreateInfo}})) = DescriptorPoolInlineUniformBlockCreateInfo hl_type(@nospecialize(_::Union{Type{VkPipelineCoverageModulationStateCreateInfoNV}, Type{_PipelineCoverageModulationStateCreateInfoNV}})) = PipelineCoverageModulationStateCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkImageFormatListCreateInfo}, Type{_ImageFormatListCreateInfo}})) = ImageFormatListCreateInfo hl_type(@nospecialize(_::Union{Type{VkValidationCacheCreateInfoEXT}, Type{_ValidationCacheCreateInfoEXT}})) = ValidationCacheCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkShaderModuleValidationCacheCreateInfoEXT}, Type{_ShaderModuleValidationCacheCreateInfoEXT}})) = ShaderModuleValidationCacheCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMaintenance3Properties}, Type{_PhysicalDeviceMaintenance3Properties}})) = PhysicalDeviceMaintenance3Properties hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMaintenance4Features}, Type{_PhysicalDeviceMaintenance4Features}})) = PhysicalDeviceMaintenance4Features hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMaintenance4Properties}, Type{_PhysicalDeviceMaintenance4Properties}})) = PhysicalDeviceMaintenance4Properties hl_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutSupport}, Type{_DescriptorSetLayoutSupport}})) = DescriptorSetLayoutSupport hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderDrawParametersFeatures}, Type{_PhysicalDeviceShaderDrawParametersFeatures}})) = PhysicalDeviceShaderDrawParametersFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderFloat16Int8Features}, Type{_PhysicalDeviceShaderFloat16Int8Features}})) = PhysicalDeviceShaderFloat16Int8Features hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFloatControlsProperties}, Type{_PhysicalDeviceFloatControlsProperties}})) = PhysicalDeviceFloatControlsProperties hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceHostQueryResetFeatures}, Type{_PhysicalDeviceHostQueryResetFeatures}})) = PhysicalDeviceHostQueryResetFeatures hl_type(@nospecialize(_::Union{Type{VkShaderResourceUsageAMD}, Type{_ShaderResourceUsageAMD}})) = ShaderResourceUsageAMD hl_type(@nospecialize(_::Union{Type{VkShaderStatisticsInfoAMD}, Type{_ShaderStatisticsInfoAMD}})) = ShaderStatisticsInfoAMD hl_type(@nospecialize(_::Union{Type{VkDeviceQueueGlobalPriorityCreateInfoKHR}, Type{_DeviceQueueGlobalPriorityCreateInfoKHR}})) = DeviceQueueGlobalPriorityCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR}, Type{_PhysicalDeviceGlobalPriorityQueryFeaturesKHR}})) = PhysicalDeviceGlobalPriorityQueryFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkQueueFamilyGlobalPriorityPropertiesKHR}, Type{_QueueFamilyGlobalPriorityPropertiesKHR}})) = QueueFamilyGlobalPriorityPropertiesKHR hl_type(@nospecialize(_::Union{Type{VkDebugUtilsObjectNameInfoEXT}, Type{_DebugUtilsObjectNameInfoEXT}})) = DebugUtilsObjectNameInfoEXT hl_type(@nospecialize(_::Union{Type{VkDebugUtilsObjectTagInfoEXT}, Type{_DebugUtilsObjectTagInfoEXT}})) = DebugUtilsObjectTagInfoEXT hl_type(@nospecialize(_::Union{Type{VkDebugUtilsLabelEXT}, Type{_DebugUtilsLabelEXT}})) = DebugUtilsLabelEXT hl_type(@nospecialize(_::Union{Type{VkDebugUtilsMessengerCreateInfoEXT}, Type{_DebugUtilsMessengerCreateInfoEXT}})) = DebugUtilsMessengerCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkDebugUtilsMessengerCallbackDataEXT}, Type{_DebugUtilsMessengerCallbackDataEXT}})) = DebugUtilsMessengerCallbackDataEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDeviceMemoryReportFeaturesEXT}, Type{_PhysicalDeviceDeviceMemoryReportFeaturesEXT}})) = PhysicalDeviceDeviceMemoryReportFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkDeviceDeviceMemoryReportCreateInfoEXT}, Type{_DeviceDeviceMemoryReportCreateInfoEXT}})) = DeviceDeviceMemoryReportCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkDeviceMemoryReportCallbackDataEXT}, Type{_DeviceMemoryReportCallbackDataEXT}})) = DeviceMemoryReportCallbackDataEXT hl_type(@nospecialize(_::Union{Type{VkImportMemoryHostPointerInfoEXT}, Type{_ImportMemoryHostPointerInfoEXT}})) = ImportMemoryHostPointerInfoEXT hl_type(@nospecialize(_::Union{Type{VkMemoryHostPointerPropertiesEXT}, Type{_MemoryHostPointerPropertiesEXT}})) = MemoryHostPointerPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalMemoryHostPropertiesEXT}, Type{_PhysicalDeviceExternalMemoryHostPropertiesEXT}})) = PhysicalDeviceExternalMemoryHostPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceConservativeRasterizationPropertiesEXT}, Type{_PhysicalDeviceConservativeRasterizationPropertiesEXT}})) = PhysicalDeviceConservativeRasterizationPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkCalibratedTimestampInfoEXT}, Type{_CalibratedTimestampInfoEXT}})) = CalibratedTimestampInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderCorePropertiesAMD}, Type{_PhysicalDeviceShaderCorePropertiesAMD}})) = PhysicalDeviceShaderCorePropertiesAMD hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderCoreProperties2AMD}, Type{_PhysicalDeviceShaderCoreProperties2AMD}})) = PhysicalDeviceShaderCoreProperties2AMD hl_type(@nospecialize(_::Union{Type{VkPipelineRasterizationConservativeStateCreateInfoEXT}, Type{_PipelineRasterizationConservativeStateCreateInfoEXT}})) = PipelineRasterizationConservativeStateCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorIndexingFeatures}, Type{_PhysicalDeviceDescriptorIndexingFeatures}})) = PhysicalDeviceDescriptorIndexingFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorIndexingProperties}, Type{_PhysicalDeviceDescriptorIndexingProperties}})) = PhysicalDeviceDescriptorIndexingProperties hl_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutBindingFlagsCreateInfo}, Type{_DescriptorSetLayoutBindingFlagsCreateInfo}})) = DescriptorSetLayoutBindingFlagsCreateInfo hl_type(@nospecialize(_::Union{Type{VkDescriptorSetVariableDescriptorCountAllocateInfo}, Type{_DescriptorSetVariableDescriptorCountAllocateInfo}})) = DescriptorSetVariableDescriptorCountAllocateInfo hl_type(@nospecialize(_::Union{Type{VkDescriptorSetVariableDescriptorCountLayoutSupport}, Type{_DescriptorSetVariableDescriptorCountLayoutSupport}})) = DescriptorSetVariableDescriptorCountLayoutSupport hl_type(@nospecialize(_::Union{Type{VkAttachmentDescription2}, Type{_AttachmentDescription2}})) = AttachmentDescription2 hl_type(@nospecialize(_::Union{Type{VkAttachmentReference2}, Type{_AttachmentReference2}})) = AttachmentReference2 hl_type(@nospecialize(_::Union{Type{VkSubpassDescription2}, Type{_SubpassDescription2}})) = SubpassDescription2 hl_type(@nospecialize(_::Union{Type{VkSubpassDependency2}, Type{_SubpassDependency2}})) = SubpassDependency2 hl_type(@nospecialize(_::Union{Type{VkRenderPassCreateInfo2}, Type{_RenderPassCreateInfo2}})) = RenderPassCreateInfo2 hl_type(@nospecialize(_::Union{Type{VkSubpassBeginInfo}, Type{_SubpassBeginInfo}})) = SubpassBeginInfo hl_type(@nospecialize(_::Union{Type{VkSubpassEndInfo}, Type{_SubpassEndInfo}})) = SubpassEndInfo hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTimelineSemaphoreFeatures}, Type{_PhysicalDeviceTimelineSemaphoreFeatures}})) = PhysicalDeviceTimelineSemaphoreFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTimelineSemaphoreProperties}, Type{_PhysicalDeviceTimelineSemaphoreProperties}})) = PhysicalDeviceTimelineSemaphoreProperties hl_type(@nospecialize(_::Union{Type{VkSemaphoreTypeCreateInfo}, Type{_SemaphoreTypeCreateInfo}})) = SemaphoreTypeCreateInfo hl_type(@nospecialize(_::Union{Type{VkTimelineSemaphoreSubmitInfo}, Type{_TimelineSemaphoreSubmitInfo}})) = TimelineSemaphoreSubmitInfo hl_type(@nospecialize(_::Union{Type{VkSemaphoreWaitInfo}, Type{_SemaphoreWaitInfo}})) = SemaphoreWaitInfo hl_type(@nospecialize(_::Union{Type{VkSemaphoreSignalInfo}, Type{_SemaphoreSignalInfo}})) = SemaphoreSignalInfo hl_type(@nospecialize(_::Union{Type{VkVertexInputBindingDivisorDescriptionEXT}, Type{_VertexInputBindingDivisorDescriptionEXT}})) = VertexInputBindingDivisorDescriptionEXT hl_type(@nospecialize(_::Union{Type{VkPipelineVertexInputDivisorStateCreateInfoEXT}, Type{_PipelineVertexInputDivisorStateCreateInfoEXT}})) = PipelineVertexInputDivisorStateCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT}, Type{_PhysicalDeviceVertexAttributeDivisorPropertiesEXT}})) = PhysicalDeviceVertexAttributeDivisorPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePCIBusInfoPropertiesEXT}, Type{_PhysicalDevicePCIBusInfoPropertiesEXT}})) = PhysicalDevicePCIBusInfoPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceConditionalRenderingInfoEXT}, Type{_CommandBufferInheritanceConditionalRenderingInfoEXT}})) = CommandBufferInheritanceConditionalRenderingInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDevice8BitStorageFeatures}, Type{_PhysicalDevice8BitStorageFeatures}})) = PhysicalDevice8BitStorageFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceConditionalRenderingFeaturesEXT}, Type{_PhysicalDeviceConditionalRenderingFeaturesEXT}})) = PhysicalDeviceConditionalRenderingFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkanMemoryModelFeatures}, Type{_PhysicalDeviceVulkanMemoryModelFeatures}})) = PhysicalDeviceVulkanMemoryModelFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderAtomicInt64Features}, Type{_PhysicalDeviceShaderAtomicInt64Features}})) = PhysicalDeviceShaderAtomicInt64Features hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderAtomicFloatFeaturesEXT}, Type{_PhysicalDeviceShaderAtomicFloatFeaturesEXT}})) = PhysicalDeviceShaderAtomicFloatFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT}, Type{_PhysicalDeviceShaderAtomicFloat2FeaturesEXT}})) = PhysicalDeviceShaderAtomicFloat2FeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT}, Type{_PhysicalDeviceVertexAttributeDivisorFeaturesEXT}})) = PhysicalDeviceVertexAttributeDivisorFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkQueueFamilyCheckpointPropertiesNV}, Type{_QueueFamilyCheckpointPropertiesNV}})) = QueueFamilyCheckpointPropertiesNV hl_type(@nospecialize(_::Union{Type{VkCheckpointDataNV}, Type{_CheckpointDataNV}})) = CheckpointDataNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDepthStencilResolveProperties}, Type{_PhysicalDeviceDepthStencilResolveProperties}})) = PhysicalDeviceDepthStencilResolveProperties hl_type(@nospecialize(_::Union{Type{VkSubpassDescriptionDepthStencilResolve}, Type{_SubpassDescriptionDepthStencilResolve}})) = SubpassDescriptionDepthStencilResolve hl_type(@nospecialize(_::Union{Type{VkImageViewASTCDecodeModeEXT}, Type{_ImageViewASTCDecodeModeEXT}})) = ImageViewASTCDecodeModeEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceASTCDecodeFeaturesEXT}, Type{_PhysicalDeviceASTCDecodeFeaturesEXT}})) = PhysicalDeviceASTCDecodeFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTransformFeedbackFeaturesEXT}, Type{_PhysicalDeviceTransformFeedbackFeaturesEXT}})) = PhysicalDeviceTransformFeedbackFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTransformFeedbackPropertiesEXT}, Type{_PhysicalDeviceTransformFeedbackPropertiesEXT}})) = PhysicalDeviceTransformFeedbackPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPipelineRasterizationStateStreamCreateInfoEXT}, Type{_PipelineRasterizationStateStreamCreateInfoEXT}})) = PipelineRasterizationStateStreamCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV}, Type{_PhysicalDeviceRepresentativeFragmentTestFeaturesNV}})) = PhysicalDeviceRepresentativeFragmentTestFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPipelineRepresentativeFragmentTestStateCreateInfoNV}, Type{_PipelineRepresentativeFragmentTestStateCreateInfoNV}})) = PipelineRepresentativeFragmentTestStateCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExclusiveScissorFeaturesNV}, Type{_PhysicalDeviceExclusiveScissorFeaturesNV}})) = PhysicalDeviceExclusiveScissorFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPipelineViewportExclusiveScissorStateCreateInfoNV}, Type{_PipelineViewportExclusiveScissorStateCreateInfoNV}})) = PipelineViewportExclusiveScissorStateCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCornerSampledImageFeaturesNV}, Type{_PhysicalDeviceCornerSampledImageFeaturesNV}})) = PhysicalDeviceCornerSampledImageFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceComputeShaderDerivativesFeaturesNV}, Type{_PhysicalDeviceComputeShaderDerivativesFeaturesNV}})) = PhysicalDeviceComputeShaderDerivativesFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderImageFootprintFeaturesNV}, Type{_PhysicalDeviceShaderImageFootprintFeaturesNV}})) = PhysicalDeviceShaderImageFootprintFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV}, Type{_PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV}})) = PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCopyMemoryIndirectFeaturesNV}, Type{_PhysicalDeviceCopyMemoryIndirectFeaturesNV}})) = PhysicalDeviceCopyMemoryIndirectFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCopyMemoryIndirectPropertiesNV}, Type{_PhysicalDeviceCopyMemoryIndirectPropertiesNV}})) = PhysicalDeviceCopyMemoryIndirectPropertiesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryDecompressionFeaturesNV}, Type{_PhysicalDeviceMemoryDecompressionFeaturesNV}})) = PhysicalDeviceMemoryDecompressionFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryDecompressionPropertiesNV}, Type{_PhysicalDeviceMemoryDecompressionPropertiesNV}})) = PhysicalDeviceMemoryDecompressionPropertiesNV hl_type(@nospecialize(_::Union{Type{VkShadingRatePaletteNV}, Type{_ShadingRatePaletteNV}})) = ShadingRatePaletteNV hl_type(@nospecialize(_::Union{Type{VkPipelineViewportShadingRateImageStateCreateInfoNV}, Type{_PipelineViewportShadingRateImageStateCreateInfoNV}})) = PipelineViewportShadingRateImageStateCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShadingRateImageFeaturesNV}, Type{_PhysicalDeviceShadingRateImageFeaturesNV}})) = PhysicalDeviceShadingRateImageFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShadingRateImagePropertiesNV}, Type{_PhysicalDeviceShadingRateImagePropertiesNV}})) = PhysicalDeviceShadingRateImagePropertiesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceInvocationMaskFeaturesHUAWEI}, Type{_PhysicalDeviceInvocationMaskFeaturesHUAWEI}})) = PhysicalDeviceInvocationMaskFeaturesHUAWEI hl_type(@nospecialize(_::Union{Type{VkCoarseSampleLocationNV}, Type{_CoarseSampleLocationNV}})) = CoarseSampleLocationNV hl_type(@nospecialize(_::Union{Type{VkCoarseSampleOrderCustomNV}, Type{_CoarseSampleOrderCustomNV}})) = CoarseSampleOrderCustomNV hl_type(@nospecialize(_::Union{Type{VkPipelineViewportCoarseSampleOrderStateCreateInfoNV}, Type{_PipelineViewportCoarseSampleOrderStateCreateInfoNV}})) = PipelineViewportCoarseSampleOrderStateCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMeshShaderFeaturesNV}, Type{_PhysicalDeviceMeshShaderFeaturesNV}})) = PhysicalDeviceMeshShaderFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMeshShaderPropertiesNV}, Type{_PhysicalDeviceMeshShaderPropertiesNV}})) = PhysicalDeviceMeshShaderPropertiesNV hl_type(@nospecialize(_::Union{Type{VkDrawMeshTasksIndirectCommandNV}, Type{_DrawMeshTasksIndirectCommandNV}})) = DrawMeshTasksIndirectCommandNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMeshShaderFeaturesEXT}, Type{_PhysicalDeviceMeshShaderFeaturesEXT}})) = PhysicalDeviceMeshShaderFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMeshShaderPropertiesEXT}, Type{_PhysicalDeviceMeshShaderPropertiesEXT}})) = PhysicalDeviceMeshShaderPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkDrawMeshTasksIndirectCommandEXT}, Type{_DrawMeshTasksIndirectCommandEXT}})) = DrawMeshTasksIndirectCommandEXT hl_type(@nospecialize(_::Union{Type{VkRayTracingShaderGroupCreateInfoNV}, Type{_RayTracingShaderGroupCreateInfoNV}})) = RayTracingShaderGroupCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkRayTracingShaderGroupCreateInfoKHR}, Type{_RayTracingShaderGroupCreateInfoKHR}})) = RayTracingShaderGroupCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkRayTracingPipelineCreateInfoNV}, Type{_RayTracingPipelineCreateInfoNV}})) = RayTracingPipelineCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkRayTracingPipelineCreateInfoKHR}, Type{_RayTracingPipelineCreateInfoKHR}})) = RayTracingPipelineCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkGeometryTrianglesNV}, Type{_GeometryTrianglesNV}})) = GeometryTrianglesNV hl_type(@nospecialize(_::Union{Type{VkGeometryAABBNV}, Type{_GeometryAABBNV}})) = GeometryAABBNV hl_type(@nospecialize(_::Union{Type{VkGeometryDataNV}, Type{_GeometryDataNV}})) = GeometryDataNV hl_type(@nospecialize(_::Union{Type{VkGeometryNV}, Type{_GeometryNV}})) = GeometryNV hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureInfoNV}, Type{_AccelerationStructureInfoNV}})) = AccelerationStructureInfoNV hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureCreateInfoNV}, Type{_AccelerationStructureCreateInfoNV}})) = AccelerationStructureCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkBindAccelerationStructureMemoryInfoNV}, Type{_BindAccelerationStructureMemoryInfoNV}})) = BindAccelerationStructureMemoryInfoNV hl_type(@nospecialize(_::Union{Type{VkWriteDescriptorSetAccelerationStructureKHR}, Type{_WriteDescriptorSetAccelerationStructureKHR}})) = WriteDescriptorSetAccelerationStructureKHR hl_type(@nospecialize(_::Union{Type{VkWriteDescriptorSetAccelerationStructureNV}, Type{_WriteDescriptorSetAccelerationStructureNV}})) = WriteDescriptorSetAccelerationStructureNV hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureMemoryRequirementsInfoNV}, Type{_AccelerationStructureMemoryRequirementsInfoNV}})) = AccelerationStructureMemoryRequirementsInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAccelerationStructureFeaturesKHR}, Type{_PhysicalDeviceAccelerationStructureFeaturesKHR}})) = PhysicalDeviceAccelerationStructureFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingPipelineFeaturesKHR}, Type{_PhysicalDeviceRayTracingPipelineFeaturesKHR}})) = PhysicalDeviceRayTracingPipelineFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayQueryFeaturesKHR}, Type{_PhysicalDeviceRayQueryFeaturesKHR}})) = PhysicalDeviceRayQueryFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAccelerationStructurePropertiesKHR}, Type{_PhysicalDeviceAccelerationStructurePropertiesKHR}})) = PhysicalDeviceAccelerationStructurePropertiesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingPipelinePropertiesKHR}, Type{_PhysicalDeviceRayTracingPipelinePropertiesKHR}})) = PhysicalDeviceRayTracingPipelinePropertiesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingPropertiesNV}, Type{_PhysicalDeviceRayTracingPropertiesNV}})) = PhysicalDeviceRayTracingPropertiesNV hl_type(@nospecialize(_::Union{Type{VkStridedDeviceAddressRegionKHR}, Type{_StridedDeviceAddressRegionKHR}})) = StridedDeviceAddressRegionKHR hl_type(@nospecialize(_::Union{Type{VkTraceRaysIndirectCommandKHR}, Type{_TraceRaysIndirectCommandKHR}})) = TraceRaysIndirectCommandKHR hl_type(@nospecialize(_::Union{Type{VkTraceRaysIndirectCommand2KHR}, Type{_TraceRaysIndirectCommand2KHR}})) = TraceRaysIndirectCommand2KHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR}, Type{_PhysicalDeviceRayTracingMaintenance1FeaturesKHR}})) = PhysicalDeviceRayTracingMaintenance1FeaturesKHR hl_type(@nospecialize(_::Union{Type{VkDrmFormatModifierPropertiesListEXT}, Type{_DrmFormatModifierPropertiesListEXT}})) = DrmFormatModifierPropertiesListEXT hl_type(@nospecialize(_::Union{Type{VkDrmFormatModifierPropertiesEXT}, Type{_DrmFormatModifierPropertiesEXT}})) = DrmFormatModifierPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageDrmFormatModifierInfoEXT}, Type{_PhysicalDeviceImageDrmFormatModifierInfoEXT}})) = PhysicalDeviceImageDrmFormatModifierInfoEXT hl_type(@nospecialize(_::Union{Type{VkImageDrmFormatModifierListCreateInfoEXT}, Type{_ImageDrmFormatModifierListCreateInfoEXT}})) = ImageDrmFormatModifierListCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkImageDrmFormatModifierExplicitCreateInfoEXT}, Type{_ImageDrmFormatModifierExplicitCreateInfoEXT}})) = ImageDrmFormatModifierExplicitCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkImageDrmFormatModifierPropertiesEXT}, Type{_ImageDrmFormatModifierPropertiesEXT}})) = ImageDrmFormatModifierPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkImageStencilUsageCreateInfo}, Type{_ImageStencilUsageCreateInfo}})) = ImageStencilUsageCreateInfo hl_type(@nospecialize(_::Union{Type{VkDeviceMemoryOverallocationCreateInfoAMD}, Type{_DeviceMemoryOverallocationCreateInfoAMD}})) = DeviceMemoryOverallocationCreateInfoAMD hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMapFeaturesEXT}, Type{_PhysicalDeviceFragmentDensityMapFeaturesEXT}})) = PhysicalDeviceFragmentDensityMapFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMap2FeaturesEXT}, Type{_PhysicalDeviceFragmentDensityMap2FeaturesEXT}})) = PhysicalDeviceFragmentDensityMap2FeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM}, Type{_PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM}})) = PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMapPropertiesEXT}, Type{_PhysicalDeviceFragmentDensityMapPropertiesEXT}})) = PhysicalDeviceFragmentDensityMapPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMap2PropertiesEXT}, Type{_PhysicalDeviceFragmentDensityMap2PropertiesEXT}})) = PhysicalDeviceFragmentDensityMap2PropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM}, Type{_PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM}})) = PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM hl_type(@nospecialize(_::Union{Type{VkRenderPassFragmentDensityMapCreateInfoEXT}, Type{_RenderPassFragmentDensityMapCreateInfoEXT}})) = RenderPassFragmentDensityMapCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkSubpassFragmentDensityMapOffsetEndInfoQCOM}, Type{_SubpassFragmentDensityMapOffsetEndInfoQCOM}})) = SubpassFragmentDensityMapOffsetEndInfoQCOM hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceScalarBlockLayoutFeatures}, Type{_PhysicalDeviceScalarBlockLayoutFeatures}})) = PhysicalDeviceScalarBlockLayoutFeatures hl_type(@nospecialize(_::Union{Type{VkSurfaceProtectedCapabilitiesKHR}, Type{_SurfaceProtectedCapabilitiesKHR}})) = SurfaceProtectedCapabilitiesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceUniformBufferStandardLayoutFeatures}, Type{_PhysicalDeviceUniformBufferStandardLayoutFeatures}})) = PhysicalDeviceUniformBufferStandardLayoutFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDepthClipEnableFeaturesEXT}, Type{_PhysicalDeviceDepthClipEnableFeaturesEXT}})) = PhysicalDeviceDepthClipEnableFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPipelineRasterizationDepthClipStateCreateInfoEXT}, Type{_PipelineRasterizationDepthClipStateCreateInfoEXT}})) = PipelineRasterizationDepthClipStateCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryBudgetPropertiesEXT}, Type{_PhysicalDeviceMemoryBudgetPropertiesEXT}})) = PhysicalDeviceMemoryBudgetPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryPriorityFeaturesEXT}, Type{_PhysicalDeviceMemoryPriorityFeaturesEXT}})) = PhysicalDeviceMemoryPriorityFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkMemoryPriorityAllocateInfoEXT}, Type{_MemoryPriorityAllocateInfoEXT}})) = MemoryPriorityAllocateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT}, Type{_PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT}})) = PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBufferDeviceAddressFeatures}, Type{_PhysicalDeviceBufferDeviceAddressFeatures}})) = PhysicalDeviceBufferDeviceAddressFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBufferDeviceAddressFeaturesEXT}, Type{_PhysicalDeviceBufferDeviceAddressFeaturesEXT}})) = PhysicalDeviceBufferDeviceAddressFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkBufferDeviceAddressInfo}, Type{_BufferDeviceAddressInfo}})) = BufferDeviceAddressInfo hl_type(@nospecialize(_::Union{Type{VkBufferOpaqueCaptureAddressCreateInfo}, Type{_BufferOpaqueCaptureAddressCreateInfo}})) = BufferOpaqueCaptureAddressCreateInfo hl_type(@nospecialize(_::Union{Type{VkBufferDeviceAddressCreateInfoEXT}, Type{_BufferDeviceAddressCreateInfoEXT}})) = BufferDeviceAddressCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageViewImageFormatInfoEXT}, Type{_PhysicalDeviceImageViewImageFormatInfoEXT}})) = PhysicalDeviceImageViewImageFormatInfoEXT hl_type(@nospecialize(_::Union{Type{VkFilterCubicImageViewImageFormatPropertiesEXT}, Type{_FilterCubicImageViewImageFormatPropertiesEXT}})) = FilterCubicImageViewImageFormatPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImagelessFramebufferFeatures}, Type{_PhysicalDeviceImagelessFramebufferFeatures}})) = PhysicalDeviceImagelessFramebufferFeatures hl_type(@nospecialize(_::Union{Type{VkFramebufferAttachmentsCreateInfo}, Type{_FramebufferAttachmentsCreateInfo}})) = FramebufferAttachmentsCreateInfo hl_type(@nospecialize(_::Union{Type{VkFramebufferAttachmentImageInfo}, Type{_FramebufferAttachmentImageInfo}})) = FramebufferAttachmentImageInfo hl_type(@nospecialize(_::Union{Type{VkRenderPassAttachmentBeginInfo}, Type{_RenderPassAttachmentBeginInfo}})) = RenderPassAttachmentBeginInfo hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTextureCompressionASTCHDRFeatures}, Type{_PhysicalDeviceTextureCompressionASTCHDRFeatures}})) = PhysicalDeviceTextureCompressionASTCHDRFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCooperativeMatrixFeaturesNV}, Type{_PhysicalDeviceCooperativeMatrixFeaturesNV}})) = PhysicalDeviceCooperativeMatrixFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCooperativeMatrixPropertiesNV}, Type{_PhysicalDeviceCooperativeMatrixPropertiesNV}})) = PhysicalDeviceCooperativeMatrixPropertiesNV hl_type(@nospecialize(_::Union{Type{VkCooperativeMatrixPropertiesNV}, Type{_CooperativeMatrixPropertiesNV}})) = CooperativeMatrixPropertiesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceYcbcrImageArraysFeaturesEXT}, Type{_PhysicalDeviceYcbcrImageArraysFeaturesEXT}})) = PhysicalDeviceYcbcrImageArraysFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkImageViewHandleInfoNVX}, Type{_ImageViewHandleInfoNVX}})) = ImageViewHandleInfoNVX hl_type(@nospecialize(_::Union{Type{VkImageViewAddressPropertiesNVX}, Type{_ImageViewAddressPropertiesNVX}})) = ImageViewAddressPropertiesNVX hl_type(@nospecialize(_::Union{Type{VkPipelineCreationFeedback}, Type{_PipelineCreationFeedback}})) = PipelineCreationFeedback hl_type(@nospecialize(_::Union{Type{VkPipelineCreationFeedbackCreateInfo}, Type{_PipelineCreationFeedbackCreateInfo}})) = PipelineCreationFeedbackCreateInfo hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePresentBarrierFeaturesNV}, Type{_PhysicalDevicePresentBarrierFeaturesNV}})) = PhysicalDevicePresentBarrierFeaturesNV hl_type(@nospecialize(_::Union{Type{VkSurfaceCapabilitiesPresentBarrierNV}, Type{_SurfaceCapabilitiesPresentBarrierNV}})) = SurfaceCapabilitiesPresentBarrierNV hl_type(@nospecialize(_::Union{Type{VkSwapchainPresentBarrierCreateInfoNV}, Type{_SwapchainPresentBarrierCreateInfoNV}})) = SwapchainPresentBarrierCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePerformanceQueryFeaturesKHR}, Type{_PhysicalDevicePerformanceQueryFeaturesKHR}})) = PhysicalDevicePerformanceQueryFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePerformanceQueryPropertiesKHR}, Type{_PhysicalDevicePerformanceQueryPropertiesKHR}})) = PhysicalDevicePerformanceQueryPropertiesKHR hl_type(@nospecialize(_::Union{Type{VkPerformanceCounterKHR}, Type{_PerformanceCounterKHR}})) = PerformanceCounterKHR hl_type(@nospecialize(_::Union{Type{VkPerformanceCounterDescriptionKHR}, Type{_PerformanceCounterDescriptionKHR}})) = PerformanceCounterDescriptionKHR hl_type(@nospecialize(_::Union{Type{VkQueryPoolPerformanceCreateInfoKHR}, Type{_QueryPoolPerformanceCreateInfoKHR}})) = QueryPoolPerformanceCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkAcquireProfilingLockInfoKHR}, Type{_AcquireProfilingLockInfoKHR}})) = AcquireProfilingLockInfoKHR hl_type(@nospecialize(_::Union{Type{VkPerformanceQuerySubmitInfoKHR}, Type{_PerformanceQuerySubmitInfoKHR}})) = PerformanceQuerySubmitInfoKHR hl_type(@nospecialize(_::Union{Type{VkHeadlessSurfaceCreateInfoEXT}, Type{_HeadlessSurfaceCreateInfoEXT}})) = HeadlessSurfaceCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCoverageReductionModeFeaturesNV}, Type{_PhysicalDeviceCoverageReductionModeFeaturesNV}})) = PhysicalDeviceCoverageReductionModeFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPipelineCoverageReductionStateCreateInfoNV}, Type{_PipelineCoverageReductionStateCreateInfoNV}})) = PipelineCoverageReductionStateCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkFramebufferMixedSamplesCombinationNV}, Type{_FramebufferMixedSamplesCombinationNV}})) = FramebufferMixedSamplesCombinationNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL}, Type{_PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL}})) = PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL hl_type(@nospecialize(_::Union{Type{VkPerformanceValueINTEL}, Type{_PerformanceValueINTEL}})) = PerformanceValueINTEL hl_type(@nospecialize(_::Union{Type{VkInitializePerformanceApiInfoINTEL}, Type{_InitializePerformanceApiInfoINTEL}})) = InitializePerformanceApiInfoINTEL hl_type(@nospecialize(_::Union{Type{VkQueryPoolPerformanceQueryCreateInfoINTEL}, Type{_QueryPoolPerformanceQueryCreateInfoINTEL}})) = QueryPoolPerformanceQueryCreateInfoINTEL hl_type(@nospecialize(_::Union{Type{VkPerformanceMarkerInfoINTEL}, Type{_PerformanceMarkerInfoINTEL}})) = PerformanceMarkerInfoINTEL hl_type(@nospecialize(_::Union{Type{VkPerformanceStreamMarkerInfoINTEL}, Type{_PerformanceStreamMarkerInfoINTEL}})) = PerformanceStreamMarkerInfoINTEL hl_type(@nospecialize(_::Union{Type{VkPerformanceOverrideInfoINTEL}, Type{_PerformanceOverrideInfoINTEL}})) = PerformanceOverrideInfoINTEL hl_type(@nospecialize(_::Union{Type{VkPerformanceConfigurationAcquireInfoINTEL}, Type{_PerformanceConfigurationAcquireInfoINTEL}})) = PerformanceConfigurationAcquireInfoINTEL hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderClockFeaturesKHR}, Type{_PhysicalDeviceShaderClockFeaturesKHR}})) = PhysicalDeviceShaderClockFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceIndexTypeUint8FeaturesEXT}, Type{_PhysicalDeviceIndexTypeUint8FeaturesEXT}})) = PhysicalDeviceIndexTypeUint8FeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderSMBuiltinsPropertiesNV}, Type{_PhysicalDeviceShaderSMBuiltinsPropertiesNV}})) = PhysicalDeviceShaderSMBuiltinsPropertiesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderSMBuiltinsFeaturesNV}, Type{_PhysicalDeviceShaderSMBuiltinsFeaturesNV}})) = PhysicalDeviceShaderSMBuiltinsFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT}, Type{_PhysicalDeviceFragmentShaderInterlockFeaturesEXT}})) = PhysicalDeviceFragmentShaderInterlockFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures}, Type{_PhysicalDeviceSeparateDepthStencilLayoutsFeatures}})) = PhysicalDeviceSeparateDepthStencilLayoutsFeatures hl_type(@nospecialize(_::Union{Type{VkAttachmentReferenceStencilLayout}, Type{_AttachmentReferenceStencilLayout}})) = AttachmentReferenceStencilLayout hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT}, Type{_PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT}})) = PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkAttachmentDescriptionStencilLayout}, Type{_AttachmentDescriptionStencilLayout}})) = AttachmentDescriptionStencilLayout hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR}, Type{_PhysicalDevicePipelineExecutablePropertiesFeaturesKHR}})) = PhysicalDevicePipelineExecutablePropertiesFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkPipelineInfoKHR}, Type{_PipelineInfoKHR}})) = PipelineInfoKHR hl_type(@nospecialize(_::Union{Type{VkPipelineExecutablePropertiesKHR}, Type{_PipelineExecutablePropertiesKHR}})) = PipelineExecutablePropertiesKHR hl_type(@nospecialize(_::Union{Type{VkPipelineExecutableInfoKHR}, Type{_PipelineExecutableInfoKHR}})) = PipelineExecutableInfoKHR hl_type(@nospecialize(_::Union{Type{VkPipelineExecutableStatisticKHR}, Type{_PipelineExecutableStatisticKHR}})) = PipelineExecutableStatisticKHR hl_type(@nospecialize(_::Union{Type{VkPipelineExecutableInternalRepresentationKHR}, Type{_PipelineExecutableInternalRepresentationKHR}})) = PipelineExecutableInternalRepresentationKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures}, Type{_PhysicalDeviceShaderDemoteToHelperInvocationFeatures}})) = PhysicalDeviceShaderDemoteToHelperInvocationFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT}, Type{_PhysicalDeviceTexelBufferAlignmentFeaturesEXT}})) = PhysicalDeviceTexelBufferAlignmentFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTexelBufferAlignmentProperties}, Type{_PhysicalDeviceTexelBufferAlignmentProperties}})) = PhysicalDeviceTexelBufferAlignmentProperties hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubgroupSizeControlFeatures}, Type{_PhysicalDeviceSubgroupSizeControlFeatures}})) = PhysicalDeviceSubgroupSizeControlFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubgroupSizeControlProperties}, Type{_PhysicalDeviceSubgroupSizeControlProperties}})) = PhysicalDeviceSubgroupSizeControlProperties hl_type(@nospecialize(_::Union{Type{VkPipelineShaderStageRequiredSubgroupSizeCreateInfo}, Type{_PipelineShaderStageRequiredSubgroupSizeCreateInfo}})) = PipelineShaderStageRequiredSubgroupSizeCreateInfo hl_type(@nospecialize(_::Union{Type{VkSubpassShadingPipelineCreateInfoHUAWEI}, Type{_SubpassShadingPipelineCreateInfoHUAWEI}})) = SubpassShadingPipelineCreateInfoHUAWEI hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubpassShadingPropertiesHUAWEI}, Type{_PhysicalDeviceSubpassShadingPropertiesHUAWEI}})) = PhysicalDeviceSubpassShadingPropertiesHUAWEI hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI}, Type{_PhysicalDeviceClusterCullingShaderPropertiesHUAWEI}})) = PhysicalDeviceClusterCullingShaderPropertiesHUAWEI hl_type(@nospecialize(_::Union{Type{VkMemoryOpaqueCaptureAddressAllocateInfo}, Type{_MemoryOpaqueCaptureAddressAllocateInfo}})) = MemoryOpaqueCaptureAddressAllocateInfo hl_type(@nospecialize(_::Union{Type{VkDeviceMemoryOpaqueCaptureAddressInfo}, Type{_DeviceMemoryOpaqueCaptureAddressInfo}})) = DeviceMemoryOpaqueCaptureAddressInfo hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLineRasterizationFeaturesEXT}, Type{_PhysicalDeviceLineRasterizationFeaturesEXT}})) = PhysicalDeviceLineRasterizationFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLineRasterizationPropertiesEXT}, Type{_PhysicalDeviceLineRasterizationPropertiesEXT}})) = PhysicalDeviceLineRasterizationPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPipelineRasterizationLineStateCreateInfoEXT}, Type{_PipelineRasterizationLineStateCreateInfoEXT}})) = PipelineRasterizationLineStateCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineCreationCacheControlFeatures}, Type{_PhysicalDevicePipelineCreationCacheControlFeatures}})) = PhysicalDevicePipelineCreationCacheControlFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan11Features}, Type{_PhysicalDeviceVulkan11Features}})) = PhysicalDeviceVulkan11Features hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan11Properties}, Type{_PhysicalDeviceVulkan11Properties}})) = PhysicalDeviceVulkan11Properties hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan12Features}, Type{_PhysicalDeviceVulkan12Features}})) = PhysicalDeviceVulkan12Features hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan12Properties}, Type{_PhysicalDeviceVulkan12Properties}})) = PhysicalDeviceVulkan12Properties hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan13Features}, Type{_PhysicalDeviceVulkan13Features}})) = PhysicalDeviceVulkan13Features hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan13Properties}, Type{_PhysicalDeviceVulkan13Properties}})) = PhysicalDeviceVulkan13Properties hl_type(@nospecialize(_::Union{Type{VkPipelineCompilerControlCreateInfoAMD}, Type{_PipelineCompilerControlCreateInfoAMD}})) = PipelineCompilerControlCreateInfoAMD hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCoherentMemoryFeaturesAMD}, Type{_PhysicalDeviceCoherentMemoryFeaturesAMD}})) = PhysicalDeviceCoherentMemoryFeaturesAMD hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceToolProperties}, Type{_PhysicalDeviceToolProperties}})) = PhysicalDeviceToolProperties hl_type(@nospecialize(_::Union{Type{VkSamplerCustomBorderColorCreateInfoEXT}, Type{_SamplerCustomBorderColorCreateInfoEXT}})) = SamplerCustomBorderColorCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCustomBorderColorPropertiesEXT}, Type{_PhysicalDeviceCustomBorderColorPropertiesEXT}})) = PhysicalDeviceCustomBorderColorPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCustomBorderColorFeaturesEXT}, Type{_PhysicalDeviceCustomBorderColorFeaturesEXT}})) = PhysicalDeviceCustomBorderColorFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkSamplerBorderColorComponentMappingCreateInfoEXT}, Type{_SamplerBorderColorComponentMappingCreateInfoEXT}})) = SamplerBorderColorComponentMappingCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBorderColorSwizzleFeaturesEXT}, Type{_PhysicalDeviceBorderColorSwizzleFeaturesEXT}})) = PhysicalDeviceBorderColorSwizzleFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryTrianglesDataKHR}, Type{_AccelerationStructureGeometryTrianglesDataKHR}})) = AccelerationStructureGeometryTrianglesDataKHR hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryAabbsDataKHR}, Type{_AccelerationStructureGeometryAabbsDataKHR}})) = AccelerationStructureGeometryAabbsDataKHR hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryInstancesDataKHR}, Type{_AccelerationStructureGeometryInstancesDataKHR}})) = AccelerationStructureGeometryInstancesDataKHR hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryKHR}, Type{_AccelerationStructureGeometryKHR}})) = AccelerationStructureGeometryKHR hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureBuildGeometryInfoKHR}, Type{_AccelerationStructureBuildGeometryInfoKHR}})) = AccelerationStructureBuildGeometryInfoKHR hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureBuildRangeInfoKHR}, Type{_AccelerationStructureBuildRangeInfoKHR}})) = AccelerationStructureBuildRangeInfoKHR hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureCreateInfoKHR}, Type{_AccelerationStructureCreateInfoKHR}})) = AccelerationStructureCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkAabbPositionsKHR}, Type{_AabbPositionsKHR}})) = AabbPositionsKHR hl_type(@nospecialize(_::Union{Type{VkTransformMatrixKHR}, Type{_TransformMatrixKHR}})) = TransformMatrixKHR hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureInstanceKHR}, Type{_AccelerationStructureInstanceKHR}})) = AccelerationStructureInstanceKHR hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureDeviceAddressInfoKHR}, Type{_AccelerationStructureDeviceAddressInfoKHR}})) = AccelerationStructureDeviceAddressInfoKHR hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureVersionInfoKHR}, Type{_AccelerationStructureVersionInfoKHR}})) = AccelerationStructureVersionInfoKHR hl_type(@nospecialize(_::Union{Type{VkCopyAccelerationStructureInfoKHR}, Type{_CopyAccelerationStructureInfoKHR}})) = CopyAccelerationStructureInfoKHR hl_type(@nospecialize(_::Union{Type{VkCopyAccelerationStructureToMemoryInfoKHR}, Type{_CopyAccelerationStructureToMemoryInfoKHR}})) = CopyAccelerationStructureToMemoryInfoKHR hl_type(@nospecialize(_::Union{Type{VkCopyMemoryToAccelerationStructureInfoKHR}, Type{_CopyMemoryToAccelerationStructureInfoKHR}})) = CopyMemoryToAccelerationStructureInfoKHR hl_type(@nospecialize(_::Union{Type{VkRayTracingPipelineInterfaceCreateInfoKHR}, Type{_RayTracingPipelineInterfaceCreateInfoKHR}})) = RayTracingPipelineInterfaceCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkPipelineLibraryCreateInfoKHR}, Type{_PipelineLibraryCreateInfoKHR}})) = PipelineLibraryCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExtendedDynamicStateFeaturesEXT}, Type{_PhysicalDeviceExtendedDynamicStateFeaturesEXT}})) = PhysicalDeviceExtendedDynamicStateFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExtendedDynamicState2FeaturesEXT}, Type{_PhysicalDeviceExtendedDynamicState2FeaturesEXT}})) = PhysicalDeviceExtendedDynamicState2FeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExtendedDynamicState3FeaturesEXT}, Type{_PhysicalDeviceExtendedDynamicState3FeaturesEXT}})) = PhysicalDeviceExtendedDynamicState3FeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExtendedDynamicState3PropertiesEXT}, Type{_PhysicalDeviceExtendedDynamicState3PropertiesEXT}})) = PhysicalDeviceExtendedDynamicState3PropertiesEXT hl_type(@nospecialize(_::Union{Type{VkColorBlendEquationEXT}, Type{_ColorBlendEquationEXT}})) = ColorBlendEquationEXT hl_type(@nospecialize(_::Union{Type{VkColorBlendAdvancedEXT}, Type{_ColorBlendAdvancedEXT}})) = ColorBlendAdvancedEXT hl_type(@nospecialize(_::Union{Type{VkRenderPassTransformBeginInfoQCOM}, Type{_RenderPassTransformBeginInfoQCOM}})) = RenderPassTransformBeginInfoQCOM hl_type(@nospecialize(_::Union{Type{VkCopyCommandTransformInfoQCOM}, Type{_CopyCommandTransformInfoQCOM}})) = CopyCommandTransformInfoQCOM hl_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceRenderPassTransformInfoQCOM}, Type{_CommandBufferInheritanceRenderPassTransformInfoQCOM}})) = CommandBufferInheritanceRenderPassTransformInfoQCOM hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDiagnosticsConfigFeaturesNV}, Type{_PhysicalDeviceDiagnosticsConfigFeaturesNV}})) = PhysicalDeviceDiagnosticsConfigFeaturesNV hl_type(@nospecialize(_::Union{Type{VkDeviceDiagnosticsConfigCreateInfoNV}, Type{_DeviceDiagnosticsConfigCreateInfoNV}})) = DeviceDiagnosticsConfigCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures}, Type{_PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures}})) = PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR}, Type{_PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR}})) = PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRobustness2FeaturesEXT}, Type{_PhysicalDeviceRobustness2FeaturesEXT}})) = PhysicalDeviceRobustness2FeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRobustness2PropertiesEXT}, Type{_PhysicalDeviceRobustness2PropertiesEXT}})) = PhysicalDeviceRobustness2PropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageRobustnessFeatures}, Type{_PhysicalDeviceImageRobustnessFeatures}})) = PhysicalDeviceImageRobustnessFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR}, Type{_PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR}})) = PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDevice4444FormatsFeaturesEXT}, Type{_PhysicalDevice4444FormatsFeaturesEXT}})) = PhysicalDevice4444FormatsFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubpassShadingFeaturesHUAWEI}, Type{_PhysicalDeviceSubpassShadingFeaturesHUAWEI}})) = PhysicalDeviceSubpassShadingFeaturesHUAWEI hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI}, Type{_PhysicalDeviceClusterCullingShaderFeaturesHUAWEI}})) = PhysicalDeviceClusterCullingShaderFeaturesHUAWEI hl_type(@nospecialize(_::Union{Type{VkBufferCopy2}, Type{_BufferCopy2}})) = BufferCopy2 hl_type(@nospecialize(_::Union{Type{VkImageCopy2}, Type{_ImageCopy2}})) = ImageCopy2 hl_type(@nospecialize(_::Union{Type{VkImageBlit2}, Type{_ImageBlit2}})) = ImageBlit2 hl_type(@nospecialize(_::Union{Type{VkBufferImageCopy2}, Type{_BufferImageCopy2}})) = BufferImageCopy2 hl_type(@nospecialize(_::Union{Type{VkImageResolve2}, Type{_ImageResolve2}})) = ImageResolve2 hl_type(@nospecialize(_::Union{Type{VkCopyBufferInfo2}, Type{_CopyBufferInfo2}})) = CopyBufferInfo2 hl_type(@nospecialize(_::Union{Type{VkCopyImageInfo2}, Type{_CopyImageInfo2}})) = CopyImageInfo2 hl_type(@nospecialize(_::Union{Type{VkBlitImageInfo2}, Type{_BlitImageInfo2}})) = BlitImageInfo2 hl_type(@nospecialize(_::Union{Type{VkCopyBufferToImageInfo2}, Type{_CopyBufferToImageInfo2}})) = CopyBufferToImageInfo2 hl_type(@nospecialize(_::Union{Type{VkCopyImageToBufferInfo2}, Type{_CopyImageToBufferInfo2}})) = CopyImageToBufferInfo2 hl_type(@nospecialize(_::Union{Type{VkResolveImageInfo2}, Type{_ResolveImageInfo2}})) = ResolveImageInfo2 hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT}, Type{_PhysicalDeviceShaderImageAtomicInt64FeaturesEXT}})) = PhysicalDeviceShaderImageAtomicInt64FeaturesEXT hl_type(@nospecialize(_::Union{Type{VkFragmentShadingRateAttachmentInfoKHR}, Type{_FragmentShadingRateAttachmentInfoKHR}})) = FragmentShadingRateAttachmentInfoKHR hl_type(@nospecialize(_::Union{Type{VkPipelineFragmentShadingRateStateCreateInfoKHR}, Type{_PipelineFragmentShadingRateStateCreateInfoKHR}})) = PipelineFragmentShadingRateStateCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRateFeaturesKHR}, Type{_PhysicalDeviceFragmentShadingRateFeaturesKHR}})) = PhysicalDeviceFragmentShadingRateFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRatePropertiesKHR}, Type{_PhysicalDeviceFragmentShadingRatePropertiesKHR}})) = PhysicalDeviceFragmentShadingRatePropertiesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRateKHR}, Type{_PhysicalDeviceFragmentShadingRateKHR}})) = PhysicalDeviceFragmentShadingRateKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderTerminateInvocationFeatures}, Type{_PhysicalDeviceShaderTerminateInvocationFeatures}})) = PhysicalDeviceShaderTerminateInvocationFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV}, Type{_PhysicalDeviceFragmentShadingRateEnumsFeaturesNV}})) = PhysicalDeviceFragmentShadingRateEnumsFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV}, Type{_PhysicalDeviceFragmentShadingRateEnumsPropertiesNV}})) = PhysicalDeviceFragmentShadingRateEnumsPropertiesNV hl_type(@nospecialize(_::Union{Type{VkPipelineFragmentShadingRateEnumStateCreateInfoNV}, Type{_PipelineFragmentShadingRateEnumStateCreateInfoNV}})) = PipelineFragmentShadingRateEnumStateCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureBuildSizesInfoKHR}, Type{_AccelerationStructureBuildSizesInfoKHR}})) = AccelerationStructureBuildSizesInfoKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImage2DViewOf3DFeaturesEXT}, Type{_PhysicalDeviceImage2DViewOf3DFeaturesEXT}})) = PhysicalDeviceImage2DViewOf3DFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT}, Type{_PhysicalDeviceMutableDescriptorTypeFeaturesEXT}})) = PhysicalDeviceMutableDescriptorTypeFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkMutableDescriptorTypeListEXT}, Type{_MutableDescriptorTypeListEXT}})) = MutableDescriptorTypeListEXT hl_type(@nospecialize(_::Union{Type{VkMutableDescriptorTypeCreateInfoEXT}, Type{_MutableDescriptorTypeCreateInfoEXT}})) = MutableDescriptorTypeCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDepthClipControlFeaturesEXT}, Type{_PhysicalDeviceDepthClipControlFeaturesEXT}})) = PhysicalDeviceDepthClipControlFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPipelineViewportDepthClipControlCreateInfoEXT}, Type{_PipelineViewportDepthClipControlCreateInfoEXT}})) = PipelineViewportDepthClipControlCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT}, Type{_PhysicalDeviceVertexInputDynamicStateFeaturesEXT}})) = PhysicalDeviceVertexInputDynamicStateFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalMemoryRDMAFeaturesNV}, Type{_PhysicalDeviceExternalMemoryRDMAFeaturesNV}})) = PhysicalDeviceExternalMemoryRDMAFeaturesNV hl_type(@nospecialize(_::Union{Type{VkVertexInputBindingDescription2EXT}, Type{_VertexInputBindingDescription2EXT}})) = VertexInputBindingDescription2EXT hl_type(@nospecialize(_::Union{Type{VkVertexInputAttributeDescription2EXT}, Type{_VertexInputAttributeDescription2EXT}})) = VertexInputAttributeDescription2EXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceColorWriteEnableFeaturesEXT}, Type{_PhysicalDeviceColorWriteEnableFeaturesEXT}})) = PhysicalDeviceColorWriteEnableFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPipelineColorWriteCreateInfoEXT}, Type{_PipelineColorWriteCreateInfoEXT}})) = PipelineColorWriteCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkMemoryBarrier2}, Type{_MemoryBarrier2}})) = MemoryBarrier2 hl_type(@nospecialize(_::Union{Type{VkImageMemoryBarrier2}, Type{_ImageMemoryBarrier2}})) = ImageMemoryBarrier2 hl_type(@nospecialize(_::Union{Type{VkBufferMemoryBarrier2}, Type{_BufferMemoryBarrier2}})) = BufferMemoryBarrier2 hl_type(@nospecialize(_::Union{Type{VkDependencyInfo}, Type{_DependencyInfo}})) = DependencyInfo hl_type(@nospecialize(_::Union{Type{VkSemaphoreSubmitInfo}, Type{_SemaphoreSubmitInfo}})) = SemaphoreSubmitInfo hl_type(@nospecialize(_::Union{Type{VkCommandBufferSubmitInfo}, Type{_CommandBufferSubmitInfo}})) = CommandBufferSubmitInfo hl_type(@nospecialize(_::Union{Type{VkSubmitInfo2}, Type{_SubmitInfo2}})) = SubmitInfo2 hl_type(@nospecialize(_::Union{Type{VkQueueFamilyCheckpointProperties2NV}, Type{_QueueFamilyCheckpointProperties2NV}})) = QueueFamilyCheckpointProperties2NV hl_type(@nospecialize(_::Union{Type{VkCheckpointData2NV}, Type{_CheckpointData2NV}})) = CheckpointData2NV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSynchronization2Features}, Type{_PhysicalDeviceSynchronization2Features}})) = PhysicalDeviceSynchronization2Features hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT}, Type{_PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT}})) = PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLegacyDitheringFeaturesEXT}, Type{_PhysicalDeviceLegacyDitheringFeaturesEXT}})) = PhysicalDeviceLegacyDitheringFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT}, Type{_PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT}})) = PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkSubpassResolvePerformanceQueryEXT}, Type{_SubpassResolvePerformanceQueryEXT}})) = SubpassResolvePerformanceQueryEXT hl_type(@nospecialize(_::Union{Type{VkMultisampledRenderToSingleSampledInfoEXT}, Type{_MultisampledRenderToSingleSampledInfoEXT}})) = MultisampledRenderToSingleSampledInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineProtectedAccessFeaturesEXT}, Type{_PhysicalDevicePipelineProtectedAccessFeaturesEXT}})) = PhysicalDevicePipelineProtectedAccessFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkQueueFamilyVideoPropertiesKHR}, Type{_QueueFamilyVideoPropertiesKHR}})) = QueueFamilyVideoPropertiesKHR hl_type(@nospecialize(_::Union{Type{VkQueueFamilyQueryResultStatusPropertiesKHR}, Type{_QueueFamilyQueryResultStatusPropertiesKHR}})) = QueueFamilyQueryResultStatusPropertiesKHR hl_type(@nospecialize(_::Union{Type{VkVideoProfileListInfoKHR}, Type{_VideoProfileListInfoKHR}})) = VideoProfileListInfoKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVideoFormatInfoKHR}, Type{_PhysicalDeviceVideoFormatInfoKHR}})) = PhysicalDeviceVideoFormatInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoFormatPropertiesKHR}, Type{_VideoFormatPropertiesKHR}})) = VideoFormatPropertiesKHR hl_type(@nospecialize(_::Union{Type{VkVideoProfileInfoKHR}, Type{_VideoProfileInfoKHR}})) = VideoProfileInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoCapabilitiesKHR}, Type{_VideoCapabilitiesKHR}})) = VideoCapabilitiesKHR hl_type(@nospecialize(_::Union{Type{VkVideoSessionMemoryRequirementsKHR}, Type{_VideoSessionMemoryRequirementsKHR}})) = VideoSessionMemoryRequirementsKHR hl_type(@nospecialize(_::Union{Type{VkBindVideoSessionMemoryInfoKHR}, Type{_BindVideoSessionMemoryInfoKHR}})) = BindVideoSessionMemoryInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoPictureResourceInfoKHR}, Type{_VideoPictureResourceInfoKHR}})) = VideoPictureResourceInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoReferenceSlotInfoKHR}, Type{_VideoReferenceSlotInfoKHR}})) = VideoReferenceSlotInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeCapabilitiesKHR}, Type{_VideoDecodeCapabilitiesKHR}})) = VideoDecodeCapabilitiesKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeUsageInfoKHR}, Type{_VideoDecodeUsageInfoKHR}})) = VideoDecodeUsageInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeInfoKHR}, Type{_VideoDecodeInfoKHR}})) = VideoDecodeInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeH264ProfileInfoKHR}, Type{_VideoDecodeH264ProfileInfoKHR}})) = VideoDecodeH264ProfileInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeH264CapabilitiesKHR}, Type{_VideoDecodeH264CapabilitiesKHR}})) = VideoDecodeH264CapabilitiesKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeH264SessionParametersAddInfoKHR}, Type{_VideoDecodeH264SessionParametersAddInfoKHR}})) = VideoDecodeH264SessionParametersAddInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeH264SessionParametersCreateInfoKHR}, Type{_VideoDecodeH264SessionParametersCreateInfoKHR}})) = VideoDecodeH264SessionParametersCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeH264PictureInfoKHR}, Type{_VideoDecodeH264PictureInfoKHR}})) = VideoDecodeH264PictureInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeH264DpbSlotInfoKHR}, Type{_VideoDecodeH264DpbSlotInfoKHR}})) = VideoDecodeH264DpbSlotInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeH265ProfileInfoKHR}, Type{_VideoDecodeH265ProfileInfoKHR}})) = VideoDecodeH265ProfileInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeH265CapabilitiesKHR}, Type{_VideoDecodeH265CapabilitiesKHR}})) = VideoDecodeH265CapabilitiesKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeH265SessionParametersAddInfoKHR}, Type{_VideoDecodeH265SessionParametersAddInfoKHR}})) = VideoDecodeH265SessionParametersAddInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeH265SessionParametersCreateInfoKHR}, Type{_VideoDecodeH265SessionParametersCreateInfoKHR}})) = VideoDecodeH265SessionParametersCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeH265PictureInfoKHR}, Type{_VideoDecodeH265PictureInfoKHR}})) = VideoDecodeH265PictureInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeH265DpbSlotInfoKHR}, Type{_VideoDecodeH265DpbSlotInfoKHR}})) = VideoDecodeH265DpbSlotInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoSessionCreateInfoKHR}, Type{_VideoSessionCreateInfoKHR}})) = VideoSessionCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoSessionParametersCreateInfoKHR}, Type{_VideoSessionParametersCreateInfoKHR}})) = VideoSessionParametersCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoSessionParametersUpdateInfoKHR}, Type{_VideoSessionParametersUpdateInfoKHR}})) = VideoSessionParametersUpdateInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoBeginCodingInfoKHR}, Type{_VideoBeginCodingInfoKHR}})) = VideoBeginCodingInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoEndCodingInfoKHR}, Type{_VideoEndCodingInfoKHR}})) = VideoEndCodingInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoCodingControlInfoKHR}, Type{_VideoCodingControlInfoKHR}})) = VideoCodingControlInfoKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceInheritedViewportScissorFeaturesNV}, Type{_PhysicalDeviceInheritedViewportScissorFeaturesNV}})) = PhysicalDeviceInheritedViewportScissorFeaturesNV hl_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceViewportScissorInfoNV}, Type{_CommandBufferInheritanceViewportScissorInfoNV}})) = CommandBufferInheritanceViewportScissorInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT}, Type{_PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT}})) = PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProvokingVertexFeaturesEXT}, Type{_PhysicalDeviceProvokingVertexFeaturesEXT}})) = PhysicalDeviceProvokingVertexFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProvokingVertexPropertiesEXT}, Type{_PhysicalDeviceProvokingVertexPropertiesEXT}})) = PhysicalDeviceProvokingVertexPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPipelineRasterizationProvokingVertexStateCreateInfoEXT}, Type{_PipelineRasterizationProvokingVertexStateCreateInfoEXT}})) = PipelineRasterizationProvokingVertexStateCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkCuModuleCreateInfoNVX}, Type{_CuModuleCreateInfoNVX}})) = CuModuleCreateInfoNVX hl_type(@nospecialize(_::Union{Type{VkCuFunctionCreateInfoNVX}, Type{_CuFunctionCreateInfoNVX}})) = CuFunctionCreateInfoNVX hl_type(@nospecialize(_::Union{Type{VkCuLaunchInfoNVX}, Type{_CuLaunchInfoNVX}})) = CuLaunchInfoNVX hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorBufferFeaturesEXT}, Type{_PhysicalDeviceDescriptorBufferFeaturesEXT}})) = PhysicalDeviceDescriptorBufferFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorBufferPropertiesEXT}, Type{_PhysicalDeviceDescriptorBufferPropertiesEXT}})) = PhysicalDeviceDescriptorBufferPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT}, Type{_PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT}})) = PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkDescriptorAddressInfoEXT}, Type{_DescriptorAddressInfoEXT}})) = DescriptorAddressInfoEXT hl_type(@nospecialize(_::Union{Type{VkDescriptorBufferBindingInfoEXT}, Type{_DescriptorBufferBindingInfoEXT}})) = DescriptorBufferBindingInfoEXT hl_type(@nospecialize(_::Union{Type{VkDescriptorBufferBindingPushDescriptorBufferHandleEXT}, Type{_DescriptorBufferBindingPushDescriptorBufferHandleEXT}})) = DescriptorBufferBindingPushDescriptorBufferHandleEXT hl_type(@nospecialize(_::Union{Type{VkDescriptorGetInfoEXT}, Type{_DescriptorGetInfoEXT}})) = DescriptorGetInfoEXT hl_type(@nospecialize(_::Union{Type{VkBufferCaptureDescriptorDataInfoEXT}, Type{_BufferCaptureDescriptorDataInfoEXT}})) = BufferCaptureDescriptorDataInfoEXT hl_type(@nospecialize(_::Union{Type{VkImageCaptureDescriptorDataInfoEXT}, Type{_ImageCaptureDescriptorDataInfoEXT}})) = ImageCaptureDescriptorDataInfoEXT hl_type(@nospecialize(_::Union{Type{VkImageViewCaptureDescriptorDataInfoEXT}, Type{_ImageViewCaptureDescriptorDataInfoEXT}})) = ImageViewCaptureDescriptorDataInfoEXT hl_type(@nospecialize(_::Union{Type{VkSamplerCaptureDescriptorDataInfoEXT}, Type{_SamplerCaptureDescriptorDataInfoEXT}})) = SamplerCaptureDescriptorDataInfoEXT hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureCaptureDescriptorDataInfoEXT}, Type{_AccelerationStructureCaptureDescriptorDataInfoEXT}})) = AccelerationStructureCaptureDescriptorDataInfoEXT hl_type(@nospecialize(_::Union{Type{VkOpaqueCaptureDescriptorDataCreateInfoEXT}, Type{_OpaqueCaptureDescriptorDataCreateInfoEXT}})) = OpaqueCaptureDescriptorDataCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderIntegerDotProductFeatures}, Type{_PhysicalDeviceShaderIntegerDotProductFeatures}})) = PhysicalDeviceShaderIntegerDotProductFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderIntegerDotProductProperties}, Type{_PhysicalDeviceShaderIntegerDotProductProperties}})) = PhysicalDeviceShaderIntegerDotProductProperties hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDrmPropertiesEXT}, Type{_PhysicalDeviceDrmPropertiesEXT}})) = PhysicalDeviceDrmPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR}, Type{_PhysicalDeviceFragmentShaderBarycentricFeaturesKHR}})) = PhysicalDeviceFragmentShaderBarycentricFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR}, Type{_PhysicalDeviceFragmentShaderBarycentricPropertiesKHR}})) = PhysicalDeviceFragmentShaderBarycentricPropertiesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingMotionBlurFeaturesNV}, Type{_PhysicalDeviceRayTracingMotionBlurFeaturesNV}})) = PhysicalDeviceRayTracingMotionBlurFeaturesNV hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryMotionTrianglesDataNV}, Type{_AccelerationStructureGeometryMotionTrianglesDataNV}})) = AccelerationStructureGeometryMotionTrianglesDataNV hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureMotionInfoNV}, Type{_AccelerationStructureMotionInfoNV}})) = AccelerationStructureMotionInfoNV hl_type(@nospecialize(_::Union{Type{VkSRTDataNV}, Type{_SRTDataNV}})) = SRTDataNV hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureSRTMotionInstanceNV}, Type{_AccelerationStructureSRTMotionInstanceNV}})) = AccelerationStructureSRTMotionInstanceNV hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureMatrixMotionInstanceNV}, Type{_AccelerationStructureMatrixMotionInstanceNV}})) = AccelerationStructureMatrixMotionInstanceNV hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureMotionInstanceNV}, Type{_AccelerationStructureMotionInstanceNV}})) = AccelerationStructureMotionInstanceNV hl_type(@nospecialize(_::Union{Type{VkMemoryGetRemoteAddressInfoNV}, Type{_MemoryGetRemoteAddressInfoNV}})) = MemoryGetRemoteAddressInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT}, Type{_PhysicalDeviceRGBA10X6FormatsFeaturesEXT}})) = PhysicalDeviceRGBA10X6FormatsFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkFormatProperties3}, Type{_FormatProperties3}})) = FormatProperties3 hl_type(@nospecialize(_::Union{Type{VkDrmFormatModifierPropertiesList2EXT}, Type{_DrmFormatModifierPropertiesList2EXT}})) = DrmFormatModifierPropertiesList2EXT hl_type(@nospecialize(_::Union{Type{VkDrmFormatModifierProperties2EXT}, Type{_DrmFormatModifierProperties2EXT}})) = DrmFormatModifierProperties2EXT hl_type(@nospecialize(_::Union{Type{VkPipelineRenderingCreateInfo}, Type{_PipelineRenderingCreateInfo}})) = PipelineRenderingCreateInfo hl_type(@nospecialize(_::Union{Type{VkRenderingInfo}, Type{_RenderingInfo}})) = RenderingInfo hl_type(@nospecialize(_::Union{Type{VkRenderingAttachmentInfo}, Type{_RenderingAttachmentInfo}})) = RenderingAttachmentInfo hl_type(@nospecialize(_::Union{Type{VkRenderingFragmentShadingRateAttachmentInfoKHR}, Type{_RenderingFragmentShadingRateAttachmentInfoKHR}})) = RenderingFragmentShadingRateAttachmentInfoKHR hl_type(@nospecialize(_::Union{Type{VkRenderingFragmentDensityMapAttachmentInfoEXT}, Type{_RenderingFragmentDensityMapAttachmentInfoEXT}})) = RenderingFragmentDensityMapAttachmentInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDynamicRenderingFeatures}, Type{_PhysicalDeviceDynamicRenderingFeatures}})) = PhysicalDeviceDynamicRenderingFeatures hl_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceRenderingInfo}, Type{_CommandBufferInheritanceRenderingInfo}})) = CommandBufferInheritanceRenderingInfo hl_type(@nospecialize(_::Union{Type{VkAttachmentSampleCountInfoAMD}, Type{_AttachmentSampleCountInfoAMD}})) = AttachmentSampleCountInfoAMD hl_type(@nospecialize(_::Union{Type{VkMultiviewPerViewAttributesInfoNVX}, Type{_MultiviewPerViewAttributesInfoNVX}})) = MultiviewPerViewAttributesInfoNVX hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageViewMinLodFeaturesEXT}, Type{_PhysicalDeviceImageViewMinLodFeaturesEXT}})) = PhysicalDeviceImageViewMinLodFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkImageViewMinLodCreateInfoEXT}, Type{_ImageViewMinLodCreateInfoEXT}})) = ImageViewMinLodCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT}, Type{_PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT}})) = PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLinearColorAttachmentFeaturesNV}, Type{_PhysicalDeviceLinearColorAttachmentFeaturesNV}})) = PhysicalDeviceLinearColorAttachmentFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT}, Type{_PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT}})) = PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT}, Type{_PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT}})) = PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkGraphicsPipelineLibraryCreateInfoEXT}, Type{_GraphicsPipelineLibraryCreateInfoEXT}})) = GraphicsPipelineLibraryCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE}, Type{_PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE}})) = PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE hl_type(@nospecialize(_::Union{Type{VkDescriptorSetBindingReferenceVALVE}, Type{_DescriptorSetBindingReferenceVALVE}})) = DescriptorSetBindingReferenceVALVE hl_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutHostMappingInfoVALVE}, Type{_DescriptorSetLayoutHostMappingInfoVALVE}})) = DescriptorSetLayoutHostMappingInfoVALVE hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT}, Type{_PhysicalDeviceShaderModuleIdentifierFeaturesEXT}})) = PhysicalDeviceShaderModuleIdentifierFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT}, Type{_PhysicalDeviceShaderModuleIdentifierPropertiesEXT}})) = PhysicalDeviceShaderModuleIdentifierPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPipelineShaderStageModuleIdentifierCreateInfoEXT}, Type{_PipelineShaderStageModuleIdentifierCreateInfoEXT}})) = PipelineShaderStageModuleIdentifierCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkShaderModuleIdentifierEXT}, Type{_ShaderModuleIdentifierEXT}})) = ShaderModuleIdentifierEXT hl_type(@nospecialize(_::Union{Type{VkImageCompressionControlEXT}, Type{_ImageCompressionControlEXT}})) = ImageCompressionControlEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageCompressionControlFeaturesEXT}, Type{_PhysicalDeviceImageCompressionControlFeaturesEXT}})) = PhysicalDeviceImageCompressionControlFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkImageCompressionPropertiesEXT}, Type{_ImageCompressionPropertiesEXT}})) = ImageCompressionPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT}, Type{_PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT}})) = PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkImageSubresource2EXT}, Type{_ImageSubresource2EXT}})) = ImageSubresource2EXT hl_type(@nospecialize(_::Union{Type{VkSubresourceLayout2EXT}, Type{_SubresourceLayout2EXT}})) = SubresourceLayout2EXT hl_type(@nospecialize(_::Union{Type{VkRenderPassCreationControlEXT}, Type{_RenderPassCreationControlEXT}})) = RenderPassCreationControlEXT hl_type(@nospecialize(_::Union{Type{VkRenderPassCreationFeedbackInfoEXT}, Type{_RenderPassCreationFeedbackInfoEXT}})) = RenderPassCreationFeedbackInfoEXT hl_type(@nospecialize(_::Union{Type{VkRenderPassCreationFeedbackCreateInfoEXT}, Type{_RenderPassCreationFeedbackCreateInfoEXT}})) = RenderPassCreationFeedbackCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkRenderPassSubpassFeedbackInfoEXT}, Type{_RenderPassSubpassFeedbackInfoEXT}})) = RenderPassSubpassFeedbackInfoEXT hl_type(@nospecialize(_::Union{Type{VkRenderPassSubpassFeedbackCreateInfoEXT}, Type{_RenderPassSubpassFeedbackCreateInfoEXT}})) = RenderPassSubpassFeedbackCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT}, Type{_PhysicalDeviceSubpassMergeFeedbackFeaturesEXT}})) = PhysicalDeviceSubpassMergeFeedbackFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkMicromapBuildInfoEXT}, Type{_MicromapBuildInfoEXT}})) = MicromapBuildInfoEXT hl_type(@nospecialize(_::Union{Type{VkMicromapCreateInfoEXT}, Type{_MicromapCreateInfoEXT}})) = MicromapCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkMicromapVersionInfoEXT}, Type{_MicromapVersionInfoEXT}})) = MicromapVersionInfoEXT hl_type(@nospecialize(_::Union{Type{VkCopyMicromapInfoEXT}, Type{_CopyMicromapInfoEXT}})) = CopyMicromapInfoEXT hl_type(@nospecialize(_::Union{Type{VkCopyMicromapToMemoryInfoEXT}, Type{_CopyMicromapToMemoryInfoEXT}})) = CopyMicromapToMemoryInfoEXT hl_type(@nospecialize(_::Union{Type{VkCopyMemoryToMicromapInfoEXT}, Type{_CopyMemoryToMicromapInfoEXT}})) = CopyMemoryToMicromapInfoEXT hl_type(@nospecialize(_::Union{Type{VkMicromapBuildSizesInfoEXT}, Type{_MicromapBuildSizesInfoEXT}})) = MicromapBuildSizesInfoEXT hl_type(@nospecialize(_::Union{Type{VkMicromapUsageEXT}, Type{_MicromapUsageEXT}})) = MicromapUsageEXT hl_type(@nospecialize(_::Union{Type{VkMicromapTriangleEXT}, Type{_MicromapTriangleEXT}})) = MicromapTriangleEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceOpacityMicromapFeaturesEXT}, Type{_PhysicalDeviceOpacityMicromapFeaturesEXT}})) = PhysicalDeviceOpacityMicromapFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceOpacityMicromapPropertiesEXT}, Type{_PhysicalDeviceOpacityMicromapPropertiesEXT}})) = PhysicalDeviceOpacityMicromapPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureTrianglesOpacityMicromapEXT}, Type{_AccelerationStructureTrianglesOpacityMicromapEXT}})) = AccelerationStructureTrianglesOpacityMicromapEXT hl_type(@nospecialize(_::Union{Type{VkPipelinePropertiesIdentifierEXT}, Type{_PipelinePropertiesIdentifierEXT}})) = PipelinePropertiesIdentifierEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelinePropertiesFeaturesEXT}, Type{_PhysicalDevicePipelinePropertiesFeaturesEXT}})) = PhysicalDevicePipelinePropertiesFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD}, Type{_PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD}})) = PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT}, Type{_PhysicalDeviceNonSeamlessCubeMapFeaturesEXT}})) = PhysicalDeviceNonSeamlessCubeMapFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineRobustnessFeaturesEXT}, Type{_PhysicalDevicePipelineRobustnessFeaturesEXT}})) = PhysicalDevicePipelineRobustnessFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPipelineRobustnessCreateInfoEXT}, Type{_PipelineRobustnessCreateInfoEXT}})) = PipelineRobustnessCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineRobustnessPropertiesEXT}, Type{_PhysicalDevicePipelineRobustnessPropertiesEXT}})) = PhysicalDevicePipelineRobustnessPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkImageViewSampleWeightCreateInfoQCOM}, Type{_ImageViewSampleWeightCreateInfoQCOM}})) = ImageViewSampleWeightCreateInfoQCOM hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageProcessingFeaturesQCOM}, Type{_PhysicalDeviceImageProcessingFeaturesQCOM}})) = PhysicalDeviceImageProcessingFeaturesQCOM hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageProcessingPropertiesQCOM}, Type{_PhysicalDeviceImageProcessingPropertiesQCOM}})) = PhysicalDeviceImageProcessingPropertiesQCOM hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTilePropertiesFeaturesQCOM}, Type{_PhysicalDeviceTilePropertiesFeaturesQCOM}})) = PhysicalDeviceTilePropertiesFeaturesQCOM hl_type(@nospecialize(_::Union{Type{VkTilePropertiesQCOM}, Type{_TilePropertiesQCOM}})) = TilePropertiesQCOM hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAmigoProfilingFeaturesSEC}, Type{_PhysicalDeviceAmigoProfilingFeaturesSEC}})) = PhysicalDeviceAmigoProfilingFeaturesSEC hl_type(@nospecialize(_::Union{Type{VkAmigoProfilingSubmitInfoSEC}, Type{_AmigoProfilingSubmitInfoSEC}})) = AmigoProfilingSubmitInfoSEC hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT}, Type{_PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT}})) = PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDepthClampZeroOneFeaturesEXT}, Type{_PhysicalDeviceDepthClampZeroOneFeaturesEXT}})) = PhysicalDeviceDepthClampZeroOneFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAddressBindingReportFeaturesEXT}, Type{_PhysicalDeviceAddressBindingReportFeaturesEXT}})) = PhysicalDeviceAddressBindingReportFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkDeviceAddressBindingCallbackDataEXT}, Type{_DeviceAddressBindingCallbackDataEXT}})) = DeviceAddressBindingCallbackDataEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceOpticalFlowFeaturesNV}, Type{_PhysicalDeviceOpticalFlowFeaturesNV}})) = PhysicalDeviceOpticalFlowFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceOpticalFlowPropertiesNV}, Type{_PhysicalDeviceOpticalFlowPropertiesNV}})) = PhysicalDeviceOpticalFlowPropertiesNV hl_type(@nospecialize(_::Union{Type{VkOpticalFlowImageFormatInfoNV}, Type{_OpticalFlowImageFormatInfoNV}})) = OpticalFlowImageFormatInfoNV hl_type(@nospecialize(_::Union{Type{VkOpticalFlowImageFormatPropertiesNV}, Type{_OpticalFlowImageFormatPropertiesNV}})) = OpticalFlowImageFormatPropertiesNV hl_type(@nospecialize(_::Union{Type{VkOpticalFlowSessionCreateInfoNV}, Type{_OpticalFlowSessionCreateInfoNV}})) = OpticalFlowSessionCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkOpticalFlowSessionCreatePrivateDataInfoNV}, Type{_OpticalFlowSessionCreatePrivateDataInfoNV}})) = OpticalFlowSessionCreatePrivateDataInfoNV hl_type(@nospecialize(_::Union{Type{VkOpticalFlowExecuteInfoNV}, Type{_OpticalFlowExecuteInfoNV}})) = OpticalFlowExecuteInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFaultFeaturesEXT}, Type{_PhysicalDeviceFaultFeaturesEXT}})) = PhysicalDeviceFaultFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkDeviceFaultAddressInfoEXT}, Type{_DeviceFaultAddressInfoEXT}})) = DeviceFaultAddressInfoEXT hl_type(@nospecialize(_::Union{Type{VkDeviceFaultVendorInfoEXT}, Type{_DeviceFaultVendorInfoEXT}})) = DeviceFaultVendorInfoEXT hl_type(@nospecialize(_::Union{Type{VkDeviceFaultCountsEXT}, Type{_DeviceFaultCountsEXT}})) = DeviceFaultCountsEXT hl_type(@nospecialize(_::Union{Type{VkDeviceFaultInfoEXT}, Type{_DeviceFaultInfoEXT}})) = DeviceFaultInfoEXT hl_type(@nospecialize(_::Union{Type{VkDeviceFaultVendorBinaryHeaderVersionOneEXT}, Type{_DeviceFaultVendorBinaryHeaderVersionOneEXT}})) = DeviceFaultVendorBinaryHeaderVersionOneEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT}, Type{_PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT}})) = PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkDecompressMemoryRegionNV}, Type{_DecompressMemoryRegionNV}})) = DecompressMemoryRegionNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM}, Type{_PhysicalDeviceShaderCoreBuiltinsPropertiesARM}})) = PhysicalDeviceShaderCoreBuiltinsPropertiesARM hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM}, Type{_PhysicalDeviceShaderCoreBuiltinsFeaturesARM}})) = PhysicalDeviceShaderCoreBuiltinsFeaturesARM hl_type(@nospecialize(_::Union{Type{VkSurfacePresentModeEXT}, Type{_SurfacePresentModeEXT}})) = SurfacePresentModeEXT hl_type(@nospecialize(_::Union{Type{VkSurfacePresentScalingCapabilitiesEXT}, Type{_SurfacePresentScalingCapabilitiesEXT}})) = SurfacePresentScalingCapabilitiesEXT hl_type(@nospecialize(_::Union{Type{VkSurfacePresentModeCompatibilityEXT}, Type{_SurfacePresentModeCompatibilityEXT}})) = SurfacePresentModeCompatibilityEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT}, Type{_PhysicalDeviceSwapchainMaintenance1FeaturesEXT}})) = PhysicalDeviceSwapchainMaintenance1FeaturesEXT hl_type(@nospecialize(_::Union{Type{VkSwapchainPresentFenceInfoEXT}, Type{_SwapchainPresentFenceInfoEXT}})) = SwapchainPresentFenceInfoEXT hl_type(@nospecialize(_::Union{Type{VkSwapchainPresentModesCreateInfoEXT}, Type{_SwapchainPresentModesCreateInfoEXT}})) = SwapchainPresentModesCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkSwapchainPresentModeInfoEXT}, Type{_SwapchainPresentModeInfoEXT}})) = SwapchainPresentModeInfoEXT hl_type(@nospecialize(_::Union{Type{VkSwapchainPresentScalingCreateInfoEXT}, Type{_SwapchainPresentScalingCreateInfoEXT}})) = SwapchainPresentScalingCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkReleaseSwapchainImagesInfoEXT}, Type{_ReleaseSwapchainImagesInfoEXT}})) = ReleaseSwapchainImagesInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV}, Type{_PhysicalDeviceRayTracingInvocationReorderFeaturesNV}})) = PhysicalDeviceRayTracingInvocationReorderFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV}, Type{_PhysicalDeviceRayTracingInvocationReorderPropertiesNV}})) = PhysicalDeviceRayTracingInvocationReorderPropertiesNV hl_type(@nospecialize(_::Union{Type{VkDirectDriverLoadingInfoLUNARG}, Type{_DirectDriverLoadingInfoLUNARG}})) = DirectDriverLoadingInfoLUNARG hl_type(@nospecialize(_::Union{Type{VkDirectDriverLoadingListLUNARG}, Type{_DirectDriverLoadingListLUNARG}})) = DirectDriverLoadingListLUNARG hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM}, Type{_PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM}})) = PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM hl_type(@nospecialize(_::Union{Type{VkClearColorValue}, Type{_ClearColorValue}})) = ClearColorValue hl_type(@nospecialize(_::Union{Type{VkClearValue}, Type{_ClearValue}})) = ClearValue hl_type(@nospecialize(_::Union{Type{VkPerformanceCounterResultKHR}, Type{_PerformanceCounterResultKHR}})) = PerformanceCounterResultKHR hl_type(@nospecialize(_::Union{Type{VkPerformanceValueDataINTEL}, Type{_PerformanceValueDataINTEL}})) = PerformanceValueDataINTEL hl_type(@nospecialize(_::Union{Type{VkPipelineExecutableStatisticValueKHR}, Type{_PipelineExecutableStatisticValueKHR}})) = PipelineExecutableStatisticValueKHR hl_type(@nospecialize(_::Union{Type{VkDeviceOrHostAddressKHR}, Type{_DeviceOrHostAddressKHR}})) = DeviceOrHostAddressKHR hl_type(@nospecialize(_::Union{Type{VkDeviceOrHostAddressConstKHR}, Type{_DeviceOrHostAddressConstKHR}})) = DeviceOrHostAddressConstKHR hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryDataKHR}, Type{_AccelerationStructureGeometryDataKHR}})) = AccelerationStructureGeometryDataKHR hl_type(@nospecialize(_::Union{Type{VkDescriptorDataEXT}, Type{_DescriptorDataEXT}})) = DescriptorDataEXT hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureMotionInstanceDataNV}, Type{_AccelerationStructureMotionInstanceDataNV}})) = AccelerationStructureMotionInstanceDataNV core_type(@nospecialize(_::Union{Type{VkBaseOutStructure}, Type{BaseOutStructure}, Type{_BaseOutStructure}})) = VkBaseOutStructure core_type(@nospecialize(_::Union{Type{VkBaseInStructure}, Type{BaseInStructure}, Type{_BaseInStructure}})) = VkBaseInStructure core_type(@nospecialize(_::Union{Type{VkOffset2D}, Type{Offset2D}, Type{_Offset2D}})) = VkOffset2D core_type(@nospecialize(_::Union{Type{VkOffset3D}, Type{Offset3D}, Type{_Offset3D}})) = VkOffset3D core_type(@nospecialize(_::Union{Type{VkExtent2D}, Type{Extent2D}, Type{_Extent2D}})) = VkExtent2D core_type(@nospecialize(_::Union{Type{VkExtent3D}, Type{Extent3D}, Type{_Extent3D}})) = VkExtent3D core_type(@nospecialize(_::Union{Type{VkViewport}, Type{Viewport}, Type{_Viewport}})) = VkViewport core_type(@nospecialize(_::Union{Type{VkRect2D}, Type{Rect2D}, Type{_Rect2D}})) = VkRect2D core_type(@nospecialize(_::Union{Type{VkClearRect}, Type{ClearRect}, Type{_ClearRect}})) = VkClearRect core_type(@nospecialize(_::Union{Type{VkComponentMapping}, Type{ComponentMapping}, Type{_ComponentMapping}})) = VkComponentMapping core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProperties}, Type{PhysicalDeviceProperties}, Type{_PhysicalDeviceProperties}})) = VkPhysicalDeviceProperties core_type(@nospecialize(_::Union{Type{VkExtensionProperties}, Type{ExtensionProperties}, Type{_ExtensionProperties}})) = VkExtensionProperties core_type(@nospecialize(_::Union{Type{VkLayerProperties}, Type{LayerProperties}, Type{_LayerProperties}})) = VkLayerProperties core_type(@nospecialize(_::Union{Type{VkApplicationInfo}, Type{ApplicationInfo}, Type{_ApplicationInfo}})) = VkApplicationInfo core_type(@nospecialize(_::Union{Type{VkAllocationCallbacks}, Type{AllocationCallbacks}, Type{_AllocationCallbacks}})) = VkAllocationCallbacks core_type(@nospecialize(_::Union{Type{VkDeviceQueueCreateInfo}, Type{DeviceQueueCreateInfo}, Type{_DeviceQueueCreateInfo}})) = VkDeviceQueueCreateInfo core_type(@nospecialize(_::Union{Type{VkDeviceCreateInfo}, Type{DeviceCreateInfo}, Type{_DeviceCreateInfo}})) = VkDeviceCreateInfo core_type(@nospecialize(_::Union{Type{VkInstanceCreateInfo}, Type{InstanceCreateInfo}, Type{_InstanceCreateInfo}})) = VkInstanceCreateInfo core_type(@nospecialize(_::Union{Type{VkQueueFamilyProperties}, Type{QueueFamilyProperties}, Type{_QueueFamilyProperties}})) = VkQueueFamilyProperties core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryProperties}, Type{PhysicalDeviceMemoryProperties}, Type{_PhysicalDeviceMemoryProperties}})) = VkPhysicalDeviceMemoryProperties core_type(@nospecialize(_::Union{Type{VkMemoryAllocateInfo}, Type{MemoryAllocateInfo}, Type{_MemoryAllocateInfo}})) = VkMemoryAllocateInfo core_type(@nospecialize(_::Union{Type{VkMemoryRequirements}, Type{MemoryRequirements}, Type{_MemoryRequirements}})) = VkMemoryRequirements core_type(@nospecialize(_::Union{Type{VkSparseImageFormatProperties}, Type{SparseImageFormatProperties}, Type{_SparseImageFormatProperties}})) = VkSparseImageFormatProperties core_type(@nospecialize(_::Union{Type{VkSparseImageMemoryRequirements}, Type{SparseImageMemoryRequirements}, Type{_SparseImageMemoryRequirements}})) = VkSparseImageMemoryRequirements core_type(@nospecialize(_::Union{Type{VkMemoryType}, Type{MemoryType}, Type{_MemoryType}})) = VkMemoryType core_type(@nospecialize(_::Union{Type{VkMemoryHeap}, Type{MemoryHeap}, Type{_MemoryHeap}})) = VkMemoryHeap core_type(@nospecialize(_::Union{Type{VkMappedMemoryRange}, Type{MappedMemoryRange}, Type{_MappedMemoryRange}})) = VkMappedMemoryRange core_type(@nospecialize(_::Union{Type{VkFormatProperties}, Type{FormatProperties}, Type{_FormatProperties}})) = VkFormatProperties core_type(@nospecialize(_::Union{Type{VkImageFormatProperties}, Type{ImageFormatProperties}, Type{_ImageFormatProperties}})) = VkImageFormatProperties core_type(@nospecialize(_::Union{Type{VkDescriptorBufferInfo}, Type{DescriptorBufferInfo}, Type{_DescriptorBufferInfo}})) = VkDescriptorBufferInfo core_type(@nospecialize(_::Union{Type{VkDescriptorImageInfo}, Type{DescriptorImageInfo}, Type{_DescriptorImageInfo}})) = VkDescriptorImageInfo core_type(@nospecialize(_::Union{Type{VkWriteDescriptorSet}, Type{WriteDescriptorSet}, Type{_WriteDescriptorSet}})) = VkWriteDescriptorSet core_type(@nospecialize(_::Union{Type{VkCopyDescriptorSet}, Type{CopyDescriptorSet}, Type{_CopyDescriptorSet}})) = VkCopyDescriptorSet core_type(@nospecialize(_::Union{Type{VkBufferCreateInfo}, Type{BufferCreateInfo}, Type{_BufferCreateInfo}})) = VkBufferCreateInfo core_type(@nospecialize(_::Union{Type{VkBufferViewCreateInfo}, Type{BufferViewCreateInfo}, Type{_BufferViewCreateInfo}})) = VkBufferViewCreateInfo core_type(@nospecialize(_::Union{Type{VkImageSubresource}, Type{ImageSubresource}, Type{_ImageSubresource}})) = VkImageSubresource core_type(@nospecialize(_::Union{Type{VkImageSubresourceLayers}, Type{ImageSubresourceLayers}, Type{_ImageSubresourceLayers}})) = VkImageSubresourceLayers core_type(@nospecialize(_::Union{Type{VkImageSubresourceRange}, Type{ImageSubresourceRange}, Type{_ImageSubresourceRange}})) = VkImageSubresourceRange core_type(@nospecialize(_::Union{Type{VkMemoryBarrier}, Type{MemoryBarrier}, Type{_MemoryBarrier}})) = VkMemoryBarrier core_type(@nospecialize(_::Union{Type{VkBufferMemoryBarrier}, Type{BufferMemoryBarrier}, Type{_BufferMemoryBarrier}})) = VkBufferMemoryBarrier core_type(@nospecialize(_::Union{Type{VkImageMemoryBarrier}, Type{ImageMemoryBarrier}, Type{_ImageMemoryBarrier}})) = VkImageMemoryBarrier core_type(@nospecialize(_::Union{Type{VkImageCreateInfo}, Type{ImageCreateInfo}, Type{_ImageCreateInfo}})) = VkImageCreateInfo core_type(@nospecialize(_::Union{Type{VkSubresourceLayout}, Type{SubresourceLayout}, Type{_SubresourceLayout}})) = VkSubresourceLayout core_type(@nospecialize(_::Union{Type{VkImageViewCreateInfo}, Type{ImageViewCreateInfo}, Type{_ImageViewCreateInfo}})) = VkImageViewCreateInfo core_type(@nospecialize(_::Union{Type{VkBufferCopy}, Type{BufferCopy}, Type{_BufferCopy}})) = VkBufferCopy core_type(@nospecialize(_::Union{Type{VkSparseMemoryBind}, Type{SparseMemoryBind}, Type{_SparseMemoryBind}})) = VkSparseMemoryBind core_type(@nospecialize(_::Union{Type{VkSparseImageMemoryBind}, Type{SparseImageMemoryBind}, Type{_SparseImageMemoryBind}})) = VkSparseImageMemoryBind core_type(@nospecialize(_::Union{Type{VkSparseBufferMemoryBindInfo}, Type{SparseBufferMemoryBindInfo}, Type{_SparseBufferMemoryBindInfo}})) = VkSparseBufferMemoryBindInfo core_type(@nospecialize(_::Union{Type{VkSparseImageOpaqueMemoryBindInfo}, Type{SparseImageOpaqueMemoryBindInfo}, Type{_SparseImageOpaqueMemoryBindInfo}})) = VkSparseImageOpaqueMemoryBindInfo core_type(@nospecialize(_::Union{Type{VkSparseImageMemoryBindInfo}, Type{SparseImageMemoryBindInfo}, Type{_SparseImageMemoryBindInfo}})) = VkSparseImageMemoryBindInfo core_type(@nospecialize(_::Union{Type{VkBindSparseInfo}, Type{BindSparseInfo}, Type{_BindSparseInfo}})) = VkBindSparseInfo core_type(@nospecialize(_::Union{Type{VkImageCopy}, Type{ImageCopy}, Type{_ImageCopy}})) = VkImageCopy core_type(@nospecialize(_::Union{Type{VkImageBlit}, Type{ImageBlit}, Type{_ImageBlit}})) = VkImageBlit core_type(@nospecialize(_::Union{Type{VkBufferImageCopy}, Type{BufferImageCopy}, Type{_BufferImageCopy}})) = VkBufferImageCopy core_type(@nospecialize(_::Union{Type{VkCopyMemoryIndirectCommandNV}, Type{CopyMemoryIndirectCommandNV}, Type{_CopyMemoryIndirectCommandNV}})) = VkCopyMemoryIndirectCommandNV core_type(@nospecialize(_::Union{Type{VkCopyMemoryToImageIndirectCommandNV}, Type{CopyMemoryToImageIndirectCommandNV}, Type{_CopyMemoryToImageIndirectCommandNV}})) = VkCopyMemoryToImageIndirectCommandNV core_type(@nospecialize(_::Union{Type{VkImageResolve}, Type{ImageResolve}, Type{_ImageResolve}})) = VkImageResolve core_type(@nospecialize(_::Union{Type{VkShaderModuleCreateInfo}, Type{ShaderModuleCreateInfo}, Type{_ShaderModuleCreateInfo}})) = VkShaderModuleCreateInfo core_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutBinding}, Type{DescriptorSetLayoutBinding}, Type{_DescriptorSetLayoutBinding}})) = VkDescriptorSetLayoutBinding core_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutCreateInfo}, Type{DescriptorSetLayoutCreateInfo}, Type{_DescriptorSetLayoutCreateInfo}})) = VkDescriptorSetLayoutCreateInfo core_type(@nospecialize(_::Union{Type{VkDescriptorPoolSize}, Type{DescriptorPoolSize}, Type{_DescriptorPoolSize}})) = VkDescriptorPoolSize core_type(@nospecialize(_::Union{Type{VkDescriptorPoolCreateInfo}, Type{DescriptorPoolCreateInfo}, Type{_DescriptorPoolCreateInfo}})) = VkDescriptorPoolCreateInfo core_type(@nospecialize(_::Union{Type{VkDescriptorSetAllocateInfo}, Type{DescriptorSetAllocateInfo}, Type{_DescriptorSetAllocateInfo}})) = VkDescriptorSetAllocateInfo core_type(@nospecialize(_::Union{Type{VkSpecializationMapEntry}, Type{SpecializationMapEntry}, Type{_SpecializationMapEntry}})) = VkSpecializationMapEntry core_type(@nospecialize(_::Union{Type{VkSpecializationInfo}, Type{SpecializationInfo}, Type{_SpecializationInfo}})) = VkSpecializationInfo core_type(@nospecialize(_::Union{Type{VkPipelineShaderStageCreateInfo}, Type{PipelineShaderStageCreateInfo}, Type{_PipelineShaderStageCreateInfo}})) = VkPipelineShaderStageCreateInfo core_type(@nospecialize(_::Union{Type{VkComputePipelineCreateInfo}, Type{ComputePipelineCreateInfo}, Type{_ComputePipelineCreateInfo}})) = VkComputePipelineCreateInfo core_type(@nospecialize(_::Union{Type{VkVertexInputBindingDescription}, Type{VertexInputBindingDescription}, Type{_VertexInputBindingDescription}})) = VkVertexInputBindingDescription core_type(@nospecialize(_::Union{Type{VkVertexInputAttributeDescription}, Type{VertexInputAttributeDescription}, Type{_VertexInputAttributeDescription}})) = VkVertexInputAttributeDescription core_type(@nospecialize(_::Union{Type{VkPipelineVertexInputStateCreateInfo}, Type{PipelineVertexInputStateCreateInfo}, Type{_PipelineVertexInputStateCreateInfo}})) = VkPipelineVertexInputStateCreateInfo core_type(@nospecialize(_::Union{Type{VkPipelineInputAssemblyStateCreateInfo}, Type{PipelineInputAssemblyStateCreateInfo}, Type{_PipelineInputAssemblyStateCreateInfo}})) = VkPipelineInputAssemblyStateCreateInfo core_type(@nospecialize(_::Union{Type{VkPipelineTessellationStateCreateInfo}, Type{PipelineTessellationStateCreateInfo}, Type{_PipelineTessellationStateCreateInfo}})) = VkPipelineTessellationStateCreateInfo core_type(@nospecialize(_::Union{Type{VkPipelineViewportStateCreateInfo}, Type{PipelineViewportStateCreateInfo}, Type{_PipelineViewportStateCreateInfo}})) = VkPipelineViewportStateCreateInfo core_type(@nospecialize(_::Union{Type{VkPipelineRasterizationStateCreateInfo}, Type{PipelineRasterizationStateCreateInfo}, Type{_PipelineRasterizationStateCreateInfo}})) = VkPipelineRasterizationStateCreateInfo core_type(@nospecialize(_::Union{Type{VkPipelineMultisampleStateCreateInfo}, Type{PipelineMultisampleStateCreateInfo}, Type{_PipelineMultisampleStateCreateInfo}})) = VkPipelineMultisampleStateCreateInfo core_type(@nospecialize(_::Union{Type{VkPipelineColorBlendAttachmentState}, Type{PipelineColorBlendAttachmentState}, Type{_PipelineColorBlendAttachmentState}})) = VkPipelineColorBlendAttachmentState core_type(@nospecialize(_::Union{Type{VkPipelineColorBlendStateCreateInfo}, Type{PipelineColorBlendStateCreateInfo}, Type{_PipelineColorBlendStateCreateInfo}})) = VkPipelineColorBlendStateCreateInfo core_type(@nospecialize(_::Union{Type{VkPipelineDynamicStateCreateInfo}, Type{PipelineDynamicStateCreateInfo}, Type{_PipelineDynamicStateCreateInfo}})) = VkPipelineDynamicStateCreateInfo core_type(@nospecialize(_::Union{Type{VkStencilOpState}, Type{StencilOpState}, Type{_StencilOpState}})) = VkStencilOpState core_type(@nospecialize(_::Union{Type{VkPipelineDepthStencilStateCreateInfo}, Type{PipelineDepthStencilStateCreateInfo}, Type{_PipelineDepthStencilStateCreateInfo}})) = VkPipelineDepthStencilStateCreateInfo core_type(@nospecialize(_::Union{Type{VkGraphicsPipelineCreateInfo}, Type{GraphicsPipelineCreateInfo}, Type{_GraphicsPipelineCreateInfo}})) = VkGraphicsPipelineCreateInfo core_type(@nospecialize(_::Union{Type{VkPipelineCacheCreateInfo}, Type{PipelineCacheCreateInfo}, Type{_PipelineCacheCreateInfo}})) = VkPipelineCacheCreateInfo core_type(@nospecialize(_::Union{Type{VkPipelineCacheHeaderVersionOne}, Type{PipelineCacheHeaderVersionOne}, Type{_PipelineCacheHeaderVersionOne}})) = VkPipelineCacheHeaderVersionOne core_type(@nospecialize(_::Union{Type{VkPushConstantRange}, Type{PushConstantRange}, Type{_PushConstantRange}})) = VkPushConstantRange core_type(@nospecialize(_::Union{Type{VkPipelineLayoutCreateInfo}, Type{PipelineLayoutCreateInfo}, Type{_PipelineLayoutCreateInfo}})) = VkPipelineLayoutCreateInfo core_type(@nospecialize(_::Union{Type{VkSamplerCreateInfo}, Type{SamplerCreateInfo}, Type{_SamplerCreateInfo}})) = VkSamplerCreateInfo core_type(@nospecialize(_::Union{Type{VkCommandPoolCreateInfo}, Type{CommandPoolCreateInfo}, Type{_CommandPoolCreateInfo}})) = VkCommandPoolCreateInfo core_type(@nospecialize(_::Union{Type{VkCommandBufferAllocateInfo}, Type{CommandBufferAllocateInfo}, Type{_CommandBufferAllocateInfo}})) = VkCommandBufferAllocateInfo core_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceInfo}, Type{CommandBufferInheritanceInfo}, Type{_CommandBufferInheritanceInfo}})) = VkCommandBufferInheritanceInfo core_type(@nospecialize(_::Union{Type{VkCommandBufferBeginInfo}, Type{CommandBufferBeginInfo}, Type{_CommandBufferBeginInfo}})) = VkCommandBufferBeginInfo core_type(@nospecialize(_::Union{Type{VkRenderPassBeginInfo}, Type{RenderPassBeginInfo}, Type{_RenderPassBeginInfo}})) = VkRenderPassBeginInfo core_type(@nospecialize(_::Union{Type{VkClearDepthStencilValue}, Type{ClearDepthStencilValue}, Type{_ClearDepthStencilValue}})) = VkClearDepthStencilValue core_type(@nospecialize(_::Union{Type{VkClearAttachment}, Type{ClearAttachment}, Type{_ClearAttachment}})) = VkClearAttachment core_type(@nospecialize(_::Union{Type{VkAttachmentDescription}, Type{AttachmentDescription}, Type{_AttachmentDescription}})) = VkAttachmentDescription core_type(@nospecialize(_::Union{Type{VkAttachmentReference}, Type{AttachmentReference}, Type{_AttachmentReference}})) = VkAttachmentReference core_type(@nospecialize(_::Union{Type{VkSubpassDescription}, Type{SubpassDescription}, Type{_SubpassDescription}})) = VkSubpassDescription core_type(@nospecialize(_::Union{Type{VkSubpassDependency}, Type{SubpassDependency}, Type{_SubpassDependency}})) = VkSubpassDependency core_type(@nospecialize(_::Union{Type{VkRenderPassCreateInfo}, Type{RenderPassCreateInfo}, Type{_RenderPassCreateInfo}})) = VkRenderPassCreateInfo core_type(@nospecialize(_::Union{Type{VkEventCreateInfo}, Type{EventCreateInfo}, Type{_EventCreateInfo}})) = VkEventCreateInfo core_type(@nospecialize(_::Union{Type{VkFenceCreateInfo}, Type{FenceCreateInfo}, Type{_FenceCreateInfo}})) = VkFenceCreateInfo core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFeatures}, Type{PhysicalDeviceFeatures}, Type{_PhysicalDeviceFeatures}})) = VkPhysicalDeviceFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSparseProperties}, Type{PhysicalDeviceSparseProperties}, Type{_PhysicalDeviceSparseProperties}})) = VkPhysicalDeviceSparseProperties core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLimits}, Type{PhysicalDeviceLimits}, Type{_PhysicalDeviceLimits}})) = VkPhysicalDeviceLimits core_type(@nospecialize(_::Union{Type{VkSemaphoreCreateInfo}, Type{SemaphoreCreateInfo}, Type{_SemaphoreCreateInfo}})) = VkSemaphoreCreateInfo core_type(@nospecialize(_::Union{Type{VkQueryPoolCreateInfo}, Type{QueryPoolCreateInfo}, Type{_QueryPoolCreateInfo}})) = VkQueryPoolCreateInfo core_type(@nospecialize(_::Union{Type{VkFramebufferCreateInfo}, Type{FramebufferCreateInfo}, Type{_FramebufferCreateInfo}})) = VkFramebufferCreateInfo core_type(@nospecialize(_::Union{Type{VkDrawIndirectCommand}, Type{DrawIndirectCommand}, Type{_DrawIndirectCommand}})) = VkDrawIndirectCommand core_type(@nospecialize(_::Union{Type{VkDrawIndexedIndirectCommand}, Type{DrawIndexedIndirectCommand}, Type{_DrawIndexedIndirectCommand}})) = VkDrawIndexedIndirectCommand core_type(@nospecialize(_::Union{Type{VkDispatchIndirectCommand}, Type{DispatchIndirectCommand}, Type{_DispatchIndirectCommand}})) = VkDispatchIndirectCommand core_type(@nospecialize(_::Union{Type{VkMultiDrawInfoEXT}, Type{MultiDrawInfoEXT}, Type{_MultiDrawInfoEXT}})) = VkMultiDrawInfoEXT core_type(@nospecialize(_::Union{Type{VkMultiDrawIndexedInfoEXT}, Type{MultiDrawIndexedInfoEXT}, Type{_MultiDrawIndexedInfoEXT}})) = VkMultiDrawIndexedInfoEXT core_type(@nospecialize(_::Union{Type{VkSubmitInfo}, Type{SubmitInfo}, Type{_SubmitInfo}})) = VkSubmitInfo core_type(@nospecialize(_::Union{Type{VkDisplayPropertiesKHR}, Type{DisplayPropertiesKHR}, Type{_DisplayPropertiesKHR}})) = VkDisplayPropertiesKHR core_type(@nospecialize(_::Union{Type{VkDisplayPlanePropertiesKHR}, Type{DisplayPlanePropertiesKHR}, Type{_DisplayPlanePropertiesKHR}})) = VkDisplayPlanePropertiesKHR core_type(@nospecialize(_::Union{Type{VkDisplayModeParametersKHR}, Type{DisplayModeParametersKHR}, Type{_DisplayModeParametersKHR}})) = VkDisplayModeParametersKHR core_type(@nospecialize(_::Union{Type{VkDisplayModePropertiesKHR}, Type{DisplayModePropertiesKHR}, Type{_DisplayModePropertiesKHR}})) = VkDisplayModePropertiesKHR core_type(@nospecialize(_::Union{Type{VkDisplayModeCreateInfoKHR}, Type{DisplayModeCreateInfoKHR}, Type{_DisplayModeCreateInfoKHR}})) = VkDisplayModeCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkDisplayPlaneCapabilitiesKHR}, Type{DisplayPlaneCapabilitiesKHR}, Type{_DisplayPlaneCapabilitiesKHR}})) = VkDisplayPlaneCapabilitiesKHR core_type(@nospecialize(_::Union{Type{VkDisplaySurfaceCreateInfoKHR}, Type{DisplaySurfaceCreateInfoKHR}, Type{_DisplaySurfaceCreateInfoKHR}})) = VkDisplaySurfaceCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkDisplayPresentInfoKHR}, Type{DisplayPresentInfoKHR}, Type{_DisplayPresentInfoKHR}})) = VkDisplayPresentInfoKHR core_type(@nospecialize(_::Union{Type{VkSurfaceCapabilitiesKHR}, Type{SurfaceCapabilitiesKHR}, Type{_SurfaceCapabilitiesKHR}})) = VkSurfaceCapabilitiesKHR core_type(@nospecialize(_::Union{Type{VkWaylandSurfaceCreateInfoKHR}, Type{WaylandSurfaceCreateInfoKHR}, Type{_WaylandSurfaceCreateInfoKHR}})) = VkWaylandSurfaceCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkXlibSurfaceCreateInfoKHR}, Type{XlibSurfaceCreateInfoKHR}, Type{_XlibSurfaceCreateInfoKHR}})) = VkXlibSurfaceCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkXcbSurfaceCreateInfoKHR}, Type{XcbSurfaceCreateInfoKHR}, Type{_XcbSurfaceCreateInfoKHR}})) = VkXcbSurfaceCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkSurfaceFormatKHR}, Type{SurfaceFormatKHR}, Type{_SurfaceFormatKHR}})) = VkSurfaceFormatKHR core_type(@nospecialize(_::Union{Type{VkSwapchainCreateInfoKHR}, Type{SwapchainCreateInfoKHR}, Type{_SwapchainCreateInfoKHR}})) = VkSwapchainCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkPresentInfoKHR}, Type{PresentInfoKHR}, Type{_PresentInfoKHR}})) = VkPresentInfoKHR core_type(@nospecialize(_::Union{Type{VkDebugReportCallbackCreateInfoEXT}, Type{DebugReportCallbackCreateInfoEXT}, Type{_DebugReportCallbackCreateInfoEXT}})) = VkDebugReportCallbackCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkValidationFlagsEXT}, Type{ValidationFlagsEXT}, Type{_ValidationFlagsEXT}})) = VkValidationFlagsEXT core_type(@nospecialize(_::Union{Type{VkValidationFeaturesEXT}, Type{ValidationFeaturesEXT}, Type{_ValidationFeaturesEXT}})) = VkValidationFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPipelineRasterizationStateRasterizationOrderAMD}, Type{PipelineRasterizationStateRasterizationOrderAMD}, Type{_PipelineRasterizationStateRasterizationOrderAMD}})) = VkPipelineRasterizationStateRasterizationOrderAMD core_type(@nospecialize(_::Union{Type{VkDebugMarkerObjectNameInfoEXT}, Type{DebugMarkerObjectNameInfoEXT}, Type{_DebugMarkerObjectNameInfoEXT}})) = VkDebugMarkerObjectNameInfoEXT core_type(@nospecialize(_::Union{Type{VkDebugMarkerObjectTagInfoEXT}, Type{DebugMarkerObjectTagInfoEXT}, Type{_DebugMarkerObjectTagInfoEXT}})) = VkDebugMarkerObjectTagInfoEXT core_type(@nospecialize(_::Union{Type{VkDebugMarkerMarkerInfoEXT}, Type{DebugMarkerMarkerInfoEXT}, Type{_DebugMarkerMarkerInfoEXT}})) = VkDebugMarkerMarkerInfoEXT core_type(@nospecialize(_::Union{Type{VkDedicatedAllocationImageCreateInfoNV}, Type{DedicatedAllocationImageCreateInfoNV}, Type{_DedicatedAllocationImageCreateInfoNV}})) = VkDedicatedAllocationImageCreateInfoNV core_type(@nospecialize(_::Union{Type{VkDedicatedAllocationBufferCreateInfoNV}, Type{DedicatedAllocationBufferCreateInfoNV}, Type{_DedicatedAllocationBufferCreateInfoNV}})) = VkDedicatedAllocationBufferCreateInfoNV core_type(@nospecialize(_::Union{Type{VkDedicatedAllocationMemoryAllocateInfoNV}, Type{DedicatedAllocationMemoryAllocateInfoNV}, Type{_DedicatedAllocationMemoryAllocateInfoNV}})) = VkDedicatedAllocationMemoryAllocateInfoNV core_type(@nospecialize(_::Union{Type{VkExternalImageFormatPropertiesNV}, Type{ExternalImageFormatPropertiesNV}, Type{_ExternalImageFormatPropertiesNV}})) = VkExternalImageFormatPropertiesNV core_type(@nospecialize(_::Union{Type{VkExternalMemoryImageCreateInfoNV}, Type{ExternalMemoryImageCreateInfoNV}, Type{_ExternalMemoryImageCreateInfoNV}})) = VkExternalMemoryImageCreateInfoNV core_type(@nospecialize(_::Union{Type{VkExportMemoryAllocateInfoNV}, Type{ExportMemoryAllocateInfoNV}, Type{_ExportMemoryAllocateInfoNV}})) = VkExportMemoryAllocateInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV}, Type{PhysicalDeviceDeviceGeneratedCommandsFeaturesNV}, Type{_PhysicalDeviceDeviceGeneratedCommandsFeaturesNV}})) = VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV core_type(@nospecialize(_::Union{Type{VkDevicePrivateDataCreateInfo}, Type{DevicePrivateDataCreateInfo}, Type{_DevicePrivateDataCreateInfo}})) = VkDevicePrivateDataCreateInfo core_type(@nospecialize(_::Union{Type{VkPrivateDataSlotCreateInfo}, Type{PrivateDataSlotCreateInfo}, Type{_PrivateDataSlotCreateInfo}})) = VkPrivateDataSlotCreateInfo core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePrivateDataFeatures}, Type{PhysicalDevicePrivateDataFeatures}, Type{_PhysicalDevicePrivateDataFeatures}})) = VkPhysicalDevicePrivateDataFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV}, Type{PhysicalDeviceDeviceGeneratedCommandsPropertiesNV}, Type{_PhysicalDeviceDeviceGeneratedCommandsPropertiesNV}})) = VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiDrawPropertiesEXT}, Type{PhysicalDeviceMultiDrawPropertiesEXT}, Type{_PhysicalDeviceMultiDrawPropertiesEXT}})) = VkPhysicalDeviceMultiDrawPropertiesEXT core_type(@nospecialize(_::Union{Type{VkGraphicsShaderGroupCreateInfoNV}, Type{GraphicsShaderGroupCreateInfoNV}, Type{_GraphicsShaderGroupCreateInfoNV}})) = VkGraphicsShaderGroupCreateInfoNV core_type(@nospecialize(_::Union{Type{VkGraphicsPipelineShaderGroupsCreateInfoNV}, Type{GraphicsPipelineShaderGroupsCreateInfoNV}, Type{_GraphicsPipelineShaderGroupsCreateInfoNV}})) = VkGraphicsPipelineShaderGroupsCreateInfoNV core_type(@nospecialize(_::Union{Type{VkBindShaderGroupIndirectCommandNV}, Type{BindShaderGroupIndirectCommandNV}, Type{_BindShaderGroupIndirectCommandNV}})) = VkBindShaderGroupIndirectCommandNV core_type(@nospecialize(_::Union{Type{VkBindIndexBufferIndirectCommandNV}, Type{BindIndexBufferIndirectCommandNV}, Type{_BindIndexBufferIndirectCommandNV}})) = VkBindIndexBufferIndirectCommandNV core_type(@nospecialize(_::Union{Type{VkBindVertexBufferIndirectCommandNV}, Type{BindVertexBufferIndirectCommandNV}, Type{_BindVertexBufferIndirectCommandNV}})) = VkBindVertexBufferIndirectCommandNV core_type(@nospecialize(_::Union{Type{VkSetStateFlagsIndirectCommandNV}, Type{SetStateFlagsIndirectCommandNV}, Type{_SetStateFlagsIndirectCommandNV}})) = VkSetStateFlagsIndirectCommandNV core_type(@nospecialize(_::Union{Type{VkIndirectCommandsStreamNV}, Type{IndirectCommandsStreamNV}, Type{_IndirectCommandsStreamNV}})) = VkIndirectCommandsStreamNV core_type(@nospecialize(_::Union{Type{VkIndirectCommandsLayoutTokenNV}, Type{IndirectCommandsLayoutTokenNV}, Type{_IndirectCommandsLayoutTokenNV}})) = VkIndirectCommandsLayoutTokenNV core_type(@nospecialize(_::Union{Type{VkIndirectCommandsLayoutCreateInfoNV}, Type{IndirectCommandsLayoutCreateInfoNV}, Type{_IndirectCommandsLayoutCreateInfoNV}})) = VkIndirectCommandsLayoutCreateInfoNV core_type(@nospecialize(_::Union{Type{VkGeneratedCommandsInfoNV}, Type{GeneratedCommandsInfoNV}, Type{_GeneratedCommandsInfoNV}})) = VkGeneratedCommandsInfoNV core_type(@nospecialize(_::Union{Type{VkGeneratedCommandsMemoryRequirementsInfoNV}, Type{GeneratedCommandsMemoryRequirementsInfoNV}, Type{_GeneratedCommandsMemoryRequirementsInfoNV}})) = VkGeneratedCommandsMemoryRequirementsInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFeatures2}, Type{PhysicalDeviceFeatures2}, Type{_PhysicalDeviceFeatures2}})) = VkPhysicalDeviceFeatures2 core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProperties2}, Type{PhysicalDeviceProperties2}, Type{_PhysicalDeviceProperties2}})) = VkPhysicalDeviceProperties2 core_type(@nospecialize(_::Union{Type{VkFormatProperties2}, Type{FormatProperties2}, Type{_FormatProperties2}})) = VkFormatProperties2 core_type(@nospecialize(_::Union{Type{VkImageFormatProperties2}, Type{ImageFormatProperties2}, Type{_ImageFormatProperties2}})) = VkImageFormatProperties2 core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageFormatInfo2}, Type{PhysicalDeviceImageFormatInfo2}, Type{_PhysicalDeviceImageFormatInfo2}})) = VkPhysicalDeviceImageFormatInfo2 core_type(@nospecialize(_::Union{Type{VkQueueFamilyProperties2}, Type{QueueFamilyProperties2}, Type{_QueueFamilyProperties2}})) = VkQueueFamilyProperties2 core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryProperties2}, Type{PhysicalDeviceMemoryProperties2}, Type{_PhysicalDeviceMemoryProperties2}})) = VkPhysicalDeviceMemoryProperties2 core_type(@nospecialize(_::Union{Type{VkSparseImageFormatProperties2}, Type{SparseImageFormatProperties2}, Type{_SparseImageFormatProperties2}})) = VkSparseImageFormatProperties2 core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSparseImageFormatInfo2}, Type{PhysicalDeviceSparseImageFormatInfo2}, Type{_PhysicalDeviceSparseImageFormatInfo2}})) = VkPhysicalDeviceSparseImageFormatInfo2 core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePushDescriptorPropertiesKHR}, Type{PhysicalDevicePushDescriptorPropertiesKHR}, Type{_PhysicalDevicePushDescriptorPropertiesKHR}})) = VkPhysicalDevicePushDescriptorPropertiesKHR core_type(@nospecialize(_::Union{Type{VkConformanceVersion}, Type{ConformanceVersion}, Type{_ConformanceVersion}})) = VkConformanceVersion core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDriverProperties}, Type{PhysicalDeviceDriverProperties}, Type{_PhysicalDeviceDriverProperties}})) = VkPhysicalDeviceDriverProperties core_type(@nospecialize(_::Union{Type{VkPresentRegionsKHR}, Type{PresentRegionsKHR}, Type{_PresentRegionsKHR}})) = VkPresentRegionsKHR core_type(@nospecialize(_::Union{Type{VkPresentRegionKHR}, Type{PresentRegionKHR}, Type{_PresentRegionKHR}})) = VkPresentRegionKHR core_type(@nospecialize(_::Union{Type{VkRectLayerKHR}, Type{RectLayerKHR}, Type{_RectLayerKHR}})) = VkRectLayerKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVariablePointersFeatures}, Type{PhysicalDeviceVariablePointersFeatures}, Type{_PhysicalDeviceVariablePointersFeatures}})) = VkPhysicalDeviceVariablePointersFeatures core_type(@nospecialize(_::Union{Type{VkExternalMemoryProperties}, Type{ExternalMemoryProperties}, Type{_ExternalMemoryProperties}})) = VkExternalMemoryProperties core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalImageFormatInfo}, Type{PhysicalDeviceExternalImageFormatInfo}, Type{_PhysicalDeviceExternalImageFormatInfo}})) = VkPhysicalDeviceExternalImageFormatInfo core_type(@nospecialize(_::Union{Type{VkExternalImageFormatProperties}, Type{ExternalImageFormatProperties}, Type{_ExternalImageFormatProperties}})) = VkExternalImageFormatProperties core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalBufferInfo}, Type{PhysicalDeviceExternalBufferInfo}, Type{_PhysicalDeviceExternalBufferInfo}})) = VkPhysicalDeviceExternalBufferInfo core_type(@nospecialize(_::Union{Type{VkExternalBufferProperties}, Type{ExternalBufferProperties}, Type{_ExternalBufferProperties}})) = VkExternalBufferProperties core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceIDProperties}, Type{PhysicalDeviceIDProperties}, Type{_PhysicalDeviceIDProperties}})) = VkPhysicalDeviceIDProperties core_type(@nospecialize(_::Union{Type{VkExternalMemoryImageCreateInfo}, Type{ExternalMemoryImageCreateInfo}, Type{_ExternalMemoryImageCreateInfo}})) = VkExternalMemoryImageCreateInfo core_type(@nospecialize(_::Union{Type{VkExternalMemoryBufferCreateInfo}, Type{ExternalMemoryBufferCreateInfo}, Type{_ExternalMemoryBufferCreateInfo}})) = VkExternalMemoryBufferCreateInfo core_type(@nospecialize(_::Union{Type{VkExportMemoryAllocateInfo}, Type{ExportMemoryAllocateInfo}, Type{_ExportMemoryAllocateInfo}})) = VkExportMemoryAllocateInfo core_type(@nospecialize(_::Union{Type{VkImportMemoryFdInfoKHR}, Type{ImportMemoryFdInfoKHR}, Type{_ImportMemoryFdInfoKHR}})) = VkImportMemoryFdInfoKHR core_type(@nospecialize(_::Union{Type{VkMemoryFdPropertiesKHR}, Type{MemoryFdPropertiesKHR}, Type{_MemoryFdPropertiesKHR}})) = VkMemoryFdPropertiesKHR core_type(@nospecialize(_::Union{Type{VkMemoryGetFdInfoKHR}, Type{MemoryGetFdInfoKHR}, Type{_MemoryGetFdInfoKHR}})) = VkMemoryGetFdInfoKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalSemaphoreInfo}, Type{PhysicalDeviceExternalSemaphoreInfo}, Type{_PhysicalDeviceExternalSemaphoreInfo}})) = VkPhysicalDeviceExternalSemaphoreInfo core_type(@nospecialize(_::Union{Type{VkExternalSemaphoreProperties}, Type{ExternalSemaphoreProperties}, Type{_ExternalSemaphoreProperties}})) = VkExternalSemaphoreProperties core_type(@nospecialize(_::Union{Type{VkExportSemaphoreCreateInfo}, Type{ExportSemaphoreCreateInfo}, Type{_ExportSemaphoreCreateInfo}})) = VkExportSemaphoreCreateInfo core_type(@nospecialize(_::Union{Type{VkImportSemaphoreFdInfoKHR}, Type{ImportSemaphoreFdInfoKHR}, Type{_ImportSemaphoreFdInfoKHR}})) = VkImportSemaphoreFdInfoKHR core_type(@nospecialize(_::Union{Type{VkSemaphoreGetFdInfoKHR}, Type{SemaphoreGetFdInfoKHR}, Type{_SemaphoreGetFdInfoKHR}})) = VkSemaphoreGetFdInfoKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalFenceInfo}, Type{PhysicalDeviceExternalFenceInfo}, Type{_PhysicalDeviceExternalFenceInfo}})) = VkPhysicalDeviceExternalFenceInfo core_type(@nospecialize(_::Union{Type{VkExternalFenceProperties}, Type{ExternalFenceProperties}, Type{_ExternalFenceProperties}})) = VkExternalFenceProperties core_type(@nospecialize(_::Union{Type{VkExportFenceCreateInfo}, Type{ExportFenceCreateInfo}, Type{_ExportFenceCreateInfo}})) = VkExportFenceCreateInfo core_type(@nospecialize(_::Union{Type{VkImportFenceFdInfoKHR}, Type{ImportFenceFdInfoKHR}, Type{_ImportFenceFdInfoKHR}})) = VkImportFenceFdInfoKHR core_type(@nospecialize(_::Union{Type{VkFenceGetFdInfoKHR}, Type{FenceGetFdInfoKHR}, Type{_FenceGetFdInfoKHR}})) = VkFenceGetFdInfoKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiviewFeatures}, Type{PhysicalDeviceMultiviewFeatures}, Type{_PhysicalDeviceMultiviewFeatures}})) = VkPhysicalDeviceMultiviewFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiviewProperties}, Type{PhysicalDeviceMultiviewProperties}, Type{_PhysicalDeviceMultiviewProperties}})) = VkPhysicalDeviceMultiviewProperties core_type(@nospecialize(_::Union{Type{VkRenderPassMultiviewCreateInfo}, Type{RenderPassMultiviewCreateInfo}, Type{_RenderPassMultiviewCreateInfo}})) = VkRenderPassMultiviewCreateInfo core_type(@nospecialize(_::Union{Type{VkSurfaceCapabilities2EXT}, Type{SurfaceCapabilities2EXT}, Type{_SurfaceCapabilities2EXT}})) = VkSurfaceCapabilities2EXT core_type(@nospecialize(_::Union{Type{VkDisplayPowerInfoEXT}, Type{DisplayPowerInfoEXT}, Type{_DisplayPowerInfoEXT}})) = VkDisplayPowerInfoEXT core_type(@nospecialize(_::Union{Type{VkDeviceEventInfoEXT}, Type{DeviceEventInfoEXT}, Type{_DeviceEventInfoEXT}})) = VkDeviceEventInfoEXT core_type(@nospecialize(_::Union{Type{VkDisplayEventInfoEXT}, Type{DisplayEventInfoEXT}, Type{_DisplayEventInfoEXT}})) = VkDisplayEventInfoEXT core_type(@nospecialize(_::Union{Type{VkSwapchainCounterCreateInfoEXT}, Type{SwapchainCounterCreateInfoEXT}, Type{_SwapchainCounterCreateInfoEXT}})) = VkSwapchainCounterCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceGroupProperties}, Type{PhysicalDeviceGroupProperties}, Type{_PhysicalDeviceGroupProperties}})) = VkPhysicalDeviceGroupProperties core_type(@nospecialize(_::Union{Type{VkMemoryAllocateFlagsInfo}, Type{MemoryAllocateFlagsInfo}, Type{_MemoryAllocateFlagsInfo}})) = VkMemoryAllocateFlagsInfo core_type(@nospecialize(_::Union{Type{VkBindBufferMemoryInfo}, Type{BindBufferMemoryInfo}, Type{_BindBufferMemoryInfo}})) = VkBindBufferMemoryInfo core_type(@nospecialize(_::Union{Type{VkBindBufferMemoryDeviceGroupInfo}, Type{BindBufferMemoryDeviceGroupInfo}, Type{_BindBufferMemoryDeviceGroupInfo}})) = VkBindBufferMemoryDeviceGroupInfo core_type(@nospecialize(_::Union{Type{VkBindImageMemoryInfo}, Type{BindImageMemoryInfo}, Type{_BindImageMemoryInfo}})) = VkBindImageMemoryInfo core_type(@nospecialize(_::Union{Type{VkBindImageMemoryDeviceGroupInfo}, Type{BindImageMemoryDeviceGroupInfo}, Type{_BindImageMemoryDeviceGroupInfo}})) = VkBindImageMemoryDeviceGroupInfo core_type(@nospecialize(_::Union{Type{VkDeviceGroupRenderPassBeginInfo}, Type{DeviceGroupRenderPassBeginInfo}, Type{_DeviceGroupRenderPassBeginInfo}})) = VkDeviceGroupRenderPassBeginInfo core_type(@nospecialize(_::Union{Type{VkDeviceGroupCommandBufferBeginInfo}, Type{DeviceGroupCommandBufferBeginInfo}, Type{_DeviceGroupCommandBufferBeginInfo}})) = VkDeviceGroupCommandBufferBeginInfo core_type(@nospecialize(_::Union{Type{VkDeviceGroupSubmitInfo}, Type{DeviceGroupSubmitInfo}, Type{_DeviceGroupSubmitInfo}})) = VkDeviceGroupSubmitInfo core_type(@nospecialize(_::Union{Type{VkDeviceGroupBindSparseInfo}, Type{DeviceGroupBindSparseInfo}, Type{_DeviceGroupBindSparseInfo}})) = VkDeviceGroupBindSparseInfo core_type(@nospecialize(_::Union{Type{VkDeviceGroupPresentCapabilitiesKHR}, Type{DeviceGroupPresentCapabilitiesKHR}, Type{_DeviceGroupPresentCapabilitiesKHR}})) = VkDeviceGroupPresentCapabilitiesKHR core_type(@nospecialize(_::Union{Type{VkImageSwapchainCreateInfoKHR}, Type{ImageSwapchainCreateInfoKHR}, Type{_ImageSwapchainCreateInfoKHR}})) = VkImageSwapchainCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkBindImageMemorySwapchainInfoKHR}, Type{BindImageMemorySwapchainInfoKHR}, Type{_BindImageMemorySwapchainInfoKHR}})) = VkBindImageMemorySwapchainInfoKHR core_type(@nospecialize(_::Union{Type{VkAcquireNextImageInfoKHR}, Type{AcquireNextImageInfoKHR}, Type{_AcquireNextImageInfoKHR}})) = VkAcquireNextImageInfoKHR core_type(@nospecialize(_::Union{Type{VkDeviceGroupPresentInfoKHR}, Type{DeviceGroupPresentInfoKHR}, Type{_DeviceGroupPresentInfoKHR}})) = VkDeviceGroupPresentInfoKHR core_type(@nospecialize(_::Union{Type{VkDeviceGroupDeviceCreateInfo}, Type{DeviceGroupDeviceCreateInfo}, Type{_DeviceGroupDeviceCreateInfo}})) = VkDeviceGroupDeviceCreateInfo core_type(@nospecialize(_::Union{Type{VkDeviceGroupSwapchainCreateInfoKHR}, Type{DeviceGroupSwapchainCreateInfoKHR}, Type{_DeviceGroupSwapchainCreateInfoKHR}})) = VkDeviceGroupSwapchainCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkDescriptorUpdateTemplateEntry}, Type{DescriptorUpdateTemplateEntry}, Type{_DescriptorUpdateTemplateEntry}})) = VkDescriptorUpdateTemplateEntry core_type(@nospecialize(_::Union{Type{VkDescriptorUpdateTemplateCreateInfo}, Type{DescriptorUpdateTemplateCreateInfo}, Type{_DescriptorUpdateTemplateCreateInfo}})) = VkDescriptorUpdateTemplateCreateInfo core_type(@nospecialize(_::Union{Type{VkXYColorEXT}, Type{XYColorEXT}, Type{_XYColorEXT}})) = VkXYColorEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePresentIdFeaturesKHR}, Type{PhysicalDevicePresentIdFeaturesKHR}, Type{_PhysicalDevicePresentIdFeaturesKHR}})) = VkPhysicalDevicePresentIdFeaturesKHR core_type(@nospecialize(_::Union{Type{VkPresentIdKHR}, Type{PresentIdKHR}, Type{_PresentIdKHR}})) = VkPresentIdKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePresentWaitFeaturesKHR}, Type{PhysicalDevicePresentWaitFeaturesKHR}, Type{_PhysicalDevicePresentWaitFeaturesKHR}})) = VkPhysicalDevicePresentWaitFeaturesKHR core_type(@nospecialize(_::Union{Type{VkHdrMetadataEXT}, Type{HdrMetadataEXT}, Type{_HdrMetadataEXT}})) = VkHdrMetadataEXT core_type(@nospecialize(_::Union{Type{VkDisplayNativeHdrSurfaceCapabilitiesAMD}, Type{DisplayNativeHdrSurfaceCapabilitiesAMD}, Type{_DisplayNativeHdrSurfaceCapabilitiesAMD}})) = VkDisplayNativeHdrSurfaceCapabilitiesAMD core_type(@nospecialize(_::Union{Type{VkSwapchainDisplayNativeHdrCreateInfoAMD}, Type{SwapchainDisplayNativeHdrCreateInfoAMD}, Type{_SwapchainDisplayNativeHdrCreateInfoAMD}})) = VkSwapchainDisplayNativeHdrCreateInfoAMD core_type(@nospecialize(_::Union{Type{VkRefreshCycleDurationGOOGLE}, Type{RefreshCycleDurationGOOGLE}, Type{_RefreshCycleDurationGOOGLE}})) = VkRefreshCycleDurationGOOGLE core_type(@nospecialize(_::Union{Type{VkPastPresentationTimingGOOGLE}, Type{PastPresentationTimingGOOGLE}, Type{_PastPresentationTimingGOOGLE}})) = VkPastPresentationTimingGOOGLE core_type(@nospecialize(_::Union{Type{VkPresentTimesInfoGOOGLE}, Type{PresentTimesInfoGOOGLE}, Type{_PresentTimesInfoGOOGLE}})) = VkPresentTimesInfoGOOGLE core_type(@nospecialize(_::Union{Type{VkPresentTimeGOOGLE}, Type{PresentTimeGOOGLE}, Type{_PresentTimeGOOGLE}})) = VkPresentTimeGOOGLE core_type(@nospecialize(_::Union{Type{VkViewportWScalingNV}, Type{ViewportWScalingNV}, Type{_ViewportWScalingNV}})) = VkViewportWScalingNV core_type(@nospecialize(_::Union{Type{VkPipelineViewportWScalingStateCreateInfoNV}, Type{PipelineViewportWScalingStateCreateInfoNV}, Type{_PipelineViewportWScalingStateCreateInfoNV}})) = VkPipelineViewportWScalingStateCreateInfoNV core_type(@nospecialize(_::Union{Type{VkViewportSwizzleNV}, Type{ViewportSwizzleNV}, Type{_ViewportSwizzleNV}})) = VkViewportSwizzleNV core_type(@nospecialize(_::Union{Type{VkPipelineViewportSwizzleStateCreateInfoNV}, Type{PipelineViewportSwizzleStateCreateInfoNV}, Type{_PipelineViewportSwizzleStateCreateInfoNV}})) = VkPipelineViewportSwizzleStateCreateInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDiscardRectanglePropertiesEXT}, Type{PhysicalDeviceDiscardRectanglePropertiesEXT}, Type{_PhysicalDeviceDiscardRectanglePropertiesEXT}})) = VkPhysicalDeviceDiscardRectanglePropertiesEXT core_type(@nospecialize(_::Union{Type{VkPipelineDiscardRectangleStateCreateInfoEXT}, Type{PipelineDiscardRectangleStateCreateInfoEXT}, Type{_PipelineDiscardRectangleStateCreateInfoEXT}})) = VkPipelineDiscardRectangleStateCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX}, Type{PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX}, Type{_PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX}})) = VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX core_type(@nospecialize(_::Union{Type{VkInputAttachmentAspectReference}, Type{InputAttachmentAspectReference}, Type{_InputAttachmentAspectReference}})) = VkInputAttachmentAspectReference core_type(@nospecialize(_::Union{Type{VkRenderPassInputAttachmentAspectCreateInfo}, Type{RenderPassInputAttachmentAspectCreateInfo}, Type{_RenderPassInputAttachmentAspectCreateInfo}})) = VkRenderPassInputAttachmentAspectCreateInfo core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSurfaceInfo2KHR}, Type{PhysicalDeviceSurfaceInfo2KHR}, Type{_PhysicalDeviceSurfaceInfo2KHR}})) = VkPhysicalDeviceSurfaceInfo2KHR core_type(@nospecialize(_::Union{Type{VkSurfaceCapabilities2KHR}, Type{SurfaceCapabilities2KHR}, Type{_SurfaceCapabilities2KHR}})) = VkSurfaceCapabilities2KHR core_type(@nospecialize(_::Union{Type{VkSurfaceFormat2KHR}, Type{SurfaceFormat2KHR}, Type{_SurfaceFormat2KHR}})) = VkSurfaceFormat2KHR core_type(@nospecialize(_::Union{Type{VkDisplayProperties2KHR}, Type{DisplayProperties2KHR}, Type{_DisplayProperties2KHR}})) = VkDisplayProperties2KHR core_type(@nospecialize(_::Union{Type{VkDisplayPlaneProperties2KHR}, Type{DisplayPlaneProperties2KHR}, Type{_DisplayPlaneProperties2KHR}})) = VkDisplayPlaneProperties2KHR core_type(@nospecialize(_::Union{Type{VkDisplayModeProperties2KHR}, Type{DisplayModeProperties2KHR}, Type{_DisplayModeProperties2KHR}})) = VkDisplayModeProperties2KHR core_type(@nospecialize(_::Union{Type{VkDisplayPlaneInfo2KHR}, Type{DisplayPlaneInfo2KHR}, Type{_DisplayPlaneInfo2KHR}})) = VkDisplayPlaneInfo2KHR core_type(@nospecialize(_::Union{Type{VkDisplayPlaneCapabilities2KHR}, Type{DisplayPlaneCapabilities2KHR}, Type{_DisplayPlaneCapabilities2KHR}})) = VkDisplayPlaneCapabilities2KHR core_type(@nospecialize(_::Union{Type{VkSharedPresentSurfaceCapabilitiesKHR}, Type{SharedPresentSurfaceCapabilitiesKHR}, Type{_SharedPresentSurfaceCapabilitiesKHR}})) = VkSharedPresentSurfaceCapabilitiesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDevice16BitStorageFeatures}, Type{PhysicalDevice16BitStorageFeatures}, Type{_PhysicalDevice16BitStorageFeatures}})) = VkPhysicalDevice16BitStorageFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubgroupProperties}, Type{PhysicalDeviceSubgroupProperties}, Type{_PhysicalDeviceSubgroupProperties}})) = VkPhysicalDeviceSubgroupProperties core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures}, Type{PhysicalDeviceShaderSubgroupExtendedTypesFeatures}, Type{_PhysicalDeviceShaderSubgroupExtendedTypesFeatures}})) = VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures core_type(@nospecialize(_::Union{Type{VkBufferMemoryRequirementsInfo2}, Type{BufferMemoryRequirementsInfo2}, Type{_BufferMemoryRequirementsInfo2}})) = VkBufferMemoryRequirementsInfo2 core_type(@nospecialize(_::Union{Type{VkDeviceBufferMemoryRequirements}, Type{DeviceBufferMemoryRequirements}, Type{_DeviceBufferMemoryRequirements}})) = VkDeviceBufferMemoryRequirements core_type(@nospecialize(_::Union{Type{VkImageMemoryRequirementsInfo2}, Type{ImageMemoryRequirementsInfo2}, Type{_ImageMemoryRequirementsInfo2}})) = VkImageMemoryRequirementsInfo2 core_type(@nospecialize(_::Union{Type{VkImageSparseMemoryRequirementsInfo2}, Type{ImageSparseMemoryRequirementsInfo2}, Type{_ImageSparseMemoryRequirementsInfo2}})) = VkImageSparseMemoryRequirementsInfo2 core_type(@nospecialize(_::Union{Type{VkDeviceImageMemoryRequirements}, Type{DeviceImageMemoryRequirements}, Type{_DeviceImageMemoryRequirements}})) = VkDeviceImageMemoryRequirements core_type(@nospecialize(_::Union{Type{VkMemoryRequirements2}, Type{MemoryRequirements2}, Type{_MemoryRequirements2}})) = VkMemoryRequirements2 core_type(@nospecialize(_::Union{Type{VkSparseImageMemoryRequirements2}, Type{SparseImageMemoryRequirements2}, Type{_SparseImageMemoryRequirements2}})) = VkSparseImageMemoryRequirements2 core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePointClippingProperties}, Type{PhysicalDevicePointClippingProperties}, Type{_PhysicalDevicePointClippingProperties}})) = VkPhysicalDevicePointClippingProperties core_type(@nospecialize(_::Union{Type{VkMemoryDedicatedRequirements}, Type{MemoryDedicatedRequirements}, Type{_MemoryDedicatedRequirements}})) = VkMemoryDedicatedRequirements core_type(@nospecialize(_::Union{Type{VkMemoryDedicatedAllocateInfo}, Type{MemoryDedicatedAllocateInfo}, Type{_MemoryDedicatedAllocateInfo}})) = VkMemoryDedicatedAllocateInfo core_type(@nospecialize(_::Union{Type{VkImageViewUsageCreateInfo}, Type{ImageViewUsageCreateInfo}, Type{_ImageViewUsageCreateInfo}})) = VkImageViewUsageCreateInfo core_type(@nospecialize(_::Union{Type{VkPipelineTessellationDomainOriginStateCreateInfo}, Type{PipelineTessellationDomainOriginStateCreateInfo}, Type{_PipelineTessellationDomainOriginStateCreateInfo}})) = VkPipelineTessellationDomainOriginStateCreateInfo core_type(@nospecialize(_::Union{Type{VkSamplerYcbcrConversionInfo}, Type{SamplerYcbcrConversionInfo}, Type{_SamplerYcbcrConversionInfo}})) = VkSamplerYcbcrConversionInfo core_type(@nospecialize(_::Union{Type{VkSamplerYcbcrConversionCreateInfo}, Type{SamplerYcbcrConversionCreateInfo}, Type{_SamplerYcbcrConversionCreateInfo}})) = VkSamplerYcbcrConversionCreateInfo core_type(@nospecialize(_::Union{Type{VkBindImagePlaneMemoryInfo}, Type{BindImagePlaneMemoryInfo}, Type{_BindImagePlaneMemoryInfo}})) = VkBindImagePlaneMemoryInfo core_type(@nospecialize(_::Union{Type{VkImagePlaneMemoryRequirementsInfo}, Type{ImagePlaneMemoryRequirementsInfo}, Type{_ImagePlaneMemoryRequirementsInfo}})) = VkImagePlaneMemoryRequirementsInfo core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSamplerYcbcrConversionFeatures}, Type{PhysicalDeviceSamplerYcbcrConversionFeatures}, Type{_PhysicalDeviceSamplerYcbcrConversionFeatures}})) = VkPhysicalDeviceSamplerYcbcrConversionFeatures core_type(@nospecialize(_::Union{Type{VkSamplerYcbcrConversionImageFormatProperties}, Type{SamplerYcbcrConversionImageFormatProperties}, Type{_SamplerYcbcrConversionImageFormatProperties}})) = VkSamplerYcbcrConversionImageFormatProperties core_type(@nospecialize(_::Union{Type{VkTextureLODGatherFormatPropertiesAMD}, Type{TextureLODGatherFormatPropertiesAMD}, Type{_TextureLODGatherFormatPropertiesAMD}})) = VkTextureLODGatherFormatPropertiesAMD core_type(@nospecialize(_::Union{Type{VkConditionalRenderingBeginInfoEXT}, Type{ConditionalRenderingBeginInfoEXT}, Type{_ConditionalRenderingBeginInfoEXT}})) = VkConditionalRenderingBeginInfoEXT core_type(@nospecialize(_::Union{Type{VkProtectedSubmitInfo}, Type{ProtectedSubmitInfo}, Type{_ProtectedSubmitInfo}})) = VkProtectedSubmitInfo core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProtectedMemoryFeatures}, Type{PhysicalDeviceProtectedMemoryFeatures}, Type{_PhysicalDeviceProtectedMemoryFeatures}})) = VkPhysicalDeviceProtectedMemoryFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProtectedMemoryProperties}, Type{PhysicalDeviceProtectedMemoryProperties}, Type{_PhysicalDeviceProtectedMemoryProperties}})) = VkPhysicalDeviceProtectedMemoryProperties core_type(@nospecialize(_::Union{Type{VkDeviceQueueInfo2}, Type{DeviceQueueInfo2}, Type{_DeviceQueueInfo2}})) = VkDeviceQueueInfo2 core_type(@nospecialize(_::Union{Type{VkPipelineCoverageToColorStateCreateInfoNV}, Type{PipelineCoverageToColorStateCreateInfoNV}, Type{_PipelineCoverageToColorStateCreateInfoNV}})) = VkPipelineCoverageToColorStateCreateInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSamplerFilterMinmaxProperties}, Type{PhysicalDeviceSamplerFilterMinmaxProperties}, Type{_PhysicalDeviceSamplerFilterMinmaxProperties}})) = VkPhysicalDeviceSamplerFilterMinmaxProperties core_type(@nospecialize(_::Union{Type{VkSampleLocationEXT}, Type{SampleLocationEXT}, Type{_SampleLocationEXT}})) = VkSampleLocationEXT core_type(@nospecialize(_::Union{Type{VkSampleLocationsInfoEXT}, Type{SampleLocationsInfoEXT}, Type{_SampleLocationsInfoEXT}})) = VkSampleLocationsInfoEXT core_type(@nospecialize(_::Union{Type{VkAttachmentSampleLocationsEXT}, Type{AttachmentSampleLocationsEXT}, Type{_AttachmentSampleLocationsEXT}})) = VkAttachmentSampleLocationsEXT core_type(@nospecialize(_::Union{Type{VkSubpassSampleLocationsEXT}, Type{SubpassSampleLocationsEXT}, Type{_SubpassSampleLocationsEXT}})) = VkSubpassSampleLocationsEXT core_type(@nospecialize(_::Union{Type{VkRenderPassSampleLocationsBeginInfoEXT}, Type{RenderPassSampleLocationsBeginInfoEXT}, Type{_RenderPassSampleLocationsBeginInfoEXT}})) = VkRenderPassSampleLocationsBeginInfoEXT core_type(@nospecialize(_::Union{Type{VkPipelineSampleLocationsStateCreateInfoEXT}, Type{PipelineSampleLocationsStateCreateInfoEXT}, Type{_PipelineSampleLocationsStateCreateInfoEXT}})) = VkPipelineSampleLocationsStateCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSampleLocationsPropertiesEXT}, Type{PhysicalDeviceSampleLocationsPropertiesEXT}, Type{_PhysicalDeviceSampleLocationsPropertiesEXT}})) = VkPhysicalDeviceSampleLocationsPropertiesEXT core_type(@nospecialize(_::Union{Type{VkMultisamplePropertiesEXT}, Type{MultisamplePropertiesEXT}, Type{_MultisamplePropertiesEXT}})) = VkMultisamplePropertiesEXT core_type(@nospecialize(_::Union{Type{VkSamplerReductionModeCreateInfo}, Type{SamplerReductionModeCreateInfo}, Type{_SamplerReductionModeCreateInfo}})) = VkSamplerReductionModeCreateInfo core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT}, Type{PhysicalDeviceBlendOperationAdvancedFeaturesEXT}, Type{_PhysicalDeviceBlendOperationAdvancedFeaturesEXT}})) = VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiDrawFeaturesEXT}, Type{PhysicalDeviceMultiDrawFeaturesEXT}, Type{_PhysicalDeviceMultiDrawFeaturesEXT}})) = VkPhysicalDeviceMultiDrawFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT}, Type{PhysicalDeviceBlendOperationAdvancedPropertiesEXT}, Type{_PhysicalDeviceBlendOperationAdvancedPropertiesEXT}})) = VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPipelineColorBlendAdvancedStateCreateInfoEXT}, Type{PipelineColorBlendAdvancedStateCreateInfoEXT}, Type{_PipelineColorBlendAdvancedStateCreateInfoEXT}})) = VkPipelineColorBlendAdvancedStateCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceInlineUniformBlockFeatures}, Type{PhysicalDeviceInlineUniformBlockFeatures}, Type{_PhysicalDeviceInlineUniformBlockFeatures}})) = VkPhysicalDeviceInlineUniformBlockFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceInlineUniformBlockProperties}, Type{PhysicalDeviceInlineUniformBlockProperties}, Type{_PhysicalDeviceInlineUniformBlockProperties}})) = VkPhysicalDeviceInlineUniformBlockProperties core_type(@nospecialize(_::Union{Type{VkWriteDescriptorSetInlineUniformBlock}, Type{WriteDescriptorSetInlineUniformBlock}, Type{_WriteDescriptorSetInlineUniformBlock}})) = VkWriteDescriptorSetInlineUniformBlock core_type(@nospecialize(_::Union{Type{VkDescriptorPoolInlineUniformBlockCreateInfo}, Type{DescriptorPoolInlineUniformBlockCreateInfo}, Type{_DescriptorPoolInlineUniformBlockCreateInfo}})) = VkDescriptorPoolInlineUniformBlockCreateInfo core_type(@nospecialize(_::Union{Type{VkPipelineCoverageModulationStateCreateInfoNV}, Type{PipelineCoverageModulationStateCreateInfoNV}, Type{_PipelineCoverageModulationStateCreateInfoNV}})) = VkPipelineCoverageModulationStateCreateInfoNV core_type(@nospecialize(_::Union{Type{VkImageFormatListCreateInfo}, Type{ImageFormatListCreateInfo}, Type{_ImageFormatListCreateInfo}})) = VkImageFormatListCreateInfo core_type(@nospecialize(_::Union{Type{VkValidationCacheCreateInfoEXT}, Type{ValidationCacheCreateInfoEXT}, Type{_ValidationCacheCreateInfoEXT}})) = VkValidationCacheCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkShaderModuleValidationCacheCreateInfoEXT}, Type{ShaderModuleValidationCacheCreateInfoEXT}, Type{_ShaderModuleValidationCacheCreateInfoEXT}})) = VkShaderModuleValidationCacheCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMaintenance3Properties}, Type{PhysicalDeviceMaintenance3Properties}, Type{_PhysicalDeviceMaintenance3Properties}})) = VkPhysicalDeviceMaintenance3Properties core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMaintenance4Features}, Type{PhysicalDeviceMaintenance4Features}, Type{_PhysicalDeviceMaintenance4Features}})) = VkPhysicalDeviceMaintenance4Features core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMaintenance4Properties}, Type{PhysicalDeviceMaintenance4Properties}, Type{_PhysicalDeviceMaintenance4Properties}})) = VkPhysicalDeviceMaintenance4Properties core_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutSupport}, Type{DescriptorSetLayoutSupport}, Type{_DescriptorSetLayoutSupport}})) = VkDescriptorSetLayoutSupport core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderDrawParametersFeatures}, Type{PhysicalDeviceShaderDrawParametersFeatures}, Type{_PhysicalDeviceShaderDrawParametersFeatures}})) = VkPhysicalDeviceShaderDrawParametersFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderFloat16Int8Features}, Type{PhysicalDeviceShaderFloat16Int8Features}, Type{_PhysicalDeviceShaderFloat16Int8Features}})) = VkPhysicalDeviceShaderFloat16Int8Features core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFloatControlsProperties}, Type{PhysicalDeviceFloatControlsProperties}, Type{_PhysicalDeviceFloatControlsProperties}})) = VkPhysicalDeviceFloatControlsProperties core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceHostQueryResetFeatures}, Type{PhysicalDeviceHostQueryResetFeatures}, Type{_PhysicalDeviceHostQueryResetFeatures}})) = VkPhysicalDeviceHostQueryResetFeatures core_type(@nospecialize(_::Union{Type{VkShaderResourceUsageAMD}, Type{ShaderResourceUsageAMD}, Type{_ShaderResourceUsageAMD}})) = VkShaderResourceUsageAMD core_type(@nospecialize(_::Union{Type{VkShaderStatisticsInfoAMD}, Type{ShaderStatisticsInfoAMD}, Type{_ShaderStatisticsInfoAMD}})) = VkShaderStatisticsInfoAMD core_type(@nospecialize(_::Union{Type{VkDeviceQueueGlobalPriorityCreateInfoKHR}, Type{DeviceQueueGlobalPriorityCreateInfoKHR}, Type{_DeviceQueueGlobalPriorityCreateInfoKHR}})) = VkDeviceQueueGlobalPriorityCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR}, Type{PhysicalDeviceGlobalPriorityQueryFeaturesKHR}, Type{_PhysicalDeviceGlobalPriorityQueryFeaturesKHR}})) = VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR core_type(@nospecialize(_::Union{Type{VkQueueFamilyGlobalPriorityPropertiesKHR}, Type{QueueFamilyGlobalPriorityPropertiesKHR}, Type{_QueueFamilyGlobalPriorityPropertiesKHR}})) = VkQueueFamilyGlobalPriorityPropertiesKHR core_type(@nospecialize(_::Union{Type{VkDebugUtilsObjectNameInfoEXT}, Type{DebugUtilsObjectNameInfoEXT}, Type{_DebugUtilsObjectNameInfoEXT}})) = VkDebugUtilsObjectNameInfoEXT core_type(@nospecialize(_::Union{Type{VkDebugUtilsObjectTagInfoEXT}, Type{DebugUtilsObjectTagInfoEXT}, Type{_DebugUtilsObjectTagInfoEXT}})) = VkDebugUtilsObjectTagInfoEXT core_type(@nospecialize(_::Union{Type{VkDebugUtilsLabelEXT}, Type{DebugUtilsLabelEXT}, Type{_DebugUtilsLabelEXT}})) = VkDebugUtilsLabelEXT core_type(@nospecialize(_::Union{Type{VkDebugUtilsMessengerCreateInfoEXT}, Type{DebugUtilsMessengerCreateInfoEXT}, Type{_DebugUtilsMessengerCreateInfoEXT}})) = VkDebugUtilsMessengerCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkDebugUtilsMessengerCallbackDataEXT}, Type{DebugUtilsMessengerCallbackDataEXT}, Type{_DebugUtilsMessengerCallbackDataEXT}})) = VkDebugUtilsMessengerCallbackDataEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDeviceMemoryReportFeaturesEXT}, Type{PhysicalDeviceDeviceMemoryReportFeaturesEXT}, Type{_PhysicalDeviceDeviceMemoryReportFeaturesEXT}})) = VkPhysicalDeviceDeviceMemoryReportFeaturesEXT core_type(@nospecialize(_::Union{Type{VkDeviceDeviceMemoryReportCreateInfoEXT}, Type{DeviceDeviceMemoryReportCreateInfoEXT}, Type{_DeviceDeviceMemoryReportCreateInfoEXT}})) = VkDeviceDeviceMemoryReportCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkDeviceMemoryReportCallbackDataEXT}, Type{DeviceMemoryReportCallbackDataEXT}, Type{_DeviceMemoryReportCallbackDataEXT}})) = VkDeviceMemoryReportCallbackDataEXT core_type(@nospecialize(_::Union{Type{VkImportMemoryHostPointerInfoEXT}, Type{ImportMemoryHostPointerInfoEXT}, Type{_ImportMemoryHostPointerInfoEXT}})) = VkImportMemoryHostPointerInfoEXT core_type(@nospecialize(_::Union{Type{VkMemoryHostPointerPropertiesEXT}, Type{MemoryHostPointerPropertiesEXT}, Type{_MemoryHostPointerPropertiesEXT}})) = VkMemoryHostPointerPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalMemoryHostPropertiesEXT}, Type{PhysicalDeviceExternalMemoryHostPropertiesEXT}, Type{_PhysicalDeviceExternalMemoryHostPropertiesEXT}})) = VkPhysicalDeviceExternalMemoryHostPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceConservativeRasterizationPropertiesEXT}, Type{PhysicalDeviceConservativeRasterizationPropertiesEXT}, Type{_PhysicalDeviceConservativeRasterizationPropertiesEXT}})) = VkPhysicalDeviceConservativeRasterizationPropertiesEXT core_type(@nospecialize(_::Union{Type{VkCalibratedTimestampInfoEXT}, Type{CalibratedTimestampInfoEXT}, Type{_CalibratedTimestampInfoEXT}})) = VkCalibratedTimestampInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderCorePropertiesAMD}, Type{PhysicalDeviceShaderCorePropertiesAMD}, Type{_PhysicalDeviceShaderCorePropertiesAMD}})) = VkPhysicalDeviceShaderCorePropertiesAMD core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderCoreProperties2AMD}, Type{PhysicalDeviceShaderCoreProperties2AMD}, Type{_PhysicalDeviceShaderCoreProperties2AMD}})) = VkPhysicalDeviceShaderCoreProperties2AMD core_type(@nospecialize(_::Union{Type{VkPipelineRasterizationConservativeStateCreateInfoEXT}, Type{PipelineRasterizationConservativeStateCreateInfoEXT}, Type{_PipelineRasterizationConservativeStateCreateInfoEXT}})) = VkPipelineRasterizationConservativeStateCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorIndexingFeatures}, Type{PhysicalDeviceDescriptorIndexingFeatures}, Type{_PhysicalDeviceDescriptorIndexingFeatures}})) = VkPhysicalDeviceDescriptorIndexingFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorIndexingProperties}, Type{PhysicalDeviceDescriptorIndexingProperties}, Type{_PhysicalDeviceDescriptorIndexingProperties}})) = VkPhysicalDeviceDescriptorIndexingProperties core_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutBindingFlagsCreateInfo}, Type{DescriptorSetLayoutBindingFlagsCreateInfo}, Type{_DescriptorSetLayoutBindingFlagsCreateInfo}})) = VkDescriptorSetLayoutBindingFlagsCreateInfo core_type(@nospecialize(_::Union{Type{VkDescriptorSetVariableDescriptorCountAllocateInfo}, Type{DescriptorSetVariableDescriptorCountAllocateInfo}, Type{_DescriptorSetVariableDescriptorCountAllocateInfo}})) = VkDescriptorSetVariableDescriptorCountAllocateInfo core_type(@nospecialize(_::Union{Type{VkDescriptorSetVariableDescriptorCountLayoutSupport}, Type{DescriptorSetVariableDescriptorCountLayoutSupport}, Type{_DescriptorSetVariableDescriptorCountLayoutSupport}})) = VkDescriptorSetVariableDescriptorCountLayoutSupport core_type(@nospecialize(_::Union{Type{VkAttachmentDescription2}, Type{AttachmentDescription2}, Type{_AttachmentDescription2}})) = VkAttachmentDescription2 core_type(@nospecialize(_::Union{Type{VkAttachmentReference2}, Type{AttachmentReference2}, Type{_AttachmentReference2}})) = VkAttachmentReference2 core_type(@nospecialize(_::Union{Type{VkSubpassDescription2}, Type{SubpassDescription2}, Type{_SubpassDescription2}})) = VkSubpassDescription2 core_type(@nospecialize(_::Union{Type{VkSubpassDependency2}, Type{SubpassDependency2}, Type{_SubpassDependency2}})) = VkSubpassDependency2 core_type(@nospecialize(_::Union{Type{VkRenderPassCreateInfo2}, Type{RenderPassCreateInfo2}, Type{_RenderPassCreateInfo2}})) = VkRenderPassCreateInfo2 core_type(@nospecialize(_::Union{Type{VkSubpassBeginInfo}, Type{SubpassBeginInfo}, Type{_SubpassBeginInfo}})) = VkSubpassBeginInfo core_type(@nospecialize(_::Union{Type{VkSubpassEndInfo}, Type{SubpassEndInfo}, Type{_SubpassEndInfo}})) = VkSubpassEndInfo core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTimelineSemaphoreFeatures}, Type{PhysicalDeviceTimelineSemaphoreFeatures}, Type{_PhysicalDeviceTimelineSemaphoreFeatures}})) = VkPhysicalDeviceTimelineSemaphoreFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTimelineSemaphoreProperties}, Type{PhysicalDeviceTimelineSemaphoreProperties}, Type{_PhysicalDeviceTimelineSemaphoreProperties}})) = VkPhysicalDeviceTimelineSemaphoreProperties core_type(@nospecialize(_::Union{Type{VkSemaphoreTypeCreateInfo}, Type{SemaphoreTypeCreateInfo}, Type{_SemaphoreTypeCreateInfo}})) = VkSemaphoreTypeCreateInfo core_type(@nospecialize(_::Union{Type{VkTimelineSemaphoreSubmitInfo}, Type{TimelineSemaphoreSubmitInfo}, Type{_TimelineSemaphoreSubmitInfo}})) = VkTimelineSemaphoreSubmitInfo core_type(@nospecialize(_::Union{Type{VkSemaphoreWaitInfo}, Type{SemaphoreWaitInfo}, Type{_SemaphoreWaitInfo}})) = VkSemaphoreWaitInfo core_type(@nospecialize(_::Union{Type{VkSemaphoreSignalInfo}, Type{SemaphoreSignalInfo}, Type{_SemaphoreSignalInfo}})) = VkSemaphoreSignalInfo core_type(@nospecialize(_::Union{Type{VkVertexInputBindingDivisorDescriptionEXT}, Type{VertexInputBindingDivisorDescriptionEXT}, Type{_VertexInputBindingDivisorDescriptionEXT}})) = VkVertexInputBindingDivisorDescriptionEXT core_type(@nospecialize(_::Union{Type{VkPipelineVertexInputDivisorStateCreateInfoEXT}, Type{PipelineVertexInputDivisorStateCreateInfoEXT}, Type{_PipelineVertexInputDivisorStateCreateInfoEXT}})) = VkPipelineVertexInputDivisorStateCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT}, Type{PhysicalDeviceVertexAttributeDivisorPropertiesEXT}, Type{_PhysicalDeviceVertexAttributeDivisorPropertiesEXT}})) = VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePCIBusInfoPropertiesEXT}, Type{PhysicalDevicePCIBusInfoPropertiesEXT}, Type{_PhysicalDevicePCIBusInfoPropertiesEXT}})) = VkPhysicalDevicePCIBusInfoPropertiesEXT core_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceConditionalRenderingInfoEXT}, Type{CommandBufferInheritanceConditionalRenderingInfoEXT}, Type{_CommandBufferInheritanceConditionalRenderingInfoEXT}})) = VkCommandBufferInheritanceConditionalRenderingInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDevice8BitStorageFeatures}, Type{PhysicalDevice8BitStorageFeatures}, Type{_PhysicalDevice8BitStorageFeatures}})) = VkPhysicalDevice8BitStorageFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceConditionalRenderingFeaturesEXT}, Type{PhysicalDeviceConditionalRenderingFeaturesEXT}, Type{_PhysicalDeviceConditionalRenderingFeaturesEXT}})) = VkPhysicalDeviceConditionalRenderingFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkanMemoryModelFeatures}, Type{PhysicalDeviceVulkanMemoryModelFeatures}, Type{_PhysicalDeviceVulkanMemoryModelFeatures}})) = VkPhysicalDeviceVulkanMemoryModelFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderAtomicInt64Features}, Type{PhysicalDeviceShaderAtomicInt64Features}, Type{_PhysicalDeviceShaderAtomicInt64Features}})) = VkPhysicalDeviceShaderAtomicInt64Features core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderAtomicFloatFeaturesEXT}, Type{PhysicalDeviceShaderAtomicFloatFeaturesEXT}, Type{_PhysicalDeviceShaderAtomicFloatFeaturesEXT}})) = VkPhysicalDeviceShaderAtomicFloatFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT}, Type{PhysicalDeviceShaderAtomicFloat2FeaturesEXT}, Type{_PhysicalDeviceShaderAtomicFloat2FeaturesEXT}})) = VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT}, Type{PhysicalDeviceVertexAttributeDivisorFeaturesEXT}, Type{_PhysicalDeviceVertexAttributeDivisorFeaturesEXT}})) = VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT core_type(@nospecialize(_::Union{Type{VkQueueFamilyCheckpointPropertiesNV}, Type{QueueFamilyCheckpointPropertiesNV}, Type{_QueueFamilyCheckpointPropertiesNV}})) = VkQueueFamilyCheckpointPropertiesNV core_type(@nospecialize(_::Union{Type{VkCheckpointDataNV}, Type{CheckpointDataNV}, Type{_CheckpointDataNV}})) = VkCheckpointDataNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDepthStencilResolveProperties}, Type{PhysicalDeviceDepthStencilResolveProperties}, Type{_PhysicalDeviceDepthStencilResolveProperties}})) = VkPhysicalDeviceDepthStencilResolveProperties core_type(@nospecialize(_::Union{Type{VkSubpassDescriptionDepthStencilResolve}, Type{SubpassDescriptionDepthStencilResolve}, Type{_SubpassDescriptionDepthStencilResolve}})) = VkSubpassDescriptionDepthStencilResolve core_type(@nospecialize(_::Union{Type{VkImageViewASTCDecodeModeEXT}, Type{ImageViewASTCDecodeModeEXT}, Type{_ImageViewASTCDecodeModeEXT}})) = VkImageViewASTCDecodeModeEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceASTCDecodeFeaturesEXT}, Type{PhysicalDeviceASTCDecodeFeaturesEXT}, Type{_PhysicalDeviceASTCDecodeFeaturesEXT}})) = VkPhysicalDeviceASTCDecodeFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTransformFeedbackFeaturesEXT}, Type{PhysicalDeviceTransformFeedbackFeaturesEXT}, Type{_PhysicalDeviceTransformFeedbackFeaturesEXT}})) = VkPhysicalDeviceTransformFeedbackFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTransformFeedbackPropertiesEXT}, Type{PhysicalDeviceTransformFeedbackPropertiesEXT}, Type{_PhysicalDeviceTransformFeedbackPropertiesEXT}})) = VkPhysicalDeviceTransformFeedbackPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPipelineRasterizationStateStreamCreateInfoEXT}, Type{PipelineRasterizationStateStreamCreateInfoEXT}, Type{_PipelineRasterizationStateStreamCreateInfoEXT}})) = VkPipelineRasterizationStateStreamCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV}, Type{PhysicalDeviceRepresentativeFragmentTestFeaturesNV}, Type{_PhysicalDeviceRepresentativeFragmentTestFeaturesNV}})) = VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV core_type(@nospecialize(_::Union{Type{VkPipelineRepresentativeFragmentTestStateCreateInfoNV}, Type{PipelineRepresentativeFragmentTestStateCreateInfoNV}, Type{_PipelineRepresentativeFragmentTestStateCreateInfoNV}})) = VkPipelineRepresentativeFragmentTestStateCreateInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExclusiveScissorFeaturesNV}, Type{PhysicalDeviceExclusiveScissorFeaturesNV}, Type{_PhysicalDeviceExclusiveScissorFeaturesNV}})) = VkPhysicalDeviceExclusiveScissorFeaturesNV core_type(@nospecialize(_::Union{Type{VkPipelineViewportExclusiveScissorStateCreateInfoNV}, Type{PipelineViewportExclusiveScissorStateCreateInfoNV}, Type{_PipelineViewportExclusiveScissorStateCreateInfoNV}})) = VkPipelineViewportExclusiveScissorStateCreateInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCornerSampledImageFeaturesNV}, Type{PhysicalDeviceCornerSampledImageFeaturesNV}, Type{_PhysicalDeviceCornerSampledImageFeaturesNV}})) = VkPhysicalDeviceCornerSampledImageFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceComputeShaderDerivativesFeaturesNV}, Type{PhysicalDeviceComputeShaderDerivativesFeaturesNV}, Type{_PhysicalDeviceComputeShaderDerivativesFeaturesNV}})) = VkPhysicalDeviceComputeShaderDerivativesFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderImageFootprintFeaturesNV}, Type{PhysicalDeviceShaderImageFootprintFeaturesNV}, Type{_PhysicalDeviceShaderImageFootprintFeaturesNV}})) = VkPhysicalDeviceShaderImageFootprintFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV}, Type{PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV}, Type{_PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV}})) = VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCopyMemoryIndirectFeaturesNV}, Type{PhysicalDeviceCopyMemoryIndirectFeaturesNV}, Type{_PhysicalDeviceCopyMemoryIndirectFeaturesNV}})) = VkPhysicalDeviceCopyMemoryIndirectFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCopyMemoryIndirectPropertiesNV}, Type{PhysicalDeviceCopyMemoryIndirectPropertiesNV}, Type{_PhysicalDeviceCopyMemoryIndirectPropertiesNV}})) = VkPhysicalDeviceCopyMemoryIndirectPropertiesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryDecompressionFeaturesNV}, Type{PhysicalDeviceMemoryDecompressionFeaturesNV}, Type{_PhysicalDeviceMemoryDecompressionFeaturesNV}})) = VkPhysicalDeviceMemoryDecompressionFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryDecompressionPropertiesNV}, Type{PhysicalDeviceMemoryDecompressionPropertiesNV}, Type{_PhysicalDeviceMemoryDecompressionPropertiesNV}})) = VkPhysicalDeviceMemoryDecompressionPropertiesNV core_type(@nospecialize(_::Union{Type{VkShadingRatePaletteNV}, Type{ShadingRatePaletteNV}, Type{_ShadingRatePaletteNV}})) = VkShadingRatePaletteNV core_type(@nospecialize(_::Union{Type{VkPipelineViewportShadingRateImageStateCreateInfoNV}, Type{PipelineViewportShadingRateImageStateCreateInfoNV}, Type{_PipelineViewportShadingRateImageStateCreateInfoNV}})) = VkPipelineViewportShadingRateImageStateCreateInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShadingRateImageFeaturesNV}, Type{PhysicalDeviceShadingRateImageFeaturesNV}, Type{_PhysicalDeviceShadingRateImageFeaturesNV}})) = VkPhysicalDeviceShadingRateImageFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShadingRateImagePropertiesNV}, Type{PhysicalDeviceShadingRateImagePropertiesNV}, Type{_PhysicalDeviceShadingRateImagePropertiesNV}})) = VkPhysicalDeviceShadingRateImagePropertiesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceInvocationMaskFeaturesHUAWEI}, Type{PhysicalDeviceInvocationMaskFeaturesHUAWEI}, Type{_PhysicalDeviceInvocationMaskFeaturesHUAWEI}})) = VkPhysicalDeviceInvocationMaskFeaturesHUAWEI core_type(@nospecialize(_::Union{Type{VkCoarseSampleLocationNV}, Type{CoarseSampleLocationNV}, Type{_CoarseSampleLocationNV}})) = VkCoarseSampleLocationNV core_type(@nospecialize(_::Union{Type{VkCoarseSampleOrderCustomNV}, Type{CoarseSampleOrderCustomNV}, Type{_CoarseSampleOrderCustomNV}})) = VkCoarseSampleOrderCustomNV core_type(@nospecialize(_::Union{Type{VkPipelineViewportCoarseSampleOrderStateCreateInfoNV}, Type{PipelineViewportCoarseSampleOrderStateCreateInfoNV}, Type{_PipelineViewportCoarseSampleOrderStateCreateInfoNV}})) = VkPipelineViewportCoarseSampleOrderStateCreateInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMeshShaderFeaturesNV}, Type{PhysicalDeviceMeshShaderFeaturesNV}, Type{_PhysicalDeviceMeshShaderFeaturesNV}})) = VkPhysicalDeviceMeshShaderFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMeshShaderPropertiesNV}, Type{PhysicalDeviceMeshShaderPropertiesNV}, Type{_PhysicalDeviceMeshShaderPropertiesNV}})) = VkPhysicalDeviceMeshShaderPropertiesNV core_type(@nospecialize(_::Union{Type{VkDrawMeshTasksIndirectCommandNV}, Type{DrawMeshTasksIndirectCommandNV}, Type{_DrawMeshTasksIndirectCommandNV}})) = VkDrawMeshTasksIndirectCommandNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMeshShaderFeaturesEXT}, Type{PhysicalDeviceMeshShaderFeaturesEXT}, Type{_PhysicalDeviceMeshShaderFeaturesEXT}})) = VkPhysicalDeviceMeshShaderFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMeshShaderPropertiesEXT}, Type{PhysicalDeviceMeshShaderPropertiesEXT}, Type{_PhysicalDeviceMeshShaderPropertiesEXT}})) = VkPhysicalDeviceMeshShaderPropertiesEXT core_type(@nospecialize(_::Union{Type{VkDrawMeshTasksIndirectCommandEXT}, Type{DrawMeshTasksIndirectCommandEXT}, Type{_DrawMeshTasksIndirectCommandEXT}})) = VkDrawMeshTasksIndirectCommandEXT core_type(@nospecialize(_::Union{Type{VkRayTracingShaderGroupCreateInfoNV}, Type{RayTracingShaderGroupCreateInfoNV}, Type{_RayTracingShaderGroupCreateInfoNV}})) = VkRayTracingShaderGroupCreateInfoNV core_type(@nospecialize(_::Union{Type{VkRayTracingShaderGroupCreateInfoKHR}, Type{RayTracingShaderGroupCreateInfoKHR}, Type{_RayTracingShaderGroupCreateInfoKHR}})) = VkRayTracingShaderGroupCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkRayTracingPipelineCreateInfoNV}, Type{RayTracingPipelineCreateInfoNV}, Type{_RayTracingPipelineCreateInfoNV}})) = VkRayTracingPipelineCreateInfoNV core_type(@nospecialize(_::Union{Type{VkRayTracingPipelineCreateInfoKHR}, Type{RayTracingPipelineCreateInfoKHR}, Type{_RayTracingPipelineCreateInfoKHR}})) = VkRayTracingPipelineCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkGeometryTrianglesNV}, Type{GeometryTrianglesNV}, Type{_GeometryTrianglesNV}})) = VkGeometryTrianglesNV core_type(@nospecialize(_::Union{Type{VkGeometryAABBNV}, Type{GeometryAABBNV}, Type{_GeometryAABBNV}})) = VkGeometryAABBNV core_type(@nospecialize(_::Union{Type{VkGeometryDataNV}, Type{GeometryDataNV}, Type{_GeometryDataNV}})) = VkGeometryDataNV core_type(@nospecialize(_::Union{Type{VkGeometryNV}, Type{GeometryNV}, Type{_GeometryNV}})) = VkGeometryNV core_type(@nospecialize(_::Union{Type{VkAccelerationStructureInfoNV}, Type{AccelerationStructureInfoNV}, Type{_AccelerationStructureInfoNV}})) = VkAccelerationStructureInfoNV core_type(@nospecialize(_::Union{Type{VkAccelerationStructureCreateInfoNV}, Type{AccelerationStructureCreateInfoNV}, Type{_AccelerationStructureCreateInfoNV}})) = VkAccelerationStructureCreateInfoNV core_type(@nospecialize(_::Union{Type{VkBindAccelerationStructureMemoryInfoNV}, Type{BindAccelerationStructureMemoryInfoNV}, Type{_BindAccelerationStructureMemoryInfoNV}})) = VkBindAccelerationStructureMemoryInfoNV core_type(@nospecialize(_::Union{Type{VkWriteDescriptorSetAccelerationStructureKHR}, Type{WriteDescriptorSetAccelerationStructureKHR}, Type{_WriteDescriptorSetAccelerationStructureKHR}})) = VkWriteDescriptorSetAccelerationStructureKHR core_type(@nospecialize(_::Union{Type{VkWriteDescriptorSetAccelerationStructureNV}, Type{WriteDescriptorSetAccelerationStructureNV}, Type{_WriteDescriptorSetAccelerationStructureNV}})) = VkWriteDescriptorSetAccelerationStructureNV core_type(@nospecialize(_::Union{Type{VkAccelerationStructureMemoryRequirementsInfoNV}, Type{AccelerationStructureMemoryRequirementsInfoNV}, Type{_AccelerationStructureMemoryRequirementsInfoNV}})) = VkAccelerationStructureMemoryRequirementsInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAccelerationStructureFeaturesKHR}, Type{PhysicalDeviceAccelerationStructureFeaturesKHR}, Type{_PhysicalDeviceAccelerationStructureFeaturesKHR}})) = VkPhysicalDeviceAccelerationStructureFeaturesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingPipelineFeaturesKHR}, Type{PhysicalDeviceRayTracingPipelineFeaturesKHR}, Type{_PhysicalDeviceRayTracingPipelineFeaturesKHR}})) = VkPhysicalDeviceRayTracingPipelineFeaturesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayQueryFeaturesKHR}, Type{PhysicalDeviceRayQueryFeaturesKHR}, Type{_PhysicalDeviceRayQueryFeaturesKHR}})) = VkPhysicalDeviceRayQueryFeaturesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAccelerationStructurePropertiesKHR}, Type{PhysicalDeviceAccelerationStructurePropertiesKHR}, Type{_PhysicalDeviceAccelerationStructurePropertiesKHR}})) = VkPhysicalDeviceAccelerationStructurePropertiesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingPipelinePropertiesKHR}, Type{PhysicalDeviceRayTracingPipelinePropertiesKHR}, Type{_PhysicalDeviceRayTracingPipelinePropertiesKHR}})) = VkPhysicalDeviceRayTracingPipelinePropertiesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingPropertiesNV}, Type{PhysicalDeviceRayTracingPropertiesNV}, Type{_PhysicalDeviceRayTracingPropertiesNV}})) = VkPhysicalDeviceRayTracingPropertiesNV core_type(@nospecialize(_::Union{Type{VkStridedDeviceAddressRegionKHR}, Type{StridedDeviceAddressRegionKHR}, Type{_StridedDeviceAddressRegionKHR}})) = VkStridedDeviceAddressRegionKHR core_type(@nospecialize(_::Union{Type{VkTraceRaysIndirectCommandKHR}, Type{TraceRaysIndirectCommandKHR}, Type{_TraceRaysIndirectCommandKHR}})) = VkTraceRaysIndirectCommandKHR core_type(@nospecialize(_::Union{Type{VkTraceRaysIndirectCommand2KHR}, Type{TraceRaysIndirectCommand2KHR}, Type{_TraceRaysIndirectCommand2KHR}})) = VkTraceRaysIndirectCommand2KHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR}, Type{PhysicalDeviceRayTracingMaintenance1FeaturesKHR}, Type{_PhysicalDeviceRayTracingMaintenance1FeaturesKHR}})) = VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR core_type(@nospecialize(_::Union{Type{VkDrmFormatModifierPropertiesListEXT}, Type{DrmFormatModifierPropertiesListEXT}, Type{_DrmFormatModifierPropertiesListEXT}})) = VkDrmFormatModifierPropertiesListEXT core_type(@nospecialize(_::Union{Type{VkDrmFormatModifierPropertiesEXT}, Type{DrmFormatModifierPropertiesEXT}, Type{_DrmFormatModifierPropertiesEXT}})) = VkDrmFormatModifierPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageDrmFormatModifierInfoEXT}, Type{PhysicalDeviceImageDrmFormatModifierInfoEXT}, Type{_PhysicalDeviceImageDrmFormatModifierInfoEXT}})) = VkPhysicalDeviceImageDrmFormatModifierInfoEXT core_type(@nospecialize(_::Union{Type{VkImageDrmFormatModifierListCreateInfoEXT}, Type{ImageDrmFormatModifierListCreateInfoEXT}, Type{_ImageDrmFormatModifierListCreateInfoEXT}})) = VkImageDrmFormatModifierListCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkImageDrmFormatModifierExplicitCreateInfoEXT}, Type{ImageDrmFormatModifierExplicitCreateInfoEXT}, Type{_ImageDrmFormatModifierExplicitCreateInfoEXT}})) = VkImageDrmFormatModifierExplicitCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkImageDrmFormatModifierPropertiesEXT}, Type{ImageDrmFormatModifierPropertiesEXT}, Type{_ImageDrmFormatModifierPropertiesEXT}})) = VkImageDrmFormatModifierPropertiesEXT core_type(@nospecialize(_::Union{Type{VkImageStencilUsageCreateInfo}, Type{ImageStencilUsageCreateInfo}, Type{_ImageStencilUsageCreateInfo}})) = VkImageStencilUsageCreateInfo core_type(@nospecialize(_::Union{Type{VkDeviceMemoryOverallocationCreateInfoAMD}, Type{DeviceMemoryOverallocationCreateInfoAMD}, Type{_DeviceMemoryOverallocationCreateInfoAMD}})) = VkDeviceMemoryOverallocationCreateInfoAMD core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMapFeaturesEXT}, Type{PhysicalDeviceFragmentDensityMapFeaturesEXT}, Type{_PhysicalDeviceFragmentDensityMapFeaturesEXT}})) = VkPhysicalDeviceFragmentDensityMapFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMap2FeaturesEXT}, Type{PhysicalDeviceFragmentDensityMap2FeaturesEXT}, Type{_PhysicalDeviceFragmentDensityMap2FeaturesEXT}})) = VkPhysicalDeviceFragmentDensityMap2FeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM}, Type{PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM}, Type{_PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM}})) = VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMapPropertiesEXT}, Type{PhysicalDeviceFragmentDensityMapPropertiesEXT}, Type{_PhysicalDeviceFragmentDensityMapPropertiesEXT}})) = VkPhysicalDeviceFragmentDensityMapPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMap2PropertiesEXT}, Type{PhysicalDeviceFragmentDensityMap2PropertiesEXT}, Type{_PhysicalDeviceFragmentDensityMap2PropertiesEXT}})) = VkPhysicalDeviceFragmentDensityMap2PropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM}, Type{PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM}, Type{_PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM}})) = VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM core_type(@nospecialize(_::Union{Type{VkRenderPassFragmentDensityMapCreateInfoEXT}, Type{RenderPassFragmentDensityMapCreateInfoEXT}, Type{_RenderPassFragmentDensityMapCreateInfoEXT}})) = VkRenderPassFragmentDensityMapCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkSubpassFragmentDensityMapOffsetEndInfoQCOM}, Type{SubpassFragmentDensityMapOffsetEndInfoQCOM}, Type{_SubpassFragmentDensityMapOffsetEndInfoQCOM}})) = VkSubpassFragmentDensityMapOffsetEndInfoQCOM core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceScalarBlockLayoutFeatures}, Type{PhysicalDeviceScalarBlockLayoutFeatures}, Type{_PhysicalDeviceScalarBlockLayoutFeatures}})) = VkPhysicalDeviceScalarBlockLayoutFeatures core_type(@nospecialize(_::Union{Type{VkSurfaceProtectedCapabilitiesKHR}, Type{SurfaceProtectedCapabilitiesKHR}, Type{_SurfaceProtectedCapabilitiesKHR}})) = VkSurfaceProtectedCapabilitiesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceUniformBufferStandardLayoutFeatures}, Type{PhysicalDeviceUniformBufferStandardLayoutFeatures}, Type{_PhysicalDeviceUniformBufferStandardLayoutFeatures}})) = VkPhysicalDeviceUniformBufferStandardLayoutFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDepthClipEnableFeaturesEXT}, Type{PhysicalDeviceDepthClipEnableFeaturesEXT}, Type{_PhysicalDeviceDepthClipEnableFeaturesEXT}})) = VkPhysicalDeviceDepthClipEnableFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPipelineRasterizationDepthClipStateCreateInfoEXT}, Type{PipelineRasterizationDepthClipStateCreateInfoEXT}, Type{_PipelineRasterizationDepthClipStateCreateInfoEXT}})) = VkPipelineRasterizationDepthClipStateCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryBudgetPropertiesEXT}, Type{PhysicalDeviceMemoryBudgetPropertiesEXT}, Type{_PhysicalDeviceMemoryBudgetPropertiesEXT}})) = VkPhysicalDeviceMemoryBudgetPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryPriorityFeaturesEXT}, Type{PhysicalDeviceMemoryPriorityFeaturesEXT}, Type{_PhysicalDeviceMemoryPriorityFeaturesEXT}})) = VkPhysicalDeviceMemoryPriorityFeaturesEXT core_type(@nospecialize(_::Union{Type{VkMemoryPriorityAllocateInfoEXT}, Type{MemoryPriorityAllocateInfoEXT}, Type{_MemoryPriorityAllocateInfoEXT}})) = VkMemoryPriorityAllocateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT}, Type{PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT}, Type{_PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT}})) = VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBufferDeviceAddressFeatures}, Type{PhysicalDeviceBufferDeviceAddressFeatures}, Type{_PhysicalDeviceBufferDeviceAddressFeatures}})) = VkPhysicalDeviceBufferDeviceAddressFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBufferDeviceAddressFeaturesEXT}, Type{PhysicalDeviceBufferDeviceAddressFeaturesEXT}, Type{_PhysicalDeviceBufferDeviceAddressFeaturesEXT}})) = VkPhysicalDeviceBufferDeviceAddressFeaturesEXT core_type(@nospecialize(_::Union{Type{VkBufferDeviceAddressInfo}, Type{BufferDeviceAddressInfo}, Type{_BufferDeviceAddressInfo}})) = VkBufferDeviceAddressInfo core_type(@nospecialize(_::Union{Type{VkBufferOpaqueCaptureAddressCreateInfo}, Type{BufferOpaqueCaptureAddressCreateInfo}, Type{_BufferOpaqueCaptureAddressCreateInfo}})) = VkBufferOpaqueCaptureAddressCreateInfo core_type(@nospecialize(_::Union{Type{VkBufferDeviceAddressCreateInfoEXT}, Type{BufferDeviceAddressCreateInfoEXT}, Type{_BufferDeviceAddressCreateInfoEXT}})) = VkBufferDeviceAddressCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageViewImageFormatInfoEXT}, Type{PhysicalDeviceImageViewImageFormatInfoEXT}, Type{_PhysicalDeviceImageViewImageFormatInfoEXT}})) = VkPhysicalDeviceImageViewImageFormatInfoEXT core_type(@nospecialize(_::Union{Type{VkFilterCubicImageViewImageFormatPropertiesEXT}, Type{FilterCubicImageViewImageFormatPropertiesEXT}, Type{_FilterCubicImageViewImageFormatPropertiesEXT}})) = VkFilterCubicImageViewImageFormatPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImagelessFramebufferFeatures}, Type{PhysicalDeviceImagelessFramebufferFeatures}, Type{_PhysicalDeviceImagelessFramebufferFeatures}})) = VkPhysicalDeviceImagelessFramebufferFeatures core_type(@nospecialize(_::Union{Type{VkFramebufferAttachmentsCreateInfo}, Type{FramebufferAttachmentsCreateInfo}, Type{_FramebufferAttachmentsCreateInfo}})) = VkFramebufferAttachmentsCreateInfo core_type(@nospecialize(_::Union{Type{VkFramebufferAttachmentImageInfo}, Type{FramebufferAttachmentImageInfo}, Type{_FramebufferAttachmentImageInfo}})) = VkFramebufferAttachmentImageInfo core_type(@nospecialize(_::Union{Type{VkRenderPassAttachmentBeginInfo}, Type{RenderPassAttachmentBeginInfo}, Type{_RenderPassAttachmentBeginInfo}})) = VkRenderPassAttachmentBeginInfo core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTextureCompressionASTCHDRFeatures}, Type{PhysicalDeviceTextureCompressionASTCHDRFeatures}, Type{_PhysicalDeviceTextureCompressionASTCHDRFeatures}})) = VkPhysicalDeviceTextureCompressionASTCHDRFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCooperativeMatrixFeaturesNV}, Type{PhysicalDeviceCooperativeMatrixFeaturesNV}, Type{_PhysicalDeviceCooperativeMatrixFeaturesNV}})) = VkPhysicalDeviceCooperativeMatrixFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCooperativeMatrixPropertiesNV}, Type{PhysicalDeviceCooperativeMatrixPropertiesNV}, Type{_PhysicalDeviceCooperativeMatrixPropertiesNV}})) = VkPhysicalDeviceCooperativeMatrixPropertiesNV core_type(@nospecialize(_::Union{Type{VkCooperativeMatrixPropertiesNV}, Type{CooperativeMatrixPropertiesNV}, Type{_CooperativeMatrixPropertiesNV}})) = VkCooperativeMatrixPropertiesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceYcbcrImageArraysFeaturesEXT}, Type{PhysicalDeviceYcbcrImageArraysFeaturesEXT}, Type{_PhysicalDeviceYcbcrImageArraysFeaturesEXT}})) = VkPhysicalDeviceYcbcrImageArraysFeaturesEXT core_type(@nospecialize(_::Union{Type{VkImageViewHandleInfoNVX}, Type{ImageViewHandleInfoNVX}, Type{_ImageViewHandleInfoNVX}})) = VkImageViewHandleInfoNVX core_type(@nospecialize(_::Union{Type{VkImageViewAddressPropertiesNVX}, Type{ImageViewAddressPropertiesNVX}, Type{_ImageViewAddressPropertiesNVX}})) = VkImageViewAddressPropertiesNVX core_type(@nospecialize(_::Union{Type{VkPipelineCreationFeedback}, Type{PipelineCreationFeedback}, Type{_PipelineCreationFeedback}})) = VkPipelineCreationFeedback core_type(@nospecialize(_::Union{Type{VkPipelineCreationFeedbackCreateInfo}, Type{PipelineCreationFeedbackCreateInfo}, Type{_PipelineCreationFeedbackCreateInfo}})) = VkPipelineCreationFeedbackCreateInfo core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePresentBarrierFeaturesNV}, Type{PhysicalDevicePresentBarrierFeaturesNV}, Type{_PhysicalDevicePresentBarrierFeaturesNV}})) = VkPhysicalDevicePresentBarrierFeaturesNV core_type(@nospecialize(_::Union{Type{VkSurfaceCapabilitiesPresentBarrierNV}, Type{SurfaceCapabilitiesPresentBarrierNV}, Type{_SurfaceCapabilitiesPresentBarrierNV}})) = VkSurfaceCapabilitiesPresentBarrierNV core_type(@nospecialize(_::Union{Type{VkSwapchainPresentBarrierCreateInfoNV}, Type{SwapchainPresentBarrierCreateInfoNV}, Type{_SwapchainPresentBarrierCreateInfoNV}})) = VkSwapchainPresentBarrierCreateInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePerformanceQueryFeaturesKHR}, Type{PhysicalDevicePerformanceQueryFeaturesKHR}, Type{_PhysicalDevicePerformanceQueryFeaturesKHR}})) = VkPhysicalDevicePerformanceQueryFeaturesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePerformanceQueryPropertiesKHR}, Type{PhysicalDevicePerformanceQueryPropertiesKHR}, Type{_PhysicalDevicePerformanceQueryPropertiesKHR}})) = VkPhysicalDevicePerformanceQueryPropertiesKHR core_type(@nospecialize(_::Union{Type{VkPerformanceCounterKHR}, Type{PerformanceCounterKHR}, Type{_PerformanceCounterKHR}})) = VkPerformanceCounterKHR core_type(@nospecialize(_::Union{Type{VkPerformanceCounterDescriptionKHR}, Type{PerformanceCounterDescriptionKHR}, Type{_PerformanceCounterDescriptionKHR}})) = VkPerformanceCounterDescriptionKHR core_type(@nospecialize(_::Union{Type{VkQueryPoolPerformanceCreateInfoKHR}, Type{QueryPoolPerformanceCreateInfoKHR}, Type{_QueryPoolPerformanceCreateInfoKHR}})) = VkQueryPoolPerformanceCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkAcquireProfilingLockInfoKHR}, Type{AcquireProfilingLockInfoKHR}, Type{_AcquireProfilingLockInfoKHR}})) = VkAcquireProfilingLockInfoKHR core_type(@nospecialize(_::Union{Type{VkPerformanceQuerySubmitInfoKHR}, Type{PerformanceQuerySubmitInfoKHR}, Type{_PerformanceQuerySubmitInfoKHR}})) = VkPerformanceQuerySubmitInfoKHR core_type(@nospecialize(_::Union{Type{VkHeadlessSurfaceCreateInfoEXT}, Type{HeadlessSurfaceCreateInfoEXT}, Type{_HeadlessSurfaceCreateInfoEXT}})) = VkHeadlessSurfaceCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCoverageReductionModeFeaturesNV}, Type{PhysicalDeviceCoverageReductionModeFeaturesNV}, Type{_PhysicalDeviceCoverageReductionModeFeaturesNV}})) = VkPhysicalDeviceCoverageReductionModeFeaturesNV core_type(@nospecialize(_::Union{Type{VkPipelineCoverageReductionStateCreateInfoNV}, Type{PipelineCoverageReductionStateCreateInfoNV}, Type{_PipelineCoverageReductionStateCreateInfoNV}})) = VkPipelineCoverageReductionStateCreateInfoNV core_type(@nospecialize(_::Union{Type{VkFramebufferMixedSamplesCombinationNV}, Type{FramebufferMixedSamplesCombinationNV}, Type{_FramebufferMixedSamplesCombinationNV}})) = VkFramebufferMixedSamplesCombinationNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL}, Type{PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL}, Type{_PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL}})) = VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL core_type(@nospecialize(_::Union{Type{VkPerformanceValueINTEL}, Type{PerformanceValueINTEL}, Type{_PerformanceValueINTEL}})) = VkPerformanceValueINTEL core_type(@nospecialize(_::Union{Type{VkInitializePerformanceApiInfoINTEL}, Type{InitializePerformanceApiInfoINTEL}, Type{_InitializePerformanceApiInfoINTEL}})) = VkInitializePerformanceApiInfoINTEL core_type(@nospecialize(_::Union{Type{VkQueryPoolPerformanceQueryCreateInfoINTEL}, Type{QueryPoolPerformanceQueryCreateInfoINTEL}, Type{_QueryPoolPerformanceQueryCreateInfoINTEL}})) = VkQueryPoolPerformanceQueryCreateInfoINTEL core_type(@nospecialize(_::Union{Type{VkPerformanceMarkerInfoINTEL}, Type{PerformanceMarkerInfoINTEL}, Type{_PerformanceMarkerInfoINTEL}})) = VkPerformanceMarkerInfoINTEL core_type(@nospecialize(_::Union{Type{VkPerformanceStreamMarkerInfoINTEL}, Type{PerformanceStreamMarkerInfoINTEL}, Type{_PerformanceStreamMarkerInfoINTEL}})) = VkPerformanceStreamMarkerInfoINTEL core_type(@nospecialize(_::Union{Type{VkPerformanceOverrideInfoINTEL}, Type{PerformanceOverrideInfoINTEL}, Type{_PerformanceOverrideInfoINTEL}})) = VkPerformanceOverrideInfoINTEL core_type(@nospecialize(_::Union{Type{VkPerformanceConfigurationAcquireInfoINTEL}, Type{PerformanceConfigurationAcquireInfoINTEL}, Type{_PerformanceConfigurationAcquireInfoINTEL}})) = VkPerformanceConfigurationAcquireInfoINTEL core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderClockFeaturesKHR}, Type{PhysicalDeviceShaderClockFeaturesKHR}, Type{_PhysicalDeviceShaderClockFeaturesKHR}})) = VkPhysicalDeviceShaderClockFeaturesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceIndexTypeUint8FeaturesEXT}, Type{PhysicalDeviceIndexTypeUint8FeaturesEXT}, Type{_PhysicalDeviceIndexTypeUint8FeaturesEXT}})) = VkPhysicalDeviceIndexTypeUint8FeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderSMBuiltinsPropertiesNV}, Type{PhysicalDeviceShaderSMBuiltinsPropertiesNV}, Type{_PhysicalDeviceShaderSMBuiltinsPropertiesNV}})) = VkPhysicalDeviceShaderSMBuiltinsPropertiesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderSMBuiltinsFeaturesNV}, Type{PhysicalDeviceShaderSMBuiltinsFeaturesNV}, Type{_PhysicalDeviceShaderSMBuiltinsFeaturesNV}})) = VkPhysicalDeviceShaderSMBuiltinsFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT}, Type{PhysicalDeviceFragmentShaderInterlockFeaturesEXT}, Type{_PhysicalDeviceFragmentShaderInterlockFeaturesEXT}})) = VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures}, Type{PhysicalDeviceSeparateDepthStencilLayoutsFeatures}, Type{_PhysicalDeviceSeparateDepthStencilLayoutsFeatures}})) = VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures core_type(@nospecialize(_::Union{Type{VkAttachmentReferenceStencilLayout}, Type{AttachmentReferenceStencilLayout}, Type{_AttachmentReferenceStencilLayout}})) = VkAttachmentReferenceStencilLayout core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT}, Type{PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT}, Type{_PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT}})) = VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT core_type(@nospecialize(_::Union{Type{VkAttachmentDescriptionStencilLayout}, Type{AttachmentDescriptionStencilLayout}, Type{_AttachmentDescriptionStencilLayout}})) = VkAttachmentDescriptionStencilLayout core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR}, Type{PhysicalDevicePipelineExecutablePropertiesFeaturesKHR}, Type{_PhysicalDevicePipelineExecutablePropertiesFeaturesKHR}})) = VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR core_type(@nospecialize(_::Union{Type{VkPipelineInfoKHR}, Type{PipelineInfoKHR}, Type{_PipelineInfoKHR}})) = VkPipelineInfoKHR core_type(@nospecialize(_::Union{Type{VkPipelineExecutablePropertiesKHR}, Type{PipelineExecutablePropertiesKHR}, Type{_PipelineExecutablePropertiesKHR}})) = VkPipelineExecutablePropertiesKHR core_type(@nospecialize(_::Union{Type{VkPipelineExecutableInfoKHR}, Type{PipelineExecutableInfoKHR}, Type{_PipelineExecutableInfoKHR}})) = VkPipelineExecutableInfoKHR core_type(@nospecialize(_::Union{Type{VkPipelineExecutableStatisticKHR}, Type{PipelineExecutableStatisticKHR}, Type{_PipelineExecutableStatisticKHR}})) = VkPipelineExecutableStatisticKHR core_type(@nospecialize(_::Union{Type{VkPipelineExecutableInternalRepresentationKHR}, Type{PipelineExecutableInternalRepresentationKHR}, Type{_PipelineExecutableInternalRepresentationKHR}})) = VkPipelineExecutableInternalRepresentationKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures}, Type{PhysicalDeviceShaderDemoteToHelperInvocationFeatures}, Type{_PhysicalDeviceShaderDemoteToHelperInvocationFeatures}})) = VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT}, Type{PhysicalDeviceTexelBufferAlignmentFeaturesEXT}, Type{_PhysicalDeviceTexelBufferAlignmentFeaturesEXT}})) = VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTexelBufferAlignmentProperties}, Type{PhysicalDeviceTexelBufferAlignmentProperties}, Type{_PhysicalDeviceTexelBufferAlignmentProperties}})) = VkPhysicalDeviceTexelBufferAlignmentProperties core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubgroupSizeControlFeatures}, Type{PhysicalDeviceSubgroupSizeControlFeatures}, Type{_PhysicalDeviceSubgroupSizeControlFeatures}})) = VkPhysicalDeviceSubgroupSizeControlFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubgroupSizeControlProperties}, Type{PhysicalDeviceSubgroupSizeControlProperties}, Type{_PhysicalDeviceSubgroupSizeControlProperties}})) = VkPhysicalDeviceSubgroupSizeControlProperties core_type(@nospecialize(_::Union{Type{VkPipelineShaderStageRequiredSubgroupSizeCreateInfo}, Type{PipelineShaderStageRequiredSubgroupSizeCreateInfo}, Type{_PipelineShaderStageRequiredSubgroupSizeCreateInfo}})) = VkPipelineShaderStageRequiredSubgroupSizeCreateInfo core_type(@nospecialize(_::Union{Type{VkSubpassShadingPipelineCreateInfoHUAWEI}, Type{SubpassShadingPipelineCreateInfoHUAWEI}, Type{_SubpassShadingPipelineCreateInfoHUAWEI}})) = VkSubpassShadingPipelineCreateInfoHUAWEI core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubpassShadingPropertiesHUAWEI}, Type{PhysicalDeviceSubpassShadingPropertiesHUAWEI}, Type{_PhysicalDeviceSubpassShadingPropertiesHUAWEI}})) = VkPhysicalDeviceSubpassShadingPropertiesHUAWEI core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI}, Type{PhysicalDeviceClusterCullingShaderPropertiesHUAWEI}, Type{_PhysicalDeviceClusterCullingShaderPropertiesHUAWEI}})) = VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI core_type(@nospecialize(_::Union{Type{VkMemoryOpaqueCaptureAddressAllocateInfo}, Type{MemoryOpaqueCaptureAddressAllocateInfo}, Type{_MemoryOpaqueCaptureAddressAllocateInfo}})) = VkMemoryOpaqueCaptureAddressAllocateInfo core_type(@nospecialize(_::Union{Type{VkDeviceMemoryOpaqueCaptureAddressInfo}, Type{DeviceMemoryOpaqueCaptureAddressInfo}, Type{_DeviceMemoryOpaqueCaptureAddressInfo}})) = VkDeviceMemoryOpaqueCaptureAddressInfo core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLineRasterizationFeaturesEXT}, Type{PhysicalDeviceLineRasterizationFeaturesEXT}, Type{_PhysicalDeviceLineRasterizationFeaturesEXT}})) = VkPhysicalDeviceLineRasterizationFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLineRasterizationPropertiesEXT}, Type{PhysicalDeviceLineRasterizationPropertiesEXT}, Type{_PhysicalDeviceLineRasterizationPropertiesEXT}})) = VkPhysicalDeviceLineRasterizationPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPipelineRasterizationLineStateCreateInfoEXT}, Type{PipelineRasterizationLineStateCreateInfoEXT}, Type{_PipelineRasterizationLineStateCreateInfoEXT}})) = VkPipelineRasterizationLineStateCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineCreationCacheControlFeatures}, Type{PhysicalDevicePipelineCreationCacheControlFeatures}, Type{_PhysicalDevicePipelineCreationCacheControlFeatures}})) = VkPhysicalDevicePipelineCreationCacheControlFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan11Features}, Type{PhysicalDeviceVulkan11Features}, Type{_PhysicalDeviceVulkan11Features}})) = VkPhysicalDeviceVulkan11Features core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan11Properties}, Type{PhysicalDeviceVulkan11Properties}, Type{_PhysicalDeviceVulkan11Properties}})) = VkPhysicalDeviceVulkan11Properties core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan12Features}, Type{PhysicalDeviceVulkan12Features}, Type{_PhysicalDeviceVulkan12Features}})) = VkPhysicalDeviceVulkan12Features core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan12Properties}, Type{PhysicalDeviceVulkan12Properties}, Type{_PhysicalDeviceVulkan12Properties}})) = VkPhysicalDeviceVulkan12Properties core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan13Features}, Type{PhysicalDeviceVulkan13Features}, Type{_PhysicalDeviceVulkan13Features}})) = VkPhysicalDeviceVulkan13Features core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan13Properties}, Type{PhysicalDeviceVulkan13Properties}, Type{_PhysicalDeviceVulkan13Properties}})) = VkPhysicalDeviceVulkan13Properties core_type(@nospecialize(_::Union{Type{VkPipelineCompilerControlCreateInfoAMD}, Type{PipelineCompilerControlCreateInfoAMD}, Type{_PipelineCompilerControlCreateInfoAMD}})) = VkPipelineCompilerControlCreateInfoAMD core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCoherentMemoryFeaturesAMD}, Type{PhysicalDeviceCoherentMemoryFeaturesAMD}, Type{_PhysicalDeviceCoherentMemoryFeaturesAMD}})) = VkPhysicalDeviceCoherentMemoryFeaturesAMD core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceToolProperties}, Type{PhysicalDeviceToolProperties}, Type{_PhysicalDeviceToolProperties}})) = VkPhysicalDeviceToolProperties core_type(@nospecialize(_::Union{Type{VkSamplerCustomBorderColorCreateInfoEXT}, Type{SamplerCustomBorderColorCreateInfoEXT}, Type{_SamplerCustomBorderColorCreateInfoEXT}})) = VkSamplerCustomBorderColorCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCustomBorderColorPropertiesEXT}, Type{PhysicalDeviceCustomBorderColorPropertiesEXT}, Type{_PhysicalDeviceCustomBorderColorPropertiesEXT}})) = VkPhysicalDeviceCustomBorderColorPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCustomBorderColorFeaturesEXT}, Type{PhysicalDeviceCustomBorderColorFeaturesEXT}, Type{_PhysicalDeviceCustomBorderColorFeaturesEXT}})) = VkPhysicalDeviceCustomBorderColorFeaturesEXT core_type(@nospecialize(_::Union{Type{VkSamplerBorderColorComponentMappingCreateInfoEXT}, Type{SamplerBorderColorComponentMappingCreateInfoEXT}, Type{_SamplerBorderColorComponentMappingCreateInfoEXT}})) = VkSamplerBorderColorComponentMappingCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBorderColorSwizzleFeaturesEXT}, Type{PhysicalDeviceBorderColorSwizzleFeaturesEXT}, Type{_PhysicalDeviceBorderColorSwizzleFeaturesEXT}})) = VkPhysicalDeviceBorderColorSwizzleFeaturesEXT core_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryTrianglesDataKHR}, Type{AccelerationStructureGeometryTrianglesDataKHR}, Type{_AccelerationStructureGeometryTrianglesDataKHR}})) = VkAccelerationStructureGeometryTrianglesDataKHR core_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryAabbsDataKHR}, Type{AccelerationStructureGeometryAabbsDataKHR}, Type{_AccelerationStructureGeometryAabbsDataKHR}})) = VkAccelerationStructureGeometryAabbsDataKHR core_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryInstancesDataKHR}, Type{AccelerationStructureGeometryInstancesDataKHR}, Type{_AccelerationStructureGeometryInstancesDataKHR}})) = VkAccelerationStructureGeometryInstancesDataKHR core_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryKHR}, Type{AccelerationStructureGeometryKHR}, Type{_AccelerationStructureGeometryKHR}})) = VkAccelerationStructureGeometryKHR core_type(@nospecialize(_::Union{Type{VkAccelerationStructureBuildGeometryInfoKHR}, Type{AccelerationStructureBuildGeometryInfoKHR}, Type{_AccelerationStructureBuildGeometryInfoKHR}})) = VkAccelerationStructureBuildGeometryInfoKHR core_type(@nospecialize(_::Union{Type{VkAccelerationStructureBuildRangeInfoKHR}, Type{AccelerationStructureBuildRangeInfoKHR}, Type{_AccelerationStructureBuildRangeInfoKHR}})) = VkAccelerationStructureBuildRangeInfoKHR core_type(@nospecialize(_::Union{Type{VkAccelerationStructureCreateInfoKHR}, Type{AccelerationStructureCreateInfoKHR}, Type{_AccelerationStructureCreateInfoKHR}})) = VkAccelerationStructureCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkAabbPositionsKHR}, Type{AabbPositionsKHR}, Type{_AabbPositionsKHR}})) = VkAabbPositionsKHR core_type(@nospecialize(_::Union{Type{VkTransformMatrixKHR}, Type{TransformMatrixKHR}, Type{_TransformMatrixKHR}})) = VkTransformMatrixKHR core_type(@nospecialize(_::Union{Type{VkAccelerationStructureInstanceKHR}, Type{AccelerationStructureInstanceKHR}, Type{_AccelerationStructureInstanceKHR}})) = VkAccelerationStructureInstanceKHR core_type(@nospecialize(_::Union{Type{VkAccelerationStructureDeviceAddressInfoKHR}, Type{AccelerationStructureDeviceAddressInfoKHR}, Type{_AccelerationStructureDeviceAddressInfoKHR}})) = VkAccelerationStructureDeviceAddressInfoKHR core_type(@nospecialize(_::Union{Type{VkAccelerationStructureVersionInfoKHR}, Type{AccelerationStructureVersionInfoKHR}, Type{_AccelerationStructureVersionInfoKHR}})) = VkAccelerationStructureVersionInfoKHR core_type(@nospecialize(_::Union{Type{VkCopyAccelerationStructureInfoKHR}, Type{CopyAccelerationStructureInfoKHR}, Type{_CopyAccelerationStructureInfoKHR}})) = VkCopyAccelerationStructureInfoKHR core_type(@nospecialize(_::Union{Type{VkCopyAccelerationStructureToMemoryInfoKHR}, Type{CopyAccelerationStructureToMemoryInfoKHR}, Type{_CopyAccelerationStructureToMemoryInfoKHR}})) = VkCopyAccelerationStructureToMemoryInfoKHR core_type(@nospecialize(_::Union{Type{VkCopyMemoryToAccelerationStructureInfoKHR}, Type{CopyMemoryToAccelerationStructureInfoKHR}, Type{_CopyMemoryToAccelerationStructureInfoKHR}})) = VkCopyMemoryToAccelerationStructureInfoKHR core_type(@nospecialize(_::Union{Type{VkRayTracingPipelineInterfaceCreateInfoKHR}, Type{RayTracingPipelineInterfaceCreateInfoKHR}, Type{_RayTracingPipelineInterfaceCreateInfoKHR}})) = VkRayTracingPipelineInterfaceCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkPipelineLibraryCreateInfoKHR}, Type{PipelineLibraryCreateInfoKHR}, Type{_PipelineLibraryCreateInfoKHR}})) = VkPipelineLibraryCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExtendedDynamicStateFeaturesEXT}, Type{PhysicalDeviceExtendedDynamicStateFeaturesEXT}, Type{_PhysicalDeviceExtendedDynamicStateFeaturesEXT}})) = VkPhysicalDeviceExtendedDynamicStateFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExtendedDynamicState2FeaturesEXT}, Type{PhysicalDeviceExtendedDynamicState2FeaturesEXT}, Type{_PhysicalDeviceExtendedDynamicState2FeaturesEXT}})) = VkPhysicalDeviceExtendedDynamicState2FeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExtendedDynamicState3FeaturesEXT}, Type{PhysicalDeviceExtendedDynamicState3FeaturesEXT}, Type{_PhysicalDeviceExtendedDynamicState3FeaturesEXT}})) = VkPhysicalDeviceExtendedDynamicState3FeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExtendedDynamicState3PropertiesEXT}, Type{PhysicalDeviceExtendedDynamicState3PropertiesEXT}, Type{_PhysicalDeviceExtendedDynamicState3PropertiesEXT}})) = VkPhysicalDeviceExtendedDynamicState3PropertiesEXT core_type(@nospecialize(_::Union{Type{VkColorBlendEquationEXT}, Type{ColorBlendEquationEXT}, Type{_ColorBlendEquationEXT}})) = VkColorBlendEquationEXT core_type(@nospecialize(_::Union{Type{VkColorBlendAdvancedEXT}, Type{ColorBlendAdvancedEXT}, Type{_ColorBlendAdvancedEXT}})) = VkColorBlendAdvancedEXT core_type(@nospecialize(_::Union{Type{VkRenderPassTransformBeginInfoQCOM}, Type{RenderPassTransformBeginInfoQCOM}, Type{_RenderPassTransformBeginInfoQCOM}})) = VkRenderPassTransformBeginInfoQCOM core_type(@nospecialize(_::Union{Type{VkCopyCommandTransformInfoQCOM}, Type{CopyCommandTransformInfoQCOM}, Type{_CopyCommandTransformInfoQCOM}})) = VkCopyCommandTransformInfoQCOM core_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceRenderPassTransformInfoQCOM}, Type{CommandBufferInheritanceRenderPassTransformInfoQCOM}, Type{_CommandBufferInheritanceRenderPassTransformInfoQCOM}})) = VkCommandBufferInheritanceRenderPassTransformInfoQCOM core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDiagnosticsConfigFeaturesNV}, Type{PhysicalDeviceDiagnosticsConfigFeaturesNV}, Type{_PhysicalDeviceDiagnosticsConfigFeaturesNV}})) = VkPhysicalDeviceDiagnosticsConfigFeaturesNV core_type(@nospecialize(_::Union{Type{VkDeviceDiagnosticsConfigCreateInfoNV}, Type{DeviceDiagnosticsConfigCreateInfoNV}, Type{_DeviceDiagnosticsConfigCreateInfoNV}})) = VkDeviceDiagnosticsConfigCreateInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures}, Type{PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures}, Type{_PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures}})) = VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR}, Type{PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR}, Type{_PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR}})) = VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRobustness2FeaturesEXT}, Type{PhysicalDeviceRobustness2FeaturesEXT}, Type{_PhysicalDeviceRobustness2FeaturesEXT}})) = VkPhysicalDeviceRobustness2FeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRobustness2PropertiesEXT}, Type{PhysicalDeviceRobustness2PropertiesEXT}, Type{_PhysicalDeviceRobustness2PropertiesEXT}})) = VkPhysicalDeviceRobustness2PropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageRobustnessFeatures}, Type{PhysicalDeviceImageRobustnessFeatures}, Type{_PhysicalDeviceImageRobustnessFeatures}})) = VkPhysicalDeviceImageRobustnessFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR}, Type{PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR}, Type{_PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR}})) = VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDevice4444FormatsFeaturesEXT}, Type{PhysicalDevice4444FormatsFeaturesEXT}, Type{_PhysicalDevice4444FormatsFeaturesEXT}})) = VkPhysicalDevice4444FormatsFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubpassShadingFeaturesHUAWEI}, Type{PhysicalDeviceSubpassShadingFeaturesHUAWEI}, Type{_PhysicalDeviceSubpassShadingFeaturesHUAWEI}})) = VkPhysicalDeviceSubpassShadingFeaturesHUAWEI core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI}, Type{PhysicalDeviceClusterCullingShaderFeaturesHUAWEI}, Type{_PhysicalDeviceClusterCullingShaderFeaturesHUAWEI}})) = VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI core_type(@nospecialize(_::Union{Type{VkBufferCopy2}, Type{BufferCopy2}, Type{_BufferCopy2}})) = VkBufferCopy2 core_type(@nospecialize(_::Union{Type{VkImageCopy2}, Type{ImageCopy2}, Type{_ImageCopy2}})) = VkImageCopy2 core_type(@nospecialize(_::Union{Type{VkImageBlit2}, Type{ImageBlit2}, Type{_ImageBlit2}})) = VkImageBlit2 core_type(@nospecialize(_::Union{Type{VkBufferImageCopy2}, Type{BufferImageCopy2}, Type{_BufferImageCopy2}})) = VkBufferImageCopy2 core_type(@nospecialize(_::Union{Type{VkImageResolve2}, Type{ImageResolve2}, Type{_ImageResolve2}})) = VkImageResolve2 core_type(@nospecialize(_::Union{Type{VkCopyBufferInfo2}, Type{CopyBufferInfo2}, Type{_CopyBufferInfo2}})) = VkCopyBufferInfo2 core_type(@nospecialize(_::Union{Type{VkCopyImageInfo2}, Type{CopyImageInfo2}, Type{_CopyImageInfo2}})) = VkCopyImageInfo2 core_type(@nospecialize(_::Union{Type{VkBlitImageInfo2}, Type{BlitImageInfo2}, Type{_BlitImageInfo2}})) = VkBlitImageInfo2 core_type(@nospecialize(_::Union{Type{VkCopyBufferToImageInfo2}, Type{CopyBufferToImageInfo2}, Type{_CopyBufferToImageInfo2}})) = VkCopyBufferToImageInfo2 core_type(@nospecialize(_::Union{Type{VkCopyImageToBufferInfo2}, Type{CopyImageToBufferInfo2}, Type{_CopyImageToBufferInfo2}})) = VkCopyImageToBufferInfo2 core_type(@nospecialize(_::Union{Type{VkResolveImageInfo2}, Type{ResolveImageInfo2}, Type{_ResolveImageInfo2}})) = VkResolveImageInfo2 core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT}, Type{PhysicalDeviceShaderImageAtomicInt64FeaturesEXT}, Type{_PhysicalDeviceShaderImageAtomicInt64FeaturesEXT}})) = VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT core_type(@nospecialize(_::Union{Type{VkFragmentShadingRateAttachmentInfoKHR}, Type{FragmentShadingRateAttachmentInfoKHR}, Type{_FragmentShadingRateAttachmentInfoKHR}})) = VkFragmentShadingRateAttachmentInfoKHR core_type(@nospecialize(_::Union{Type{VkPipelineFragmentShadingRateStateCreateInfoKHR}, Type{PipelineFragmentShadingRateStateCreateInfoKHR}, Type{_PipelineFragmentShadingRateStateCreateInfoKHR}})) = VkPipelineFragmentShadingRateStateCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRateFeaturesKHR}, Type{PhysicalDeviceFragmentShadingRateFeaturesKHR}, Type{_PhysicalDeviceFragmentShadingRateFeaturesKHR}})) = VkPhysicalDeviceFragmentShadingRateFeaturesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRatePropertiesKHR}, Type{PhysicalDeviceFragmentShadingRatePropertiesKHR}, Type{_PhysicalDeviceFragmentShadingRatePropertiesKHR}})) = VkPhysicalDeviceFragmentShadingRatePropertiesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRateKHR}, Type{PhysicalDeviceFragmentShadingRateKHR}, Type{_PhysicalDeviceFragmentShadingRateKHR}})) = VkPhysicalDeviceFragmentShadingRateKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderTerminateInvocationFeatures}, Type{PhysicalDeviceShaderTerminateInvocationFeatures}, Type{_PhysicalDeviceShaderTerminateInvocationFeatures}})) = VkPhysicalDeviceShaderTerminateInvocationFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV}, Type{PhysicalDeviceFragmentShadingRateEnumsFeaturesNV}, Type{_PhysicalDeviceFragmentShadingRateEnumsFeaturesNV}})) = VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV}, Type{PhysicalDeviceFragmentShadingRateEnumsPropertiesNV}, Type{_PhysicalDeviceFragmentShadingRateEnumsPropertiesNV}})) = VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV core_type(@nospecialize(_::Union{Type{VkPipelineFragmentShadingRateEnumStateCreateInfoNV}, Type{PipelineFragmentShadingRateEnumStateCreateInfoNV}, Type{_PipelineFragmentShadingRateEnumStateCreateInfoNV}})) = VkPipelineFragmentShadingRateEnumStateCreateInfoNV core_type(@nospecialize(_::Union{Type{VkAccelerationStructureBuildSizesInfoKHR}, Type{AccelerationStructureBuildSizesInfoKHR}, Type{_AccelerationStructureBuildSizesInfoKHR}})) = VkAccelerationStructureBuildSizesInfoKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImage2DViewOf3DFeaturesEXT}, Type{PhysicalDeviceImage2DViewOf3DFeaturesEXT}, Type{_PhysicalDeviceImage2DViewOf3DFeaturesEXT}})) = VkPhysicalDeviceImage2DViewOf3DFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT}, Type{PhysicalDeviceMutableDescriptorTypeFeaturesEXT}, Type{_PhysicalDeviceMutableDescriptorTypeFeaturesEXT}})) = VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT core_type(@nospecialize(_::Union{Type{VkMutableDescriptorTypeListEXT}, Type{MutableDescriptorTypeListEXT}, Type{_MutableDescriptorTypeListEXT}})) = VkMutableDescriptorTypeListEXT core_type(@nospecialize(_::Union{Type{VkMutableDescriptorTypeCreateInfoEXT}, Type{MutableDescriptorTypeCreateInfoEXT}, Type{_MutableDescriptorTypeCreateInfoEXT}})) = VkMutableDescriptorTypeCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDepthClipControlFeaturesEXT}, Type{PhysicalDeviceDepthClipControlFeaturesEXT}, Type{_PhysicalDeviceDepthClipControlFeaturesEXT}})) = VkPhysicalDeviceDepthClipControlFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPipelineViewportDepthClipControlCreateInfoEXT}, Type{PipelineViewportDepthClipControlCreateInfoEXT}, Type{_PipelineViewportDepthClipControlCreateInfoEXT}})) = VkPipelineViewportDepthClipControlCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT}, Type{PhysicalDeviceVertexInputDynamicStateFeaturesEXT}, Type{_PhysicalDeviceVertexInputDynamicStateFeaturesEXT}})) = VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalMemoryRDMAFeaturesNV}, Type{PhysicalDeviceExternalMemoryRDMAFeaturesNV}, Type{_PhysicalDeviceExternalMemoryRDMAFeaturesNV}})) = VkPhysicalDeviceExternalMemoryRDMAFeaturesNV core_type(@nospecialize(_::Union{Type{VkVertexInputBindingDescription2EXT}, Type{VertexInputBindingDescription2EXT}, Type{_VertexInputBindingDescription2EXT}})) = VkVertexInputBindingDescription2EXT core_type(@nospecialize(_::Union{Type{VkVertexInputAttributeDescription2EXT}, Type{VertexInputAttributeDescription2EXT}, Type{_VertexInputAttributeDescription2EXT}})) = VkVertexInputAttributeDescription2EXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceColorWriteEnableFeaturesEXT}, Type{PhysicalDeviceColorWriteEnableFeaturesEXT}, Type{_PhysicalDeviceColorWriteEnableFeaturesEXT}})) = VkPhysicalDeviceColorWriteEnableFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPipelineColorWriteCreateInfoEXT}, Type{PipelineColorWriteCreateInfoEXT}, Type{_PipelineColorWriteCreateInfoEXT}})) = VkPipelineColorWriteCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkMemoryBarrier2}, Type{MemoryBarrier2}, Type{_MemoryBarrier2}})) = VkMemoryBarrier2 core_type(@nospecialize(_::Union{Type{VkImageMemoryBarrier2}, Type{ImageMemoryBarrier2}, Type{_ImageMemoryBarrier2}})) = VkImageMemoryBarrier2 core_type(@nospecialize(_::Union{Type{VkBufferMemoryBarrier2}, Type{BufferMemoryBarrier2}, Type{_BufferMemoryBarrier2}})) = VkBufferMemoryBarrier2 core_type(@nospecialize(_::Union{Type{VkDependencyInfo}, Type{DependencyInfo}, Type{_DependencyInfo}})) = VkDependencyInfo core_type(@nospecialize(_::Union{Type{VkSemaphoreSubmitInfo}, Type{SemaphoreSubmitInfo}, Type{_SemaphoreSubmitInfo}})) = VkSemaphoreSubmitInfo core_type(@nospecialize(_::Union{Type{VkCommandBufferSubmitInfo}, Type{CommandBufferSubmitInfo}, Type{_CommandBufferSubmitInfo}})) = VkCommandBufferSubmitInfo core_type(@nospecialize(_::Union{Type{VkSubmitInfo2}, Type{SubmitInfo2}, Type{_SubmitInfo2}})) = VkSubmitInfo2 core_type(@nospecialize(_::Union{Type{VkQueueFamilyCheckpointProperties2NV}, Type{QueueFamilyCheckpointProperties2NV}, Type{_QueueFamilyCheckpointProperties2NV}})) = VkQueueFamilyCheckpointProperties2NV core_type(@nospecialize(_::Union{Type{VkCheckpointData2NV}, Type{CheckpointData2NV}, Type{_CheckpointData2NV}})) = VkCheckpointData2NV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSynchronization2Features}, Type{PhysicalDeviceSynchronization2Features}, Type{_PhysicalDeviceSynchronization2Features}})) = VkPhysicalDeviceSynchronization2Features core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT}, Type{PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT}, Type{_PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT}})) = VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLegacyDitheringFeaturesEXT}, Type{PhysicalDeviceLegacyDitheringFeaturesEXT}, Type{_PhysicalDeviceLegacyDitheringFeaturesEXT}})) = VkPhysicalDeviceLegacyDitheringFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT}, Type{PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT}, Type{_PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT}})) = VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT core_type(@nospecialize(_::Union{Type{VkSubpassResolvePerformanceQueryEXT}, Type{SubpassResolvePerformanceQueryEXT}, Type{_SubpassResolvePerformanceQueryEXT}})) = VkSubpassResolvePerformanceQueryEXT core_type(@nospecialize(_::Union{Type{VkMultisampledRenderToSingleSampledInfoEXT}, Type{MultisampledRenderToSingleSampledInfoEXT}, Type{_MultisampledRenderToSingleSampledInfoEXT}})) = VkMultisampledRenderToSingleSampledInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineProtectedAccessFeaturesEXT}, Type{PhysicalDevicePipelineProtectedAccessFeaturesEXT}, Type{_PhysicalDevicePipelineProtectedAccessFeaturesEXT}})) = VkPhysicalDevicePipelineProtectedAccessFeaturesEXT core_type(@nospecialize(_::Union{Type{VkQueueFamilyVideoPropertiesKHR}, Type{QueueFamilyVideoPropertiesKHR}, Type{_QueueFamilyVideoPropertiesKHR}})) = VkQueueFamilyVideoPropertiesKHR core_type(@nospecialize(_::Union{Type{VkQueueFamilyQueryResultStatusPropertiesKHR}, Type{QueueFamilyQueryResultStatusPropertiesKHR}, Type{_QueueFamilyQueryResultStatusPropertiesKHR}})) = VkQueueFamilyQueryResultStatusPropertiesKHR core_type(@nospecialize(_::Union{Type{VkVideoProfileListInfoKHR}, Type{VideoProfileListInfoKHR}, Type{_VideoProfileListInfoKHR}})) = VkVideoProfileListInfoKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVideoFormatInfoKHR}, Type{PhysicalDeviceVideoFormatInfoKHR}, Type{_PhysicalDeviceVideoFormatInfoKHR}})) = VkPhysicalDeviceVideoFormatInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoFormatPropertiesKHR}, Type{VideoFormatPropertiesKHR}, Type{_VideoFormatPropertiesKHR}})) = VkVideoFormatPropertiesKHR core_type(@nospecialize(_::Union{Type{VkVideoProfileInfoKHR}, Type{VideoProfileInfoKHR}, Type{_VideoProfileInfoKHR}})) = VkVideoProfileInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoCapabilitiesKHR}, Type{VideoCapabilitiesKHR}, Type{_VideoCapabilitiesKHR}})) = VkVideoCapabilitiesKHR core_type(@nospecialize(_::Union{Type{VkVideoSessionMemoryRequirementsKHR}, Type{VideoSessionMemoryRequirementsKHR}, Type{_VideoSessionMemoryRequirementsKHR}})) = VkVideoSessionMemoryRequirementsKHR core_type(@nospecialize(_::Union{Type{VkBindVideoSessionMemoryInfoKHR}, Type{BindVideoSessionMemoryInfoKHR}, Type{_BindVideoSessionMemoryInfoKHR}})) = VkBindVideoSessionMemoryInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoPictureResourceInfoKHR}, Type{VideoPictureResourceInfoKHR}, Type{_VideoPictureResourceInfoKHR}})) = VkVideoPictureResourceInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoReferenceSlotInfoKHR}, Type{VideoReferenceSlotInfoKHR}, Type{_VideoReferenceSlotInfoKHR}})) = VkVideoReferenceSlotInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeCapabilitiesKHR}, Type{VideoDecodeCapabilitiesKHR}, Type{_VideoDecodeCapabilitiesKHR}})) = VkVideoDecodeCapabilitiesKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeUsageInfoKHR}, Type{VideoDecodeUsageInfoKHR}, Type{_VideoDecodeUsageInfoKHR}})) = VkVideoDecodeUsageInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeInfoKHR}, Type{VideoDecodeInfoKHR}, Type{_VideoDecodeInfoKHR}})) = VkVideoDecodeInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeH264ProfileInfoKHR}, Type{VideoDecodeH264ProfileInfoKHR}, Type{_VideoDecodeH264ProfileInfoKHR}})) = VkVideoDecodeH264ProfileInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeH264CapabilitiesKHR}, Type{VideoDecodeH264CapabilitiesKHR}, Type{_VideoDecodeH264CapabilitiesKHR}})) = VkVideoDecodeH264CapabilitiesKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeH264SessionParametersAddInfoKHR}, Type{VideoDecodeH264SessionParametersAddInfoKHR}, Type{_VideoDecodeH264SessionParametersAddInfoKHR}})) = VkVideoDecodeH264SessionParametersAddInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeH264SessionParametersCreateInfoKHR}, Type{VideoDecodeH264SessionParametersCreateInfoKHR}, Type{_VideoDecodeH264SessionParametersCreateInfoKHR}})) = VkVideoDecodeH264SessionParametersCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeH264PictureInfoKHR}, Type{VideoDecodeH264PictureInfoKHR}, Type{_VideoDecodeH264PictureInfoKHR}})) = VkVideoDecodeH264PictureInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeH264DpbSlotInfoKHR}, Type{VideoDecodeH264DpbSlotInfoKHR}, Type{_VideoDecodeH264DpbSlotInfoKHR}})) = VkVideoDecodeH264DpbSlotInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeH265ProfileInfoKHR}, Type{VideoDecodeH265ProfileInfoKHR}, Type{_VideoDecodeH265ProfileInfoKHR}})) = VkVideoDecodeH265ProfileInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeH265CapabilitiesKHR}, Type{VideoDecodeH265CapabilitiesKHR}, Type{_VideoDecodeH265CapabilitiesKHR}})) = VkVideoDecodeH265CapabilitiesKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeH265SessionParametersAddInfoKHR}, Type{VideoDecodeH265SessionParametersAddInfoKHR}, Type{_VideoDecodeH265SessionParametersAddInfoKHR}})) = VkVideoDecodeH265SessionParametersAddInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeH265SessionParametersCreateInfoKHR}, Type{VideoDecodeH265SessionParametersCreateInfoKHR}, Type{_VideoDecodeH265SessionParametersCreateInfoKHR}})) = VkVideoDecodeH265SessionParametersCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeH265PictureInfoKHR}, Type{VideoDecodeH265PictureInfoKHR}, Type{_VideoDecodeH265PictureInfoKHR}})) = VkVideoDecodeH265PictureInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeH265DpbSlotInfoKHR}, Type{VideoDecodeH265DpbSlotInfoKHR}, Type{_VideoDecodeH265DpbSlotInfoKHR}})) = VkVideoDecodeH265DpbSlotInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoSessionCreateInfoKHR}, Type{VideoSessionCreateInfoKHR}, Type{_VideoSessionCreateInfoKHR}})) = VkVideoSessionCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoSessionParametersCreateInfoKHR}, Type{VideoSessionParametersCreateInfoKHR}, Type{_VideoSessionParametersCreateInfoKHR}})) = VkVideoSessionParametersCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoSessionParametersUpdateInfoKHR}, Type{VideoSessionParametersUpdateInfoKHR}, Type{_VideoSessionParametersUpdateInfoKHR}})) = VkVideoSessionParametersUpdateInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoBeginCodingInfoKHR}, Type{VideoBeginCodingInfoKHR}, Type{_VideoBeginCodingInfoKHR}})) = VkVideoBeginCodingInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoEndCodingInfoKHR}, Type{VideoEndCodingInfoKHR}, Type{_VideoEndCodingInfoKHR}})) = VkVideoEndCodingInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoCodingControlInfoKHR}, Type{VideoCodingControlInfoKHR}, Type{_VideoCodingControlInfoKHR}})) = VkVideoCodingControlInfoKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceInheritedViewportScissorFeaturesNV}, Type{PhysicalDeviceInheritedViewportScissorFeaturesNV}, Type{_PhysicalDeviceInheritedViewportScissorFeaturesNV}})) = VkPhysicalDeviceInheritedViewportScissorFeaturesNV core_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceViewportScissorInfoNV}, Type{CommandBufferInheritanceViewportScissorInfoNV}, Type{_CommandBufferInheritanceViewportScissorInfoNV}})) = VkCommandBufferInheritanceViewportScissorInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT}, Type{PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT}, Type{_PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT}})) = VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProvokingVertexFeaturesEXT}, Type{PhysicalDeviceProvokingVertexFeaturesEXT}, Type{_PhysicalDeviceProvokingVertexFeaturesEXT}})) = VkPhysicalDeviceProvokingVertexFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProvokingVertexPropertiesEXT}, Type{PhysicalDeviceProvokingVertexPropertiesEXT}, Type{_PhysicalDeviceProvokingVertexPropertiesEXT}})) = VkPhysicalDeviceProvokingVertexPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPipelineRasterizationProvokingVertexStateCreateInfoEXT}, Type{PipelineRasterizationProvokingVertexStateCreateInfoEXT}, Type{_PipelineRasterizationProvokingVertexStateCreateInfoEXT}})) = VkPipelineRasterizationProvokingVertexStateCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkCuModuleCreateInfoNVX}, Type{CuModuleCreateInfoNVX}, Type{_CuModuleCreateInfoNVX}})) = VkCuModuleCreateInfoNVX core_type(@nospecialize(_::Union{Type{VkCuFunctionCreateInfoNVX}, Type{CuFunctionCreateInfoNVX}, Type{_CuFunctionCreateInfoNVX}})) = VkCuFunctionCreateInfoNVX core_type(@nospecialize(_::Union{Type{VkCuLaunchInfoNVX}, Type{CuLaunchInfoNVX}, Type{_CuLaunchInfoNVX}})) = VkCuLaunchInfoNVX core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorBufferFeaturesEXT}, Type{PhysicalDeviceDescriptorBufferFeaturesEXT}, Type{_PhysicalDeviceDescriptorBufferFeaturesEXT}})) = VkPhysicalDeviceDescriptorBufferFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorBufferPropertiesEXT}, Type{PhysicalDeviceDescriptorBufferPropertiesEXT}, Type{_PhysicalDeviceDescriptorBufferPropertiesEXT}})) = VkPhysicalDeviceDescriptorBufferPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT}, Type{PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT}, Type{_PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT}})) = VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT core_type(@nospecialize(_::Union{Type{VkDescriptorAddressInfoEXT}, Type{DescriptorAddressInfoEXT}, Type{_DescriptorAddressInfoEXT}})) = VkDescriptorAddressInfoEXT core_type(@nospecialize(_::Union{Type{VkDescriptorBufferBindingInfoEXT}, Type{DescriptorBufferBindingInfoEXT}, Type{_DescriptorBufferBindingInfoEXT}})) = VkDescriptorBufferBindingInfoEXT core_type(@nospecialize(_::Union{Type{VkDescriptorBufferBindingPushDescriptorBufferHandleEXT}, Type{DescriptorBufferBindingPushDescriptorBufferHandleEXT}, Type{_DescriptorBufferBindingPushDescriptorBufferHandleEXT}})) = VkDescriptorBufferBindingPushDescriptorBufferHandleEXT core_type(@nospecialize(_::Union{Type{VkDescriptorGetInfoEXT}, Type{DescriptorGetInfoEXT}, Type{_DescriptorGetInfoEXT}})) = VkDescriptorGetInfoEXT core_type(@nospecialize(_::Union{Type{VkBufferCaptureDescriptorDataInfoEXT}, Type{BufferCaptureDescriptorDataInfoEXT}, Type{_BufferCaptureDescriptorDataInfoEXT}})) = VkBufferCaptureDescriptorDataInfoEXT core_type(@nospecialize(_::Union{Type{VkImageCaptureDescriptorDataInfoEXT}, Type{ImageCaptureDescriptorDataInfoEXT}, Type{_ImageCaptureDescriptorDataInfoEXT}})) = VkImageCaptureDescriptorDataInfoEXT core_type(@nospecialize(_::Union{Type{VkImageViewCaptureDescriptorDataInfoEXT}, Type{ImageViewCaptureDescriptorDataInfoEXT}, Type{_ImageViewCaptureDescriptorDataInfoEXT}})) = VkImageViewCaptureDescriptorDataInfoEXT core_type(@nospecialize(_::Union{Type{VkSamplerCaptureDescriptorDataInfoEXT}, Type{SamplerCaptureDescriptorDataInfoEXT}, Type{_SamplerCaptureDescriptorDataInfoEXT}})) = VkSamplerCaptureDescriptorDataInfoEXT core_type(@nospecialize(_::Union{Type{VkAccelerationStructureCaptureDescriptorDataInfoEXT}, Type{AccelerationStructureCaptureDescriptorDataInfoEXT}, Type{_AccelerationStructureCaptureDescriptorDataInfoEXT}})) = VkAccelerationStructureCaptureDescriptorDataInfoEXT core_type(@nospecialize(_::Union{Type{VkOpaqueCaptureDescriptorDataCreateInfoEXT}, Type{OpaqueCaptureDescriptorDataCreateInfoEXT}, Type{_OpaqueCaptureDescriptorDataCreateInfoEXT}})) = VkOpaqueCaptureDescriptorDataCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderIntegerDotProductFeatures}, Type{PhysicalDeviceShaderIntegerDotProductFeatures}, Type{_PhysicalDeviceShaderIntegerDotProductFeatures}})) = VkPhysicalDeviceShaderIntegerDotProductFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderIntegerDotProductProperties}, Type{PhysicalDeviceShaderIntegerDotProductProperties}, Type{_PhysicalDeviceShaderIntegerDotProductProperties}})) = VkPhysicalDeviceShaderIntegerDotProductProperties core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDrmPropertiesEXT}, Type{PhysicalDeviceDrmPropertiesEXT}, Type{_PhysicalDeviceDrmPropertiesEXT}})) = VkPhysicalDeviceDrmPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR}, Type{PhysicalDeviceFragmentShaderBarycentricFeaturesKHR}, Type{_PhysicalDeviceFragmentShaderBarycentricFeaturesKHR}})) = VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR}, Type{PhysicalDeviceFragmentShaderBarycentricPropertiesKHR}, Type{_PhysicalDeviceFragmentShaderBarycentricPropertiesKHR}})) = VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingMotionBlurFeaturesNV}, Type{PhysicalDeviceRayTracingMotionBlurFeaturesNV}, Type{_PhysicalDeviceRayTracingMotionBlurFeaturesNV}})) = VkPhysicalDeviceRayTracingMotionBlurFeaturesNV core_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryMotionTrianglesDataNV}, Type{AccelerationStructureGeometryMotionTrianglesDataNV}, Type{_AccelerationStructureGeometryMotionTrianglesDataNV}})) = VkAccelerationStructureGeometryMotionTrianglesDataNV core_type(@nospecialize(_::Union{Type{VkAccelerationStructureMotionInfoNV}, Type{AccelerationStructureMotionInfoNV}, Type{_AccelerationStructureMotionInfoNV}})) = VkAccelerationStructureMotionInfoNV core_type(@nospecialize(_::Union{Type{VkSRTDataNV}, Type{SRTDataNV}, Type{_SRTDataNV}})) = VkSRTDataNV core_type(@nospecialize(_::Union{Type{VkAccelerationStructureSRTMotionInstanceNV}, Type{AccelerationStructureSRTMotionInstanceNV}, Type{_AccelerationStructureSRTMotionInstanceNV}})) = VkAccelerationStructureSRTMotionInstanceNV core_type(@nospecialize(_::Union{Type{VkAccelerationStructureMatrixMotionInstanceNV}, Type{AccelerationStructureMatrixMotionInstanceNV}, Type{_AccelerationStructureMatrixMotionInstanceNV}})) = VkAccelerationStructureMatrixMotionInstanceNV core_type(@nospecialize(_::Union{Type{VkAccelerationStructureMotionInstanceNV}, Type{AccelerationStructureMotionInstanceNV}, Type{_AccelerationStructureMotionInstanceNV}})) = VkAccelerationStructureMotionInstanceNV core_type(@nospecialize(_::Union{Type{VkMemoryGetRemoteAddressInfoNV}, Type{MemoryGetRemoteAddressInfoNV}, Type{_MemoryGetRemoteAddressInfoNV}})) = VkMemoryGetRemoteAddressInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT}, Type{PhysicalDeviceRGBA10X6FormatsFeaturesEXT}, Type{_PhysicalDeviceRGBA10X6FormatsFeaturesEXT}})) = VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT core_type(@nospecialize(_::Union{Type{VkFormatProperties3}, Type{FormatProperties3}, Type{_FormatProperties3}})) = VkFormatProperties3 core_type(@nospecialize(_::Union{Type{VkDrmFormatModifierPropertiesList2EXT}, Type{DrmFormatModifierPropertiesList2EXT}, Type{_DrmFormatModifierPropertiesList2EXT}})) = VkDrmFormatModifierPropertiesList2EXT core_type(@nospecialize(_::Union{Type{VkDrmFormatModifierProperties2EXT}, Type{DrmFormatModifierProperties2EXT}, Type{_DrmFormatModifierProperties2EXT}})) = VkDrmFormatModifierProperties2EXT core_type(@nospecialize(_::Union{Type{VkPipelineRenderingCreateInfo}, Type{PipelineRenderingCreateInfo}, Type{_PipelineRenderingCreateInfo}})) = VkPipelineRenderingCreateInfo core_type(@nospecialize(_::Union{Type{VkRenderingInfo}, Type{RenderingInfo}, Type{_RenderingInfo}})) = VkRenderingInfo core_type(@nospecialize(_::Union{Type{VkRenderingAttachmentInfo}, Type{RenderingAttachmentInfo}, Type{_RenderingAttachmentInfo}})) = VkRenderingAttachmentInfo core_type(@nospecialize(_::Union{Type{VkRenderingFragmentShadingRateAttachmentInfoKHR}, Type{RenderingFragmentShadingRateAttachmentInfoKHR}, Type{_RenderingFragmentShadingRateAttachmentInfoKHR}})) = VkRenderingFragmentShadingRateAttachmentInfoKHR core_type(@nospecialize(_::Union{Type{VkRenderingFragmentDensityMapAttachmentInfoEXT}, Type{RenderingFragmentDensityMapAttachmentInfoEXT}, Type{_RenderingFragmentDensityMapAttachmentInfoEXT}})) = VkRenderingFragmentDensityMapAttachmentInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDynamicRenderingFeatures}, Type{PhysicalDeviceDynamicRenderingFeatures}, Type{_PhysicalDeviceDynamicRenderingFeatures}})) = VkPhysicalDeviceDynamicRenderingFeatures core_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceRenderingInfo}, Type{CommandBufferInheritanceRenderingInfo}, Type{_CommandBufferInheritanceRenderingInfo}})) = VkCommandBufferInheritanceRenderingInfo core_type(@nospecialize(_::Union{Type{VkAttachmentSampleCountInfoAMD}, Type{AttachmentSampleCountInfoAMD}, Type{_AttachmentSampleCountInfoAMD}})) = VkAttachmentSampleCountInfoAMD core_type(@nospecialize(_::Union{Type{VkMultiviewPerViewAttributesInfoNVX}, Type{MultiviewPerViewAttributesInfoNVX}, Type{_MultiviewPerViewAttributesInfoNVX}})) = VkMultiviewPerViewAttributesInfoNVX core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageViewMinLodFeaturesEXT}, Type{PhysicalDeviceImageViewMinLodFeaturesEXT}, Type{_PhysicalDeviceImageViewMinLodFeaturesEXT}})) = VkPhysicalDeviceImageViewMinLodFeaturesEXT core_type(@nospecialize(_::Union{Type{VkImageViewMinLodCreateInfoEXT}, Type{ImageViewMinLodCreateInfoEXT}, Type{_ImageViewMinLodCreateInfoEXT}})) = VkImageViewMinLodCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT}, Type{PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT}, Type{_PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT}})) = VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLinearColorAttachmentFeaturesNV}, Type{PhysicalDeviceLinearColorAttachmentFeaturesNV}, Type{_PhysicalDeviceLinearColorAttachmentFeaturesNV}})) = VkPhysicalDeviceLinearColorAttachmentFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT}, Type{PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT}, Type{_PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT}})) = VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT}, Type{PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT}, Type{_PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT}})) = VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT core_type(@nospecialize(_::Union{Type{VkGraphicsPipelineLibraryCreateInfoEXT}, Type{GraphicsPipelineLibraryCreateInfoEXT}, Type{_GraphicsPipelineLibraryCreateInfoEXT}})) = VkGraphicsPipelineLibraryCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE}, Type{PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE}, Type{_PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE}})) = VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE core_type(@nospecialize(_::Union{Type{VkDescriptorSetBindingReferenceVALVE}, Type{DescriptorSetBindingReferenceVALVE}, Type{_DescriptorSetBindingReferenceVALVE}})) = VkDescriptorSetBindingReferenceVALVE core_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutHostMappingInfoVALVE}, Type{DescriptorSetLayoutHostMappingInfoVALVE}, Type{_DescriptorSetLayoutHostMappingInfoVALVE}})) = VkDescriptorSetLayoutHostMappingInfoVALVE core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT}, Type{PhysicalDeviceShaderModuleIdentifierFeaturesEXT}, Type{_PhysicalDeviceShaderModuleIdentifierFeaturesEXT}})) = VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT}, Type{PhysicalDeviceShaderModuleIdentifierPropertiesEXT}, Type{_PhysicalDeviceShaderModuleIdentifierPropertiesEXT}})) = VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPipelineShaderStageModuleIdentifierCreateInfoEXT}, Type{PipelineShaderStageModuleIdentifierCreateInfoEXT}, Type{_PipelineShaderStageModuleIdentifierCreateInfoEXT}})) = VkPipelineShaderStageModuleIdentifierCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkShaderModuleIdentifierEXT}, Type{ShaderModuleIdentifierEXT}, Type{_ShaderModuleIdentifierEXT}})) = VkShaderModuleIdentifierEXT core_type(@nospecialize(_::Union{Type{VkImageCompressionControlEXT}, Type{ImageCompressionControlEXT}, Type{_ImageCompressionControlEXT}})) = VkImageCompressionControlEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageCompressionControlFeaturesEXT}, Type{PhysicalDeviceImageCompressionControlFeaturesEXT}, Type{_PhysicalDeviceImageCompressionControlFeaturesEXT}})) = VkPhysicalDeviceImageCompressionControlFeaturesEXT core_type(@nospecialize(_::Union{Type{VkImageCompressionPropertiesEXT}, Type{ImageCompressionPropertiesEXT}, Type{_ImageCompressionPropertiesEXT}})) = VkImageCompressionPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT}, Type{PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT}, Type{_PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT}})) = VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT core_type(@nospecialize(_::Union{Type{VkImageSubresource2EXT}, Type{ImageSubresource2EXT}, Type{_ImageSubresource2EXT}})) = VkImageSubresource2EXT core_type(@nospecialize(_::Union{Type{VkSubresourceLayout2EXT}, Type{SubresourceLayout2EXT}, Type{_SubresourceLayout2EXT}})) = VkSubresourceLayout2EXT core_type(@nospecialize(_::Union{Type{VkRenderPassCreationControlEXT}, Type{RenderPassCreationControlEXT}, Type{_RenderPassCreationControlEXT}})) = VkRenderPassCreationControlEXT core_type(@nospecialize(_::Union{Type{VkRenderPassCreationFeedbackInfoEXT}, Type{RenderPassCreationFeedbackInfoEXT}, Type{_RenderPassCreationFeedbackInfoEXT}})) = VkRenderPassCreationFeedbackInfoEXT core_type(@nospecialize(_::Union{Type{VkRenderPassCreationFeedbackCreateInfoEXT}, Type{RenderPassCreationFeedbackCreateInfoEXT}, Type{_RenderPassCreationFeedbackCreateInfoEXT}})) = VkRenderPassCreationFeedbackCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkRenderPassSubpassFeedbackInfoEXT}, Type{RenderPassSubpassFeedbackInfoEXT}, Type{_RenderPassSubpassFeedbackInfoEXT}})) = VkRenderPassSubpassFeedbackInfoEXT core_type(@nospecialize(_::Union{Type{VkRenderPassSubpassFeedbackCreateInfoEXT}, Type{RenderPassSubpassFeedbackCreateInfoEXT}, Type{_RenderPassSubpassFeedbackCreateInfoEXT}})) = VkRenderPassSubpassFeedbackCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT}, Type{PhysicalDeviceSubpassMergeFeedbackFeaturesEXT}, Type{_PhysicalDeviceSubpassMergeFeedbackFeaturesEXT}})) = VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT core_type(@nospecialize(_::Union{Type{VkMicromapBuildInfoEXT}, Type{MicromapBuildInfoEXT}, Type{_MicromapBuildInfoEXT}})) = VkMicromapBuildInfoEXT core_type(@nospecialize(_::Union{Type{VkMicromapCreateInfoEXT}, Type{MicromapCreateInfoEXT}, Type{_MicromapCreateInfoEXT}})) = VkMicromapCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkMicromapVersionInfoEXT}, Type{MicromapVersionInfoEXT}, Type{_MicromapVersionInfoEXT}})) = VkMicromapVersionInfoEXT core_type(@nospecialize(_::Union{Type{VkCopyMicromapInfoEXT}, Type{CopyMicromapInfoEXT}, Type{_CopyMicromapInfoEXT}})) = VkCopyMicromapInfoEXT core_type(@nospecialize(_::Union{Type{VkCopyMicromapToMemoryInfoEXT}, Type{CopyMicromapToMemoryInfoEXT}, Type{_CopyMicromapToMemoryInfoEXT}})) = VkCopyMicromapToMemoryInfoEXT core_type(@nospecialize(_::Union{Type{VkCopyMemoryToMicromapInfoEXT}, Type{CopyMemoryToMicromapInfoEXT}, Type{_CopyMemoryToMicromapInfoEXT}})) = VkCopyMemoryToMicromapInfoEXT core_type(@nospecialize(_::Union{Type{VkMicromapBuildSizesInfoEXT}, Type{MicromapBuildSizesInfoEXT}, Type{_MicromapBuildSizesInfoEXT}})) = VkMicromapBuildSizesInfoEXT core_type(@nospecialize(_::Union{Type{VkMicromapUsageEXT}, Type{MicromapUsageEXT}, Type{_MicromapUsageEXT}})) = VkMicromapUsageEXT core_type(@nospecialize(_::Union{Type{VkMicromapTriangleEXT}, Type{MicromapTriangleEXT}, Type{_MicromapTriangleEXT}})) = VkMicromapTriangleEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceOpacityMicromapFeaturesEXT}, Type{PhysicalDeviceOpacityMicromapFeaturesEXT}, Type{_PhysicalDeviceOpacityMicromapFeaturesEXT}})) = VkPhysicalDeviceOpacityMicromapFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceOpacityMicromapPropertiesEXT}, Type{PhysicalDeviceOpacityMicromapPropertiesEXT}, Type{_PhysicalDeviceOpacityMicromapPropertiesEXT}})) = VkPhysicalDeviceOpacityMicromapPropertiesEXT core_type(@nospecialize(_::Union{Type{VkAccelerationStructureTrianglesOpacityMicromapEXT}, Type{AccelerationStructureTrianglesOpacityMicromapEXT}, Type{_AccelerationStructureTrianglesOpacityMicromapEXT}})) = VkAccelerationStructureTrianglesOpacityMicromapEXT core_type(@nospecialize(_::Union{Type{VkPipelinePropertiesIdentifierEXT}, Type{PipelinePropertiesIdentifierEXT}, Type{_PipelinePropertiesIdentifierEXT}})) = VkPipelinePropertiesIdentifierEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelinePropertiesFeaturesEXT}, Type{PhysicalDevicePipelinePropertiesFeaturesEXT}, Type{_PhysicalDevicePipelinePropertiesFeaturesEXT}})) = VkPhysicalDevicePipelinePropertiesFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD}, Type{PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD}, Type{_PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD}})) = VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT}, Type{PhysicalDeviceNonSeamlessCubeMapFeaturesEXT}, Type{_PhysicalDeviceNonSeamlessCubeMapFeaturesEXT}})) = VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineRobustnessFeaturesEXT}, Type{PhysicalDevicePipelineRobustnessFeaturesEXT}, Type{_PhysicalDevicePipelineRobustnessFeaturesEXT}})) = VkPhysicalDevicePipelineRobustnessFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPipelineRobustnessCreateInfoEXT}, Type{PipelineRobustnessCreateInfoEXT}, Type{_PipelineRobustnessCreateInfoEXT}})) = VkPipelineRobustnessCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineRobustnessPropertiesEXT}, Type{PhysicalDevicePipelineRobustnessPropertiesEXT}, Type{_PhysicalDevicePipelineRobustnessPropertiesEXT}})) = VkPhysicalDevicePipelineRobustnessPropertiesEXT core_type(@nospecialize(_::Union{Type{VkImageViewSampleWeightCreateInfoQCOM}, Type{ImageViewSampleWeightCreateInfoQCOM}, Type{_ImageViewSampleWeightCreateInfoQCOM}})) = VkImageViewSampleWeightCreateInfoQCOM core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageProcessingFeaturesQCOM}, Type{PhysicalDeviceImageProcessingFeaturesQCOM}, Type{_PhysicalDeviceImageProcessingFeaturesQCOM}})) = VkPhysicalDeviceImageProcessingFeaturesQCOM core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageProcessingPropertiesQCOM}, Type{PhysicalDeviceImageProcessingPropertiesQCOM}, Type{_PhysicalDeviceImageProcessingPropertiesQCOM}})) = VkPhysicalDeviceImageProcessingPropertiesQCOM core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTilePropertiesFeaturesQCOM}, Type{PhysicalDeviceTilePropertiesFeaturesQCOM}, Type{_PhysicalDeviceTilePropertiesFeaturesQCOM}})) = VkPhysicalDeviceTilePropertiesFeaturesQCOM core_type(@nospecialize(_::Union{Type{VkTilePropertiesQCOM}, Type{TilePropertiesQCOM}, Type{_TilePropertiesQCOM}})) = VkTilePropertiesQCOM core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAmigoProfilingFeaturesSEC}, Type{PhysicalDeviceAmigoProfilingFeaturesSEC}, Type{_PhysicalDeviceAmigoProfilingFeaturesSEC}})) = VkPhysicalDeviceAmigoProfilingFeaturesSEC core_type(@nospecialize(_::Union{Type{VkAmigoProfilingSubmitInfoSEC}, Type{AmigoProfilingSubmitInfoSEC}, Type{_AmigoProfilingSubmitInfoSEC}})) = VkAmigoProfilingSubmitInfoSEC core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT}, Type{PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT}, Type{_PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT}})) = VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDepthClampZeroOneFeaturesEXT}, Type{PhysicalDeviceDepthClampZeroOneFeaturesEXT}, Type{_PhysicalDeviceDepthClampZeroOneFeaturesEXT}})) = VkPhysicalDeviceDepthClampZeroOneFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAddressBindingReportFeaturesEXT}, Type{PhysicalDeviceAddressBindingReportFeaturesEXT}, Type{_PhysicalDeviceAddressBindingReportFeaturesEXT}})) = VkPhysicalDeviceAddressBindingReportFeaturesEXT core_type(@nospecialize(_::Union{Type{VkDeviceAddressBindingCallbackDataEXT}, Type{DeviceAddressBindingCallbackDataEXT}, Type{_DeviceAddressBindingCallbackDataEXT}})) = VkDeviceAddressBindingCallbackDataEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceOpticalFlowFeaturesNV}, Type{PhysicalDeviceOpticalFlowFeaturesNV}, Type{_PhysicalDeviceOpticalFlowFeaturesNV}})) = VkPhysicalDeviceOpticalFlowFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceOpticalFlowPropertiesNV}, Type{PhysicalDeviceOpticalFlowPropertiesNV}, Type{_PhysicalDeviceOpticalFlowPropertiesNV}})) = VkPhysicalDeviceOpticalFlowPropertiesNV core_type(@nospecialize(_::Union{Type{VkOpticalFlowImageFormatInfoNV}, Type{OpticalFlowImageFormatInfoNV}, Type{_OpticalFlowImageFormatInfoNV}})) = VkOpticalFlowImageFormatInfoNV core_type(@nospecialize(_::Union{Type{VkOpticalFlowImageFormatPropertiesNV}, Type{OpticalFlowImageFormatPropertiesNV}, Type{_OpticalFlowImageFormatPropertiesNV}})) = VkOpticalFlowImageFormatPropertiesNV core_type(@nospecialize(_::Union{Type{VkOpticalFlowSessionCreateInfoNV}, Type{OpticalFlowSessionCreateInfoNV}, Type{_OpticalFlowSessionCreateInfoNV}})) = VkOpticalFlowSessionCreateInfoNV core_type(@nospecialize(_::Union{Type{VkOpticalFlowSessionCreatePrivateDataInfoNV}, Type{OpticalFlowSessionCreatePrivateDataInfoNV}, Type{_OpticalFlowSessionCreatePrivateDataInfoNV}})) = VkOpticalFlowSessionCreatePrivateDataInfoNV core_type(@nospecialize(_::Union{Type{VkOpticalFlowExecuteInfoNV}, Type{OpticalFlowExecuteInfoNV}, Type{_OpticalFlowExecuteInfoNV}})) = VkOpticalFlowExecuteInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFaultFeaturesEXT}, Type{PhysicalDeviceFaultFeaturesEXT}, Type{_PhysicalDeviceFaultFeaturesEXT}})) = VkPhysicalDeviceFaultFeaturesEXT core_type(@nospecialize(_::Union{Type{VkDeviceFaultAddressInfoEXT}, Type{DeviceFaultAddressInfoEXT}, Type{_DeviceFaultAddressInfoEXT}})) = VkDeviceFaultAddressInfoEXT core_type(@nospecialize(_::Union{Type{VkDeviceFaultVendorInfoEXT}, Type{DeviceFaultVendorInfoEXT}, Type{_DeviceFaultVendorInfoEXT}})) = VkDeviceFaultVendorInfoEXT core_type(@nospecialize(_::Union{Type{VkDeviceFaultCountsEXT}, Type{DeviceFaultCountsEXT}, Type{_DeviceFaultCountsEXT}})) = VkDeviceFaultCountsEXT core_type(@nospecialize(_::Union{Type{VkDeviceFaultInfoEXT}, Type{DeviceFaultInfoEXT}, Type{_DeviceFaultInfoEXT}})) = VkDeviceFaultInfoEXT core_type(@nospecialize(_::Union{Type{VkDeviceFaultVendorBinaryHeaderVersionOneEXT}, Type{DeviceFaultVendorBinaryHeaderVersionOneEXT}, Type{_DeviceFaultVendorBinaryHeaderVersionOneEXT}})) = VkDeviceFaultVendorBinaryHeaderVersionOneEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT}, Type{PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT}, Type{_PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT}})) = VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT core_type(@nospecialize(_::Union{Type{VkDecompressMemoryRegionNV}, Type{DecompressMemoryRegionNV}, Type{_DecompressMemoryRegionNV}})) = VkDecompressMemoryRegionNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM}, Type{PhysicalDeviceShaderCoreBuiltinsPropertiesARM}, Type{_PhysicalDeviceShaderCoreBuiltinsPropertiesARM}})) = VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM}, Type{PhysicalDeviceShaderCoreBuiltinsFeaturesARM}, Type{_PhysicalDeviceShaderCoreBuiltinsFeaturesARM}})) = VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM core_type(@nospecialize(_::Union{Type{VkSurfacePresentModeEXT}, Type{SurfacePresentModeEXT}, Type{_SurfacePresentModeEXT}})) = VkSurfacePresentModeEXT core_type(@nospecialize(_::Union{Type{VkSurfacePresentScalingCapabilitiesEXT}, Type{SurfacePresentScalingCapabilitiesEXT}, Type{_SurfacePresentScalingCapabilitiesEXT}})) = VkSurfacePresentScalingCapabilitiesEXT core_type(@nospecialize(_::Union{Type{VkSurfacePresentModeCompatibilityEXT}, Type{SurfacePresentModeCompatibilityEXT}, Type{_SurfacePresentModeCompatibilityEXT}})) = VkSurfacePresentModeCompatibilityEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT}, Type{PhysicalDeviceSwapchainMaintenance1FeaturesEXT}, Type{_PhysicalDeviceSwapchainMaintenance1FeaturesEXT}})) = VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT core_type(@nospecialize(_::Union{Type{VkSwapchainPresentFenceInfoEXT}, Type{SwapchainPresentFenceInfoEXT}, Type{_SwapchainPresentFenceInfoEXT}})) = VkSwapchainPresentFenceInfoEXT core_type(@nospecialize(_::Union{Type{VkSwapchainPresentModesCreateInfoEXT}, Type{SwapchainPresentModesCreateInfoEXT}, Type{_SwapchainPresentModesCreateInfoEXT}})) = VkSwapchainPresentModesCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkSwapchainPresentModeInfoEXT}, Type{SwapchainPresentModeInfoEXT}, Type{_SwapchainPresentModeInfoEXT}})) = VkSwapchainPresentModeInfoEXT core_type(@nospecialize(_::Union{Type{VkSwapchainPresentScalingCreateInfoEXT}, Type{SwapchainPresentScalingCreateInfoEXT}, Type{_SwapchainPresentScalingCreateInfoEXT}})) = VkSwapchainPresentScalingCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkReleaseSwapchainImagesInfoEXT}, Type{ReleaseSwapchainImagesInfoEXT}, Type{_ReleaseSwapchainImagesInfoEXT}})) = VkReleaseSwapchainImagesInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV}, Type{PhysicalDeviceRayTracingInvocationReorderFeaturesNV}, Type{_PhysicalDeviceRayTracingInvocationReorderFeaturesNV}})) = VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV}, Type{PhysicalDeviceRayTracingInvocationReorderPropertiesNV}, Type{_PhysicalDeviceRayTracingInvocationReorderPropertiesNV}})) = VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV core_type(@nospecialize(_::Union{Type{VkDirectDriverLoadingInfoLUNARG}, Type{DirectDriverLoadingInfoLUNARG}, Type{_DirectDriverLoadingInfoLUNARG}})) = VkDirectDriverLoadingInfoLUNARG core_type(@nospecialize(_::Union{Type{VkDirectDriverLoadingListLUNARG}, Type{DirectDriverLoadingListLUNARG}, Type{_DirectDriverLoadingListLUNARG}})) = VkDirectDriverLoadingListLUNARG core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM}, Type{PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM}, Type{_PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM}})) = VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM core_type(@nospecialize(_::Union{Type{VkClearColorValue}, Type{ClearColorValue}, Type{_ClearColorValue}})) = VkClearColorValue core_type(@nospecialize(_::Union{Type{VkClearValue}, Type{ClearValue}, Type{_ClearValue}})) = VkClearValue core_type(@nospecialize(_::Union{Type{VkPerformanceCounterResultKHR}, Type{PerformanceCounterResultKHR}, Type{_PerformanceCounterResultKHR}})) = VkPerformanceCounterResultKHR core_type(@nospecialize(_::Union{Type{VkPerformanceValueDataINTEL}, Type{PerformanceValueDataINTEL}, Type{_PerformanceValueDataINTEL}})) = VkPerformanceValueDataINTEL core_type(@nospecialize(_::Union{Type{VkPipelineExecutableStatisticValueKHR}, Type{PipelineExecutableStatisticValueKHR}, Type{_PipelineExecutableStatisticValueKHR}})) = VkPipelineExecutableStatisticValueKHR core_type(@nospecialize(_::Union{Type{VkDeviceOrHostAddressKHR}, Type{DeviceOrHostAddressKHR}, Type{_DeviceOrHostAddressKHR}})) = VkDeviceOrHostAddressKHR core_type(@nospecialize(_::Union{Type{VkDeviceOrHostAddressConstKHR}, Type{DeviceOrHostAddressConstKHR}, Type{_DeviceOrHostAddressConstKHR}})) = VkDeviceOrHostAddressConstKHR core_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryDataKHR}, Type{AccelerationStructureGeometryDataKHR}, Type{_AccelerationStructureGeometryDataKHR}})) = VkAccelerationStructureGeometryDataKHR core_type(@nospecialize(_::Union{Type{VkDescriptorDataEXT}, Type{DescriptorDataEXT}, Type{_DescriptorDataEXT}})) = VkDescriptorDataEXT core_type(@nospecialize(_::Union{Type{VkAccelerationStructureMotionInstanceDataNV}, Type{AccelerationStructureMotionInstanceDataNV}, Type{_AccelerationStructureMotionInstanceDataNV}})) = VkAccelerationStructureMotionInstanceDataNV intermediate_type(@nospecialize(_::Union{Type{BaseOutStructure}, Type{VkBaseOutStructure}})) = _BaseOutStructure intermediate_type(@nospecialize(_::Union{Type{BaseInStructure}, Type{VkBaseInStructure}})) = _BaseInStructure intermediate_type(@nospecialize(_::Union{Type{Offset2D}, Type{VkOffset2D}})) = _Offset2D intermediate_type(@nospecialize(_::Union{Type{Offset3D}, Type{VkOffset3D}})) = _Offset3D intermediate_type(@nospecialize(_::Union{Type{Extent2D}, Type{VkExtent2D}})) = _Extent2D intermediate_type(@nospecialize(_::Union{Type{Extent3D}, Type{VkExtent3D}})) = _Extent3D intermediate_type(@nospecialize(_::Union{Type{Viewport}, Type{VkViewport}})) = _Viewport intermediate_type(@nospecialize(_::Union{Type{Rect2D}, Type{VkRect2D}})) = _Rect2D intermediate_type(@nospecialize(_::Union{Type{ClearRect}, Type{VkClearRect}})) = _ClearRect intermediate_type(@nospecialize(_::Union{Type{ComponentMapping}, Type{VkComponentMapping}})) = _ComponentMapping intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceProperties}, Type{VkPhysicalDeviceProperties}})) = _PhysicalDeviceProperties intermediate_type(@nospecialize(_::Union{Type{ExtensionProperties}, Type{VkExtensionProperties}})) = _ExtensionProperties intermediate_type(@nospecialize(_::Union{Type{LayerProperties}, Type{VkLayerProperties}})) = _LayerProperties intermediate_type(@nospecialize(_::Union{Type{ApplicationInfo}, Type{VkApplicationInfo}})) = _ApplicationInfo intermediate_type(@nospecialize(_::Union{Type{AllocationCallbacks}, Type{VkAllocationCallbacks}})) = _AllocationCallbacks intermediate_type(@nospecialize(_::Union{Type{DeviceQueueCreateInfo}, Type{VkDeviceQueueCreateInfo}})) = _DeviceQueueCreateInfo intermediate_type(@nospecialize(_::Union{Type{DeviceCreateInfo}, Type{VkDeviceCreateInfo}})) = _DeviceCreateInfo intermediate_type(@nospecialize(_::Union{Type{InstanceCreateInfo}, Type{VkInstanceCreateInfo}})) = _InstanceCreateInfo intermediate_type(@nospecialize(_::Union{Type{QueueFamilyProperties}, Type{VkQueueFamilyProperties}})) = _QueueFamilyProperties intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMemoryProperties}, Type{VkPhysicalDeviceMemoryProperties}})) = _PhysicalDeviceMemoryProperties intermediate_type(@nospecialize(_::Union{Type{MemoryAllocateInfo}, Type{VkMemoryAllocateInfo}})) = _MemoryAllocateInfo intermediate_type(@nospecialize(_::Union{Type{MemoryRequirements}, Type{VkMemoryRequirements}})) = _MemoryRequirements intermediate_type(@nospecialize(_::Union{Type{SparseImageFormatProperties}, Type{VkSparseImageFormatProperties}})) = _SparseImageFormatProperties intermediate_type(@nospecialize(_::Union{Type{SparseImageMemoryRequirements}, Type{VkSparseImageMemoryRequirements}})) = _SparseImageMemoryRequirements intermediate_type(@nospecialize(_::Union{Type{MemoryType}, Type{VkMemoryType}})) = _MemoryType intermediate_type(@nospecialize(_::Union{Type{MemoryHeap}, Type{VkMemoryHeap}})) = _MemoryHeap intermediate_type(@nospecialize(_::Union{Type{MappedMemoryRange}, Type{VkMappedMemoryRange}})) = _MappedMemoryRange intermediate_type(@nospecialize(_::Union{Type{FormatProperties}, Type{VkFormatProperties}})) = _FormatProperties intermediate_type(@nospecialize(_::Union{Type{ImageFormatProperties}, Type{VkImageFormatProperties}})) = _ImageFormatProperties intermediate_type(@nospecialize(_::Union{Type{DescriptorBufferInfo}, Type{VkDescriptorBufferInfo}})) = _DescriptorBufferInfo intermediate_type(@nospecialize(_::Union{Type{DescriptorImageInfo}, Type{VkDescriptorImageInfo}})) = _DescriptorImageInfo intermediate_type(@nospecialize(_::Union{Type{WriteDescriptorSet}, Type{VkWriteDescriptorSet}})) = _WriteDescriptorSet intermediate_type(@nospecialize(_::Union{Type{CopyDescriptorSet}, Type{VkCopyDescriptorSet}})) = _CopyDescriptorSet intermediate_type(@nospecialize(_::Union{Type{BufferCreateInfo}, Type{VkBufferCreateInfo}})) = _BufferCreateInfo intermediate_type(@nospecialize(_::Union{Type{BufferViewCreateInfo}, Type{VkBufferViewCreateInfo}})) = _BufferViewCreateInfo intermediate_type(@nospecialize(_::Union{Type{ImageSubresource}, Type{VkImageSubresource}})) = _ImageSubresource intermediate_type(@nospecialize(_::Union{Type{ImageSubresourceLayers}, Type{VkImageSubresourceLayers}})) = _ImageSubresourceLayers intermediate_type(@nospecialize(_::Union{Type{ImageSubresourceRange}, Type{VkImageSubresourceRange}})) = _ImageSubresourceRange intermediate_type(@nospecialize(_::Union{Type{MemoryBarrier}, Type{VkMemoryBarrier}})) = _MemoryBarrier intermediate_type(@nospecialize(_::Union{Type{BufferMemoryBarrier}, Type{VkBufferMemoryBarrier}})) = _BufferMemoryBarrier intermediate_type(@nospecialize(_::Union{Type{ImageMemoryBarrier}, Type{VkImageMemoryBarrier}})) = _ImageMemoryBarrier intermediate_type(@nospecialize(_::Union{Type{ImageCreateInfo}, Type{VkImageCreateInfo}})) = _ImageCreateInfo intermediate_type(@nospecialize(_::Union{Type{SubresourceLayout}, Type{VkSubresourceLayout}})) = _SubresourceLayout intermediate_type(@nospecialize(_::Union{Type{ImageViewCreateInfo}, Type{VkImageViewCreateInfo}})) = _ImageViewCreateInfo intermediate_type(@nospecialize(_::Union{Type{BufferCopy}, Type{VkBufferCopy}})) = _BufferCopy intermediate_type(@nospecialize(_::Union{Type{SparseMemoryBind}, Type{VkSparseMemoryBind}})) = _SparseMemoryBind intermediate_type(@nospecialize(_::Union{Type{SparseImageMemoryBind}, Type{VkSparseImageMemoryBind}})) = _SparseImageMemoryBind intermediate_type(@nospecialize(_::Union{Type{SparseBufferMemoryBindInfo}, Type{VkSparseBufferMemoryBindInfo}})) = _SparseBufferMemoryBindInfo intermediate_type(@nospecialize(_::Union{Type{SparseImageOpaqueMemoryBindInfo}, Type{VkSparseImageOpaqueMemoryBindInfo}})) = _SparseImageOpaqueMemoryBindInfo intermediate_type(@nospecialize(_::Union{Type{SparseImageMemoryBindInfo}, Type{VkSparseImageMemoryBindInfo}})) = _SparseImageMemoryBindInfo intermediate_type(@nospecialize(_::Union{Type{BindSparseInfo}, Type{VkBindSparseInfo}})) = _BindSparseInfo intermediate_type(@nospecialize(_::Union{Type{ImageCopy}, Type{VkImageCopy}})) = _ImageCopy intermediate_type(@nospecialize(_::Union{Type{ImageBlit}, Type{VkImageBlit}})) = _ImageBlit intermediate_type(@nospecialize(_::Union{Type{BufferImageCopy}, Type{VkBufferImageCopy}})) = _BufferImageCopy intermediate_type(@nospecialize(_::Union{Type{CopyMemoryIndirectCommandNV}, Type{VkCopyMemoryIndirectCommandNV}})) = _CopyMemoryIndirectCommandNV intermediate_type(@nospecialize(_::Union{Type{CopyMemoryToImageIndirectCommandNV}, Type{VkCopyMemoryToImageIndirectCommandNV}})) = _CopyMemoryToImageIndirectCommandNV intermediate_type(@nospecialize(_::Union{Type{ImageResolve}, Type{VkImageResolve}})) = _ImageResolve intermediate_type(@nospecialize(_::Union{Type{ShaderModuleCreateInfo}, Type{VkShaderModuleCreateInfo}})) = _ShaderModuleCreateInfo intermediate_type(@nospecialize(_::Union{Type{DescriptorSetLayoutBinding}, Type{VkDescriptorSetLayoutBinding}})) = _DescriptorSetLayoutBinding intermediate_type(@nospecialize(_::Union{Type{DescriptorSetLayoutCreateInfo}, Type{VkDescriptorSetLayoutCreateInfo}})) = _DescriptorSetLayoutCreateInfo intermediate_type(@nospecialize(_::Union{Type{DescriptorPoolSize}, Type{VkDescriptorPoolSize}})) = _DescriptorPoolSize intermediate_type(@nospecialize(_::Union{Type{DescriptorPoolCreateInfo}, Type{VkDescriptorPoolCreateInfo}})) = _DescriptorPoolCreateInfo intermediate_type(@nospecialize(_::Union{Type{DescriptorSetAllocateInfo}, Type{VkDescriptorSetAllocateInfo}})) = _DescriptorSetAllocateInfo intermediate_type(@nospecialize(_::Union{Type{SpecializationMapEntry}, Type{VkSpecializationMapEntry}})) = _SpecializationMapEntry intermediate_type(@nospecialize(_::Union{Type{SpecializationInfo}, Type{VkSpecializationInfo}})) = _SpecializationInfo intermediate_type(@nospecialize(_::Union{Type{PipelineShaderStageCreateInfo}, Type{VkPipelineShaderStageCreateInfo}})) = _PipelineShaderStageCreateInfo intermediate_type(@nospecialize(_::Union{Type{ComputePipelineCreateInfo}, Type{VkComputePipelineCreateInfo}})) = _ComputePipelineCreateInfo intermediate_type(@nospecialize(_::Union{Type{VertexInputBindingDescription}, Type{VkVertexInputBindingDescription}})) = _VertexInputBindingDescription intermediate_type(@nospecialize(_::Union{Type{VertexInputAttributeDescription}, Type{VkVertexInputAttributeDescription}})) = _VertexInputAttributeDescription intermediate_type(@nospecialize(_::Union{Type{PipelineVertexInputStateCreateInfo}, Type{VkPipelineVertexInputStateCreateInfo}})) = _PipelineVertexInputStateCreateInfo intermediate_type(@nospecialize(_::Union{Type{PipelineInputAssemblyStateCreateInfo}, Type{VkPipelineInputAssemblyStateCreateInfo}})) = _PipelineInputAssemblyStateCreateInfo intermediate_type(@nospecialize(_::Union{Type{PipelineTessellationStateCreateInfo}, Type{VkPipelineTessellationStateCreateInfo}})) = _PipelineTessellationStateCreateInfo intermediate_type(@nospecialize(_::Union{Type{PipelineViewportStateCreateInfo}, Type{VkPipelineViewportStateCreateInfo}})) = _PipelineViewportStateCreateInfo intermediate_type(@nospecialize(_::Union{Type{PipelineRasterizationStateCreateInfo}, Type{VkPipelineRasterizationStateCreateInfo}})) = _PipelineRasterizationStateCreateInfo intermediate_type(@nospecialize(_::Union{Type{PipelineMultisampleStateCreateInfo}, Type{VkPipelineMultisampleStateCreateInfo}})) = _PipelineMultisampleStateCreateInfo intermediate_type(@nospecialize(_::Union{Type{PipelineColorBlendAttachmentState}, Type{VkPipelineColorBlendAttachmentState}})) = _PipelineColorBlendAttachmentState intermediate_type(@nospecialize(_::Union{Type{PipelineColorBlendStateCreateInfo}, Type{VkPipelineColorBlendStateCreateInfo}})) = _PipelineColorBlendStateCreateInfo intermediate_type(@nospecialize(_::Union{Type{PipelineDynamicStateCreateInfo}, Type{VkPipelineDynamicStateCreateInfo}})) = _PipelineDynamicStateCreateInfo intermediate_type(@nospecialize(_::Union{Type{StencilOpState}, Type{VkStencilOpState}})) = _StencilOpState intermediate_type(@nospecialize(_::Union{Type{PipelineDepthStencilStateCreateInfo}, Type{VkPipelineDepthStencilStateCreateInfo}})) = _PipelineDepthStencilStateCreateInfo intermediate_type(@nospecialize(_::Union{Type{GraphicsPipelineCreateInfo}, Type{VkGraphicsPipelineCreateInfo}})) = _GraphicsPipelineCreateInfo intermediate_type(@nospecialize(_::Union{Type{PipelineCacheCreateInfo}, Type{VkPipelineCacheCreateInfo}})) = _PipelineCacheCreateInfo intermediate_type(@nospecialize(_::Union{Type{PipelineCacheHeaderVersionOne}, Type{VkPipelineCacheHeaderVersionOne}})) = _PipelineCacheHeaderVersionOne intermediate_type(@nospecialize(_::Union{Type{PushConstantRange}, Type{VkPushConstantRange}})) = _PushConstantRange intermediate_type(@nospecialize(_::Union{Type{PipelineLayoutCreateInfo}, Type{VkPipelineLayoutCreateInfo}})) = _PipelineLayoutCreateInfo intermediate_type(@nospecialize(_::Union{Type{SamplerCreateInfo}, Type{VkSamplerCreateInfo}})) = _SamplerCreateInfo intermediate_type(@nospecialize(_::Union{Type{CommandPoolCreateInfo}, Type{VkCommandPoolCreateInfo}})) = _CommandPoolCreateInfo intermediate_type(@nospecialize(_::Union{Type{CommandBufferAllocateInfo}, Type{VkCommandBufferAllocateInfo}})) = _CommandBufferAllocateInfo intermediate_type(@nospecialize(_::Union{Type{CommandBufferInheritanceInfo}, Type{VkCommandBufferInheritanceInfo}})) = _CommandBufferInheritanceInfo intermediate_type(@nospecialize(_::Union{Type{CommandBufferBeginInfo}, Type{VkCommandBufferBeginInfo}})) = _CommandBufferBeginInfo intermediate_type(@nospecialize(_::Union{Type{RenderPassBeginInfo}, Type{VkRenderPassBeginInfo}})) = _RenderPassBeginInfo intermediate_type(@nospecialize(_::Union{Type{ClearDepthStencilValue}, Type{VkClearDepthStencilValue}})) = _ClearDepthStencilValue intermediate_type(@nospecialize(_::Union{Type{ClearAttachment}, Type{VkClearAttachment}})) = _ClearAttachment intermediate_type(@nospecialize(_::Union{Type{AttachmentDescription}, Type{VkAttachmentDescription}})) = _AttachmentDescription intermediate_type(@nospecialize(_::Union{Type{AttachmentReference}, Type{VkAttachmentReference}})) = _AttachmentReference intermediate_type(@nospecialize(_::Union{Type{SubpassDescription}, Type{VkSubpassDescription}})) = _SubpassDescription intermediate_type(@nospecialize(_::Union{Type{SubpassDependency}, Type{VkSubpassDependency}})) = _SubpassDependency intermediate_type(@nospecialize(_::Union{Type{RenderPassCreateInfo}, Type{VkRenderPassCreateInfo}})) = _RenderPassCreateInfo intermediate_type(@nospecialize(_::Union{Type{EventCreateInfo}, Type{VkEventCreateInfo}})) = _EventCreateInfo intermediate_type(@nospecialize(_::Union{Type{FenceCreateInfo}, Type{VkFenceCreateInfo}})) = _FenceCreateInfo intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFeatures}, Type{VkPhysicalDeviceFeatures}})) = _PhysicalDeviceFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSparseProperties}, Type{VkPhysicalDeviceSparseProperties}})) = _PhysicalDeviceSparseProperties intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceLimits}, Type{VkPhysicalDeviceLimits}})) = _PhysicalDeviceLimits intermediate_type(@nospecialize(_::Union{Type{SemaphoreCreateInfo}, Type{VkSemaphoreCreateInfo}})) = _SemaphoreCreateInfo intermediate_type(@nospecialize(_::Union{Type{QueryPoolCreateInfo}, Type{VkQueryPoolCreateInfo}})) = _QueryPoolCreateInfo intermediate_type(@nospecialize(_::Union{Type{FramebufferCreateInfo}, Type{VkFramebufferCreateInfo}})) = _FramebufferCreateInfo intermediate_type(@nospecialize(_::Union{Type{DrawIndirectCommand}, Type{VkDrawIndirectCommand}})) = _DrawIndirectCommand intermediate_type(@nospecialize(_::Union{Type{DrawIndexedIndirectCommand}, Type{VkDrawIndexedIndirectCommand}})) = _DrawIndexedIndirectCommand intermediate_type(@nospecialize(_::Union{Type{DispatchIndirectCommand}, Type{VkDispatchIndirectCommand}})) = _DispatchIndirectCommand intermediate_type(@nospecialize(_::Union{Type{MultiDrawInfoEXT}, Type{VkMultiDrawInfoEXT}})) = _MultiDrawInfoEXT intermediate_type(@nospecialize(_::Union{Type{MultiDrawIndexedInfoEXT}, Type{VkMultiDrawIndexedInfoEXT}})) = _MultiDrawIndexedInfoEXT intermediate_type(@nospecialize(_::Union{Type{SubmitInfo}, Type{VkSubmitInfo}})) = _SubmitInfo intermediate_type(@nospecialize(_::Union{Type{DisplayPropertiesKHR}, Type{VkDisplayPropertiesKHR}})) = _DisplayPropertiesKHR intermediate_type(@nospecialize(_::Union{Type{DisplayPlanePropertiesKHR}, Type{VkDisplayPlanePropertiesKHR}})) = _DisplayPlanePropertiesKHR intermediate_type(@nospecialize(_::Union{Type{DisplayModeParametersKHR}, Type{VkDisplayModeParametersKHR}})) = _DisplayModeParametersKHR intermediate_type(@nospecialize(_::Union{Type{DisplayModePropertiesKHR}, Type{VkDisplayModePropertiesKHR}})) = _DisplayModePropertiesKHR intermediate_type(@nospecialize(_::Union{Type{DisplayModeCreateInfoKHR}, Type{VkDisplayModeCreateInfoKHR}})) = _DisplayModeCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{DisplayPlaneCapabilitiesKHR}, Type{VkDisplayPlaneCapabilitiesKHR}})) = _DisplayPlaneCapabilitiesKHR intermediate_type(@nospecialize(_::Union{Type{DisplaySurfaceCreateInfoKHR}, Type{VkDisplaySurfaceCreateInfoKHR}})) = _DisplaySurfaceCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{DisplayPresentInfoKHR}, Type{VkDisplayPresentInfoKHR}})) = _DisplayPresentInfoKHR intermediate_type(@nospecialize(_::Union{Type{SurfaceCapabilitiesKHR}, Type{VkSurfaceCapabilitiesKHR}})) = _SurfaceCapabilitiesKHR intermediate_type(@nospecialize(_::Union{Type{WaylandSurfaceCreateInfoKHR}, Type{VkWaylandSurfaceCreateInfoKHR}})) = _WaylandSurfaceCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{XlibSurfaceCreateInfoKHR}, Type{VkXlibSurfaceCreateInfoKHR}})) = _XlibSurfaceCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{XcbSurfaceCreateInfoKHR}, Type{VkXcbSurfaceCreateInfoKHR}})) = _XcbSurfaceCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{SurfaceFormatKHR}, Type{VkSurfaceFormatKHR}})) = _SurfaceFormatKHR intermediate_type(@nospecialize(_::Union{Type{SwapchainCreateInfoKHR}, Type{VkSwapchainCreateInfoKHR}})) = _SwapchainCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{PresentInfoKHR}, Type{VkPresentInfoKHR}})) = _PresentInfoKHR intermediate_type(@nospecialize(_::Union{Type{DebugReportCallbackCreateInfoEXT}, Type{VkDebugReportCallbackCreateInfoEXT}})) = _DebugReportCallbackCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{ValidationFlagsEXT}, Type{VkValidationFlagsEXT}})) = _ValidationFlagsEXT intermediate_type(@nospecialize(_::Union{Type{ValidationFeaturesEXT}, Type{VkValidationFeaturesEXT}})) = _ValidationFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PipelineRasterizationStateRasterizationOrderAMD}, Type{VkPipelineRasterizationStateRasterizationOrderAMD}})) = _PipelineRasterizationStateRasterizationOrderAMD intermediate_type(@nospecialize(_::Union{Type{DebugMarkerObjectNameInfoEXT}, Type{VkDebugMarkerObjectNameInfoEXT}})) = _DebugMarkerObjectNameInfoEXT intermediate_type(@nospecialize(_::Union{Type{DebugMarkerObjectTagInfoEXT}, Type{VkDebugMarkerObjectTagInfoEXT}})) = _DebugMarkerObjectTagInfoEXT intermediate_type(@nospecialize(_::Union{Type{DebugMarkerMarkerInfoEXT}, Type{VkDebugMarkerMarkerInfoEXT}})) = _DebugMarkerMarkerInfoEXT intermediate_type(@nospecialize(_::Union{Type{DedicatedAllocationImageCreateInfoNV}, Type{VkDedicatedAllocationImageCreateInfoNV}})) = _DedicatedAllocationImageCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{DedicatedAllocationBufferCreateInfoNV}, Type{VkDedicatedAllocationBufferCreateInfoNV}})) = _DedicatedAllocationBufferCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{DedicatedAllocationMemoryAllocateInfoNV}, Type{VkDedicatedAllocationMemoryAllocateInfoNV}})) = _DedicatedAllocationMemoryAllocateInfoNV intermediate_type(@nospecialize(_::Union{Type{ExternalImageFormatPropertiesNV}, Type{VkExternalImageFormatPropertiesNV}})) = _ExternalImageFormatPropertiesNV intermediate_type(@nospecialize(_::Union{Type{ExternalMemoryImageCreateInfoNV}, Type{VkExternalMemoryImageCreateInfoNV}})) = _ExternalMemoryImageCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{ExportMemoryAllocateInfoNV}, Type{VkExportMemoryAllocateInfoNV}})) = _ExportMemoryAllocateInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDeviceGeneratedCommandsFeaturesNV}, Type{VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV}})) = _PhysicalDeviceDeviceGeneratedCommandsFeaturesNV intermediate_type(@nospecialize(_::Union{Type{DevicePrivateDataCreateInfo}, Type{VkDevicePrivateDataCreateInfo}})) = _DevicePrivateDataCreateInfo intermediate_type(@nospecialize(_::Union{Type{PrivateDataSlotCreateInfo}, Type{VkPrivateDataSlotCreateInfo}})) = _PrivateDataSlotCreateInfo intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePrivateDataFeatures}, Type{VkPhysicalDevicePrivateDataFeatures}})) = _PhysicalDevicePrivateDataFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDeviceGeneratedCommandsPropertiesNV}, Type{VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV}})) = _PhysicalDeviceDeviceGeneratedCommandsPropertiesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMultiDrawPropertiesEXT}, Type{VkPhysicalDeviceMultiDrawPropertiesEXT}})) = _PhysicalDeviceMultiDrawPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{GraphicsShaderGroupCreateInfoNV}, Type{VkGraphicsShaderGroupCreateInfoNV}})) = _GraphicsShaderGroupCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{GraphicsPipelineShaderGroupsCreateInfoNV}, Type{VkGraphicsPipelineShaderGroupsCreateInfoNV}})) = _GraphicsPipelineShaderGroupsCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{BindShaderGroupIndirectCommandNV}, Type{VkBindShaderGroupIndirectCommandNV}})) = _BindShaderGroupIndirectCommandNV intermediate_type(@nospecialize(_::Union{Type{BindIndexBufferIndirectCommandNV}, Type{VkBindIndexBufferIndirectCommandNV}})) = _BindIndexBufferIndirectCommandNV intermediate_type(@nospecialize(_::Union{Type{BindVertexBufferIndirectCommandNV}, Type{VkBindVertexBufferIndirectCommandNV}})) = _BindVertexBufferIndirectCommandNV intermediate_type(@nospecialize(_::Union{Type{SetStateFlagsIndirectCommandNV}, Type{VkSetStateFlagsIndirectCommandNV}})) = _SetStateFlagsIndirectCommandNV intermediate_type(@nospecialize(_::Union{Type{IndirectCommandsStreamNV}, Type{VkIndirectCommandsStreamNV}})) = _IndirectCommandsStreamNV intermediate_type(@nospecialize(_::Union{Type{IndirectCommandsLayoutTokenNV}, Type{VkIndirectCommandsLayoutTokenNV}})) = _IndirectCommandsLayoutTokenNV intermediate_type(@nospecialize(_::Union{Type{IndirectCommandsLayoutCreateInfoNV}, Type{VkIndirectCommandsLayoutCreateInfoNV}})) = _IndirectCommandsLayoutCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{GeneratedCommandsInfoNV}, Type{VkGeneratedCommandsInfoNV}})) = _GeneratedCommandsInfoNV intermediate_type(@nospecialize(_::Union{Type{GeneratedCommandsMemoryRequirementsInfoNV}, Type{VkGeneratedCommandsMemoryRequirementsInfoNV}})) = _GeneratedCommandsMemoryRequirementsInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFeatures2}, Type{VkPhysicalDeviceFeatures2}})) = _PhysicalDeviceFeatures2 intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceProperties2}, Type{VkPhysicalDeviceProperties2}})) = _PhysicalDeviceProperties2 intermediate_type(@nospecialize(_::Union{Type{FormatProperties2}, Type{VkFormatProperties2}})) = _FormatProperties2 intermediate_type(@nospecialize(_::Union{Type{ImageFormatProperties2}, Type{VkImageFormatProperties2}})) = _ImageFormatProperties2 intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceImageFormatInfo2}, Type{VkPhysicalDeviceImageFormatInfo2}})) = _PhysicalDeviceImageFormatInfo2 intermediate_type(@nospecialize(_::Union{Type{QueueFamilyProperties2}, Type{VkQueueFamilyProperties2}})) = _QueueFamilyProperties2 intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMemoryProperties2}, Type{VkPhysicalDeviceMemoryProperties2}})) = _PhysicalDeviceMemoryProperties2 intermediate_type(@nospecialize(_::Union{Type{SparseImageFormatProperties2}, Type{VkSparseImageFormatProperties2}})) = _SparseImageFormatProperties2 intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSparseImageFormatInfo2}, Type{VkPhysicalDeviceSparseImageFormatInfo2}})) = _PhysicalDeviceSparseImageFormatInfo2 intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePushDescriptorPropertiesKHR}, Type{VkPhysicalDevicePushDescriptorPropertiesKHR}})) = _PhysicalDevicePushDescriptorPropertiesKHR intermediate_type(@nospecialize(_::Union{Type{ConformanceVersion}, Type{VkConformanceVersion}})) = _ConformanceVersion intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDriverProperties}, Type{VkPhysicalDeviceDriverProperties}})) = _PhysicalDeviceDriverProperties intermediate_type(@nospecialize(_::Union{Type{PresentRegionsKHR}, Type{VkPresentRegionsKHR}})) = _PresentRegionsKHR intermediate_type(@nospecialize(_::Union{Type{PresentRegionKHR}, Type{VkPresentRegionKHR}})) = _PresentRegionKHR intermediate_type(@nospecialize(_::Union{Type{RectLayerKHR}, Type{VkRectLayerKHR}})) = _RectLayerKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceVariablePointersFeatures}, Type{VkPhysicalDeviceVariablePointersFeatures}})) = _PhysicalDeviceVariablePointersFeatures intermediate_type(@nospecialize(_::Union{Type{ExternalMemoryProperties}, Type{VkExternalMemoryProperties}})) = _ExternalMemoryProperties intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceExternalImageFormatInfo}, Type{VkPhysicalDeviceExternalImageFormatInfo}})) = _PhysicalDeviceExternalImageFormatInfo intermediate_type(@nospecialize(_::Union{Type{ExternalImageFormatProperties}, Type{VkExternalImageFormatProperties}})) = _ExternalImageFormatProperties intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceExternalBufferInfo}, Type{VkPhysicalDeviceExternalBufferInfo}})) = _PhysicalDeviceExternalBufferInfo intermediate_type(@nospecialize(_::Union{Type{ExternalBufferProperties}, Type{VkExternalBufferProperties}})) = _ExternalBufferProperties intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceIDProperties}, Type{VkPhysicalDeviceIDProperties}})) = _PhysicalDeviceIDProperties intermediate_type(@nospecialize(_::Union{Type{ExternalMemoryImageCreateInfo}, Type{VkExternalMemoryImageCreateInfo}})) = _ExternalMemoryImageCreateInfo intermediate_type(@nospecialize(_::Union{Type{ExternalMemoryBufferCreateInfo}, Type{VkExternalMemoryBufferCreateInfo}})) = _ExternalMemoryBufferCreateInfo intermediate_type(@nospecialize(_::Union{Type{ExportMemoryAllocateInfo}, Type{VkExportMemoryAllocateInfo}})) = _ExportMemoryAllocateInfo intermediate_type(@nospecialize(_::Union{Type{ImportMemoryFdInfoKHR}, Type{VkImportMemoryFdInfoKHR}})) = _ImportMemoryFdInfoKHR intermediate_type(@nospecialize(_::Union{Type{MemoryFdPropertiesKHR}, Type{VkMemoryFdPropertiesKHR}})) = _MemoryFdPropertiesKHR intermediate_type(@nospecialize(_::Union{Type{MemoryGetFdInfoKHR}, Type{VkMemoryGetFdInfoKHR}})) = _MemoryGetFdInfoKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceExternalSemaphoreInfo}, Type{VkPhysicalDeviceExternalSemaphoreInfo}})) = _PhysicalDeviceExternalSemaphoreInfo intermediate_type(@nospecialize(_::Union{Type{ExternalSemaphoreProperties}, Type{VkExternalSemaphoreProperties}})) = _ExternalSemaphoreProperties intermediate_type(@nospecialize(_::Union{Type{ExportSemaphoreCreateInfo}, Type{VkExportSemaphoreCreateInfo}})) = _ExportSemaphoreCreateInfo intermediate_type(@nospecialize(_::Union{Type{ImportSemaphoreFdInfoKHR}, Type{VkImportSemaphoreFdInfoKHR}})) = _ImportSemaphoreFdInfoKHR intermediate_type(@nospecialize(_::Union{Type{SemaphoreGetFdInfoKHR}, Type{VkSemaphoreGetFdInfoKHR}})) = _SemaphoreGetFdInfoKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceExternalFenceInfo}, Type{VkPhysicalDeviceExternalFenceInfo}})) = _PhysicalDeviceExternalFenceInfo intermediate_type(@nospecialize(_::Union{Type{ExternalFenceProperties}, Type{VkExternalFenceProperties}})) = _ExternalFenceProperties intermediate_type(@nospecialize(_::Union{Type{ExportFenceCreateInfo}, Type{VkExportFenceCreateInfo}})) = _ExportFenceCreateInfo intermediate_type(@nospecialize(_::Union{Type{ImportFenceFdInfoKHR}, Type{VkImportFenceFdInfoKHR}})) = _ImportFenceFdInfoKHR intermediate_type(@nospecialize(_::Union{Type{FenceGetFdInfoKHR}, Type{VkFenceGetFdInfoKHR}})) = _FenceGetFdInfoKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMultiviewFeatures}, Type{VkPhysicalDeviceMultiviewFeatures}})) = _PhysicalDeviceMultiviewFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMultiviewProperties}, Type{VkPhysicalDeviceMultiviewProperties}})) = _PhysicalDeviceMultiviewProperties intermediate_type(@nospecialize(_::Union{Type{RenderPassMultiviewCreateInfo}, Type{VkRenderPassMultiviewCreateInfo}})) = _RenderPassMultiviewCreateInfo intermediate_type(@nospecialize(_::Union{Type{SurfaceCapabilities2EXT}, Type{VkSurfaceCapabilities2EXT}})) = _SurfaceCapabilities2EXT intermediate_type(@nospecialize(_::Union{Type{DisplayPowerInfoEXT}, Type{VkDisplayPowerInfoEXT}})) = _DisplayPowerInfoEXT intermediate_type(@nospecialize(_::Union{Type{DeviceEventInfoEXT}, Type{VkDeviceEventInfoEXT}})) = _DeviceEventInfoEXT intermediate_type(@nospecialize(_::Union{Type{DisplayEventInfoEXT}, Type{VkDisplayEventInfoEXT}})) = _DisplayEventInfoEXT intermediate_type(@nospecialize(_::Union{Type{SwapchainCounterCreateInfoEXT}, Type{VkSwapchainCounterCreateInfoEXT}})) = _SwapchainCounterCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceGroupProperties}, Type{VkPhysicalDeviceGroupProperties}})) = _PhysicalDeviceGroupProperties intermediate_type(@nospecialize(_::Union{Type{MemoryAllocateFlagsInfo}, Type{VkMemoryAllocateFlagsInfo}})) = _MemoryAllocateFlagsInfo intermediate_type(@nospecialize(_::Union{Type{BindBufferMemoryInfo}, Type{VkBindBufferMemoryInfo}})) = _BindBufferMemoryInfo intermediate_type(@nospecialize(_::Union{Type{BindBufferMemoryDeviceGroupInfo}, Type{VkBindBufferMemoryDeviceGroupInfo}})) = _BindBufferMemoryDeviceGroupInfo intermediate_type(@nospecialize(_::Union{Type{BindImageMemoryInfo}, Type{VkBindImageMemoryInfo}})) = _BindImageMemoryInfo intermediate_type(@nospecialize(_::Union{Type{BindImageMemoryDeviceGroupInfo}, Type{VkBindImageMemoryDeviceGroupInfo}})) = _BindImageMemoryDeviceGroupInfo intermediate_type(@nospecialize(_::Union{Type{DeviceGroupRenderPassBeginInfo}, Type{VkDeviceGroupRenderPassBeginInfo}})) = _DeviceGroupRenderPassBeginInfo intermediate_type(@nospecialize(_::Union{Type{DeviceGroupCommandBufferBeginInfo}, Type{VkDeviceGroupCommandBufferBeginInfo}})) = _DeviceGroupCommandBufferBeginInfo intermediate_type(@nospecialize(_::Union{Type{DeviceGroupSubmitInfo}, Type{VkDeviceGroupSubmitInfo}})) = _DeviceGroupSubmitInfo intermediate_type(@nospecialize(_::Union{Type{DeviceGroupBindSparseInfo}, Type{VkDeviceGroupBindSparseInfo}})) = _DeviceGroupBindSparseInfo intermediate_type(@nospecialize(_::Union{Type{DeviceGroupPresentCapabilitiesKHR}, Type{VkDeviceGroupPresentCapabilitiesKHR}})) = _DeviceGroupPresentCapabilitiesKHR intermediate_type(@nospecialize(_::Union{Type{ImageSwapchainCreateInfoKHR}, Type{VkImageSwapchainCreateInfoKHR}})) = _ImageSwapchainCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{BindImageMemorySwapchainInfoKHR}, Type{VkBindImageMemorySwapchainInfoKHR}})) = _BindImageMemorySwapchainInfoKHR intermediate_type(@nospecialize(_::Union{Type{AcquireNextImageInfoKHR}, Type{VkAcquireNextImageInfoKHR}})) = _AcquireNextImageInfoKHR intermediate_type(@nospecialize(_::Union{Type{DeviceGroupPresentInfoKHR}, Type{VkDeviceGroupPresentInfoKHR}})) = _DeviceGroupPresentInfoKHR intermediate_type(@nospecialize(_::Union{Type{DeviceGroupDeviceCreateInfo}, Type{VkDeviceGroupDeviceCreateInfo}})) = _DeviceGroupDeviceCreateInfo intermediate_type(@nospecialize(_::Union{Type{DeviceGroupSwapchainCreateInfoKHR}, Type{VkDeviceGroupSwapchainCreateInfoKHR}})) = _DeviceGroupSwapchainCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{DescriptorUpdateTemplateEntry}, Type{VkDescriptorUpdateTemplateEntry}})) = _DescriptorUpdateTemplateEntry intermediate_type(@nospecialize(_::Union{Type{DescriptorUpdateTemplateCreateInfo}, Type{VkDescriptorUpdateTemplateCreateInfo}})) = _DescriptorUpdateTemplateCreateInfo intermediate_type(@nospecialize(_::Union{Type{XYColorEXT}, Type{VkXYColorEXT}})) = _XYColorEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePresentIdFeaturesKHR}, Type{VkPhysicalDevicePresentIdFeaturesKHR}})) = _PhysicalDevicePresentIdFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{PresentIdKHR}, Type{VkPresentIdKHR}})) = _PresentIdKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePresentWaitFeaturesKHR}, Type{VkPhysicalDevicePresentWaitFeaturesKHR}})) = _PhysicalDevicePresentWaitFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{HdrMetadataEXT}, Type{VkHdrMetadataEXT}})) = _HdrMetadataEXT intermediate_type(@nospecialize(_::Union{Type{DisplayNativeHdrSurfaceCapabilitiesAMD}, Type{VkDisplayNativeHdrSurfaceCapabilitiesAMD}})) = _DisplayNativeHdrSurfaceCapabilitiesAMD intermediate_type(@nospecialize(_::Union{Type{SwapchainDisplayNativeHdrCreateInfoAMD}, Type{VkSwapchainDisplayNativeHdrCreateInfoAMD}})) = _SwapchainDisplayNativeHdrCreateInfoAMD intermediate_type(@nospecialize(_::Union{Type{RefreshCycleDurationGOOGLE}, Type{VkRefreshCycleDurationGOOGLE}})) = _RefreshCycleDurationGOOGLE intermediate_type(@nospecialize(_::Union{Type{PastPresentationTimingGOOGLE}, Type{VkPastPresentationTimingGOOGLE}})) = _PastPresentationTimingGOOGLE intermediate_type(@nospecialize(_::Union{Type{PresentTimesInfoGOOGLE}, Type{VkPresentTimesInfoGOOGLE}})) = _PresentTimesInfoGOOGLE intermediate_type(@nospecialize(_::Union{Type{PresentTimeGOOGLE}, Type{VkPresentTimeGOOGLE}})) = _PresentTimeGOOGLE intermediate_type(@nospecialize(_::Union{Type{ViewportWScalingNV}, Type{VkViewportWScalingNV}})) = _ViewportWScalingNV intermediate_type(@nospecialize(_::Union{Type{PipelineViewportWScalingStateCreateInfoNV}, Type{VkPipelineViewportWScalingStateCreateInfoNV}})) = _PipelineViewportWScalingStateCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{ViewportSwizzleNV}, Type{VkViewportSwizzleNV}})) = _ViewportSwizzleNV intermediate_type(@nospecialize(_::Union{Type{PipelineViewportSwizzleStateCreateInfoNV}, Type{VkPipelineViewportSwizzleStateCreateInfoNV}})) = _PipelineViewportSwizzleStateCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDiscardRectanglePropertiesEXT}, Type{VkPhysicalDeviceDiscardRectanglePropertiesEXT}})) = _PhysicalDeviceDiscardRectanglePropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PipelineDiscardRectangleStateCreateInfoEXT}, Type{VkPipelineDiscardRectangleStateCreateInfoEXT}})) = _PipelineDiscardRectangleStateCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX}, Type{VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX}})) = _PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX intermediate_type(@nospecialize(_::Union{Type{InputAttachmentAspectReference}, Type{VkInputAttachmentAspectReference}})) = _InputAttachmentAspectReference intermediate_type(@nospecialize(_::Union{Type{RenderPassInputAttachmentAspectCreateInfo}, Type{VkRenderPassInputAttachmentAspectCreateInfo}})) = _RenderPassInputAttachmentAspectCreateInfo intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSurfaceInfo2KHR}, Type{VkPhysicalDeviceSurfaceInfo2KHR}})) = _PhysicalDeviceSurfaceInfo2KHR intermediate_type(@nospecialize(_::Union{Type{SurfaceCapabilities2KHR}, Type{VkSurfaceCapabilities2KHR}})) = _SurfaceCapabilities2KHR intermediate_type(@nospecialize(_::Union{Type{SurfaceFormat2KHR}, Type{VkSurfaceFormat2KHR}})) = _SurfaceFormat2KHR intermediate_type(@nospecialize(_::Union{Type{DisplayProperties2KHR}, Type{VkDisplayProperties2KHR}})) = _DisplayProperties2KHR intermediate_type(@nospecialize(_::Union{Type{DisplayPlaneProperties2KHR}, Type{VkDisplayPlaneProperties2KHR}})) = _DisplayPlaneProperties2KHR intermediate_type(@nospecialize(_::Union{Type{DisplayModeProperties2KHR}, Type{VkDisplayModeProperties2KHR}})) = _DisplayModeProperties2KHR intermediate_type(@nospecialize(_::Union{Type{DisplayPlaneInfo2KHR}, Type{VkDisplayPlaneInfo2KHR}})) = _DisplayPlaneInfo2KHR intermediate_type(@nospecialize(_::Union{Type{DisplayPlaneCapabilities2KHR}, Type{VkDisplayPlaneCapabilities2KHR}})) = _DisplayPlaneCapabilities2KHR intermediate_type(@nospecialize(_::Union{Type{SharedPresentSurfaceCapabilitiesKHR}, Type{VkSharedPresentSurfaceCapabilitiesKHR}})) = _SharedPresentSurfaceCapabilitiesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDevice16BitStorageFeatures}, Type{VkPhysicalDevice16BitStorageFeatures}})) = _PhysicalDevice16BitStorageFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSubgroupProperties}, Type{VkPhysicalDeviceSubgroupProperties}})) = _PhysicalDeviceSubgroupProperties intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderSubgroupExtendedTypesFeatures}, Type{VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures}})) = _PhysicalDeviceShaderSubgroupExtendedTypesFeatures intermediate_type(@nospecialize(_::Union{Type{BufferMemoryRequirementsInfo2}, Type{VkBufferMemoryRequirementsInfo2}})) = _BufferMemoryRequirementsInfo2 intermediate_type(@nospecialize(_::Union{Type{DeviceBufferMemoryRequirements}, Type{VkDeviceBufferMemoryRequirements}})) = _DeviceBufferMemoryRequirements intermediate_type(@nospecialize(_::Union{Type{ImageMemoryRequirementsInfo2}, Type{VkImageMemoryRequirementsInfo2}})) = _ImageMemoryRequirementsInfo2 intermediate_type(@nospecialize(_::Union{Type{ImageSparseMemoryRequirementsInfo2}, Type{VkImageSparseMemoryRequirementsInfo2}})) = _ImageSparseMemoryRequirementsInfo2 intermediate_type(@nospecialize(_::Union{Type{DeviceImageMemoryRequirements}, Type{VkDeviceImageMemoryRequirements}})) = _DeviceImageMemoryRequirements intermediate_type(@nospecialize(_::Union{Type{MemoryRequirements2}, Type{VkMemoryRequirements2}})) = _MemoryRequirements2 intermediate_type(@nospecialize(_::Union{Type{SparseImageMemoryRequirements2}, Type{VkSparseImageMemoryRequirements2}})) = _SparseImageMemoryRequirements2 intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePointClippingProperties}, Type{VkPhysicalDevicePointClippingProperties}})) = _PhysicalDevicePointClippingProperties intermediate_type(@nospecialize(_::Union{Type{MemoryDedicatedRequirements}, Type{VkMemoryDedicatedRequirements}})) = _MemoryDedicatedRequirements intermediate_type(@nospecialize(_::Union{Type{MemoryDedicatedAllocateInfo}, Type{VkMemoryDedicatedAllocateInfo}})) = _MemoryDedicatedAllocateInfo intermediate_type(@nospecialize(_::Union{Type{ImageViewUsageCreateInfo}, Type{VkImageViewUsageCreateInfo}})) = _ImageViewUsageCreateInfo intermediate_type(@nospecialize(_::Union{Type{PipelineTessellationDomainOriginStateCreateInfo}, Type{VkPipelineTessellationDomainOriginStateCreateInfo}})) = _PipelineTessellationDomainOriginStateCreateInfo intermediate_type(@nospecialize(_::Union{Type{SamplerYcbcrConversionInfo}, Type{VkSamplerYcbcrConversionInfo}})) = _SamplerYcbcrConversionInfo intermediate_type(@nospecialize(_::Union{Type{SamplerYcbcrConversionCreateInfo}, Type{VkSamplerYcbcrConversionCreateInfo}})) = _SamplerYcbcrConversionCreateInfo intermediate_type(@nospecialize(_::Union{Type{BindImagePlaneMemoryInfo}, Type{VkBindImagePlaneMemoryInfo}})) = _BindImagePlaneMemoryInfo intermediate_type(@nospecialize(_::Union{Type{ImagePlaneMemoryRequirementsInfo}, Type{VkImagePlaneMemoryRequirementsInfo}})) = _ImagePlaneMemoryRequirementsInfo intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSamplerYcbcrConversionFeatures}, Type{VkPhysicalDeviceSamplerYcbcrConversionFeatures}})) = _PhysicalDeviceSamplerYcbcrConversionFeatures intermediate_type(@nospecialize(_::Union{Type{SamplerYcbcrConversionImageFormatProperties}, Type{VkSamplerYcbcrConversionImageFormatProperties}})) = _SamplerYcbcrConversionImageFormatProperties intermediate_type(@nospecialize(_::Union{Type{TextureLODGatherFormatPropertiesAMD}, Type{VkTextureLODGatherFormatPropertiesAMD}})) = _TextureLODGatherFormatPropertiesAMD intermediate_type(@nospecialize(_::Union{Type{ConditionalRenderingBeginInfoEXT}, Type{VkConditionalRenderingBeginInfoEXT}})) = _ConditionalRenderingBeginInfoEXT intermediate_type(@nospecialize(_::Union{Type{ProtectedSubmitInfo}, Type{VkProtectedSubmitInfo}})) = _ProtectedSubmitInfo intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceProtectedMemoryFeatures}, Type{VkPhysicalDeviceProtectedMemoryFeatures}})) = _PhysicalDeviceProtectedMemoryFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceProtectedMemoryProperties}, Type{VkPhysicalDeviceProtectedMemoryProperties}})) = _PhysicalDeviceProtectedMemoryProperties intermediate_type(@nospecialize(_::Union{Type{DeviceQueueInfo2}, Type{VkDeviceQueueInfo2}})) = _DeviceQueueInfo2 intermediate_type(@nospecialize(_::Union{Type{PipelineCoverageToColorStateCreateInfoNV}, Type{VkPipelineCoverageToColorStateCreateInfoNV}})) = _PipelineCoverageToColorStateCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSamplerFilterMinmaxProperties}, Type{VkPhysicalDeviceSamplerFilterMinmaxProperties}})) = _PhysicalDeviceSamplerFilterMinmaxProperties intermediate_type(@nospecialize(_::Union{Type{SampleLocationEXT}, Type{VkSampleLocationEXT}})) = _SampleLocationEXT intermediate_type(@nospecialize(_::Union{Type{SampleLocationsInfoEXT}, Type{VkSampleLocationsInfoEXT}})) = _SampleLocationsInfoEXT intermediate_type(@nospecialize(_::Union{Type{AttachmentSampleLocationsEXT}, Type{VkAttachmentSampleLocationsEXT}})) = _AttachmentSampleLocationsEXT intermediate_type(@nospecialize(_::Union{Type{SubpassSampleLocationsEXT}, Type{VkSubpassSampleLocationsEXT}})) = _SubpassSampleLocationsEXT intermediate_type(@nospecialize(_::Union{Type{RenderPassSampleLocationsBeginInfoEXT}, Type{VkRenderPassSampleLocationsBeginInfoEXT}})) = _RenderPassSampleLocationsBeginInfoEXT intermediate_type(@nospecialize(_::Union{Type{PipelineSampleLocationsStateCreateInfoEXT}, Type{VkPipelineSampleLocationsStateCreateInfoEXT}})) = _PipelineSampleLocationsStateCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSampleLocationsPropertiesEXT}, Type{VkPhysicalDeviceSampleLocationsPropertiesEXT}})) = _PhysicalDeviceSampleLocationsPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{MultisamplePropertiesEXT}, Type{VkMultisamplePropertiesEXT}})) = _MultisamplePropertiesEXT intermediate_type(@nospecialize(_::Union{Type{SamplerReductionModeCreateInfo}, Type{VkSamplerReductionModeCreateInfo}})) = _SamplerReductionModeCreateInfo intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceBlendOperationAdvancedFeaturesEXT}, Type{VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT}})) = _PhysicalDeviceBlendOperationAdvancedFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMultiDrawFeaturesEXT}, Type{VkPhysicalDeviceMultiDrawFeaturesEXT}})) = _PhysicalDeviceMultiDrawFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceBlendOperationAdvancedPropertiesEXT}, Type{VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT}})) = _PhysicalDeviceBlendOperationAdvancedPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PipelineColorBlendAdvancedStateCreateInfoEXT}, Type{VkPipelineColorBlendAdvancedStateCreateInfoEXT}})) = _PipelineColorBlendAdvancedStateCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceInlineUniformBlockFeatures}, Type{VkPhysicalDeviceInlineUniformBlockFeatures}})) = _PhysicalDeviceInlineUniformBlockFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceInlineUniformBlockProperties}, Type{VkPhysicalDeviceInlineUniformBlockProperties}})) = _PhysicalDeviceInlineUniformBlockProperties intermediate_type(@nospecialize(_::Union{Type{WriteDescriptorSetInlineUniformBlock}, Type{VkWriteDescriptorSetInlineUniformBlock}})) = _WriteDescriptorSetInlineUniformBlock intermediate_type(@nospecialize(_::Union{Type{DescriptorPoolInlineUniformBlockCreateInfo}, Type{VkDescriptorPoolInlineUniformBlockCreateInfo}})) = _DescriptorPoolInlineUniformBlockCreateInfo intermediate_type(@nospecialize(_::Union{Type{PipelineCoverageModulationStateCreateInfoNV}, Type{VkPipelineCoverageModulationStateCreateInfoNV}})) = _PipelineCoverageModulationStateCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{ImageFormatListCreateInfo}, Type{VkImageFormatListCreateInfo}})) = _ImageFormatListCreateInfo intermediate_type(@nospecialize(_::Union{Type{ValidationCacheCreateInfoEXT}, Type{VkValidationCacheCreateInfoEXT}})) = _ValidationCacheCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{ShaderModuleValidationCacheCreateInfoEXT}, Type{VkShaderModuleValidationCacheCreateInfoEXT}})) = _ShaderModuleValidationCacheCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMaintenance3Properties}, Type{VkPhysicalDeviceMaintenance3Properties}})) = _PhysicalDeviceMaintenance3Properties intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMaintenance4Features}, Type{VkPhysicalDeviceMaintenance4Features}})) = _PhysicalDeviceMaintenance4Features intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMaintenance4Properties}, Type{VkPhysicalDeviceMaintenance4Properties}})) = _PhysicalDeviceMaintenance4Properties intermediate_type(@nospecialize(_::Union{Type{DescriptorSetLayoutSupport}, Type{VkDescriptorSetLayoutSupport}})) = _DescriptorSetLayoutSupport intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderDrawParametersFeatures}, Type{VkPhysicalDeviceShaderDrawParametersFeatures}})) = _PhysicalDeviceShaderDrawParametersFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderFloat16Int8Features}, Type{VkPhysicalDeviceShaderFloat16Int8Features}})) = _PhysicalDeviceShaderFloat16Int8Features intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFloatControlsProperties}, Type{VkPhysicalDeviceFloatControlsProperties}})) = _PhysicalDeviceFloatControlsProperties intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceHostQueryResetFeatures}, Type{VkPhysicalDeviceHostQueryResetFeatures}})) = _PhysicalDeviceHostQueryResetFeatures intermediate_type(@nospecialize(_::Union{Type{ShaderResourceUsageAMD}, Type{VkShaderResourceUsageAMD}})) = _ShaderResourceUsageAMD intermediate_type(@nospecialize(_::Union{Type{ShaderStatisticsInfoAMD}, Type{VkShaderStatisticsInfoAMD}})) = _ShaderStatisticsInfoAMD intermediate_type(@nospecialize(_::Union{Type{DeviceQueueGlobalPriorityCreateInfoKHR}, Type{VkDeviceQueueGlobalPriorityCreateInfoKHR}})) = _DeviceQueueGlobalPriorityCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceGlobalPriorityQueryFeaturesKHR}, Type{VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR}})) = _PhysicalDeviceGlobalPriorityQueryFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{QueueFamilyGlobalPriorityPropertiesKHR}, Type{VkQueueFamilyGlobalPriorityPropertiesKHR}})) = _QueueFamilyGlobalPriorityPropertiesKHR intermediate_type(@nospecialize(_::Union{Type{DebugUtilsObjectNameInfoEXT}, Type{VkDebugUtilsObjectNameInfoEXT}})) = _DebugUtilsObjectNameInfoEXT intermediate_type(@nospecialize(_::Union{Type{DebugUtilsObjectTagInfoEXT}, Type{VkDebugUtilsObjectTagInfoEXT}})) = _DebugUtilsObjectTagInfoEXT intermediate_type(@nospecialize(_::Union{Type{DebugUtilsLabelEXT}, Type{VkDebugUtilsLabelEXT}})) = _DebugUtilsLabelEXT intermediate_type(@nospecialize(_::Union{Type{DebugUtilsMessengerCreateInfoEXT}, Type{VkDebugUtilsMessengerCreateInfoEXT}})) = _DebugUtilsMessengerCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{DebugUtilsMessengerCallbackDataEXT}, Type{VkDebugUtilsMessengerCallbackDataEXT}})) = _DebugUtilsMessengerCallbackDataEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDeviceMemoryReportFeaturesEXT}, Type{VkPhysicalDeviceDeviceMemoryReportFeaturesEXT}})) = _PhysicalDeviceDeviceMemoryReportFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{DeviceDeviceMemoryReportCreateInfoEXT}, Type{VkDeviceDeviceMemoryReportCreateInfoEXT}})) = _DeviceDeviceMemoryReportCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{DeviceMemoryReportCallbackDataEXT}, Type{VkDeviceMemoryReportCallbackDataEXT}})) = _DeviceMemoryReportCallbackDataEXT intermediate_type(@nospecialize(_::Union{Type{ImportMemoryHostPointerInfoEXT}, Type{VkImportMemoryHostPointerInfoEXT}})) = _ImportMemoryHostPointerInfoEXT intermediate_type(@nospecialize(_::Union{Type{MemoryHostPointerPropertiesEXT}, Type{VkMemoryHostPointerPropertiesEXT}})) = _MemoryHostPointerPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceExternalMemoryHostPropertiesEXT}, Type{VkPhysicalDeviceExternalMemoryHostPropertiesEXT}})) = _PhysicalDeviceExternalMemoryHostPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceConservativeRasterizationPropertiesEXT}, Type{VkPhysicalDeviceConservativeRasterizationPropertiesEXT}})) = _PhysicalDeviceConservativeRasterizationPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{CalibratedTimestampInfoEXT}, Type{VkCalibratedTimestampInfoEXT}})) = _CalibratedTimestampInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderCorePropertiesAMD}, Type{VkPhysicalDeviceShaderCorePropertiesAMD}})) = _PhysicalDeviceShaderCorePropertiesAMD intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderCoreProperties2AMD}, Type{VkPhysicalDeviceShaderCoreProperties2AMD}})) = _PhysicalDeviceShaderCoreProperties2AMD intermediate_type(@nospecialize(_::Union{Type{PipelineRasterizationConservativeStateCreateInfoEXT}, Type{VkPipelineRasterizationConservativeStateCreateInfoEXT}})) = _PipelineRasterizationConservativeStateCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDescriptorIndexingFeatures}, Type{VkPhysicalDeviceDescriptorIndexingFeatures}})) = _PhysicalDeviceDescriptorIndexingFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDescriptorIndexingProperties}, Type{VkPhysicalDeviceDescriptorIndexingProperties}})) = _PhysicalDeviceDescriptorIndexingProperties intermediate_type(@nospecialize(_::Union{Type{DescriptorSetLayoutBindingFlagsCreateInfo}, Type{VkDescriptorSetLayoutBindingFlagsCreateInfo}})) = _DescriptorSetLayoutBindingFlagsCreateInfo intermediate_type(@nospecialize(_::Union{Type{DescriptorSetVariableDescriptorCountAllocateInfo}, Type{VkDescriptorSetVariableDescriptorCountAllocateInfo}})) = _DescriptorSetVariableDescriptorCountAllocateInfo intermediate_type(@nospecialize(_::Union{Type{DescriptorSetVariableDescriptorCountLayoutSupport}, Type{VkDescriptorSetVariableDescriptorCountLayoutSupport}})) = _DescriptorSetVariableDescriptorCountLayoutSupport intermediate_type(@nospecialize(_::Union{Type{AttachmentDescription2}, Type{VkAttachmentDescription2}})) = _AttachmentDescription2 intermediate_type(@nospecialize(_::Union{Type{AttachmentReference2}, Type{VkAttachmentReference2}})) = _AttachmentReference2 intermediate_type(@nospecialize(_::Union{Type{SubpassDescription2}, Type{VkSubpassDescription2}})) = _SubpassDescription2 intermediate_type(@nospecialize(_::Union{Type{SubpassDependency2}, Type{VkSubpassDependency2}})) = _SubpassDependency2 intermediate_type(@nospecialize(_::Union{Type{RenderPassCreateInfo2}, Type{VkRenderPassCreateInfo2}})) = _RenderPassCreateInfo2 intermediate_type(@nospecialize(_::Union{Type{SubpassBeginInfo}, Type{VkSubpassBeginInfo}})) = _SubpassBeginInfo intermediate_type(@nospecialize(_::Union{Type{SubpassEndInfo}, Type{VkSubpassEndInfo}})) = _SubpassEndInfo intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceTimelineSemaphoreFeatures}, Type{VkPhysicalDeviceTimelineSemaphoreFeatures}})) = _PhysicalDeviceTimelineSemaphoreFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceTimelineSemaphoreProperties}, Type{VkPhysicalDeviceTimelineSemaphoreProperties}})) = _PhysicalDeviceTimelineSemaphoreProperties intermediate_type(@nospecialize(_::Union{Type{SemaphoreTypeCreateInfo}, Type{VkSemaphoreTypeCreateInfo}})) = _SemaphoreTypeCreateInfo intermediate_type(@nospecialize(_::Union{Type{TimelineSemaphoreSubmitInfo}, Type{VkTimelineSemaphoreSubmitInfo}})) = _TimelineSemaphoreSubmitInfo intermediate_type(@nospecialize(_::Union{Type{SemaphoreWaitInfo}, Type{VkSemaphoreWaitInfo}})) = _SemaphoreWaitInfo intermediate_type(@nospecialize(_::Union{Type{SemaphoreSignalInfo}, Type{VkSemaphoreSignalInfo}})) = _SemaphoreSignalInfo intermediate_type(@nospecialize(_::Union{Type{VertexInputBindingDivisorDescriptionEXT}, Type{VkVertexInputBindingDivisorDescriptionEXT}})) = _VertexInputBindingDivisorDescriptionEXT intermediate_type(@nospecialize(_::Union{Type{PipelineVertexInputDivisorStateCreateInfoEXT}, Type{VkPipelineVertexInputDivisorStateCreateInfoEXT}})) = _PipelineVertexInputDivisorStateCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceVertexAttributeDivisorPropertiesEXT}, Type{VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT}})) = _PhysicalDeviceVertexAttributeDivisorPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePCIBusInfoPropertiesEXT}, Type{VkPhysicalDevicePCIBusInfoPropertiesEXT}})) = _PhysicalDevicePCIBusInfoPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{CommandBufferInheritanceConditionalRenderingInfoEXT}, Type{VkCommandBufferInheritanceConditionalRenderingInfoEXT}})) = _CommandBufferInheritanceConditionalRenderingInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDevice8BitStorageFeatures}, Type{VkPhysicalDevice8BitStorageFeatures}})) = _PhysicalDevice8BitStorageFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceConditionalRenderingFeaturesEXT}, Type{VkPhysicalDeviceConditionalRenderingFeaturesEXT}})) = _PhysicalDeviceConditionalRenderingFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceVulkanMemoryModelFeatures}, Type{VkPhysicalDeviceVulkanMemoryModelFeatures}})) = _PhysicalDeviceVulkanMemoryModelFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderAtomicInt64Features}, Type{VkPhysicalDeviceShaderAtomicInt64Features}})) = _PhysicalDeviceShaderAtomicInt64Features intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderAtomicFloatFeaturesEXT}, Type{VkPhysicalDeviceShaderAtomicFloatFeaturesEXT}})) = _PhysicalDeviceShaderAtomicFloatFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderAtomicFloat2FeaturesEXT}, Type{VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT}})) = _PhysicalDeviceShaderAtomicFloat2FeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceVertexAttributeDivisorFeaturesEXT}, Type{VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT}})) = _PhysicalDeviceVertexAttributeDivisorFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{QueueFamilyCheckpointPropertiesNV}, Type{VkQueueFamilyCheckpointPropertiesNV}})) = _QueueFamilyCheckpointPropertiesNV intermediate_type(@nospecialize(_::Union{Type{CheckpointDataNV}, Type{VkCheckpointDataNV}})) = _CheckpointDataNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDepthStencilResolveProperties}, Type{VkPhysicalDeviceDepthStencilResolveProperties}})) = _PhysicalDeviceDepthStencilResolveProperties intermediate_type(@nospecialize(_::Union{Type{SubpassDescriptionDepthStencilResolve}, Type{VkSubpassDescriptionDepthStencilResolve}})) = _SubpassDescriptionDepthStencilResolve intermediate_type(@nospecialize(_::Union{Type{ImageViewASTCDecodeModeEXT}, Type{VkImageViewASTCDecodeModeEXT}})) = _ImageViewASTCDecodeModeEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceASTCDecodeFeaturesEXT}, Type{VkPhysicalDeviceASTCDecodeFeaturesEXT}})) = _PhysicalDeviceASTCDecodeFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceTransformFeedbackFeaturesEXT}, Type{VkPhysicalDeviceTransformFeedbackFeaturesEXT}})) = _PhysicalDeviceTransformFeedbackFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceTransformFeedbackPropertiesEXT}, Type{VkPhysicalDeviceTransformFeedbackPropertiesEXT}})) = _PhysicalDeviceTransformFeedbackPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PipelineRasterizationStateStreamCreateInfoEXT}, Type{VkPipelineRasterizationStateStreamCreateInfoEXT}})) = _PipelineRasterizationStateStreamCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRepresentativeFragmentTestFeaturesNV}, Type{VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV}})) = _PhysicalDeviceRepresentativeFragmentTestFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PipelineRepresentativeFragmentTestStateCreateInfoNV}, Type{VkPipelineRepresentativeFragmentTestStateCreateInfoNV}})) = _PipelineRepresentativeFragmentTestStateCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceExclusiveScissorFeaturesNV}, Type{VkPhysicalDeviceExclusiveScissorFeaturesNV}})) = _PhysicalDeviceExclusiveScissorFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PipelineViewportExclusiveScissorStateCreateInfoNV}, Type{VkPipelineViewportExclusiveScissorStateCreateInfoNV}})) = _PipelineViewportExclusiveScissorStateCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceCornerSampledImageFeaturesNV}, Type{VkPhysicalDeviceCornerSampledImageFeaturesNV}})) = _PhysicalDeviceCornerSampledImageFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceComputeShaderDerivativesFeaturesNV}, Type{VkPhysicalDeviceComputeShaderDerivativesFeaturesNV}})) = _PhysicalDeviceComputeShaderDerivativesFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderImageFootprintFeaturesNV}, Type{VkPhysicalDeviceShaderImageFootprintFeaturesNV}})) = _PhysicalDeviceShaderImageFootprintFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV}, Type{VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV}})) = _PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceCopyMemoryIndirectFeaturesNV}, Type{VkPhysicalDeviceCopyMemoryIndirectFeaturesNV}})) = _PhysicalDeviceCopyMemoryIndirectFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceCopyMemoryIndirectPropertiesNV}, Type{VkPhysicalDeviceCopyMemoryIndirectPropertiesNV}})) = _PhysicalDeviceCopyMemoryIndirectPropertiesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMemoryDecompressionFeaturesNV}, Type{VkPhysicalDeviceMemoryDecompressionFeaturesNV}})) = _PhysicalDeviceMemoryDecompressionFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMemoryDecompressionPropertiesNV}, Type{VkPhysicalDeviceMemoryDecompressionPropertiesNV}})) = _PhysicalDeviceMemoryDecompressionPropertiesNV intermediate_type(@nospecialize(_::Union{Type{ShadingRatePaletteNV}, Type{VkShadingRatePaletteNV}})) = _ShadingRatePaletteNV intermediate_type(@nospecialize(_::Union{Type{PipelineViewportShadingRateImageStateCreateInfoNV}, Type{VkPipelineViewportShadingRateImageStateCreateInfoNV}})) = _PipelineViewportShadingRateImageStateCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShadingRateImageFeaturesNV}, Type{VkPhysicalDeviceShadingRateImageFeaturesNV}})) = _PhysicalDeviceShadingRateImageFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShadingRateImagePropertiesNV}, Type{VkPhysicalDeviceShadingRateImagePropertiesNV}})) = _PhysicalDeviceShadingRateImagePropertiesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceInvocationMaskFeaturesHUAWEI}, Type{VkPhysicalDeviceInvocationMaskFeaturesHUAWEI}})) = _PhysicalDeviceInvocationMaskFeaturesHUAWEI intermediate_type(@nospecialize(_::Union{Type{CoarseSampleLocationNV}, Type{VkCoarseSampleLocationNV}})) = _CoarseSampleLocationNV intermediate_type(@nospecialize(_::Union{Type{CoarseSampleOrderCustomNV}, Type{VkCoarseSampleOrderCustomNV}})) = _CoarseSampleOrderCustomNV intermediate_type(@nospecialize(_::Union{Type{PipelineViewportCoarseSampleOrderStateCreateInfoNV}, Type{VkPipelineViewportCoarseSampleOrderStateCreateInfoNV}})) = _PipelineViewportCoarseSampleOrderStateCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMeshShaderFeaturesNV}, Type{VkPhysicalDeviceMeshShaderFeaturesNV}})) = _PhysicalDeviceMeshShaderFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMeshShaderPropertiesNV}, Type{VkPhysicalDeviceMeshShaderPropertiesNV}})) = _PhysicalDeviceMeshShaderPropertiesNV intermediate_type(@nospecialize(_::Union{Type{DrawMeshTasksIndirectCommandNV}, Type{VkDrawMeshTasksIndirectCommandNV}})) = _DrawMeshTasksIndirectCommandNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMeshShaderFeaturesEXT}, Type{VkPhysicalDeviceMeshShaderFeaturesEXT}})) = _PhysicalDeviceMeshShaderFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMeshShaderPropertiesEXT}, Type{VkPhysicalDeviceMeshShaderPropertiesEXT}})) = _PhysicalDeviceMeshShaderPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{DrawMeshTasksIndirectCommandEXT}, Type{VkDrawMeshTasksIndirectCommandEXT}})) = _DrawMeshTasksIndirectCommandEXT intermediate_type(@nospecialize(_::Union{Type{RayTracingShaderGroupCreateInfoNV}, Type{VkRayTracingShaderGroupCreateInfoNV}})) = _RayTracingShaderGroupCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{RayTracingShaderGroupCreateInfoKHR}, Type{VkRayTracingShaderGroupCreateInfoKHR}})) = _RayTracingShaderGroupCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{RayTracingPipelineCreateInfoNV}, Type{VkRayTracingPipelineCreateInfoNV}})) = _RayTracingPipelineCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{RayTracingPipelineCreateInfoKHR}, Type{VkRayTracingPipelineCreateInfoKHR}})) = _RayTracingPipelineCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{GeometryTrianglesNV}, Type{VkGeometryTrianglesNV}})) = _GeometryTrianglesNV intermediate_type(@nospecialize(_::Union{Type{GeometryAABBNV}, Type{VkGeometryAABBNV}})) = _GeometryAABBNV intermediate_type(@nospecialize(_::Union{Type{GeometryDataNV}, Type{VkGeometryDataNV}})) = _GeometryDataNV intermediate_type(@nospecialize(_::Union{Type{GeometryNV}, Type{VkGeometryNV}})) = _GeometryNV intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureInfoNV}, Type{VkAccelerationStructureInfoNV}})) = _AccelerationStructureInfoNV intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureCreateInfoNV}, Type{VkAccelerationStructureCreateInfoNV}})) = _AccelerationStructureCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{BindAccelerationStructureMemoryInfoNV}, Type{VkBindAccelerationStructureMemoryInfoNV}})) = _BindAccelerationStructureMemoryInfoNV intermediate_type(@nospecialize(_::Union{Type{WriteDescriptorSetAccelerationStructureKHR}, Type{VkWriteDescriptorSetAccelerationStructureKHR}})) = _WriteDescriptorSetAccelerationStructureKHR intermediate_type(@nospecialize(_::Union{Type{WriteDescriptorSetAccelerationStructureNV}, Type{VkWriteDescriptorSetAccelerationStructureNV}})) = _WriteDescriptorSetAccelerationStructureNV intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureMemoryRequirementsInfoNV}, Type{VkAccelerationStructureMemoryRequirementsInfoNV}})) = _AccelerationStructureMemoryRequirementsInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceAccelerationStructureFeaturesKHR}, Type{VkPhysicalDeviceAccelerationStructureFeaturesKHR}})) = _PhysicalDeviceAccelerationStructureFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRayTracingPipelineFeaturesKHR}, Type{VkPhysicalDeviceRayTracingPipelineFeaturesKHR}})) = _PhysicalDeviceRayTracingPipelineFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRayQueryFeaturesKHR}, Type{VkPhysicalDeviceRayQueryFeaturesKHR}})) = _PhysicalDeviceRayQueryFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceAccelerationStructurePropertiesKHR}, Type{VkPhysicalDeviceAccelerationStructurePropertiesKHR}})) = _PhysicalDeviceAccelerationStructurePropertiesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRayTracingPipelinePropertiesKHR}, Type{VkPhysicalDeviceRayTracingPipelinePropertiesKHR}})) = _PhysicalDeviceRayTracingPipelinePropertiesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRayTracingPropertiesNV}, Type{VkPhysicalDeviceRayTracingPropertiesNV}})) = _PhysicalDeviceRayTracingPropertiesNV intermediate_type(@nospecialize(_::Union{Type{StridedDeviceAddressRegionKHR}, Type{VkStridedDeviceAddressRegionKHR}})) = _StridedDeviceAddressRegionKHR intermediate_type(@nospecialize(_::Union{Type{TraceRaysIndirectCommandKHR}, Type{VkTraceRaysIndirectCommandKHR}})) = _TraceRaysIndirectCommandKHR intermediate_type(@nospecialize(_::Union{Type{TraceRaysIndirectCommand2KHR}, Type{VkTraceRaysIndirectCommand2KHR}})) = _TraceRaysIndirectCommand2KHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRayTracingMaintenance1FeaturesKHR}, Type{VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR}})) = _PhysicalDeviceRayTracingMaintenance1FeaturesKHR intermediate_type(@nospecialize(_::Union{Type{DrmFormatModifierPropertiesListEXT}, Type{VkDrmFormatModifierPropertiesListEXT}})) = _DrmFormatModifierPropertiesListEXT intermediate_type(@nospecialize(_::Union{Type{DrmFormatModifierPropertiesEXT}, Type{VkDrmFormatModifierPropertiesEXT}})) = _DrmFormatModifierPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceImageDrmFormatModifierInfoEXT}, Type{VkPhysicalDeviceImageDrmFormatModifierInfoEXT}})) = _PhysicalDeviceImageDrmFormatModifierInfoEXT intermediate_type(@nospecialize(_::Union{Type{ImageDrmFormatModifierListCreateInfoEXT}, Type{VkImageDrmFormatModifierListCreateInfoEXT}})) = _ImageDrmFormatModifierListCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{ImageDrmFormatModifierExplicitCreateInfoEXT}, Type{VkImageDrmFormatModifierExplicitCreateInfoEXT}})) = _ImageDrmFormatModifierExplicitCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{ImageDrmFormatModifierPropertiesEXT}, Type{VkImageDrmFormatModifierPropertiesEXT}})) = _ImageDrmFormatModifierPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{ImageStencilUsageCreateInfo}, Type{VkImageStencilUsageCreateInfo}})) = _ImageStencilUsageCreateInfo intermediate_type(@nospecialize(_::Union{Type{DeviceMemoryOverallocationCreateInfoAMD}, Type{VkDeviceMemoryOverallocationCreateInfoAMD}})) = _DeviceMemoryOverallocationCreateInfoAMD intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentDensityMapFeaturesEXT}, Type{VkPhysicalDeviceFragmentDensityMapFeaturesEXT}})) = _PhysicalDeviceFragmentDensityMapFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentDensityMap2FeaturesEXT}, Type{VkPhysicalDeviceFragmentDensityMap2FeaturesEXT}})) = _PhysicalDeviceFragmentDensityMap2FeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM}, Type{VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM}})) = _PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentDensityMapPropertiesEXT}, Type{VkPhysicalDeviceFragmentDensityMapPropertiesEXT}})) = _PhysicalDeviceFragmentDensityMapPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentDensityMap2PropertiesEXT}, Type{VkPhysicalDeviceFragmentDensityMap2PropertiesEXT}})) = _PhysicalDeviceFragmentDensityMap2PropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM}, Type{VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM}})) = _PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM intermediate_type(@nospecialize(_::Union{Type{RenderPassFragmentDensityMapCreateInfoEXT}, Type{VkRenderPassFragmentDensityMapCreateInfoEXT}})) = _RenderPassFragmentDensityMapCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{SubpassFragmentDensityMapOffsetEndInfoQCOM}, Type{VkSubpassFragmentDensityMapOffsetEndInfoQCOM}})) = _SubpassFragmentDensityMapOffsetEndInfoQCOM intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceScalarBlockLayoutFeatures}, Type{VkPhysicalDeviceScalarBlockLayoutFeatures}})) = _PhysicalDeviceScalarBlockLayoutFeatures intermediate_type(@nospecialize(_::Union{Type{SurfaceProtectedCapabilitiesKHR}, Type{VkSurfaceProtectedCapabilitiesKHR}})) = _SurfaceProtectedCapabilitiesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceUniformBufferStandardLayoutFeatures}, Type{VkPhysicalDeviceUniformBufferStandardLayoutFeatures}})) = _PhysicalDeviceUniformBufferStandardLayoutFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDepthClipEnableFeaturesEXT}, Type{VkPhysicalDeviceDepthClipEnableFeaturesEXT}})) = _PhysicalDeviceDepthClipEnableFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PipelineRasterizationDepthClipStateCreateInfoEXT}, Type{VkPipelineRasterizationDepthClipStateCreateInfoEXT}})) = _PipelineRasterizationDepthClipStateCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMemoryBudgetPropertiesEXT}, Type{VkPhysicalDeviceMemoryBudgetPropertiesEXT}})) = _PhysicalDeviceMemoryBudgetPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMemoryPriorityFeaturesEXT}, Type{VkPhysicalDeviceMemoryPriorityFeaturesEXT}})) = _PhysicalDeviceMemoryPriorityFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{MemoryPriorityAllocateInfoEXT}, Type{VkMemoryPriorityAllocateInfoEXT}})) = _MemoryPriorityAllocateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT}, Type{VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT}})) = _PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceBufferDeviceAddressFeatures}, Type{VkPhysicalDeviceBufferDeviceAddressFeatures}})) = _PhysicalDeviceBufferDeviceAddressFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceBufferDeviceAddressFeaturesEXT}, Type{VkPhysicalDeviceBufferDeviceAddressFeaturesEXT}})) = _PhysicalDeviceBufferDeviceAddressFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{BufferDeviceAddressInfo}, Type{VkBufferDeviceAddressInfo}})) = _BufferDeviceAddressInfo intermediate_type(@nospecialize(_::Union{Type{BufferOpaqueCaptureAddressCreateInfo}, Type{VkBufferOpaqueCaptureAddressCreateInfo}})) = _BufferOpaqueCaptureAddressCreateInfo intermediate_type(@nospecialize(_::Union{Type{BufferDeviceAddressCreateInfoEXT}, Type{VkBufferDeviceAddressCreateInfoEXT}})) = _BufferDeviceAddressCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceImageViewImageFormatInfoEXT}, Type{VkPhysicalDeviceImageViewImageFormatInfoEXT}})) = _PhysicalDeviceImageViewImageFormatInfoEXT intermediate_type(@nospecialize(_::Union{Type{FilterCubicImageViewImageFormatPropertiesEXT}, Type{VkFilterCubicImageViewImageFormatPropertiesEXT}})) = _FilterCubicImageViewImageFormatPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceImagelessFramebufferFeatures}, Type{VkPhysicalDeviceImagelessFramebufferFeatures}})) = _PhysicalDeviceImagelessFramebufferFeatures intermediate_type(@nospecialize(_::Union{Type{FramebufferAttachmentsCreateInfo}, Type{VkFramebufferAttachmentsCreateInfo}})) = _FramebufferAttachmentsCreateInfo intermediate_type(@nospecialize(_::Union{Type{FramebufferAttachmentImageInfo}, Type{VkFramebufferAttachmentImageInfo}})) = _FramebufferAttachmentImageInfo intermediate_type(@nospecialize(_::Union{Type{RenderPassAttachmentBeginInfo}, Type{VkRenderPassAttachmentBeginInfo}})) = _RenderPassAttachmentBeginInfo intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceTextureCompressionASTCHDRFeatures}, Type{VkPhysicalDeviceTextureCompressionASTCHDRFeatures}})) = _PhysicalDeviceTextureCompressionASTCHDRFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceCooperativeMatrixFeaturesNV}, Type{VkPhysicalDeviceCooperativeMatrixFeaturesNV}})) = _PhysicalDeviceCooperativeMatrixFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceCooperativeMatrixPropertiesNV}, Type{VkPhysicalDeviceCooperativeMatrixPropertiesNV}})) = _PhysicalDeviceCooperativeMatrixPropertiesNV intermediate_type(@nospecialize(_::Union{Type{CooperativeMatrixPropertiesNV}, Type{VkCooperativeMatrixPropertiesNV}})) = _CooperativeMatrixPropertiesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceYcbcrImageArraysFeaturesEXT}, Type{VkPhysicalDeviceYcbcrImageArraysFeaturesEXT}})) = _PhysicalDeviceYcbcrImageArraysFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{ImageViewHandleInfoNVX}, Type{VkImageViewHandleInfoNVX}})) = _ImageViewHandleInfoNVX intermediate_type(@nospecialize(_::Union{Type{ImageViewAddressPropertiesNVX}, Type{VkImageViewAddressPropertiesNVX}})) = _ImageViewAddressPropertiesNVX intermediate_type(@nospecialize(_::Union{Type{PipelineCreationFeedback}, Type{VkPipelineCreationFeedback}})) = _PipelineCreationFeedback intermediate_type(@nospecialize(_::Union{Type{PipelineCreationFeedbackCreateInfo}, Type{VkPipelineCreationFeedbackCreateInfo}})) = _PipelineCreationFeedbackCreateInfo intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePresentBarrierFeaturesNV}, Type{VkPhysicalDevicePresentBarrierFeaturesNV}})) = _PhysicalDevicePresentBarrierFeaturesNV intermediate_type(@nospecialize(_::Union{Type{SurfaceCapabilitiesPresentBarrierNV}, Type{VkSurfaceCapabilitiesPresentBarrierNV}})) = _SurfaceCapabilitiesPresentBarrierNV intermediate_type(@nospecialize(_::Union{Type{SwapchainPresentBarrierCreateInfoNV}, Type{VkSwapchainPresentBarrierCreateInfoNV}})) = _SwapchainPresentBarrierCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePerformanceQueryFeaturesKHR}, Type{VkPhysicalDevicePerformanceQueryFeaturesKHR}})) = _PhysicalDevicePerformanceQueryFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePerformanceQueryPropertiesKHR}, Type{VkPhysicalDevicePerformanceQueryPropertiesKHR}})) = _PhysicalDevicePerformanceQueryPropertiesKHR intermediate_type(@nospecialize(_::Union{Type{PerformanceCounterKHR}, Type{VkPerformanceCounterKHR}})) = _PerformanceCounterKHR intermediate_type(@nospecialize(_::Union{Type{PerformanceCounterDescriptionKHR}, Type{VkPerformanceCounterDescriptionKHR}})) = _PerformanceCounterDescriptionKHR intermediate_type(@nospecialize(_::Union{Type{QueryPoolPerformanceCreateInfoKHR}, Type{VkQueryPoolPerformanceCreateInfoKHR}})) = _QueryPoolPerformanceCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{AcquireProfilingLockInfoKHR}, Type{VkAcquireProfilingLockInfoKHR}})) = _AcquireProfilingLockInfoKHR intermediate_type(@nospecialize(_::Union{Type{PerformanceQuerySubmitInfoKHR}, Type{VkPerformanceQuerySubmitInfoKHR}})) = _PerformanceQuerySubmitInfoKHR intermediate_type(@nospecialize(_::Union{Type{HeadlessSurfaceCreateInfoEXT}, Type{VkHeadlessSurfaceCreateInfoEXT}})) = _HeadlessSurfaceCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceCoverageReductionModeFeaturesNV}, Type{VkPhysicalDeviceCoverageReductionModeFeaturesNV}})) = _PhysicalDeviceCoverageReductionModeFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PipelineCoverageReductionStateCreateInfoNV}, Type{VkPipelineCoverageReductionStateCreateInfoNV}})) = _PipelineCoverageReductionStateCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{FramebufferMixedSamplesCombinationNV}, Type{VkFramebufferMixedSamplesCombinationNV}})) = _FramebufferMixedSamplesCombinationNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL}, Type{VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL}})) = _PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL intermediate_type(@nospecialize(_::Union{Type{PerformanceValueINTEL}, Type{VkPerformanceValueINTEL}})) = _PerformanceValueINTEL intermediate_type(@nospecialize(_::Union{Type{InitializePerformanceApiInfoINTEL}, Type{VkInitializePerformanceApiInfoINTEL}})) = _InitializePerformanceApiInfoINTEL intermediate_type(@nospecialize(_::Union{Type{QueryPoolPerformanceQueryCreateInfoINTEL}, Type{VkQueryPoolPerformanceQueryCreateInfoINTEL}})) = _QueryPoolPerformanceQueryCreateInfoINTEL intermediate_type(@nospecialize(_::Union{Type{PerformanceMarkerInfoINTEL}, Type{VkPerformanceMarkerInfoINTEL}})) = _PerformanceMarkerInfoINTEL intermediate_type(@nospecialize(_::Union{Type{PerformanceStreamMarkerInfoINTEL}, Type{VkPerformanceStreamMarkerInfoINTEL}})) = _PerformanceStreamMarkerInfoINTEL intermediate_type(@nospecialize(_::Union{Type{PerformanceOverrideInfoINTEL}, Type{VkPerformanceOverrideInfoINTEL}})) = _PerformanceOverrideInfoINTEL intermediate_type(@nospecialize(_::Union{Type{PerformanceConfigurationAcquireInfoINTEL}, Type{VkPerformanceConfigurationAcquireInfoINTEL}})) = _PerformanceConfigurationAcquireInfoINTEL intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderClockFeaturesKHR}, Type{VkPhysicalDeviceShaderClockFeaturesKHR}})) = _PhysicalDeviceShaderClockFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceIndexTypeUint8FeaturesEXT}, Type{VkPhysicalDeviceIndexTypeUint8FeaturesEXT}})) = _PhysicalDeviceIndexTypeUint8FeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderSMBuiltinsPropertiesNV}, Type{VkPhysicalDeviceShaderSMBuiltinsPropertiesNV}})) = _PhysicalDeviceShaderSMBuiltinsPropertiesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderSMBuiltinsFeaturesNV}, Type{VkPhysicalDeviceShaderSMBuiltinsFeaturesNV}})) = _PhysicalDeviceShaderSMBuiltinsFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentShaderInterlockFeaturesEXT}, Type{VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT}})) = _PhysicalDeviceFragmentShaderInterlockFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSeparateDepthStencilLayoutsFeatures}, Type{VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures}})) = _PhysicalDeviceSeparateDepthStencilLayoutsFeatures intermediate_type(@nospecialize(_::Union{Type{AttachmentReferenceStencilLayout}, Type{VkAttachmentReferenceStencilLayout}})) = _AttachmentReferenceStencilLayout intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT}, Type{VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT}})) = _PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{AttachmentDescriptionStencilLayout}, Type{VkAttachmentDescriptionStencilLayout}})) = _AttachmentDescriptionStencilLayout intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePipelineExecutablePropertiesFeaturesKHR}, Type{VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR}})) = _PhysicalDevicePipelineExecutablePropertiesFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{PipelineInfoKHR}, Type{VkPipelineInfoKHR}})) = _PipelineInfoKHR intermediate_type(@nospecialize(_::Union{Type{PipelineExecutablePropertiesKHR}, Type{VkPipelineExecutablePropertiesKHR}})) = _PipelineExecutablePropertiesKHR intermediate_type(@nospecialize(_::Union{Type{PipelineExecutableInfoKHR}, Type{VkPipelineExecutableInfoKHR}})) = _PipelineExecutableInfoKHR intermediate_type(@nospecialize(_::Union{Type{PipelineExecutableStatisticKHR}, Type{VkPipelineExecutableStatisticKHR}})) = _PipelineExecutableStatisticKHR intermediate_type(@nospecialize(_::Union{Type{PipelineExecutableInternalRepresentationKHR}, Type{VkPipelineExecutableInternalRepresentationKHR}})) = _PipelineExecutableInternalRepresentationKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderDemoteToHelperInvocationFeatures}, Type{VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures}})) = _PhysicalDeviceShaderDemoteToHelperInvocationFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceTexelBufferAlignmentFeaturesEXT}, Type{VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT}})) = _PhysicalDeviceTexelBufferAlignmentFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceTexelBufferAlignmentProperties}, Type{VkPhysicalDeviceTexelBufferAlignmentProperties}})) = _PhysicalDeviceTexelBufferAlignmentProperties intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSubgroupSizeControlFeatures}, Type{VkPhysicalDeviceSubgroupSizeControlFeatures}})) = _PhysicalDeviceSubgroupSizeControlFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSubgroupSizeControlProperties}, Type{VkPhysicalDeviceSubgroupSizeControlProperties}})) = _PhysicalDeviceSubgroupSizeControlProperties intermediate_type(@nospecialize(_::Union{Type{PipelineShaderStageRequiredSubgroupSizeCreateInfo}, Type{VkPipelineShaderStageRequiredSubgroupSizeCreateInfo}})) = _PipelineShaderStageRequiredSubgroupSizeCreateInfo intermediate_type(@nospecialize(_::Union{Type{SubpassShadingPipelineCreateInfoHUAWEI}, Type{VkSubpassShadingPipelineCreateInfoHUAWEI}})) = _SubpassShadingPipelineCreateInfoHUAWEI intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSubpassShadingPropertiesHUAWEI}, Type{VkPhysicalDeviceSubpassShadingPropertiesHUAWEI}})) = _PhysicalDeviceSubpassShadingPropertiesHUAWEI intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceClusterCullingShaderPropertiesHUAWEI}, Type{VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI}})) = _PhysicalDeviceClusterCullingShaderPropertiesHUAWEI intermediate_type(@nospecialize(_::Union{Type{MemoryOpaqueCaptureAddressAllocateInfo}, Type{VkMemoryOpaqueCaptureAddressAllocateInfo}})) = _MemoryOpaqueCaptureAddressAllocateInfo intermediate_type(@nospecialize(_::Union{Type{DeviceMemoryOpaqueCaptureAddressInfo}, Type{VkDeviceMemoryOpaqueCaptureAddressInfo}})) = _DeviceMemoryOpaqueCaptureAddressInfo intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceLineRasterizationFeaturesEXT}, Type{VkPhysicalDeviceLineRasterizationFeaturesEXT}})) = _PhysicalDeviceLineRasterizationFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceLineRasterizationPropertiesEXT}, Type{VkPhysicalDeviceLineRasterizationPropertiesEXT}})) = _PhysicalDeviceLineRasterizationPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PipelineRasterizationLineStateCreateInfoEXT}, Type{VkPipelineRasterizationLineStateCreateInfoEXT}})) = _PipelineRasterizationLineStateCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePipelineCreationCacheControlFeatures}, Type{VkPhysicalDevicePipelineCreationCacheControlFeatures}})) = _PhysicalDevicePipelineCreationCacheControlFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceVulkan11Features}, Type{VkPhysicalDeviceVulkan11Features}})) = _PhysicalDeviceVulkan11Features intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceVulkan11Properties}, Type{VkPhysicalDeviceVulkan11Properties}})) = _PhysicalDeviceVulkan11Properties intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceVulkan12Features}, Type{VkPhysicalDeviceVulkan12Features}})) = _PhysicalDeviceVulkan12Features intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceVulkan12Properties}, Type{VkPhysicalDeviceVulkan12Properties}})) = _PhysicalDeviceVulkan12Properties intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceVulkan13Features}, Type{VkPhysicalDeviceVulkan13Features}})) = _PhysicalDeviceVulkan13Features intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceVulkan13Properties}, Type{VkPhysicalDeviceVulkan13Properties}})) = _PhysicalDeviceVulkan13Properties intermediate_type(@nospecialize(_::Union{Type{PipelineCompilerControlCreateInfoAMD}, Type{VkPipelineCompilerControlCreateInfoAMD}})) = _PipelineCompilerControlCreateInfoAMD intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceCoherentMemoryFeaturesAMD}, Type{VkPhysicalDeviceCoherentMemoryFeaturesAMD}})) = _PhysicalDeviceCoherentMemoryFeaturesAMD intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceToolProperties}, Type{VkPhysicalDeviceToolProperties}})) = _PhysicalDeviceToolProperties intermediate_type(@nospecialize(_::Union{Type{SamplerCustomBorderColorCreateInfoEXT}, Type{VkSamplerCustomBorderColorCreateInfoEXT}})) = _SamplerCustomBorderColorCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceCustomBorderColorPropertiesEXT}, Type{VkPhysicalDeviceCustomBorderColorPropertiesEXT}})) = _PhysicalDeviceCustomBorderColorPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceCustomBorderColorFeaturesEXT}, Type{VkPhysicalDeviceCustomBorderColorFeaturesEXT}})) = _PhysicalDeviceCustomBorderColorFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{SamplerBorderColorComponentMappingCreateInfoEXT}, Type{VkSamplerBorderColorComponentMappingCreateInfoEXT}})) = _SamplerBorderColorComponentMappingCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceBorderColorSwizzleFeaturesEXT}, Type{VkPhysicalDeviceBorderColorSwizzleFeaturesEXT}})) = _PhysicalDeviceBorderColorSwizzleFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureGeometryTrianglesDataKHR}, Type{VkAccelerationStructureGeometryTrianglesDataKHR}})) = _AccelerationStructureGeometryTrianglesDataKHR intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureGeometryAabbsDataKHR}, Type{VkAccelerationStructureGeometryAabbsDataKHR}})) = _AccelerationStructureGeometryAabbsDataKHR intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureGeometryInstancesDataKHR}, Type{VkAccelerationStructureGeometryInstancesDataKHR}})) = _AccelerationStructureGeometryInstancesDataKHR intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureGeometryKHR}, Type{VkAccelerationStructureGeometryKHR}})) = _AccelerationStructureGeometryKHR intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureBuildGeometryInfoKHR}, Type{VkAccelerationStructureBuildGeometryInfoKHR}})) = _AccelerationStructureBuildGeometryInfoKHR intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureBuildRangeInfoKHR}, Type{VkAccelerationStructureBuildRangeInfoKHR}})) = _AccelerationStructureBuildRangeInfoKHR intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureCreateInfoKHR}, Type{VkAccelerationStructureCreateInfoKHR}})) = _AccelerationStructureCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{AabbPositionsKHR}, Type{VkAabbPositionsKHR}})) = _AabbPositionsKHR intermediate_type(@nospecialize(_::Union{Type{TransformMatrixKHR}, Type{VkTransformMatrixKHR}})) = _TransformMatrixKHR intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureInstanceKHR}, Type{VkAccelerationStructureInstanceKHR}})) = _AccelerationStructureInstanceKHR intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureDeviceAddressInfoKHR}, Type{VkAccelerationStructureDeviceAddressInfoKHR}})) = _AccelerationStructureDeviceAddressInfoKHR intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureVersionInfoKHR}, Type{VkAccelerationStructureVersionInfoKHR}})) = _AccelerationStructureVersionInfoKHR intermediate_type(@nospecialize(_::Union{Type{CopyAccelerationStructureInfoKHR}, Type{VkCopyAccelerationStructureInfoKHR}})) = _CopyAccelerationStructureInfoKHR intermediate_type(@nospecialize(_::Union{Type{CopyAccelerationStructureToMemoryInfoKHR}, Type{VkCopyAccelerationStructureToMemoryInfoKHR}})) = _CopyAccelerationStructureToMemoryInfoKHR intermediate_type(@nospecialize(_::Union{Type{CopyMemoryToAccelerationStructureInfoKHR}, Type{VkCopyMemoryToAccelerationStructureInfoKHR}})) = _CopyMemoryToAccelerationStructureInfoKHR intermediate_type(@nospecialize(_::Union{Type{RayTracingPipelineInterfaceCreateInfoKHR}, Type{VkRayTracingPipelineInterfaceCreateInfoKHR}})) = _RayTracingPipelineInterfaceCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{PipelineLibraryCreateInfoKHR}, Type{VkPipelineLibraryCreateInfoKHR}})) = _PipelineLibraryCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceExtendedDynamicStateFeaturesEXT}, Type{VkPhysicalDeviceExtendedDynamicStateFeaturesEXT}})) = _PhysicalDeviceExtendedDynamicStateFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceExtendedDynamicState2FeaturesEXT}, Type{VkPhysicalDeviceExtendedDynamicState2FeaturesEXT}})) = _PhysicalDeviceExtendedDynamicState2FeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceExtendedDynamicState3FeaturesEXT}, Type{VkPhysicalDeviceExtendedDynamicState3FeaturesEXT}})) = _PhysicalDeviceExtendedDynamicState3FeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceExtendedDynamicState3PropertiesEXT}, Type{VkPhysicalDeviceExtendedDynamicState3PropertiesEXT}})) = _PhysicalDeviceExtendedDynamicState3PropertiesEXT intermediate_type(@nospecialize(_::Union{Type{ColorBlendEquationEXT}, Type{VkColorBlendEquationEXT}})) = _ColorBlendEquationEXT intermediate_type(@nospecialize(_::Union{Type{ColorBlendAdvancedEXT}, Type{VkColorBlendAdvancedEXT}})) = _ColorBlendAdvancedEXT intermediate_type(@nospecialize(_::Union{Type{RenderPassTransformBeginInfoQCOM}, Type{VkRenderPassTransformBeginInfoQCOM}})) = _RenderPassTransformBeginInfoQCOM intermediate_type(@nospecialize(_::Union{Type{CopyCommandTransformInfoQCOM}, Type{VkCopyCommandTransformInfoQCOM}})) = _CopyCommandTransformInfoQCOM intermediate_type(@nospecialize(_::Union{Type{CommandBufferInheritanceRenderPassTransformInfoQCOM}, Type{VkCommandBufferInheritanceRenderPassTransformInfoQCOM}})) = _CommandBufferInheritanceRenderPassTransformInfoQCOM intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDiagnosticsConfigFeaturesNV}, Type{VkPhysicalDeviceDiagnosticsConfigFeaturesNV}})) = _PhysicalDeviceDiagnosticsConfigFeaturesNV intermediate_type(@nospecialize(_::Union{Type{DeviceDiagnosticsConfigCreateInfoNV}, Type{VkDeviceDiagnosticsConfigCreateInfoNV}})) = _DeviceDiagnosticsConfigCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures}, Type{VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures}})) = _PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR}, Type{VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR}})) = _PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRobustness2FeaturesEXT}, Type{VkPhysicalDeviceRobustness2FeaturesEXT}})) = _PhysicalDeviceRobustness2FeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRobustness2PropertiesEXT}, Type{VkPhysicalDeviceRobustness2PropertiesEXT}})) = _PhysicalDeviceRobustness2PropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceImageRobustnessFeatures}, Type{VkPhysicalDeviceImageRobustnessFeatures}})) = _PhysicalDeviceImageRobustnessFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR}, Type{VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR}})) = _PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDevice4444FormatsFeaturesEXT}, Type{VkPhysicalDevice4444FormatsFeaturesEXT}})) = _PhysicalDevice4444FormatsFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSubpassShadingFeaturesHUAWEI}, Type{VkPhysicalDeviceSubpassShadingFeaturesHUAWEI}})) = _PhysicalDeviceSubpassShadingFeaturesHUAWEI intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceClusterCullingShaderFeaturesHUAWEI}, Type{VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI}})) = _PhysicalDeviceClusterCullingShaderFeaturesHUAWEI intermediate_type(@nospecialize(_::Union{Type{BufferCopy2}, Type{VkBufferCopy2}})) = _BufferCopy2 intermediate_type(@nospecialize(_::Union{Type{ImageCopy2}, Type{VkImageCopy2}})) = _ImageCopy2 intermediate_type(@nospecialize(_::Union{Type{ImageBlit2}, Type{VkImageBlit2}})) = _ImageBlit2 intermediate_type(@nospecialize(_::Union{Type{BufferImageCopy2}, Type{VkBufferImageCopy2}})) = _BufferImageCopy2 intermediate_type(@nospecialize(_::Union{Type{ImageResolve2}, Type{VkImageResolve2}})) = _ImageResolve2 intermediate_type(@nospecialize(_::Union{Type{CopyBufferInfo2}, Type{VkCopyBufferInfo2}})) = _CopyBufferInfo2 intermediate_type(@nospecialize(_::Union{Type{CopyImageInfo2}, Type{VkCopyImageInfo2}})) = _CopyImageInfo2 intermediate_type(@nospecialize(_::Union{Type{BlitImageInfo2}, Type{VkBlitImageInfo2}})) = _BlitImageInfo2 intermediate_type(@nospecialize(_::Union{Type{CopyBufferToImageInfo2}, Type{VkCopyBufferToImageInfo2}})) = _CopyBufferToImageInfo2 intermediate_type(@nospecialize(_::Union{Type{CopyImageToBufferInfo2}, Type{VkCopyImageToBufferInfo2}})) = _CopyImageToBufferInfo2 intermediate_type(@nospecialize(_::Union{Type{ResolveImageInfo2}, Type{VkResolveImageInfo2}})) = _ResolveImageInfo2 intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderImageAtomicInt64FeaturesEXT}, Type{VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT}})) = _PhysicalDeviceShaderImageAtomicInt64FeaturesEXT intermediate_type(@nospecialize(_::Union{Type{FragmentShadingRateAttachmentInfoKHR}, Type{VkFragmentShadingRateAttachmentInfoKHR}})) = _FragmentShadingRateAttachmentInfoKHR intermediate_type(@nospecialize(_::Union{Type{PipelineFragmentShadingRateStateCreateInfoKHR}, Type{VkPipelineFragmentShadingRateStateCreateInfoKHR}})) = _PipelineFragmentShadingRateStateCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentShadingRateFeaturesKHR}, Type{VkPhysicalDeviceFragmentShadingRateFeaturesKHR}})) = _PhysicalDeviceFragmentShadingRateFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentShadingRatePropertiesKHR}, Type{VkPhysicalDeviceFragmentShadingRatePropertiesKHR}})) = _PhysicalDeviceFragmentShadingRatePropertiesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentShadingRateKHR}, Type{VkPhysicalDeviceFragmentShadingRateKHR}})) = _PhysicalDeviceFragmentShadingRateKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderTerminateInvocationFeatures}, Type{VkPhysicalDeviceShaderTerminateInvocationFeatures}})) = _PhysicalDeviceShaderTerminateInvocationFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentShadingRateEnumsFeaturesNV}, Type{VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV}})) = _PhysicalDeviceFragmentShadingRateEnumsFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentShadingRateEnumsPropertiesNV}, Type{VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV}})) = _PhysicalDeviceFragmentShadingRateEnumsPropertiesNV intermediate_type(@nospecialize(_::Union{Type{PipelineFragmentShadingRateEnumStateCreateInfoNV}, Type{VkPipelineFragmentShadingRateEnumStateCreateInfoNV}})) = _PipelineFragmentShadingRateEnumStateCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureBuildSizesInfoKHR}, Type{VkAccelerationStructureBuildSizesInfoKHR}})) = _AccelerationStructureBuildSizesInfoKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceImage2DViewOf3DFeaturesEXT}, Type{VkPhysicalDeviceImage2DViewOf3DFeaturesEXT}})) = _PhysicalDeviceImage2DViewOf3DFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMutableDescriptorTypeFeaturesEXT}, Type{VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT}})) = _PhysicalDeviceMutableDescriptorTypeFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{MutableDescriptorTypeListEXT}, Type{VkMutableDescriptorTypeListEXT}})) = _MutableDescriptorTypeListEXT intermediate_type(@nospecialize(_::Union{Type{MutableDescriptorTypeCreateInfoEXT}, Type{VkMutableDescriptorTypeCreateInfoEXT}})) = _MutableDescriptorTypeCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDepthClipControlFeaturesEXT}, Type{VkPhysicalDeviceDepthClipControlFeaturesEXT}})) = _PhysicalDeviceDepthClipControlFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PipelineViewportDepthClipControlCreateInfoEXT}, Type{VkPipelineViewportDepthClipControlCreateInfoEXT}})) = _PipelineViewportDepthClipControlCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceVertexInputDynamicStateFeaturesEXT}, Type{VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT}})) = _PhysicalDeviceVertexInputDynamicStateFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceExternalMemoryRDMAFeaturesNV}, Type{VkPhysicalDeviceExternalMemoryRDMAFeaturesNV}})) = _PhysicalDeviceExternalMemoryRDMAFeaturesNV intermediate_type(@nospecialize(_::Union{Type{VertexInputBindingDescription2EXT}, Type{VkVertexInputBindingDescription2EXT}})) = _VertexInputBindingDescription2EXT intermediate_type(@nospecialize(_::Union{Type{VertexInputAttributeDescription2EXT}, Type{VkVertexInputAttributeDescription2EXT}})) = _VertexInputAttributeDescription2EXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceColorWriteEnableFeaturesEXT}, Type{VkPhysicalDeviceColorWriteEnableFeaturesEXT}})) = _PhysicalDeviceColorWriteEnableFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PipelineColorWriteCreateInfoEXT}, Type{VkPipelineColorWriteCreateInfoEXT}})) = _PipelineColorWriteCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{MemoryBarrier2}, Type{VkMemoryBarrier2}})) = _MemoryBarrier2 intermediate_type(@nospecialize(_::Union{Type{ImageMemoryBarrier2}, Type{VkImageMemoryBarrier2}})) = _ImageMemoryBarrier2 intermediate_type(@nospecialize(_::Union{Type{BufferMemoryBarrier2}, Type{VkBufferMemoryBarrier2}})) = _BufferMemoryBarrier2 intermediate_type(@nospecialize(_::Union{Type{DependencyInfo}, Type{VkDependencyInfo}})) = _DependencyInfo intermediate_type(@nospecialize(_::Union{Type{SemaphoreSubmitInfo}, Type{VkSemaphoreSubmitInfo}})) = _SemaphoreSubmitInfo intermediate_type(@nospecialize(_::Union{Type{CommandBufferSubmitInfo}, Type{VkCommandBufferSubmitInfo}})) = _CommandBufferSubmitInfo intermediate_type(@nospecialize(_::Union{Type{SubmitInfo2}, Type{VkSubmitInfo2}})) = _SubmitInfo2 intermediate_type(@nospecialize(_::Union{Type{QueueFamilyCheckpointProperties2NV}, Type{VkQueueFamilyCheckpointProperties2NV}})) = _QueueFamilyCheckpointProperties2NV intermediate_type(@nospecialize(_::Union{Type{CheckpointData2NV}, Type{VkCheckpointData2NV}})) = _CheckpointData2NV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSynchronization2Features}, Type{VkPhysicalDeviceSynchronization2Features}})) = _PhysicalDeviceSynchronization2Features intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT}, Type{VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT}})) = _PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceLegacyDitheringFeaturesEXT}, Type{VkPhysicalDeviceLegacyDitheringFeaturesEXT}})) = _PhysicalDeviceLegacyDitheringFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT}, Type{VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT}})) = _PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{SubpassResolvePerformanceQueryEXT}, Type{VkSubpassResolvePerformanceQueryEXT}})) = _SubpassResolvePerformanceQueryEXT intermediate_type(@nospecialize(_::Union{Type{MultisampledRenderToSingleSampledInfoEXT}, Type{VkMultisampledRenderToSingleSampledInfoEXT}})) = _MultisampledRenderToSingleSampledInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePipelineProtectedAccessFeaturesEXT}, Type{VkPhysicalDevicePipelineProtectedAccessFeaturesEXT}})) = _PhysicalDevicePipelineProtectedAccessFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{QueueFamilyVideoPropertiesKHR}, Type{VkQueueFamilyVideoPropertiesKHR}})) = _QueueFamilyVideoPropertiesKHR intermediate_type(@nospecialize(_::Union{Type{QueueFamilyQueryResultStatusPropertiesKHR}, Type{VkQueueFamilyQueryResultStatusPropertiesKHR}})) = _QueueFamilyQueryResultStatusPropertiesKHR intermediate_type(@nospecialize(_::Union{Type{VideoProfileListInfoKHR}, Type{VkVideoProfileListInfoKHR}})) = _VideoProfileListInfoKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceVideoFormatInfoKHR}, Type{VkPhysicalDeviceVideoFormatInfoKHR}})) = _PhysicalDeviceVideoFormatInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoFormatPropertiesKHR}, Type{VkVideoFormatPropertiesKHR}})) = _VideoFormatPropertiesKHR intermediate_type(@nospecialize(_::Union{Type{VideoProfileInfoKHR}, Type{VkVideoProfileInfoKHR}})) = _VideoProfileInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoCapabilitiesKHR}, Type{VkVideoCapabilitiesKHR}})) = _VideoCapabilitiesKHR intermediate_type(@nospecialize(_::Union{Type{VideoSessionMemoryRequirementsKHR}, Type{VkVideoSessionMemoryRequirementsKHR}})) = _VideoSessionMemoryRequirementsKHR intermediate_type(@nospecialize(_::Union{Type{BindVideoSessionMemoryInfoKHR}, Type{VkBindVideoSessionMemoryInfoKHR}})) = _BindVideoSessionMemoryInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoPictureResourceInfoKHR}, Type{VkVideoPictureResourceInfoKHR}})) = _VideoPictureResourceInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoReferenceSlotInfoKHR}, Type{VkVideoReferenceSlotInfoKHR}})) = _VideoReferenceSlotInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeCapabilitiesKHR}, Type{VkVideoDecodeCapabilitiesKHR}})) = _VideoDecodeCapabilitiesKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeUsageInfoKHR}, Type{VkVideoDecodeUsageInfoKHR}})) = _VideoDecodeUsageInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeInfoKHR}, Type{VkVideoDecodeInfoKHR}})) = _VideoDecodeInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeH264ProfileInfoKHR}, Type{VkVideoDecodeH264ProfileInfoKHR}})) = _VideoDecodeH264ProfileInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeH264CapabilitiesKHR}, Type{VkVideoDecodeH264CapabilitiesKHR}})) = _VideoDecodeH264CapabilitiesKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeH264SessionParametersAddInfoKHR}, Type{VkVideoDecodeH264SessionParametersAddInfoKHR}})) = _VideoDecodeH264SessionParametersAddInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeH264SessionParametersCreateInfoKHR}, Type{VkVideoDecodeH264SessionParametersCreateInfoKHR}})) = _VideoDecodeH264SessionParametersCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeH264PictureInfoKHR}, Type{VkVideoDecodeH264PictureInfoKHR}})) = _VideoDecodeH264PictureInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeH264DpbSlotInfoKHR}, Type{VkVideoDecodeH264DpbSlotInfoKHR}})) = _VideoDecodeH264DpbSlotInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeH265ProfileInfoKHR}, Type{VkVideoDecodeH265ProfileInfoKHR}})) = _VideoDecodeH265ProfileInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeH265CapabilitiesKHR}, Type{VkVideoDecodeH265CapabilitiesKHR}})) = _VideoDecodeH265CapabilitiesKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeH265SessionParametersAddInfoKHR}, Type{VkVideoDecodeH265SessionParametersAddInfoKHR}})) = _VideoDecodeH265SessionParametersAddInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeH265SessionParametersCreateInfoKHR}, Type{VkVideoDecodeH265SessionParametersCreateInfoKHR}})) = _VideoDecodeH265SessionParametersCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeH265PictureInfoKHR}, Type{VkVideoDecodeH265PictureInfoKHR}})) = _VideoDecodeH265PictureInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeH265DpbSlotInfoKHR}, Type{VkVideoDecodeH265DpbSlotInfoKHR}})) = _VideoDecodeH265DpbSlotInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoSessionCreateInfoKHR}, Type{VkVideoSessionCreateInfoKHR}})) = _VideoSessionCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoSessionParametersCreateInfoKHR}, Type{VkVideoSessionParametersCreateInfoKHR}})) = _VideoSessionParametersCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoSessionParametersUpdateInfoKHR}, Type{VkVideoSessionParametersUpdateInfoKHR}})) = _VideoSessionParametersUpdateInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoBeginCodingInfoKHR}, Type{VkVideoBeginCodingInfoKHR}})) = _VideoBeginCodingInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoEndCodingInfoKHR}, Type{VkVideoEndCodingInfoKHR}})) = _VideoEndCodingInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoCodingControlInfoKHR}, Type{VkVideoCodingControlInfoKHR}})) = _VideoCodingControlInfoKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceInheritedViewportScissorFeaturesNV}, Type{VkPhysicalDeviceInheritedViewportScissorFeaturesNV}})) = _PhysicalDeviceInheritedViewportScissorFeaturesNV intermediate_type(@nospecialize(_::Union{Type{CommandBufferInheritanceViewportScissorInfoNV}, Type{VkCommandBufferInheritanceViewportScissorInfoNV}})) = _CommandBufferInheritanceViewportScissorInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT}, Type{VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT}})) = _PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceProvokingVertexFeaturesEXT}, Type{VkPhysicalDeviceProvokingVertexFeaturesEXT}})) = _PhysicalDeviceProvokingVertexFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceProvokingVertexPropertiesEXT}, Type{VkPhysicalDeviceProvokingVertexPropertiesEXT}})) = _PhysicalDeviceProvokingVertexPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PipelineRasterizationProvokingVertexStateCreateInfoEXT}, Type{VkPipelineRasterizationProvokingVertexStateCreateInfoEXT}})) = _PipelineRasterizationProvokingVertexStateCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{CuModuleCreateInfoNVX}, Type{VkCuModuleCreateInfoNVX}})) = _CuModuleCreateInfoNVX intermediate_type(@nospecialize(_::Union{Type{CuFunctionCreateInfoNVX}, Type{VkCuFunctionCreateInfoNVX}})) = _CuFunctionCreateInfoNVX intermediate_type(@nospecialize(_::Union{Type{CuLaunchInfoNVX}, Type{VkCuLaunchInfoNVX}})) = _CuLaunchInfoNVX intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDescriptorBufferFeaturesEXT}, Type{VkPhysicalDeviceDescriptorBufferFeaturesEXT}})) = _PhysicalDeviceDescriptorBufferFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDescriptorBufferPropertiesEXT}, Type{VkPhysicalDeviceDescriptorBufferPropertiesEXT}})) = _PhysicalDeviceDescriptorBufferPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT}, Type{VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT}})) = _PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{DescriptorAddressInfoEXT}, Type{VkDescriptorAddressInfoEXT}})) = _DescriptorAddressInfoEXT intermediate_type(@nospecialize(_::Union{Type{DescriptorBufferBindingInfoEXT}, Type{VkDescriptorBufferBindingInfoEXT}})) = _DescriptorBufferBindingInfoEXT intermediate_type(@nospecialize(_::Union{Type{DescriptorBufferBindingPushDescriptorBufferHandleEXT}, Type{VkDescriptorBufferBindingPushDescriptorBufferHandleEXT}})) = _DescriptorBufferBindingPushDescriptorBufferHandleEXT intermediate_type(@nospecialize(_::Union{Type{DescriptorGetInfoEXT}, Type{VkDescriptorGetInfoEXT}})) = _DescriptorGetInfoEXT intermediate_type(@nospecialize(_::Union{Type{BufferCaptureDescriptorDataInfoEXT}, Type{VkBufferCaptureDescriptorDataInfoEXT}})) = _BufferCaptureDescriptorDataInfoEXT intermediate_type(@nospecialize(_::Union{Type{ImageCaptureDescriptorDataInfoEXT}, Type{VkImageCaptureDescriptorDataInfoEXT}})) = _ImageCaptureDescriptorDataInfoEXT intermediate_type(@nospecialize(_::Union{Type{ImageViewCaptureDescriptorDataInfoEXT}, Type{VkImageViewCaptureDescriptorDataInfoEXT}})) = _ImageViewCaptureDescriptorDataInfoEXT intermediate_type(@nospecialize(_::Union{Type{SamplerCaptureDescriptorDataInfoEXT}, Type{VkSamplerCaptureDescriptorDataInfoEXT}})) = _SamplerCaptureDescriptorDataInfoEXT intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureCaptureDescriptorDataInfoEXT}, Type{VkAccelerationStructureCaptureDescriptorDataInfoEXT}})) = _AccelerationStructureCaptureDescriptorDataInfoEXT intermediate_type(@nospecialize(_::Union{Type{OpaqueCaptureDescriptorDataCreateInfoEXT}, Type{VkOpaqueCaptureDescriptorDataCreateInfoEXT}})) = _OpaqueCaptureDescriptorDataCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderIntegerDotProductFeatures}, Type{VkPhysicalDeviceShaderIntegerDotProductFeatures}})) = _PhysicalDeviceShaderIntegerDotProductFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderIntegerDotProductProperties}, Type{VkPhysicalDeviceShaderIntegerDotProductProperties}})) = _PhysicalDeviceShaderIntegerDotProductProperties intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDrmPropertiesEXT}, Type{VkPhysicalDeviceDrmPropertiesEXT}})) = _PhysicalDeviceDrmPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentShaderBarycentricFeaturesKHR}, Type{VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR}})) = _PhysicalDeviceFragmentShaderBarycentricFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentShaderBarycentricPropertiesKHR}, Type{VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR}})) = _PhysicalDeviceFragmentShaderBarycentricPropertiesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRayTracingMotionBlurFeaturesNV}, Type{VkPhysicalDeviceRayTracingMotionBlurFeaturesNV}})) = _PhysicalDeviceRayTracingMotionBlurFeaturesNV intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureGeometryMotionTrianglesDataNV}, Type{VkAccelerationStructureGeometryMotionTrianglesDataNV}})) = _AccelerationStructureGeometryMotionTrianglesDataNV intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureMotionInfoNV}, Type{VkAccelerationStructureMotionInfoNV}})) = _AccelerationStructureMotionInfoNV intermediate_type(@nospecialize(_::Union{Type{SRTDataNV}, Type{VkSRTDataNV}})) = _SRTDataNV intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureSRTMotionInstanceNV}, Type{VkAccelerationStructureSRTMotionInstanceNV}})) = _AccelerationStructureSRTMotionInstanceNV intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureMatrixMotionInstanceNV}, Type{VkAccelerationStructureMatrixMotionInstanceNV}})) = _AccelerationStructureMatrixMotionInstanceNV intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureMotionInstanceNV}, Type{VkAccelerationStructureMotionInstanceNV}})) = _AccelerationStructureMotionInstanceNV intermediate_type(@nospecialize(_::Union{Type{MemoryGetRemoteAddressInfoNV}, Type{VkMemoryGetRemoteAddressInfoNV}})) = _MemoryGetRemoteAddressInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRGBA10X6FormatsFeaturesEXT}, Type{VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT}})) = _PhysicalDeviceRGBA10X6FormatsFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{FormatProperties3}, Type{VkFormatProperties3}})) = _FormatProperties3 intermediate_type(@nospecialize(_::Union{Type{DrmFormatModifierPropertiesList2EXT}, Type{VkDrmFormatModifierPropertiesList2EXT}})) = _DrmFormatModifierPropertiesList2EXT intermediate_type(@nospecialize(_::Union{Type{DrmFormatModifierProperties2EXT}, Type{VkDrmFormatModifierProperties2EXT}})) = _DrmFormatModifierProperties2EXT intermediate_type(@nospecialize(_::Union{Type{PipelineRenderingCreateInfo}, Type{VkPipelineRenderingCreateInfo}})) = _PipelineRenderingCreateInfo intermediate_type(@nospecialize(_::Union{Type{RenderingInfo}, Type{VkRenderingInfo}})) = _RenderingInfo intermediate_type(@nospecialize(_::Union{Type{RenderingAttachmentInfo}, Type{VkRenderingAttachmentInfo}})) = _RenderingAttachmentInfo intermediate_type(@nospecialize(_::Union{Type{RenderingFragmentShadingRateAttachmentInfoKHR}, Type{VkRenderingFragmentShadingRateAttachmentInfoKHR}})) = _RenderingFragmentShadingRateAttachmentInfoKHR intermediate_type(@nospecialize(_::Union{Type{RenderingFragmentDensityMapAttachmentInfoEXT}, Type{VkRenderingFragmentDensityMapAttachmentInfoEXT}})) = _RenderingFragmentDensityMapAttachmentInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDynamicRenderingFeatures}, Type{VkPhysicalDeviceDynamicRenderingFeatures}})) = _PhysicalDeviceDynamicRenderingFeatures intermediate_type(@nospecialize(_::Union{Type{CommandBufferInheritanceRenderingInfo}, Type{VkCommandBufferInheritanceRenderingInfo}})) = _CommandBufferInheritanceRenderingInfo intermediate_type(@nospecialize(_::Union{Type{AttachmentSampleCountInfoAMD}, Type{VkAttachmentSampleCountInfoAMD}})) = _AttachmentSampleCountInfoAMD intermediate_type(@nospecialize(_::Union{Type{MultiviewPerViewAttributesInfoNVX}, Type{VkMultiviewPerViewAttributesInfoNVX}})) = _MultiviewPerViewAttributesInfoNVX intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceImageViewMinLodFeaturesEXT}, Type{VkPhysicalDeviceImageViewMinLodFeaturesEXT}})) = _PhysicalDeviceImageViewMinLodFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{ImageViewMinLodCreateInfoEXT}, Type{VkImageViewMinLodCreateInfoEXT}})) = _ImageViewMinLodCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT}, Type{VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT}})) = _PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceLinearColorAttachmentFeaturesNV}, Type{VkPhysicalDeviceLinearColorAttachmentFeaturesNV}})) = _PhysicalDeviceLinearColorAttachmentFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT}, Type{VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT}})) = _PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT}, Type{VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT}})) = _PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{GraphicsPipelineLibraryCreateInfoEXT}, Type{VkGraphicsPipelineLibraryCreateInfoEXT}})) = _GraphicsPipelineLibraryCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE}, Type{VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE}})) = _PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE intermediate_type(@nospecialize(_::Union{Type{DescriptorSetBindingReferenceVALVE}, Type{VkDescriptorSetBindingReferenceVALVE}})) = _DescriptorSetBindingReferenceVALVE intermediate_type(@nospecialize(_::Union{Type{DescriptorSetLayoutHostMappingInfoVALVE}, Type{VkDescriptorSetLayoutHostMappingInfoVALVE}})) = _DescriptorSetLayoutHostMappingInfoVALVE intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderModuleIdentifierFeaturesEXT}, Type{VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT}})) = _PhysicalDeviceShaderModuleIdentifierFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderModuleIdentifierPropertiesEXT}, Type{VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT}})) = _PhysicalDeviceShaderModuleIdentifierPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PipelineShaderStageModuleIdentifierCreateInfoEXT}, Type{VkPipelineShaderStageModuleIdentifierCreateInfoEXT}})) = _PipelineShaderStageModuleIdentifierCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{ShaderModuleIdentifierEXT}, Type{VkShaderModuleIdentifierEXT}})) = _ShaderModuleIdentifierEXT intermediate_type(@nospecialize(_::Union{Type{ImageCompressionControlEXT}, Type{VkImageCompressionControlEXT}})) = _ImageCompressionControlEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceImageCompressionControlFeaturesEXT}, Type{VkPhysicalDeviceImageCompressionControlFeaturesEXT}})) = _PhysicalDeviceImageCompressionControlFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{ImageCompressionPropertiesEXT}, Type{VkImageCompressionPropertiesEXT}})) = _ImageCompressionPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT}, Type{VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT}})) = _PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{ImageSubresource2EXT}, Type{VkImageSubresource2EXT}})) = _ImageSubresource2EXT intermediate_type(@nospecialize(_::Union{Type{SubresourceLayout2EXT}, Type{VkSubresourceLayout2EXT}})) = _SubresourceLayout2EXT intermediate_type(@nospecialize(_::Union{Type{RenderPassCreationControlEXT}, Type{VkRenderPassCreationControlEXT}})) = _RenderPassCreationControlEXT intermediate_type(@nospecialize(_::Union{Type{RenderPassCreationFeedbackInfoEXT}, Type{VkRenderPassCreationFeedbackInfoEXT}})) = _RenderPassCreationFeedbackInfoEXT intermediate_type(@nospecialize(_::Union{Type{RenderPassCreationFeedbackCreateInfoEXT}, Type{VkRenderPassCreationFeedbackCreateInfoEXT}})) = _RenderPassCreationFeedbackCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{RenderPassSubpassFeedbackInfoEXT}, Type{VkRenderPassSubpassFeedbackInfoEXT}})) = _RenderPassSubpassFeedbackInfoEXT intermediate_type(@nospecialize(_::Union{Type{RenderPassSubpassFeedbackCreateInfoEXT}, Type{VkRenderPassSubpassFeedbackCreateInfoEXT}})) = _RenderPassSubpassFeedbackCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSubpassMergeFeedbackFeaturesEXT}, Type{VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT}})) = _PhysicalDeviceSubpassMergeFeedbackFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{MicromapBuildInfoEXT}, Type{VkMicromapBuildInfoEXT}})) = _MicromapBuildInfoEXT intermediate_type(@nospecialize(_::Union{Type{MicromapCreateInfoEXT}, Type{VkMicromapCreateInfoEXT}})) = _MicromapCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{MicromapVersionInfoEXT}, Type{VkMicromapVersionInfoEXT}})) = _MicromapVersionInfoEXT intermediate_type(@nospecialize(_::Union{Type{CopyMicromapInfoEXT}, Type{VkCopyMicromapInfoEXT}})) = _CopyMicromapInfoEXT intermediate_type(@nospecialize(_::Union{Type{CopyMicromapToMemoryInfoEXT}, Type{VkCopyMicromapToMemoryInfoEXT}})) = _CopyMicromapToMemoryInfoEXT intermediate_type(@nospecialize(_::Union{Type{CopyMemoryToMicromapInfoEXT}, Type{VkCopyMemoryToMicromapInfoEXT}})) = _CopyMemoryToMicromapInfoEXT intermediate_type(@nospecialize(_::Union{Type{MicromapBuildSizesInfoEXT}, Type{VkMicromapBuildSizesInfoEXT}})) = _MicromapBuildSizesInfoEXT intermediate_type(@nospecialize(_::Union{Type{MicromapUsageEXT}, Type{VkMicromapUsageEXT}})) = _MicromapUsageEXT intermediate_type(@nospecialize(_::Union{Type{MicromapTriangleEXT}, Type{VkMicromapTriangleEXT}})) = _MicromapTriangleEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceOpacityMicromapFeaturesEXT}, Type{VkPhysicalDeviceOpacityMicromapFeaturesEXT}})) = _PhysicalDeviceOpacityMicromapFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceOpacityMicromapPropertiesEXT}, Type{VkPhysicalDeviceOpacityMicromapPropertiesEXT}})) = _PhysicalDeviceOpacityMicromapPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureTrianglesOpacityMicromapEXT}, Type{VkAccelerationStructureTrianglesOpacityMicromapEXT}})) = _AccelerationStructureTrianglesOpacityMicromapEXT intermediate_type(@nospecialize(_::Union{Type{PipelinePropertiesIdentifierEXT}, Type{VkPipelinePropertiesIdentifierEXT}})) = _PipelinePropertiesIdentifierEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePipelinePropertiesFeaturesEXT}, Type{VkPhysicalDevicePipelinePropertiesFeaturesEXT}})) = _PhysicalDevicePipelinePropertiesFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD}, Type{VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD}})) = _PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceNonSeamlessCubeMapFeaturesEXT}, Type{VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT}})) = _PhysicalDeviceNonSeamlessCubeMapFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePipelineRobustnessFeaturesEXT}, Type{VkPhysicalDevicePipelineRobustnessFeaturesEXT}})) = _PhysicalDevicePipelineRobustnessFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PipelineRobustnessCreateInfoEXT}, Type{VkPipelineRobustnessCreateInfoEXT}})) = _PipelineRobustnessCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePipelineRobustnessPropertiesEXT}, Type{VkPhysicalDevicePipelineRobustnessPropertiesEXT}})) = _PhysicalDevicePipelineRobustnessPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{ImageViewSampleWeightCreateInfoQCOM}, Type{VkImageViewSampleWeightCreateInfoQCOM}})) = _ImageViewSampleWeightCreateInfoQCOM intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceImageProcessingFeaturesQCOM}, Type{VkPhysicalDeviceImageProcessingFeaturesQCOM}})) = _PhysicalDeviceImageProcessingFeaturesQCOM intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceImageProcessingPropertiesQCOM}, Type{VkPhysicalDeviceImageProcessingPropertiesQCOM}})) = _PhysicalDeviceImageProcessingPropertiesQCOM intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceTilePropertiesFeaturesQCOM}, Type{VkPhysicalDeviceTilePropertiesFeaturesQCOM}})) = _PhysicalDeviceTilePropertiesFeaturesQCOM intermediate_type(@nospecialize(_::Union{Type{TilePropertiesQCOM}, Type{VkTilePropertiesQCOM}})) = _TilePropertiesQCOM intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceAmigoProfilingFeaturesSEC}, Type{VkPhysicalDeviceAmigoProfilingFeaturesSEC}})) = _PhysicalDeviceAmigoProfilingFeaturesSEC intermediate_type(@nospecialize(_::Union{Type{AmigoProfilingSubmitInfoSEC}, Type{VkAmigoProfilingSubmitInfoSEC}})) = _AmigoProfilingSubmitInfoSEC intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT}, Type{VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT}})) = _PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDepthClampZeroOneFeaturesEXT}, Type{VkPhysicalDeviceDepthClampZeroOneFeaturesEXT}})) = _PhysicalDeviceDepthClampZeroOneFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceAddressBindingReportFeaturesEXT}, Type{VkPhysicalDeviceAddressBindingReportFeaturesEXT}})) = _PhysicalDeviceAddressBindingReportFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{DeviceAddressBindingCallbackDataEXT}, Type{VkDeviceAddressBindingCallbackDataEXT}})) = _DeviceAddressBindingCallbackDataEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceOpticalFlowFeaturesNV}, Type{VkPhysicalDeviceOpticalFlowFeaturesNV}})) = _PhysicalDeviceOpticalFlowFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceOpticalFlowPropertiesNV}, Type{VkPhysicalDeviceOpticalFlowPropertiesNV}})) = _PhysicalDeviceOpticalFlowPropertiesNV intermediate_type(@nospecialize(_::Union{Type{OpticalFlowImageFormatInfoNV}, Type{VkOpticalFlowImageFormatInfoNV}})) = _OpticalFlowImageFormatInfoNV intermediate_type(@nospecialize(_::Union{Type{OpticalFlowImageFormatPropertiesNV}, Type{VkOpticalFlowImageFormatPropertiesNV}})) = _OpticalFlowImageFormatPropertiesNV intermediate_type(@nospecialize(_::Union{Type{OpticalFlowSessionCreateInfoNV}, Type{VkOpticalFlowSessionCreateInfoNV}})) = _OpticalFlowSessionCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{OpticalFlowSessionCreatePrivateDataInfoNV}, Type{VkOpticalFlowSessionCreatePrivateDataInfoNV}})) = _OpticalFlowSessionCreatePrivateDataInfoNV intermediate_type(@nospecialize(_::Union{Type{OpticalFlowExecuteInfoNV}, Type{VkOpticalFlowExecuteInfoNV}})) = _OpticalFlowExecuteInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFaultFeaturesEXT}, Type{VkPhysicalDeviceFaultFeaturesEXT}})) = _PhysicalDeviceFaultFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{DeviceFaultAddressInfoEXT}, Type{VkDeviceFaultAddressInfoEXT}})) = _DeviceFaultAddressInfoEXT intermediate_type(@nospecialize(_::Union{Type{DeviceFaultVendorInfoEXT}, Type{VkDeviceFaultVendorInfoEXT}})) = _DeviceFaultVendorInfoEXT intermediate_type(@nospecialize(_::Union{Type{DeviceFaultCountsEXT}, Type{VkDeviceFaultCountsEXT}})) = _DeviceFaultCountsEXT intermediate_type(@nospecialize(_::Union{Type{DeviceFaultInfoEXT}, Type{VkDeviceFaultInfoEXT}})) = _DeviceFaultInfoEXT intermediate_type(@nospecialize(_::Union{Type{DeviceFaultVendorBinaryHeaderVersionOneEXT}, Type{VkDeviceFaultVendorBinaryHeaderVersionOneEXT}})) = _DeviceFaultVendorBinaryHeaderVersionOneEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT}, Type{VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT}})) = _PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{DecompressMemoryRegionNV}, Type{VkDecompressMemoryRegionNV}})) = _DecompressMemoryRegionNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderCoreBuiltinsPropertiesARM}, Type{VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM}})) = _PhysicalDeviceShaderCoreBuiltinsPropertiesARM intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderCoreBuiltinsFeaturesARM}, Type{VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM}})) = _PhysicalDeviceShaderCoreBuiltinsFeaturesARM intermediate_type(@nospecialize(_::Union{Type{SurfacePresentModeEXT}, Type{VkSurfacePresentModeEXT}})) = _SurfacePresentModeEXT intermediate_type(@nospecialize(_::Union{Type{SurfacePresentScalingCapabilitiesEXT}, Type{VkSurfacePresentScalingCapabilitiesEXT}})) = _SurfacePresentScalingCapabilitiesEXT intermediate_type(@nospecialize(_::Union{Type{SurfacePresentModeCompatibilityEXT}, Type{VkSurfacePresentModeCompatibilityEXT}})) = _SurfacePresentModeCompatibilityEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSwapchainMaintenance1FeaturesEXT}, Type{VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT}})) = _PhysicalDeviceSwapchainMaintenance1FeaturesEXT intermediate_type(@nospecialize(_::Union{Type{SwapchainPresentFenceInfoEXT}, Type{VkSwapchainPresentFenceInfoEXT}})) = _SwapchainPresentFenceInfoEXT intermediate_type(@nospecialize(_::Union{Type{SwapchainPresentModesCreateInfoEXT}, Type{VkSwapchainPresentModesCreateInfoEXT}})) = _SwapchainPresentModesCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{SwapchainPresentModeInfoEXT}, Type{VkSwapchainPresentModeInfoEXT}})) = _SwapchainPresentModeInfoEXT intermediate_type(@nospecialize(_::Union{Type{SwapchainPresentScalingCreateInfoEXT}, Type{VkSwapchainPresentScalingCreateInfoEXT}})) = _SwapchainPresentScalingCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{ReleaseSwapchainImagesInfoEXT}, Type{VkReleaseSwapchainImagesInfoEXT}})) = _ReleaseSwapchainImagesInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRayTracingInvocationReorderFeaturesNV}, Type{VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV}})) = _PhysicalDeviceRayTracingInvocationReorderFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRayTracingInvocationReorderPropertiesNV}, Type{VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV}})) = _PhysicalDeviceRayTracingInvocationReorderPropertiesNV intermediate_type(@nospecialize(_::Union{Type{DirectDriverLoadingInfoLUNARG}, Type{VkDirectDriverLoadingInfoLUNARG}})) = _DirectDriverLoadingInfoLUNARG intermediate_type(@nospecialize(_::Union{Type{DirectDriverLoadingListLUNARG}, Type{VkDirectDriverLoadingListLUNARG}})) = _DirectDriverLoadingListLUNARG intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM}, Type{VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM}})) = _PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM const ACCELERATION_STRUCTURE_TYPE_BOTTOM_LEVEL_NV = ACCELERATION_STRUCTURE_TYPE_BOTTOM_LEVEL_KHR const ACCELERATION_STRUCTURE_TYPE_TOP_LEVEL_NV = ACCELERATION_STRUCTURE_TYPE_TOP_LEVEL_KHR const ACCESS_2_ACCELERATION_STRUCTURE_READ_BIT_NV = ACCESS_2_ACCELERATION_STRUCTURE_READ_BIT_KHR const ACCESS_2_ACCELERATION_STRUCTURE_WRITE_BIT_NV = ACCESS_2_ACCELERATION_STRUCTURE_WRITE_BIT_KHR const ACCESS_2_COLOR_ATTACHMENT_READ_BIT_KHR = ACCESS_2_COLOR_ATTACHMENT_READ_BIT const ACCESS_2_COLOR_ATTACHMENT_WRITE_BIT_KHR = ACCESS_2_COLOR_ATTACHMENT_WRITE_BIT const ACCESS_2_DEPTH_STENCIL_ATTACHMENT_READ_BIT_KHR = ACCESS_2_DEPTH_STENCIL_ATTACHMENT_READ_BIT const ACCESS_2_DEPTH_STENCIL_ATTACHMENT_WRITE_BIT_KHR = ACCESS_2_DEPTH_STENCIL_ATTACHMENT_WRITE_BIT const ACCESS_2_HOST_READ_BIT_KHR = ACCESS_2_HOST_READ_BIT const ACCESS_2_HOST_WRITE_BIT_KHR = ACCESS_2_HOST_WRITE_BIT const ACCESS_2_INDEX_READ_BIT_KHR = ACCESS_2_INDEX_READ_BIT const ACCESS_2_INDIRECT_COMMAND_READ_BIT_KHR = ACCESS_2_INDIRECT_COMMAND_READ_BIT const ACCESS_2_INPUT_ATTACHMENT_READ_BIT_KHR = ACCESS_2_INPUT_ATTACHMENT_READ_BIT const ACCESS_2_MEMORY_READ_BIT_KHR = ACCESS_2_MEMORY_READ_BIT const ACCESS_2_MEMORY_WRITE_BIT_KHR = ACCESS_2_MEMORY_WRITE_BIT const ACCESS_2_NONE_KHR = ACCESS_2_NONE const ACCESS_2_SHADER_READ_BIT_KHR = ACCESS_2_SHADER_READ_BIT const ACCESS_2_SHADER_SAMPLED_READ_BIT_KHR = ACCESS_2_SHADER_SAMPLED_READ_BIT const ACCESS_2_SHADER_STORAGE_READ_BIT_KHR = ACCESS_2_SHADER_STORAGE_READ_BIT const ACCESS_2_SHADER_STORAGE_WRITE_BIT_KHR = ACCESS_2_SHADER_STORAGE_WRITE_BIT const ACCESS_2_SHADER_WRITE_BIT_KHR = ACCESS_2_SHADER_WRITE_BIT const ACCESS_2_SHADING_RATE_IMAGE_READ_BIT_NV = ACCESS_2_FRAGMENT_SHADING_RATE_ATTACHMENT_READ_BIT_KHR const ACCESS_2_TRANSFER_READ_BIT_KHR = ACCESS_2_TRANSFER_READ_BIT const ACCESS_2_TRANSFER_WRITE_BIT_KHR = ACCESS_2_TRANSFER_WRITE_BIT const ACCESS_2_UNIFORM_READ_BIT_KHR = ACCESS_2_UNIFORM_READ_BIT const ACCESS_2_VERTEX_ATTRIBUTE_READ_BIT_KHR = ACCESS_2_VERTEX_ATTRIBUTE_READ_BIT const ACCESS_ACCELERATION_STRUCTURE_READ_BIT_NV = ACCESS_ACCELERATION_STRUCTURE_READ_BIT_KHR const ACCESS_ACCELERATION_STRUCTURE_WRITE_BIT_NV = ACCESS_ACCELERATION_STRUCTURE_WRITE_BIT_KHR const ACCESS_NONE_KHR = ACCESS_NONE const ACCESS_SHADING_RATE_IMAGE_READ_BIT_NV = ACCESS_FRAGMENT_SHADING_RATE_ATTACHMENT_READ_BIT_KHR const ATTACHMENT_STORE_OP_NONE_EXT = ATTACHMENT_STORE_OP_NONE const ATTACHMENT_STORE_OP_NONE_KHR = ATTACHMENT_STORE_OP_NONE const ATTACHMENT_STORE_OP_NONE_QCOM = ATTACHMENT_STORE_OP_NONE const BUFFER_CREATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT_EXT = BUFFER_CREATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT const BUFFER_CREATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT_KHR = BUFFER_CREATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT const BUFFER_USAGE_RAY_TRACING_BIT_NV = BUFFER_USAGE_SHADER_BINDING_TABLE_BIT_KHR const BUFFER_USAGE_SHADER_DEVICE_ADDRESS_BIT_EXT = BUFFER_USAGE_SHADER_DEVICE_ADDRESS_BIT const BUFFER_USAGE_SHADER_DEVICE_ADDRESS_BIT_KHR = BUFFER_USAGE_SHADER_DEVICE_ADDRESS_BIT const BUILD_ACCELERATION_STRUCTURE_ALLOW_COMPACTION_BIT_NV = BUILD_ACCELERATION_STRUCTURE_ALLOW_COMPACTION_BIT_KHR const BUILD_ACCELERATION_STRUCTURE_ALLOW_UPDATE_BIT_NV = BUILD_ACCELERATION_STRUCTURE_ALLOW_UPDATE_BIT_KHR const BUILD_ACCELERATION_STRUCTURE_LOW_MEMORY_BIT_NV = BUILD_ACCELERATION_STRUCTURE_LOW_MEMORY_BIT_KHR const BUILD_ACCELERATION_STRUCTURE_PREFER_FAST_BUILD_BIT_NV = BUILD_ACCELERATION_STRUCTURE_PREFER_FAST_BUILD_BIT_KHR const BUILD_ACCELERATION_STRUCTURE_PREFER_FAST_TRACE_BIT_NV = BUILD_ACCELERATION_STRUCTURE_PREFER_FAST_TRACE_BIT_KHR const CHROMA_LOCATION_COSITED_EVEN_KHR = CHROMA_LOCATION_COSITED_EVEN const CHROMA_LOCATION_MIDPOINT_KHR = CHROMA_LOCATION_MIDPOINT const COLORSPACE_SRGB_NONLINEAR_KHR = COLOR_SPACE_SRGB_NONLINEAR_KHR const COLOR_SPACE_DCI_P3_LINEAR_EXT = COLOR_SPACE_DISPLAY_P3_LINEAR_EXT const COPY_ACCELERATION_STRUCTURE_MODE_CLONE_NV = COPY_ACCELERATION_STRUCTURE_MODE_CLONE_KHR const COPY_ACCELERATION_STRUCTURE_MODE_COMPACT_NV = COPY_ACCELERATION_STRUCTURE_MODE_COMPACT_KHR const DEBUG_REPORT_OBJECT_TYPE_DEBUG_REPORT_EXT = DEBUG_REPORT_OBJECT_TYPE_DEBUG_REPORT_CALLBACK_EXT_EXT const DEBUG_REPORT_OBJECT_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_KHR_EXT = DEBUG_REPORT_OBJECT_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_EXT const DEBUG_REPORT_OBJECT_TYPE_SAMPLER_YCBCR_CONVERSION_KHR_EXT = DEBUG_REPORT_OBJECT_TYPE_SAMPLER_YCBCR_CONVERSION_EXT const DEBUG_REPORT_OBJECT_TYPE_VALIDATION_CACHE_EXT = DEBUG_REPORT_OBJECT_TYPE_VALIDATION_CACHE_EXT_EXT const DEPENDENCY_DEVICE_GROUP_BIT_KHR = DEPENDENCY_DEVICE_GROUP_BIT const DEPENDENCY_VIEW_LOCAL_BIT_KHR = DEPENDENCY_VIEW_LOCAL_BIT const DESCRIPTOR_BINDING_PARTIALLY_BOUND_BIT_EXT = DESCRIPTOR_BINDING_PARTIALLY_BOUND_BIT const DESCRIPTOR_BINDING_UPDATE_AFTER_BIND_BIT_EXT = DESCRIPTOR_BINDING_UPDATE_AFTER_BIND_BIT const DESCRIPTOR_BINDING_UPDATE_UNUSED_WHILE_PENDING_BIT_EXT = DESCRIPTOR_BINDING_UPDATE_UNUSED_WHILE_PENDING_BIT const DESCRIPTOR_BINDING_VARIABLE_DESCRIPTOR_COUNT_BIT_EXT = DESCRIPTOR_BINDING_VARIABLE_DESCRIPTOR_COUNT_BIT const DESCRIPTOR_POOL_CREATE_HOST_ONLY_BIT_VALVE = DESCRIPTOR_POOL_CREATE_HOST_ONLY_BIT_EXT const DESCRIPTOR_POOL_CREATE_UPDATE_AFTER_BIND_BIT_EXT = DESCRIPTOR_POOL_CREATE_UPDATE_AFTER_BIND_BIT const DESCRIPTOR_SET_LAYOUT_CREATE_HOST_ONLY_POOL_BIT_VALVE = DESCRIPTOR_SET_LAYOUT_CREATE_HOST_ONLY_POOL_BIT_EXT const DESCRIPTOR_SET_LAYOUT_CREATE_UPDATE_AFTER_BIND_POOL_BIT_EXT = DESCRIPTOR_SET_LAYOUT_CREATE_UPDATE_AFTER_BIND_POOL_BIT const DESCRIPTOR_TYPE_INLINE_UNIFORM_BLOCK_EXT = DESCRIPTOR_TYPE_INLINE_UNIFORM_BLOCK const DESCRIPTOR_TYPE_MUTABLE_VALVE = DESCRIPTOR_TYPE_MUTABLE_EXT const DESCRIPTOR_UPDATE_TEMPLATE_TYPE_DESCRIPTOR_SET_KHR = DESCRIPTOR_UPDATE_TEMPLATE_TYPE_DESCRIPTOR_SET const DRIVER_ID_AMD_OPEN_SOURCE_KHR = DRIVER_ID_AMD_OPEN_SOURCE const DRIVER_ID_AMD_PROPRIETARY_KHR = DRIVER_ID_AMD_PROPRIETARY const DRIVER_ID_ARM_PROPRIETARY_KHR = DRIVER_ID_ARM_PROPRIETARY const DRIVER_ID_BROADCOM_PROPRIETARY_KHR = DRIVER_ID_BROADCOM_PROPRIETARY const DRIVER_ID_GGP_PROPRIETARY_KHR = DRIVER_ID_GGP_PROPRIETARY const DRIVER_ID_GOOGLE_SWIFTSHADER_KHR = DRIVER_ID_GOOGLE_SWIFTSHADER const DRIVER_ID_IMAGINATION_PROPRIETARY_KHR = DRIVER_ID_IMAGINATION_PROPRIETARY const DRIVER_ID_INTEL_OPEN_SOURCE_MESA_KHR = DRIVER_ID_INTEL_OPEN_SOURCE_MESA const DRIVER_ID_INTEL_PROPRIETARY_WINDOWS_KHR = DRIVER_ID_INTEL_PROPRIETARY_WINDOWS const DRIVER_ID_MESA_RADV_KHR = DRIVER_ID_MESA_RADV const DRIVER_ID_NVIDIA_PROPRIETARY_KHR = DRIVER_ID_NVIDIA_PROPRIETARY const DRIVER_ID_QUALCOMM_PROPRIETARY_KHR = DRIVER_ID_QUALCOMM_PROPRIETARY const DYNAMIC_STATE_CULL_MODE_EXT = DYNAMIC_STATE_CULL_MODE const DYNAMIC_STATE_DEPTH_BIAS_ENABLE_EXT = DYNAMIC_STATE_DEPTH_BIAS_ENABLE const DYNAMIC_STATE_DEPTH_BOUNDS_TEST_ENABLE_EXT = DYNAMIC_STATE_DEPTH_BOUNDS_TEST_ENABLE const DYNAMIC_STATE_DEPTH_COMPARE_OP_EXT = DYNAMIC_STATE_DEPTH_COMPARE_OP const DYNAMIC_STATE_DEPTH_TEST_ENABLE_EXT = DYNAMIC_STATE_DEPTH_TEST_ENABLE const DYNAMIC_STATE_DEPTH_WRITE_ENABLE_EXT = DYNAMIC_STATE_DEPTH_WRITE_ENABLE const DYNAMIC_STATE_FRONT_FACE_EXT = DYNAMIC_STATE_FRONT_FACE const DYNAMIC_STATE_PRIMITIVE_RESTART_ENABLE_EXT = DYNAMIC_STATE_PRIMITIVE_RESTART_ENABLE const DYNAMIC_STATE_PRIMITIVE_TOPOLOGY_EXT = DYNAMIC_STATE_PRIMITIVE_TOPOLOGY const DYNAMIC_STATE_RASTERIZER_DISCARD_ENABLE_EXT = DYNAMIC_STATE_RASTERIZER_DISCARD_ENABLE const DYNAMIC_STATE_SCISSOR_WITH_COUNT_EXT = DYNAMIC_STATE_SCISSOR_WITH_COUNT const DYNAMIC_STATE_STENCIL_OP_EXT = DYNAMIC_STATE_STENCIL_OP const DYNAMIC_STATE_STENCIL_TEST_ENABLE_EXT = DYNAMIC_STATE_STENCIL_TEST_ENABLE const DYNAMIC_STATE_VERTEX_INPUT_BINDING_STRIDE_EXT = DYNAMIC_STATE_VERTEX_INPUT_BINDING_STRIDE const DYNAMIC_STATE_VIEWPORT_WITH_COUNT_EXT = DYNAMIC_STATE_VIEWPORT_WITH_COUNT const ERROR_FRAGMENTATION_EXT = ERROR_FRAGMENTATION const ERROR_INVALID_DEVICE_ADDRESS_EXT = ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS const ERROR_INVALID_EXTERNAL_HANDLE_KHR = ERROR_INVALID_EXTERNAL_HANDLE const ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR = ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS const ERROR_NOT_PERMITTED_EXT = ERROR_NOT_PERMITTED_KHR const ERROR_OUT_OF_POOL_MEMORY_KHR = ERROR_OUT_OF_POOL_MEMORY const ERROR_PIPELINE_COMPILE_REQUIRED_EXT = PIPELINE_COMPILE_REQUIRED const EVENT_CREATE_DEVICE_ONLY_BIT_KHR = EVENT_CREATE_DEVICE_ONLY_BIT const EXTERNAL_FENCE_FEATURE_EXPORTABLE_BIT_KHR = EXTERNAL_FENCE_FEATURE_EXPORTABLE_BIT const EXTERNAL_FENCE_FEATURE_IMPORTABLE_BIT_KHR = EXTERNAL_FENCE_FEATURE_IMPORTABLE_BIT const EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_FD_BIT_KHR = EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_FD_BIT const EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_WIN32_BIT_KHR = EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_WIN32_BIT const EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT_KHR = EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT const EXTERNAL_FENCE_HANDLE_TYPE_SYNC_FD_BIT_KHR = EXTERNAL_FENCE_HANDLE_TYPE_SYNC_FD_BIT const EXTERNAL_MEMORY_FEATURE_DEDICATED_ONLY_BIT_KHR = EXTERNAL_MEMORY_FEATURE_DEDICATED_ONLY_BIT const EXTERNAL_MEMORY_FEATURE_EXPORTABLE_BIT_KHR = EXTERNAL_MEMORY_FEATURE_EXPORTABLE_BIT const EXTERNAL_MEMORY_FEATURE_IMPORTABLE_BIT_KHR = EXTERNAL_MEMORY_FEATURE_IMPORTABLE_BIT const EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_TEXTURE_BIT_KHR = EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_TEXTURE_BIT const EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_TEXTURE_KMT_BIT_KHR = EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_TEXTURE_KMT_BIT const EXTERNAL_MEMORY_HANDLE_TYPE_D3D12_HEAP_BIT_KHR = EXTERNAL_MEMORY_HANDLE_TYPE_D3D12_HEAP_BIT const EXTERNAL_MEMORY_HANDLE_TYPE_D3D12_RESOURCE_BIT_KHR = EXTERNAL_MEMORY_HANDLE_TYPE_D3D12_RESOURCE_BIT const EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_FD_BIT_KHR = EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_FD_BIT const EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_BIT_KHR = EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_BIT const EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT_KHR = EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT const EXTERNAL_SEMAPHORE_FEATURE_EXPORTABLE_BIT_KHR = EXTERNAL_SEMAPHORE_FEATURE_EXPORTABLE_BIT const EXTERNAL_SEMAPHORE_FEATURE_IMPORTABLE_BIT_KHR = EXTERNAL_SEMAPHORE_FEATURE_IMPORTABLE_BIT const EXTERNAL_SEMAPHORE_HANDLE_TYPE_D3D11_FENCE_BIT = EXTERNAL_SEMAPHORE_HANDLE_TYPE_D3D12_FENCE_BIT const EXTERNAL_SEMAPHORE_HANDLE_TYPE_D3D12_FENCE_BIT_KHR = EXTERNAL_SEMAPHORE_HANDLE_TYPE_D3D12_FENCE_BIT const EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_FD_BIT_KHR = EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_FD_BIT const EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_WIN32_BIT_KHR = EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_WIN32_BIT const EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT_KHR = EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT const EXTERNAL_SEMAPHORE_HANDLE_TYPE_SYNC_FD_BIT_KHR = EXTERNAL_SEMAPHORE_HANDLE_TYPE_SYNC_FD_BIT const FENCE_IMPORT_TEMPORARY_BIT_KHR = FENCE_IMPORT_TEMPORARY_BIT const FILTER_CUBIC_IMG = FILTER_CUBIC_EXT const FORMAT_A4B4G4R4_UNORM_PACK16_EXT = FORMAT_A4B4G4R4_UNORM_PACK16 const FORMAT_A4R4G4B4_UNORM_PACK16_EXT = FORMAT_A4R4G4B4_UNORM_PACK16 const FORMAT_ASTC_10x10_SFLOAT_BLOCK_EXT = FORMAT_ASTC_10x10_SFLOAT_BLOCK const FORMAT_ASTC_10x5_SFLOAT_BLOCK_EXT = FORMAT_ASTC_10x5_SFLOAT_BLOCK const FORMAT_ASTC_10x6_SFLOAT_BLOCK_EXT = FORMAT_ASTC_10x6_SFLOAT_BLOCK const FORMAT_ASTC_10x8_SFLOAT_BLOCK_EXT = FORMAT_ASTC_10x8_SFLOAT_BLOCK const FORMAT_ASTC_12x10_SFLOAT_BLOCK_EXT = FORMAT_ASTC_12x10_SFLOAT_BLOCK const FORMAT_ASTC_12x12_SFLOAT_BLOCK_EXT = FORMAT_ASTC_12x12_SFLOAT_BLOCK const FORMAT_ASTC_4x4_SFLOAT_BLOCK_EXT = FORMAT_ASTC_4x4_SFLOAT_BLOCK const FORMAT_ASTC_5x4_SFLOAT_BLOCK_EXT = FORMAT_ASTC_5x4_SFLOAT_BLOCK const FORMAT_ASTC_5x5_SFLOAT_BLOCK_EXT = FORMAT_ASTC_5x5_SFLOAT_BLOCK const FORMAT_ASTC_6x5_SFLOAT_BLOCK_EXT = FORMAT_ASTC_6x5_SFLOAT_BLOCK const FORMAT_ASTC_6x6_SFLOAT_BLOCK_EXT = FORMAT_ASTC_6x6_SFLOAT_BLOCK const FORMAT_ASTC_8x5_SFLOAT_BLOCK_EXT = FORMAT_ASTC_8x5_SFLOAT_BLOCK const FORMAT_ASTC_8x6_SFLOAT_BLOCK_EXT = FORMAT_ASTC_8x6_SFLOAT_BLOCK const FORMAT_ASTC_8x8_SFLOAT_BLOCK_EXT = FORMAT_ASTC_8x8_SFLOAT_BLOCK const FORMAT_B10X6G10X6R10X6G10X6_422_UNORM_4PACK16_KHR = FORMAT_B10X6G10X6R10X6G10X6_422_UNORM_4PACK16 const FORMAT_B12X4G12X4R12X4G12X4_422_UNORM_4PACK16_KHR = FORMAT_B12X4G12X4R12X4G12X4_422_UNORM_4PACK16 const FORMAT_B16G16R16G16_422_UNORM_KHR = FORMAT_B16G16R16G16_422_UNORM const FORMAT_B8G8R8G8_422_UNORM_KHR = FORMAT_B8G8R8G8_422_UNORM const FORMAT_FEATURE_2_BLIT_DST_BIT_KHR = FORMAT_FEATURE_2_BLIT_DST_BIT const FORMAT_FEATURE_2_BLIT_SRC_BIT_KHR = FORMAT_FEATURE_2_BLIT_SRC_BIT const FORMAT_FEATURE_2_COLOR_ATTACHMENT_BIT_KHR = FORMAT_FEATURE_2_COLOR_ATTACHMENT_BIT const FORMAT_FEATURE_2_COLOR_ATTACHMENT_BLEND_BIT_KHR = FORMAT_FEATURE_2_COLOR_ATTACHMENT_BLEND_BIT const FORMAT_FEATURE_2_COSITED_CHROMA_SAMPLES_BIT_KHR = FORMAT_FEATURE_2_COSITED_CHROMA_SAMPLES_BIT const FORMAT_FEATURE_2_DEPTH_STENCIL_ATTACHMENT_BIT_KHR = FORMAT_FEATURE_2_DEPTH_STENCIL_ATTACHMENT_BIT const FORMAT_FEATURE_2_DISJOINT_BIT_KHR = FORMAT_FEATURE_2_DISJOINT_BIT const FORMAT_FEATURE_2_MIDPOINT_CHROMA_SAMPLES_BIT_KHR = FORMAT_FEATURE_2_MIDPOINT_CHROMA_SAMPLES_BIT const FORMAT_FEATURE_2_SAMPLED_IMAGE_BIT_KHR = FORMAT_FEATURE_2_SAMPLED_IMAGE_BIT const FORMAT_FEATURE_2_SAMPLED_IMAGE_DEPTH_COMPARISON_BIT_KHR = FORMAT_FEATURE_2_SAMPLED_IMAGE_DEPTH_COMPARISON_BIT const FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_CUBIC_BIT_EXT = FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_CUBIC_BIT const FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_LINEAR_BIT_KHR = FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_LINEAR_BIT const FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_MINMAX_BIT_KHR = FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_MINMAX_BIT const FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_BIT_KHR = FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_BIT const FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_FORCEABLE_BIT_KHR = FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_FORCEABLE_BIT const FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_LINEAR_FILTER_BIT_KHR = FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_LINEAR_FILTER_BIT const FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_SEPARATE_RECONSTRUCTION_FILTER_BIT_KHR = FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_SEPARATE_RECONSTRUCTION_FILTER_BIT const FORMAT_FEATURE_2_STORAGE_IMAGE_ATOMIC_BIT_KHR = FORMAT_FEATURE_2_STORAGE_IMAGE_ATOMIC_BIT const FORMAT_FEATURE_2_STORAGE_IMAGE_BIT_KHR = FORMAT_FEATURE_2_STORAGE_IMAGE_BIT const FORMAT_FEATURE_2_STORAGE_READ_WITHOUT_FORMAT_BIT_KHR = FORMAT_FEATURE_2_STORAGE_READ_WITHOUT_FORMAT_BIT const FORMAT_FEATURE_2_STORAGE_TEXEL_BUFFER_ATOMIC_BIT_KHR = FORMAT_FEATURE_2_STORAGE_TEXEL_BUFFER_ATOMIC_BIT const FORMAT_FEATURE_2_STORAGE_TEXEL_BUFFER_BIT_KHR = FORMAT_FEATURE_2_STORAGE_TEXEL_BUFFER_BIT const FORMAT_FEATURE_2_STORAGE_WRITE_WITHOUT_FORMAT_BIT_KHR = FORMAT_FEATURE_2_STORAGE_WRITE_WITHOUT_FORMAT_BIT const FORMAT_FEATURE_2_TRANSFER_DST_BIT_KHR = FORMAT_FEATURE_2_TRANSFER_DST_BIT const FORMAT_FEATURE_2_TRANSFER_SRC_BIT_KHR = FORMAT_FEATURE_2_TRANSFER_SRC_BIT const FORMAT_FEATURE_2_UNIFORM_TEXEL_BUFFER_BIT_KHR = FORMAT_FEATURE_2_UNIFORM_TEXEL_BUFFER_BIT const FORMAT_FEATURE_2_VERTEX_BUFFER_BIT_KHR = FORMAT_FEATURE_2_VERTEX_BUFFER_BIT const FORMAT_FEATURE_COSITED_CHROMA_SAMPLES_BIT_KHR = FORMAT_FEATURE_COSITED_CHROMA_SAMPLES_BIT const FORMAT_FEATURE_DISJOINT_BIT_KHR = FORMAT_FEATURE_DISJOINT_BIT const FORMAT_FEATURE_MIDPOINT_CHROMA_SAMPLES_BIT_KHR = FORMAT_FEATURE_MIDPOINT_CHROMA_SAMPLES_BIT const FORMAT_FEATURE_SAMPLED_IMAGE_FILTER_CUBIC_BIT_IMG = FORMAT_FEATURE_SAMPLED_IMAGE_FILTER_CUBIC_BIT_EXT const FORMAT_FEATURE_SAMPLED_IMAGE_FILTER_MINMAX_BIT_EXT = FORMAT_FEATURE_SAMPLED_IMAGE_FILTER_MINMAX_BIT const FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_BIT_KHR = FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_BIT const FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_FORCEABLE_BIT_KHR = FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_FORCEABLE_BIT const FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_LINEAR_FILTER_BIT_KHR = FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_LINEAR_FILTER_BIT const FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_SEPARATE_RECONSTRUCTION_FILTER_BIT_KHR = FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_SEPARATE_RECONSTRUCTION_FILTER_BIT const FORMAT_FEATURE_TRANSFER_DST_BIT_KHR = FORMAT_FEATURE_TRANSFER_DST_BIT const FORMAT_FEATURE_TRANSFER_SRC_BIT_KHR = FORMAT_FEATURE_TRANSFER_SRC_BIT const FORMAT_G10X6B10X6G10X6R10X6_422_UNORM_4PACK16_KHR = FORMAT_G10X6B10X6G10X6R10X6_422_UNORM_4PACK16 const FORMAT_G10X6_B10X6R10X6_2PLANE_420_UNORM_3PACK16_KHR = FORMAT_G10X6_B10X6R10X6_2PLANE_420_UNORM_3PACK16 const FORMAT_G10X6_B10X6R10X6_2PLANE_422_UNORM_3PACK16_KHR = FORMAT_G10X6_B10X6R10X6_2PLANE_422_UNORM_3PACK16 const FORMAT_G10X6_B10X6R10X6_2PLANE_444_UNORM_3PACK16_EXT = FORMAT_G10X6_B10X6R10X6_2PLANE_444_UNORM_3PACK16 const FORMAT_G10X6_B10X6_R10X6_3PLANE_420_UNORM_3PACK16_KHR = FORMAT_G10X6_B10X6_R10X6_3PLANE_420_UNORM_3PACK16 const FORMAT_G10X6_B10X6_R10X6_3PLANE_422_UNORM_3PACK16_KHR = FORMAT_G10X6_B10X6_R10X6_3PLANE_422_UNORM_3PACK16 const FORMAT_G10X6_B10X6_R10X6_3PLANE_444_UNORM_3PACK16_KHR = FORMAT_G10X6_B10X6_R10X6_3PLANE_444_UNORM_3PACK16 const FORMAT_G12X4B12X4G12X4R12X4_422_UNORM_4PACK16_KHR = FORMAT_G12X4B12X4G12X4R12X4_422_UNORM_4PACK16 const FORMAT_G12X4_B12X4R12X4_2PLANE_420_UNORM_3PACK16_KHR = FORMAT_G12X4_B12X4R12X4_2PLANE_420_UNORM_3PACK16 const FORMAT_G12X4_B12X4R12X4_2PLANE_422_UNORM_3PACK16_KHR = FORMAT_G12X4_B12X4R12X4_2PLANE_422_UNORM_3PACK16 const FORMAT_G12X4_B12X4R12X4_2PLANE_444_UNORM_3PACK16_EXT = FORMAT_G12X4_B12X4R12X4_2PLANE_444_UNORM_3PACK16 const FORMAT_G12X4_B12X4_R12X4_3PLANE_420_UNORM_3PACK16_KHR = FORMAT_G12X4_B12X4_R12X4_3PLANE_420_UNORM_3PACK16 const FORMAT_G12X4_B12X4_R12X4_3PLANE_422_UNORM_3PACK16_KHR = FORMAT_G12X4_B12X4_R12X4_3PLANE_422_UNORM_3PACK16 const FORMAT_G12X4_B12X4_R12X4_3PLANE_444_UNORM_3PACK16_KHR = FORMAT_G12X4_B12X4_R12X4_3PLANE_444_UNORM_3PACK16 const FORMAT_G16B16G16R16_422_UNORM_KHR = FORMAT_G16B16G16R16_422_UNORM const FORMAT_G16_B16R16_2PLANE_420_UNORM_KHR = FORMAT_G16_B16R16_2PLANE_420_UNORM const FORMAT_G16_B16R16_2PLANE_422_UNORM_KHR = FORMAT_G16_B16R16_2PLANE_422_UNORM const FORMAT_G16_B16R16_2PLANE_444_UNORM_EXT = FORMAT_G16_B16R16_2PLANE_444_UNORM const FORMAT_G16_B16_R16_3PLANE_420_UNORM_KHR = FORMAT_G16_B16_R16_3PLANE_420_UNORM const FORMAT_G16_B16_R16_3PLANE_422_UNORM_KHR = FORMAT_G16_B16_R16_3PLANE_422_UNORM const FORMAT_G16_B16_R16_3PLANE_444_UNORM_KHR = FORMAT_G16_B16_R16_3PLANE_444_UNORM const FORMAT_G8B8G8R8_422_UNORM_KHR = FORMAT_G8B8G8R8_422_UNORM const FORMAT_G8_B8R8_2PLANE_420_UNORM_KHR = FORMAT_G8_B8R8_2PLANE_420_UNORM const FORMAT_G8_B8R8_2PLANE_422_UNORM_KHR = FORMAT_G8_B8R8_2PLANE_422_UNORM const FORMAT_G8_B8R8_2PLANE_444_UNORM_EXT = FORMAT_G8_B8R8_2PLANE_444_UNORM const FORMAT_G8_B8_R8_3PLANE_420_UNORM_KHR = FORMAT_G8_B8_R8_3PLANE_420_UNORM const FORMAT_G8_B8_R8_3PLANE_422_UNORM_KHR = FORMAT_G8_B8_R8_3PLANE_422_UNORM const FORMAT_G8_B8_R8_3PLANE_444_UNORM_KHR = FORMAT_G8_B8_R8_3PLANE_444_UNORM const FORMAT_R10X6G10X6B10X6A10X6_UNORM_4PACK16_KHR = FORMAT_R10X6G10X6B10X6A10X6_UNORM_4PACK16 const FORMAT_R10X6G10X6_UNORM_2PACK16_KHR = FORMAT_R10X6G10X6_UNORM_2PACK16 const FORMAT_R10X6_UNORM_PACK16_KHR = FORMAT_R10X6_UNORM_PACK16 const FORMAT_R12X4G12X4B12X4A12X4_UNORM_4PACK16_KHR = FORMAT_R12X4G12X4B12X4A12X4_UNORM_4PACK16 const FORMAT_R12X4G12X4_UNORM_2PACK16_KHR = FORMAT_R12X4G12X4_UNORM_2PACK16 const FORMAT_R12X4_UNORM_PACK16_KHR = FORMAT_R12X4_UNORM_PACK16 const FRAMEBUFFER_CREATE_IMAGELESS_BIT_KHR = FRAMEBUFFER_CREATE_IMAGELESS_BIT const GEOMETRY_INSTANCE_FORCE_NO_OPAQUE_BIT_NV = GEOMETRY_INSTANCE_FORCE_NO_OPAQUE_BIT_KHR const GEOMETRY_INSTANCE_FORCE_OPAQUE_BIT_NV = GEOMETRY_INSTANCE_FORCE_OPAQUE_BIT_KHR const GEOMETRY_INSTANCE_TRIANGLE_CULL_DISABLE_BIT_NV = GEOMETRY_INSTANCE_TRIANGLE_FACING_CULL_DISABLE_BIT_KHR const GEOMETRY_INSTANCE_TRIANGLE_FRONT_COUNTERCLOCKWISE_BIT_KHR = GEOMETRY_INSTANCE_TRIANGLE_FLIP_FACING_BIT_KHR const GEOMETRY_NO_DUPLICATE_ANY_HIT_INVOCATION_BIT_NV = GEOMETRY_NO_DUPLICATE_ANY_HIT_INVOCATION_BIT_KHR const GEOMETRY_OPAQUE_BIT_NV = GEOMETRY_OPAQUE_BIT_KHR const GEOMETRY_TYPE_AABBS_NV = GEOMETRY_TYPE_AABBS_KHR const GEOMETRY_TYPE_TRIANGLES_NV = GEOMETRY_TYPE_TRIANGLES_KHR const IMAGE_ASPECT_NONE_KHR = IMAGE_ASPECT_NONE const IMAGE_ASPECT_PLANE_0_BIT_KHR = IMAGE_ASPECT_PLANE_0_BIT const IMAGE_ASPECT_PLANE_1_BIT_KHR = IMAGE_ASPECT_PLANE_1_BIT const IMAGE_ASPECT_PLANE_2_BIT_KHR = IMAGE_ASPECT_PLANE_2_BIT const IMAGE_CREATE_2D_ARRAY_COMPATIBLE_BIT_KHR = IMAGE_CREATE_2D_ARRAY_COMPATIBLE_BIT const IMAGE_CREATE_ALIAS_BIT_KHR = IMAGE_CREATE_ALIAS_BIT const IMAGE_CREATE_BLOCK_TEXEL_VIEW_COMPATIBLE_BIT_KHR = IMAGE_CREATE_BLOCK_TEXEL_VIEW_COMPATIBLE_BIT const IMAGE_CREATE_DISJOINT_BIT_KHR = IMAGE_CREATE_DISJOINT_BIT const IMAGE_CREATE_EXTENDED_USAGE_BIT_KHR = IMAGE_CREATE_EXTENDED_USAGE_BIT const IMAGE_CREATE_SPLIT_INSTANCE_BIND_REGIONS_BIT_KHR = IMAGE_CREATE_SPLIT_INSTANCE_BIND_REGIONS_BIT const IMAGE_LAYOUT_ATTACHMENT_OPTIMAL_KHR = IMAGE_LAYOUT_ATTACHMENT_OPTIMAL const IMAGE_LAYOUT_DEPTH_ATTACHMENT_OPTIMAL_KHR = IMAGE_LAYOUT_DEPTH_ATTACHMENT_OPTIMAL const IMAGE_LAYOUT_DEPTH_ATTACHMENT_STENCIL_READ_ONLY_OPTIMAL_KHR = IMAGE_LAYOUT_DEPTH_ATTACHMENT_STENCIL_READ_ONLY_OPTIMAL const IMAGE_LAYOUT_DEPTH_READ_ONLY_OPTIMAL_KHR = IMAGE_LAYOUT_DEPTH_READ_ONLY_OPTIMAL const IMAGE_LAYOUT_DEPTH_READ_ONLY_STENCIL_ATTACHMENT_OPTIMAL_KHR = IMAGE_LAYOUT_DEPTH_READ_ONLY_STENCIL_ATTACHMENT_OPTIMAL const IMAGE_LAYOUT_READ_ONLY_OPTIMAL_KHR = IMAGE_LAYOUT_READ_ONLY_OPTIMAL const IMAGE_LAYOUT_SHADING_RATE_OPTIMAL_NV = IMAGE_LAYOUT_FRAGMENT_SHADING_RATE_ATTACHMENT_OPTIMAL_KHR const IMAGE_LAYOUT_STENCIL_ATTACHMENT_OPTIMAL_KHR = IMAGE_LAYOUT_STENCIL_ATTACHMENT_OPTIMAL const IMAGE_LAYOUT_STENCIL_READ_ONLY_OPTIMAL_KHR = IMAGE_LAYOUT_STENCIL_READ_ONLY_OPTIMAL const IMAGE_USAGE_SHADING_RATE_IMAGE_BIT_NV = IMAGE_USAGE_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR const INDEX_TYPE_NONE_NV = INDEX_TYPE_NONE_KHR const LUID_SIZE_KHR = LUID_SIZE const MAX_DEVICE_GROUP_SIZE_KHR = MAX_DEVICE_GROUP_SIZE const MAX_DRIVER_INFO_SIZE_KHR = MAX_DRIVER_INFO_SIZE const MAX_DRIVER_NAME_SIZE_KHR = MAX_DRIVER_NAME_SIZE const MAX_GLOBAL_PRIORITY_SIZE_EXT = MAX_GLOBAL_PRIORITY_SIZE_KHR const MEMORY_ALLOCATE_DEVICE_ADDRESS_BIT_KHR = MEMORY_ALLOCATE_DEVICE_ADDRESS_BIT const MEMORY_ALLOCATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT_KHR = MEMORY_ALLOCATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT const MEMORY_ALLOCATE_DEVICE_MASK_BIT_KHR = MEMORY_ALLOCATE_DEVICE_MASK_BIT const MEMORY_HEAP_MULTI_INSTANCE_BIT_KHR = MEMORY_HEAP_MULTI_INSTANCE_BIT const OBJECT_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_KHR = OBJECT_TYPE_DESCRIPTOR_UPDATE_TEMPLATE const OBJECT_TYPE_PRIVATE_DATA_SLOT_EXT = OBJECT_TYPE_PRIVATE_DATA_SLOT const OBJECT_TYPE_SAMPLER_YCBCR_CONVERSION_KHR = OBJECT_TYPE_SAMPLER_YCBCR_CONVERSION const PEER_MEMORY_FEATURE_COPY_DST_BIT_KHR = PEER_MEMORY_FEATURE_COPY_DST_BIT const PEER_MEMORY_FEATURE_COPY_SRC_BIT_KHR = PEER_MEMORY_FEATURE_COPY_SRC_BIT const PEER_MEMORY_FEATURE_GENERIC_DST_BIT_KHR = PEER_MEMORY_FEATURE_GENERIC_DST_BIT const PEER_MEMORY_FEATURE_GENERIC_SRC_BIT_KHR = PEER_MEMORY_FEATURE_GENERIC_SRC_BIT const PERFORMANCE_COUNTER_DESCRIPTION_CONCURRENTLY_IMPACTED_KHR = PERFORMANCE_COUNTER_DESCRIPTION_CONCURRENTLY_IMPACTED_BIT_KHR const PERFORMANCE_COUNTER_DESCRIPTION_PERFORMANCE_IMPACTING_KHR = PERFORMANCE_COUNTER_DESCRIPTION_PERFORMANCE_IMPACTING_BIT_KHR const PIPELINE_BIND_POINT_RAY_TRACING_NV = PIPELINE_BIND_POINT_RAY_TRACING_KHR const PIPELINE_CACHE_CREATE_EXTERNALLY_SYNCHRONIZED_BIT_EXT = PIPELINE_CACHE_CREATE_EXTERNALLY_SYNCHRONIZED_BIT const PIPELINE_COLOR_BLEND_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_ACCESS_BIT_ARM = PIPELINE_COLOR_BLEND_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_ACCESS_BIT_EXT const PIPELINE_COMPILE_REQUIRED_EXT = PIPELINE_COMPILE_REQUIRED const PIPELINE_CREATE_DISPATCH_BASE = PIPELINE_CREATE_DISPATCH_BASE_BIT const PIPELINE_CREATE_EARLY_RETURN_ON_FAILURE_BIT_EXT = PIPELINE_CREATE_EARLY_RETURN_ON_FAILURE_BIT const PIPELINE_CREATE_FAIL_ON_PIPELINE_COMPILE_REQUIRED_BIT_EXT = PIPELINE_CREATE_FAIL_ON_PIPELINE_COMPILE_REQUIRED_BIT const PIPELINE_CREATE_VIEW_INDEX_FROM_DEVICE_INDEX_BIT_KHR = PIPELINE_CREATE_VIEW_INDEX_FROM_DEVICE_INDEX_BIT const PIPELINE_CREATION_FEEDBACK_APPLICATION_PIPELINE_CACHE_HIT_BIT_EXT = PIPELINE_CREATION_FEEDBACK_APPLICATION_PIPELINE_CACHE_HIT_BIT const PIPELINE_CREATION_FEEDBACK_BASE_PIPELINE_ACCELERATION_BIT_EXT = PIPELINE_CREATION_FEEDBACK_BASE_PIPELINE_ACCELERATION_BIT const PIPELINE_CREATION_FEEDBACK_VALID_BIT_EXT = PIPELINE_CREATION_FEEDBACK_VALID_BIT const PIPELINE_DEPTH_STENCIL_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_DEPTH_ACCESS_BIT_ARM = PIPELINE_DEPTH_STENCIL_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_DEPTH_ACCESS_BIT_EXT const PIPELINE_DEPTH_STENCIL_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_STENCIL_ACCESS_BIT_ARM = PIPELINE_DEPTH_STENCIL_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_STENCIL_ACCESS_BIT_EXT const PIPELINE_RASTERIZATION_STATE_CREATE_FRAGMENT_DENSITY_MAP_ATTACHMENT_BIT_EXT = PIPELINE_CREATE_RENDERING_FRAGMENT_DENSITY_MAP_ATTACHMENT_BIT_EXT const PIPELINE_RASTERIZATION_STATE_CREATE_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR = PIPELINE_CREATE_RENDERING_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR const PIPELINE_SHADER_STAGE_CREATE_ALLOW_VARYING_SUBGROUP_SIZE_BIT_EXT = PIPELINE_SHADER_STAGE_CREATE_ALLOW_VARYING_SUBGROUP_SIZE_BIT const PIPELINE_SHADER_STAGE_CREATE_REQUIRE_FULL_SUBGROUPS_BIT_EXT = PIPELINE_SHADER_STAGE_CREATE_REQUIRE_FULL_SUBGROUPS_BIT const PIPELINE_STAGE_2_ACCELERATION_STRUCTURE_BUILD_BIT_NV = PIPELINE_STAGE_2_ACCELERATION_STRUCTURE_BUILD_BIT_KHR const PIPELINE_STAGE_2_ALL_COMMANDS_BIT_KHR = PIPELINE_STAGE_2_ALL_COMMANDS_BIT const PIPELINE_STAGE_2_ALL_GRAPHICS_BIT_KHR = PIPELINE_STAGE_2_ALL_GRAPHICS_BIT const PIPELINE_STAGE_2_ALL_TRANSFER_BIT_KHR = PIPELINE_STAGE_2_ALL_TRANSFER_BIT const PIPELINE_STAGE_2_BLIT_BIT_KHR = PIPELINE_STAGE_2_BLIT_BIT const PIPELINE_STAGE_2_BOTTOM_OF_PIPE_BIT_KHR = PIPELINE_STAGE_2_BOTTOM_OF_PIPE_BIT const PIPELINE_STAGE_2_CLEAR_BIT_KHR = PIPELINE_STAGE_2_CLEAR_BIT const PIPELINE_STAGE_2_COLOR_ATTACHMENT_OUTPUT_BIT_KHR = PIPELINE_STAGE_2_COLOR_ATTACHMENT_OUTPUT_BIT const PIPELINE_STAGE_2_COMPUTE_SHADER_BIT_KHR = PIPELINE_STAGE_2_COMPUTE_SHADER_BIT const PIPELINE_STAGE_2_COPY_BIT_KHR = PIPELINE_STAGE_2_COPY_BIT const PIPELINE_STAGE_2_DRAW_INDIRECT_BIT_KHR = PIPELINE_STAGE_2_DRAW_INDIRECT_BIT const PIPELINE_STAGE_2_EARLY_FRAGMENT_TESTS_BIT_KHR = PIPELINE_STAGE_2_EARLY_FRAGMENT_TESTS_BIT const PIPELINE_STAGE_2_FRAGMENT_SHADER_BIT_KHR = PIPELINE_STAGE_2_FRAGMENT_SHADER_BIT const PIPELINE_STAGE_2_GEOMETRY_SHADER_BIT_KHR = PIPELINE_STAGE_2_GEOMETRY_SHADER_BIT const PIPELINE_STAGE_2_HOST_BIT_KHR = PIPELINE_STAGE_2_HOST_BIT const PIPELINE_STAGE_2_INDEX_INPUT_BIT_KHR = PIPELINE_STAGE_2_INDEX_INPUT_BIT const PIPELINE_STAGE_2_LATE_FRAGMENT_TESTS_BIT_KHR = PIPELINE_STAGE_2_LATE_FRAGMENT_TESTS_BIT const PIPELINE_STAGE_2_MESH_SHADER_BIT_NV = PIPELINE_STAGE_2_MESH_SHADER_BIT_EXT const PIPELINE_STAGE_2_NONE_KHR = PIPELINE_STAGE_2_NONE const PIPELINE_STAGE_2_PRE_RASTERIZATION_SHADERS_BIT_KHR = PIPELINE_STAGE_2_PRE_RASTERIZATION_SHADERS_BIT const PIPELINE_STAGE_2_RAY_TRACING_SHADER_BIT_NV = PIPELINE_STAGE_2_RAY_TRACING_SHADER_BIT_KHR const PIPELINE_STAGE_2_RESOLVE_BIT_KHR = PIPELINE_STAGE_2_RESOLVE_BIT const PIPELINE_STAGE_2_SHADING_RATE_IMAGE_BIT_NV = PIPELINE_STAGE_2_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR const PIPELINE_STAGE_2_TASK_SHADER_BIT_NV = PIPELINE_STAGE_2_TASK_SHADER_BIT_EXT const PIPELINE_STAGE_2_TESSELLATION_CONTROL_SHADER_BIT_KHR = PIPELINE_STAGE_2_TESSELLATION_CONTROL_SHADER_BIT const PIPELINE_STAGE_2_TESSELLATION_EVALUATION_SHADER_BIT_KHR = PIPELINE_STAGE_2_TESSELLATION_EVALUATION_SHADER_BIT const PIPELINE_STAGE_2_TOP_OF_PIPE_BIT_KHR = PIPELINE_STAGE_2_TOP_OF_PIPE_BIT const PIPELINE_STAGE_2_TRANSFER_BIT_KHR = PIPELINE_STAGE_2_ALL_TRANSFER_BIT const PIPELINE_STAGE_2_VERTEX_ATTRIBUTE_INPUT_BIT_KHR = PIPELINE_STAGE_2_VERTEX_ATTRIBUTE_INPUT_BIT const PIPELINE_STAGE_2_VERTEX_INPUT_BIT_KHR = PIPELINE_STAGE_2_VERTEX_INPUT_BIT const PIPELINE_STAGE_2_VERTEX_SHADER_BIT_KHR = PIPELINE_STAGE_2_VERTEX_SHADER_BIT const PIPELINE_STAGE_ACCELERATION_STRUCTURE_BUILD_BIT_NV = PIPELINE_STAGE_ACCELERATION_STRUCTURE_BUILD_BIT_KHR const PIPELINE_STAGE_MESH_SHADER_BIT_NV = PIPELINE_STAGE_MESH_SHADER_BIT_EXT const PIPELINE_STAGE_NONE_KHR = PIPELINE_STAGE_NONE const PIPELINE_STAGE_RAY_TRACING_SHADER_BIT_NV = PIPELINE_STAGE_RAY_TRACING_SHADER_BIT_KHR const PIPELINE_STAGE_SHADING_RATE_IMAGE_BIT_NV = PIPELINE_STAGE_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR const PIPELINE_STAGE_TASK_SHADER_BIT_NV = PIPELINE_STAGE_TASK_SHADER_BIT_EXT const POINT_CLIPPING_BEHAVIOR_ALL_CLIP_PLANES_KHR = POINT_CLIPPING_BEHAVIOR_ALL_CLIP_PLANES const POINT_CLIPPING_BEHAVIOR_USER_CLIP_PLANES_ONLY_KHR = POINT_CLIPPING_BEHAVIOR_USER_CLIP_PLANES_ONLY const QUERY_SCOPE_COMMAND_BUFFER_KHR = PERFORMANCE_COUNTER_SCOPE_COMMAND_BUFFER_KHR const QUERY_SCOPE_COMMAND_KHR = PERFORMANCE_COUNTER_SCOPE_COMMAND_KHR const QUERY_SCOPE_RENDER_PASS_KHR = PERFORMANCE_COUNTER_SCOPE_RENDER_PASS_KHR const QUEUE_FAMILY_EXTERNAL_KHR = QUEUE_FAMILY_EXTERNAL const QUEUE_GLOBAL_PRIORITY_HIGH_EXT = QUEUE_GLOBAL_PRIORITY_HIGH_KHR const QUEUE_GLOBAL_PRIORITY_LOW_EXT = QUEUE_GLOBAL_PRIORITY_LOW_KHR const QUEUE_GLOBAL_PRIORITY_MEDIUM_EXT = QUEUE_GLOBAL_PRIORITY_MEDIUM_KHR const QUEUE_GLOBAL_PRIORITY_REALTIME_EXT = QUEUE_GLOBAL_PRIORITY_REALTIME_KHR const RAY_TRACING_SHADER_GROUP_TYPE_GENERAL_NV = RAY_TRACING_SHADER_GROUP_TYPE_GENERAL_KHR const RAY_TRACING_SHADER_GROUP_TYPE_PROCEDURAL_HIT_GROUP_NV = RAY_TRACING_SHADER_GROUP_TYPE_PROCEDURAL_HIT_GROUP_KHR const RAY_TRACING_SHADER_GROUP_TYPE_TRIANGLES_HIT_GROUP_NV = RAY_TRACING_SHADER_GROUP_TYPE_TRIANGLES_HIT_GROUP_KHR const RENDERING_CONTENTS_SECONDARY_COMMAND_BUFFERS_BIT_KHR = RENDERING_CONTENTS_SECONDARY_COMMAND_BUFFERS_BIT const RENDERING_RESUMING_BIT_KHR = RENDERING_RESUMING_BIT const RENDERING_SUSPENDING_BIT_KHR = RENDERING_SUSPENDING_BIT const RESOLVE_MODE_AVERAGE_BIT_KHR = RESOLVE_MODE_AVERAGE_BIT const RESOLVE_MODE_MAX_BIT_KHR = RESOLVE_MODE_MAX_BIT const RESOLVE_MODE_MIN_BIT_KHR = RESOLVE_MODE_MIN_BIT const RESOLVE_MODE_NONE_KHR = RESOLVE_MODE_NONE const RESOLVE_MODE_SAMPLE_ZERO_BIT_KHR = RESOLVE_MODE_SAMPLE_ZERO_BIT const SAMPLER_ADDRESS_MODE_MIRROR_CLAMP_TO_EDGE_KHR = SAMPLER_ADDRESS_MODE_MIRROR_CLAMP_TO_EDGE const SAMPLER_REDUCTION_MODE_MAX_EXT = SAMPLER_REDUCTION_MODE_MAX const SAMPLER_REDUCTION_MODE_MIN_EXT = SAMPLER_REDUCTION_MODE_MIN const SAMPLER_REDUCTION_MODE_WEIGHTED_AVERAGE_EXT = SAMPLER_REDUCTION_MODE_WEIGHTED_AVERAGE const SAMPLER_YCBCR_MODEL_CONVERSION_RGB_IDENTITY_KHR = SAMPLER_YCBCR_MODEL_CONVERSION_RGB_IDENTITY const SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_2020_KHR = SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_2020 const SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_601_KHR = SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_601 const SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_709_KHR = SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_709 const SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_IDENTITY_KHR = SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_IDENTITY const SAMPLER_YCBCR_RANGE_ITU_FULL_KHR = SAMPLER_YCBCR_RANGE_ITU_FULL const SAMPLER_YCBCR_RANGE_ITU_NARROW_KHR = SAMPLER_YCBCR_RANGE_ITU_NARROW const SEMAPHORE_IMPORT_TEMPORARY_BIT_KHR = SEMAPHORE_IMPORT_TEMPORARY_BIT const SEMAPHORE_TYPE_BINARY_KHR = SEMAPHORE_TYPE_BINARY const SEMAPHORE_TYPE_TIMELINE_KHR = SEMAPHORE_TYPE_TIMELINE const SEMAPHORE_WAIT_ANY_BIT_KHR = SEMAPHORE_WAIT_ANY_BIT const SHADER_FLOAT_CONTROLS_INDEPENDENCE_32_BIT_ONLY_KHR = SHADER_FLOAT_CONTROLS_INDEPENDENCE_32_BIT_ONLY const SHADER_FLOAT_CONTROLS_INDEPENDENCE_ALL_KHR = SHADER_FLOAT_CONTROLS_INDEPENDENCE_ALL const SHADER_FLOAT_CONTROLS_INDEPENDENCE_NONE_KHR = SHADER_FLOAT_CONTROLS_INDEPENDENCE_NONE const SHADER_STAGE_ANY_HIT_BIT_NV = SHADER_STAGE_ANY_HIT_BIT_KHR const SHADER_STAGE_CALLABLE_BIT_NV = SHADER_STAGE_CALLABLE_BIT_KHR const SHADER_STAGE_CLOSEST_HIT_BIT_NV = SHADER_STAGE_CLOSEST_HIT_BIT_KHR const SHADER_STAGE_INTERSECTION_BIT_NV = SHADER_STAGE_INTERSECTION_BIT_KHR const SHADER_STAGE_MESH_BIT_NV = SHADER_STAGE_MESH_BIT_EXT const SHADER_STAGE_MISS_BIT_NV = SHADER_STAGE_MISS_BIT_KHR const SHADER_STAGE_RAYGEN_BIT_NV = SHADER_STAGE_RAYGEN_BIT_KHR const SHADER_STAGE_TASK_BIT_NV = SHADER_STAGE_TASK_BIT_EXT const SHADER_UNUSED_NV = SHADER_UNUSED_KHR const STENCIL_FRONT_AND_BACK = STENCIL_FACE_FRONT_AND_BACK const STRUCTURE_TYPE_ATTACHMENT_DESCRIPTION_2_KHR = STRUCTURE_TYPE_ATTACHMENT_DESCRIPTION_2 const STRUCTURE_TYPE_ATTACHMENT_DESCRIPTION_STENCIL_LAYOUT_KHR = STRUCTURE_TYPE_ATTACHMENT_DESCRIPTION_STENCIL_LAYOUT const STRUCTURE_TYPE_ATTACHMENT_REFERENCE_2_KHR = STRUCTURE_TYPE_ATTACHMENT_REFERENCE_2 const STRUCTURE_TYPE_ATTACHMENT_REFERENCE_STENCIL_LAYOUT_KHR = STRUCTURE_TYPE_ATTACHMENT_REFERENCE_STENCIL_LAYOUT const STRUCTURE_TYPE_ATTACHMENT_SAMPLE_COUNT_INFO_NV = STRUCTURE_TYPE_ATTACHMENT_SAMPLE_COUNT_INFO_AMD const STRUCTURE_TYPE_BIND_BUFFER_MEMORY_DEVICE_GROUP_INFO_KHR = STRUCTURE_TYPE_BIND_BUFFER_MEMORY_DEVICE_GROUP_INFO const STRUCTURE_TYPE_BIND_BUFFER_MEMORY_INFO_KHR = STRUCTURE_TYPE_BIND_BUFFER_MEMORY_INFO const STRUCTURE_TYPE_BIND_IMAGE_MEMORY_DEVICE_GROUP_INFO_KHR = STRUCTURE_TYPE_BIND_IMAGE_MEMORY_DEVICE_GROUP_INFO const STRUCTURE_TYPE_BIND_IMAGE_MEMORY_INFO_KHR = STRUCTURE_TYPE_BIND_IMAGE_MEMORY_INFO const STRUCTURE_TYPE_BIND_IMAGE_PLANE_MEMORY_INFO_KHR = STRUCTURE_TYPE_BIND_IMAGE_PLANE_MEMORY_INFO const STRUCTURE_TYPE_BLIT_IMAGE_INFO_2_KHR = STRUCTURE_TYPE_BLIT_IMAGE_INFO_2 const STRUCTURE_TYPE_BUFFER_COPY_2_KHR = STRUCTURE_TYPE_BUFFER_COPY_2 const STRUCTURE_TYPE_BUFFER_DEVICE_ADDRESS_INFO_EXT = STRUCTURE_TYPE_BUFFER_DEVICE_ADDRESS_INFO const STRUCTURE_TYPE_BUFFER_DEVICE_ADDRESS_INFO_KHR = STRUCTURE_TYPE_BUFFER_DEVICE_ADDRESS_INFO const STRUCTURE_TYPE_BUFFER_IMAGE_COPY_2_KHR = STRUCTURE_TYPE_BUFFER_IMAGE_COPY_2 const STRUCTURE_TYPE_BUFFER_MEMORY_BARRIER_2_KHR = STRUCTURE_TYPE_BUFFER_MEMORY_BARRIER_2 const STRUCTURE_TYPE_BUFFER_MEMORY_REQUIREMENTS_INFO_2_KHR = STRUCTURE_TYPE_BUFFER_MEMORY_REQUIREMENTS_INFO_2 const STRUCTURE_TYPE_BUFFER_OPAQUE_CAPTURE_ADDRESS_CREATE_INFO_KHR = STRUCTURE_TYPE_BUFFER_OPAQUE_CAPTURE_ADDRESS_CREATE_INFO const STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_RENDERING_INFO_KHR = STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_RENDERING_INFO const STRUCTURE_TYPE_COMMAND_BUFFER_SUBMIT_INFO_KHR = STRUCTURE_TYPE_COMMAND_BUFFER_SUBMIT_INFO const STRUCTURE_TYPE_COPY_BUFFER_INFO_2_KHR = STRUCTURE_TYPE_COPY_BUFFER_INFO_2 const STRUCTURE_TYPE_COPY_BUFFER_TO_IMAGE_INFO_2_KHR = STRUCTURE_TYPE_COPY_BUFFER_TO_IMAGE_INFO_2 const STRUCTURE_TYPE_COPY_IMAGE_INFO_2_KHR = STRUCTURE_TYPE_COPY_IMAGE_INFO_2 const STRUCTURE_TYPE_COPY_IMAGE_TO_BUFFER_INFO_2_KHR = STRUCTURE_TYPE_COPY_IMAGE_TO_BUFFER_INFO_2 const STRUCTURE_TYPE_DEBUG_REPORT_CREATE_INFO_EXT = STRUCTURE_TYPE_DEBUG_REPORT_CALLBACK_CREATE_INFO_EXT const STRUCTURE_TYPE_DEPENDENCY_INFO_KHR = STRUCTURE_TYPE_DEPENDENCY_INFO const STRUCTURE_TYPE_DESCRIPTOR_POOL_INLINE_UNIFORM_BLOCK_CREATE_INFO_EXT = STRUCTURE_TYPE_DESCRIPTOR_POOL_INLINE_UNIFORM_BLOCK_CREATE_INFO const STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_BINDING_FLAGS_CREATE_INFO_EXT = STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_BINDING_FLAGS_CREATE_INFO const STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_SUPPORT_KHR = STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_SUPPORT const STRUCTURE_TYPE_DESCRIPTOR_SET_VARIABLE_DESCRIPTOR_COUNT_ALLOCATE_INFO_EXT = STRUCTURE_TYPE_DESCRIPTOR_SET_VARIABLE_DESCRIPTOR_COUNT_ALLOCATE_INFO const STRUCTURE_TYPE_DESCRIPTOR_SET_VARIABLE_DESCRIPTOR_COUNT_LAYOUT_SUPPORT_EXT = STRUCTURE_TYPE_DESCRIPTOR_SET_VARIABLE_DESCRIPTOR_COUNT_LAYOUT_SUPPORT const STRUCTURE_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_CREATE_INFO_KHR = STRUCTURE_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_CREATE_INFO const STRUCTURE_TYPE_DEVICE_BUFFER_MEMORY_REQUIREMENTS_KHR = STRUCTURE_TYPE_DEVICE_BUFFER_MEMORY_REQUIREMENTS const STRUCTURE_TYPE_DEVICE_GROUP_BIND_SPARSE_INFO_KHR = STRUCTURE_TYPE_DEVICE_GROUP_BIND_SPARSE_INFO const STRUCTURE_TYPE_DEVICE_GROUP_COMMAND_BUFFER_BEGIN_INFO_KHR = STRUCTURE_TYPE_DEVICE_GROUP_COMMAND_BUFFER_BEGIN_INFO const STRUCTURE_TYPE_DEVICE_GROUP_DEVICE_CREATE_INFO_KHR = STRUCTURE_TYPE_DEVICE_GROUP_DEVICE_CREATE_INFO const STRUCTURE_TYPE_DEVICE_GROUP_RENDER_PASS_BEGIN_INFO_KHR = STRUCTURE_TYPE_DEVICE_GROUP_RENDER_PASS_BEGIN_INFO const STRUCTURE_TYPE_DEVICE_GROUP_SUBMIT_INFO_KHR = STRUCTURE_TYPE_DEVICE_GROUP_SUBMIT_INFO const STRUCTURE_TYPE_DEVICE_IMAGE_MEMORY_REQUIREMENTS_KHR = STRUCTURE_TYPE_DEVICE_IMAGE_MEMORY_REQUIREMENTS const STRUCTURE_TYPE_DEVICE_MEMORY_OPAQUE_CAPTURE_ADDRESS_INFO_KHR = STRUCTURE_TYPE_DEVICE_MEMORY_OPAQUE_CAPTURE_ADDRESS_INFO const STRUCTURE_TYPE_DEVICE_PRIVATE_DATA_CREATE_INFO_EXT = STRUCTURE_TYPE_DEVICE_PRIVATE_DATA_CREATE_INFO const STRUCTURE_TYPE_DEVICE_QUEUE_GLOBAL_PRIORITY_CREATE_INFO_EXT = STRUCTURE_TYPE_DEVICE_QUEUE_GLOBAL_PRIORITY_CREATE_INFO_KHR const STRUCTURE_TYPE_EXPORT_FENCE_CREATE_INFO_KHR = STRUCTURE_TYPE_EXPORT_FENCE_CREATE_INFO const STRUCTURE_TYPE_EXPORT_MEMORY_ALLOCATE_INFO_KHR = STRUCTURE_TYPE_EXPORT_MEMORY_ALLOCATE_INFO const STRUCTURE_TYPE_EXPORT_SEMAPHORE_CREATE_INFO_KHR = STRUCTURE_TYPE_EXPORT_SEMAPHORE_CREATE_INFO const STRUCTURE_TYPE_EXTERNAL_BUFFER_PROPERTIES_KHR = STRUCTURE_TYPE_EXTERNAL_BUFFER_PROPERTIES const STRUCTURE_TYPE_EXTERNAL_FENCE_PROPERTIES_KHR = STRUCTURE_TYPE_EXTERNAL_FENCE_PROPERTIES const STRUCTURE_TYPE_EXTERNAL_IMAGE_FORMAT_PROPERTIES_KHR = STRUCTURE_TYPE_EXTERNAL_IMAGE_FORMAT_PROPERTIES const STRUCTURE_TYPE_EXTERNAL_MEMORY_BUFFER_CREATE_INFO_KHR = STRUCTURE_TYPE_EXTERNAL_MEMORY_BUFFER_CREATE_INFO const STRUCTURE_TYPE_EXTERNAL_MEMORY_IMAGE_CREATE_INFO_KHR = STRUCTURE_TYPE_EXTERNAL_MEMORY_IMAGE_CREATE_INFO const STRUCTURE_TYPE_EXTERNAL_SEMAPHORE_PROPERTIES_KHR = STRUCTURE_TYPE_EXTERNAL_SEMAPHORE_PROPERTIES const STRUCTURE_TYPE_FORMAT_PROPERTIES_2_KHR = STRUCTURE_TYPE_FORMAT_PROPERTIES_2 const STRUCTURE_TYPE_FORMAT_PROPERTIES_3_KHR = STRUCTURE_TYPE_FORMAT_PROPERTIES_3 const STRUCTURE_TYPE_FRAMEBUFFER_ATTACHMENTS_CREATE_INFO_KHR = STRUCTURE_TYPE_FRAMEBUFFER_ATTACHMENTS_CREATE_INFO const STRUCTURE_TYPE_FRAMEBUFFER_ATTACHMENT_IMAGE_INFO_KHR = STRUCTURE_TYPE_FRAMEBUFFER_ATTACHMENT_IMAGE_INFO const STRUCTURE_TYPE_IMAGE_BLIT_2_KHR = STRUCTURE_TYPE_IMAGE_BLIT_2 const STRUCTURE_TYPE_IMAGE_COPY_2_KHR = STRUCTURE_TYPE_IMAGE_COPY_2 const STRUCTURE_TYPE_IMAGE_FORMAT_LIST_CREATE_INFO_KHR = STRUCTURE_TYPE_IMAGE_FORMAT_LIST_CREATE_INFO const STRUCTURE_TYPE_IMAGE_FORMAT_PROPERTIES_2_KHR = STRUCTURE_TYPE_IMAGE_FORMAT_PROPERTIES_2 const STRUCTURE_TYPE_IMAGE_MEMORY_BARRIER_2_KHR = STRUCTURE_TYPE_IMAGE_MEMORY_BARRIER_2 const STRUCTURE_TYPE_IMAGE_MEMORY_REQUIREMENTS_INFO_2_KHR = STRUCTURE_TYPE_IMAGE_MEMORY_REQUIREMENTS_INFO_2 const STRUCTURE_TYPE_IMAGE_PLANE_MEMORY_REQUIREMENTS_INFO_KHR = STRUCTURE_TYPE_IMAGE_PLANE_MEMORY_REQUIREMENTS_INFO const STRUCTURE_TYPE_IMAGE_RESOLVE_2_KHR = STRUCTURE_TYPE_IMAGE_RESOLVE_2 const STRUCTURE_TYPE_IMAGE_SPARSE_MEMORY_REQUIREMENTS_INFO_2_KHR = STRUCTURE_TYPE_IMAGE_SPARSE_MEMORY_REQUIREMENTS_INFO_2 const STRUCTURE_TYPE_IMAGE_STENCIL_USAGE_CREATE_INFO_EXT = STRUCTURE_TYPE_IMAGE_STENCIL_USAGE_CREATE_INFO const STRUCTURE_TYPE_IMAGE_VIEW_USAGE_CREATE_INFO_KHR = STRUCTURE_TYPE_IMAGE_VIEW_USAGE_CREATE_INFO const STRUCTURE_TYPE_MEMORY_ALLOCATE_FLAGS_INFO_KHR = STRUCTURE_TYPE_MEMORY_ALLOCATE_FLAGS_INFO const STRUCTURE_TYPE_MEMORY_BARRIER_2_KHR = STRUCTURE_TYPE_MEMORY_BARRIER_2 const STRUCTURE_TYPE_MEMORY_DEDICATED_ALLOCATE_INFO_KHR = STRUCTURE_TYPE_MEMORY_DEDICATED_ALLOCATE_INFO const STRUCTURE_TYPE_MEMORY_DEDICATED_REQUIREMENTS_KHR = STRUCTURE_TYPE_MEMORY_DEDICATED_REQUIREMENTS const STRUCTURE_TYPE_MEMORY_OPAQUE_CAPTURE_ADDRESS_ALLOCATE_INFO_KHR = STRUCTURE_TYPE_MEMORY_OPAQUE_CAPTURE_ADDRESS_ALLOCATE_INFO const STRUCTURE_TYPE_MEMORY_REQUIREMENTS_2_KHR = STRUCTURE_TYPE_MEMORY_REQUIREMENTS_2 const STRUCTURE_TYPE_MUTABLE_DESCRIPTOR_TYPE_CREATE_INFO_VALVE = STRUCTURE_TYPE_MUTABLE_DESCRIPTOR_TYPE_CREATE_INFO_EXT const STRUCTURE_TYPE_PHYSICAL_DEVICE_16BIT_STORAGE_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_16BIT_STORAGE_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_8BIT_STORAGE_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_8BIT_STORAGE_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_BUFFER_ADDRESS_FEATURES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_BUFFER_DEVICE_ADDRESS_FEATURES_EXT const STRUCTURE_TYPE_PHYSICAL_DEVICE_BUFFER_DEVICE_ADDRESS_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_BUFFER_DEVICE_ADDRESS_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_STENCIL_RESOLVE_PROPERTIES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_STENCIL_RESOLVE_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_INDEXING_FEATURES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_INDEXING_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_INDEXING_PROPERTIES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_INDEXING_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_DRIVER_PROPERTIES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_DRIVER_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_DYNAMIC_RENDERING_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_DYNAMIC_RENDERING_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_BUFFER_INFO_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_BUFFER_INFO const STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_FENCE_INFO_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_FENCE_INFO const STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_IMAGE_FORMAT_INFO_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_IMAGE_FORMAT_INFO const STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_SEMAPHORE_INFO_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_SEMAPHORE_INFO const STRUCTURE_TYPE_PHYSICAL_DEVICE_FEATURES_2_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_FEATURES_2 const STRUCTURE_TYPE_PHYSICAL_DEVICE_FLOAT16_INT8_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_FLOAT16_INT8_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_FLOAT_CONTROLS_PROPERTIES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_FLOAT_CONTROLS_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADER_BARYCENTRIC_FEATURES_NV = STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADER_BARYCENTRIC_FEATURES_KHR const STRUCTURE_TYPE_PHYSICAL_DEVICE_GLOBAL_PRIORITY_QUERY_FEATURES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_GLOBAL_PRIORITY_QUERY_FEATURES_KHR const STRUCTURE_TYPE_PHYSICAL_DEVICE_GROUP_PROPERTIES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_GROUP_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_HOST_QUERY_RESET_FEATURES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_HOST_QUERY_RESET_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_ID_PROPERTIES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_ID_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGELESS_FRAMEBUFFER_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGELESS_FRAMEBUFFER_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_FORMAT_INFO_2_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_FORMAT_INFO_2 const STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_ROBUSTNESS_FEATURES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_ROBUSTNESS_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_INLINE_UNIFORM_BLOCK_FEATURES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_INLINE_UNIFORM_BLOCK_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_INLINE_UNIFORM_BLOCK_PROPERTIES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_INLINE_UNIFORM_BLOCK_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_3_PROPERTIES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_3_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_4_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_4_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_4_PROPERTIES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_4_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_PROPERTIES_2_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_PROPERTIES_2 const STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_PROPERTIES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_MUTABLE_DESCRIPTOR_TYPE_FEATURES_VALVE = STRUCTURE_TYPE_PHYSICAL_DEVICE_MUTABLE_DESCRIPTOR_TYPE_FEATURES_EXT const STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_CREATION_CACHE_CONTROL_FEATURES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_CREATION_CACHE_CONTROL_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_POINT_CLIPPING_PROPERTIES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_POINT_CLIPPING_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_PRIVATE_DATA_FEATURES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_PRIVATE_DATA_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_PROPERTIES_2_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_PROPERTIES_2 const STRUCTURE_TYPE_PHYSICAL_DEVICE_RASTERIZATION_ORDER_ATTACHMENT_ACCESS_FEATURES_ARM = STRUCTURE_TYPE_PHYSICAL_DEVICE_RASTERIZATION_ORDER_ATTACHMENT_ACCESS_FEATURES_EXT const STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLER_FILTER_MINMAX_PROPERTIES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLER_FILTER_MINMAX_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLER_YCBCR_CONVERSION_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLER_YCBCR_CONVERSION_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SCALAR_BLOCK_LAYOUT_FEATURES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_SCALAR_BLOCK_LAYOUT_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SEPARATE_DEPTH_STENCIL_LAYOUTS_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_SEPARATE_DEPTH_STENCIL_LAYOUTS_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_ATOMIC_INT64_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_ATOMIC_INT64_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_DEMOTE_TO_HELPER_INVOCATION_FEATURES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_DEMOTE_TO_HELPER_INVOCATION_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_DRAW_PARAMETER_FEATURES = STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_DRAW_PARAMETERS_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_FLOAT16_INT8_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_FLOAT16_INT8_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_DOT_PRODUCT_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_DOT_PRODUCT_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_DOT_PRODUCT_PROPERTIES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_DOT_PRODUCT_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SUBGROUP_EXTENDED_TYPES_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SUBGROUP_EXTENDED_TYPES_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_TERMINATE_INVOCATION_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_TERMINATE_INVOCATION_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SPARSE_IMAGE_FORMAT_INFO_2_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_SPARSE_IMAGE_FORMAT_INFO_2 const STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_SIZE_CONTROL_FEATURES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_SIZE_CONTROL_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_SIZE_CONTROL_PROPERTIES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_SIZE_CONTROL_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SYNCHRONIZATION_2_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_SYNCHRONIZATION_2_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXEL_BUFFER_ALIGNMENT_PROPERTIES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXEL_BUFFER_ALIGNMENT_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXTURE_COMPRESSION_ASTC_HDR_FEATURES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXTURE_COMPRESSION_ASTC_HDR_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_TIMELINE_SEMAPHORE_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_TIMELINE_SEMAPHORE_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_TIMELINE_SEMAPHORE_PROPERTIES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_TIMELINE_SEMAPHORE_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_TOOL_PROPERTIES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_TOOL_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_UNIFORM_BUFFER_STANDARD_LAYOUT_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_UNIFORM_BUFFER_STANDARD_LAYOUT_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_VARIABLE_POINTERS_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_VARIABLE_POINTERS_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_VARIABLE_POINTER_FEATURES = STRUCTURE_TYPE_PHYSICAL_DEVICE_VARIABLE_POINTERS_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_MEMORY_MODEL_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_MEMORY_MODEL_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_ZERO_INITIALIZE_WORKGROUP_MEMORY_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_ZERO_INITIALIZE_WORKGROUP_MEMORY_FEATURES const STRUCTURE_TYPE_PIPELINE_CREATION_FEEDBACK_CREATE_INFO_EXT = STRUCTURE_TYPE_PIPELINE_CREATION_FEEDBACK_CREATE_INFO const STRUCTURE_TYPE_PIPELINE_INFO_EXT = STRUCTURE_TYPE_PIPELINE_INFO_KHR const STRUCTURE_TYPE_PIPELINE_RENDERING_CREATE_INFO_KHR = STRUCTURE_TYPE_PIPELINE_RENDERING_CREATE_INFO const STRUCTURE_TYPE_PIPELINE_SHADER_STAGE_REQUIRED_SUBGROUP_SIZE_CREATE_INFO_EXT = STRUCTURE_TYPE_PIPELINE_SHADER_STAGE_REQUIRED_SUBGROUP_SIZE_CREATE_INFO const STRUCTURE_TYPE_PIPELINE_TESSELLATION_DOMAIN_ORIGIN_STATE_CREATE_INFO_KHR = STRUCTURE_TYPE_PIPELINE_TESSELLATION_DOMAIN_ORIGIN_STATE_CREATE_INFO const STRUCTURE_TYPE_PRIVATE_DATA_SLOT_CREATE_INFO_EXT = STRUCTURE_TYPE_PRIVATE_DATA_SLOT_CREATE_INFO const STRUCTURE_TYPE_QUERY_POOL_CREATE_INFO_INTEL = STRUCTURE_TYPE_QUERY_POOL_PERFORMANCE_QUERY_CREATE_INFO_INTEL const STRUCTURE_TYPE_QUEUE_FAMILY_GLOBAL_PRIORITY_PROPERTIES_EXT = STRUCTURE_TYPE_QUEUE_FAMILY_GLOBAL_PRIORITY_PROPERTIES_KHR const STRUCTURE_TYPE_QUEUE_FAMILY_PROPERTIES_2_KHR = STRUCTURE_TYPE_QUEUE_FAMILY_PROPERTIES_2 const STRUCTURE_TYPE_RENDERING_ATTACHMENT_INFO_KHR = STRUCTURE_TYPE_RENDERING_ATTACHMENT_INFO const STRUCTURE_TYPE_RENDERING_INFO_KHR = STRUCTURE_TYPE_RENDERING_INFO const STRUCTURE_TYPE_RENDER_PASS_ATTACHMENT_BEGIN_INFO_KHR = STRUCTURE_TYPE_RENDER_PASS_ATTACHMENT_BEGIN_INFO const STRUCTURE_TYPE_RENDER_PASS_CREATE_INFO_2_KHR = STRUCTURE_TYPE_RENDER_PASS_CREATE_INFO_2 const STRUCTURE_TYPE_RENDER_PASS_INPUT_ATTACHMENT_ASPECT_CREATE_INFO_KHR = STRUCTURE_TYPE_RENDER_PASS_INPUT_ATTACHMENT_ASPECT_CREATE_INFO const STRUCTURE_TYPE_RENDER_PASS_MULTIVIEW_CREATE_INFO_KHR = STRUCTURE_TYPE_RENDER_PASS_MULTIVIEW_CREATE_INFO const STRUCTURE_TYPE_RESOLVE_IMAGE_INFO_2_KHR = STRUCTURE_TYPE_RESOLVE_IMAGE_INFO_2 const STRUCTURE_TYPE_SAMPLER_REDUCTION_MODE_CREATE_INFO_EXT = STRUCTURE_TYPE_SAMPLER_REDUCTION_MODE_CREATE_INFO const STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_CREATE_INFO_KHR = STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_CREATE_INFO const STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_IMAGE_FORMAT_PROPERTIES_KHR = STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_IMAGE_FORMAT_PROPERTIES const STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_INFO_KHR = STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_INFO const STRUCTURE_TYPE_SEMAPHORE_SIGNAL_INFO_KHR = STRUCTURE_TYPE_SEMAPHORE_SIGNAL_INFO const STRUCTURE_TYPE_SEMAPHORE_SUBMIT_INFO_KHR = STRUCTURE_TYPE_SEMAPHORE_SUBMIT_INFO const STRUCTURE_TYPE_SEMAPHORE_TYPE_CREATE_INFO_KHR = STRUCTURE_TYPE_SEMAPHORE_TYPE_CREATE_INFO const STRUCTURE_TYPE_SEMAPHORE_WAIT_INFO_KHR = STRUCTURE_TYPE_SEMAPHORE_WAIT_INFO const STRUCTURE_TYPE_SPARSE_IMAGE_FORMAT_PROPERTIES_2_KHR = STRUCTURE_TYPE_SPARSE_IMAGE_FORMAT_PROPERTIES_2 const STRUCTURE_TYPE_SPARSE_IMAGE_MEMORY_REQUIREMENTS_2_KHR = STRUCTURE_TYPE_SPARSE_IMAGE_MEMORY_REQUIREMENTS_2 const STRUCTURE_TYPE_SUBMIT_INFO_2_KHR = STRUCTURE_TYPE_SUBMIT_INFO_2 const STRUCTURE_TYPE_SUBPASS_BEGIN_INFO_KHR = STRUCTURE_TYPE_SUBPASS_BEGIN_INFO const STRUCTURE_TYPE_SUBPASS_DEPENDENCY_2_KHR = STRUCTURE_TYPE_SUBPASS_DEPENDENCY_2 const STRUCTURE_TYPE_SUBPASS_DESCRIPTION_2_KHR = STRUCTURE_TYPE_SUBPASS_DESCRIPTION_2 const STRUCTURE_TYPE_SUBPASS_DESCRIPTION_DEPTH_STENCIL_RESOLVE_KHR = STRUCTURE_TYPE_SUBPASS_DESCRIPTION_DEPTH_STENCIL_RESOLVE const STRUCTURE_TYPE_SUBPASS_END_INFO_KHR = STRUCTURE_TYPE_SUBPASS_END_INFO const STRUCTURE_TYPE_SURFACE_CAPABILITIES2_EXT = STRUCTURE_TYPE_SURFACE_CAPABILITIES_2_EXT const STRUCTURE_TYPE_TIMELINE_SEMAPHORE_SUBMIT_INFO_KHR = STRUCTURE_TYPE_TIMELINE_SEMAPHORE_SUBMIT_INFO const STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET_INLINE_UNIFORM_BLOCK_EXT = STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET_INLINE_UNIFORM_BLOCK const SUBMIT_PROTECTED_BIT_KHR = SUBMIT_PROTECTED_BIT const SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_COLOR_ACCESS_BIT_ARM = SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_COLOR_ACCESS_BIT_EXT const SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_DEPTH_ACCESS_BIT_ARM = SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_DEPTH_ACCESS_BIT_EXT const SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_STENCIL_ACCESS_BIT_ARM = SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_STENCIL_ACCESS_BIT_EXT const SURFACE_COUNTER_VBLANK_EXT = SURFACE_COUNTER_VBLANK_BIT_EXT const TESSELLATION_DOMAIN_ORIGIN_LOWER_LEFT_KHR = TESSELLATION_DOMAIN_ORIGIN_LOWER_LEFT const TESSELLATION_DOMAIN_ORIGIN_UPPER_LEFT_KHR = TESSELLATION_DOMAIN_ORIGIN_UPPER_LEFT const TOOL_PURPOSE_ADDITIONAL_FEATURES_BIT_EXT = TOOL_PURPOSE_ADDITIONAL_FEATURES_BIT const TOOL_PURPOSE_MODIFYING_FEATURES_BIT_EXT = TOOL_PURPOSE_MODIFYING_FEATURES_BIT const TOOL_PURPOSE_PROFILING_BIT_EXT = TOOL_PURPOSE_PROFILING_BIT const TOOL_PURPOSE_TRACING_BIT_EXT = TOOL_PURPOSE_TRACING_BIT const TOOL_PURPOSE_VALIDATION_BIT_EXT = TOOL_PURPOSE_VALIDATION_BIT const AabbPositionsNV = AabbPositionsKHR const AccelerationStructureInstanceNV = AccelerationStructureInstanceKHR const AccelerationStructureTypeNV = AccelerationStructureTypeKHR const AccessFlag2KHR = AccessFlag2 const AttachmentDescription2KHR = AttachmentDescription2 const AttachmentDescriptionStencilLayoutKHR = AttachmentDescriptionStencilLayout const AttachmentReference2KHR = AttachmentReference2 const AttachmentReferenceStencilLayoutKHR = AttachmentReferenceStencilLayout const AttachmentSampleCountInfoNV = AttachmentSampleCountInfoAMD const BindBufferMemoryDeviceGroupInfoKHR = BindBufferMemoryDeviceGroupInfo const BindBufferMemoryInfoKHR = BindBufferMemoryInfo const BindImageMemoryDeviceGroupInfoKHR = BindImageMemoryDeviceGroupInfo const BindImageMemoryInfoKHR = BindImageMemoryInfo const BindImagePlaneMemoryInfoKHR = BindImagePlaneMemoryInfo const BlitImageInfo2KHR = BlitImageInfo2 const BufferCopy2KHR = BufferCopy2 const BufferDeviceAddressInfoEXT = BufferDeviceAddressInfo const BufferDeviceAddressInfoKHR = BufferDeviceAddressInfo const BufferImageCopy2KHR = BufferImageCopy2 const BufferMemoryBarrier2KHR = BufferMemoryBarrier2 const BufferMemoryRequirementsInfo2KHR = BufferMemoryRequirementsInfo2 const BufferOpaqueCaptureAddressCreateInfoKHR = BufferOpaqueCaptureAddressCreateInfo const BuildAccelerationStructureFlagNV = BuildAccelerationStructureFlagKHR const ChromaLocationKHR = ChromaLocation const CommandBufferInheritanceRenderingInfoKHR = CommandBufferInheritanceRenderingInfo const CommandBufferSubmitInfoKHR = CommandBufferSubmitInfo const ConformanceVersionKHR = ConformanceVersion const CopyAccelerationStructureModeNV = CopyAccelerationStructureModeKHR const CopyBufferInfo2KHR = CopyBufferInfo2 const CopyBufferToImageInfo2KHR = CopyBufferToImageInfo2 const CopyImageInfo2KHR = CopyImageInfo2 const CopyImageToBufferInfo2KHR = CopyImageToBufferInfo2 const DependencyInfoKHR = DependencyInfo const DescriptorBindingFlagEXT = DescriptorBindingFlag const DescriptorPoolInlineUniformBlockCreateInfoEXT = DescriptorPoolInlineUniformBlockCreateInfo const DescriptorSetLayoutBindingFlagsCreateInfoEXT = DescriptorSetLayoutBindingFlagsCreateInfo const DescriptorSetLayoutSupportKHR = DescriptorSetLayoutSupport const DescriptorSetVariableDescriptorCountAllocateInfoEXT = DescriptorSetVariableDescriptorCountAllocateInfo const DescriptorSetVariableDescriptorCountLayoutSupportEXT = DescriptorSetVariableDescriptorCountLayoutSupport const DescriptorUpdateTemplateCreateInfoKHR = DescriptorUpdateTemplateCreateInfo const DescriptorUpdateTemplateEntryKHR = DescriptorUpdateTemplateEntry const DescriptorUpdateTemplateKHR = DescriptorUpdateTemplate const DescriptorUpdateTemplateTypeKHR = DescriptorUpdateTemplateType const DeviceBufferMemoryRequirementsKHR = DeviceBufferMemoryRequirements const DeviceGroupBindSparseInfoKHR = DeviceGroupBindSparseInfo const DeviceGroupCommandBufferBeginInfoKHR = DeviceGroupCommandBufferBeginInfo const DeviceGroupDeviceCreateInfoKHR = DeviceGroupDeviceCreateInfo const DeviceGroupRenderPassBeginInfoKHR = DeviceGroupRenderPassBeginInfo const DeviceGroupSubmitInfoKHR = DeviceGroupSubmitInfo const DeviceImageMemoryRequirementsKHR = DeviceImageMemoryRequirements const DeviceMemoryOpaqueCaptureAddressInfoKHR = DeviceMemoryOpaqueCaptureAddressInfo const DevicePrivateDataCreateInfoEXT = DevicePrivateDataCreateInfo const DeviceQueueGlobalPriorityCreateInfoEXT = DeviceQueueGlobalPriorityCreateInfoKHR const DriverIdKHR = DriverId const ExportFenceCreateInfoKHR = ExportFenceCreateInfo const ExportMemoryAllocateInfoKHR = ExportMemoryAllocateInfo const ExportSemaphoreCreateInfoKHR = ExportSemaphoreCreateInfo const ExternalBufferPropertiesKHR = ExternalBufferProperties const ExternalFenceFeatureFlagKHR = ExternalFenceFeatureFlag const ExternalFenceHandleTypeFlagKHR = ExternalFenceHandleTypeFlag const ExternalFencePropertiesKHR = ExternalFenceProperties const ExternalImageFormatPropertiesKHR = ExternalImageFormatProperties const ExternalMemoryBufferCreateInfoKHR = ExternalMemoryBufferCreateInfo const ExternalMemoryFeatureFlagKHR = ExternalMemoryFeatureFlag const ExternalMemoryHandleTypeFlagKHR = ExternalMemoryHandleTypeFlag const ExternalMemoryImageCreateInfoKHR = ExternalMemoryImageCreateInfo const ExternalMemoryPropertiesKHR = ExternalMemoryProperties const ExternalSemaphoreFeatureFlagKHR = ExternalSemaphoreFeatureFlag const ExternalSemaphoreHandleTypeFlagKHR = ExternalSemaphoreHandleTypeFlag const ExternalSemaphorePropertiesKHR = ExternalSemaphoreProperties const FenceImportFlagKHR = FenceImportFlag const FormatFeatureFlag2KHR = FormatFeatureFlag2 const FormatProperties2KHR = FormatProperties2 const FormatProperties3KHR = FormatProperties3 const FramebufferAttachmentImageInfoKHR = FramebufferAttachmentImageInfo const FramebufferAttachmentsCreateInfoKHR = FramebufferAttachmentsCreateInfo const GeometryFlagNV = GeometryFlagKHR const GeometryInstanceFlagNV = GeometryInstanceFlagKHR const GeometryTypeNV = GeometryTypeKHR const ImageBlit2KHR = ImageBlit2 const ImageCopy2KHR = ImageCopy2 const ImageFormatListCreateInfoKHR = ImageFormatListCreateInfo const ImageFormatProperties2KHR = ImageFormatProperties2 const ImageMemoryBarrier2KHR = ImageMemoryBarrier2 const ImageMemoryRequirementsInfo2KHR = ImageMemoryRequirementsInfo2 const ImagePlaneMemoryRequirementsInfoKHR = ImagePlaneMemoryRequirementsInfo const ImageResolve2KHR = ImageResolve2 const ImageSparseMemoryRequirementsInfo2KHR = ImageSparseMemoryRequirementsInfo2 const ImageStencilUsageCreateInfoEXT = ImageStencilUsageCreateInfo const ImageViewUsageCreateInfoKHR = ImageViewUsageCreateInfo const InputAttachmentAspectReferenceKHR = InputAttachmentAspectReference const MemoryAllocateFlagKHR = MemoryAllocateFlag const MemoryAllocateFlagsInfoKHR = MemoryAllocateFlagsInfo const MemoryBarrier2KHR = MemoryBarrier2 const MemoryDedicatedAllocateInfoKHR = MemoryDedicatedAllocateInfo const MemoryDedicatedRequirementsKHR = MemoryDedicatedRequirements const MemoryOpaqueCaptureAddressAllocateInfoKHR = MemoryOpaqueCaptureAddressAllocateInfo const MemoryRequirements2KHR = MemoryRequirements2 const MutableDescriptorTypeCreateInfoVALVE = MutableDescriptorTypeCreateInfoEXT const MutableDescriptorTypeListVALVE = MutableDescriptorTypeListEXT const PeerMemoryFeatureFlagKHR = PeerMemoryFeatureFlag const PhysicalDevice16BitStorageFeaturesKHR = PhysicalDevice16BitStorageFeatures const PhysicalDevice8BitStorageFeaturesKHR = PhysicalDevice8BitStorageFeatures const PhysicalDeviceBufferAddressFeaturesEXT = PhysicalDeviceBufferDeviceAddressFeaturesEXT const PhysicalDeviceBufferDeviceAddressFeaturesKHR = PhysicalDeviceBufferDeviceAddressFeatures const PhysicalDeviceDepthStencilResolvePropertiesKHR = PhysicalDeviceDepthStencilResolveProperties const PhysicalDeviceDescriptorIndexingFeaturesEXT = PhysicalDeviceDescriptorIndexingFeatures const PhysicalDeviceDescriptorIndexingPropertiesEXT = PhysicalDeviceDescriptorIndexingProperties const PhysicalDeviceDriverPropertiesKHR = PhysicalDeviceDriverProperties const PhysicalDeviceDynamicRenderingFeaturesKHR = PhysicalDeviceDynamicRenderingFeatures const PhysicalDeviceExternalBufferInfoKHR = PhysicalDeviceExternalBufferInfo const PhysicalDeviceExternalFenceInfoKHR = PhysicalDeviceExternalFenceInfo const PhysicalDeviceExternalImageFormatInfoKHR = PhysicalDeviceExternalImageFormatInfo const PhysicalDeviceExternalSemaphoreInfoKHR = PhysicalDeviceExternalSemaphoreInfo const PhysicalDeviceFeatures2KHR = PhysicalDeviceFeatures2 const PhysicalDeviceFloat16Int8FeaturesKHR = PhysicalDeviceShaderFloat16Int8Features const PhysicalDeviceFloatControlsPropertiesKHR = PhysicalDeviceFloatControlsProperties const PhysicalDeviceFragmentShaderBarycentricFeaturesNV = PhysicalDeviceFragmentShaderBarycentricFeaturesKHR const PhysicalDeviceGlobalPriorityQueryFeaturesEXT = PhysicalDeviceGlobalPriorityQueryFeaturesKHR const PhysicalDeviceGroupPropertiesKHR = PhysicalDeviceGroupProperties const PhysicalDeviceHostQueryResetFeaturesEXT = PhysicalDeviceHostQueryResetFeatures const PhysicalDeviceIDPropertiesKHR = PhysicalDeviceIDProperties const PhysicalDeviceImageFormatInfo2KHR = PhysicalDeviceImageFormatInfo2 const PhysicalDeviceImageRobustnessFeaturesEXT = PhysicalDeviceImageRobustnessFeatures const PhysicalDeviceImagelessFramebufferFeaturesKHR = PhysicalDeviceImagelessFramebufferFeatures const PhysicalDeviceInlineUniformBlockFeaturesEXT = PhysicalDeviceInlineUniformBlockFeatures const PhysicalDeviceInlineUniformBlockPropertiesEXT = PhysicalDeviceInlineUniformBlockProperties const PhysicalDeviceMaintenance3PropertiesKHR = PhysicalDeviceMaintenance3Properties const PhysicalDeviceMaintenance4FeaturesKHR = PhysicalDeviceMaintenance4Features const PhysicalDeviceMaintenance4PropertiesKHR = PhysicalDeviceMaintenance4Properties const PhysicalDeviceMemoryProperties2KHR = PhysicalDeviceMemoryProperties2 const PhysicalDeviceMultiviewFeaturesKHR = PhysicalDeviceMultiviewFeatures const PhysicalDeviceMultiviewPropertiesKHR = PhysicalDeviceMultiviewProperties const PhysicalDeviceMutableDescriptorTypeFeaturesVALVE = PhysicalDeviceMutableDescriptorTypeFeaturesEXT const PhysicalDevicePipelineCreationCacheControlFeaturesEXT = PhysicalDevicePipelineCreationCacheControlFeatures const PhysicalDevicePointClippingPropertiesKHR = PhysicalDevicePointClippingProperties const PhysicalDevicePrivateDataFeaturesEXT = PhysicalDevicePrivateDataFeatures const PhysicalDeviceProperties2KHR = PhysicalDeviceProperties2 const PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesARM = PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT const PhysicalDeviceSamplerFilterMinmaxPropertiesEXT = PhysicalDeviceSamplerFilterMinmaxProperties const PhysicalDeviceSamplerYcbcrConversionFeaturesKHR = PhysicalDeviceSamplerYcbcrConversionFeatures const PhysicalDeviceScalarBlockLayoutFeaturesEXT = PhysicalDeviceScalarBlockLayoutFeatures const PhysicalDeviceSeparateDepthStencilLayoutsFeaturesKHR = PhysicalDeviceSeparateDepthStencilLayoutsFeatures const PhysicalDeviceShaderAtomicInt64FeaturesKHR = PhysicalDeviceShaderAtomicInt64Features const PhysicalDeviceShaderDemoteToHelperInvocationFeaturesEXT = PhysicalDeviceShaderDemoteToHelperInvocationFeatures const PhysicalDeviceShaderDrawParameterFeatures = PhysicalDeviceShaderDrawParametersFeatures const PhysicalDeviceShaderFloat16Int8FeaturesKHR = PhysicalDeviceShaderFloat16Int8Features const PhysicalDeviceShaderIntegerDotProductFeaturesKHR = PhysicalDeviceShaderIntegerDotProductFeatures const PhysicalDeviceShaderIntegerDotProductPropertiesKHR = PhysicalDeviceShaderIntegerDotProductProperties const PhysicalDeviceShaderSubgroupExtendedTypesFeaturesKHR = PhysicalDeviceShaderSubgroupExtendedTypesFeatures const PhysicalDeviceShaderTerminateInvocationFeaturesKHR = PhysicalDeviceShaderTerminateInvocationFeatures const PhysicalDeviceSparseImageFormatInfo2KHR = PhysicalDeviceSparseImageFormatInfo2 const PhysicalDeviceSubgroupSizeControlFeaturesEXT = PhysicalDeviceSubgroupSizeControlFeatures const PhysicalDeviceSubgroupSizeControlPropertiesEXT = PhysicalDeviceSubgroupSizeControlProperties const PhysicalDeviceSynchronization2FeaturesKHR = PhysicalDeviceSynchronization2Features const PhysicalDeviceTexelBufferAlignmentPropertiesEXT = PhysicalDeviceTexelBufferAlignmentProperties const PhysicalDeviceTextureCompressionASTCHDRFeaturesEXT = PhysicalDeviceTextureCompressionASTCHDRFeatures const PhysicalDeviceTimelineSemaphoreFeaturesKHR = PhysicalDeviceTimelineSemaphoreFeatures const PhysicalDeviceTimelineSemaphorePropertiesKHR = PhysicalDeviceTimelineSemaphoreProperties const PhysicalDeviceToolPropertiesEXT = PhysicalDeviceToolProperties const PhysicalDeviceUniformBufferStandardLayoutFeaturesKHR = PhysicalDeviceUniformBufferStandardLayoutFeatures const PhysicalDeviceVariablePointerFeatures = PhysicalDeviceVariablePointersFeatures const PhysicalDeviceVariablePointerFeaturesKHR = PhysicalDeviceVariablePointersFeatures const PhysicalDeviceVariablePointersFeaturesKHR = PhysicalDeviceVariablePointersFeatures const PhysicalDeviceVulkanMemoryModelFeaturesKHR = PhysicalDeviceVulkanMemoryModelFeatures const PhysicalDeviceZeroInitializeWorkgroupMemoryFeaturesKHR = PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures const PipelineCreationFeedbackCreateInfoEXT = PipelineCreationFeedbackCreateInfo const PipelineCreationFeedbackEXT = PipelineCreationFeedback const PipelineCreationFeedbackFlagEXT = PipelineCreationFeedbackFlag const PipelineInfoEXT = PipelineInfoKHR const PipelineRenderingCreateInfoKHR = PipelineRenderingCreateInfo const PipelineShaderStageRequiredSubgroupSizeCreateInfoEXT = PipelineShaderStageRequiredSubgroupSizeCreateInfo const PipelineStageFlag2KHR = PipelineStageFlag2 const PipelineTessellationDomainOriginStateCreateInfoKHR = PipelineTessellationDomainOriginStateCreateInfo const PointClippingBehaviorKHR = PointClippingBehavior const PrivateDataSlotCreateFlagEXT = PrivateDataSlotCreateFlag const PrivateDataSlotCreateInfoEXT = PrivateDataSlotCreateInfo const PrivateDataSlotEXT = PrivateDataSlot const QueryPoolCreateInfoINTEL = QueryPoolPerformanceQueryCreateInfoINTEL const QueueFamilyGlobalPriorityPropertiesEXT = QueueFamilyGlobalPriorityPropertiesKHR const QueueFamilyProperties2KHR = QueueFamilyProperties2 const QueueGlobalPriorityEXT = QueueGlobalPriorityKHR const RayTracingShaderGroupTypeNV = RayTracingShaderGroupTypeKHR const RenderPassAttachmentBeginInfoKHR = RenderPassAttachmentBeginInfo const RenderPassCreateInfo2KHR = RenderPassCreateInfo2 const RenderPassInputAttachmentAspectCreateInfoKHR = RenderPassInputAttachmentAspectCreateInfo const RenderPassMultiviewCreateInfoKHR = RenderPassMultiviewCreateInfo const RenderingAttachmentInfoKHR = RenderingAttachmentInfo const RenderingFlagKHR = RenderingFlag const RenderingInfoKHR = RenderingInfo const ResolveImageInfo2KHR = ResolveImageInfo2 const ResolveModeFlagKHR = ResolveModeFlag const SamplerReductionModeCreateInfoEXT = SamplerReductionModeCreateInfo const SamplerReductionModeEXT = SamplerReductionMode const SamplerYcbcrConversionCreateInfoKHR = SamplerYcbcrConversionCreateInfo const SamplerYcbcrConversionImageFormatPropertiesKHR = SamplerYcbcrConversionImageFormatProperties const SamplerYcbcrConversionInfoKHR = SamplerYcbcrConversionInfo const SamplerYcbcrConversionKHR = SamplerYcbcrConversion const SamplerYcbcrModelConversionKHR = SamplerYcbcrModelConversion const SamplerYcbcrRangeKHR = SamplerYcbcrRange const SemaphoreImportFlagKHR = SemaphoreImportFlag const SemaphoreSignalInfoKHR = SemaphoreSignalInfo const SemaphoreSubmitInfoKHR = SemaphoreSubmitInfo const SemaphoreTypeCreateInfoKHR = SemaphoreTypeCreateInfo const SemaphoreTypeKHR = SemaphoreType const SemaphoreWaitFlagKHR = SemaphoreWaitFlag const SemaphoreWaitInfoKHR = SemaphoreWaitInfo const ShaderFloatControlsIndependenceKHR = ShaderFloatControlsIndependence const SparseImageFormatProperties2KHR = SparseImageFormatProperties2 const SparseImageMemoryRequirements2KHR = SparseImageMemoryRequirements2 const SubmitFlagKHR = SubmitFlag const SubmitInfo2KHR = SubmitInfo2 const SubpassBeginInfoKHR = SubpassBeginInfo const SubpassDependency2KHR = SubpassDependency2 const SubpassDescription2KHR = SubpassDescription2 const SubpassDescriptionDepthStencilResolveKHR = SubpassDescriptionDepthStencilResolve const SubpassEndInfoKHR = SubpassEndInfo const TessellationDomainOriginKHR = TessellationDomainOrigin const TimelineSemaphoreSubmitInfoKHR = TimelineSemaphoreSubmitInfo const ToolPurposeFlagEXT = ToolPurposeFlag const TransformMatrixNV = TransformMatrixKHR const WriteDescriptorSetInlineUniformBlockEXT = WriteDescriptorSetInlineUniformBlock bind_buffer_memory_2_khr(device, args...; kwargs...) = @dispatch(vkBindBufferMemory2KHR, device, bind_buffer_memory_2(device, args...; kwargs...)) bind_image_memory_2_khr(device, args...; kwargs...) = @dispatch(vkBindImageMemory2KHR, device, bind_image_memory_2(device, args...; kwargs...)) cmd_begin_render_pass_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdBeginRenderPass2KHR, device(command_buffer), cmd_begin_render_pass_2(command_buffer, args...; kwargs...)) cmd_begin_rendering_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdBeginRenderingKHR, device(command_buffer), cmd_begin_rendering(command_buffer, args...; kwargs...)) cmd_bind_vertex_buffers_2_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdBindVertexBuffers2EXT, device(command_buffer), cmd_bind_vertex_buffers_2(command_buffer, args...; kwargs...)) cmd_blit_image_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdBlitImage2KHR, device(command_buffer), cmd_blit_image_2(command_buffer, args...; kwargs...)) cmd_copy_buffer_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdCopyBuffer2KHR, device(command_buffer), cmd_copy_buffer_2(command_buffer, args...; kwargs...)) cmd_copy_buffer_to_image_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdCopyBufferToImage2KHR, device(command_buffer), cmd_copy_buffer_to_image_2(command_buffer, args...; kwargs...)) cmd_copy_image_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdCopyImage2KHR, device(command_buffer), cmd_copy_image_2(command_buffer, args...; kwargs...)) cmd_copy_image_to_buffer_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdCopyImageToBuffer2KHR, device(command_buffer), cmd_copy_image_to_buffer_2(command_buffer, args...; kwargs...)) cmd_dispatch_base_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdDispatchBaseKHR, device(command_buffer), cmd_dispatch_base(command_buffer, args...; kwargs...)) cmd_draw_indexed_indirect_count_amd(command_buffer, args...; kwargs...) = @dispatch(vkCmdDrawIndexedIndirectCountAMD, device(command_buffer), cmd_draw_indexed_indirect_count(command_buffer, args...; kwargs...)) cmd_draw_indexed_indirect_count_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdDrawIndexedIndirectCountKHR, device(command_buffer), cmd_draw_indexed_indirect_count(command_buffer, args...; kwargs...)) cmd_draw_indirect_count_amd(command_buffer, args...; kwargs...) = @dispatch(vkCmdDrawIndirectCountAMD, device(command_buffer), cmd_draw_indirect_count(command_buffer, args...; kwargs...)) cmd_draw_indirect_count_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdDrawIndirectCountKHR, device(command_buffer), cmd_draw_indirect_count(command_buffer, args...; kwargs...)) cmd_end_render_pass_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdEndRenderPass2KHR, device(command_buffer), cmd_end_render_pass_2(command_buffer, args...; kwargs...)) cmd_end_rendering_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdEndRenderingKHR, device(command_buffer), cmd_end_rendering(command_buffer, args...; kwargs...)) cmd_next_subpass_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdNextSubpass2KHR, device(command_buffer), cmd_next_subpass_2(command_buffer, args...; kwargs...)) cmd_pipeline_barrier_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdPipelineBarrier2KHR, device(command_buffer), cmd_pipeline_barrier_2(command_buffer, args...; kwargs...)) cmd_reset_event_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdResetEvent2KHR, device(command_buffer), cmd_reset_event_2(command_buffer, args...; kwargs...)) cmd_resolve_image_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdResolveImage2KHR, device(command_buffer), cmd_resolve_image_2(command_buffer, args...; kwargs...)) cmd_set_cull_mode_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetCullModeEXT, device(command_buffer), cmd_set_cull_mode(command_buffer, args...; kwargs...)) cmd_set_depth_bias_enable_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetDepthBiasEnableEXT, device(command_buffer), cmd_set_depth_bias_enable(command_buffer, args...; kwargs...)) cmd_set_depth_bounds_test_enable_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetDepthBoundsTestEnableEXT, device(command_buffer), cmd_set_depth_bounds_test_enable(command_buffer, args...; kwargs...)) cmd_set_depth_compare_op_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetDepthCompareOpEXT, device(command_buffer), cmd_set_depth_compare_op(command_buffer, args...; kwargs...)) cmd_set_depth_test_enable_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetDepthTestEnableEXT, device(command_buffer), cmd_set_depth_test_enable(command_buffer, args...; kwargs...)) cmd_set_depth_write_enable_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetDepthWriteEnableEXT, device(command_buffer), cmd_set_depth_write_enable(command_buffer, args...; kwargs...)) cmd_set_device_mask_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetDeviceMaskKHR, device(command_buffer), cmd_set_device_mask(command_buffer, args...; kwargs...)) cmd_set_event_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetEvent2KHR, device(command_buffer), cmd_set_event_2(command_buffer, args...; kwargs...)) cmd_set_front_face_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetFrontFaceEXT, device(command_buffer), cmd_set_front_face(command_buffer, args...; kwargs...)) cmd_set_primitive_restart_enable_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetPrimitiveRestartEnableEXT, device(command_buffer), cmd_set_primitive_restart_enable(command_buffer, args...; kwargs...)) cmd_set_primitive_topology_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetPrimitiveTopologyEXT, device(command_buffer), cmd_set_primitive_topology(command_buffer, args...; kwargs...)) cmd_set_rasterizer_discard_enable_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetRasterizerDiscardEnableEXT, device(command_buffer), cmd_set_rasterizer_discard_enable(command_buffer, args...; kwargs...)) cmd_set_scissor_with_count_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetScissorWithCountEXT, device(command_buffer), cmd_set_scissor_with_count(command_buffer, args...; kwargs...)) cmd_set_stencil_op_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetStencilOpEXT, device(command_buffer), cmd_set_stencil_op(command_buffer, args...; kwargs...)) cmd_set_stencil_test_enable_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetStencilTestEnableEXT, device(command_buffer), cmd_set_stencil_test_enable(command_buffer, args...; kwargs...)) cmd_set_viewport_with_count_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetViewportWithCountEXT, device(command_buffer), cmd_set_viewport_with_count(command_buffer, args...; kwargs...)) cmd_wait_events_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdWaitEvents2KHR, device(command_buffer), cmd_wait_events_2(command_buffer, args...; kwargs...)) cmd_write_timestamp_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdWriteTimestamp2KHR, device(command_buffer), cmd_write_timestamp_2(command_buffer, args...; kwargs...)) create_descriptor_update_template_khr(device, args...; kwargs...) = @dispatch(vkCreateDescriptorUpdateTemplateKHR, device, create_descriptor_update_template(device, args...; kwargs...)) create_private_data_slot_ext(device, args...; kwargs...) = @dispatch(vkCreatePrivateDataSlotEXT, device, create_private_data_slot(device, args...; kwargs...)) create_render_pass_2_khr(device, args...; kwargs...) = @dispatch(vkCreateRenderPass2KHR, device, create_render_pass_2(device, args...; kwargs...)) create_sampler_ycbcr_conversion_khr(device, args...; kwargs...) = @dispatch(vkCreateSamplerYcbcrConversionKHR, device, create_sampler_ycbcr_conversion(device, args...; kwargs...)) destroy_descriptor_update_template_khr(device, args...; kwargs...) = @dispatch(vkDestroyDescriptorUpdateTemplateKHR, device, destroy_descriptor_update_template(device, args...; kwargs...)) destroy_private_data_slot_ext(device, args...; kwargs...) = @dispatch(vkDestroyPrivateDataSlotEXT, device, destroy_private_data_slot(device, args...; kwargs...)) destroy_sampler_ycbcr_conversion_khr(device, args...; kwargs...) = @dispatch(vkDestroySamplerYcbcrConversionKHR, device, destroy_sampler_ycbcr_conversion(device, args...; kwargs...)) enumerate_physical_device_groups_khr(instance, args...; kwargs...) = @dispatch(vkEnumeratePhysicalDeviceGroupsKHR, instance, enumerate_physical_device_groups(instance, args...; kwargs...)) get_buffer_device_address_ext(device, args...; kwargs...) = @dispatch(vkGetBufferDeviceAddressEXT, device, get_buffer_device_address(device, args...; kwargs...)) get_buffer_device_address_khr(device, args...; kwargs...) = @dispatch(vkGetBufferDeviceAddressKHR, device, get_buffer_device_address(device, args...; kwargs...)) get_buffer_memory_requirements_2_khr(device, args...; kwargs...) = @dispatch(vkGetBufferMemoryRequirements2KHR, device, get_buffer_memory_requirements_2(device, args...; kwargs...)) get_buffer_opaque_capture_address_khr(device, args...; kwargs...) = @dispatch(vkGetBufferOpaqueCaptureAddressKHR, device, get_buffer_opaque_capture_address(device, args...; kwargs...)) get_descriptor_set_layout_support_khr(device, args...; kwargs...) = @dispatch(vkGetDescriptorSetLayoutSupportKHR, device, get_descriptor_set_layout_support(device, args...; kwargs...)) get_device_buffer_memory_requirements_khr(device, args...; kwargs...) = @dispatch(vkGetDeviceBufferMemoryRequirementsKHR, device, get_device_buffer_memory_requirements(device, args...; kwargs...)) get_device_group_peer_memory_features_khr(device, args...; kwargs...) = @dispatch(vkGetDeviceGroupPeerMemoryFeaturesKHR, device, get_device_group_peer_memory_features(device, args...; kwargs...)) get_device_image_memory_requirements_khr(device, args...; kwargs...) = @dispatch(vkGetDeviceImageMemoryRequirementsKHR, device, get_device_image_memory_requirements(device, args...; kwargs...)) get_device_image_sparse_memory_requirements_khr(device, args...; kwargs...) = @dispatch(vkGetDeviceImageSparseMemoryRequirementsKHR, device, get_device_image_sparse_memory_requirements(device, args...; kwargs...)) get_device_memory_opaque_capture_address_khr(device, args...; kwargs...) = @dispatch(vkGetDeviceMemoryOpaqueCaptureAddressKHR, device, get_device_memory_opaque_capture_address(device, args...; kwargs...)) get_image_memory_requirements_2_khr(device, args...; kwargs...) = @dispatch(vkGetImageMemoryRequirements2KHR, device, get_image_memory_requirements_2(device, args...; kwargs...)) get_image_sparse_memory_requirements_2_khr(device, args...; kwargs...) = @dispatch(vkGetImageSparseMemoryRequirements2KHR, device, get_image_sparse_memory_requirements_2(device, args...; kwargs...)) get_physical_device_external_buffer_properties_khr(physical_device, args...; kwargs...) = @dispatch(vkGetPhysicalDeviceExternalBufferPropertiesKHR, instance(physical_device), get_physical_device_external_buffer_properties(physical_device, args...; kwargs...)) get_physical_device_external_fence_properties_khr(physical_device, args...; kwargs...) = @dispatch(vkGetPhysicalDeviceExternalFencePropertiesKHR, instance(physical_device), get_physical_device_external_fence_properties(physical_device, args...; kwargs...)) get_physical_device_external_semaphore_properties_khr(physical_device, args...; kwargs...) = @dispatch(vkGetPhysicalDeviceExternalSemaphorePropertiesKHR, instance(physical_device), get_physical_device_external_semaphore_properties(physical_device, args...; kwargs...)) get_physical_device_features_2_khr(physical_device, args...; kwargs...) = @dispatch(vkGetPhysicalDeviceFeatures2KHR, instance(physical_device), get_physical_device_features_2(physical_device, args...; kwargs...)) get_physical_device_format_properties_2_khr(physical_device, args...; kwargs...) = @dispatch(vkGetPhysicalDeviceFormatProperties2KHR, instance(physical_device), get_physical_device_format_properties_2(physical_device, args...; kwargs...)) get_physical_device_image_format_properties_2_khr(physical_device, args...; kwargs...) = @dispatch(vkGetPhysicalDeviceImageFormatProperties2KHR, instance(physical_device), get_physical_device_image_format_properties_2(physical_device, args...; kwargs...)) get_physical_device_memory_properties_2_khr(physical_device, args...; kwargs...) = @dispatch(vkGetPhysicalDeviceMemoryProperties2KHR, instance(physical_device), get_physical_device_memory_properties_2(physical_device, args...; kwargs...)) get_physical_device_properties_2_khr(physical_device, args...; kwargs...) = @dispatch(vkGetPhysicalDeviceProperties2KHR, instance(physical_device), get_physical_device_properties_2(physical_device, args...; kwargs...)) get_physical_device_queue_family_properties_2_khr(physical_device, args...; kwargs...) = @dispatch(vkGetPhysicalDeviceQueueFamilyProperties2KHR, instance(physical_device), get_physical_device_queue_family_properties_2(physical_device, args...; kwargs...)) get_physical_device_sparse_image_format_properties_2_khr(physical_device, args...; kwargs...) = @dispatch(vkGetPhysicalDeviceSparseImageFormatProperties2KHR, instance(physical_device), get_physical_device_sparse_image_format_properties_2(physical_device, args...; kwargs...)) get_physical_device_tool_properties_ext(physical_device, args...; kwargs...) = @dispatch(vkGetPhysicalDeviceToolPropertiesEXT, instance(physical_device), get_physical_device_tool_properties(physical_device, args...; kwargs...)) get_private_data_ext(device, args...; kwargs...) = @dispatch(vkGetPrivateDataEXT, device, get_private_data(device, args...; kwargs...)) get_ray_tracing_shader_group_handles_nv(device, args...; kwargs...) = @dispatch(vkGetRayTracingShaderGroupHandlesNV, device, get_ray_tracing_shader_group_handles_khr(device, args...; kwargs...)) get_semaphore_counter_value_khr(device, args...; kwargs...) = @dispatch(vkGetSemaphoreCounterValueKHR, device, get_semaphore_counter_value(device, args...; kwargs...)) queue_submit_2_khr(queue, args...; kwargs...) = @dispatch(vkQueueSubmit2KHR, device(queue), queue_submit_2(queue, args...; kwargs...)) reset_query_pool_ext(device, args...; kwargs...) = @dispatch(vkResetQueryPoolEXT, device, reset_query_pool(device, args...; kwargs...)) set_private_data_ext(device, args...; kwargs...) = @dispatch(vkSetPrivateDataEXT, device, set_private_data(device, args...; kwargs...)) signal_semaphore_khr(device, args...; kwargs...) = @dispatch(vkSignalSemaphoreKHR, device, signal_semaphore(device, args...; kwargs...)) trim_command_pool_khr(device, args...; kwargs...) = @dispatch(vkTrimCommandPoolKHR, device, trim_command_pool(device, args...; kwargs...)) update_descriptor_set_with_template_khr(device, args...; kwargs...) = @dispatch(vkUpdateDescriptorSetWithTemplateKHR, device, update_descriptor_set_with_template(device, args...; kwargs...)) wait_semaphores_khr(device, args...; kwargs...) = @dispatch(vkWaitSemaphoresKHR, device, wait_semaphores(device, args...; kwargs...)) const SPIRV_EXTENSIONS = [SpecExtensionSPIRV("SPV_KHR_variable_pointers", v"1.1.0", ["VK_KHR_variable_pointers"]), SpecExtensionSPIRV("SPV_AMD_shader_explicit_vertex_parameter", nothing, ["VK_AMD_shader_explicit_vertex_parameter"]), SpecExtensionSPIRV("SPV_AMD_gcn_shader", nothing, ["VK_AMD_gcn_shader"]), SpecExtensionSPIRV("SPV_AMD_gpu_shader_half_float", nothing, ["VK_AMD_gpu_shader_half_float"]), SpecExtensionSPIRV("SPV_AMD_gpu_shader_int16", nothing, ["VK_AMD_gpu_shader_int16"]), SpecExtensionSPIRV("SPV_AMD_shader_ballot", nothing, ["VK_AMD_shader_ballot"]), SpecExtensionSPIRV("SPV_AMD_shader_fragment_mask", nothing, ["VK_AMD_shader_fragment_mask"]), SpecExtensionSPIRV("SPV_AMD_shader_image_load_store_lod", nothing, ["VK_AMD_shader_image_load_store_lod"]), SpecExtensionSPIRV("SPV_AMD_shader_trinary_minmax", nothing, ["VK_AMD_shader_trinary_minmax"]), SpecExtensionSPIRV("SPV_AMD_texture_gather_bias_lod", nothing, ["VK_AMD_texture_gather_bias_lod"]), SpecExtensionSPIRV("SPV_AMD_shader_early_and_late_fragment_tests", nothing, ["VK_AMD_shader_early_and_late_fragment_tests"]), SpecExtensionSPIRV("SPV_KHR_shader_draw_parameters", v"1.1.0", ["VK_KHR_shader_draw_parameters"]), SpecExtensionSPIRV("SPV_KHR_8bit_storage", v"1.2.0", ["VK_KHR_8bit_storage"]), SpecExtensionSPIRV("SPV_KHR_16bit_storage", v"1.1.0", ["VK_KHR_16bit_storage"]), SpecExtensionSPIRV("SPV_KHR_shader_clock", nothing, ["VK_KHR_shader_clock"]), SpecExtensionSPIRV("SPV_KHR_float_controls", v"1.2.0", ["VK_KHR_shader_float_controls"]), SpecExtensionSPIRV("SPV_KHR_storage_buffer_storage_class", v"1.1.0", ["VK_KHR_storage_buffer_storage_class"]), SpecExtensionSPIRV("SPV_KHR_post_depth_coverage", nothing, ["VK_EXT_post_depth_coverage"]), SpecExtensionSPIRV("SPV_EXT_shader_stencil_export", nothing, ["VK_EXT_shader_stencil_export"]), SpecExtensionSPIRV("SPV_KHR_shader_ballot", nothing, ["VK_EXT_shader_subgroup_ballot"]), SpecExtensionSPIRV("SPV_KHR_subgroup_vote", nothing, ["VK_EXT_shader_subgroup_vote"]), SpecExtensionSPIRV("SPV_NV_sample_mask_override_coverage", nothing, ["VK_NV_sample_mask_override_coverage"]), SpecExtensionSPIRV("SPV_NV_geometry_shader_passthrough", nothing, ["VK_NV_geometry_shader_passthrough"]), SpecExtensionSPIRV("SPV_NV_mesh_shader", nothing, ["VK_NV_mesh_shader"]), SpecExtensionSPIRV("SPV_NV_viewport_array2", nothing, ["VK_NV_viewport_array2"]), SpecExtensionSPIRV("SPV_NV_shader_subgroup_partitioned", nothing, ["VK_NV_shader_subgroup_partitioned"]), SpecExtensionSPIRV("SPV_NV_shader_invocation_reorder", nothing, ["VK_NV_ray_tracing_invocation_reorder"]), SpecExtensionSPIRV("SPV_EXT_shader_viewport_index_layer", v"1.2.0", ["VK_EXT_shader_viewport_index_layer"]), SpecExtensionSPIRV("SPV_NVX_multiview_per_view_attributes", nothing, ["VK_NVX_multiview_per_view_attributes"]), SpecExtensionSPIRV("SPV_EXT_descriptor_indexing", v"1.2.0", ["VK_EXT_descriptor_indexing"]), SpecExtensionSPIRV("SPV_KHR_vulkan_memory_model", v"1.2.0", ["VK_KHR_vulkan_memory_model"]), SpecExtensionSPIRV("SPV_NV_compute_shader_derivatives", nothing, ["VK_NV_compute_shader_derivatives"]), SpecExtensionSPIRV("SPV_NV_fragment_shader_barycentric", nothing, ["VK_NV_fragment_shader_barycentric"]), SpecExtensionSPIRV("SPV_NV_shader_image_footprint", nothing, ["VK_NV_shader_image_footprint"]), SpecExtensionSPIRV("SPV_NV_shading_rate", nothing, ["VK_NV_shading_rate_image"]), SpecExtensionSPIRV("SPV_NV_ray_tracing", nothing, ["VK_NV_ray_tracing"]), SpecExtensionSPIRV("SPV_KHR_ray_tracing", nothing, ["VK_KHR_ray_tracing_pipeline"]), SpecExtensionSPIRV("SPV_KHR_ray_query", nothing, ["VK_KHR_ray_query"]), SpecExtensionSPIRV("SPV_KHR_ray_cull_mask", nothing, ["VK_KHR_ray_tracing_maintenance1"]), SpecExtensionSPIRV("SPV_GOOGLE_hlsl_functionality1", nothing, ["VK_GOOGLE_hlsl_functionality1"]), SpecExtensionSPIRV("SPV_GOOGLE_user_type", nothing, ["VK_GOOGLE_user_type"]), SpecExtensionSPIRV("SPV_GOOGLE_decorate_string", nothing, ["VK_GOOGLE_decorate_string"]), SpecExtensionSPIRV("SPV_EXT_fragment_invocation_density", nothing, ["VK_EXT_fragment_density_map"]), SpecExtensionSPIRV("SPV_KHR_physical_storage_buffer", v"1.2.0", ["VK_KHR_buffer_device_address"]), SpecExtensionSPIRV("SPV_EXT_physical_storage_buffer", nothing, ["VK_EXT_buffer_device_address"]), SpecExtensionSPIRV("SPV_NV_cooperative_matrix", nothing, ["VK_NV_cooperative_matrix"]), SpecExtensionSPIRV("SPV_NV_shader_sm_builtins", nothing, ["VK_NV_shader_sm_builtins"]), SpecExtensionSPIRV("SPV_EXT_fragment_shader_interlock", nothing, ["VK_EXT_fragment_shader_interlock"]), SpecExtensionSPIRV("SPV_EXT_demote_to_helper_invocation", nothing, ["VK_EXT_shader_demote_to_helper_invocation"]), SpecExtensionSPIRV("SPV_KHR_fragment_shading_rate", nothing, ["VK_KHR_fragment_shading_rate"]), SpecExtensionSPIRV("SPV_KHR_non_semantic_info", nothing, ["VK_KHR_shader_non_semantic_info"]), SpecExtensionSPIRV("SPV_EXT_shader_image_int64", nothing, ["VK_EXT_shader_image_atomic_int64"]), SpecExtensionSPIRV("SPV_KHR_terminate_invocation", nothing, ["VK_KHR_shader_terminate_invocation"]), SpecExtensionSPIRV("SPV_KHR_multiview", v"1.1.0", ["VK_KHR_multiview"]), SpecExtensionSPIRV("SPV_KHR_workgroup_memory_explicit_layout", nothing, ["VK_KHR_workgroup_memory_explicit_layout"]), SpecExtensionSPIRV("SPV_EXT_shader_atomic_float_add", nothing, ["VK_EXT_shader_atomic_float"]), SpecExtensionSPIRV("SPV_KHR_fragment_shader_barycentric", nothing, ["VK_KHR_fragment_shader_barycentric"]), SpecExtensionSPIRV("SPV_KHR_subgroup_uniform_control_flow", nothing, ["VK_KHR_shader_subgroup_uniform_control_flow"]), SpecExtensionSPIRV("SPV_EXT_shader_atomic_float_min_max", nothing, ["VK_EXT_shader_atomic_float2"]), SpecExtensionSPIRV("SPV_EXT_shader_atomic_float16_add", nothing, ["VK_EXT_shader_atomic_float2"]), SpecExtensionSPIRV("SPV_KHR_integer_dot_product", nothing, ["VK_KHR_shader_integer_dot_product"]), SpecExtensionSPIRV("SPV_INTEL_shader_integer_functions", nothing, ["VK_INTEL_shader_integer_functions2"]), SpecExtensionSPIRV("SPV_KHR_device_group", nothing, ["VK_KHR_device_group"]), SpecExtensionSPIRV("SPV_QCOM_image_processing", nothing, ["VK_QCOM_image_processing"]), SpecExtensionSPIRV("SPV_EXT_mesh_shader", nothing, ["VK_EXT_mesh_shader"])] const SPIRV_CAPABILITIES = [SpecCapabilitySPIRV(:Matrix, v"1.0.0", String[], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:Shader, v"1.0.0", String[], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:InputAttachment, v"1.0.0", String[], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:Sampled1D, v"1.0.0", String[], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:Image1D, v"1.0.0", String[], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:SampledBuffer, v"1.0.0", String[], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:ImageBuffer, v"1.0.0", String[], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:ImageQuery, v"1.0.0", String[], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:DerivativeControl, v"1.0.0", String[], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:Geometry, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :geometry_shader, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:Tessellation, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :tessellation_shader, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:Float64, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_float_64, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:Int64, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_int_64, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:Int64Atomics, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_buffer_int_64_atomics, nothing, "VK_KHR_shader_atomic_int64"), FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_shared_int_64_atomics, nothing, "VK_KHR_shader_atomic_int64"), FeatureCondition(:PhysicalDeviceShaderImageAtomicInt64FeaturesEXT, :shader_image_int_64_atomics, nothing, "VK_EXT_shader_image_atomic_int64")], PropertyCondition[]), SpecCapabilitySPIRV(:AtomicFloat16AddEXT, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceShaderAtomicFloat2FeaturesEXT, :shader_buffer_float_16_atomic_add, nothing, "VK_EXT_shader_atomic_float2"), FeatureCondition(:PhysicalDeviceShaderAtomicFloat2FeaturesEXT, :shader_shared_float_16_atomic_add, nothing, "VK_EXT_shader_atomic_float2")], PropertyCondition[]), SpecCapabilitySPIRV(:AtomicFloat32AddEXT, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceShaderAtomicFloatFeaturesEXT, :shader_buffer_float_32_atomic_add, nothing, "VK_EXT_shader_atomic_float"), FeatureCondition(:PhysicalDeviceShaderAtomicFloatFeaturesEXT, :shader_shared_float_32_atomic_add, nothing, "VK_EXT_shader_atomic_float"), FeatureCondition(:PhysicalDeviceShaderAtomicFloatFeaturesEXT, :shader_image_float_32_atomic_add, nothing, "VK_EXT_shader_atomic_float")], PropertyCondition[]), SpecCapabilitySPIRV(:AtomicFloat64AddEXT, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceShaderAtomicFloatFeaturesEXT, :shader_buffer_float_64_atomic_add, nothing, "VK_EXT_shader_atomic_float"), FeatureCondition(:PhysicalDeviceShaderAtomicFloatFeaturesEXT, :shader_shared_float_64_atomic_add, nothing, "VK_EXT_shader_atomic_float")], PropertyCondition[]), SpecCapabilitySPIRV(:AtomicFloat16MinMaxEXT, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceShaderAtomicFloat2FeaturesEXT, :shader_buffer_float_16_atomic_min_max, nothing, "VK_EXT_shader_atomic_float2"), FeatureCondition(:PhysicalDeviceShaderAtomicFloat2FeaturesEXT, :shader_shared_float_16_atomic_min_max, nothing, "VK_EXT_shader_atomic_float2")], PropertyCondition[]), SpecCapabilitySPIRV(:AtomicFloat32MinMaxEXT, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceShaderAtomicFloat2FeaturesEXT, :shader_buffer_float_32_atomic_min_max, nothing, "VK_EXT_shader_atomic_float2"), FeatureCondition(:PhysicalDeviceShaderAtomicFloat2FeaturesEXT, :shader_shared_float_32_atomic_min_max, nothing, "VK_EXT_shader_atomic_float2"), FeatureCondition(:PhysicalDeviceShaderAtomicFloat2FeaturesEXT, :shader_image_float_32_atomic_min_max, nothing, "VK_EXT_shader_atomic_float2")], PropertyCondition[]), SpecCapabilitySPIRV(:AtomicFloat64MinMaxEXT, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceShaderAtomicFloat2FeaturesEXT, :shader_buffer_float_64_atomic_min_max, nothing, "VK_EXT_shader_atomic_float2"), FeatureCondition(:PhysicalDeviceShaderAtomicFloat2FeaturesEXT, :shader_shared_float_64_atomic_min_max, nothing, "VK_EXT_shader_atomic_float2")], PropertyCondition[]), SpecCapabilitySPIRV(:Int64ImageEXT, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceShaderImageAtomicInt64FeaturesEXT, :shader_image_int_64_atomics, nothing, "VK_EXT_shader_image_atomic_int64")], PropertyCondition[]), SpecCapabilitySPIRV(:Int16, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_int_16, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:TessellationPointSize, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_tessellation_and_geometry_point_size, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:GeometryPointSize, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_tessellation_and_geometry_point_size, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:ImageGatherExtended, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_image_gather_extended, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:StorageImageMultisample, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_storage_image_multisample, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:UniformBufferArrayDynamicIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_uniform_buffer_array_dynamic_indexing, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:SampledImageArrayDynamicIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_sampled_image_array_dynamic_indexing, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:StorageBufferArrayDynamicIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_storage_buffer_array_dynamic_indexing, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:StorageImageArrayDynamicIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_storage_image_array_dynamic_indexing, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:ClipDistance, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_clip_distance, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:CullDistance, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_cull_distance, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:ImageCubeArray, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :image_cube_array, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:SampleRateShading, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :sample_rate_shading, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:SparseResidency, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_resource_residency, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:MinLod, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_resource_min_lod, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:SampledCubeArray, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :image_cube_array, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:ImageMSArray, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_storage_image_multisample, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:StorageImageExtendedFormats, v"1.0.0", String[], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:InterpolationFunction, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :sample_rate_shading, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:StorageImageReadWithoutFormat, nothing, ["VK_KHR_format_feature_flags2"], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_storage_image_read_without_format, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:StorageImageWriteWithoutFormat, nothing, ["VK_KHR_format_feature_flags2"], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_storage_image_write_without_format, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:MultiViewport, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :multi_viewport, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:DrawParameters, nothing, ["VK_KHR_shader_draw_parameters"], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan11Features, :shader_draw_parameters, nothing, nothing), FeatureCondition(:PhysicalDeviceShaderDrawParametersFeatures, :shader_draw_parameters, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:MultiView, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan11Features, :multiview, nothing, nothing), FeatureCondition(:PhysicalDeviceMultiviewFeatures, :multiview, nothing, "VK_KHR_multiview")], PropertyCondition[]), SpecCapabilitySPIRV(:DeviceGroup, v"1.1.0", ["VK_KHR_device_group"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:VariablePointersStorageBuffer, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan11Features, :variable_pointers_storage_buffer, nothing, nothing), FeatureCondition(:PhysicalDeviceVariablePointersFeatures, :variable_pointers_storage_buffer, nothing, "VK_KHR_variable_pointers")], PropertyCondition[]), SpecCapabilitySPIRV(:VariablePointers, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan11Features, :variable_pointers, nothing, nothing), FeatureCondition(:PhysicalDeviceVariablePointersFeatures, :variable_pointers, nothing, "VK_KHR_variable_pointers")], PropertyCondition[]), SpecCapabilitySPIRV(:ShaderClockKHR, nothing, ["VK_KHR_shader_clock"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:StencilExportEXT, nothing, ["VK_EXT_shader_stencil_export"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:SubgroupBallotKHR, nothing, ["VK_EXT_shader_subgroup_ballot"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:SubgroupVoteKHR, nothing, ["VK_EXT_shader_subgroup_vote"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:ImageReadWriteLodAMD, nothing, ["VK_AMD_shader_image_load_store_lod"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:ImageGatherBiasLodAMD, nothing, ["VK_AMD_texture_gather_bias_lod"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:FragmentMaskAMD, nothing, ["VK_AMD_shader_fragment_mask"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:SampleMaskOverrideCoverageNV, nothing, ["VK_NV_sample_mask_override_coverage"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:GeometryShaderPassthroughNV, nothing, ["VK_NV_geometry_shader_passthrough"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:ShaderViewportIndex, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_output_viewport_index, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:ShaderLayer, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_output_layer, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:ShaderViewportIndexLayerEXT, nothing, ["VK_EXT_shader_viewport_index_layer"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:ShaderViewportIndexLayerNV, nothing, ["VK_NV_viewport_array2"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:ShaderViewportMaskNV, nothing, ["VK_NV_viewport_array2"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:PerViewAttributesNV, nothing, ["VK_NVX_multiview_per_view_attributes"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:StorageBuffer16BitAccess, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan11Features, :storage_buffer_16_bit_access, nothing, nothing), FeatureCondition(:PhysicalDevice16BitStorageFeatures, :storage_buffer_16_bit_access, nothing, "VK_KHR_16bit_storage")], PropertyCondition[]), SpecCapabilitySPIRV(:UniformAndStorageBuffer16BitAccess, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan11Features, :uniform_and_storage_buffer_16_bit_access, nothing, nothing), FeatureCondition(:PhysicalDevice16BitStorageFeatures, :uniform_and_storage_buffer_16_bit_access, nothing, "VK_KHR_16bit_storage")], PropertyCondition[]), SpecCapabilitySPIRV(:StoragePushConstant16, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan11Features, :storage_push_constant_16, nothing, nothing), FeatureCondition(:PhysicalDevice16BitStorageFeatures, :storage_push_constant_16, nothing, "VK_KHR_16bit_storage")], PropertyCondition[]), SpecCapabilitySPIRV(:StorageInputOutput16, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan11Features, :storage_input_output_16, nothing, nothing), FeatureCondition(:PhysicalDevice16BitStorageFeatures, :storage_input_output_16, nothing, "VK_KHR_16bit_storage")], PropertyCondition[]), SpecCapabilitySPIRV(:GroupNonUniform, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan11Properties, :subgroup_supported_operations, nothing, nothing, false, :SUBGROUP_FEATURE_BASIC_BIT)]), SpecCapabilitySPIRV(:GroupNonUniformVote, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan11Properties, :subgroup_supported_operations, nothing, nothing, false, :SUBGROUP_FEATURE_VOTE_BIT)]), SpecCapabilitySPIRV(:GroupNonUniformArithmetic, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan11Properties, :subgroup_supported_operations, nothing, nothing, false, :SUBGROUP_FEATURE_ARITHMETIC_BIT)]), SpecCapabilitySPIRV(:GroupNonUniformBallot, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan11Properties, :subgroup_supported_operations, nothing, nothing, false, :SUBGROUP_FEATURE_BALLOT_BIT)]), SpecCapabilitySPIRV(:GroupNonUniformShuffle, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan11Properties, :subgroup_supported_operations, nothing, nothing, false, :SUBGROUP_FEATURE_SHUFFLE_BIT)]), SpecCapabilitySPIRV(:GroupNonUniformShuffleRelative, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan11Properties, :subgroup_supported_operations, nothing, nothing, false, :SUBGROUP_FEATURE_SHUFFLE_RELATIVE_BIT)]), SpecCapabilitySPIRV(:GroupNonUniformClustered, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan11Properties, :subgroup_supported_operations, nothing, nothing, false, :SUBGROUP_FEATURE_CLUSTERED_BIT)]), SpecCapabilitySPIRV(:GroupNonUniformQuad, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan11Properties, :subgroup_supported_operations, nothing, nothing, false, :SUBGROUP_FEATURE_QUAD_BIT)]), SpecCapabilitySPIRV(:GroupNonUniformPartitionedNV, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan11Properties, :subgroup_supported_operations, nothing, "VK_NV_shader_subgroup_partitioned", false, :SUBGROUP_FEATURE_PARTITIONED_BIT_NV)]), SpecCapabilitySPIRV(:SampleMaskPostDepthCoverage, nothing, ["VK_EXT_post_depth_coverage"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:ShaderNonUniform, v"1.2.0", ["VK_EXT_descriptor_indexing"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:RuntimeDescriptorArray, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :runtime_descriptor_array, nothing, "VK_EXT_descriptor_indexing")], PropertyCondition[]), SpecCapabilitySPIRV(:InputAttachmentArrayDynamicIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_input_attachment_array_dynamic_indexing, nothing, "VK_EXT_descriptor_indexing")], PropertyCondition[]), SpecCapabilitySPIRV(:UniformTexelBufferArrayDynamicIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_uniform_texel_buffer_array_dynamic_indexing, nothing, "VK_EXT_descriptor_indexing")], PropertyCondition[]), SpecCapabilitySPIRV(:StorageTexelBufferArrayDynamicIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_storage_texel_buffer_array_dynamic_indexing, nothing, "VK_EXT_descriptor_indexing")], PropertyCondition[]), SpecCapabilitySPIRV(:UniformBufferArrayNonUniformIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_uniform_buffer_array_non_uniform_indexing, nothing, "VK_EXT_descriptor_indexing")], PropertyCondition[]), SpecCapabilitySPIRV(:SampledImageArrayNonUniformIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_sampled_image_array_non_uniform_indexing, nothing, "VK_EXT_descriptor_indexing")], PropertyCondition[]), SpecCapabilitySPIRV(:StorageBufferArrayNonUniformIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_storage_buffer_array_non_uniform_indexing, nothing, "VK_EXT_descriptor_indexing")], PropertyCondition[]), SpecCapabilitySPIRV(:StorageImageArrayNonUniformIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_storage_image_array_non_uniform_indexing, nothing, "VK_EXT_descriptor_indexing")], PropertyCondition[]), SpecCapabilitySPIRV(:InputAttachmentArrayNonUniformIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_input_attachment_array_non_uniform_indexing, nothing, "VK_EXT_descriptor_indexing")], PropertyCondition[]), SpecCapabilitySPIRV(:UniformTexelBufferArrayNonUniformIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_uniform_texel_buffer_array_non_uniform_indexing, nothing, "VK_EXT_descriptor_indexing")], PropertyCondition[]), SpecCapabilitySPIRV(:StorageTexelBufferArrayNonUniformIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_storage_texel_buffer_array_non_uniform_indexing, nothing, "VK_EXT_descriptor_indexing")], PropertyCondition[]), SpecCapabilitySPIRV(:FragmentFullyCoveredEXT, nothing, ["VK_EXT_conservative_rasterization"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:Float16, nothing, ["VK_AMD_gpu_shader_half_float"], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_float_16, nothing, "VK_KHR_shader_float16_int8")], PropertyCondition[]), SpecCapabilitySPIRV(:Int8, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_int_8, nothing, "VK_KHR_shader_float16_int8")], PropertyCondition[]), SpecCapabilitySPIRV(:StorageBuffer8BitAccess, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :storage_buffer_8_bit_access, nothing, "VK_KHR_8bit_storage")], PropertyCondition[]), SpecCapabilitySPIRV(:UniformAndStorageBuffer8BitAccess, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :uniform_and_storage_buffer_8_bit_access, nothing, "VK_KHR_8bit_storage")], PropertyCondition[]), SpecCapabilitySPIRV(:StoragePushConstant8, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :storage_push_constant_8, nothing, "VK_KHR_8bit_storage")], PropertyCondition[]), SpecCapabilitySPIRV(:VulkanMemoryModel, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :vulkan_memory_model, nothing, "VK_KHR_vulkan_memory_model")], PropertyCondition[]), SpecCapabilitySPIRV(:VulkanMemoryModelDeviceScope, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :vulkan_memory_model_device_scope, nothing, "VK_KHR_vulkan_memory_model")], PropertyCondition[]), SpecCapabilitySPIRV(:DenormPreserve, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_denorm_preserve_float_16, nothing, "VK_KHR_shader_float_controls", true, :TRUE), PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_denorm_preserve_float_32, nothing, "VK_KHR_shader_float_controls", true, :TRUE), PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_denorm_preserve_float_64, nothing, "VK_KHR_shader_float_controls", true, :TRUE)]), SpecCapabilitySPIRV(:DenormFlushToZero, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_denorm_flush_to_zero_float_16, nothing, "VK_KHR_shader_float_controls", true, :TRUE), PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_denorm_flush_to_zero_float_32, nothing, "VK_KHR_shader_float_controls", true, :TRUE), PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_denorm_flush_to_zero_float_64, nothing, "VK_KHR_shader_float_controls", true, :TRUE)]), SpecCapabilitySPIRV(:SignedZeroInfNanPreserve, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_signed_zero_inf_nan_preserve_float_16, nothing, "VK_KHR_shader_float_controls", true, :TRUE), PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_signed_zero_inf_nan_preserve_float_32, nothing, "VK_KHR_shader_float_controls", true, :TRUE), PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_signed_zero_inf_nan_preserve_float_64, nothing, "VK_KHR_shader_float_controls", true, :TRUE)]), SpecCapabilitySPIRV(:RoundingModeRTE, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_rounding_mode_rte_float_16, nothing, "VK_KHR_shader_float_controls", true, :TRUE), PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_rounding_mode_rte_float_32, nothing, "VK_KHR_shader_float_controls", true, :TRUE), PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_rounding_mode_rte_float_64, nothing, "VK_KHR_shader_float_controls", true, :TRUE)]), SpecCapabilitySPIRV(:RoundingModeRTZ, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_rounding_mode_rtz_float_16, nothing, "VK_KHR_shader_float_controls", true, :TRUE), PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_rounding_mode_rtz_float_32, nothing, "VK_KHR_shader_float_controls", true, :TRUE), PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_rounding_mode_rtz_float_64, nothing, "VK_KHR_shader_float_controls", true, :TRUE)]), SpecCapabilitySPIRV(:ComputeDerivativeGroupQuadsNV, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceComputeShaderDerivativesFeaturesNV, :compute_derivative_group_quads, nothing, "VK_NV_compute_shader_derivatives")], PropertyCondition[]), SpecCapabilitySPIRV(:ComputeDerivativeGroupLinearNV, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceComputeShaderDerivativesFeaturesNV, :compute_derivative_group_linear, nothing, "VK_NV_compute_shader_derivatives")], PropertyCondition[]), SpecCapabilitySPIRV(:FragmentBarycentricNV, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFragmentShaderBarycentricFeaturesKHR, :fragment_shader_barycentric, nothing, "VK_NV_fragment_shader_barycentric")], PropertyCondition[]), SpecCapabilitySPIRV(:ImageFootprintNV, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceShaderImageFootprintFeaturesNV, :image_footprint, nothing, "VK_NV_shader_image_footprint")], PropertyCondition[]), SpecCapabilitySPIRV(:ShadingRateNV, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceShadingRateImageFeaturesNV, :shading_rate_image, nothing, "VK_NV_shading_rate_image")], PropertyCondition[]), SpecCapabilitySPIRV(:MeshShadingNV, nothing, ["VK_NV_mesh_shader"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:RayTracingKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceRayTracingPipelineFeaturesKHR, :ray_tracing_pipeline, nothing, "VK_KHR_ray_tracing_pipeline")], PropertyCondition[]), SpecCapabilitySPIRV(:RayQueryKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceRayQueryFeaturesKHR, :ray_query, nothing, "VK_KHR_ray_query")], PropertyCondition[]), SpecCapabilitySPIRV(:RayTraversalPrimitiveCullingKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceRayTracingPipelineFeaturesKHR, :ray_traversal_primitive_culling, nothing, "VK_KHR_ray_tracing_pipeline"), FeatureCondition(:PhysicalDeviceRayQueryFeaturesKHR, :ray_query, nothing, "VK_KHR_ray_query")], PropertyCondition[]), SpecCapabilitySPIRV(:RayCullMaskKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceRayTracingMaintenance1FeaturesKHR, :ray_tracing_maintenance_1, nothing, "VK_KHR_ray_tracing_maintenance1")], PropertyCondition[]), SpecCapabilitySPIRV(:RayTracingNV, nothing, ["VK_NV_ray_tracing"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:RayTracingMotionBlurNV, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceRayTracingMotionBlurFeaturesNV, :ray_tracing_motion_blur, nothing, "VK_NV_ray_tracing_motion_blur")], PropertyCondition[]), SpecCapabilitySPIRV(:TransformFeedback, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceTransformFeedbackFeaturesEXT, :transform_feedback, nothing, "VK_EXT_transform_feedback")], PropertyCondition[]), SpecCapabilitySPIRV(:GeometryStreams, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceTransformFeedbackFeaturesEXT, :geometry_streams, nothing, "VK_EXT_transform_feedback")], PropertyCondition[]), SpecCapabilitySPIRV(:FragmentDensityEXT, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFragmentDensityMapFeaturesEXT, :fragment_density_map, nothing, "VK_EXT_fragment_density_map")], PropertyCondition[]), SpecCapabilitySPIRV(:PhysicalStorageBufferAddresses, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :buffer_device_address, nothing, "VK_KHR_buffer_device_address"), FeatureCondition(:PhysicalDeviceBufferDeviceAddressFeaturesEXT, :buffer_device_address, nothing, "VK_EXT_buffer_device_address")], PropertyCondition[]), SpecCapabilitySPIRV(:CooperativeMatrixNV, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceCooperativeMatrixFeaturesNV, :cooperative_matrix, nothing, "VK_NV_cooperative_matrix")], PropertyCondition[]), SpecCapabilitySPIRV(:IntegerFunctions2INTEL, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL, :shader_integer_functions_2, nothing, "VK_INTEL_shader_integer_functions2")], PropertyCondition[]), SpecCapabilitySPIRV(:ShaderSMBuiltinsNV, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceShaderSMBuiltinsFeaturesNV, :shader_sm_builtins, nothing, "VK_NV_shader_sm_builtins")], PropertyCondition[]), SpecCapabilitySPIRV(:FragmentShaderSampleInterlockEXT, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFragmentShaderInterlockFeaturesEXT, :fragment_shader_sample_interlock, nothing, "VK_EXT_fragment_shader_interlock")], PropertyCondition[]), SpecCapabilitySPIRV(:FragmentShaderPixelInterlockEXT, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFragmentShaderInterlockFeaturesEXT, :fragment_shader_pixel_interlock, nothing, "VK_EXT_fragment_shader_interlock")], PropertyCondition[]), SpecCapabilitySPIRV(:FragmentShaderShadingRateInterlockEXT, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFragmentShaderInterlockFeaturesEXT, :fragment_shader_shading_rate_interlock, nothing, "VK_EXT_fragment_shader_interlock"), FeatureCondition(:PhysicalDeviceShadingRateImageFeaturesNV, :shading_rate_image, nothing, "VK_NV_shading_rate_image")], PropertyCondition[]), SpecCapabilitySPIRV(:DemoteToHelperInvocationEXT, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan13Features, :shader_demote_to_helper_invocation, nothing, "VK_EXT_shader_demote_to_helper_invocation"), FeatureCondition(:PhysicalDeviceShaderDemoteToHelperInvocationFeatures, :shader_demote_to_helper_invocation, nothing, "VK_EXT_shader_demote_to_helper_invocation")], PropertyCondition[]), SpecCapabilitySPIRV(:FragmentShadingRateKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFragmentShadingRateFeaturesKHR, :pipeline_fragment_shading_rate, nothing, "VK_KHR_fragment_shading_rate"), FeatureCondition(:PhysicalDeviceFragmentShadingRateFeaturesKHR, :primitive_fragment_shading_rate, nothing, "VK_KHR_fragment_shading_rate"), FeatureCondition(:PhysicalDeviceFragmentShadingRateFeaturesKHR, :attachment_fragment_shading_rate, nothing, "VK_KHR_fragment_shading_rate")], PropertyCondition[]), SpecCapabilitySPIRV(:WorkgroupMemoryExplicitLayoutKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR, :workgroup_memory_explicit_layout, nothing, "VK_KHR_workgroup_memory_explicit_layout")], PropertyCondition[]), SpecCapabilitySPIRV(:WorkgroupMemoryExplicitLayout8BitAccessKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR, :workgroup_memory_explicit_layout_8_bit_access, nothing, "VK_KHR_workgroup_memory_explicit_layout")], PropertyCondition[]), SpecCapabilitySPIRV(:WorkgroupMemoryExplicitLayout16BitAccessKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR, :workgroup_memory_explicit_layout_16_bit_access, nothing, "VK_KHR_workgroup_memory_explicit_layout")], PropertyCondition[]), SpecCapabilitySPIRV(:DotProductInputAllKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan13Features, :shader_integer_dot_product, nothing, "VK_KHR_shader_integer_dot_product"), FeatureCondition(:PhysicalDeviceShaderIntegerDotProductFeatures, :shader_integer_dot_product, nothing, "VK_KHR_shader_integer_dot_product")], PropertyCondition[]), SpecCapabilitySPIRV(:DotProductInput4x8BitKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan13Features, :shader_integer_dot_product, nothing, "VK_KHR_shader_integer_dot_product"), FeatureCondition(:PhysicalDeviceShaderIntegerDotProductFeatures, :shader_integer_dot_product, nothing, "VK_KHR_shader_integer_dot_product")], PropertyCondition[]), SpecCapabilitySPIRV(:DotProductInput4x8BitPackedKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan13Features, :shader_integer_dot_product, nothing, "VK_KHR_shader_integer_dot_product"), FeatureCondition(:PhysicalDeviceShaderIntegerDotProductFeatures, :shader_integer_dot_product, nothing, "VK_KHR_shader_integer_dot_product")], PropertyCondition[]), SpecCapabilitySPIRV(:DotProductKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan13Features, :shader_integer_dot_product, nothing, "VK_KHR_shader_integer_dot_product"), FeatureCondition(:PhysicalDeviceShaderIntegerDotProductFeatures, :shader_integer_dot_product, nothing, "VK_KHR_shader_integer_dot_product")], PropertyCondition[]), SpecCapabilitySPIRV(:FragmentBarycentricKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFragmentShaderBarycentricFeaturesKHR, :fragment_shader_barycentric, nothing, "VK_KHR_fragment_shader_barycentric")], PropertyCondition[]), SpecCapabilitySPIRV(:TextureSampleWeightedQCOM, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceImageProcessingFeaturesQCOM, :texture_sample_weighted, nothing, "VK_QCOM_image_processing")], PropertyCondition[]), SpecCapabilitySPIRV(:TextureBoxFilterQCOM, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceImageProcessingFeaturesQCOM, :texture_box_filter, nothing, "VK_QCOM_image_processing")], PropertyCondition[]), SpecCapabilitySPIRV(:TextureBlockMatchQCOM, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceImageProcessingFeaturesQCOM, :texture_block_match, nothing, "VK_QCOM_image_processing")], PropertyCondition[]), SpecCapabilitySPIRV(:MeshShadingEXT, nothing, ["VK_EXT_mesh_shader"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:RayTracingOpacityMicromapEXT, nothing, ["VK_EXT_opacity_micromap"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:CoreBuiltinsARM, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceShaderCoreBuiltinsFeaturesARM, :shader_core_builtins, nothing, "VK_ARM_shader_core_builtins")], PropertyCondition[]), SpecCapabilitySPIRV(:ShaderInvocationReorderNV, nothing, ["VK_NV_ray_tracing_invocation_reorder"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:ClusterCullingShadingHUAWEI, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceClusterCullingShaderFeaturesHUAWEI, :clusterculling_shader, nothing, "VK_HUAWEI_cluster_culling_shader")], PropertyCondition[])] const CORE_FUNCTIONS = [:vkCreateInstance, :vkEnumerateInstanceVersion, :vkEnumerateInstanceLayerProperties, :vkEnumerateInstanceExtensionProperties] const INSTANCE_FUNCTIONS = [:vkDestroyInstance, :vkEnumeratePhysicalDevices, :vkGetInstanceProcAddr, :vkGetPhysicalDeviceProperties, :vkGetPhysicalDeviceQueueFamilyProperties, :vkGetPhysicalDeviceMemoryProperties, :vkGetPhysicalDeviceFeatures, :vkGetPhysicalDeviceFormatProperties, :vkGetPhysicalDeviceImageFormatProperties, :vkCreateDevice, :vkEnumerateDeviceLayerProperties, :vkEnumerateDeviceExtensionProperties, :vkGetPhysicalDeviceSparseImageFormatProperties, :vkCreateAndroidSurfaceKHR, :vkGetPhysicalDeviceDisplayPropertiesKHR, :vkGetPhysicalDeviceDisplayPlanePropertiesKHR, :vkGetDisplayPlaneSupportedDisplaysKHR, :vkGetDisplayModePropertiesKHR, :vkCreateDisplayModeKHR, :vkGetDisplayPlaneCapabilitiesKHR, :vkCreateDisplayPlaneSurfaceKHR, :vkDestroySurfaceKHR, :vkGetPhysicalDeviceSurfaceSupportKHR, :vkGetPhysicalDeviceSurfaceCapabilitiesKHR, :vkGetPhysicalDeviceSurfaceFormatsKHR, :vkGetPhysicalDeviceSurfacePresentModesKHR, :vkCreateViSurfaceNN, :vkCreateWaylandSurfaceKHR, :vkGetPhysicalDeviceWaylandPresentationSupportKHR, :vkCreateWin32SurfaceKHR, :vkGetPhysicalDeviceWin32PresentationSupportKHR, :vkCreateXlibSurfaceKHR, :vkGetPhysicalDeviceXlibPresentationSupportKHR, :vkCreateXcbSurfaceKHR, :vkGetPhysicalDeviceXcbPresentationSupportKHR, :vkCreateDirectFBSurfaceEXT, :vkGetPhysicalDeviceDirectFBPresentationSupportEXT, :vkCreateImagePipeSurfaceFUCHSIA, :vkCreateStreamDescriptorSurfaceGGP, :vkCreateScreenSurfaceQNX, :vkGetPhysicalDeviceScreenPresentationSupportQNX, :vkCreateDebugReportCallbackEXT, :vkDestroyDebugReportCallbackEXT, :vkDebugReportMessageEXT, :vkGetPhysicalDeviceExternalImageFormatPropertiesNV, :vkGetPhysicalDeviceFeatures2, :vkGetPhysicalDeviceProperties2, :vkGetPhysicalDeviceFormatProperties2, :vkGetPhysicalDeviceImageFormatProperties2, :vkGetPhysicalDeviceQueueFamilyProperties2, :vkGetPhysicalDeviceMemoryProperties2, :vkGetPhysicalDeviceSparseImageFormatProperties2, :vkGetPhysicalDeviceExternalBufferProperties, :vkGetPhysicalDeviceExternalSemaphoreProperties, :vkGetPhysicalDeviceExternalFenceProperties, :vkReleaseDisplayEXT, :vkAcquireXlibDisplayEXT, :vkGetRandROutputDisplayEXT, :vkAcquireWinrtDisplayNV, :vkGetWinrtDisplayNV, :vkGetPhysicalDeviceSurfaceCapabilities2EXT, :vkEnumeratePhysicalDeviceGroups, :vkGetPhysicalDevicePresentRectanglesKHR, :vkCreateIOSSurfaceMVK, :vkCreateMacOSSurfaceMVK, :vkCreateMetalSurfaceEXT, :vkGetPhysicalDeviceMultisamplePropertiesEXT, :vkGetPhysicalDeviceSurfaceCapabilities2KHR, :vkGetPhysicalDeviceSurfaceFormats2KHR, :vkGetPhysicalDeviceDisplayProperties2KHR, :vkGetPhysicalDeviceDisplayPlaneProperties2KHR, :vkGetDisplayModeProperties2KHR, :vkGetDisplayPlaneCapabilities2KHR, :vkGetPhysicalDeviceCalibrateableTimeDomainsEXT, :vkCreateDebugUtilsMessengerEXT, :vkDestroyDebugUtilsMessengerEXT, :vkSubmitDebugUtilsMessageEXT, :vkGetPhysicalDeviceCooperativeMatrixPropertiesNV, :vkGetPhysicalDeviceSurfacePresentModes2EXT, :vkEnumeratePhysicalDeviceQueueFamilyPerformanceQueryCountersKHR, :vkGetPhysicalDeviceQueueFamilyPerformanceQueryPassesKHR, :vkCreateHeadlessSurfaceEXT, :vkGetPhysicalDeviceSupportedFramebufferMixedSamplesCombinationsNV, :vkGetPhysicalDeviceToolProperties, :vkGetPhysicalDeviceFragmentShadingRatesKHR, :vkGetPhysicalDeviceVideoCapabilitiesKHR, :vkGetPhysicalDeviceVideoFormatPropertiesKHR, :vkAcquireDrmDisplayEXT, :vkGetDrmDisplayEXT, :vkGetPhysicalDeviceOpticalFlowImageFormatsNV, :vkEnumeratePhysicalDeviceGroupsKHR, :vkGetPhysicalDeviceExternalBufferPropertiesKHR, :vkGetPhysicalDeviceExternalFencePropertiesKHR, :vkGetPhysicalDeviceExternalSemaphorePropertiesKHR, :vkGetPhysicalDeviceFeatures2KHR, :vkGetPhysicalDeviceFormatProperties2KHR, :vkGetPhysicalDeviceImageFormatProperties2KHR, :vkGetPhysicalDeviceMemoryProperties2KHR, :vkGetPhysicalDeviceProperties2KHR, :vkGetPhysicalDeviceQueueFamilyProperties2KHR, :vkGetPhysicalDeviceSparseImageFormatProperties2KHR, :vkGetPhysicalDeviceToolPropertiesEXT] const DEVICE_FUNCTIONS = [:vkGetDeviceProcAddr, :vkDestroyDevice, :vkGetDeviceQueue, :vkQueueSubmit, :vkQueueWaitIdle, :vkDeviceWaitIdle, :vkAllocateMemory, :vkFreeMemory, :vkMapMemory, :vkUnmapMemory, :vkFlushMappedMemoryRanges, :vkInvalidateMappedMemoryRanges, :vkGetDeviceMemoryCommitment, :vkGetBufferMemoryRequirements, :vkBindBufferMemory, :vkGetImageMemoryRequirements, :vkBindImageMemory, :vkGetImageSparseMemoryRequirements, :vkQueueBindSparse, :vkCreateFence, :vkDestroyFence, :vkResetFences, :vkGetFenceStatus, :vkWaitForFences, :vkCreateSemaphore, :vkDestroySemaphore, :vkCreateEvent, :vkDestroyEvent, :vkGetEventStatus, :vkSetEvent, :vkResetEvent, :vkCreateQueryPool, :vkDestroyQueryPool, :vkGetQueryPoolResults, :vkResetQueryPool, :vkCreateBuffer, :vkDestroyBuffer, :vkCreateBufferView, :vkDestroyBufferView, :vkCreateImage, :vkDestroyImage, :vkGetImageSubresourceLayout, :vkCreateImageView, :vkDestroyImageView, :vkCreateShaderModule, :vkDestroyShaderModule, :vkCreatePipelineCache, :vkDestroyPipelineCache, :vkGetPipelineCacheData, :vkMergePipelineCaches, :vkCreateGraphicsPipelines, :vkCreateComputePipelines, :vkGetDeviceSubpassShadingMaxWorkgroupSizeHUAWEI, :vkDestroyPipeline, :vkCreatePipelineLayout, :vkDestroyPipelineLayout, :vkCreateSampler, :vkDestroySampler, :vkCreateDescriptorSetLayout, :vkDestroyDescriptorSetLayout, :vkCreateDescriptorPool, :vkDestroyDescriptorPool, :vkResetDescriptorPool, :vkAllocateDescriptorSets, :vkFreeDescriptorSets, :vkUpdateDescriptorSets, :vkCreateFramebuffer, :vkDestroyFramebuffer, :vkCreateRenderPass, :vkDestroyRenderPass, :vkGetRenderAreaGranularity, :vkCreateCommandPool, :vkDestroyCommandPool, :vkResetCommandPool, :vkAllocateCommandBuffers, :vkFreeCommandBuffers, :vkBeginCommandBuffer, :vkEndCommandBuffer, :vkResetCommandBuffer, :vkCmdBindPipeline, :vkCmdSetViewport, :vkCmdSetScissor, :vkCmdSetLineWidth, :vkCmdSetDepthBias, :vkCmdSetBlendConstants, :vkCmdSetDepthBounds, :vkCmdSetStencilCompareMask, :vkCmdSetStencilWriteMask, :vkCmdSetStencilReference, :vkCmdBindDescriptorSets, :vkCmdBindIndexBuffer, :vkCmdBindVertexBuffers, :vkCmdDraw, :vkCmdDrawIndexed, :vkCmdDrawMultiEXT, :vkCmdDrawMultiIndexedEXT, :vkCmdDrawIndirect, :vkCmdDrawIndexedIndirect, :vkCmdDispatch, :vkCmdDispatchIndirect, :vkCmdSubpassShadingHUAWEI, :vkCmdDrawClusterHUAWEI, :vkCmdDrawClusterIndirectHUAWEI, :vkCmdCopyBuffer, :vkCmdCopyImage, :vkCmdBlitImage, :vkCmdCopyBufferToImage, :vkCmdCopyImageToBuffer, :vkCmdCopyMemoryIndirectNV, :vkCmdCopyMemoryToImageIndirectNV, :vkCmdUpdateBuffer, :vkCmdFillBuffer, :vkCmdClearColorImage, :vkCmdClearDepthStencilImage, :vkCmdClearAttachments, :vkCmdResolveImage, :vkCmdSetEvent, :vkCmdResetEvent, :vkCmdWaitEvents, :vkCmdPipelineBarrier, :vkCmdBeginQuery, :vkCmdEndQuery, :vkCmdBeginConditionalRenderingEXT, :vkCmdEndConditionalRenderingEXT, :vkCmdResetQueryPool, :vkCmdWriteTimestamp, :vkCmdCopyQueryPoolResults, :vkCmdPushConstants, :vkCmdBeginRenderPass, :vkCmdNextSubpass, :vkCmdEndRenderPass, :vkCmdExecuteCommands, :vkCreateSharedSwapchainsKHR, :vkCreateSwapchainKHR, :vkDestroySwapchainKHR, :vkGetSwapchainImagesKHR, :vkAcquireNextImageKHR, :vkQueuePresentKHR, :vkDebugMarkerSetObjectNameEXT, :vkDebugMarkerSetObjectTagEXT, :vkCmdDebugMarkerBeginEXT, :vkCmdDebugMarkerEndEXT, :vkCmdDebugMarkerInsertEXT, :vkGetMemoryWin32HandleNV, :vkCmdExecuteGeneratedCommandsNV, :vkCmdPreprocessGeneratedCommandsNV, :vkCmdBindPipelineShaderGroupNV, :vkGetGeneratedCommandsMemoryRequirementsNV, :vkCreateIndirectCommandsLayoutNV, :vkDestroyIndirectCommandsLayoutNV, :vkCmdPushDescriptorSetKHR, :vkTrimCommandPool, :vkGetMemoryWin32HandleKHR, :vkGetMemoryWin32HandlePropertiesKHR, :vkGetMemoryFdKHR, :vkGetMemoryFdPropertiesKHR, :vkGetMemoryZirconHandleFUCHSIA, :vkGetMemoryZirconHandlePropertiesFUCHSIA, :vkGetMemoryRemoteAddressNV, :vkGetSemaphoreWin32HandleKHR, :vkImportSemaphoreWin32HandleKHR, :vkGetSemaphoreFdKHR, :vkImportSemaphoreFdKHR, :vkGetSemaphoreZirconHandleFUCHSIA, :vkImportSemaphoreZirconHandleFUCHSIA, :vkGetFenceWin32HandleKHR, :vkImportFenceWin32HandleKHR, :vkGetFenceFdKHR, :vkImportFenceFdKHR, :vkDisplayPowerControlEXT, :vkRegisterDeviceEventEXT, :vkRegisterDisplayEventEXT, :vkGetSwapchainCounterEXT, :vkGetDeviceGroupPeerMemoryFeatures, :vkBindBufferMemory2, :vkBindImageMemory2, :vkCmdSetDeviceMask, :vkGetDeviceGroupPresentCapabilitiesKHR, :vkGetDeviceGroupSurfacePresentModesKHR, :vkAcquireNextImage2KHR, :vkCmdDispatchBase, :vkCreateDescriptorUpdateTemplate, :vkDestroyDescriptorUpdateTemplate, :vkUpdateDescriptorSetWithTemplate, :vkCmdPushDescriptorSetWithTemplateKHR, :vkSetHdrMetadataEXT, :vkGetSwapchainStatusKHR, :vkGetRefreshCycleDurationGOOGLE, :vkGetPastPresentationTimingGOOGLE, :vkCmdSetViewportWScalingNV, :vkCmdSetDiscardRectangleEXT, :vkCmdSetSampleLocationsEXT, :vkGetBufferMemoryRequirements2, :vkGetImageMemoryRequirements2, :vkGetImageSparseMemoryRequirements2, :vkGetDeviceBufferMemoryRequirements, :vkGetDeviceImageMemoryRequirements, :vkGetDeviceImageSparseMemoryRequirements, :vkCreateSamplerYcbcrConversion, :vkDestroySamplerYcbcrConversion, :vkGetDeviceQueue2, :vkCreateValidationCacheEXT, :vkDestroyValidationCacheEXT, :vkGetValidationCacheDataEXT, :vkMergeValidationCachesEXT, :vkGetDescriptorSetLayoutSupport, :vkGetShaderInfoAMD, :vkSetLocalDimmingAMD, :vkGetCalibratedTimestampsEXT, :vkSetDebugUtilsObjectNameEXT, :vkSetDebugUtilsObjectTagEXT, :vkQueueBeginDebugUtilsLabelEXT, :vkQueueEndDebugUtilsLabelEXT, :vkQueueInsertDebugUtilsLabelEXT, :vkCmdBeginDebugUtilsLabelEXT, :vkCmdEndDebugUtilsLabelEXT, :vkCmdInsertDebugUtilsLabelEXT, :vkGetMemoryHostPointerPropertiesEXT, :vkCmdWriteBufferMarkerAMD, :vkCreateRenderPass2, :vkCmdBeginRenderPass2, :vkCmdNextSubpass2, :vkCmdEndRenderPass2, :vkGetSemaphoreCounterValue, :vkWaitSemaphores, :vkSignalSemaphore, :vkGetAndroidHardwareBufferPropertiesANDROID, :vkGetMemoryAndroidHardwareBufferANDROID, :vkCmdDrawIndirectCount, :vkCmdDrawIndexedIndirectCount, :vkCmdSetCheckpointNV, :vkGetQueueCheckpointDataNV, :vkCmdBindTransformFeedbackBuffersEXT, :vkCmdBeginTransformFeedbackEXT, :vkCmdEndTransformFeedbackEXT, :vkCmdBeginQueryIndexedEXT, :vkCmdEndQueryIndexedEXT, :vkCmdDrawIndirectByteCountEXT, :vkCmdSetExclusiveScissorNV, :vkCmdBindShadingRateImageNV, :vkCmdSetViewportShadingRatePaletteNV, :vkCmdSetCoarseSampleOrderNV, :vkCmdDrawMeshTasksNV, :vkCmdDrawMeshTasksIndirectNV, :vkCmdDrawMeshTasksIndirectCountNV, :vkCmdDrawMeshTasksEXT, :vkCmdDrawMeshTasksIndirectEXT, :vkCmdDrawMeshTasksIndirectCountEXT, :vkCompileDeferredNV, :vkCreateAccelerationStructureNV, :vkCmdBindInvocationMaskHUAWEI, :vkDestroyAccelerationStructureKHR, :vkDestroyAccelerationStructureNV, :vkGetAccelerationStructureMemoryRequirementsNV, :vkBindAccelerationStructureMemoryNV, :vkCmdCopyAccelerationStructureNV, :vkCmdCopyAccelerationStructureKHR, :vkCopyAccelerationStructureKHR, :vkCmdCopyAccelerationStructureToMemoryKHR, :vkCopyAccelerationStructureToMemoryKHR, :vkCmdCopyMemoryToAccelerationStructureKHR, :vkCopyMemoryToAccelerationStructureKHR, :vkCmdWriteAccelerationStructuresPropertiesKHR, :vkCmdWriteAccelerationStructuresPropertiesNV, :vkCmdBuildAccelerationStructureNV, :vkWriteAccelerationStructuresPropertiesKHR, :vkCmdTraceRaysKHR, :vkCmdTraceRaysNV, :vkGetRayTracingShaderGroupHandlesKHR, :vkGetRayTracingCaptureReplayShaderGroupHandlesKHR, :vkGetAccelerationStructureHandleNV, :vkCreateRayTracingPipelinesNV, :vkCreateRayTracingPipelinesKHR, :vkCmdTraceRaysIndirectKHR, :vkCmdTraceRaysIndirect2KHR, :vkGetDeviceAccelerationStructureCompatibilityKHR, :vkGetRayTracingShaderGroupStackSizeKHR, :vkCmdSetRayTracingPipelineStackSizeKHR, :vkGetImageViewHandleNVX, :vkGetImageViewAddressNVX, :vkGetDeviceGroupSurfacePresentModes2EXT, :vkAcquireFullScreenExclusiveModeEXT, :vkReleaseFullScreenExclusiveModeEXT, :vkAcquireProfilingLockKHR, :vkReleaseProfilingLockKHR, :vkGetImageDrmFormatModifierPropertiesEXT, :vkGetBufferOpaqueCaptureAddress, :vkGetBufferDeviceAddress, :vkInitializePerformanceApiINTEL, :vkUninitializePerformanceApiINTEL, :vkCmdSetPerformanceMarkerINTEL, :vkCmdSetPerformanceStreamMarkerINTEL, :vkCmdSetPerformanceOverrideINTEL, :vkAcquirePerformanceConfigurationINTEL, :vkReleasePerformanceConfigurationINTEL, :vkQueueSetPerformanceConfigurationINTEL, :vkGetPerformanceParameterINTEL, :vkGetDeviceMemoryOpaqueCaptureAddress, :vkGetPipelineExecutablePropertiesKHR, :vkGetPipelineExecutableStatisticsKHR, :vkGetPipelineExecutableInternalRepresentationsKHR, :vkCmdSetLineStippleEXT, :vkCreateAccelerationStructureKHR, :vkCmdBuildAccelerationStructuresKHR, :vkCmdBuildAccelerationStructuresIndirectKHR, :vkBuildAccelerationStructuresKHR, :vkGetAccelerationStructureDeviceAddressKHR, :vkCreateDeferredOperationKHR, :vkDestroyDeferredOperationKHR, :vkGetDeferredOperationMaxConcurrencyKHR, :vkGetDeferredOperationResultKHR, :vkDeferredOperationJoinKHR, :vkCmdSetCullMode, :vkCmdSetFrontFace, :vkCmdSetPrimitiveTopology, :vkCmdSetViewportWithCount, :vkCmdSetScissorWithCount, :vkCmdBindVertexBuffers2, :vkCmdSetDepthTestEnable, :vkCmdSetDepthWriteEnable, :vkCmdSetDepthCompareOp, :vkCmdSetDepthBoundsTestEnable, :vkCmdSetStencilTestEnable, :vkCmdSetStencilOp, :vkCmdSetPatchControlPointsEXT, :vkCmdSetRasterizerDiscardEnable, :vkCmdSetDepthBiasEnable, :vkCmdSetLogicOpEXT, :vkCmdSetPrimitiveRestartEnable, :vkCmdSetTessellationDomainOriginEXT, :vkCmdSetDepthClampEnableEXT, :vkCmdSetPolygonModeEXT, :vkCmdSetRasterizationSamplesEXT, :vkCmdSetSampleMaskEXT, :vkCmdSetAlphaToCoverageEnableEXT, :vkCmdSetAlphaToOneEnableEXT, :vkCmdSetLogicOpEnableEXT, :vkCmdSetColorBlendEnableEXT, :vkCmdSetColorBlendEquationEXT, :vkCmdSetColorWriteMaskEXT, :vkCmdSetRasterizationStreamEXT, :vkCmdSetConservativeRasterizationModeEXT, :vkCmdSetExtraPrimitiveOverestimationSizeEXT, :vkCmdSetDepthClipEnableEXT, :vkCmdSetSampleLocationsEnableEXT, :vkCmdSetColorBlendAdvancedEXT, :vkCmdSetProvokingVertexModeEXT, :vkCmdSetLineRasterizationModeEXT, :vkCmdSetLineStippleEnableEXT, :vkCmdSetDepthClipNegativeOneToOneEXT, :vkCmdSetViewportWScalingEnableNV, :vkCmdSetViewportSwizzleNV, :vkCmdSetCoverageToColorEnableNV, :vkCmdSetCoverageToColorLocationNV, :vkCmdSetCoverageModulationModeNV, :vkCmdSetCoverageModulationTableEnableNV, :vkCmdSetCoverageModulationTableNV, :vkCmdSetShadingRateImageEnableNV, :vkCmdSetCoverageReductionModeNV, :vkCmdSetRepresentativeFragmentTestEnableNV, :vkCreatePrivateDataSlot, :vkDestroyPrivateDataSlot, :vkSetPrivateData, :vkGetPrivateData, :vkCmdCopyBuffer2, :vkCmdCopyImage2, :vkCmdBlitImage2, :vkCmdCopyBufferToImage2, :vkCmdCopyImageToBuffer2, :vkCmdResolveImage2, :vkCmdSetFragmentShadingRateKHR, :vkCmdSetFragmentShadingRateEnumNV, :vkGetAccelerationStructureBuildSizesKHR, :vkCmdSetVertexInputEXT, :vkCmdSetColorWriteEnableEXT, :vkCmdSetEvent2, :vkCmdResetEvent2, :vkCmdWaitEvents2, :vkCmdPipelineBarrier2, :vkQueueSubmit2, :vkCmdWriteTimestamp2, :vkCmdWriteBufferMarker2AMD, :vkGetQueueCheckpointData2NV, :vkCreateVideoSessionKHR, :vkDestroyVideoSessionKHR, :vkCreateVideoSessionParametersKHR, :vkUpdateVideoSessionParametersKHR, :vkDestroyVideoSessionParametersKHR, :vkGetVideoSessionMemoryRequirementsKHR, :vkBindVideoSessionMemoryKHR, :vkCmdDecodeVideoKHR, :vkCmdBeginVideoCodingKHR, :vkCmdControlVideoCodingKHR, :vkCmdEndVideoCodingKHR, :vkCmdEncodeVideoKHR, :vkCmdDecompressMemoryNV, :vkCmdDecompressMemoryIndirectCountNV, :vkCreateCuModuleNVX, :vkCreateCuFunctionNVX, :vkDestroyCuModuleNVX, :vkDestroyCuFunctionNVX, :vkCmdCuLaunchKernelNVX, :vkGetDescriptorSetLayoutSizeEXT, :vkGetDescriptorSetLayoutBindingOffsetEXT, :vkGetDescriptorEXT, :vkCmdBindDescriptorBuffersEXT, :vkCmdSetDescriptorBufferOffsetsEXT, :vkCmdBindDescriptorBufferEmbeddedSamplersEXT, :vkGetBufferOpaqueCaptureDescriptorDataEXT, :vkGetImageOpaqueCaptureDescriptorDataEXT, :vkGetImageViewOpaqueCaptureDescriptorDataEXT, :vkGetSamplerOpaqueCaptureDescriptorDataEXT, :vkGetAccelerationStructureOpaqueCaptureDescriptorDataEXT, :vkSetDeviceMemoryPriorityEXT, :vkWaitForPresentKHR, :vkCreateBufferCollectionFUCHSIA, :vkSetBufferCollectionBufferConstraintsFUCHSIA, :vkSetBufferCollectionImageConstraintsFUCHSIA, :vkDestroyBufferCollectionFUCHSIA, :vkGetBufferCollectionPropertiesFUCHSIA, :vkCmdBeginRendering, :vkCmdEndRendering, :vkGetDescriptorSetLayoutHostMappingInfoVALVE, :vkGetDescriptorSetHostMappingVALVE, :vkCreateMicromapEXT, :vkCmdBuildMicromapsEXT, :vkBuildMicromapsEXT, :vkDestroyMicromapEXT, :vkCmdCopyMicromapEXT, :vkCopyMicromapEXT, :vkCmdCopyMicromapToMemoryEXT, :vkCopyMicromapToMemoryEXT, :vkCmdCopyMemoryToMicromapEXT, :vkCopyMemoryToMicromapEXT, :vkCmdWriteMicromapsPropertiesEXT, :vkWriteMicromapsPropertiesEXT, :vkGetDeviceMicromapCompatibilityEXT, :vkGetMicromapBuildSizesEXT, :vkGetShaderModuleIdentifierEXT, :vkGetShaderModuleCreateInfoIdentifierEXT, :vkGetImageSubresourceLayout2EXT, :vkGetPipelinePropertiesEXT, :vkExportMetalObjectsEXT, :vkGetFramebufferTilePropertiesQCOM, :vkGetDynamicRenderingTilePropertiesQCOM, :vkCreateOpticalFlowSessionNV, :vkDestroyOpticalFlowSessionNV, :vkBindOpticalFlowSessionImageNV, :vkCmdOpticalFlowExecuteNV, :vkGetDeviceFaultInfoEXT, :vkReleaseSwapchainImagesEXT, :vkBindBufferMemory2KHR, :vkBindImageMemory2KHR, :vkCmdBeginRenderPass2KHR, :vkCmdBeginRenderingKHR, :vkCmdBindVertexBuffers2EXT, :vkCmdBlitImage2KHR, :vkCmdCopyBuffer2KHR, :vkCmdCopyBufferToImage2KHR, :vkCmdCopyImage2KHR, :vkCmdCopyImageToBuffer2KHR, :vkCmdDispatchBaseKHR, :vkCmdDrawIndexedIndirectCountAMD, :vkCmdDrawIndexedIndirectCountKHR, :vkCmdDrawIndirectCountAMD, :vkCmdDrawIndirectCountKHR, :vkCmdEndRenderPass2KHR, :vkCmdEndRenderingKHR, :vkCmdNextSubpass2KHR, :vkCmdPipelineBarrier2KHR, :vkCmdResetEvent2KHR, :vkCmdResolveImage2KHR, :vkCmdSetCullModeEXT, :vkCmdSetDepthBiasEnableEXT, :vkCmdSetDepthBoundsTestEnableEXT, :vkCmdSetDepthCompareOpEXT, :vkCmdSetDepthTestEnableEXT, :vkCmdSetDepthWriteEnableEXT, :vkCmdSetDeviceMaskKHR, :vkCmdSetEvent2KHR, :vkCmdSetFrontFaceEXT, :vkCmdSetPrimitiveRestartEnableEXT, :vkCmdSetPrimitiveTopologyEXT, :vkCmdSetRasterizerDiscardEnableEXT, :vkCmdSetScissorWithCountEXT, :vkCmdSetStencilOpEXT, :vkCmdSetStencilTestEnableEXT, :vkCmdSetViewportWithCountEXT, :vkCmdWaitEvents2KHR, :vkCmdWriteTimestamp2KHR, :vkCreateDescriptorUpdateTemplateKHR, :vkCreatePrivateDataSlotEXT, :vkCreateRenderPass2KHR, :vkCreateSamplerYcbcrConversionKHR, :vkDestroyDescriptorUpdateTemplateKHR, :vkDestroyPrivateDataSlotEXT, :vkDestroySamplerYcbcrConversionKHR, :vkGetBufferDeviceAddressEXT, :vkGetBufferDeviceAddressKHR, :vkGetBufferMemoryRequirements2KHR, :vkGetBufferOpaqueCaptureAddressKHR, :vkGetDescriptorSetLayoutSupportKHR, :vkGetDeviceBufferMemoryRequirementsKHR, :vkGetDeviceGroupPeerMemoryFeaturesKHR, :vkGetDeviceImageMemoryRequirementsKHR, :vkGetDeviceImageSparseMemoryRequirementsKHR, :vkGetDeviceMemoryOpaqueCaptureAddressKHR, :vkGetImageMemoryRequirements2KHR, :vkGetImageSparseMemoryRequirements2KHR, :vkGetPrivateDataEXT, :vkGetRayTracingShaderGroupHandlesNV, :vkGetSemaphoreCounterValueKHR, :vkQueueSubmit2KHR, :vkResetQueryPoolEXT, :vkSetPrivateDataEXT, :vkSignalSemaphoreKHR, :vkTrimCommandPoolKHR, :vkUpdateDescriptorSetWithTemplateKHR, :vkWaitSemaphoresKHR] export MAX_PHYSICAL_DEVICE_NAME_SIZE, UUID_SIZE, LUID_SIZE, MAX_DESCRIPTION_SIZE, MAX_MEMORY_TYPES, MAX_MEMORY_HEAPS, LOD_CLAMP_NONE, REMAINING_MIP_LEVELS, REMAINING_ARRAY_LAYERS, WHOLE_SIZE, ATTACHMENT_UNUSED, QUEUE_FAMILY_IGNORED, QUEUE_FAMILY_EXTERNAL, QUEUE_FAMILY_FOREIGN_EXT, SUBPASS_EXTERNAL, MAX_DEVICE_GROUP_SIZE, MAX_DRIVER_NAME_SIZE, MAX_DRIVER_INFO_SIZE, SHADER_UNUSED_KHR, MAX_GLOBAL_PRIORITY_SIZE_KHR, MAX_SHADER_MODULE_IDENTIFIER_SIZE_EXT, ImageLayout, IMAGE_LAYOUT_UNDEFINED, IMAGE_LAYOUT_GENERAL, IMAGE_LAYOUT_COLOR_ATTACHMENT_OPTIMAL, IMAGE_LAYOUT_DEPTH_STENCIL_ATTACHMENT_OPTIMAL, IMAGE_LAYOUT_DEPTH_STENCIL_READ_ONLY_OPTIMAL, IMAGE_LAYOUT_SHADER_READ_ONLY_OPTIMAL, IMAGE_LAYOUT_TRANSFER_SRC_OPTIMAL, IMAGE_LAYOUT_TRANSFER_DST_OPTIMAL, IMAGE_LAYOUT_PREINITIALIZED, IMAGE_LAYOUT_DEPTH_READ_ONLY_STENCIL_ATTACHMENT_OPTIMAL, IMAGE_LAYOUT_DEPTH_ATTACHMENT_STENCIL_READ_ONLY_OPTIMAL, IMAGE_LAYOUT_DEPTH_ATTACHMENT_OPTIMAL, IMAGE_LAYOUT_DEPTH_READ_ONLY_OPTIMAL, IMAGE_LAYOUT_STENCIL_ATTACHMENT_OPTIMAL, IMAGE_LAYOUT_STENCIL_READ_ONLY_OPTIMAL, IMAGE_LAYOUT_READ_ONLY_OPTIMAL, IMAGE_LAYOUT_ATTACHMENT_OPTIMAL, IMAGE_LAYOUT_PRESENT_SRC_KHR, IMAGE_LAYOUT_VIDEO_DECODE_DST_KHR, IMAGE_LAYOUT_VIDEO_DECODE_SRC_KHR, IMAGE_LAYOUT_VIDEO_DECODE_DPB_KHR, IMAGE_LAYOUT_SHARED_PRESENT_KHR, IMAGE_LAYOUT_FRAGMENT_DENSITY_MAP_OPTIMAL_EXT, IMAGE_LAYOUT_FRAGMENT_SHADING_RATE_ATTACHMENT_OPTIMAL_KHR, IMAGE_LAYOUT_VIDEO_ENCODE_DST_KHR, IMAGE_LAYOUT_VIDEO_ENCODE_SRC_KHR, IMAGE_LAYOUT_VIDEO_ENCODE_DPB_KHR, IMAGE_LAYOUT_ATTACHMENT_FEEDBACK_LOOP_OPTIMAL_EXT, AttachmentLoadOp, ATTACHMENT_LOAD_OP_LOAD, ATTACHMENT_LOAD_OP_CLEAR, ATTACHMENT_LOAD_OP_DONT_CARE, ATTACHMENT_LOAD_OP_NONE_EXT, AttachmentStoreOp, ATTACHMENT_STORE_OP_STORE, ATTACHMENT_STORE_OP_DONT_CARE, ATTACHMENT_STORE_OP_NONE, ImageType, IMAGE_TYPE_1D, IMAGE_TYPE_2D, IMAGE_TYPE_3D, ImageTiling, IMAGE_TILING_OPTIMAL, IMAGE_TILING_LINEAR, IMAGE_TILING_DRM_FORMAT_MODIFIER_EXT, ImageViewType, IMAGE_VIEW_TYPE_1D, IMAGE_VIEW_TYPE_2D, IMAGE_VIEW_TYPE_3D, IMAGE_VIEW_TYPE_CUBE, IMAGE_VIEW_TYPE_1D_ARRAY, IMAGE_VIEW_TYPE_2D_ARRAY, IMAGE_VIEW_TYPE_CUBE_ARRAY, CommandBufferLevel, COMMAND_BUFFER_LEVEL_PRIMARY, COMMAND_BUFFER_LEVEL_SECONDARY, ComponentSwizzle, COMPONENT_SWIZZLE_IDENTITY, COMPONENT_SWIZZLE_ZERO, COMPONENT_SWIZZLE_ONE, COMPONENT_SWIZZLE_R, COMPONENT_SWIZZLE_G, COMPONENT_SWIZZLE_B, COMPONENT_SWIZZLE_A, DescriptorType, DESCRIPTOR_TYPE_SAMPLER, DESCRIPTOR_TYPE_COMBINED_IMAGE_SAMPLER, DESCRIPTOR_TYPE_SAMPLED_IMAGE, DESCRIPTOR_TYPE_STORAGE_IMAGE, DESCRIPTOR_TYPE_UNIFORM_TEXEL_BUFFER, DESCRIPTOR_TYPE_STORAGE_TEXEL_BUFFER, DESCRIPTOR_TYPE_UNIFORM_BUFFER, DESCRIPTOR_TYPE_STORAGE_BUFFER, DESCRIPTOR_TYPE_UNIFORM_BUFFER_DYNAMIC, DESCRIPTOR_TYPE_STORAGE_BUFFER_DYNAMIC, DESCRIPTOR_TYPE_INPUT_ATTACHMENT, DESCRIPTOR_TYPE_INLINE_UNIFORM_BLOCK, DESCRIPTOR_TYPE_ACCELERATION_STRUCTURE_KHR, DESCRIPTOR_TYPE_ACCELERATION_STRUCTURE_NV, DESCRIPTOR_TYPE_SAMPLE_WEIGHT_IMAGE_QCOM, DESCRIPTOR_TYPE_BLOCK_MATCH_IMAGE_QCOM, DESCRIPTOR_TYPE_MUTABLE_EXT, QueryType, QUERY_TYPE_OCCLUSION, QUERY_TYPE_PIPELINE_STATISTICS, QUERY_TYPE_TIMESTAMP, QUERY_TYPE_RESULT_STATUS_ONLY_KHR, QUERY_TYPE_TRANSFORM_FEEDBACK_STREAM_EXT, QUERY_TYPE_PERFORMANCE_QUERY_KHR, QUERY_TYPE_ACCELERATION_STRUCTURE_COMPACTED_SIZE_KHR, QUERY_TYPE_ACCELERATION_STRUCTURE_SERIALIZATION_SIZE_KHR, QUERY_TYPE_ACCELERATION_STRUCTURE_COMPACTED_SIZE_NV, QUERY_TYPE_PERFORMANCE_QUERY_INTEL, QUERY_TYPE_VIDEO_ENCODE_BITSTREAM_BUFFER_RANGE_KHR, QUERY_TYPE_MESH_PRIMITIVES_GENERATED_EXT, QUERY_TYPE_PRIMITIVES_GENERATED_EXT, QUERY_TYPE_ACCELERATION_STRUCTURE_SERIALIZATION_BOTTOM_LEVEL_POINTERS_KHR, QUERY_TYPE_ACCELERATION_STRUCTURE_SIZE_KHR, QUERY_TYPE_MICROMAP_SERIALIZATION_SIZE_EXT, QUERY_TYPE_MICROMAP_COMPACTED_SIZE_EXT, BorderColor, BORDER_COLOR_FLOAT_TRANSPARENT_BLACK, BORDER_COLOR_INT_TRANSPARENT_BLACK, BORDER_COLOR_FLOAT_OPAQUE_BLACK, BORDER_COLOR_INT_OPAQUE_BLACK, BORDER_COLOR_FLOAT_OPAQUE_WHITE, BORDER_COLOR_INT_OPAQUE_WHITE, BORDER_COLOR_FLOAT_CUSTOM_EXT, BORDER_COLOR_INT_CUSTOM_EXT, PipelineBindPoint, PIPELINE_BIND_POINT_GRAPHICS, PIPELINE_BIND_POINT_COMPUTE, PIPELINE_BIND_POINT_RAY_TRACING_KHR, PIPELINE_BIND_POINT_SUBPASS_SHADING_HUAWEI, PipelineCacheHeaderVersion, PIPELINE_CACHE_HEADER_VERSION_ONE, PrimitiveTopology, PRIMITIVE_TOPOLOGY_POINT_LIST, PRIMITIVE_TOPOLOGY_LINE_LIST, PRIMITIVE_TOPOLOGY_LINE_STRIP, PRIMITIVE_TOPOLOGY_TRIANGLE_LIST, PRIMITIVE_TOPOLOGY_TRIANGLE_STRIP, PRIMITIVE_TOPOLOGY_TRIANGLE_FAN, PRIMITIVE_TOPOLOGY_LINE_LIST_WITH_ADJACENCY, PRIMITIVE_TOPOLOGY_LINE_STRIP_WITH_ADJACENCY, PRIMITIVE_TOPOLOGY_TRIANGLE_LIST_WITH_ADJACENCY, PRIMITIVE_TOPOLOGY_TRIANGLE_STRIP_WITH_ADJACENCY, PRIMITIVE_TOPOLOGY_PATCH_LIST, SharingMode, SHARING_MODE_EXCLUSIVE, SHARING_MODE_CONCURRENT, IndexType, INDEX_TYPE_UINT16, INDEX_TYPE_UINT32, INDEX_TYPE_NONE_KHR, INDEX_TYPE_UINT8_EXT, Filter, FILTER_NEAREST, FILTER_LINEAR, FILTER_CUBIC_EXT, SamplerMipmapMode, SAMPLER_MIPMAP_MODE_NEAREST, SAMPLER_MIPMAP_MODE_LINEAR, SamplerAddressMode, SAMPLER_ADDRESS_MODE_REPEAT, SAMPLER_ADDRESS_MODE_MIRRORED_REPEAT, SAMPLER_ADDRESS_MODE_CLAMP_TO_EDGE, SAMPLER_ADDRESS_MODE_CLAMP_TO_BORDER, SAMPLER_ADDRESS_MODE_MIRROR_CLAMP_TO_EDGE, CompareOp, COMPARE_OP_NEVER, COMPARE_OP_LESS, COMPARE_OP_EQUAL, COMPARE_OP_LESS_OR_EQUAL, COMPARE_OP_GREATER, COMPARE_OP_NOT_EQUAL, COMPARE_OP_GREATER_OR_EQUAL, COMPARE_OP_ALWAYS, PolygonMode, POLYGON_MODE_FILL, POLYGON_MODE_LINE, POLYGON_MODE_POINT, POLYGON_MODE_FILL_RECTANGLE_NV, FrontFace, FRONT_FACE_COUNTER_CLOCKWISE, FRONT_FACE_CLOCKWISE, BlendFactor, BLEND_FACTOR_ZERO, BLEND_FACTOR_ONE, BLEND_FACTOR_SRC_COLOR, BLEND_FACTOR_ONE_MINUS_SRC_COLOR, BLEND_FACTOR_DST_COLOR, BLEND_FACTOR_ONE_MINUS_DST_COLOR, BLEND_FACTOR_SRC_ALPHA, BLEND_FACTOR_ONE_MINUS_SRC_ALPHA, BLEND_FACTOR_DST_ALPHA, BLEND_FACTOR_ONE_MINUS_DST_ALPHA, BLEND_FACTOR_CONSTANT_COLOR, BLEND_FACTOR_ONE_MINUS_CONSTANT_COLOR, BLEND_FACTOR_CONSTANT_ALPHA, BLEND_FACTOR_ONE_MINUS_CONSTANT_ALPHA, BLEND_FACTOR_SRC_ALPHA_SATURATE, BLEND_FACTOR_SRC1_COLOR, BLEND_FACTOR_ONE_MINUS_SRC1_COLOR, BLEND_FACTOR_SRC1_ALPHA, BLEND_FACTOR_ONE_MINUS_SRC1_ALPHA, BlendOp, BLEND_OP_ADD, BLEND_OP_SUBTRACT, BLEND_OP_REVERSE_SUBTRACT, BLEND_OP_MIN, BLEND_OP_MAX, BLEND_OP_ZERO_EXT, BLEND_OP_SRC_EXT, BLEND_OP_DST_EXT, BLEND_OP_SRC_OVER_EXT, BLEND_OP_DST_OVER_EXT, BLEND_OP_SRC_IN_EXT, BLEND_OP_DST_IN_EXT, BLEND_OP_SRC_OUT_EXT, BLEND_OP_DST_OUT_EXT, BLEND_OP_SRC_ATOP_EXT, BLEND_OP_DST_ATOP_EXT, BLEND_OP_XOR_EXT, BLEND_OP_MULTIPLY_EXT, BLEND_OP_SCREEN_EXT, BLEND_OP_OVERLAY_EXT, BLEND_OP_DARKEN_EXT, BLEND_OP_LIGHTEN_EXT, BLEND_OP_COLORDODGE_EXT, BLEND_OP_COLORBURN_EXT, BLEND_OP_HARDLIGHT_EXT, BLEND_OP_SOFTLIGHT_EXT, BLEND_OP_DIFFERENCE_EXT, BLEND_OP_EXCLUSION_EXT, BLEND_OP_INVERT_EXT, BLEND_OP_INVERT_RGB_EXT, BLEND_OP_LINEARDODGE_EXT, BLEND_OP_LINEARBURN_EXT, BLEND_OP_VIVIDLIGHT_EXT, BLEND_OP_LINEARLIGHT_EXT, BLEND_OP_PINLIGHT_EXT, BLEND_OP_HARDMIX_EXT, BLEND_OP_HSL_HUE_EXT, BLEND_OP_HSL_SATURATION_EXT, BLEND_OP_HSL_COLOR_EXT, BLEND_OP_HSL_LUMINOSITY_EXT, BLEND_OP_PLUS_EXT, BLEND_OP_PLUS_CLAMPED_EXT, BLEND_OP_PLUS_CLAMPED_ALPHA_EXT, BLEND_OP_PLUS_DARKER_EXT, BLEND_OP_MINUS_EXT, BLEND_OP_MINUS_CLAMPED_EXT, BLEND_OP_CONTRAST_EXT, BLEND_OP_INVERT_OVG_EXT, BLEND_OP_RED_EXT, BLEND_OP_GREEN_EXT, BLEND_OP_BLUE_EXT, StencilOp, STENCIL_OP_KEEP, STENCIL_OP_ZERO, STENCIL_OP_REPLACE, STENCIL_OP_INCREMENT_AND_CLAMP, STENCIL_OP_DECREMENT_AND_CLAMP, STENCIL_OP_INVERT, STENCIL_OP_INCREMENT_AND_WRAP, STENCIL_OP_DECREMENT_AND_WRAP, LogicOp, LOGIC_OP_CLEAR, LOGIC_OP_AND, LOGIC_OP_AND_REVERSE, LOGIC_OP_COPY, LOGIC_OP_AND_INVERTED, LOGIC_OP_NO_OP, LOGIC_OP_XOR, LOGIC_OP_OR, LOGIC_OP_NOR, LOGIC_OP_EQUIVALENT, LOGIC_OP_INVERT, LOGIC_OP_OR_REVERSE, LOGIC_OP_COPY_INVERTED, LOGIC_OP_OR_INVERTED, LOGIC_OP_NAND, LOGIC_OP_SET, InternalAllocationType, INTERNAL_ALLOCATION_TYPE_EXECUTABLE, SystemAllocationScope, SYSTEM_ALLOCATION_SCOPE_COMMAND, SYSTEM_ALLOCATION_SCOPE_OBJECT, SYSTEM_ALLOCATION_SCOPE_CACHE, SYSTEM_ALLOCATION_SCOPE_DEVICE, SYSTEM_ALLOCATION_SCOPE_INSTANCE, PhysicalDeviceType, PHYSICAL_DEVICE_TYPE_OTHER, PHYSICAL_DEVICE_TYPE_INTEGRATED_GPU, PHYSICAL_DEVICE_TYPE_DISCRETE_GPU, PHYSICAL_DEVICE_TYPE_VIRTUAL_GPU, PHYSICAL_DEVICE_TYPE_CPU, VertexInputRate, VERTEX_INPUT_RATE_VERTEX, VERTEX_INPUT_RATE_INSTANCE, Format, FORMAT_UNDEFINED, FORMAT_R4G4_UNORM_PACK8, FORMAT_R4G4B4A4_UNORM_PACK16, FORMAT_B4G4R4A4_UNORM_PACK16, FORMAT_R5G6B5_UNORM_PACK16, FORMAT_B5G6R5_UNORM_PACK16, FORMAT_R5G5B5A1_UNORM_PACK16, FORMAT_B5G5R5A1_UNORM_PACK16, FORMAT_A1R5G5B5_UNORM_PACK16, FORMAT_R8_UNORM, FORMAT_R8_SNORM, FORMAT_R8_USCALED, FORMAT_R8_SSCALED, FORMAT_R8_UINT, FORMAT_R8_SINT, FORMAT_R8_SRGB, FORMAT_R8G8_UNORM, FORMAT_R8G8_SNORM, FORMAT_R8G8_USCALED, FORMAT_R8G8_SSCALED, FORMAT_R8G8_UINT, FORMAT_R8G8_SINT, FORMAT_R8G8_SRGB, FORMAT_R8G8B8_UNORM, FORMAT_R8G8B8_SNORM, FORMAT_R8G8B8_USCALED, FORMAT_R8G8B8_SSCALED, FORMAT_R8G8B8_UINT, FORMAT_R8G8B8_SINT, FORMAT_R8G8B8_SRGB, FORMAT_B8G8R8_UNORM, FORMAT_B8G8R8_SNORM, FORMAT_B8G8R8_USCALED, FORMAT_B8G8R8_SSCALED, FORMAT_B8G8R8_UINT, FORMAT_B8G8R8_SINT, FORMAT_B8G8R8_SRGB, FORMAT_R8G8B8A8_UNORM, FORMAT_R8G8B8A8_SNORM, FORMAT_R8G8B8A8_USCALED, FORMAT_R8G8B8A8_SSCALED, FORMAT_R8G8B8A8_UINT, FORMAT_R8G8B8A8_SINT, FORMAT_R8G8B8A8_SRGB, FORMAT_B8G8R8A8_UNORM, FORMAT_B8G8R8A8_SNORM, FORMAT_B8G8R8A8_USCALED, FORMAT_B8G8R8A8_SSCALED, FORMAT_B8G8R8A8_UINT, FORMAT_B8G8R8A8_SINT, FORMAT_B8G8R8A8_SRGB, FORMAT_A8B8G8R8_UNORM_PACK32, FORMAT_A8B8G8R8_SNORM_PACK32, FORMAT_A8B8G8R8_USCALED_PACK32, FORMAT_A8B8G8R8_SSCALED_PACK32, FORMAT_A8B8G8R8_UINT_PACK32, FORMAT_A8B8G8R8_SINT_PACK32, FORMAT_A8B8G8R8_SRGB_PACK32, FORMAT_A2R10G10B10_UNORM_PACK32, FORMAT_A2R10G10B10_SNORM_PACK32, FORMAT_A2R10G10B10_USCALED_PACK32, FORMAT_A2R10G10B10_SSCALED_PACK32, FORMAT_A2R10G10B10_UINT_PACK32, FORMAT_A2R10G10B10_SINT_PACK32, FORMAT_A2B10G10R10_UNORM_PACK32, FORMAT_A2B10G10R10_SNORM_PACK32, FORMAT_A2B10G10R10_USCALED_PACK32, FORMAT_A2B10G10R10_SSCALED_PACK32, FORMAT_A2B10G10R10_UINT_PACK32, FORMAT_A2B10G10R10_SINT_PACK32, FORMAT_R16_UNORM, FORMAT_R16_SNORM, FORMAT_R16_USCALED, FORMAT_R16_SSCALED, FORMAT_R16_UINT, FORMAT_R16_SINT, FORMAT_R16_SFLOAT, FORMAT_R16G16_UNORM, FORMAT_R16G16_SNORM, FORMAT_R16G16_USCALED, FORMAT_R16G16_SSCALED, FORMAT_R16G16_UINT, FORMAT_R16G16_SINT, FORMAT_R16G16_SFLOAT, FORMAT_R16G16B16_UNORM, FORMAT_R16G16B16_SNORM, FORMAT_R16G16B16_USCALED, FORMAT_R16G16B16_SSCALED, FORMAT_R16G16B16_UINT, FORMAT_R16G16B16_SINT, FORMAT_R16G16B16_SFLOAT, FORMAT_R16G16B16A16_UNORM, FORMAT_R16G16B16A16_SNORM, FORMAT_R16G16B16A16_USCALED, FORMAT_R16G16B16A16_SSCALED, FORMAT_R16G16B16A16_UINT, FORMAT_R16G16B16A16_SINT, FORMAT_R16G16B16A16_SFLOAT, FORMAT_R32_UINT, FORMAT_R32_SINT, FORMAT_R32_SFLOAT, FORMAT_R32G32_UINT, FORMAT_R32G32_SINT, FORMAT_R32G32_SFLOAT, FORMAT_R32G32B32_UINT, FORMAT_R32G32B32_SINT, FORMAT_R32G32B32_SFLOAT, FORMAT_R32G32B32A32_UINT, FORMAT_R32G32B32A32_SINT, FORMAT_R32G32B32A32_SFLOAT, FORMAT_R64_UINT, FORMAT_R64_SINT, FORMAT_R64_SFLOAT, FORMAT_R64G64_UINT, FORMAT_R64G64_SINT, FORMAT_R64G64_SFLOAT, FORMAT_R64G64B64_UINT, FORMAT_R64G64B64_SINT, FORMAT_R64G64B64_SFLOAT, FORMAT_R64G64B64A64_UINT, FORMAT_R64G64B64A64_SINT, FORMAT_R64G64B64A64_SFLOAT, FORMAT_B10G11R11_UFLOAT_PACK32, FORMAT_E5B9G9R9_UFLOAT_PACK32, FORMAT_D16_UNORM, FORMAT_X8_D24_UNORM_PACK32, FORMAT_D32_SFLOAT, FORMAT_S8_UINT, FORMAT_D16_UNORM_S8_UINT, FORMAT_D24_UNORM_S8_UINT, FORMAT_D32_SFLOAT_S8_UINT, FORMAT_BC1_RGB_UNORM_BLOCK, FORMAT_BC1_RGB_SRGB_BLOCK, FORMAT_BC1_RGBA_UNORM_BLOCK, FORMAT_BC1_RGBA_SRGB_BLOCK, FORMAT_BC2_UNORM_BLOCK, FORMAT_BC2_SRGB_BLOCK, FORMAT_BC3_UNORM_BLOCK, FORMAT_BC3_SRGB_BLOCK, FORMAT_BC4_UNORM_BLOCK, FORMAT_BC4_SNORM_BLOCK, FORMAT_BC5_UNORM_BLOCK, FORMAT_BC5_SNORM_BLOCK, FORMAT_BC6H_UFLOAT_BLOCK, FORMAT_BC6H_SFLOAT_BLOCK, FORMAT_BC7_UNORM_BLOCK, FORMAT_BC7_SRGB_BLOCK, FORMAT_ETC2_R8G8B8_UNORM_BLOCK, FORMAT_ETC2_R8G8B8_SRGB_BLOCK, FORMAT_ETC2_R8G8B8A1_UNORM_BLOCK, FORMAT_ETC2_R8G8B8A1_SRGB_BLOCK, FORMAT_ETC2_R8G8B8A8_UNORM_BLOCK, FORMAT_ETC2_R8G8B8A8_SRGB_BLOCK, FORMAT_EAC_R11_UNORM_BLOCK, FORMAT_EAC_R11_SNORM_BLOCK, FORMAT_EAC_R11G11_UNORM_BLOCK, FORMAT_EAC_R11G11_SNORM_BLOCK, FORMAT_ASTC_4x4_UNORM_BLOCK, FORMAT_ASTC_4x4_SRGB_BLOCK, FORMAT_ASTC_5x4_UNORM_BLOCK, FORMAT_ASTC_5x4_SRGB_BLOCK, FORMAT_ASTC_5x5_UNORM_BLOCK, FORMAT_ASTC_5x5_SRGB_BLOCK, FORMAT_ASTC_6x5_UNORM_BLOCK, FORMAT_ASTC_6x5_SRGB_BLOCK, FORMAT_ASTC_6x6_UNORM_BLOCK, FORMAT_ASTC_6x6_SRGB_BLOCK, FORMAT_ASTC_8x5_UNORM_BLOCK, FORMAT_ASTC_8x5_SRGB_BLOCK, FORMAT_ASTC_8x6_UNORM_BLOCK, FORMAT_ASTC_8x6_SRGB_BLOCK, FORMAT_ASTC_8x8_UNORM_BLOCK, FORMAT_ASTC_8x8_SRGB_BLOCK, FORMAT_ASTC_10x5_UNORM_BLOCK, FORMAT_ASTC_10x5_SRGB_BLOCK, FORMAT_ASTC_10x6_UNORM_BLOCK, FORMAT_ASTC_10x6_SRGB_BLOCK, FORMAT_ASTC_10x8_UNORM_BLOCK, FORMAT_ASTC_10x8_SRGB_BLOCK, FORMAT_ASTC_10x10_UNORM_BLOCK, FORMAT_ASTC_10x10_SRGB_BLOCK, FORMAT_ASTC_12x10_UNORM_BLOCK, FORMAT_ASTC_12x10_SRGB_BLOCK, FORMAT_ASTC_12x12_UNORM_BLOCK, FORMAT_ASTC_12x12_SRGB_BLOCK, FORMAT_G8B8G8R8_422_UNORM, FORMAT_B8G8R8G8_422_UNORM, FORMAT_G8_B8_R8_3PLANE_420_UNORM, FORMAT_G8_B8R8_2PLANE_420_UNORM, FORMAT_G8_B8_R8_3PLANE_422_UNORM, FORMAT_G8_B8R8_2PLANE_422_UNORM, FORMAT_G8_B8_R8_3PLANE_444_UNORM, FORMAT_R10X6_UNORM_PACK16, FORMAT_R10X6G10X6_UNORM_2PACK16, FORMAT_R10X6G10X6B10X6A10X6_UNORM_4PACK16, FORMAT_G10X6B10X6G10X6R10X6_422_UNORM_4PACK16, FORMAT_B10X6G10X6R10X6G10X6_422_UNORM_4PACK16, FORMAT_G10X6_B10X6_R10X6_3PLANE_420_UNORM_3PACK16, FORMAT_G10X6_B10X6R10X6_2PLANE_420_UNORM_3PACK16, FORMAT_G10X6_B10X6_R10X6_3PLANE_422_UNORM_3PACK16, FORMAT_G10X6_B10X6R10X6_2PLANE_422_UNORM_3PACK16, FORMAT_G10X6_B10X6_R10X6_3PLANE_444_UNORM_3PACK16, FORMAT_R12X4_UNORM_PACK16, FORMAT_R12X4G12X4_UNORM_2PACK16, FORMAT_R12X4G12X4B12X4A12X4_UNORM_4PACK16, FORMAT_G12X4B12X4G12X4R12X4_422_UNORM_4PACK16, FORMAT_B12X4G12X4R12X4G12X4_422_UNORM_4PACK16, FORMAT_G12X4_B12X4_R12X4_3PLANE_420_UNORM_3PACK16, FORMAT_G12X4_B12X4R12X4_2PLANE_420_UNORM_3PACK16, FORMAT_G12X4_B12X4_R12X4_3PLANE_422_UNORM_3PACK16, FORMAT_G12X4_B12X4R12X4_2PLANE_422_UNORM_3PACK16, FORMAT_G12X4_B12X4_R12X4_3PLANE_444_UNORM_3PACK16, FORMAT_G16B16G16R16_422_UNORM, FORMAT_B16G16R16G16_422_UNORM, FORMAT_G16_B16_R16_3PLANE_420_UNORM, FORMAT_G16_B16R16_2PLANE_420_UNORM, FORMAT_G16_B16_R16_3PLANE_422_UNORM, FORMAT_G16_B16R16_2PLANE_422_UNORM, FORMAT_G16_B16_R16_3PLANE_444_UNORM, FORMAT_G8_B8R8_2PLANE_444_UNORM, FORMAT_G10X6_B10X6R10X6_2PLANE_444_UNORM_3PACK16, FORMAT_G12X4_B12X4R12X4_2PLANE_444_UNORM_3PACK16, FORMAT_G16_B16R16_2PLANE_444_UNORM, FORMAT_A4R4G4B4_UNORM_PACK16, FORMAT_A4B4G4R4_UNORM_PACK16, FORMAT_ASTC_4x4_SFLOAT_BLOCK, FORMAT_ASTC_5x4_SFLOAT_BLOCK, FORMAT_ASTC_5x5_SFLOAT_BLOCK, FORMAT_ASTC_6x5_SFLOAT_BLOCK, FORMAT_ASTC_6x6_SFLOAT_BLOCK, FORMAT_ASTC_8x5_SFLOAT_BLOCK, FORMAT_ASTC_8x6_SFLOAT_BLOCK, FORMAT_ASTC_8x8_SFLOAT_BLOCK, FORMAT_ASTC_10x5_SFLOAT_BLOCK, FORMAT_ASTC_10x6_SFLOAT_BLOCK, FORMAT_ASTC_10x8_SFLOAT_BLOCK, FORMAT_ASTC_10x10_SFLOAT_BLOCK, FORMAT_ASTC_12x10_SFLOAT_BLOCK, FORMAT_ASTC_12x12_SFLOAT_BLOCK, FORMAT_PVRTC1_2BPP_UNORM_BLOCK_IMG, FORMAT_PVRTC1_4BPP_UNORM_BLOCK_IMG, FORMAT_PVRTC2_2BPP_UNORM_BLOCK_IMG, FORMAT_PVRTC2_4BPP_UNORM_BLOCK_IMG, FORMAT_PVRTC1_2BPP_SRGB_BLOCK_IMG, FORMAT_PVRTC1_4BPP_SRGB_BLOCK_IMG, FORMAT_PVRTC2_2BPP_SRGB_BLOCK_IMG, FORMAT_PVRTC2_4BPP_SRGB_BLOCK_IMG, FORMAT_R16G16_S10_5_NV, StructureType, STRUCTURE_TYPE_APPLICATION_INFO, STRUCTURE_TYPE_INSTANCE_CREATE_INFO, STRUCTURE_TYPE_DEVICE_QUEUE_CREATE_INFO, STRUCTURE_TYPE_DEVICE_CREATE_INFO, STRUCTURE_TYPE_SUBMIT_INFO, STRUCTURE_TYPE_MEMORY_ALLOCATE_INFO, STRUCTURE_TYPE_MAPPED_MEMORY_RANGE, STRUCTURE_TYPE_BIND_SPARSE_INFO, STRUCTURE_TYPE_FENCE_CREATE_INFO, STRUCTURE_TYPE_SEMAPHORE_CREATE_INFO, STRUCTURE_TYPE_EVENT_CREATE_INFO, STRUCTURE_TYPE_QUERY_POOL_CREATE_INFO, STRUCTURE_TYPE_BUFFER_CREATE_INFO, STRUCTURE_TYPE_BUFFER_VIEW_CREATE_INFO, STRUCTURE_TYPE_IMAGE_CREATE_INFO, STRUCTURE_TYPE_IMAGE_VIEW_CREATE_INFO, STRUCTURE_TYPE_SHADER_MODULE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_CACHE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_SHADER_STAGE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_VERTEX_INPUT_STATE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_INPUT_ASSEMBLY_STATE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_TESSELLATION_STATE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_VIEWPORT_STATE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_RASTERIZATION_STATE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_MULTISAMPLE_STATE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_DEPTH_STENCIL_STATE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_COLOR_BLEND_STATE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_DYNAMIC_STATE_CREATE_INFO, STRUCTURE_TYPE_GRAPHICS_PIPELINE_CREATE_INFO, STRUCTURE_TYPE_COMPUTE_PIPELINE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_LAYOUT_CREATE_INFO, STRUCTURE_TYPE_SAMPLER_CREATE_INFO, STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_CREATE_INFO, STRUCTURE_TYPE_DESCRIPTOR_POOL_CREATE_INFO, STRUCTURE_TYPE_DESCRIPTOR_SET_ALLOCATE_INFO, STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET, STRUCTURE_TYPE_COPY_DESCRIPTOR_SET, STRUCTURE_TYPE_FRAMEBUFFER_CREATE_INFO, STRUCTURE_TYPE_RENDER_PASS_CREATE_INFO, STRUCTURE_TYPE_COMMAND_POOL_CREATE_INFO, STRUCTURE_TYPE_COMMAND_BUFFER_ALLOCATE_INFO, STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_INFO, STRUCTURE_TYPE_COMMAND_BUFFER_BEGIN_INFO, STRUCTURE_TYPE_RENDER_PASS_BEGIN_INFO, STRUCTURE_TYPE_BUFFER_MEMORY_BARRIER, STRUCTURE_TYPE_IMAGE_MEMORY_BARRIER, STRUCTURE_TYPE_MEMORY_BARRIER, STRUCTURE_TYPE_LOADER_INSTANCE_CREATE_INFO, STRUCTURE_TYPE_LOADER_DEVICE_CREATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_PROPERTIES, STRUCTURE_TYPE_BIND_BUFFER_MEMORY_INFO, STRUCTURE_TYPE_BIND_IMAGE_MEMORY_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_16BIT_STORAGE_FEATURES, STRUCTURE_TYPE_MEMORY_DEDICATED_REQUIREMENTS, STRUCTURE_TYPE_MEMORY_DEDICATED_ALLOCATE_INFO, STRUCTURE_TYPE_MEMORY_ALLOCATE_FLAGS_INFO, STRUCTURE_TYPE_DEVICE_GROUP_RENDER_PASS_BEGIN_INFO, STRUCTURE_TYPE_DEVICE_GROUP_COMMAND_BUFFER_BEGIN_INFO, STRUCTURE_TYPE_DEVICE_GROUP_SUBMIT_INFO, STRUCTURE_TYPE_DEVICE_GROUP_BIND_SPARSE_INFO, STRUCTURE_TYPE_BIND_BUFFER_MEMORY_DEVICE_GROUP_INFO, STRUCTURE_TYPE_BIND_IMAGE_MEMORY_DEVICE_GROUP_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_GROUP_PROPERTIES, STRUCTURE_TYPE_DEVICE_GROUP_DEVICE_CREATE_INFO, STRUCTURE_TYPE_BUFFER_MEMORY_REQUIREMENTS_INFO_2, STRUCTURE_TYPE_IMAGE_MEMORY_REQUIREMENTS_INFO_2, STRUCTURE_TYPE_IMAGE_SPARSE_MEMORY_REQUIREMENTS_INFO_2, STRUCTURE_TYPE_MEMORY_REQUIREMENTS_2, STRUCTURE_TYPE_SPARSE_IMAGE_MEMORY_REQUIREMENTS_2, STRUCTURE_TYPE_PHYSICAL_DEVICE_FEATURES_2, STRUCTURE_TYPE_PHYSICAL_DEVICE_PROPERTIES_2, STRUCTURE_TYPE_FORMAT_PROPERTIES_2, STRUCTURE_TYPE_IMAGE_FORMAT_PROPERTIES_2, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_FORMAT_INFO_2, STRUCTURE_TYPE_QUEUE_FAMILY_PROPERTIES_2, STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_PROPERTIES_2, STRUCTURE_TYPE_SPARSE_IMAGE_FORMAT_PROPERTIES_2, STRUCTURE_TYPE_PHYSICAL_DEVICE_SPARSE_IMAGE_FORMAT_INFO_2, STRUCTURE_TYPE_PHYSICAL_DEVICE_POINT_CLIPPING_PROPERTIES, STRUCTURE_TYPE_RENDER_PASS_INPUT_ATTACHMENT_ASPECT_CREATE_INFO, STRUCTURE_TYPE_IMAGE_VIEW_USAGE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_TESSELLATION_DOMAIN_ORIGIN_STATE_CREATE_INFO, STRUCTURE_TYPE_RENDER_PASS_MULTIVIEW_CREATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_PROPERTIES, STRUCTURE_TYPE_PHYSICAL_DEVICE_VARIABLE_POINTERS_FEATURES, STRUCTURE_TYPE_PROTECTED_SUBMIT_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_PROTECTED_MEMORY_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_PROTECTED_MEMORY_PROPERTIES, STRUCTURE_TYPE_DEVICE_QUEUE_INFO_2, STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_CREATE_INFO, STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_INFO, STRUCTURE_TYPE_BIND_IMAGE_PLANE_MEMORY_INFO, STRUCTURE_TYPE_IMAGE_PLANE_MEMORY_REQUIREMENTS_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLER_YCBCR_CONVERSION_FEATURES, STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_IMAGE_FORMAT_PROPERTIES, STRUCTURE_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_CREATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_IMAGE_FORMAT_INFO, STRUCTURE_TYPE_EXTERNAL_IMAGE_FORMAT_PROPERTIES, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_BUFFER_INFO, STRUCTURE_TYPE_EXTERNAL_BUFFER_PROPERTIES, STRUCTURE_TYPE_PHYSICAL_DEVICE_ID_PROPERTIES, STRUCTURE_TYPE_EXTERNAL_MEMORY_BUFFER_CREATE_INFO, STRUCTURE_TYPE_EXTERNAL_MEMORY_IMAGE_CREATE_INFO, STRUCTURE_TYPE_EXPORT_MEMORY_ALLOCATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_FENCE_INFO, STRUCTURE_TYPE_EXTERNAL_FENCE_PROPERTIES, STRUCTURE_TYPE_EXPORT_FENCE_CREATE_INFO, STRUCTURE_TYPE_EXPORT_SEMAPHORE_CREATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_SEMAPHORE_INFO, STRUCTURE_TYPE_EXTERNAL_SEMAPHORE_PROPERTIES, STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_3_PROPERTIES, STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_SUPPORT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_DRAW_PARAMETERS_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_1_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_1_PROPERTIES, STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_2_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_2_PROPERTIES, STRUCTURE_TYPE_IMAGE_FORMAT_LIST_CREATE_INFO, STRUCTURE_TYPE_ATTACHMENT_DESCRIPTION_2, STRUCTURE_TYPE_ATTACHMENT_REFERENCE_2, STRUCTURE_TYPE_SUBPASS_DESCRIPTION_2, STRUCTURE_TYPE_SUBPASS_DEPENDENCY_2, STRUCTURE_TYPE_RENDER_PASS_CREATE_INFO_2, STRUCTURE_TYPE_SUBPASS_BEGIN_INFO, STRUCTURE_TYPE_SUBPASS_END_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_8BIT_STORAGE_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_DRIVER_PROPERTIES, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_ATOMIC_INT64_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_FLOAT16_INT8_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_FLOAT_CONTROLS_PROPERTIES, STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_BINDING_FLAGS_CREATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_INDEXING_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_INDEXING_PROPERTIES, STRUCTURE_TYPE_DESCRIPTOR_SET_VARIABLE_DESCRIPTOR_COUNT_ALLOCATE_INFO, STRUCTURE_TYPE_DESCRIPTOR_SET_VARIABLE_DESCRIPTOR_COUNT_LAYOUT_SUPPORT, STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_STENCIL_RESOLVE_PROPERTIES, STRUCTURE_TYPE_SUBPASS_DESCRIPTION_DEPTH_STENCIL_RESOLVE, STRUCTURE_TYPE_PHYSICAL_DEVICE_SCALAR_BLOCK_LAYOUT_FEATURES, STRUCTURE_TYPE_IMAGE_STENCIL_USAGE_CREATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLER_FILTER_MINMAX_PROPERTIES, STRUCTURE_TYPE_SAMPLER_REDUCTION_MODE_CREATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_MEMORY_MODEL_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGELESS_FRAMEBUFFER_FEATURES, STRUCTURE_TYPE_FRAMEBUFFER_ATTACHMENTS_CREATE_INFO, STRUCTURE_TYPE_FRAMEBUFFER_ATTACHMENT_IMAGE_INFO, STRUCTURE_TYPE_RENDER_PASS_ATTACHMENT_BEGIN_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_UNIFORM_BUFFER_STANDARD_LAYOUT_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SUBGROUP_EXTENDED_TYPES_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_SEPARATE_DEPTH_STENCIL_LAYOUTS_FEATURES, STRUCTURE_TYPE_ATTACHMENT_REFERENCE_STENCIL_LAYOUT, STRUCTURE_TYPE_ATTACHMENT_DESCRIPTION_STENCIL_LAYOUT, STRUCTURE_TYPE_PHYSICAL_DEVICE_HOST_QUERY_RESET_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_TIMELINE_SEMAPHORE_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_TIMELINE_SEMAPHORE_PROPERTIES, STRUCTURE_TYPE_SEMAPHORE_TYPE_CREATE_INFO, STRUCTURE_TYPE_TIMELINE_SEMAPHORE_SUBMIT_INFO, STRUCTURE_TYPE_SEMAPHORE_WAIT_INFO, STRUCTURE_TYPE_SEMAPHORE_SIGNAL_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_BUFFER_DEVICE_ADDRESS_FEATURES, STRUCTURE_TYPE_BUFFER_DEVICE_ADDRESS_INFO, STRUCTURE_TYPE_BUFFER_OPAQUE_CAPTURE_ADDRESS_CREATE_INFO, STRUCTURE_TYPE_MEMORY_OPAQUE_CAPTURE_ADDRESS_ALLOCATE_INFO, STRUCTURE_TYPE_DEVICE_MEMORY_OPAQUE_CAPTURE_ADDRESS_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_3_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_3_PROPERTIES, STRUCTURE_TYPE_PIPELINE_CREATION_FEEDBACK_CREATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_TERMINATE_INVOCATION_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_TOOL_PROPERTIES, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_DEMOTE_TO_HELPER_INVOCATION_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_PRIVATE_DATA_FEATURES, STRUCTURE_TYPE_DEVICE_PRIVATE_DATA_CREATE_INFO, STRUCTURE_TYPE_PRIVATE_DATA_SLOT_CREATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_CREATION_CACHE_CONTROL_FEATURES, STRUCTURE_TYPE_MEMORY_BARRIER_2, STRUCTURE_TYPE_BUFFER_MEMORY_BARRIER_2, STRUCTURE_TYPE_IMAGE_MEMORY_BARRIER_2, STRUCTURE_TYPE_DEPENDENCY_INFO, STRUCTURE_TYPE_SUBMIT_INFO_2, STRUCTURE_TYPE_SEMAPHORE_SUBMIT_INFO, STRUCTURE_TYPE_COMMAND_BUFFER_SUBMIT_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_SYNCHRONIZATION_2_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_ZERO_INITIALIZE_WORKGROUP_MEMORY_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_ROBUSTNESS_FEATURES, STRUCTURE_TYPE_COPY_BUFFER_INFO_2, STRUCTURE_TYPE_COPY_IMAGE_INFO_2, STRUCTURE_TYPE_COPY_BUFFER_TO_IMAGE_INFO_2, STRUCTURE_TYPE_COPY_IMAGE_TO_BUFFER_INFO_2, STRUCTURE_TYPE_BLIT_IMAGE_INFO_2, STRUCTURE_TYPE_RESOLVE_IMAGE_INFO_2, STRUCTURE_TYPE_BUFFER_COPY_2, STRUCTURE_TYPE_IMAGE_COPY_2, STRUCTURE_TYPE_IMAGE_BLIT_2, STRUCTURE_TYPE_BUFFER_IMAGE_COPY_2, STRUCTURE_TYPE_IMAGE_RESOLVE_2, STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_SIZE_CONTROL_PROPERTIES, STRUCTURE_TYPE_PIPELINE_SHADER_STAGE_REQUIRED_SUBGROUP_SIZE_CREATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_SIZE_CONTROL_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_INLINE_UNIFORM_BLOCK_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_INLINE_UNIFORM_BLOCK_PROPERTIES, STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET_INLINE_UNIFORM_BLOCK, STRUCTURE_TYPE_DESCRIPTOR_POOL_INLINE_UNIFORM_BLOCK_CREATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXTURE_COMPRESSION_ASTC_HDR_FEATURES, STRUCTURE_TYPE_RENDERING_INFO, STRUCTURE_TYPE_RENDERING_ATTACHMENT_INFO, STRUCTURE_TYPE_PIPELINE_RENDERING_CREATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_DYNAMIC_RENDERING_FEATURES, STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_RENDERING_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_DOT_PRODUCT_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_DOT_PRODUCT_PROPERTIES, STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXEL_BUFFER_ALIGNMENT_PROPERTIES, STRUCTURE_TYPE_FORMAT_PROPERTIES_3, STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_4_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_4_PROPERTIES, STRUCTURE_TYPE_DEVICE_BUFFER_MEMORY_REQUIREMENTS, STRUCTURE_TYPE_DEVICE_IMAGE_MEMORY_REQUIREMENTS, STRUCTURE_TYPE_SWAPCHAIN_CREATE_INFO_KHR, STRUCTURE_TYPE_PRESENT_INFO_KHR, STRUCTURE_TYPE_DEVICE_GROUP_PRESENT_CAPABILITIES_KHR, STRUCTURE_TYPE_IMAGE_SWAPCHAIN_CREATE_INFO_KHR, STRUCTURE_TYPE_BIND_IMAGE_MEMORY_SWAPCHAIN_INFO_KHR, STRUCTURE_TYPE_ACQUIRE_NEXT_IMAGE_INFO_KHR, STRUCTURE_TYPE_DEVICE_GROUP_PRESENT_INFO_KHR, STRUCTURE_TYPE_DEVICE_GROUP_SWAPCHAIN_CREATE_INFO_KHR, STRUCTURE_TYPE_DISPLAY_MODE_CREATE_INFO_KHR, STRUCTURE_TYPE_DISPLAY_SURFACE_CREATE_INFO_KHR, STRUCTURE_TYPE_DISPLAY_PRESENT_INFO_KHR, STRUCTURE_TYPE_XLIB_SURFACE_CREATE_INFO_KHR, STRUCTURE_TYPE_XCB_SURFACE_CREATE_INFO_KHR, STRUCTURE_TYPE_WAYLAND_SURFACE_CREATE_INFO_KHR, STRUCTURE_TYPE_ANDROID_SURFACE_CREATE_INFO_KHR, STRUCTURE_TYPE_WIN32_SURFACE_CREATE_INFO_KHR, STRUCTURE_TYPE_DEBUG_REPORT_CALLBACK_CREATE_INFO_EXT, STRUCTURE_TYPE_PIPELINE_RASTERIZATION_STATE_RASTERIZATION_ORDER_AMD, STRUCTURE_TYPE_DEBUG_MARKER_OBJECT_NAME_INFO_EXT, STRUCTURE_TYPE_DEBUG_MARKER_OBJECT_TAG_INFO_EXT, STRUCTURE_TYPE_DEBUG_MARKER_MARKER_INFO_EXT, STRUCTURE_TYPE_VIDEO_PROFILE_INFO_KHR, STRUCTURE_TYPE_VIDEO_CAPABILITIES_KHR, STRUCTURE_TYPE_VIDEO_PICTURE_RESOURCE_INFO_KHR, STRUCTURE_TYPE_VIDEO_SESSION_MEMORY_REQUIREMENTS_KHR, STRUCTURE_TYPE_BIND_VIDEO_SESSION_MEMORY_INFO_KHR, STRUCTURE_TYPE_VIDEO_SESSION_CREATE_INFO_KHR, STRUCTURE_TYPE_VIDEO_SESSION_PARAMETERS_CREATE_INFO_KHR, STRUCTURE_TYPE_VIDEO_SESSION_PARAMETERS_UPDATE_INFO_KHR, STRUCTURE_TYPE_VIDEO_BEGIN_CODING_INFO_KHR, STRUCTURE_TYPE_VIDEO_END_CODING_INFO_KHR, STRUCTURE_TYPE_VIDEO_CODING_CONTROL_INFO_KHR, STRUCTURE_TYPE_VIDEO_REFERENCE_SLOT_INFO_KHR, STRUCTURE_TYPE_QUEUE_FAMILY_VIDEO_PROPERTIES_KHR, STRUCTURE_TYPE_VIDEO_PROFILE_LIST_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_VIDEO_FORMAT_INFO_KHR, STRUCTURE_TYPE_VIDEO_FORMAT_PROPERTIES_KHR, STRUCTURE_TYPE_QUEUE_FAMILY_QUERY_RESULT_STATUS_PROPERTIES_KHR, STRUCTURE_TYPE_VIDEO_DECODE_INFO_KHR, STRUCTURE_TYPE_VIDEO_DECODE_CAPABILITIES_KHR, STRUCTURE_TYPE_VIDEO_DECODE_USAGE_INFO_KHR, STRUCTURE_TYPE_DEDICATED_ALLOCATION_IMAGE_CREATE_INFO_NV, STRUCTURE_TYPE_DEDICATED_ALLOCATION_BUFFER_CREATE_INFO_NV, STRUCTURE_TYPE_DEDICATED_ALLOCATION_MEMORY_ALLOCATE_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_TRANSFORM_FEEDBACK_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_TRANSFORM_FEEDBACK_PROPERTIES_EXT, STRUCTURE_TYPE_PIPELINE_RASTERIZATION_STATE_STREAM_CREATE_INFO_EXT, STRUCTURE_TYPE_CU_MODULE_CREATE_INFO_NVX, STRUCTURE_TYPE_CU_FUNCTION_CREATE_INFO_NVX, STRUCTURE_TYPE_CU_LAUNCH_INFO_NVX, STRUCTURE_TYPE_IMAGE_VIEW_HANDLE_INFO_NVX, STRUCTURE_TYPE_IMAGE_VIEW_ADDRESS_PROPERTIES_NVX, STRUCTURE_TYPE_VIDEO_ENCODE_H264_CAPABILITIES_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H264_SESSION_PARAMETERS_CREATE_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H264_SESSION_PARAMETERS_ADD_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H264_VCL_FRAME_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H264_DPB_SLOT_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H264_NALU_SLICE_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H264_EMIT_PICTURE_PARAMETERS_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H264_PROFILE_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H264_RATE_CONTROL_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H264_RATE_CONTROL_LAYER_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H264_REFERENCE_LISTS_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H265_CAPABILITIES_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H265_SESSION_PARAMETERS_CREATE_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H265_SESSION_PARAMETERS_ADD_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H265_VCL_FRAME_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H265_DPB_SLOT_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H265_NALU_SLICE_SEGMENT_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H265_EMIT_PICTURE_PARAMETERS_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H265_PROFILE_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H265_REFERENCE_LISTS_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H265_RATE_CONTROL_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H265_RATE_CONTROL_LAYER_INFO_EXT, STRUCTURE_TYPE_VIDEO_DECODE_H264_CAPABILITIES_KHR, STRUCTURE_TYPE_VIDEO_DECODE_H264_PICTURE_INFO_KHR, STRUCTURE_TYPE_VIDEO_DECODE_H264_PROFILE_INFO_KHR, STRUCTURE_TYPE_VIDEO_DECODE_H264_SESSION_PARAMETERS_CREATE_INFO_KHR, STRUCTURE_TYPE_VIDEO_DECODE_H264_SESSION_PARAMETERS_ADD_INFO_KHR, STRUCTURE_TYPE_VIDEO_DECODE_H264_DPB_SLOT_INFO_KHR, STRUCTURE_TYPE_TEXTURE_LOD_GATHER_FORMAT_PROPERTIES_AMD, STRUCTURE_TYPE_RENDERING_FRAGMENT_SHADING_RATE_ATTACHMENT_INFO_KHR, STRUCTURE_TYPE_RENDERING_FRAGMENT_DENSITY_MAP_ATTACHMENT_INFO_EXT, STRUCTURE_TYPE_ATTACHMENT_SAMPLE_COUNT_INFO_AMD, STRUCTURE_TYPE_MULTIVIEW_PER_VIEW_ATTRIBUTES_INFO_NVX, STRUCTURE_TYPE_STREAM_DESCRIPTOR_SURFACE_CREATE_INFO_GGP, STRUCTURE_TYPE_PHYSICAL_DEVICE_CORNER_SAMPLED_IMAGE_FEATURES_NV, STRUCTURE_TYPE_EXTERNAL_MEMORY_IMAGE_CREATE_INFO_NV, STRUCTURE_TYPE_EXPORT_MEMORY_ALLOCATE_INFO_NV, STRUCTURE_TYPE_IMPORT_MEMORY_WIN32_HANDLE_INFO_NV, STRUCTURE_TYPE_EXPORT_MEMORY_WIN32_HANDLE_INFO_NV, STRUCTURE_TYPE_WIN32_KEYED_MUTEX_ACQUIRE_RELEASE_INFO_NV, STRUCTURE_TYPE_VALIDATION_FLAGS_EXT, STRUCTURE_TYPE_VI_SURFACE_CREATE_INFO_NN, STRUCTURE_TYPE_IMAGE_VIEW_ASTC_DECODE_MODE_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_ASTC_DECODE_FEATURES_EXT, STRUCTURE_TYPE_PIPELINE_ROBUSTNESS_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_ROBUSTNESS_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_ROBUSTNESS_PROPERTIES_EXT, STRUCTURE_TYPE_IMPORT_MEMORY_WIN32_HANDLE_INFO_KHR, STRUCTURE_TYPE_EXPORT_MEMORY_WIN32_HANDLE_INFO_KHR, STRUCTURE_TYPE_MEMORY_WIN32_HANDLE_PROPERTIES_KHR, STRUCTURE_TYPE_MEMORY_GET_WIN32_HANDLE_INFO_KHR, STRUCTURE_TYPE_IMPORT_MEMORY_FD_INFO_KHR, STRUCTURE_TYPE_MEMORY_FD_PROPERTIES_KHR, STRUCTURE_TYPE_MEMORY_GET_FD_INFO_KHR, STRUCTURE_TYPE_WIN32_KEYED_MUTEX_ACQUIRE_RELEASE_INFO_KHR, STRUCTURE_TYPE_IMPORT_SEMAPHORE_WIN32_HANDLE_INFO_KHR, STRUCTURE_TYPE_EXPORT_SEMAPHORE_WIN32_HANDLE_INFO_KHR, STRUCTURE_TYPE_D3D12_FENCE_SUBMIT_INFO_KHR, STRUCTURE_TYPE_SEMAPHORE_GET_WIN32_HANDLE_INFO_KHR, STRUCTURE_TYPE_IMPORT_SEMAPHORE_FD_INFO_KHR, STRUCTURE_TYPE_SEMAPHORE_GET_FD_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_PUSH_DESCRIPTOR_PROPERTIES_KHR, STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_CONDITIONAL_RENDERING_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_CONDITIONAL_RENDERING_FEATURES_EXT, STRUCTURE_TYPE_CONDITIONAL_RENDERING_BEGIN_INFO_EXT, STRUCTURE_TYPE_PRESENT_REGIONS_KHR, STRUCTURE_TYPE_PIPELINE_VIEWPORT_W_SCALING_STATE_CREATE_INFO_NV, STRUCTURE_TYPE_SURFACE_CAPABILITIES_2_EXT, STRUCTURE_TYPE_DISPLAY_POWER_INFO_EXT, STRUCTURE_TYPE_DEVICE_EVENT_INFO_EXT, STRUCTURE_TYPE_DISPLAY_EVENT_INFO_EXT, STRUCTURE_TYPE_SWAPCHAIN_COUNTER_CREATE_INFO_EXT, STRUCTURE_TYPE_PRESENT_TIMES_INFO_GOOGLE, STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_PER_VIEW_ATTRIBUTES_PROPERTIES_NVX, STRUCTURE_TYPE_PIPELINE_VIEWPORT_SWIZZLE_STATE_CREATE_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_DISCARD_RECTANGLE_PROPERTIES_EXT, STRUCTURE_TYPE_PIPELINE_DISCARD_RECTANGLE_STATE_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_CONSERVATIVE_RASTERIZATION_PROPERTIES_EXT, STRUCTURE_TYPE_PIPELINE_RASTERIZATION_CONSERVATIVE_STATE_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_CLIP_ENABLE_FEATURES_EXT, STRUCTURE_TYPE_PIPELINE_RASTERIZATION_DEPTH_CLIP_STATE_CREATE_INFO_EXT, STRUCTURE_TYPE_HDR_METADATA_EXT, STRUCTURE_TYPE_SHARED_PRESENT_SURFACE_CAPABILITIES_KHR, STRUCTURE_TYPE_IMPORT_FENCE_WIN32_HANDLE_INFO_KHR, STRUCTURE_TYPE_EXPORT_FENCE_WIN32_HANDLE_INFO_KHR, STRUCTURE_TYPE_FENCE_GET_WIN32_HANDLE_INFO_KHR, STRUCTURE_TYPE_IMPORT_FENCE_FD_INFO_KHR, STRUCTURE_TYPE_FENCE_GET_FD_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_PERFORMANCE_QUERY_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_PERFORMANCE_QUERY_PROPERTIES_KHR, STRUCTURE_TYPE_QUERY_POOL_PERFORMANCE_CREATE_INFO_KHR, STRUCTURE_TYPE_PERFORMANCE_QUERY_SUBMIT_INFO_KHR, STRUCTURE_TYPE_ACQUIRE_PROFILING_LOCK_INFO_KHR, STRUCTURE_TYPE_PERFORMANCE_COUNTER_KHR, STRUCTURE_TYPE_PERFORMANCE_COUNTER_DESCRIPTION_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SURFACE_INFO_2_KHR, STRUCTURE_TYPE_SURFACE_CAPABILITIES_2_KHR, STRUCTURE_TYPE_SURFACE_FORMAT_2_KHR, STRUCTURE_TYPE_DISPLAY_PROPERTIES_2_KHR, STRUCTURE_TYPE_DISPLAY_PLANE_PROPERTIES_2_KHR, STRUCTURE_TYPE_DISPLAY_MODE_PROPERTIES_2_KHR, STRUCTURE_TYPE_DISPLAY_PLANE_INFO_2_KHR, STRUCTURE_TYPE_DISPLAY_PLANE_CAPABILITIES_2_KHR, STRUCTURE_TYPE_IOS_SURFACE_CREATE_INFO_MVK, STRUCTURE_TYPE_MACOS_SURFACE_CREATE_INFO_MVK, STRUCTURE_TYPE_DEBUG_UTILS_OBJECT_NAME_INFO_EXT, STRUCTURE_TYPE_DEBUG_UTILS_OBJECT_TAG_INFO_EXT, STRUCTURE_TYPE_DEBUG_UTILS_LABEL_EXT, STRUCTURE_TYPE_DEBUG_UTILS_MESSENGER_CALLBACK_DATA_EXT, STRUCTURE_TYPE_DEBUG_UTILS_MESSENGER_CREATE_INFO_EXT, STRUCTURE_TYPE_ANDROID_HARDWARE_BUFFER_USAGE_ANDROID, STRUCTURE_TYPE_ANDROID_HARDWARE_BUFFER_PROPERTIES_ANDROID, STRUCTURE_TYPE_ANDROID_HARDWARE_BUFFER_FORMAT_PROPERTIES_ANDROID, STRUCTURE_TYPE_IMPORT_ANDROID_HARDWARE_BUFFER_INFO_ANDROID, STRUCTURE_TYPE_MEMORY_GET_ANDROID_HARDWARE_BUFFER_INFO_ANDROID, STRUCTURE_TYPE_EXTERNAL_FORMAT_ANDROID, STRUCTURE_TYPE_ANDROID_HARDWARE_BUFFER_FORMAT_PROPERTIES_2_ANDROID, STRUCTURE_TYPE_SAMPLE_LOCATIONS_INFO_EXT, STRUCTURE_TYPE_RENDER_PASS_SAMPLE_LOCATIONS_BEGIN_INFO_EXT, STRUCTURE_TYPE_PIPELINE_SAMPLE_LOCATIONS_STATE_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLE_LOCATIONS_PROPERTIES_EXT, STRUCTURE_TYPE_MULTISAMPLE_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_BLEND_OPERATION_ADVANCED_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_BLEND_OPERATION_ADVANCED_PROPERTIES_EXT, STRUCTURE_TYPE_PIPELINE_COLOR_BLEND_ADVANCED_STATE_CREATE_INFO_EXT, STRUCTURE_TYPE_PIPELINE_COVERAGE_TO_COLOR_STATE_CREATE_INFO_NV, STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET_ACCELERATION_STRUCTURE_KHR, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_BUILD_GEOMETRY_INFO_KHR, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_DEVICE_ADDRESS_INFO_KHR, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_AABBS_DATA_KHR, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_INSTANCES_DATA_KHR, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_TRIANGLES_DATA_KHR, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_KHR, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_VERSION_INFO_KHR, STRUCTURE_TYPE_COPY_ACCELERATION_STRUCTURE_INFO_KHR, STRUCTURE_TYPE_COPY_ACCELERATION_STRUCTURE_TO_MEMORY_INFO_KHR, STRUCTURE_TYPE_COPY_MEMORY_TO_ACCELERATION_STRUCTURE_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_ACCELERATION_STRUCTURE_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_ACCELERATION_STRUCTURE_PROPERTIES_KHR, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_CREATE_INFO_KHR, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_BUILD_SIZES_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_PIPELINE_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_PIPELINE_PROPERTIES_KHR, STRUCTURE_TYPE_RAY_TRACING_PIPELINE_CREATE_INFO_KHR, STRUCTURE_TYPE_RAY_TRACING_SHADER_GROUP_CREATE_INFO_KHR, STRUCTURE_TYPE_RAY_TRACING_PIPELINE_INTERFACE_CREATE_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_QUERY_FEATURES_KHR, STRUCTURE_TYPE_PIPELINE_COVERAGE_MODULATION_STATE_CREATE_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SM_BUILTINS_FEATURES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SM_BUILTINS_PROPERTIES_NV, STRUCTURE_TYPE_DRM_FORMAT_MODIFIER_PROPERTIES_LIST_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_DRM_FORMAT_MODIFIER_INFO_EXT, STRUCTURE_TYPE_IMAGE_DRM_FORMAT_MODIFIER_LIST_CREATE_INFO_EXT, STRUCTURE_TYPE_IMAGE_DRM_FORMAT_MODIFIER_EXPLICIT_CREATE_INFO_EXT, STRUCTURE_TYPE_IMAGE_DRM_FORMAT_MODIFIER_PROPERTIES_EXT, STRUCTURE_TYPE_DRM_FORMAT_MODIFIER_PROPERTIES_LIST_2_EXT, STRUCTURE_TYPE_VALIDATION_CACHE_CREATE_INFO_EXT, STRUCTURE_TYPE_SHADER_MODULE_VALIDATION_CACHE_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PORTABILITY_SUBSET_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_PORTABILITY_SUBSET_PROPERTIES_KHR, STRUCTURE_TYPE_PIPELINE_VIEWPORT_SHADING_RATE_IMAGE_STATE_CREATE_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADING_RATE_IMAGE_FEATURES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADING_RATE_IMAGE_PROPERTIES_NV, STRUCTURE_TYPE_PIPELINE_VIEWPORT_COARSE_SAMPLE_ORDER_STATE_CREATE_INFO_NV, STRUCTURE_TYPE_RAY_TRACING_PIPELINE_CREATE_INFO_NV, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_CREATE_INFO_NV, STRUCTURE_TYPE_GEOMETRY_NV, STRUCTURE_TYPE_GEOMETRY_TRIANGLES_NV, STRUCTURE_TYPE_GEOMETRY_AABB_NV, STRUCTURE_TYPE_BIND_ACCELERATION_STRUCTURE_MEMORY_INFO_NV, STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET_ACCELERATION_STRUCTURE_NV, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_MEMORY_REQUIREMENTS_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_PROPERTIES_NV, STRUCTURE_TYPE_RAY_TRACING_SHADER_GROUP_CREATE_INFO_NV, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_REPRESENTATIVE_FRAGMENT_TEST_FEATURES_NV, STRUCTURE_TYPE_PIPELINE_REPRESENTATIVE_FRAGMENT_TEST_STATE_CREATE_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_VIEW_IMAGE_FORMAT_INFO_EXT, STRUCTURE_TYPE_FILTER_CUBIC_IMAGE_VIEW_IMAGE_FORMAT_PROPERTIES_EXT, STRUCTURE_TYPE_IMPORT_MEMORY_HOST_POINTER_INFO_EXT, STRUCTURE_TYPE_MEMORY_HOST_POINTER_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_MEMORY_HOST_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CLOCK_FEATURES_KHR, STRUCTURE_TYPE_PIPELINE_COMPILER_CONTROL_CREATE_INFO_AMD, STRUCTURE_TYPE_CALIBRATED_TIMESTAMP_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CORE_PROPERTIES_AMD, STRUCTURE_TYPE_VIDEO_DECODE_H265_CAPABILITIES_KHR, STRUCTURE_TYPE_VIDEO_DECODE_H265_SESSION_PARAMETERS_CREATE_INFO_KHR, STRUCTURE_TYPE_VIDEO_DECODE_H265_SESSION_PARAMETERS_ADD_INFO_KHR, STRUCTURE_TYPE_VIDEO_DECODE_H265_PROFILE_INFO_KHR, STRUCTURE_TYPE_VIDEO_DECODE_H265_PICTURE_INFO_KHR, STRUCTURE_TYPE_VIDEO_DECODE_H265_DPB_SLOT_INFO_KHR, STRUCTURE_TYPE_DEVICE_QUEUE_GLOBAL_PRIORITY_CREATE_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_GLOBAL_PRIORITY_QUERY_FEATURES_KHR, STRUCTURE_TYPE_QUEUE_FAMILY_GLOBAL_PRIORITY_PROPERTIES_KHR, STRUCTURE_TYPE_DEVICE_MEMORY_OVERALLOCATION_CREATE_INFO_AMD, STRUCTURE_TYPE_PHYSICAL_DEVICE_VERTEX_ATTRIBUTE_DIVISOR_PROPERTIES_EXT, STRUCTURE_TYPE_PIPELINE_VERTEX_INPUT_DIVISOR_STATE_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_VERTEX_ATTRIBUTE_DIVISOR_FEATURES_EXT, STRUCTURE_TYPE_PRESENT_FRAME_TOKEN_GGP, STRUCTURE_TYPE_PHYSICAL_DEVICE_COMPUTE_SHADER_DERIVATIVES_FEATURES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_MESH_SHADER_FEATURES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_MESH_SHADER_PROPERTIES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_IMAGE_FOOTPRINT_FEATURES_NV, STRUCTURE_TYPE_PIPELINE_VIEWPORT_EXCLUSIVE_SCISSOR_STATE_CREATE_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXCLUSIVE_SCISSOR_FEATURES_NV, STRUCTURE_TYPE_CHECKPOINT_DATA_NV, STRUCTURE_TYPE_QUEUE_FAMILY_CHECKPOINT_PROPERTIES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_FUNCTIONS_2_FEATURES_INTEL, STRUCTURE_TYPE_QUERY_POOL_PERFORMANCE_QUERY_CREATE_INFO_INTEL, STRUCTURE_TYPE_INITIALIZE_PERFORMANCE_API_INFO_INTEL, STRUCTURE_TYPE_PERFORMANCE_MARKER_INFO_INTEL, STRUCTURE_TYPE_PERFORMANCE_STREAM_MARKER_INFO_INTEL, STRUCTURE_TYPE_PERFORMANCE_OVERRIDE_INFO_INTEL, STRUCTURE_TYPE_PERFORMANCE_CONFIGURATION_ACQUIRE_INFO_INTEL, STRUCTURE_TYPE_PHYSICAL_DEVICE_PCI_BUS_INFO_PROPERTIES_EXT, STRUCTURE_TYPE_DISPLAY_NATIVE_HDR_SURFACE_CAPABILITIES_AMD, STRUCTURE_TYPE_SWAPCHAIN_DISPLAY_NATIVE_HDR_CREATE_INFO_AMD, STRUCTURE_TYPE_IMAGEPIPE_SURFACE_CREATE_INFO_FUCHSIA, STRUCTURE_TYPE_METAL_SURFACE_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_PROPERTIES_EXT, STRUCTURE_TYPE_RENDER_PASS_FRAGMENT_DENSITY_MAP_CREATE_INFO_EXT, STRUCTURE_TYPE_FRAGMENT_SHADING_RATE_ATTACHMENT_INFO_KHR, STRUCTURE_TYPE_PIPELINE_FRAGMENT_SHADING_RATE_STATE_CREATE_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CORE_PROPERTIES_2_AMD, STRUCTURE_TYPE_PHYSICAL_DEVICE_COHERENT_MEMORY_FEATURES_AMD, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_IMAGE_ATOMIC_INT64_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_BUDGET_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_PRIORITY_FEATURES_EXT, STRUCTURE_TYPE_MEMORY_PRIORITY_ALLOCATE_INFO_EXT, STRUCTURE_TYPE_SURFACE_PROTECTED_CAPABILITIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_DEDICATED_ALLOCATION_IMAGE_ALIASING_FEATURES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_BUFFER_DEVICE_ADDRESS_FEATURES_EXT, STRUCTURE_TYPE_BUFFER_DEVICE_ADDRESS_CREATE_INFO_EXT, STRUCTURE_TYPE_VALIDATION_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PRESENT_WAIT_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_COOPERATIVE_MATRIX_FEATURES_NV, STRUCTURE_TYPE_COOPERATIVE_MATRIX_PROPERTIES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_COOPERATIVE_MATRIX_PROPERTIES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_COVERAGE_REDUCTION_MODE_FEATURES_NV, STRUCTURE_TYPE_PIPELINE_COVERAGE_REDUCTION_STATE_CREATE_INFO_NV, STRUCTURE_TYPE_FRAMEBUFFER_MIXED_SAMPLES_COMBINATION_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADER_INTERLOCK_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_YCBCR_IMAGE_ARRAYS_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PROVOKING_VERTEX_FEATURES_EXT, STRUCTURE_TYPE_PIPELINE_RASTERIZATION_PROVOKING_VERTEX_STATE_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PROVOKING_VERTEX_PROPERTIES_EXT, STRUCTURE_TYPE_SURFACE_FULL_SCREEN_EXCLUSIVE_INFO_EXT, STRUCTURE_TYPE_SURFACE_CAPABILITIES_FULL_SCREEN_EXCLUSIVE_EXT, STRUCTURE_TYPE_SURFACE_FULL_SCREEN_EXCLUSIVE_WIN32_INFO_EXT, STRUCTURE_TYPE_HEADLESS_SURFACE_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_LINE_RASTERIZATION_FEATURES_EXT, STRUCTURE_TYPE_PIPELINE_RASTERIZATION_LINE_STATE_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_LINE_RASTERIZATION_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_ATOMIC_FLOAT_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_INDEX_TYPE_UINT8_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTENDED_DYNAMIC_STATE_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_EXECUTABLE_PROPERTIES_FEATURES_KHR, STRUCTURE_TYPE_PIPELINE_INFO_KHR, STRUCTURE_TYPE_PIPELINE_EXECUTABLE_PROPERTIES_KHR, STRUCTURE_TYPE_PIPELINE_EXECUTABLE_INFO_KHR, STRUCTURE_TYPE_PIPELINE_EXECUTABLE_STATISTIC_KHR, STRUCTURE_TYPE_PIPELINE_EXECUTABLE_INTERNAL_REPRESENTATION_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_ATOMIC_FLOAT_2_FEATURES_EXT, STRUCTURE_TYPE_SURFACE_PRESENT_MODE_EXT, STRUCTURE_TYPE_SURFACE_PRESENT_SCALING_CAPABILITIES_EXT, STRUCTURE_TYPE_SURFACE_PRESENT_MODE_COMPATIBILITY_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SWAPCHAIN_MAINTENANCE_1_FEATURES_EXT, STRUCTURE_TYPE_SWAPCHAIN_PRESENT_FENCE_INFO_EXT, STRUCTURE_TYPE_SWAPCHAIN_PRESENT_MODES_CREATE_INFO_EXT, STRUCTURE_TYPE_SWAPCHAIN_PRESENT_MODE_INFO_EXT, STRUCTURE_TYPE_SWAPCHAIN_PRESENT_SCALING_CREATE_INFO_EXT, STRUCTURE_TYPE_RELEASE_SWAPCHAIN_IMAGES_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_DEVICE_GENERATED_COMMANDS_PROPERTIES_NV, STRUCTURE_TYPE_GRAPHICS_SHADER_GROUP_CREATE_INFO_NV, STRUCTURE_TYPE_GRAPHICS_PIPELINE_SHADER_GROUPS_CREATE_INFO_NV, STRUCTURE_TYPE_INDIRECT_COMMANDS_LAYOUT_TOKEN_NV, STRUCTURE_TYPE_INDIRECT_COMMANDS_LAYOUT_CREATE_INFO_NV, STRUCTURE_TYPE_GENERATED_COMMANDS_INFO_NV, STRUCTURE_TYPE_GENERATED_COMMANDS_MEMORY_REQUIREMENTS_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_DEVICE_GENERATED_COMMANDS_FEATURES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_INHERITED_VIEWPORT_SCISSOR_FEATURES_NV, STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_VIEWPORT_SCISSOR_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXEL_BUFFER_ALIGNMENT_FEATURES_EXT, STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_RENDER_PASS_TRANSFORM_INFO_QCOM, STRUCTURE_TYPE_RENDER_PASS_TRANSFORM_BEGIN_INFO_QCOM, STRUCTURE_TYPE_PHYSICAL_DEVICE_DEVICE_MEMORY_REPORT_FEATURES_EXT, STRUCTURE_TYPE_DEVICE_DEVICE_MEMORY_REPORT_CREATE_INFO_EXT, STRUCTURE_TYPE_DEVICE_MEMORY_REPORT_CALLBACK_DATA_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_ROBUSTNESS_2_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_ROBUSTNESS_2_PROPERTIES_EXT, STRUCTURE_TYPE_SAMPLER_CUSTOM_BORDER_COLOR_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_CUSTOM_BORDER_COLOR_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_CUSTOM_BORDER_COLOR_FEATURES_EXT, STRUCTURE_TYPE_PIPELINE_LIBRARY_CREATE_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_PRESENT_BARRIER_FEATURES_NV, STRUCTURE_TYPE_SURFACE_CAPABILITIES_PRESENT_BARRIER_NV, STRUCTURE_TYPE_SWAPCHAIN_PRESENT_BARRIER_CREATE_INFO_NV, STRUCTURE_TYPE_PRESENT_ID_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_PRESENT_ID_FEATURES_KHR, STRUCTURE_TYPE_VIDEO_ENCODE_INFO_KHR, STRUCTURE_TYPE_VIDEO_ENCODE_RATE_CONTROL_INFO_KHR, STRUCTURE_TYPE_VIDEO_ENCODE_RATE_CONTROL_LAYER_INFO_KHR, STRUCTURE_TYPE_VIDEO_ENCODE_CAPABILITIES_KHR, STRUCTURE_TYPE_VIDEO_ENCODE_USAGE_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_DIAGNOSTICS_CONFIG_FEATURES_NV, STRUCTURE_TYPE_DEVICE_DIAGNOSTICS_CONFIG_CREATE_INFO_NV, STRUCTURE_TYPE_EXPORT_METAL_OBJECT_CREATE_INFO_EXT, STRUCTURE_TYPE_EXPORT_METAL_OBJECTS_INFO_EXT, STRUCTURE_TYPE_EXPORT_METAL_DEVICE_INFO_EXT, STRUCTURE_TYPE_EXPORT_METAL_COMMAND_QUEUE_INFO_EXT, STRUCTURE_TYPE_EXPORT_METAL_BUFFER_INFO_EXT, STRUCTURE_TYPE_IMPORT_METAL_BUFFER_INFO_EXT, STRUCTURE_TYPE_EXPORT_METAL_TEXTURE_INFO_EXT, STRUCTURE_TYPE_IMPORT_METAL_TEXTURE_INFO_EXT, STRUCTURE_TYPE_EXPORT_METAL_IO_SURFACE_INFO_EXT, STRUCTURE_TYPE_IMPORT_METAL_IO_SURFACE_INFO_EXT, STRUCTURE_TYPE_EXPORT_METAL_SHARED_EVENT_INFO_EXT, STRUCTURE_TYPE_IMPORT_METAL_SHARED_EVENT_INFO_EXT, STRUCTURE_TYPE_QUEUE_FAMILY_CHECKPOINT_PROPERTIES_2_NV, STRUCTURE_TYPE_CHECKPOINT_DATA_2_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_BUFFER_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_BUFFER_DENSITY_MAP_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_BUFFER_FEATURES_EXT, STRUCTURE_TYPE_DESCRIPTOR_ADDRESS_INFO_EXT, STRUCTURE_TYPE_DESCRIPTOR_GET_INFO_EXT, STRUCTURE_TYPE_BUFFER_CAPTURE_DESCRIPTOR_DATA_INFO_EXT, STRUCTURE_TYPE_IMAGE_CAPTURE_DESCRIPTOR_DATA_INFO_EXT, STRUCTURE_TYPE_IMAGE_VIEW_CAPTURE_DESCRIPTOR_DATA_INFO_EXT, STRUCTURE_TYPE_SAMPLER_CAPTURE_DESCRIPTOR_DATA_INFO_EXT, STRUCTURE_TYPE_OPAQUE_CAPTURE_DESCRIPTOR_DATA_CREATE_INFO_EXT, STRUCTURE_TYPE_DESCRIPTOR_BUFFER_BINDING_INFO_EXT, STRUCTURE_TYPE_DESCRIPTOR_BUFFER_BINDING_PUSH_DESCRIPTOR_BUFFER_HANDLE_EXT, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_CAPTURE_DESCRIPTOR_DATA_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_GRAPHICS_PIPELINE_LIBRARY_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_GRAPHICS_PIPELINE_LIBRARY_PROPERTIES_EXT, STRUCTURE_TYPE_GRAPHICS_PIPELINE_LIBRARY_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_EARLY_AND_LATE_FRAGMENT_TESTS_FEATURES_AMD, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADER_BARYCENTRIC_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADER_BARYCENTRIC_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SUBGROUP_UNIFORM_CONTROL_FLOW_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_ENUMS_PROPERTIES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_ENUMS_FEATURES_NV, STRUCTURE_TYPE_PIPELINE_FRAGMENT_SHADING_RATE_ENUM_STATE_CREATE_INFO_NV, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_MOTION_TRIANGLES_DATA_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_MOTION_BLUR_FEATURES_NV, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_MOTION_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_MESH_SHADER_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_MESH_SHADER_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_YCBCR_2_PLANE_444_FORMATS_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_2_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_2_PROPERTIES_EXT, STRUCTURE_TYPE_COPY_COMMAND_TRANSFORM_INFO_QCOM, STRUCTURE_TYPE_PHYSICAL_DEVICE_WORKGROUP_MEMORY_EXPLICIT_LAYOUT_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_COMPRESSION_CONTROL_FEATURES_EXT, STRUCTURE_TYPE_IMAGE_COMPRESSION_CONTROL_EXT, STRUCTURE_TYPE_SUBRESOURCE_LAYOUT_2_EXT, STRUCTURE_TYPE_IMAGE_SUBRESOURCE_2_EXT, STRUCTURE_TYPE_IMAGE_COMPRESSION_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_ATTACHMENT_FEEDBACK_LOOP_LAYOUT_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_4444_FORMATS_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_FAULT_FEATURES_EXT, STRUCTURE_TYPE_DEVICE_FAULT_COUNTS_EXT, STRUCTURE_TYPE_DEVICE_FAULT_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_RGBA10X6_FORMATS_FEATURES_EXT, STRUCTURE_TYPE_DIRECTFB_SURFACE_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_VERTEX_INPUT_DYNAMIC_STATE_FEATURES_EXT, STRUCTURE_TYPE_VERTEX_INPUT_BINDING_DESCRIPTION_2_EXT, STRUCTURE_TYPE_VERTEX_INPUT_ATTRIBUTE_DESCRIPTION_2_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_DRM_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_ADDRESS_BINDING_REPORT_FEATURES_EXT, STRUCTURE_TYPE_DEVICE_ADDRESS_BINDING_CALLBACK_DATA_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_CLIP_CONTROL_FEATURES_EXT, STRUCTURE_TYPE_PIPELINE_VIEWPORT_DEPTH_CLIP_CONTROL_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PRIMITIVE_TOPOLOGY_LIST_RESTART_FEATURES_EXT, STRUCTURE_TYPE_IMPORT_MEMORY_ZIRCON_HANDLE_INFO_FUCHSIA, STRUCTURE_TYPE_MEMORY_ZIRCON_HANDLE_PROPERTIES_FUCHSIA, STRUCTURE_TYPE_MEMORY_GET_ZIRCON_HANDLE_INFO_FUCHSIA, STRUCTURE_TYPE_IMPORT_SEMAPHORE_ZIRCON_HANDLE_INFO_FUCHSIA, STRUCTURE_TYPE_SEMAPHORE_GET_ZIRCON_HANDLE_INFO_FUCHSIA, STRUCTURE_TYPE_BUFFER_COLLECTION_CREATE_INFO_FUCHSIA, STRUCTURE_TYPE_IMPORT_MEMORY_BUFFER_COLLECTION_FUCHSIA, STRUCTURE_TYPE_BUFFER_COLLECTION_IMAGE_CREATE_INFO_FUCHSIA, STRUCTURE_TYPE_BUFFER_COLLECTION_PROPERTIES_FUCHSIA, STRUCTURE_TYPE_BUFFER_CONSTRAINTS_INFO_FUCHSIA, STRUCTURE_TYPE_BUFFER_COLLECTION_BUFFER_CREATE_INFO_FUCHSIA, STRUCTURE_TYPE_IMAGE_CONSTRAINTS_INFO_FUCHSIA, STRUCTURE_TYPE_IMAGE_FORMAT_CONSTRAINTS_INFO_FUCHSIA, STRUCTURE_TYPE_SYSMEM_COLOR_SPACE_FUCHSIA, STRUCTURE_TYPE_BUFFER_COLLECTION_CONSTRAINTS_INFO_FUCHSIA, STRUCTURE_TYPE_SUBPASS_SHADING_PIPELINE_CREATE_INFO_HUAWEI, STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBPASS_SHADING_FEATURES_HUAWEI, STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBPASS_SHADING_PROPERTIES_HUAWEI, STRUCTURE_TYPE_PHYSICAL_DEVICE_INVOCATION_MASK_FEATURES_HUAWEI, STRUCTURE_TYPE_MEMORY_GET_REMOTE_ADDRESS_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_MEMORY_RDMA_FEATURES_NV, STRUCTURE_TYPE_PIPELINE_PROPERTIES_IDENTIFIER_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_PROPERTIES_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTISAMPLED_RENDER_TO_SINGLE_SAMPLED_FEATURES_EXT, STRUCTURE_TYPE_SUBPASS_RESOLVE_PERFORMANCE_QUERY_EXT, STRUCTURE_TYPE_MULTISAMPLED_RENDER_TO_SINGLE_SAMPLED_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTENDED_DYNAMIC_STATE_2_FEATURES_EXT, STRUCTURE_TYPE_SCREEN_SURFACE_CREATE_INFO_QNX, STRUCTURE_TYPE_PHYSICAL_DEVICE_COLOR_WRITE_ENABLE_FEATURES_EXT, STRUCTURE_TYPE_PIPELINE_COLOR_WRITE_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PRIMITIVES_GENERATED_QUERY_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_MAINTENANCE_1_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_VIEW_MIN_LOD_FEATURES_EXT, STRUCTURE_TYPE_IMAGE_VIEW_MIN_LOD_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTI_DRAW_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTI_DRAW_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_2D_VIEW_OF_3D_FEATURES_EXT, STRUCTURE_TYPE_MICROMAP_BUILD_INFO_EXT, STRUCTURE_TYPE_MICROMAP_VERSION_INFO_EXT, STRUCTURE_TYPE_COPY_MICROMAP_INFO_EXT, STRUCTURE_TYPE_COPY_MICROMAP_TO_MEMORY_INFO_EXT, STRUCTURE_TYPE_COPY_MEMORY_TO_MICROMAP_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_OPACITY_MICROMAP_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_OPACITY_MICROMAP_PROPERTIES_EXT, STRUCTURE_TYPE_MICROMAP_CREATE_INFO_EXT, STRUCTURE_TYPE_MICROMAP_BUILD_SIZES_INFO_EXT, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_TRIANGLES_OPACITY_MICROMAP_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_CLUSTER_CULLING_SHADER_FEATURES_HUAWEI, STRUCTURE_TYPE_PHYSICAL_DEVICE_CLUSTER_CULLING_SHADER_PROPERTIES_HUAWEI, STRUCTURE_TYPE_PHYSICAL_DEVICE_BORDER_COLOR_SWIZZLE_FEATURES_EXT, STRUCTURE_TYPE_SAMPLER_BORDER_COLOR_COMPONENT_MAPPING_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PAGEABLE_DEVICE_LOCAL_MEMORY_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_SET_HOST_MAPPING_FEATURES_VALVE, STRUCTURE_TYPE_DESCRIPTOR_SET_BINDING_REFERENCE_VALVE, STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_HOST_MAPPING_INFO_VALVE, STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_CLAMP_ZERO_ONE_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_NON_SEAMLESS_CUBE_MAP_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_OFFSET_FEATURES_QCOM, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_OFFSET_PROPERTIES_QCOM, STRUCTURE_TYPE_SUBPASS_FRAGMENT_DENSITY_MAP_OFFSET_END_INFO_QCOM, STRUCTURE_TYPE_PHYSICAL_DEVICE_COPY_MEMORY_INDIRECT_FEATURES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_COPY_MEMORY_INDIRECT_PROPERTIES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_DECOMPRESSION_FEATURES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_DECOMPRESSION_PROPERTIES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_LINEAR_COLOR_ATTACHMENT_FEATURES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_COMPRESSION_CONTROL_SWAPCHAIN_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_PROCESSING_FEATURES_QCOM, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_PROCESSING_PROPERTIES_QCOM, STRUCTURE_TYPE_IMAGE_VIEW_SAMPLE_WEIGHT_CREATE_INFO_QCOM, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTENDED_DYNAMIC_STATE_3_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTENDED_DYNAMIC_STATE_3_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBPASS_MERGE_FEEDBACK_FEATURES_EXT, STRUCTURE_TYPE_RENDER_PASS_CREATION_CONTROL_EXT, STRUCTURE_TYPE_RENDER_PASS_CREATION_FEEDBACK_CREATE_INFO_EXT, STRUCTURE_TYPE_RENDER_PASS_SUBPASS_FEEDBACK_CREATE_INFO_EXT, STRUCTURE_TYPE_DIRECT_DRIVER_LOADING_INFO_LUNARG, STRUCTURE_TYPE_DIRECT_DRIVER_LOADING_LIST_LUNARG, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_MODULE_IDENTIFIER_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_MODULE_IDENTIFIER_PROPERTIES_EXT, STRUCTURE_TYPE_PIPELINE_SHADER_STAGE_MODULE_IDENTIFIER_CREATE_INFO_EXT, STRUCTURE_TYPE_SHADER_MODULE_IDENTIFIER_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_RASTERIZATION_ORDER_ATTACHMENT_ACCESS_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_OPTICAL_FLOW_FEATURES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_OPTICAL_FLOW_PROPERTIES_NV, STRUCTURE_TYPE_OPTICAL_FLOW_IMAGE_FORMAT_INFO_NV, STRUCTURE_TYPE_OPTICAL_FLOW_IMAGE_FORMAT_PROPERTIES_NV, STRUCTURE_TYPE_OPTICAL_FLOW_SESSION_CREATE_INFO_NV, STRUCTURE_TYPE_OPTICAL_FLOW_EXECUTE_INFO_NV, STRUCTURE_TYPE_OPTICAL_FLOW_SESSION_CREATE_PRIVATE_DATA_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_LEGACY_DITHERING_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_PROTECTED_ACCESS_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_TILE_PROPERTIES_FEATURES_QCOM, STRUCTURE_TYPE_TILE_PROPERTIES_QCOM, STRUCTURE_TYPE_PHYSICAL_DEVICE_AMIGO_PROFILING_FEATURES_SEC, STRUCTURE_TYPE_AMIGO_PROFILING_SUBMIT_INFO_SEC, STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_PER_VIEW_VIEWPORTS_FEATURES_QCOM, STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_INVOCATION_REORDER_FEATURES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_INVOCATION_REORDER_PROPERTIES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_MUTABLE_DESCRIPTOR_TYPE_FEATURES_EXT, STRUCTURE_TYPE_MUTABLE_DESCRIPTOR_TYPE_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CORE_BUILTINS_FEATURES_ARM, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CORE_BUILTINS_PROPERTIES_ARM, STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_LIBRARY_GROUP_HANDLES_FEATURES_EXT, SubpassContents, SUBPASS_CONTENTS_INLINE, SUBPASS_CONTENTS_SECONDARY_COMMAND_BUFFERS, Result, SUCCESS, NOT_READY, TIMEOUT, EVENT_SET, EVENT_RESET, INCOMPLETE, ERROR_OUT_OF_HOST_MEMORY, ERROR_OUT_OF_DEVICE_MEMORY, ERROR_INITIALIZATION_FAILED, ERROR_DEVICE_LOST, ERROR_MEMORY_MAP_FAILED, ERROR_LAYER_NOT_PRESENT, ERROR_EXTENSION_NOT_PRESENT, ERROR_FEATURE_NOT_PRESENT, ERROR_INCOMPATIBLE_DRIVER, ERROR_TOO_MANY_OBJECTS, ERROR_FORMAT_NOT_SUPPORTED, ERROR_FRAGMENTED_POOL, ERROR_UNKNOWN, ERROR_OUT_OF_POOL_MEMORY, ERROR_INVALID_EXTERNAL_HANDLE, ERROR_FRAGMENTATION, ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS, PIPELINE_COMPILE_REQUIRED, ERROR_SURFACE_LOST_KHR, ERROR_NATIVE_WINDOW_IN_USE_KHR, SUBOPTIMAL_KHR, ERROR_OUT_OF_DATE_KHR, ERROR_INCOMPATIBLE_DISPLAY_KHR, ERROR_VALIDATION_FAILED_EXT, ERROR_INVALID_SHADER_NV, ERROR_IMAGE_USAGE_NOT_SUPPORTED_KHR, ERROR_VIDEO_PICTURE_LAYOUT_NOT_SUPPORTED_KHR, ERROR_VIDEO_PROFILE_OPERATION_NOT_SUPPORTED_KHR, ERROR_VIDEO_PROFILE_FORMAT_NOT_SUPPORTED_KHR, ERROR_VIDEO_PROFILE_CODEC_NOT_SUPPORTED_KHR, ERROR_VIDEO_STD_VERSION_NOT_SUPPORTED_KHR, ERROR_INVALID_DRM_FORMAT_MODIFIER_PLANE_LAYOUT_EXT, ERROR_NOT_PERMITTED_KHR, ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT, THREAD_IDLE_KHR, THREAD_DONE_KHR, OPERATION_DEFERRED_KHR, OPERATION_NOT_DEFERRED_KHR, ERROR_COMPRESSION_EXHAUSTED_EXT, DynamicState, DYNAMIC_STATE_VIEWPORT, DYNAMIC_STATE_SCISSOR, DYNAMIC_STATE_LINE_WIDTH, DYNAMIC_STATE_DEPTH_BIAS, DYNAMIC_STATE_BLEND_CONSTANTS, DYNAMIC_STATE_DEPTH_BOUNDS, DYNAMIC_STATE_STENCIL_COMPARE_MASK, DYNAMIC_STATE_STENCIL_WRITE_MASK, DYNAMIC_STATE_STENCIL_REFERENCE, DYNAMIC_STATE_CULL_MODE, DYNAMIC_STATE_FRONT_FACE, DYNAMIC_STATE_PRIMITIVE_TOPOLOGY, DYNAMIC_STATE_VIEWPORT_WITH_COUNT, DYNAMIC_STATE_SCISSOR_WITH_COUNT, DYNAMIC_STATE_VERTEX_INPUT_BINDING_STRIDE, DYNAMIC_STATE_DEPTH_TEST_ENABLE, DYNAMIC_STATE_DEPTH_WRITE_ENABLE, DYNAMIC_STATE_DEPTH_COMPARE_OP, DYNAMIC_STATE_DEPTH_BOUNDS_TEST_ENABLE, DYNAMIC_STATE_STENCIL_TEST_ENABLE, DYNAMIC_STATE_STENCIL_OP, DYNAMIC_STATE_RASTERIZER_DISCARD_ENABLE, DYNAMIC_STATE_DEPTH_BIAS_ENABLE, DYNAMIC_STATE_PRIMITIVE_RESTART_ENABLE, DYNAMIC_STATE_VIEWPORT_W_SCALING_NV, DYNAMIC_STATE_DISCARD_RECTANGLE_EXT, DYNAMIC_STATE_SAMPLE_LOCATIONS_EXT, DYNAMIC_STATE_RAY_TRACING_PIPELINE_STACK_SIZE_KHR, DYNAMIC_STATE_VIEWPORT_SHADING_RATE_PALETTE_NV, DYNAMIC_STATE_VIEWPORT_COARSE_SAMPLE_ORDER_NV, DYNAMIC_STATE_EXCLUSIVE_SCISSOR_NV, DYNAMIC_STATE_FRAGMENT_SHADING_RATE_KHR, DYNAMIC_STATE_LINE_STIPPLE_EXT, DYNAMIC_STATE_VERTEX_INPUT_EXT, DYNAMIC_STATE_PATCH_CONTROL_POINTS_EXT, DYNAMIC_STATE_LOGIC_OP_EXT, DYNAMIC_STATE_COLOR_WRITE_ENABLE_EXT, DYNAMIC_STATE_TESSELLATION_DOMAIN_ORIGIN_EXT, DYNAMIC_STATE_DEPTH_CLAMP_ENABLE_EXT, DYNAMIC_STATE_POLYGON_MODE_EXT, DYNAMIC_STATE_RASTERIZATION_SAMPLES_EXT, DYNAMIC_STATE_SAMPLE_MASK_EXT, DYNAMIC_STATE_ALPHA_TO_COVERAGE_ENABLE_EXT, DYNAMIC_STATE_ALPHA_TO_ONE_ENABLE_EXT, DYNAMIC_STATE_LOGIC_OP_ENABLE_EXT, DYNAMIC_STATE_COLOR_BLEND_ENABLE_EXT, DYNAMIC_STATE_COLOR_BLEND_EQUATION_EXT, DYNAMIC_STATE_COLOR_WRITE_MASK_EXT, DYNAMIC_STATE_RASTERIZATION_STREAM_EXT, DYNAMIC_STATE_CONSERVATIVE_RASTERIZATION_MODE_EXT, DYNAMIC_STATE_EXTRA_PRIMITIVE_OVERESTIMATION_SIZE_EXT, DYNAMIC_STATE_DEPTH_CLIP_ENABLE_EXT, DYNAMIC_STATE_SAMPLE_LOCATIONS_ENABLE_EXT, DYNAMIC_STATE_COLOR_BLEND_ADVANCED_EXT, DYNAMIC_STATE_PROVOKING_VERTEX_MODE_EXT, DYNAMIC_STATE_LINE_RASTERIZATION_MODE_EXT, DYNAMIC_STATE_LINE_STIPPLE_ENABLE_EXT, DYNAMIC_STATE_DEPTH_CLIP_NEGATIVE_ONE_TO_ONE_EXT, DYNAMIC_STATE_VIEWPORT_W_SCALING_ENABLE_NV, DYNAMIC_STATE_VIEWPORT_SWIZZLE_NV, DYNAMIC_STATE_COVERAGE_TO_COLOR_ENABLE_NV, DYNAMIC_STATE_COVERAGE_TO_COLOR_LOCATION_NV, DYNAMIC_STATE_COVERAGE_MODULATION_MODE_NV, DYNAMIC_STATE_COVERAGE_MODULATION_TABLE_ENABLE_NV, DYNAMIC_STATE_COVERAGE_MODULATION_TABLE_NV, DYNAMIC_STATE_SHADING_RATE_IMAGE_ENABLE_NV, DYNAMIC_STATE_REPRESENTATIVE_FRAGMENT_TEST_ENABLE_NV, DYNAMIC_STATE_COVERAGE_REDUCTION_MODE_NV, DescriptorUpdateTemplateType, DESCRIPTOR_UPDATE_TEMPLATE_TYPE_DESCRIPTOR_SET, DESCRIPTOR_UPDATE_TEMPLATE_TYPE_PUSH_DESCRIPTORS_KHR, ObjectType, OBJECT_TYPE_UNKNOWN, OBJECT_TYPE_INSTANCE, OBJECT_TYPE_PHYSICAL_DEVICE, OBJECT_TYPE_DEVICE, OBJECT_TYPE_QUEUE, OBJECT_TYPE_SEMAPHORE, OBJECT_TYPE_COMMAND_BUFFER, OBJECT_TYPE_FENCE, OBJECT_TYPE_DEVICE_MEMORY, OBJECT_TYPE_BUFFER, OBJECT_TYPE_IMAGE, OBJECT_TYPE_EVENT, OBJECT_TYPE_QUERY_POOL, OBJECT_TYPE_BUFFER_VIEW, OBJECT_TYPE_IMAGE_VIEW, OBJECT_TYPE_SHADER_MODULE, OBJECT_TYPE_PIPELINE_CACHE, OBJECT_TYPE_PIPELINE_LAYOUT, OBJECT_TYPE_RENDER_PASS, OBJECT_TYPE_PIPELINE, OBJECT_TYPE_DESCRIPTOR_SET_LAYOUT, OBJECT_TYPE_SAMPLER, OBJECT_TYPE_DESCRIPTOR_POOL, OBJECT_TYPE_DESCRIPTOR_SET, OBJECT_TYPE_FRAMEBUFFER, OBJECT_TYPE_COMMAND_POOL, OBJECT_TYPE_SAMPLER_YCBCR_CONVERSION, OBJECT_TYPE_DESCRIPTOR_UPDATE_TEMPLATE, OBJECT_TYPE_PRIVATE_DATA_SLOT, OBJECT_TYPE_SURFACE_KHR, OBJECT_TYPE_SWAPCHAIN_KHR, OBJECT_TYPE_DISPLAY_KHR, OBJECT_TYPE_DISPLAY_MODE_KHR, OBJECT_TYPE_DEBUG_REPORT_CALLBACK_EXT, OBJECT_TYPE_VIDEO_SESSION_KHR, OBJECT_TYPE_VIDEO_SESSION_PARAMETERS_KHR, OBJECT_TYPE_CU_MODULE_NVX, OBJECT_TYPE_CU_FUNCTION_NVX, OBJECT_TYPE_DEBUG_UTILS_MESSENGER_EXT, OBJECT_TYPE_ACCELERATION_STRUCTURE_KHR, OBJECT_TYPE_VALIDATION_CACHE_EXT, OBJECT_TYPE_ACCELERATION_STRUCTURE_NV, OBJECT_TYPE_PERFORMANCE_CONFIGURATION_INTEL, OBJECT_TYPE_DEFERRED_OPERATION_KHR, OBJECT_TYPE_INDIRECT_COMMANDS_LAYOUT_NV, OBJECT_TYPE_BUFFER_COLLECTION_FUCHSIA, OBJECT_TYPE_MICROMAP_EXT, OBJECT_TYPE_OPTICAL_FLOW_SESSION_NV, RayTracingInvocationReorderModeNV, RAY_TRACING_INVOCATION_REORDER_MODE_NONE_NV, RAY_TRACING_INVOCATION_REORDER_MODE_REORDER_NV, DirectDriverLoadingModeLUNARG, DIRECT_DRIVER_LOADING_MODE_EXCLUSIVE_LUNARG, DIRECT_DRIVER_LOADING_MODE_INCLUSIVE_LUNARG, SemaphoreType, SEMAPHORE_TYPE_BINARY, SEMAPHORE_TYPE_TIMELINE, PresentModeKHR, PRESENT_MODE_IMMEDIATE_KHR, PRESENT_MODE_MAILBOX_KHR, PRESENT_MODE_FIFO_KHR, PRESENT_MODE_FIFO_RELAXED_KHR, PRESENT_MODE_SHARED_DEMAND_REFRESH_KHR, PRESENT_MODE_SHARED_CONTINUOUS_REFRESH_KHR, ColorSpaceKHR, COLOR_SPACE_SRGB_NONLINEAR_KHR, COLOR_SPACE_DISPLAY_P3_NONLINEAR_EXT, COLOR_SPACE_EXTENDED_SRGB_LINEAR_EXT, COLOR_SPACE_DISPLAY_P3_LINEAR_EXT, COLOR_SPACE_DCI_P3_NONLINEAR_EXT, COLOR_SPACE_BT709_LINEAR_EXT, COLOR_SPACE_BT709_NONLINEAR_EXT, COLOR_SPACE_BT2020_LINEAR_EXT, COLOR_SPACE_HDR10_ST2084_EXT, COLOR_SPACE_DOLBYVISION_EXT, COLOR_SPACE_HDR10_HLG_EXT, COLOR_SPACE_ADOBERGB_LINEAR_EXT, COLOR_SPACE_ADOBERGB_NONLINEAR_EXT, COLOR_SPACE_PASS_THROUGH_EXT, COLOR_SPACE_EXTENDED_SRGB_NONLINEAR_EXT, COLOR_SPACE_DISPLAY_NATIVE_AMD, TimeDomainEXT, TIME_DOMAIN_DEVICE_EXT, TIME_DOMAIN_CLOCK_MONOTONIC_EXT, TIME_DOMAIN_CLOCK_MONOTONIC_RAW_EXT, TIME_DOMAIN_QUERY_PERFORMANCE_COUNTER_EXT, DebugReportObjectTypeEXT, DEBUG_REPORT_OBJECT_TYPE_UNKNOWN_EXT, DEBUG_REPORT_OBJECT_TYPE_INSTANCE_EXT, DEBUG_REPORT_OBJECT_TYPE_PHYSICAL_DEVICE_EXT, DEBUG_REPORT_OBJECT_TYPE_DEVICE_EXT, DEBUG_REPORT_OBJECT_TYPE_QUEUE_EXT, DEBUG_REPORT_OBJECT_TYPE_SEMAPHORE_EXT, DEBUG_REPORT_OBJECT_TYPE_COMMAND_BUFFER_EXT, DEBUG_REPORT_OBJECT_TYPE_FENCE_EXT, DEBUG_REPORT_OBJECT_TYPE_DEVICE_MEMORY_EXT, DEBUG_REPORT_OBJECT_TYPE_BUFFER_EXT, DEBUG_REPORT_OBJECT_TYPE_IMAGE_EXT, DEBUG_REPORT_OBJECT_TYPE_EVENT_EXT, DEBUG_REPORT_OBJECT_TYPE_QUERY_POOL_EXT, DEBUG_REPORT_OBJECT_TYPE_BUFFER_VIEW_EXT, DEBUG_REPORT_OBJECT_TYPE_IMAGE_VIEW_EXT, DEBUG_REPORT_OBJECT_TYPE_SHADER_MODULE_EXT, DEBUG_REPORT_OBJECT_TYPE_PIPELINE_CACHE_EXT, DEBUG_REPORT_OBJECT_TYPE_PIPELINE_LAYOUT_EXT, DEBUG_REPORT_OBJECT_TYPE_RENDER_PASS_EXT, DEBUG_REPORT_OBJECT_TYPE_PIPELINE_EXT, DEBUG_REPORT_OBJECT_TYPE_DESCRIPTOR_SET_LAYOUT_EXT, DEBUG_REPORT_OBJECT_TYPE_SAMPLER_EXT, DEBUG_REPORT_OBJECT_TYPE_DESCRIPTOR_POOL_EXT, DEBUG_REPORT_OBJECT_TYPE_DESCRIPTOR_SET_EXT, DEBUG_REPORT_OBJECT_TYPE_FRAMEBUFFER_EXT, DEBUG_REPORT_OBJECT_TYPE_COMMAND_POOL_EXT, DEBUG_REPORT_OBJECT_TYPE_SURFACE_KHR_EXT, DEBUG_REPORT_OBJECT_TYPE_SWAPCHAIN_KHR_EXT, DEBUG_REPORT_OBJECT_TYPE_DEBUG_REPORT_CALLBACK_EXT_EXT, DEBUG_REPORT_OBJECT_TYPE_DISPLAY_KHR_EXT, DEBUG_REPORT_OBJECT_TYPE_DISPLAY_MODE_KHR_EXT, DEBUG_REPORT_OBJECT_TYPE_VALIDATION_CACHE_EXT_EXT, DEBUG_REPORT_OBJECT_TYPE_SAMPLER_YCBCR_CONVERSION_EXT, DEBUG_REPORT_OBJECT_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_EXT, DEBUG_REPORT_OBJECT_TYPE_CU_MODULE_NVX_EXT, DEBUG_REPORT_OBJECT_TYPE_CU_FUNCTION_NVX_EXT, DEBUG_REPORT_OBJECT_TYPE_ACCELERATION_STRUCTURE_KHR_EXT, DEBUG_REPORT_OBJECT_TYPE_ACCELERATION_STRUCTURE_NV_EXT, DEBUG_REPORT_OBJECT_TYPE_BUFFER_COLLECTION_FUCHSIA_EXT, DeviceMemoryReportEventTypeEXT, DEVICE_MEMORY_REPORT_EVENT_TYPE_ALLOCATE_EXT, DEVICE_MEMORY_REPORT_EVENT_TYPE_FREE_EXT, DEVICE_MEMORY_REPORT_EVENT_TYPE_IMPORT_EXT, DEVICE_MEMORY_REPORT_EVENT_TYPE_UNIMPORT_EXT, DEVICE_MEMORY_REPORT_EVENT_TYPE_ALLOCATION_FAILED_EXT, RasterizationOrderAMD, RASTERIZATION_ORDER_STRICT_AMD, RASTERIZATION_ORDER_RELAXED_AMD, ValidationCheckEXT, VALIDATION_CHECK_ALL_EXT, VALIDATION_CHECK_SHADERS_EXT, ValidationFeatureEnableEXT, VALIDATION_FEATURE_ENABLE_GPU_ASSISTED_EXT, VALIDATION_FEATURE_ENABLE_GPU_ASSISTED_RESERVE_BINDING_SLOT_EXT, VALIDATION_FEATURE_ENABLE_BEST_PRACTICES_EXT, VALIDATION_FEATURE_ENABLE_DEBUG_PRINTF_EXT, VALIDATION_FEATURE_ENABLE_SYNCHRONIZATION_VALIDATION_EXT, ValidationFeatureDisableEXT, VALIDATION_FEATURE_DISABLE_ALL_EXT, VALIDATION_FEATURE_DISABLE_SHADERS_EXT, VALIDATION_FEATURE_DISABLE_THREAD_SAFETY_EXT, VALIDATION_FEATURE_DISABLE_API_PARAMETERS_EXT, VALIDATION_FEATURE_DISABLE_OBJECT_LIFETIMES_EXT, VALIDATION_FEATURE_DISABLE_CORE_CHECKS_EXT, VALIDATION_FEATURE_DISABLE_UNIQUE_HANDLES_EXT, VALIDATION_FEATURE_DISABLE_SHADER_VALIDATION_CACHE_EXT, IndirectCommandsTokenTypeNV, INDIRECT_COMMANDS_TOKEN_TYPE_SHADER_GROUP_NV, INDIRECT_COMMANDS_TOKEN_TYPE_STATE_FLAGS_NV, INDIRECT_COMMANDS_TOKEN_TYPE_INDEX_BUFFER_NV, INDIRECT_COMMANDS_TOKEN_TYPE_VERTEX_BUFFER_NV, INDIRECT_COMMANDS_TOKEN_TYPE_PUSH_CONSTANT_NV, INDIRECT_COMMANDS_TOKEN_TYPE_DRAW_INDEXED_NV, INDIRECT_COMMANDS_TOKEN_TYPE_DRAW_NV, INDIRECT_COMMANDS_TOKEN_TYPE_DRAW_TASKS_NV, INDIRECT_COMMANDS_TOKEN_TYPE_DRAW_MESH_TASKS_NV, DisplayPowerStateEXT, DISPLAY_POWER_STATE_OFF_EXT, DISPLAY_POWER_STATE_SUSPEND_EXT, DISPLAY_POWER_STATE_ON_EXT, DeviceEventTypeEXT, DEVICE_EVENT_TYPE_DISPLAY_HOTPLUG_EXT, DisplayEventTypeEXT, DISPLAY_EVENT_TYPE_FIRST_PIXEL_OUT_EXT, ViewportCoordinateSwizzleNV, VIEWPORT_COORDINATE_SWIZZLE_POSITIVE_X_NV, VIEWPORT_COORDINATE_SWIZZLE_NEGATIVE_X_NV, VIEWPORT_COORDINATE_SWIZZLE_POSITIVE_Y_NV, VIEWPORT_COORDINATE_SWIZZLE_NEGATIVE_Y_NV, VIEWPORT_COORDINATE_SWIZZLE_POSITIVE_Z_NV, VIEWPORT_COORDINATE_SWIZZLE_NEGATIVE_Z_NV, VIEWPORT_COORDINATE_SWIZZLE_POSITIVE_W_NV, VIEWPORT_COORDINATE_SWIZZLE_NEGATIVE_W_NV, DiscardRectangleModeEXT, DISCARD_RECTANGLE_MODE_INCLUSIVE_EXT, DISCARD_RECTANGLE_MODE_EXCLUSIVE_EXT, PointClippingBehavior, POINT_CLIPPING_BEHAVIOR_ALL_CLIP_PLANES, POINT_CLIPPING_BEHAVIOR_USER_CLIP_PLANES_ONLY, SamplerReductionMode, SAMPLER_REDUCTION_MODE_WEIGHTED_AVERAGE, SAMPLER_REDUCTION_MODE_MIN, SAMPLER_REDUCTION_MODE_MAX, TessellationDomainOrigin, TESSELLATION_DOMAIN_ORIGIN_UPPER_LEFT, TESSELLATION_DOMAIN_ORIGIN_LOWER_LEFT, SamplerYcbcrModelConversion, SAMPLER_YCBCR_MODEL_CONVERSION_RGB_IDENTITY, SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_IDENTITY, SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_709, SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_601, SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_2020, SamplerYcbcrRange, SAMPLER_YCBCR_RANGE_ITU_FULL, SAMPLER_YCBCR_RANGE_ITU_NARROW, ChromaLocation, CHROMA_LOCATION_COSITED_EVEN, CHROMA_LOCATION_MIDPOINT, BlendOverlapEXT, BLEND_OVERLAP_UNCORRELATED_EXT, BLEND_OVERLAP_DISJOINT_EXT, BLEND_OVERLAP_CONJOINT_EXT, CoverageModulationModeNV, COVERAGE_MODULATION_MODE_NONE_NV, COVERAGE_MODULATION_MODE_RGB_NV, COVERAGE_MODULATION_MODE_ALPHA_NV, COVERAGE_MODULATION_MODE_RGBA_NV, CoverageReductionModeNV, COVERAGE_REDUCTION_MODE_MERGE_NV, COVERAGE_REDUCTION_MODE_TRUNCATE_NV, ValidationCacheHeaderVersionEXT, VALIDATION_CACHE_HEADER_VERSION_ONE_EXT, ShaderInfoTypeAMD, SHADER_INFO_TYPE_STATISTICS_AMD, SHADER_INFO_TYPE_BINARY_AMD, SHADER_INFO_TYPE_DISASSEMBLY_AMD, QueueGlobalPriorityKHR, QUEUE_GLOBAL_PRIORITY_LOW_KHR, QUEUE_GLOBAL_PRIORITY_MEDIUM_KHR, QUEUE_GLOBAL_PRIORITY_HIGH_KHR, QUEUE_GLOBAL_PRIORITY_REALTIME_KHR, ConservativeRasterizationModeEXT, CONSERVATIVE_RASTERIZATION_MODE_DISABLED_EXT, CONSERVATIVE_RASTERIZATION_MODE_OVERESTIMATE_EXT, CONSERVATIVE_RASTERIZATION_MODE_UNDERESTIMATE_EXT, VendorId, VENDOR_ID_VIV, VENDOR_ID_VSI, VENDOR_ID_KAZAN, VENDOR_ID_CODEPLAY, VENDOR_ID_MESA, VENDOR_ID_POCL, DriverId, DRIVER_ID_AMD_PROPRIETARY, DRIVER_ID_AMD_OPEN_SOURCE, DRIVER_ID_MESA_RADV, DRIVER_ID_NVIDIA_PROPRIETARY, DRIVER_ID_INTEL_PROPRIETARY_WINDOWS, DRIVER_ID_INTEL_OPEN_SOURCE_MESA, DRIVER_ID_IMAGINATION_PROPRIETARY, DRIVER_ID_QUALCOMM_PROPRIETARY, DRIVER_ID_ARM_PROPRIETARY, DRIVER_ID_GOOGLE_SWIFTSHADER, DRIVER_ID_GGP_PROPRIETARY, DRIVER_ID_BROADCOM_PROPRIETARY, DRIVER_ID_MESA_LLVMPIPE, DRIVER_ID_MOLTENVK, DRIVER_ID_COREAVI_PROPRIETARY, DRIVER_ID_JUICE_PROPRIETARY, DRIVER_ID_VERISILICON_PROPRIETARY, DRIVER_ID_MESA_TURNIP, DRIVER_ID_MESA_V3DV, DRIVER_ID_MESA_PANVK, DRIVER_ID_SAMSUNG_PROPRIETARY, DRIVER_ID_MESA_VENUS, DRIVER_ID_MESA_DOZEN, DRIVER_ID_MESA_NVK, DRIVER_ID_IMAGINATION_OPEN_SOURCE_MESA, ShadingRatePaletteEntryNV, SHADING_RATE_PALETTE_ENTRY_NO_INVOCATIONS_NV, SHADING_RATE_PALETTE_ENTRY_16_INVOCATIONS_PER_PIXEL_NV, SHADING_RATE_PALETTE_ENTRY_8_INVOCATIONS_PER_PIXEL_NV, SHADING_RATE_PALETTE_ENTRY_4_INVOCATIONS_PER_PIXEL_NV, SHADING_RATE_PALETTE_ENTRY_2_INVOCATIONS_PER_PIXEL_NV, SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_PIXEL_NV, SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_2X1_PIXELS_NV, SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_1X2_PIXELS_NV, SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_2X2_PIXELS_NV, SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_4X2_PIXELS_NV, SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_2X4_PIXELS_NV, SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_4X4_PIXELS_NV, CoarseSampleOrderTypeNV, COARSE_SAMPLE_ORDER_TYPE_DEFAULT_NV, COARSE_SAMPLE_ORDER_TYPE_CUSTOM_NV, COARSE_SAMPLE_ORDER_TYPE_PIXEL_MAJOR_NV, COARSE_SAMPLE_ORDER_TYPE_SAMPLE_MAJOR_NV, CopyAccelerationStructureModeKHR, COPY_ACCELERATION_STRUCTURE_MODE_CLONE_KHR, COPY_ACCELERATION_STRUCTURE_MODE_COMPACT_KHR, COPY_ACCELERATION_STRUCTURE_MODE_SERIALIZE_KHR, COPY_ACCELERATION_STRUCTURE_MODE_DESERIALIZE_KHR, BuildAccelerationStructureModeKHR, BUILD_ACCELERATION_STRUCTURE_MODE_BUILD_KHR, BUILD_ACCELERATION_STRUCTURE_MODE_UPDATE_KHR, AccelerationStructureTypeKHR, ACCELERATION_STRUCTURE_TYPE_TOP_LEVEL_KHR, ACCELERATION_STRUCTURE_TYPE_BOTTOM_LEVEL_KHR, ACCELERATION_STRUCTURE_TYPE_GENERIC_KHR, GeometryTypeKHR, GEOMETRY_TYPE_TRIANGLES_KHR, GEOMETRY_TYPE_AABBS_KHR, GEOMETRY_TYPE_INSTANCES_KHR, AccelerationStructureMemoryRequirementsTypeNV, ACCELERATION_STRUCTURE_MEMORY_REQUIREMENTS_TYPE_OBJECT_NV, ACCELERATION_STRUCTURE_MEMORY_REQUIREMENTS_TYPE_BUILD_SCRATCH_NV, ACCELERATION_STRUCTURE_MEMORY_REQUIREMENTS_TYPE_UPDATE_SCRATCH_NV, AccelerationStructureBuildTypeKHR, ACCELERATION_STRUCTURE_BUILD_TYPE_HOST_KHR, ACCELERATION_STRUCTURE_BUILD_TYPE_DEVICE_KHR, ACCELERATION_STRUCTURE_BUILD_TYPE_HOST_OR_DEVICE_KHR, RayTracingShaderGroupTypeKHR, RAY_TRACING_SHADER_GROUP_TYPE_GENERAL_KHR, RAY_TRACING_SHADER_GROUP_TYPE_TRIANGLES_HIT_GROUP_KHR, RAY_TRACING_SHADER_GROUP_TYPE_PROCEDURAL_HIT_GROUP_KHR, AccelerationStructureCompatibilityKHR, ACCELERATION_STRUCTURE_COMPATIBILITY_COMPATIBLE_KHR, ACCELERATION_STRUCTURE_COMPATIBILITY_INCOMPATIBLE_KHR, ShaderGroupShaderKHR, SHADER_GROUP_SHADER_GENERAL_KHR, SHADER_GROUP_SHADER_CLOSEST_HIT_KHR, SHADER_GROUP_SHADER_ANY_HIT_KHR, SHADER_GROUP_SHADER_INTERSECTION_KHR, MemoryOverallocationBehaviorAMD, MEMORY_OVERALLOCATION_BEHAVIOR_DEFAULT_AMD, MEMORY_OVERALLOCATION_BEHAVIOR_ALLOWED_AMD, MEMORY_OVERALLOCATION_BEHAVIOR_DISALLOWED_AMD, ScopeNV, SCOPE_DEVICE_NV, SCOPE_WORKGROUP_NV, SCOPE_SUBGROUP_NV, SCOPE_QUEUE_FAMILY_NV, ComponentTypeNV, COMPONENT_TYPE_FLOAT16_NV, COMPONENT_TYPE_FLOAT32_NV, COMPONENT_TYPE_FLOAT64_NV, COMPONENT_TYPE_SINT8_NV, COMPONENT_TYPE_SINT16_NV, COMPONENT_TYPE_SINT32_NV, COMPONENT_TYPE_SINT64_NV, COMPONENT_TYPE_UINT8_NV, COMPONENT_TYPE_UINT16_NV, COMPONENT_TYPE_UINT32_NV, COMPONENT_TYPE_UINT64_NV, PerformanceCounterScopeKHR, PERFORMANCE_COUNTER_SCOPE_COMMAND_BUFFER_KHR, PERFORMANCE_COUNTER_SCOPE_RENDER_PASS_KHR, PERFORMANCE_COUNTER_SCOPE_COMMAND_KHR, PerformanceCounterUnitKHR, PERFORMANCE_COUNTER_UNIT_GENERIC_KHR, PERFORMANCE_COUNTER_UNIT_PERCENTAGE_KHR, PERFORMANCE_COUNTER_UNIT_NANOSECONDS_KHR, PERFORMANCE_COUNTER_UNIT_BYTES_KHR, PERFORMANCE_COUNTER_UNIT_BYTES_PER_SECOND_KHR, PERFORMANCE_COUNTER_UNIT_KELVIN_KHR, PERFORMANCE_COUNTER_UNIT_WATTS_KHR, PERFORMANCE_COUNTER_UNIT_VOLTS_KHR, PERFORMANCE_COUNTER_UNIT_AMPS_KHR, PERFORMANCE_COUNTER_UNIT_HERTZ_KHR, PERFORMANCE_COUNTER_UNIT_CYCLES_KHR, PerformanceCounterStorageKHR, PERFORMANCE_COUNTER_STORAGE_INT32_KHR, PERFORMANCE_COUNTER_STORAGE_INT64_KHR, PERFORMANCE_COUNTER_STORAGE_UINT32_KHR, PERFORMANCE_COUNTER_STORAGE_UINT64_KHR, PERFORMANCE_COUNTER_STORAGE_FLOAT32_KHR, PERFORMANCE_COUNTER_STORAGE_FLOAT64_KHR, PerformanceConfigurationTypeINTEL, PERFORMANCE_CONFIGURATION_TYPE_COMMAND_QUEUE_METRICS_DISCOVERY_ACTIVATED_INTEL, QueryPoolSamplingModeINTEL, QUERY_POOL_SAMPLING_MODE_MANUAL_INTEL, PerformanceOverrideTypeINTEL, PERFORMANCE_OVERRIDE_TYPE_NULL_HARDWARE_INTEL, PERFORMANCE_OVERRIDE_TYPE_FLUSH_GPU_CACHES_INTEL, PerformanceParameterTypeINTEL, PERFORMANCE_PARAMETER_TYPE_HW_COUNTERS_SUPPORTED_INTEL, PERFORMANCE_PARAMETER_TYPE_STREAM_MARKER_VALID_BITS_INTEL, PerformanceValueTypeINTEL, PERFORMANCE_VALUE_TYPE_UINT32_INTEL, PERFORMANCE_VALUE_TYPE_UINT64_INTEL, PERFORMANCE_VALUE_TYPE_FLOAT_INTEL, PERFORMANCE_VALUE_TYPE_BOOL_INTEL, PERFORMANCE_VALUE_TYPE_STRING_INTEL, ShaderFloatControlsIndependence, SHADER_FLOAT_CONTROLS_INDEPENDENCE_32_BIT_ONLY, SHADER_FLOAT_CONTROLS_INDEPENDENCE_ALL, SHADER_FLOAT_CONTROLS_INDEPENDENCE_NONE, PipelineExecutableStatisticFormatKHR, PIPELINE_EXECUTABLE_STATISTIC_FORMAT_BOOL32_KHR, PIPELINE_EXECUTABLE_STATISTIC_FORMAT_INT64_KHR, PIPELINE_EXECUTABLE_STATISTIC_FORMAT_UINT64_KHR, PIPELINE_EXECUTABLE_STATISTIC_FORMAT_FLOAT64_KHR, LineRasterizationModeEXT, LINE_RASTERIZATION_MODE_DEFAULT_EXT, LINE_RASTERIZATION_MODE_RECTANGULAR_EXT, LINE_RASTERIZATION_MODE_BRESENHAM_EXT, LINE_RASTERIZATION_MODE_RECTANGULAR_SMOOTH_EXT, FragmentShadingRateCombinerOpKHR, FRAGMENT_SHADING_RATE_COMBINER_OP_KEEP_KHR, FRAGMENT_SHADING_RATE_COMBINER_OP_REPLACE_KHR, FRAGMENT_SHADING_RATE_COMBINER_OP_MIN_KHR, FRAGMENT_SHADING_RATE_COMBINER_OP_MAX_KHR, FRAGMENT_SHADING_RATE_COMBINER_OP_MUL_KHR, FragmentShadingRateNV, FRAGMENT_SHADING_RATE_1_INVOCATION_PER_PIXEL_NV, FRAGMENT_SHADING_RATE_1_INVOCATION_PER_1X2_PIXELS_NV, FRAGMENT_SHADING_RATE_1_INVOCATION_PER_2X1_PIXELS_NV, FRAGMENT_SHADING_RATE_1_INVOCATION_PER_2X2_PIXELS_NV, FRAGMENT_SHADING_RATE_1_INVOCATION_PER_2X4_PIXELS_NV, FRAGMENT_SHADING_RATE_1_INVOCATION_PER_4X2_PIXELS_NV, FRAGMENT_SHADING_RATE_1_INVOCATION_PER_4X4_PIXELS_NV, FRAGMENT_SHADING_RATE_2_INVOCATIONS_PER_PIXEL_NV, FRAGMENT_SHADING_RATE_4_INVOCATIONS_PER_PIXEL_NV, FRAGMENT_SHADING_RATE_8_INVOCATIONS_PER_PIXEL_NV, FRAGMENT_SHADING_RATE_16_INVOCATIONS_PER_PIXEL_NV, FRAGMENT_SHADING_RATE_NO_INVOCATIONS_NV, FragmentShadingRateTypeNV, FRAGMENT_SHADING_RATE_TYPE_FRAGMENT_SIZE_NV, FRAGMENT_SHADING_RATE_TYPE_ENUMS_NV, SubpassMergeStatusEXT, SUBPASS_MERGE_STATUS_MERGED_EXT, SUBPASS_MERGE_STATUS_DISALLOWED_EXT, SUBPASS_MERGE_STATUS_NOT_MERGED_SIDE_EFFECTS_EXT, SUBPASS_MERGE_STATUS_NOT_MERGED_SAMPLES_MISMATCH_EXT, SUBPASS_MERGE_STATUS_NOT_MERGED_VIEWS_MISMATCH_EXT, SUBPASS_MERGE_STATUS_NOT_MERGED_ALIASING_EXT, SUBPASS_MERGE_STATUS_NOT_MERGED_DEPENDENCIES_EXT, SUBPASS_MERGE_STATUS_NOT_MERGED_INCOMPATIBLE_INPUT_ATTACHMENT_EXT, SUBPASS_MERGE_STATUS_NOT_MERGED_TOO_MANY_ATTACHMENTS_EXT, SUBPASS_MERGE_STATUS_NOT_MERGED_INSUFFICIENT_STORAGE_EXT, SUBPASS_MERGE_STATUS_NOT_MERGED_DEPTH_STENCIL_COUNT_EXT, SUBPASS_MERGE_STATUS_NOT_MERGED_RESOLVE_ATTACHMENT_REUSE_EXT, SUBPASS_MERGE_STATUS_NOT_MERGED_SINGLE_SUBPASS_EXT, SUBPASS_MERGE_STATUS_NOT_MERGED_UNSPECIFIED_EXT, ProvokingVertexModeEXT, PROVOKING_VERTEX_MODE_FIRST_VERTEX_EXT, PROVOKING_VERTEX_MODE_LAST_VERTEX_EXT, AccelerationStructureMotionInstanceTypeNV, ACCELERATION_STRUCTURE_MOTION_INSTANCE_TYPE_STATIC_NV, ACCELERATION_STRUCTURE_MOTION_INSTANCE_TYPE_MATRIX_MOTION_NV, ACCELERATION_STRUCTURE_MOTION_INSTANCE_TYPE_SRT_MOTION_NV, DeviceAddressBindingTypeEXT, DEVICE_ADDRESS_BINDING_TYPE_BIND_EXT, DEVICE_ADDRESS_BINDING_TYPE_UNBIND_EXT, QueryResultStatusKHR, QUERY_RESULT_STATUS_ERROR_KHR, QUERY_RESULT_STATUS_NOT_READY_KHR, QUERY_RESULT_STATUS_COMPLETE_KHR, PipelineRobustnessBufferBehaviorEXT, PIPELINE_ROBUSTNESS_BUFFER_BEHAVIOR_DEVICE_DEFAULT_EXT, PIPELINE_ROBUSTNESS_BUFFER_BEHAVIOR_DISABLED_EXT, PIPELINE_ROBUSTNESS_BUFFER_BEHAVIOR_ROBUST_BUFFER_ACCESS_EXT, PIPELINE_ROBUSTNESS_BUFFER_BEHAVIOR_ROBUST_BUFFER_ACCESS_2_EXT, PipelineRobustnessImageBehaviorEXT, PIPELINE_ROBUSTNESS_IMAGE_BEHAVIOR_DEVICE_DEFAULT_EXT, PIPELINE_ROBUSTNESS_IMAGE_BEHAVIOR_DISABLED_EXT, PIPELINE_ROBUSTNESS_IMAGE_BEHAVIOR_ROBUST_IMAGE_ACCESS_EXT, PIPELINE_ROBUSTNESS_IMAGE_BEHAVIOR_ROBUST_IMAGE_ACCESS_2_EXT, OpticalFlowPerformanceLevelNV, OPTICAL_FLOW_PERFORMANCE_LEVEL_UNKNOWN_NV, OPTICAL_FLOW_PERFORMANCE_LEVEL_SLOW_NV, OPTICAL_FLOW_PERFORMANCE_LEVEL_MEDIUM_NV, OPTICAL_FLOW_PERFORMANCE_LEVEL_FAST_NV, OpticalFlowSessionBindingPointNV, OPTICAL_FLOW_SESSION_BINDING_POINT_UNKNOWN_NV, OPTICAL_FLOW_SESSION_BINDING_POINT_INPUT_NV, OPTICAL_FLOW_SESSION_BINDING_POINT_REFERENCE_NV, OPTICAL_FLOW_SESSION_BINDING_POINT_HINT_NV, OPTICAL_FLOW_SESSION_BINDING_POINT_FLOW_VECTOR_NV, OPTICAL_FLOW_SESSION_BINDING_POINT_BACKWARD_FLOW_VECTOR_NV, OPTICAL_FLOW_SESSION_BINDING_POINT_COST_NV, OPTICAL_FLOW_SESSION_BINDING_POINT_BACKWARD_COST_NV, OPTICAL_FLOW_SESSION_BINDING_POINT_GLOBAL_FLOW_NV, MicromapTypeEXT, MICROMAP_TYPE_OPACITY_MICROMAP_EXT, CopyMicromapModeEXT, COPY_MICROMAP_MODE_CLONE_EXT, COPY_MICROMAP_MODE_SERIALIZE_EXT, COPY_MICROMAP_MODE_DESERIALIZE_EXT, COPY_MICROMAP_MODE_COMPACT_EXT, BuildMicromapModeEXT, BUILD_MICROMAP_MODE_BUILD_EXT, OpacityMicromapFormatEXT, OPACITY_MICROMAP_FORMAT_2_STATE_EXT, OPACITY_MICROMAP_FORMAT_4_STATE_EXT, OpacityMicromapSpecialIndexEXT, OPACITY_MICROMAP_SPECIAL_INDEX_FULLY_TRANSPARENT_EXT, OPACITY_MICROMAP_SPECIAL_INDEX_FULLY_OPAQUE_EXT, OPACITY_MICROMAP_SPECIAL_INDEX_FULLY_UNKNOWN_TRANSPARENT_EXT, OPACITY_MICROMAP_SPECIAL_INDEX_FULLY_UNKNOWN_OPAQUE_EXT, DeviceFaultAddressTypeEXT, DEVICE_FAULT_ADDRESS_TYPE_NONE_EXT, DEVICE_FAULT_ADDRESS_TYPE_READ_INVALID_EXT, DEVICE_FAULT_ADDRESS_TYPE_WRITE_INVALID_EXT, DEVICE_FAULT_ADDRESS_TYPE_EXECUTE_INVALID_EXT, DEVICE_FAULT_ADDRESS_TYPE_INSTRUCTION_POINTER_UNKNOWN_EXT, DEVICE_FAULT_ADDRESS_TYPE_INSTRUCTION_POINTER_INVALID_EXT, DEVICE_FAULT_ADDRESS_TYPE_INSTRUCTION_POINTER_FAULT_EXT, DeviceFaultVendorBinaryHeaderVersionEXT, DEVICE_FAULT_VENDOR_BINARY_HEADER_VERSION_ONE_EXT, PipelineCacheCreateFlag, PIPELINE_CACHE_CREATE_EXTERNALLY_SYNCHRONIZED_BIT, QueueFlag, QUEUE_GRAPHICS_BIT, QUEUE_COMPUTE_BIT, QUEUE_TRANSFER_BIT, QUEUE_SPARSE_BINDING_BIT, QUEUE_PROTECTED_BIT, QUEUE_VIDEO_DECODE_BIT_KHR, QUEUE_VIDEO_ENCODE_BIT_KHR, QUEUE_OPTICAL_FLOW_BIT_NV, CullModeFlag, CULL_MODE_FRONT_BIT, CULL_MODE_BACK_BIT, CULL_MODE_NONE, CULL_MODE_FRONT_AND_BACK, RenderPassCreateFlag, RENDER_PASS_CREATE_TRANSFORM_BIT_QCOM, DeviceQueueCreateFlag, DEVICE_QUEUE_CREATE_PROTECTED_BIT, MemoryPropertyFlag, MEMORY_PROPERTY_DEVICE_LOCAL_BIT, MEMORY_PROPERTY_HOST_VISIBLE_BIT, MEMORY_PROPERTY_HOST_COHERENT_BIT, MEMORY_PROPERTY_HOST_CACHED_BIT, MEMORY_PROPERTY_LAZILY_ALLOCATED_BIT, MEMORY_PROPERTY_PROTECTED_BIT, MEMORY_PROPERTY_DEVICE_COHERENT_BIT_AMD, MEMORY_PROPERTY_DEVICE_UNCACHED_BIT_AMD, MEMORY_PROPERTY_RDMA_CAPABLE_BIT_NV, MemoryHeapFlag, MEMORY_HEAP_DEVICE_LOCAL_BIT, MEMORY_HEAP_MULTI_INSTANCE_BIT, AccessFlag, ACCESS_INDIRECT_COMMAND_READ_BIT, ACCESS_INDEX_READ_BIT, ACCESS_VERTEX_ATTRIBUTE_READ_BIT, ACCESS_UNIFORM_READ_BIT, ACCESS_INPUT_ATTACHMENT_READ_BIT, ACCESS_SHADER_READ_BIT, ACCESS_SHADER_WRITE_BIT, ACCESS_COLOR_ATTACHMENT_READ_BIT, ACCESS_COLOR_ATTACHMENT_WRITE_BIT, ACCESS_DEPTH_STENCIL_ATTACHMENT_READ_BIT, ACCESS_DEPTH_STENCIL_ATTACHMENT_WRITE_BIT, ACCESS_TRANSFER_READ_BIT, ACCESS_TRANSFER_WRITE_BIT, ACCESS_HOST_READ_BIT, ACCESS_HOST_WRITE_BIT, ACCESS_MEMORY_READ_BIT, ACCESS_MEMORY_WRITE_BIT, ACCESS_TRANSFORM_FEEDBACK_WRITE_BIT_EXT, ACCESS_TRANSFORM_FEEDBACK_COUNTER_READ_BIT_EXT, ACCESS_TRANSFORM_FEEDBACK_COUNTER_WRITE_BIT_EXT, ACCESS_CONDITIONAL_RENDERING_READ_BIT_EXT, ACCESS_COLOR_ATTACHMENT_READ_NONCOHERENT_BIT_EXT, ACCESS_ACCELERATION_STRUCTURE_READ_BIT_KHR, ACCESS_ACCELERATION_STRUCTURE_WRITE_BIT_KHR, ACCESS_FRAGMENT_DENSITY_MAP_READ_BIT_EXT, ACCESS_FRAGMENT_SHADING_RATE_ATTACHMENT_READ_BIT_KHR, ACCESS_COMMAND_PREPROCESS_READ_BIT_NV, ACCESS_COMMAND_PREPROCESS_WRITE_BIT_NV, ACCESS_NONE, BufferUsageFlag, BUFFER_USAGE_TRANSFER_SRC_BIT, BUFFER_USAGE_TRANSFER_DST_BIT, BUFFER_USAGE_UNIFORM_TEXEL_BUFFER_BIT, BUFFER_USAGE_STORAGE_TEXEL_BUFFER_BIT, BUFFER_USAGE_UNIFORM_BUFFER_BIT, BUFFER_USAGE_STORAGE_BUFFER_BIT, BUFFER_USAGE_INDEX_BUFFER_BIT, BUFFER_USAGE_VERTEX_BUFFER_BIT, BUFFER_USAGE_INDIRECT_BUFFER_BIT, BUFFER_USAGE_SHADER_DEVICE_ADDRESS_BIT, BUFFER_USAGE_VIDEO_DECODE_SRC_BIT_KHR, BUFFER_USAGE_VIDEO_DECODE_DST_BIT_KHR, BUFFER_USAGE_TRANSFORM_FEEDBACK_BUFFER_BIT_EXT, BUFFER_USAGE_TRANSFORM_FEEDBACK_COUNTER_BUFFER_BIT_EXT, BUFFER_USAGE_CONDITIONAL_RENDERING_BIT_EXT, BUFFER_USAGE_ACCELERATION_STRUCTURE_BUILD_INPUT_READ_ONLY_BIT_KHR, BUFFER_USAGE_ACCELERATION_STRUCTURE_STORAGE_BIT_KHR, BUFFER_USAGE_SHADER_BINDING_TABLE_BIT_KHR, BUFFER_USAGE_VIDEO_ENCODE_DST_BIT_KHR, BUFFER_USAGE_VIDEO_ENCODE_SRC_BIT_KHR, BUFFER_USAGE_SAMPLER_DESCRIPTOR_BUFFER_BIT_EXT, BUFFER_USAGE_RESOURCE_DESCRIPTOR_BUFFER_BIT_EXT, BUFFER_USAGE_PUSH_DESCRIPTORS_DESCRIPTOR_BUFFER_BIT_EXT, BUFFER_USAGE_MICROMAP_BUILD_INPUT_READ_ONLY_BIT_EXT, BUFFER_USAGE_MICROMAP_STORAGE_BIT_EXT, BufferCreateFlag, BUFFER_CREATE_SPARSE_BINDING_BIT, BUFFER_CREATE_SPARSE_RESIDENCY_BIT, BUFFER_CREATE_SPARSE_ALIASED_BIT, BUFFER_CREATE_PROTECTED_BIT, BUFFER_CREATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT, BUFFER_CREATE_DESCRIPTOR_BUFFER_CAPTURE_REPLAY_BIT_EXT, ShaderStageFlag, SHADER_STAGE_VERTEX_BIT, SHADER_STAGE_TESSELLATION_CONTROL_BIT, SHADER_STAGE_TESSELLATION_EVALUATION_BIT, SHADER_STAGE_GEOMETRY_BIT, SHADER_STAGE_FRAGMENT_BIT, SHADER_STAGE_COMPUTE_BIT, SHADER_STAGE_RAYGEN_BIT_KHR, SHADER_STAGE_ANY_HIT_BIT_KHR, SHADER_STAGE_CLOSEST_HIT_BIT_KHR, SHADER_STAGE_MISS_BIT_KHR, SHADER_STAGE_INTERSECTION_BIT_KHR, SHADER_STAGE_CALLABLE_BIT_KHR, SHADER_STAGE_TASK_BIT_EXT, SHADER_STAGE_MESH_BIT_EXT, SHADER_STAGE_SUBPASS_SHADING_BIT_HUAWEI, SHADER_STAGE_CLUSTER_CULLING_BIT_HUAWEI, SHADER_STAGE_ALL_GRAPHICS, SHADER_STAGE_ALL, ImageUsageFlag, IMAGE_USAGE_TRANSFER_SRC_BIT, IMAGE_USAGE_TRANSFER_DST_BIT, IMAGE_USAGE_SAMPLED_BIT, IMAGE_USAGE_STORAGE_BIT, IMAGE_USAGE_COLOR_ATTACHMENT_BIT, IMAGE_USAGE_DEPTH_STENCIL_ATTACHMENT_BIT, IMAGE_USAGE_TRANSIENT_ATTACHMENT_BIT, IMAGE_USAGE_INPUT_ATTACHMENT_BIT, IMAGE_USAGE_VIDEO_DECODE_DST_BIT_KHR, IMAGE_USAGE_VIDEO_DECODE_SRC_BIT_KHR, IMAGE_USAGE_VIDEO_DECODE_DPB_BIT_KHR, IMAGE_USAGE_FRAGMENT_DENSITY_MAP_BIT_EXT, IMAGE_USAGE_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR, IMAGE_USAGE_VIDEO_ENCODE_DST_BIT_KHR, IMAGE_USAGE_VIDEO_ENCODE_SRC_BIT_KHR, IMAGE_USAGE_VIDEO_ENCODE_DPB_BIT_KHR, IMAGE_USAGE_ATTACHMENT_FEEDBACK_LOOP_BIT_EXT, IMAGE_USAGE_INVOCATION_MASK_BIT_HUAWEI, IMAGE_USAGE_SAMPLE_WEIGHT_BIT_QCOM, IMAGE_USAGE_SAMPLE_BLOCK_MATCH_BIT_QCOM, ImageCreateFlag, IMAGE_CREATE_SPARSE_BINDING_BIT, IMAGE_CREATE_SPARSE_RESIDENCY_BIT, IMAGE_CREATE_SPARSE_ALIASED_BIT, IMAGE_CREATE_MUTABLE_FORMAT_BIT, IMAGE_CREATE_CUBE_COMPATIBLE_BIT, IMAGE_CREATE_ALIAS_BIT, IMAGE_CREATE_SPLIT_INSTANCE_BIND_REGIONS_BIT, IMAGE_CREATE_2D_ARRAY_COMPATIBLE_BIT, IMAGE_CREATE_BLOCK_TEXEL_VIEW_COMPATIBLE_BIT, IMAGE_CREATE_EXTENDED_USAGE_BIT, IMAGE_CREATE_PROTECTED_BIT, IMAGE_CREATE_DISJOINT_BIT, IMAGE_CREATE_CORNER_SAMPLED_BIT_NV, IMAGE_CREATE_SAMPLE_LOCATIONS_COMPATIBLE_DEPTH_BIT_EXT, IMAGE_CREATE_SUBSAMPLED_BIT_EXT, IMAGE_CREATE_DESCRIPTOR_BUFFER_CAPTURE_REPLAY_BIT_EXT, IMAGE_CREATE_MULTISAMPLED_RENDER_TO_SINGLE_SAMPLED_BIT_EXT, IMAGE_CREATE_2D_VIEW_COMPATIBLE_BIT_EXT, IMAGE_CREATE_FRAGMENT_DENSITY_MAP_OFFSET_BIT_QCOM, ImageViewCreateFlag, IMAGE_VIEW_CREATE_FRAGMENT_DENSITY_MAP_DYNAMIC_BIT_EXT, IMAGE_VIEW_CREATE_DESCRIPTOR_BUFFER_CAPTURE_REPLAY_BIT_EXT, IMAGE_VIEW_CREATE_FRAGMENT_DENSITY_MAP_DEFERRED_BIT_EXT, SamplerCreateFlag, SAMPLER_CREATE_SUBSAMPLED_BIT_EXT, SAMPLER_CREATE_SUBSAMPLED_COARSE_RECONSTRUCTION_BIT_EXT, SAMPLER_CREATE_DESCRIPTOR_BUFFER_CAPTURE_REPLAY_BIT_EXT, SAMPLER_CREATE_NON_SEAMLESS_CUBE_MAP_BIT_EXT, SAMPLER_CREATE_IMAGE_PROCESSING_BIT_QCOM, PipelineCreateFlag, PIPELINE_CREATE_DISABLE_OPTIMIZATION_BIT, PIPELINE_CREATE_ALLOW_DERIVATIVES_BIT, PIPELINE_CREATE_DERIVATIVE_BIT, PIPELINE_CREATE_VIEW_INDEX_FROM_DEVICE_INDEX_BIT, PIPELINE_CREATE_DISPATCH_BASE_BIT, PIPELINE_CREATE_FAIL_ON_PIPELINE_COMPILE_REQUIRED_BIT, PIPELINE_CREATE_EARLY_RETURN_ON_FAILURE_BIT, PIPELINE_CREATE_RENDERING_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR, PIPELINE_CREATE_RENDERING_FRAGMENT_DENSITY_MAP_ATTACHMENT_BIT_EXT, PIPELINE_CREATE_RAY_TRACING_NO_NULL_ANY_HIT_SHADERS_BIT_KHR, PIPELINE_CREATE_RAY_TRACING_NO_NULL_CLOSEST_HIT_SHADERS_BIT_KHR, PIPELINE_CREATE_RAY_TRACING_NO_NULL_MISS_SHADERS_BIT_KHR, PIPELINE_CREATE_RAY_TRACING_NO_NULL_INTERSECTION_SHADERS_BIT_KHR, PIPELINE_CREATE_RAY_TRACING_SKIP_TRIANGLES_BIT_KHR, PIPELINE_CREATE_RAY_TRACING_SKIP_AABBS_BIT_KHR, PIPELINE_CREATE_RAY_TRACING_SHADER_GROUP_HANDLE_CAPTURE_REPLAY_BIT_KHR, PIPELINE_CREATE_DEFER_COMPILE_BIT_NV, PIPELINE_CREATE_CAPTURE_STATISTICS_BIT_KHR, PIPELINE_CREATE_CAPTURE_INTERNAL_REPRESENTATIONS_BIT_KHR, PIPELINE_CREATE_INDIRECT_BINDABLE_BIT_NV, PIPELINE_CREATE_LIBRARY_BIT_KHR, PIPELINE_CREATE_DESCRIPTOR_BUFFER_BIT_EXT, PIPELINE_CREATE_RETAIN_LINK_TIME_OPTIMIZATION_INFO_BIT_EXT, PIPELINE_CREATE_LINK_TIME_OPTIMIZATION_BIT_EXT, PIPELINE_CREATE_RAY_TRACING_ALLOW_MOTION_BIT_NV, PIPELINE_CREATE_COLOR_ATTACHMENT_FEEDBACK_LOOP_BIT_EXT, PIPELINE_CREATE_DEPTH_STENCIL_ATTACHMENT_FEEDBACK_LOOP_BIT_EXT, PIPELINE_CREATE_RAY_TRACING_OPACITY_MICROMAP_BIT_EXT, PIPELINE_CREATE_NO_PROTECTED_ACCESS_BIT_EXT, PIPELINE_CREATE_PROTECTED_ACCESS_ONLY_BIT_EXT, PipelineShaderStageCreateFlag, PIPELINE_SHADER_STAGE_CREATE_ALLOW_VARYING_SUBGROUP_SIZE_BIT, PIPELINE_SHADER_STAGE_CREATE_REQUIRE_FULL_SUBGROUPS_BIT, ColorComponentFlag, COLOR_COMPONENT_R_BIT, COLOR_COMPONENT_G_BIT, COLOR_COMPONENT_B_BIT, COLOR_COMPONENT_A_BIT, FenceCreateFlag, FENCE_CREATE_SIGNALED_BIT, SemaphoreCreateFlag, FormatFeatureFlag, FORMAT_FEATURE_SAMPLED_IMAGE_BIT, FORMAT_FEATURE_STORAGE_IMAGE_BIT, FORMAT_FEATURE_STORAGE_IMAGE_ATOMIC_BIT, FORMAT_FEATURE_UNIFORM_TEXEL_BUFFER_BIT, FORMAT_FEATURE_STORAGE_TEXEL_BUFFER_BIT, FORMAT_FEATURE_STORAGE_TEXEL_BUFFER_ATOMIC_BIT, FORMAT_FEATURE_VERTEX_BUFFER_BIT, FORMAT_FEATURE_COLOR_ATTACHMENT_BIT, FORMAT_FEATURE_COLOR_ATTACHMENT_BLEND_BIT, FORMAT_FEATURE_DEPTH_STENCIL_ATTACHMENT_BIT, FORMAT_FEATURE_BLIT_SRC_BIT, FORMAT_FEATURE_BLIT_DST_BIT, FORMAT_FEATURE_SAMPLED_IMAGE_FILTER_LINEAR_BIT, FORMAT_FEATURE_TRANSFER_SRC_BIT, FORMAT_FEATURE_TRANSFER_DST_BIT, FORMAT_FEATURE_MIDPOINT_CHROMA_SAMPLES_BIT, FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_LINEAR_FILTER_BIT, FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_SEPARATE_RECONSTRUCTION_FILTER_BIT, FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_BIT, FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_FORCEABLE_BIT, FORMAT_FEATURE_DISJOINT_BIT, FORMAT_FEATURE_COSITED_CHROMA_SAMPLES_BIT, FORMAT_FEATURE_SAMPLED_IMAGE_FILTER_MINMAX_BIT, FORMAT_FEATURE_VIDEO_DECODE_OUTPUT_BIT_KHR, FORMAT_FEATURE_VIDEO_DECODE_DPB_BIT_KHR, FORMAT_FEATURE_ACCELERATION_STRUCTURE_VERTEX_BUFFER_BIT_KHR, FORMAT_FEATURE_SAMPLED_IMAGE_FILTER_CUBIC_BIT_EXT, FORMAT_FEATURE_FRAGMENT_DENSITY_MAP_BIT_EXT, FORMAT_FEATURE_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR, FORMAT_FEATURE_VIDEO_ENCODE_INPUT_BIT_KHR, FORMAT_FEATURE_VIDEO_ENCODE_DPB_BIT_KHR, QueryControlFlag, QUERY_CONTROL_PRECISE_BIT, QueryResultFlag, QUERY_RESULT_64_BIT, QUERY_RESULT_WAIT_BIT, QUERY_RESULT_WITH_AVAILABILITY_BIT, QUERY_RESULT_PARTIAL_BIT, QUERY_RESULT_WITH_STATUS_BIT_KHR, CommandBufferUsageFlag, COMMAND_BUFFER_USAGE_ONE_TIME_SUBMIT_BIT, COMMAND_BUFFER_USAGE_RENDER_PASS_CONTINUE_BIT, COMMAND_BUFFER_USAGE_SIMULTANEOUS_USE_BIT, QueryPipelineStatisticFlag, QUERY_PIPELINE_STATISTIC_INPUT_ASSEMBLY_VERTICES_BIT, QUERY_PIPELINE_STATISTIC_INPUT_ASSEMBLY_PRIMITIVES_BIT, QUERY_PIPELINE_STATISTIC_VERTEX_SHADER_INVOCATIONS_BIT, QUERY_PIPELINE_STATISTIC_GEOMETRY_SHADER_INVOCATIONS_BIT, QUERY_PIPELINE_STATISTIC_GEOMETRY_SHADER_PRIMITIVES_BIT, QUERY_PIPELINE_STATISTIC_CLIPPING_INVOCATIONS_BIT, QUERY_PIPELINE_STATISTIC_CLIPPING_PRIMITIVES_BIT, QUERY_PIPELINE_STATISTIC_FRAGMENT_SHADER_INVOCATIONS_BIT, QUERY_PIPELINE_STATISTIC_TESSELLATION_CONTROL_SHADER_PATCHES_BIT, QUERY_PIPELINE_STATISTIC_TESSELLATION_EVALUATION_SHADER_INVOCATIONS_BIT, QUERY_PIPELINE_STATISTIC_COMPUTE_SHADER_INVOCATIONS_BIT, QUERY_PIPELINE_STATISTIC_TASK_SHADER_INVOCATIONS_BIT_EXT, QUERY_PIPELINE_STATISTIC_MESH_SHADER_INVOCATIONS_BIT_EXT, QUERY_PIPELINE_STATISTIC_CLUSTER_CULLING_SHADER_INVOCATIONS_BIT_HUAWEI, ImageAspectFlag, IMAGE_ASPECT_COLOR_BIT, IMAGE_ASPECT_DEPTH_BIT, IMAGE_ASPECT_STENCIL_BIT, IMAGE_ASPECT_METADATA_BIT, IMAGE_ASPECT_PLANE_0_BIT, IMAGE_ASPECT_PLANE_1_BIT, IMAGE_ASPECT_PLANE_2_BIT, IMAGE_ASPECT_MEMORY_PLANE_0_BIT_EXT, IMAGE_ASPECT_MEMORY_PLANE_1_BIT_EXT, IMAGE_ASPECT_MEMORY_PLANE_2_BIT_EXT, IMAGE_ASPECT_MEMORY_PLANE_3_BIT_EXT, IMAGE_ASPECT_NONE, SparseImageFormatFlag, SPARSE_IMAGE_FORMAT_SINGLE_MIPTAIL_BIT, SPARSE_IMAGE_FORMAT_ALIGNED_MIP_SIZE_BIT, SPARSE_IMAGE_FORMAT_NONSTANDARD_BLOCK_SIZE_BIT, SparseMemoryBindFlag, SPARSE_MEMORY_BIND_METADATA_BIT, PipelineStageFlag, PIPELINE_STAGE_TOP_OF_PIPE_BIT, PIPELINE_STAGE_DRAW_INDIRECT_BIT, PIPELINE_STAGE_VERTEX_INPUT_BIT, PIPELINE_STAGE_VERTEX_SHADER_BIT, PIPELINE_STAGE_TESSELLATION_CONTROL_SHADER_BIT, PIPELINE_STAGE_TESSELLATION_EVALUATION_SHADER_BIT, PIPELINE_STAGE_GEOMETRY_SHADER_BIT, PIPELINE_STAGE_FRAGMENT_SHADER_BIT, PIPELINE_STAGE_EARLY_FRAGMENT_TESTS_BIT, PIPELINE_STAGE_LATE_FRAGMENT_TESTS_BIT, PIPELINE_STAGE_COLOR_ATTACHMENT_OUTPUT_BIT, PIPELINE_STAGE_COMPUTE_SHADER_BIT, PIPELINE_STAGE_TRANSFER_BIT, PIPELINE_STAGE_BOTTOM_OF_PIPE_BIT, PIPELINE_STAGE_HOST_BIT, PIPELINE_STAGE_ALL_GRAPHICS_BIT, PIPELINE_STAGE_ALL_COMMANDS_BIT, PIPELINE_STAGE_TRANSFORM_FEEDBACK_BIT_EXT, PIPELINE_STAGE_CONDITIONAL_RENDERING_BIT_EXT, PIPELINE_STAGE_ACCELERATION_STRUCTURE_BUILD_BIT_KHR, PIPELINE_STAGE_RAY_TRACING_SHADER_BIT_KHR, PIPELINE_STAGE_FRAGMENT_DENSITY_PROCESS_BIT_EXT, PIPELINE_STAGE_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR, PIPELINE_STAGE_COMMAND_PREPROCESS_BIT_NV, PIPELINE_STAGE_TASK_SHADER_BIT_EXT, PIPELINE_STAGE_MESH_SHADER_BIT_EXT, PIPELINE_STAGE_NONE, CommandPoolCreateFlag, COMMAND_POOL_CREATE_TRANSIENT_BIT, COMMAND_POOL_CREATE_RESET_COMMAND_BUFFER_BIT, COMMAND_POOL_CREATE_PROTECTED_BIT, CommandPoolResetFlag, COMMAND_POOL_RESET_RELEASE_RESOURCES_BIT, CommandBufferResetFlag, COMMAND_BUFFER_RESET_RELEASE_RESOURCES_BIT, SampleCountFlag, SAMPLE_COUNT_1_BIT, SAMPLE_COUNT_2_BIT, SAMPLE_COUNT_4_BIT, SAMPLE_COUNT_8_BIT, SAMPLE_COUNT_16_BIT, SAMPLE_COUNT_32_BIT, SAMPLE_COUNT_64_BIT, AttachmentDescriptionFlag, ATTACHMENT_DESCRIPTION_MAY_ALIAS_BIT, StencilFaceFlag, STENCIL_FACE_FRONT_BIT, STENCIL_FACE_BACK_BIT, STENCIL_FACE_FRONT_AND_BACK, DescriptorPoolCreateFlag, DESCRIPTOR_POOL_CREATE_FREE_DESCRIPTOR_SET_BIT, DESCRIPTOR_POOL_CREATE_UPDATE_AFTER_BIND_BIT, DESCRIPTOR_POOL_CREATE_HOST_ONLY_BIT_EXT, DependencyFlag, DEPENDENCY_BY_REGION_BIT, DEPENDENCY_DEVICE_GROUP_BIT, DEPENDENCY_VIEW_LOCAL_BIT, DEPENDENCY_FEEDBACK_LOOP_BIT_EXT, SemaphoreWaitFlag, SEMAPHORE_WAIT_ANY_BIT, DisplayPlaneAlphaFlagKHR, DISPLAY_PLANE_ALPHA_OPAQUE_BIT_KHR, DISPLAY_PLANE_ALPHA_GLOBAL_BIT_KHR, DISPLAY_PLANE_ALPHA_PER_PIXEL_BIT_KHR, DISPLAY_PLANE_ALPHA_PER_PIXEL_PREMULTIPLIED_BIT_KHR, CompositeAlphaFlagKHR, COMPOSITE_ALPHA_OPAQUE_BIT_KHR, COMPOSITE_ALPHA_PRE_MULTIPLIED_BIT_KHR, COMPOSITE_ALPHA_POST_MULTIPLIED_BIT_KHR, COMPOSITE_ALPHA_INHERIT_BIT_KHR, SurfaceTransformFlagKHR, SURFACE_TRANSFORM_IDENTITY_BIT_KHR, SURFACE_TRANSFORM_ROTATE_90_BIT_KHR, SURFACE_TRANSFORM_ROTATE_180_BIT_KHR, SURFACE_TRANSFORM_ROTATE_270_BIT_KHR, SURFACE_TRANSFORM_HORIZONTAL_MIRROR_BIT_KHR, SURFACE_TRANSFORM_HORIZONTAL_MIRROR_ROTATE_90_BIT_KHR, SURFACE_TRANSFORM_HORIZONTAL_MIRROR_ROTATE_180_BIT_KHR, SURFACE_TRANSFORM_HORIZONTAL_MIRROR_ROTATE_270_BIT_KHR, SURFACE_TRANSFORM_INHERIT_BIT_KHR, DebugReportFlagEXT, DEBUG_REPORT_INFORMATION_BIT_EXT, DEBUG_REPORT_WARNING_BIT_EXT, DEBUG_REPORT_PERFORMANCE_WARNING_BIT_EXT, DEBUG_REPORT_ERROR_BIT_EXT, DEBUG_REPORT_DEBUG_BIT_EXT, ExternalMemoryHandleTypeFlagNV, EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_BIT_NV, EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT_NV, EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_IMAGE_BIT_NV, EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_IMAGE_KMT_BIT_NV, ExternalMemoryFeatureFlagNV, EXTERNAL_MEMORY_FEATURE_DEDICATED_ONLY_BIT_NV, EXTERNAL_MEMORY_FEATURE_EXPORTABLE_BIT_NV, EXTERNAL_MEMORY_FEATURE_IMPORTABLE_BIT_NV, SubgroupFeatureFlag, SUBGROUP_FEATURE_BASIC_BIT, SUBGROUP_FEATURE_VOTE_BIT, SUBGROUP_FEATURE_ARITHMETIC_BIT, SUBGROUP_FEATURE_BALLOT_BIT, SUBGROUP_FEATURE_SHUFFLE_BIT, SUBGROUP_FEATURE_SHUFFLE_RELATIVE_BIT, SUBGROUP_FEATURE_CLUSTERED_BIT, SUBGROUP_FEATURE_QUAD_BIT, SUBGROUP_FEATURE_PARTITIONED_BIT_NV, IndirectCommandsLayoutUsageFlagNV, INDIRECT_COMMANDS_LAYOUT_USAGE_EXPLICIT_PREPROCESS_BIT_NV, INDIRECT_COMMANDS_LAYOUT_USAGE_INDEXED_SEQUENCES_BIT_NV, INDIRECT_COMMANDS_LAYOUT_USAGE_UNORDERED_SEQUENCES_BIT_NV, IndirectStateFlagNV, INDIRECT_STATE_FLAG_FRONTFACE_BIT_NV, PrivateDataSlotCreateFlag, DescriptorSetLayoutCreateFlag, DESCRIPTOR_SET_LAYOUT_CREATE_UPDATE_AFTER_BIND_POOL_BIT, DESCRIPTOR_SET_LAYOUT_CREATE_PUSH_DESCRIPTOR_BIT_KHR, DESCRIPTOR_SET_LAYOUT_CREATE_DESCRIPTOR_BUFFER_BIT_EXT, DESCRIPTOR_SET_LAYOUT_CREATE_EMBEDDED_IMMUTABLE_SAMPLERS_BIT_EXT, DESCRIPTOR_SET_LAYOUT_CREATE_HOST_ONLY_POOL_BIT_EXT, ExternalMemoryHandleTypeFlag, EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_FD_BIT, EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_BIT, EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT, EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_TEXTURE_BIT, EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_TEXTURE_KMT_BIT, EXTERNAL_MEMORY_HANDLE_TYPE_D3D12_HEAP_BIT, EXTERNAL_MEMORY_HANDLE_TYPE_D3D12_RESOURCE_BIT, EXTERNAL_MEMORY_HANDLE_TYPE_DMA_BUF_BIT_EXT, EXTERNAL_MEMORY_HANDLE_TYPE_ANDROID_HARDWARE_BUFFER_BIT_ANDROID, EXTERNAL_MEMORY_HANDLE_TYPE_HOST_ALLOCATION_BIT_EXT, EXTERNAL_MEMORY_HANDLE_TYPE_HOST_MAPPED_FOREIGN_MEMORY_BIT_EXT, EXTERNAL_MEMORY_HANDLE_TYPE_ZIRCON_VMO_BIT_FUCHSIA, EXTERNAL_MEMORY_HANDLE_TYPE_RDMA_ADDRESS_BIT_NV, ExternalMemoryFeatureFlag, EXTERNAL_MEMORY_FEATURE_DEDICATED_ONLY_BIT, EXTERNAL_MEMORY_FEATURE_EXPORTABLE_BIT, EXTERNAL_MEMORY_FEATURE_IMPORTABLE_BIT, ExternalSemaphoreHandleTypeFlag, EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_FD_BIT, EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_WIN32_BIT, EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT, EXTERNAL_SEMAPHORE_HANDLE_TYPE_D3D12_FENCE_BIT, EXTERNAL_SEMAPHORE_HANDLE_TYPE_SYNC_FD_BIT, EXTERNAL_SEMAPHORE_HANDLE_TYPE_ZIRCON_EVENT_BIT_FUCHSIA, ExternalSemaphoreFeatureFlag, EXTERNAL_SEMAPHORE_FEATURE_EXPORTABLE_BIT, EXTERNAL_SEMAPHORE_FEATURE_IMPORTABLE_BIT, SemaphoreImportFlag, SEMAPHORE_IMPORT_TEMPORARY_BIT, ExternalFenceHandleTypeFlag, EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_FD_BIT, EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_WIN32_BIT, EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT, EXTERNAL_FENCE_HANDLE_TYPE_SYNC_FD_BIT, ExternalFenceFeatureFlag, EXTERNAL_FENCE_FEATURE_EXPORTABLE_BIT, EXTERNAL_FENCE_FEATURE_IMPORTABLE_BIT, FenceImportFlag, FENCE_IMPORT_TEMPORARY_BIT, SurfaceCounterFlagEXT, SURFACE_COUNTER_VBLANK_BIT_EXT, PeerMemoryFeatureFlag, PEER_MEMORY_FEATURE_COPY_SRC_BIT, PEER_MEMORY_FEATURE_COPY_DST_BIT, PEER_MEMORY_FEATURE_GENERIC_SRC_BIT, PEER_MEMORY_FEATURE_GENERIC_DST_BIT, MemoryAllocateFlag, MEMORY_ALLOCATE_DEVICE_MASK_BIT, MEMORY_ALLOCATE_DEVICE_ADDRESS_BIT, MEMORY_ALLOCATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT, DeviceGroupPresentModeFlagKHR, DEVICE_GROUP_PRESENT_MODE_LOCAL_BIT_KHR, DEVICE_GROUP_PRESENT_MODE_REMOTE_BIT_KHR, DEVICE_GROUP_PRESENT_MODE_SUM_BIT_KHR, DEVICE_GROUP_PRESENT_MODE_LOCAL_MULTI_DEVICE_BIT_KHR, SwapchainCreateFlagKHR, SWAPCHAIN_CREATE_SPLIT_INSTANCE_BIND_REGIONS_BIT_KHR, SWAPCHAIN_CREATE_PROTECTED_BIT_KHR, SWAPCHAIN_CREATE_MUTABLE_FORMAT_BIT_KHR, SWAPCHAIN_CREATE_DEFERRED_MEMORY_ALLOCATION_BIT_EXT, SubpassDescriptionFlag, SUBPASS_DESCRIPTION_PER_VIEW_ATTRIBUTES_BIT_NVX, SUBPASS_DESCRIPTION_PER_VIEW_POSITION_X_ONLY_BIT_NVX, SUBPASS_DESCRIPTION_FRAGMENT_REGION_BIT_QCOM, SUBPASS_DESCRIPTION_SHADER_RESOLVE_BIT_QCOM, SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_COLOR_ACCESS_BIT_EXT, SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_DEPTH_ACCESS_BIT_EXT, SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_STENCIL_ACCESS_BIT_EXT, SUBPASS_DESCRIPTION_ENABLE_LEGACY_DITHERING_BIT_EXT, DebugUtilsMessageSeverityFlagEXT, DEBUG_UTILS_MESSAGE_SEVERITY_VERBOSE_BIT_EXT, DEBUG_UTILS_MESSAGE_SEVERITY_INFO_BIT_EXT, DEBUG_UTILS_MESSAGE_SEVERITY_WARNING_BIT_EXT, DEBUG_UTILS_MESSAGE_SEVERITY_ERROR_BIT_EXT, DebugUtilsMessageTypeFlagEXT, DEBUG_UTILS_MESSAGE_TYPE_GENERAL_BIT_EXT, DEBUG_UTILS_MESSAGE_TYPE_VALIDATION_BIT_EXT, DEBUG_UTILS_MESSAGE_TYPE_PERFORMANCE_BIT_EXT, DEBUG_UTILS_MESSAGE_TYPE_DEVICE_ADDRESS_BINDING_BIT_EXT, DescriptorBindingFlag, DESCRIPTOR_BINDING_UPDATE_AFTER_BIND_BIT, DESCRIPTOR_BINDING_UPDATE_UNUSED_WHILE_PENDING_BIT, DESCRIPTOR_BINDING_PARTIALLY_BOUND_BIT, DESCRIPTOR_BINDING_VARIABLE_DESCRIPTOR_COUNT_BIT, ConditionalRenderingFlagEXT, CONDITIONAL_RENDERING_INVERTED_BIT_EXT, ResolveModeFlag, RESOLVE_MODE_SAMPLE_ZERO_BIT, RESOLVE_MODE_AVERAGE_BIT, RESOLVE_MODE_MIN_BIT, RESOLVE_MODE_MAX_BIT, RESOLVE_MODE_NONE, GeometryInstanceFlagKHR, GEOMETRY_INSTANCE_TRIANGLE_FACING_CULL_DISABLE_BIT_KHR, GEOMETRY_INSTANCE_TRIANGLE_FLIP_FACING_BIT_KHR, GEOMETRY_INSTANCE_FORCE_OPAQUE_BIT_KHR, GEOMETRY_INSTANCE_FORCE_NO_OPAQUE_BIT_KHR, GEOMETRY_INSTANCE_FORCE_OPACITY_MICROMAP_2_STATE_EXT, GEOMETRY_INSTANCE_DISABLE_OPACITY_MICROMAPS_EXT, GeometryFlagKHR, GEOMETRY_OPAQUE_BIT_KHR, GEOMETRY_NO_DUPLICATE_ANY_HIT_INVOCATION_BIT_KHR, BuildAccelerationStructureFlagKHR, BUILD_ACCELERATION_STRUCTURE_ALLOW_UPDATE_BIT_KHR, BUILD_ACCELERATION_STRUCTURE_ALLOW_COMPACTION_BIT_KHR, BUILD_ACCELERATION_STRUCTURE_PREFER_FAST_TRACE_BIT_KHR, BUILD_ACCELERATION_STRUCTURE_PREFER_FAST_BUILD_BIT_KHR, BUILD_ACCELERATION_STRUCTURE_LOW_MEMORY_BIT_KHR, BUILD_ACCELERATION_STRUCTURE_MOTION_BIT_NV, BUILD_ACCELERATION_STRUCTURE_ALLOW_OPACITY_MICROMAP_UPDATE_EXT, BUILD_ACCELERATION_STRUCTURE_ALLOW_DISABLE_OPACITY_MICROMAPS_EXT, BUILD_ACCELERATION_STRUCTURE_ALLOW_OPACITY_MICROMAP_DATA_UPDATE_EXT, AccelerationStructureCreateFlagKHR, ACCELERATION_STRUCTURE_CREATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT_KHR, ACCELERATION_STRUCTURE_CREATE_DESCRIPTOR_BUFFER_CAPTURE_REPLAY_BIT_EXT, ACCELERATION_STRUCTURE_CREATE_MOTION_BIT_NV, FramebufferCreateFlag, FRAMEBUFFER_CREATE_IMAGELESS_BIT, DeviceDiagnosticsConfigFlagNV, DEVICE_DIAGNOSTICS_CONFIG_ENABLE_SHADER_DEBUG_INFO_BIT_NV, DEVICE_DIAGNOSTICS_CONFIG_ENABLE_RESOURCE_TRACKING_BIT_NV, DEVICE_DIAGNOSTICS_CONFIG_ENABLE_AUTOMATIC_CHECKPOINTS_BIT_NV, DEVICE_DIAGNOSTICS_CONFIG_ENABLE_SHADER_ERROR_REPORTING_BIT_NV, PipelineCreationFeedbackFlag, PIPELINE_CREATION_FEEDBACK_VALID_BIT, PIPELINE_CREATION_FEEDBACK_APPLICATION_PIPELINE_CACHE_HIT_BIT, PIPELINE_CREATION_FEEDBACK_BASE_PIPELINE_ACCELERATION_BIT, MemoryDecompressionMethodFlagNV, MEMORY_DECOMPRESSION_METHOD_GDEFLATE_1_0_BIT_NV, PerformanceCounterDescriptionFlagKHR, PERFORMANCE_COUNTER_DESCRIPTION_PERFORMANCE_IMPACTING_BIT_KHR, PERFORMANCE_COUNTER_DESCRIPTION_CONCURRENTLY_IMPACTED_BIT_KHR, AcquireProfilingLockFlagKHR, ShaderCorePropertiesFlagAMD, ShaderModuleCreateFlag, PipelineCompilerControlFlagAMD, ToolPurposeFlag, TOOL_PURPOSE_VALIDATION_BIT, TOOL_PURPOSE_PROFILING_BIT, TOOL_PURPOSE_TRACING_BIT, TOOL_PURPOSE_ADDITIONAL_FEATURES_BIT, TOOL_PURPOSE_MODIFYING_FEATURES_BIT, TOOL_PURPOSE_DEBUG_REPORTING_BIT_EXT, TOOL_PURPOSE_DEBUG_MARKERS_BIT_EXT, AccessFlag2, ACCESS_2_INDIRECT_COMMAND_READ_BIT, ACCESS_2_INDEX_READ_BIT, ACCESS_2_VERTEX_ATTRIBUTE_READ_BIT, ACCESS_2_UNIFORM_READ_BIT, ACCESS_2_INPUT_ATTACHMENT_READ_BIT, ACCESS_2_SHADER_READ_BIT, ACCESS_2_SHADER_WRITE_BIT, ACCESS_2_COLOR_ATTACHMENT_READ_BIT, ACCESS_2_COLOR_ATTACHMENT_WRITE_BIT, ACCESS_2_DEPTH_STENCIL_ATTACHMENT_READ_BIT, ACCESS_2_DEPTH_STENCIL_ATTACHMENT_WRITE_BIT, ACCESS_2_TRANSFER_READ_BIT, ACCESS_2_TRANSFER_WRITE_BIT, ACCESS_2_HOST_READ_BIT, ACCESS_2_HOST_WRITE_BIT, ACCESS_2_MEMORY_READ_BIT, ACCESS_2_MEMORY_WRITE_BIT, ACCESS_2_SHADER_SAMPLED_READ_BIT, ACCESS_2_SHADER_STORAGE_READ_BIT, ACCESS_2_SHADER_STORAGE_WRITE_BIT, ACCESS_2_VIDEO_DECODE_READ_BIT_KHR, ACCESS_2_VIDEO_DECODE_WRITE_BIT_KHR, ACCESS_2_VIDEO_ENCODE_READ_BIT_KHR, ACCESS_2_VIDEO_ENCODE_WRITE_BIT_KHR, ACCESS_2_TRANSFORM_FEEDBACK_WRITE_BIT_EXT, ACCESS_2_TRANSFORM_FEEDBACK_COUNTER_READ_BIT_EXT, ACCESS_2_TRANSFORM_FEEDBACK_COUNTER_WRITE_BIT_EXT, ACCESS_2_CONDITIONAL_RENDERING_READ_BIT_EXT, ACCESS_2_COMMAND_PREPROCESS_READ_BIT_NV, ACCESS_2_COMMAND_PREPROCESS_WRITE_BIT_NV, ACCESS_2_FRAGMENT_SHADING_RATE_ATTACHMENT_READ_BIT_KHR, ACCESS_2_ACCELERATION_STRUCTURE_READ_BIT_KHR, ACCESS_2_ACCELERATION_STRUCTURE_WRITE_BIT_KHR, ACCESS_2_FRAGMENT_DENSITY_MAP_READ_BIT_EXT, ACCESS_2_COLOR_ATTACHMENT_READ_NONCOHERENT_BIT_EXT, ACCESS_2_DESCRIPTOR_BUFFER_READ_BIT_EXT, ACCESS_2_INVOCATION_MASK_READ_BIT_HUAWEI, ACCESS_2_SHADER_BINDING_TABLE_READ_BIT_KHR, ACCESS_2_MICROMAP_READ_BIT_EXT, ACCESS_2_MICROMAP_WRITE_BIT_EXT, ACCESS_2_OPTICAL_FLOW_READ_BIT_NV, ACCESS_2_OPTICAL_FLOW_WRITE_BIT_NV, ACCESS_2_NONE, PipelineStageFlag2, PIPELINE_STAGE_2_TOP_OF_PIPE_BIT, PIPELINE_STAGE_2_DRAW_INDIRECT_BIT, PIPELINE_STAGE_2_VERTEX_INPUT_BIT, PIPELINE_STAGE_2_VERTEX_SHADER_BIT, PIPELINE_STAGE_2_TESSELLATION_CONTROL_SHADER_BIT, PIPELINE_STAGE_2_TESSELLATION_EVALUATION_SHADER_BIT, PIPELINE_STAGE_2_GEOMETRY_SHADER_BIT, PIPELINE_STAGE_2_FRAGMENT_SHADER_BIT, PIPELINE_STAGE_2_EARLY_FRAGMENT_TESTS_BIT, PIPELINE_STAGE_2_LATE_FRAGMENT_TESTS_BIT, PIPELINE_STAGE_2_COLOR_ATTACHMENT_OUTPUT_BIT, PIPELINE_STAGE_2_COMPUTE_SHADER_BIT, PIPELINE_STAGE_2_ALL_TRANSFER_BIT, PIPELINE_STAGE_2_BOTTOM_OF_PIPE_BIT, PIPELINE_STAGE_2_HOST_BIT, PIPELINE_STAGE_2_ALL_GRAPHICS_BIT, PIPELINE_STAGE_2_ALL_COMMANDS_BIT, PIPELINE_STAGE_2_COPY_BIT, PIPELINE_STAGE_2_RESOLVE_BIT, PIPELINE_STAGE_2_BLIT_BIT, PIPELINE_STAGE_2_CLEAR_BIT, PIPELINE_STAGE_2_INDEX_INPUT_BIT, PIPELINE_STAGE_2_VERTEX_ATTRIBUTE_INPUT_BIT, PIPELINE_STAGE_2_PRE_RASTERIZATION_SHADERS_BIT, PIPELINE_STAGE_2_VIDEO_DECODE_BIT_KHR, PIPELINE_STAGE_2_VIDEO_ENCODE_BIT_KHR, PIPELINE_STAGE_2_TRANSFORM_FEEDBACK_BIT_EXT, PIPELINE_STAGE_2_CONDITIONAL_RENDERING_BIT_EXT, PIPELINE_STAGE_2_COMMAND_PREPROCESS_BIT_NV, PIPELINE_STAGE_2_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR, PIPELINE_STAGE_2_ACCELERATION_STRUCTURE_BUILD_BIT_KHR, PIPELINE_STAGE_2_RAY_TRACING_SHADER_BIT_KHR, PIPELINE_STAGE_2_FRAGMENT_DENSITY_PROCESS_BIT_EXT, PIPELINE_STAGE_2_TASK_SHADER_BIT_EXT, PIPELINE_STAGE_2_MESH_SHADER_BIT_EXT, PIPELINE_STAGE_2_SUBPASS_SHADING_BIT_HUAWEI, PIPELINE_STAGE_2_INVOCATION_MASK_BIT_HUAWEI, PIPELINE_STAGE_2_ACCELERATION_STRUCTURE_COPY_BIT_KHR, PIPELINE_STAGE_2_MICROMAP_BUILD_BIT_EXT, PIPELINE_STAGE_2_CLUSTER_CULLING_SHADER_BIT_HUAWEI, PIPELINE_STAGE_2_OPTICAL_FLOW_BIT_NV, PIPELINE_STAGE_2_NONE, SubmitFlag, SUBMIT_PROTECTED_BIT, EventCreateFlag, EVENT_CREATE_DEVICE_ONLY_BIT, PipelineLayoutCreateFlag, PIPELINE_LAYOUT_CREATE_INDEPENDENT_SETS_BIT_EXT, PipelineColorBlendStateCreateFlag, PIPELINE_COLOR_BLEND_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_ACCESS_BIT_EXT, PipelineDepthStencilStateCreateFlag, PIPELINE_DEPTH_STENCIL_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_DEPTH_ACCESS_BIT_EXT, PIPELINE_DEPTH_STENCIL_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_STENCIL_ACCESS_BIT_EXT, GraphicsPipelineLibraryFlagEXT, GRAPHICS_PIPELINE_LIBRARY_VERTEX_INPUT_INTERFACE_BIT_EXT, GRAPHICS_PIPELINE_LIBRARY_PRE_RASTERIZATION_SHADERS_BIT_EXT, GRAPHICS_PIPELINE_LIBRARY_FRAGMENT_SHADER_BIT_EXT, GRAPHICS_PIPELINE_LIBRARY_FRAGMENT_OUTPUT_INTERFACE_BIT_EXT, DeviceAddressBindingFlagEXT, DEVICE_ADDRESS_BINDING_INTERNAL_OBJECT_BIT_EXT, PresentScalingFlagEXT, PRESENT_SCALING_ONE_TO_ONE_BIT_EXT, PRESENT_SCALING_ASPECT_RATIO_STRETCH_BIT_EXT, PRESENT_SCALING_STRETCH_BIT_EXT, PresentGravityFlagEXT, PRESENT_GRAVITY_MIN_BIT_EXT, PRESENT_GRAVITY_MAX_BIT_EXT, PRESENT_GRAVITY_CENTERED_BIT_EXT, VideoCodecOperationFlagKHR, VIDEO_CODEC_OPERATION_ENCODE_H264_BIT_EXT, VIDEO_CODEC_OPERATION_ENCODE_H265_BIT_EXT, VIDEO_CODEC_OPERATION_DECODE_H264_BIT_KHR, VIDEO_CODEC_OPERATION_DECODE_H265_BIT_KHR, VIDEO_CODEC_OPERATION_NONE_KHR, VideoChromaSubsamplingFlagKHR, VIDEO_CHROMA_SUBSAMPLING_MONOCHROME_BIT_KHR, VIDEO_CHROMA_SUBSAMPLING_420_BIT_KHR, VIDEO_CHROMA_SUBSAMPLING_422_BIT_KHR, VIDEO_CHROMA_SUBSAMPLING_444_BIT_KHR, VIDEO_CHROMA_SUBSAMPLING_INVALID_KHR, VideoComponentBitDepthFlagKHR, VIDEO_COMPONENT_BIT_DEPTH_8_BIT_KHR, VIDEO_COMPONENT_BIT_DEPTH_10_BIT_KHR, VIDEO_COMPONENT_BIT_DEPTH_12_BIT_KHR, VIDEO_COMPONENT_BIT_DEPTH_INVALID_KHR, VideoCapabilityFlagKHR, VIDEO_CAPABILITY_PROTECTED_CONTENT_BIT_KHR, VIDEO_CAPABILITY_SEPARATE_REFERENCE_IMAGES_BIT_KHR, VideoSessionCreateFlagKHR, VIDEO_SESSION_CREATE_PROTECTED_CONTENT_BIT_KHR, VideoDecodeH264PictureLayoutFlagKHR, VIDEO_DECODE_H264_PICTURE_LAYOUT_INTERLACED_INTERLEAVED_LINES_BIT_KHR, VIDEO_DECODE_H264_PICTURE_LAYOUT_INTERLACED_SEPARATE_PLANES_BIT_KHR, VIDEO_DECODE_H264_PICTURE_LAYOUT_PROGRESSIVE_KHR, VideoCodingControlFlagKHR, VIDEO_CODING_CONTROL_RESET_BIT_KHR, VIDEO_CODING_CONTROL_ENCODE_RATE_CONTROL_BIT_KHR, VIDEO_CODING_CONTROL_ENCODE_RATE_CONTROL_LAYER_BIT_KHR, VideoDecodeUsageFlagKHR, VIDEO_DECODE_USAGE_TRANSCODING_BIT_KHR, VIDEO_DECODE_USAGE_OFFLINE_BIT_KHR, VIDEO_DECODE_USAGE_STREAMING_BIT_KHR, VIDEO_DECODE_USAGE_DEFAULT_KHR, VideoDecodeCapabilityFlagKHR, VIDEO_DECODE_CAPABILITY_DPB_AND_OUTPUT_COINCIDE_BIT_KHR, VIDEO_DECODE_CAPABILITY_DPB_AND_OUTPUT_DISTINCT_BIT_KHR, ImageFormatConstraintsFlagFUCHSIA, FormatFeatureFlag2, FORMAT_FEATURE_2_SAMPLED_IMAGE_BIT, FORMAT_FEATURE_2_STORAGE_IMAGE_BIT, FORMAT_FEATURE_2_STORAGE_IMAGE_ATOMIC_BIT, FORMAT_FEATURE_2_UNIFORM_TEXEL_BUFFER_BIT, FORMAT_FEATURE_2_STORAGE_TEXEL_BUFFER_BIT, FORMAT_FEATURE_2_STORAGE_TEXEL_BUFFER_ATOMIC_BIT, FORMAT_FEATURE_2_VERTEX_BUFFER_BIT, FORMAT_FEATURE_2_COLOR_ATTACHMENT_BIT, FORMAT_FEATURE_2_COLOR_ATTACHMENT_BLEND_BIT, FORMAT_FEATURE_2_DEPTH_STENCIL_ATTACHMENT_BIT, FORMAT_FEATURE_2_BLIT_SRC_BIT, FORMAT_FEATURE_2_BLIT_DST_BIT, FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_LINEAR_BIT, FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_CUBIC_BIT, FORMAT_FEATURE_2_TRANSFER_SRC_BIT, FORMAT_FEATURE_2_TRANSFER_DST_BIT, FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_MINMAX_BIT, FORMAT_FEATURE_2_MIDPOINT_CHROMA_SAMPLES_BIT, FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_LINEAR_FILTER_BIT, FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_SEPARATE_RECONSTRUCTION_FILTER_BIT, FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_BIT, FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_FORCEABLE_BIT, FORMAT_FEATURE_2_DISJOINT_BIT, FORMAT_FEATURE_2_COSITED_CHROMA_SAMPLES_BIT, FORMAT_FEATURE_2_STORAGE_READ_WITHOUT_FORMAT_BIT, FORMAT_FEATURE_2_STORAGE_WRITE_WITHOUT_FORMAT_BIT, FORMAT_FEATURE_2_SAMPLED_IMAGE_DEPTH_COMPARISON_BIT, FORMAT_FEATURE_2_VIDEO_DECODE_OUTPUT_BIT_KHR, FORMAT_FEATURE_2_VIDEO_DECODE_DPB_BIT_KHR, FORMAT_FEATURE_2_ACCELERATION_STRUCTURE_VERTEX_BUFFER_BIT_KHR, FORMAT_FEATURE_2_FRAGMENT_DENSITY_MAP_BIT_EXT, FORMAT_FEATURE_2_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR, FORMAT_FEATURE_2_VIDEO_ENCODE_INPUT_BIT_KHR, FORMAT_FEATURE_2_VIDEO_ENCODE_DPB_BIT_KHR, FORMAT_FEATURE_2_LINEAR_COLOR_ATTACHMENT_BIT_NV, FORMAT_FEATURE_2_WEIGHT_IMAGE_BIT_QCOM, FORMAT_FEATURE_2_WEIGHT_SAMPLED_IMAGE_BIT_QCOM, FORMAT_FEATURE_2_BLOCK_MATCHING_BIT_QCOM, FORMAT_FEATURE_2_BOX_FILTER_SAMPLED_BIT_QCOM, FORMAT_FEATURE_2_OPTICAL_FLOW_IMAGE_BIT_NV, FORMAT_FEATURE_2_OPTICAL_FLOW_VECTOR_BIT_NV, FORMAT_FEATURE_2_OPTICAL_FLOW_COST_BIT_NV, RenderingFlag, RENDERING_CONTENTS_SECONDARY_COMMAND_BUFFERS_BIT, RENDERING_SUSPENDING_BIT, RENDERING_RESUMING_BIT, RENDERING_ENABLE_LEGACY_DITHERING_BIT_EXT, InstanceCreateFlag, INSTANCE_CREATE_ENUMERATE_PORTABILITY_BIT_KHR, ImageCompressionFlagEXT, IMAGE_COMPRESSION_FIXED_RATE_DEFAULT_EXT, IMAGE_COMPRESSION_FIXED_RATE_EXPLICIT_EXT, IMAGE_COMPRESSION_DISABLED_EXT, IMAGE_COMPRESSION_DEFAULT_EXT, ImageCompressionFixedRateFlagEXT, IMAGE_COMPRESSION_FIXED_RATE_1BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_2BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_3BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_4BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_5BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_6BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_7BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_8BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_9BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_10BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_11BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_12BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_13BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_14BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_15BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_16BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_17BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_18BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_19BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_20BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_21BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_22BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_23BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_24BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_NONE_EXT, OpticalFlowGridSizeFlagNV, OPTICAL_FLOW_GRID_SIZE_1X1_BIT_NV, OPTICAL_FLOW_GRID_SIZE_2X2_BIT_NV, OPTICAL_FLOW_GRID_SIZE_4X4_BIT_NV, OPTICAL_FLOW_GRID_SIZE_8X8_BIT_NV, OPTICAL_FLOW_GRID_SIZE_UNKNOWN_NV, OpticalFlowUsageFlagNV, OPTICAL_FLOW_USAGE_INPUT_BIT_NV, OPTICAL_FLOW_USAGE_OUTPUT_BIT_NV, OPTICAL_FLOW_USAGE_HINT_BIT_NV, OPTICAL_FLOW_USAGE_COST_BIT_NV, OPTICAL_FLOW_USAGE_GLOBAL_FLOW_BIT_NV, OPTICAL_FLOW_USAGE_UNKNOWN_NV, OpticalFlowSessionCreateFlagNV, OPTICAL_FLOW_SESSION_CREATE_ENABLE_HINT_BIT_NV, OPTICAL_FLOW_SESSION_CREATE_ENABLE_COST_BIT_NV, OPTICAL_FLOW_SESSION_CREATE_ENABLE_GLOBAL_FLOW_BIT_NV, OPTICAL_FLOW_SESSION_CREATE_ALLOW_REGIONS_BIT_NV, OPTICAL_FLOW_SESSION_CREATE_BOTH_DIRECTIONS_BIT_NV, OpticalFlowExecuteFlagNV, OPTICAL_FLOW_EXECUTE_DISABLE_TEMPORAL_HINTS_BIT_NV, BuildMicromapFlagEXT, BUILD_MICROMAP_PREFER_FAST_TRACE_BIT_EXT, BUILD_MICROMAP_PREFER_FAST_BUILD_BIT_EXT, BUILD_MICROMAP_ALLOW_COMPACTION_BIT_EXT, MicromapCreateFlagEXT, MICROMAP_CREATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT_EXT, Instance, PhysicalDevice, Device, Queue, CommandBuffer, DeviceMemory, CommandPool, Buffer, BufferView, Image, ImageView, ShaderModule, Pipeline, PipelineLayout, Sampler, DescriptorSet, DescriptorSetLayout, DescriptorPool, Fence, Semaphore, Event, QueryPool, Framebuffer, RenderPass, PipelineCache, IndirectCommandsLayoutNV, DescriptorUpdateTemplate, SamplerYcbcrConversion, ValidationCacheEXT, AccelerationStructureKHR, AccelerationStructureNV, PerformanceConfigurationINTEL, DeferredOperationKHR, PrivateDataSlot, CuModuleNVX, CuFunctionNVX, OpticalFlowSessionNV, MicromapEXT, DisplayKHR, DisplayModeKHR, SurfaceKHR, SwapchainKHR, DebugReportCallbackEXT, DebugUtilsMessengerEXT, VideoSessionKHR, VideoSessionParametersKHR, _BaseOutStructure, _BaseInStructure, _Offset2D, _Offset3D, _Extent2D, _Extent3D, _Viewport, _Rect2D, _ClearRect, _ComponentMapping, _PhysicalDeviceProperties, _ExtensionProperties, _LayerProperties, _ApplicationInfo, _AllocationCallbacks, _DeviceQueueCreateInfo, _DeviceCreateInfo, _InstanceCreateInfo, _QueueFamilyProperties, _PhysicalDeviceMemoryProperties, _MemoryAllocateInfo, _MemoryRequirements, _SparseImageFormatProperties, _SparseImageMemoryRequirements, _MemoryType, _MemoryHeap, _MappedMemoryRange, _FormatProperties, _ImageFormatProperties, _DescriptorBufferInfo, _DescriptorImageInfo, _WriteDescriptorSet, _CopyDescriptorSet, _BufferCreateInfo, _BufferViewCreateInfo, _ImageSubresource, _ImageSubresourceLayers, _ImageSubresourceRange, _MemoryBarrier, _BufferMemoryBarrier, _ImageMemoryBarrier, _ImageCreateInfo, _SubresourceLayout, _ImageViewCreateInfo, _BufferCopy, _SparseMemoryBind, _SparseImageMemoryBind, _SparseBufferMemoryBindInfo, _SparseImageOpaqueMemoryBindInfo, _SparseImageMemoryBindInfo, _BindSparseInfo, _ImageCopy, _ImageBlit, _BufferImageCopy, _CopyMemoryIndirectCommandNV, _CopyMemoryToImageIndirectCommandNV, _ImageResolve, _ShaderModuleCreateInfo, _DescriptorSetLayoutBinding, _DescriptorSetLayoutCreateInfo, _DescriptorPoolSize, _DescriptorPoolCreateInfo, _DescriptorSetAllocateInfo, _SpecializationMapEntry, _SpecializationInfo, _PipelineShaderStageCreateInfo, _ComputePipelineCreateInfo, _VertexInputBindingDescription, _VertexInputAttributeDescription, _PipelineVertexInputStateCreateInfo, _PipelineInputAssemblyStateCreateInfo, _PipelineTessellationStateCreateInfo, _PipelineViewportStateCreateInfo, _PipelineRasterizationStateCreateInfo, _PipelineMultisampleStateCreateInfo, _PipelineColorBlendAttachmentState, _PipelineColorBlendStateCreateInfo, _PipelineDynamicStateCreateInfo, _StencilOpState, _PipelineDepthStencilStateCreateInfo, _GraphicsPipelineCreateInfo, _PipelineCacheCreateInfo, _PipelineCacheHeaderVersionOne, _PushConstantRange, _PipelineLayoutCreateInfo, _SamplerCreateInfo, _CommandPoolCreateInfo, _CommandBufferAllocateInfo, _CommandBufferInheritanceInfo, _CommandBufferBeginInfo, _RenderPassBeginInfo, _ClearDepthStencilValue, _ClearAttachment, _AttachmentDescription, _AttachmentReference, _SubpassDescription, _SubpassDependency, _RenderPassCreateInfo, _EventCreateInfo, _FenceCreateInfo, _PhysicalDeviceFeatures, _PhysicalDeviceSparseProperties, _PhysicalDeviceLimits, _SemaphoreCreateInfo, _QueryPoolCreateInfo, _FramebufferCreateInfo, _DrawIndirectCommand, _DrawIndexedIndirectCommand, _DispatchIndirectCommand, _MultiDrawInfoEXT, _MultiDrawIndexedInfoEXT, _SubmitInfo, _DisplayPropertiesKHR, _DisplayPlanePropertiesKHR, _DisplayModeParametersKHR, _DisplayModePropertiesKHR, _DisplayModeCreateInfoKHR, _DisplayPlaneCapabilitiesKHR, _DisplaySurfaceCreateInfoKHR, _DisplayPresentInfoKHR, _SurfaceCapabilitiesKHR, _WaylandSurfaceCreateInfoKHR, _XlibSurfaceCreateInfoKHR, _XcbSurfaceCreateInfoKHR, _SurfaceFormatKHR, _SwapchainCreateInfoKHR, _PresentInfoKHR, _DebugReportCallbackCreateInfoEXT, _ValidationFlagsEXT, _ValidationFeaturesEXT, _PipelineRasterizationStateRasterizationOrderAMD, _DebugMarkerObjectNameInfoEXT, _DebugMarkerObjectTagInfoEXT, _DebugMarkerMarkerInfoEXT, _DedicatedAllocationImageCreateInfoNV, _DedicatedAllocationBufferCreateInfoNV, _DedicatedAllocationMemoryAllocateInfoNV, _ExternalImageFormatPropertiesNV, _ExternalMemoryImageCreateInfoNV, _ExportMemoryAllocateInfoNV, _PhysicalDeviceDeviceGeneratedCommandsFeaturesNV, _DevicePrivateDataCreateInfo, _PrivateDataSlotCreateInfo, _PhysicalDevicePrivateDataFeatures, _PhysicalDeviceDeviceGeneratedCommandsPropertiesNV, _PhysicalDeviceMultiDrawPropertiesEXT, _GraphicsShaderGroupCreateInfoNV, _GraphicsPipelineShaderGroupsCreateInfoNV, _BindShaderGroupIndirectCommandNV, _BindIndexBufferIndirectCommandNV, _BindVertexBufferIndirectCommandNV, _SetStateFlagsIndirectCommandNV, _IndirectCommandsStreamNV, _IndirectCommandsLayoutTokenNV, _IndirectCommandsLayoutCreateInfoNV, _GeneratedCommandsInfoNV, _GeneratedCommandsMemoryRequirementsInfoNV, _PhysicalDeviceFeatures2, _PhysicalDeviceProperties2, _FormatProperties2, _ImageFormatProperties2, _PhysicalDeviceImageFormatInfo2, _QueueFamilyProperties2, _PhysicalDeviceMemoryProperties2, _SparseImageFormatProperties2, _PhysicalDeviceSparseImageFormatInfo2, _PhysicalDevicePushDescriptorPropertiesKHR, _ConformanceVersion, _PhysicalDeviceDriverProperties, _PresentRegionsKHR, _PresentRegionKHR, _RectLayerKHR, _PhysicalDeviceVariablePointersFeatures, _ExternalMemoryProperties, _PhysicalDeviceExternalImageFormatInfo, _ExternalImageFormatProperties, _PhysicalDeviceExternalBufferInfo, _ExternalBufferProperties, _PhysicalDeviceIDProperties, _ExternalMemoryImageCreateInfo, _ExternalMemoryBufferCreateInfo, _ExportMemoryAllocateInfo, _ImportMemoryFdInfoKHR, _MemoryFdPropertiesKHR, _MemoryGetFdInfoKHR, _PhysicalDeviceExternalSemaphoreInfo, _ExternalSemaphoreProperties, _ExportSemaphoreCreateInfo, _ImportSemaphoreFdInfoKHR, _SemaphoreGetFdInfoKHR, _PhysicalDeviceExternalFenceInfo, _ExternalFenceProperties, _ExportFenceCreateInfo, _ImportFenceFdInfoKHR, _FenceGetFdInfoKHR, _PhysicalDeviceMultiviewFeatures, _PhysicalDeviceMultiviewProperties, _RenderPassMultiviewCreateInfo, _SurfaceCapabilities2EXT, _DisplayPowerInfoEXT, _DeviceEventInfoEXT, _DisplayEventInfoEXT, _SwapchainCounterCreateInfoEXT, _PhysicalDeviceGroupProperties, _MemoryAllocateFlagsInfo, _BindBufferMemoryInfo, _BindBufferMemoryDeviceGroupInfo, _BindImageMemoryInfo, _BindImageMemoryDeviceGroupInfo, _DeviceGroupRenderPassBeginInfo, _DeviceGroupCommandBufferBeginInfo, _DeviceGroupSubmitInfo, _DeviceGroupBindSparseInfo, _DeviceGroupPresentCapabilitiesKHR, _ImageSwapchainCreateInfoKHR, _BindImageMemorySwapchainInfoKHR, _AcquireNextImageInfoKHR, _DeviceGroupPresentInfoKHR, _DeviceGroupDeviceCreateInfo, _DeviceGroupSwapchainCreateInfoKHR, _DescriptorUpdateTemplateEntry, _DescriptorUpdateTemplateCreateInfo, _XYColorEXT, _PhysicalDevicePresentIdFeaturesKHR, _PresentIdKHR, _PhysicalDevicePresentWaitFeaturesKHR, _HdrMetadataEXT, _DisplayNativeHdrSurfaceCapabilitiesAMD, _SwapchainDisplayNativeHdrCreateInfoAMD, _RefreshCycleDurationGOOGLE, _PastPresentationTimingGOOGLE, _PresentTimesInfoGOOGLE, _PresentTimeGOOGLE, _ViewportWScalingNV, _PipelineViewportWScalingStateCreateInfoNV, _ViewportSwizzleNV, _PipelineViewportSwizzleStateCreateInfoNV, _PhysicalDeviceDiscardRectanglePropertiesEXT, _PipelineDiscardRectangleStateCreateInfoEXT, _PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX, _InputAttachmentAspectReference, _RenderPassInputAttachmentAspectCreateInfo, _PhysicalDeviceSurfaceInfo2KHR, _SurfaceCapabilities2KHR, _SurfaceFormat2KHR, _DisplayProperties2KHR, _DisplayPlaneProperties2KHR, _DisplayModeProperties2KHR, _DisplayPlaneInfo2KHR, _DisplayPlaneCapabilities2KHR, _SharedPresentSurfaceCapabilitiesKHR, _PhysicalDevice16BitStorageFeatures, _PhysicalDeviceSubgroupProperties, _PhysicalDeviceShaderSubgroupExtendedTypesFeatures, _BufferMemoryRequirementsInfo2, _DeviceBufferMemoryRequirements, _ImageMemoryRequirementsInfo2, _ImageSparseMemoryRequirementsInfo2, _DeviceImageMemoryRequirements, _MemoryRequirements2, _SparseImageMemoryRequirements2, _PhysicalDevicePointClippingProperties, _MemoryDedicatedRequirements, _MemoryDedicatedAllocateInfo, _ImageViewUsageCreateInfo, _PipelineTessellationDomainOriginStateCreateInfo, _SamplerYcbcrConversionInfo, _SamplerYcbcrConversionCreateInfo, _BindImagePlaneMemoryInfo, _ImagePlaneMemoryRequirementsInfo, _PhysicalDeviceSamplerYcbcrConversionFeatures, _SamplerYcbcrConversionImageFormatProperties, _TextureLODGatherFormatPropertiesAMD, _ConditionalRenderingBeginInfoEXT, _ProtectedSubmitInfo, _PhysicalDeviceProtectedMemoryFeatures, _PhysicalDeviceProtectedMemoryProperties, _DeviceQueueInfo2, _PipelineCoverageToColorStateCreateInfoNV, _PhysicalDeviceSamplerFilterMinmaxProperties, _SampleLocationEXT, _SampleLocationsInfoEXT, _AttachmentSampleLocationsEXT, _SubpassSampleLocationsEXT, _RenderPassSampleLocationsBeginInfoEXT, _PipelineSampleLocationsStateCreateInfoEXT, _PhysicalDeviceSampleLocationsPropertiesEXT, _MultisamplePropertiesEXT, _SamplerReductionModeCreateInfo, _PhysicalDeviceBlendOperationAdvancedFeaturesEXT, _PhysicalDeviceMultiDrawFeaturesEXT, _PhysicalDeviceBlendOperationAdvancedPropertiesEXT, _PipelineColorBlendAdvancedStateCreateInfoEXT, _PhysicalDeviceInlineUniformBlockFeatures, _PhysicalDeviceInlineUniformBlockProperties, _WriteDescriptorSetInlineUniformBlock, _DescriptorPoolInlineUniformBlockCreateInfo, _PipelineCoverageModulationStateCreateInfoNV, _ImageFormatListCreateInfo, _ValidationCacheCreateInfoEXT, _ShaderModuleValidationCacheCreateInfoEXT, _PhysicalDeviceMaintenance3Properties, _PhysicalDeviceMaintenance4Features, _PhysicalDeviceMaintenance4Properties, _DescriptorSetLayoutSupport, _PhysicalDeviceShaderDrawParametersFeatures, _PhysicalDeviceShaderFloat16Int8Features, _PhysicalDeviceFloatControlsProperties, _PhysicalDeviceHostQueryResetFeatures, _ShaderResourceUsageAMD, _ShaderStatisticsInfoAMD, _DeviceQueueGlobalPriorityCreateInfoKHR, _PhysicalDeviceGlobalPriorityQueryFeaturesKHR, _QueueFamilyGlobalPriorityPropertiesKHR, _DebugUtilsObjectNameInfoEXT, _DebugUtilsObjectTagInfoEXT, _DebugUtilsLabelEXT, _DebugUtilsMessengerCreateInfoEXT, _DebugUtilsMessengerCallbackDataEXT, _PhysicalDeviceDeviceMemoryReportFeaturesEXT, _DeviceDeviceMemoryReportCreateInfoEXT, _DeviceMemoryReportCallbackDataEXT, _ImportMemoryHostPointerInfoEXT, _MemoryHostPointerPropertiesEXT, _PhysicalDeviceExternalMemoryHostPropertiesEXT, _PhysicalDeviceConservativeRasterizationPropertiesEXT, _CalibratedTimestampInfoEXT, _PhysicalDeviceShaderCorePropertiesAMD, _PhysicalDeviceShaderCoreProperties2AMD, _PipelineRasterizationConservativeStateCreateInfoEXT, _PhysicalDeviceDescriptorIndexingFeatures, _PhysicalDeviceDescriptorIndexingProperties, _DescriptorSetLayoutBindingFlagsCreateInfo, _DescriptorSetVariableDescriptorCountAllocateInfo, _DescriptorSetVariableDescriptorCountLayoutSupport, _AttachmentDescription2, _AttachmentReference2, _SubpassDescription2, _SubpassDependency2, _RenderPassCreateInfo2, _SubpassBeginInfo, _SubpassEndInfo, _PhysicalDeviceTimelineSemaphoreFeatures, _PhysicalDeviceTimelineSemaphoreProperties, _SemaphoreTypeCreateInfo, _TimelineSemaphoreSubmitInfo, _SemaphoreWaitInfo, _SemaphoreSignalInfo, _VertexInputBindingDivisorDescriptionEXT, _PipelineVertexInputDivisorStateCreateInfoEXT, _PhysicalDeviceVertexAttributeDivisorPropertiesEXT, _PhysicalDevicePCIBusInfoPropertiesEXT, _CommandBufferInheritanceConditionalRenderingInfoEXT, _PhysicalDevice8BitStorageFeatures, _PhysicalDeviceConditionalRenderingFeaturesEXT, _PhysicalDeviceVulkanMemoryModelFeatures, _PhysicalDeviceShaderAtomicInt64Features, _PhysicalDeviceShaderAtomicFloatFeaturesEXT, _PhysicalDeviceShaderAtomicFloat2FeaturesEXT, _PhysicalDeviceVertexAttributeDivisorFeaturesEXT, _QueueFamilyCheckpointPropertiesNV, _CheckpointDataNV, _PhysicalDeviceDepthStencilResolveProperties, _SubpassDescriptionDepthStencilResolve, _ImageViewASTCDecodeModeEXT, _PhysicalDeviceASTCDecodeFeaturesEXT, _PhysicalDeviceTransformFeedbackFeaturesEXT, _PhysicalDeviceTransformFeedbackPropertiesEXT, _PipelineRasterizationStateStreamCreateInfoEXT, _PhysicalDeviceRepresentativeFragmentTestFeaturesNV, _PipelineRepresentativeFragmentTestStateCreateInfoNV, _PhysicalDeviceExclusiveScissorFeaturesNV, _PipelineViewportExclusiveScissorStateCreateInfoNV, _PhysicalDeviceCornerSampledImageFeaturesNV, _PhysicalDeviceComputeShaderDerivativesFeaturesNV, _PhysicalDeviceShaderImageFootprintFeaturesNV, _PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV, _PhysicalDeviceCopyMemoryIndirectFeaturesNV, _PhysicalDeviceCopyMemoryIndirectPropertiesNV, _PhysicalDeviceMemoryDecompressionFeaturesNV, _PhysicalDeviceMemoryDecompressionPropertiesNV, _ShadingRatePaletteNV, _PipelineViewportShadingRateImageStateCreateInfoNV, _PhysicalDeviceShadingRateImageFeaturesNV, _PhysicalDeviceShadingRateImagePropertiesNV, _PhysicalDeviceInvocationMaskFeaturesHUAWEI, _CoarseSampleLocationNV, _CoarseSampleOrderCustomNV, _PipelineViewportCoarseSampleOrderStateCreateInfoNV, _PhysicalDeviceMeshShaderFeaturesNV, _PhysicalDeviceMeshShaderPropertiesNV, _DrawMeshTasksIndirectCommandNV, _PhysicalDeviceMeshShaderFeaturesEXT, _PhysicalDeviceMeshShaderPropertiesEXT, _DrawMeshTasksIndirectCommandEXT, _RayTracingShaderGroupCreateInfoNV, _RayTracingShaderGroupCreateInfoKHR, _RayTracingPipelineCreateInfoNV, _RayTracingPipelineCreateInfoKHR, _GeometryTrianglesNV, _GeometryAABBNV, _GeometryDataNV, _GeometryNV, _AccelerationStructureInfoNV, _AccelerationStructureCreateInfoNV, _BindAccelerationStructureMemoryInfoNV, _WriteDescriptorSetAccelerationStructureKHR, _WriteDescriptorSetAccelerationStructureNV, _AccelerationStructureMemoryRequirementsInfoNV, _PhysicalDeviceAccelerationStructureFeaturesKHR, _PhysicalDeviceRayTracingPipelineFeaturesKHR, _PhysicalDeviceRayQueryFeaturesKHR, _PhysicalDeviceAccelerationStructurePropertiesKHR, _PhysicalDeviceRayTracingPipelinePropertiesKHR, _PhysicalDeviceRayTracingPropertiesNV, _StridedDeviceAddressRegionKHR, _TraceRaysIndirectCommandKHR, _TraceRaysIndirectCommand2KHR, _PhysicalDeviceRayTracingMaintenance1FeaturesKHR, _DrmFormatModifierPropertiesListEXT, _DrmFormatModifierPropertiesEXT, _PhysicalDeviceImageDrmFormatModifierInfoEXT, _ImageDrmFormatModifierListCreateInfoEXT, _ImageDrmFormatModifierExplicitCreateInfoEXT, _ImageDrmFormatModifierPropertiesEXT, _ImageStencilUsageCreateInfo, _DeviceMemoryOverallocationCreateInfoAMD, _PhysicalDeviceFragmentDensityMapFeaturesEXT, _PhysicalDeviceFragmentDensityMap2FeaturesEXT, _PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM, _PhysicalDeviceFragmentDensityMapPropertiesEXT, _PhysicalDeviceFragmentDensityMap2PropertiesEXT, _PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM, _RenderPassFragmentDensityMapCreateInfoEXT, _SubpassFragmentDensityMapOffsetEndInfoQCOM, _PhysicalDeviceScalarBlockLayoutFeatures, _SurfaceProtectedCapabilitiesKHR, _PhysicalDeviceUniformBufferStandardLayoutFeatures, _PhysicalDeviceDepthClipEnableFeaturesEXT, _PipelineRasterizationDepthClipStateCreateInfoEXT, _PhysicalDeviceMemoryBudgetPropertiesEXT, _PhysicalDeviceMemoryPriorityFeaturesEXT, _MemoryPriorityAllocateInfoEXT, _PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT, _PhysicalDeviceBufferDeviceAddressFeatures, _PhysicalDeviceBufferDeviceAddressFeaturesEXT, _BufferDeviceAddressInfo, _BufferOpaqueCaptureAddressCreateInfo, _BufferDeviceAddressCreateInfoEXT, _PhysicalDeviceImageViewImageFormatInfoEXT, _FilterCubicImageViewImageFormatPropertiesEXT, _PhysicalDeviceImagelessFramebufferFeatures, _FramebufferAttachmentsCreateInfo, _FramebufferAttachmentImageInfo, _RenderPassAttachmentBeginInfo, _PhysicalDeviceTextureCompressionASTCHDRFeatures, _PhysicalDeviceCooperativeMatrixFeaturesNV, _PhysicalDeviceCooperativeMatrixPropertiesNV, _CooperativeMatrixPropertiesNV, _PhysicalDeviceYcbcrImageArraysFeaturesEXT, _ImageViewHandleInfoNVX, _ImageViewAddressPropertiesNVX, _PipelineCreationFeedback, _PipelineCreationFeedbackCreateInfo, _PhysicalDevicePresentBarrierFeaturesNV, _SurfaceCapabilitiesPresentBarrierNV, _SwapchainPresentBarrierCreateInfoNV, _PhysicalDevicePerformanceQueryFeaturesKHR, _PhysicalDevicePerformanceQueryPropertiesKHR, _PerformanceCounterKHR, _PerformanceCounterDescriptionKHR, _QueryPoolPerformanceCreateInfoKHR, _AcquireProfilingLockInfoKHR, _PerformanceQuerySubmitInfoKHR, _HeadlessSurfaceCreateInfoEXT, _PhysicalDeviceCoverageReductionModeFeaturesNV, _PipelineCoverageReductionStateCreateInfoNV, _FramebufferMixedSamplesCombinationNV, _PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL, _PerformanceValueINTEL, _InitializePerformanceApiInfoINTEL, _QueryPoolPerformanceQueryCreateInfoINTEL, _PerformanceMarkerInfoINTEL, _PerformanceStreamMarkerInfoINTEL, _PerformanceOverrideInfoINTEL, _PerformanceConfigurationAcquireInfoINTEL, _PhysicalDeviceShaderClockFeaturesKHR, _PhysicalDeviceIndexTypeUint8FeaturesEXT, _PhysicalDeviceShaderSMBuiltinsPropertiesNV, _PhysicalDeviceShaderSMBuiltinsFeaturesNV, _PhysicalDeviceFragmentShaderInterlockFeaturesEXT, _PhysicalDeviceSeparateDepthStencilLayoutsFeatures, _AttachmentReferenceStencilLayout, _PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT, _AttachmentDescriptionStencilLayout, _PhysicalDevicePipelineExecutablePropertiesFeaturesKHR, _PipelineInfoKHR, _PipelineExecutablePropertiesKHR, _PipelineExecutableInfoKHR, _PipelineExecutableStatisticKHR, _PipelineExecutableInternalRepresentationKHR, _PhysicalDeviceShaderDemoteToHelperInvocationFeatures, _PhysicalDeviceTexelBufferAlignmentFeaturesEXT, _PhysicalDeviceTexelBufferAlignmentProperties, _PhysicalDeviceSubgroupSizeControlFeatures, _PhysicalDeviceSubgroupSizeControlProperties, _PipelineShaderStageRequiredSubgroupSizeCreateInfo, _SubpassShadingPipelineCreateInfoHUAWEI, _PhysicalDeviceSubpassShadingPropertiesHUAWEI, _PhysicalDeviceClusterCullingShaderPropertiesHUAWEI, _MemoryOpaqueCaptureAddressAllocateInfo, _DeviceMemoryOpaqueCaptureAddressInfo, _PhysicalDeviceLineRasterizationFeaturesEXT, _PhysicalDeviceLineRasterizationPropertiesEXT, _PipelineRasterizationLineStateCreateInfoEXT, _PhysicalDevicePipelineCreationCacheControlFeatures, _PhysicalDeviceVulkan11Features, _PhysicalDeviceVulkan11Properties, _PhysicalDeviceVulkan12Features, _PhysicalDeviceVulkan12Properties, _PhysicalDeviceVulkan13Features, _PhysicalDeviceVulkan13Properties, _PipelineCompilerControlCreateInfoAMD, _PhysicalDeviceCoherentMemoryFeaturesAMD, _PhysicalDeviceToolProperties, _SamplerCustomBorderColorCreateInfoEXT, _PhysicalDeviceCustomBorderColorPropertiesEXT, _PhysicalDeviceCustomBorderColorFeaturesEXT, _SamplerBorderColorComponentMappingCreateInfoEXT, _PhysicalDeviceBorderColorSwizzleFeaturesEXT, _AccelerationStructureGeometryTrianglesDataKHR, _AccelerationStructureGeometryAabbsDataKHR, _AccelerationStructureGeometryInstancesDataKHR, _AccelerationStructureGeometryKHR, _AccelerationStructureBuildGeometryInfoKHR, _AccelerationStructureBuildRangeInfoKHR, _AccelerationStructureCreateInfoKHR, _AabbPositionsKHR, _TransformMatrixKHR, _AccelerationStructureInstanceKHR, _AccelerationStructureDeviceAddressInfoKHR, _AccelerationStructureVersionInfoKHR, _CopyAccelerationStructureInfoKHR, _CopyAccelerationStructureToMemoryInfoKHR, _CopyMemoryToAccelerationStructureInfoKHR, _RayTracingPipelineInterfaceCreateInfoKHR, _PipelineLibraryCreateInfoKHR, _PhysicalDeviceExtendedDynamicStateFeaturesEXT, _PhysicalDeviceExtendedDynamicState2FeaturesEXT, _PhysicalDeviceExtendedDynamicState3FeaturesEXT, _PhysicalDeviceExtendedDynamicState3PropertiesEXT, _ColorBlendEquationEXT, _ColorBlendAdvancedEXT, _RenderPassTransformBeginInfoQCOM, _CopyCommandTransformInfoQCOM, _CommandBufferInheritanceRenderPassTransformInfoQCOM, _PhysicalDeviceDiagnosticsConfigFeaturesNV, _DeviceDiagnosticsConfigCreateInfoNV, _PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures, _PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR, _PhysicalDeviceRobustness2FeaturesEXT, _PhysicalDeviceRobustness2PropertiesEXT, _PhysicalDeviceImageRobustnessFeatures, _PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR, _PhysicalDevice4444FormatsFeaturesEXT, _PhysicalDeviceSubpassShadingFeaturesHUAWEI, _PhysicalDeviceClusterCullingShaderFeaturesHUAWEI, _BufferCopy2, _ImageCopy2, _ImageBlit2, _BufferImageCopy2, _ImageResolve2, _CopyBufferInfo2, _CopyImageInfo2, _BlitImageInfo2, _CopyBufferToImageInfo2, _CopyImageToBufferInfo2, _ResolveImageInfo2, _PhysicalDeviceShaderImageAtomicInt64FeaturesEXT, _FragmentShadingRateAttachmentInfoKHR, _PipelineFragmentShadingRateStateCreateInfoKHR, _PhysicalDeviceFragmentShadingRateFeaturesKHR, _PhysicalDeviceFragmentShadingRatePropertiesKHR, _PhysicalDeviceFragmentShadingRateKHR, _PhysicalDeviceShaderTerminateInvocationFeatures, _PhysicalDeviceFragmentShadingRateEnumsFeaturesNV, _PhysicalDeviceFragmentShadingRateEnumsPropertiesNV, _PipelineFragmentShadingRateEnumStateCreateInfoNV, _AccelerationStructureBuildSizesInfoKHR, _PhysicalDeviceImage2DViewOf3DFeaturesEXT, _PhysicalDeviceMutableDescriptorTypeFeaturesEXT, _MutableDescriptorTypeListEXT, _MutableDescriptorTypeCreateInfoEXT, _PhysicalDeviceDepthClipControlFeaturesEXT, _PipelineViewportDepthClipControlCreateInfoEXT, _PhysicalDeviceVertexInputDynamicStateFeaturesEXT, _PhysicalDeviceExternalMemoryRDMAFeaturesNV, _VertexInputBindingDescription2EXT, _VertexInputAttributeDescription2EXT, _PhysicalDeviceColorWriteEnableFeaturesEXT, _PipelineColorWriteCreateInfoEXT, _MemoryBarrier2, _ImageMemoryBarrier2, _BufferMemoryBarrier2, _DependencyInfo, _SemaphoreSubmitInfo, _CommandBufferSubmitInfo, _SubmitInfo2, _QueueFamilyCheckpointProperties2NV, _CheckpointData2NV, _PhysicalDeviceSynchronization2Features, _PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT, _PhysicalDeviceLegacyDitheringFeaturesEXT, _PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT, _SubpassResolvePerformanceQueryEXT, _MultisampledRenderToSingleSampledInfoEXT, _PhysicalDevicePipelineProtectedAccessFeaturesEXT, _QueueFamilyVideoPropertiesKHR, _QueueFamilyQueryResultStatusPropertiesKHR, _VideoProfileListInfoKHR, _PhysicalDeviceVideoFormatInfoKHR, _VideoFormatPropertiesKHR, _VideoProfileInfoKHR, _VideoCapabilitiesKHR, _VideoSessionMemoryRequirementsKHR, _BindVideoSessionMemoryInfoKHR, _VideoPictureResourceInfoKHR, _VideoReferenceSlotInfoKHR, _VideoDecodeCapabilitiesKHR, _VideoDecodeUsageInfoKHR, _VideoDecodeInfoKHR, _VideoDecodeH264ProfileInfoKHR, _VideoDecodeH264CapabilitiesKHR, _VideoDecodeH264SessionParametersAddInfoKHR, _VideoDecodeH264SessionParametersCreateInfoKHR, _VideoDecodeH264PictureInfoKHR, _VideoDecodeH264DpbSlotInfoKHR, _VideoDecodeH265ProfileInfoKHR, _VideoDecodeH265CapabilitiesKHR, _VideoDecodeH265SessionParametersAddInfoKHR, _VideoDecodeH265SessionParametersCreateInfoKHR, _VideoDecodeH265PictureInfoKHR, _VideoDecodeH265DpbSlotInfoKHR, _VideoSessionCreateInfoKHR, _VideoSessionParametersCreateInfoKHR, _VideoSessionParametersUpdateInfoKHR, _VideoBeginCodingInfoKHR, _VideoEndCodingInfoKHR, _VideoCodingControlInfoKHR, _PhysicalDeviceInheritedViewportScissorFeaturesNV, _CommandBufferInheritanceViewportScissorInfoNV, _PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT, _PhysicalDeviceProvokingVertexFeaturesEXT, _PhysicalDeviceProvokingVertexPropertiesEXT, _PipelineRasterizationProvokingVertexStateCreateInfoEXT, _CuModuleCreateInfoNVX, _CuFunctionCreateInfoNVX, _CuLaunchInfoNVX, _PhysicalDeviceDescriptorBufferFeaturesEXT, _PhysicalDeviceDescriptorBufferPropertiesEXT, _PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT, _DescriptorAddressInfoEXT, _DescriptorBufferBindingInfoEXT, _DescriptorBufferBindingPushDescriptorBufferHandleEXT, _DescriptorGetInfoEXT, _BufferCaptureDescriptorDataInfoEXT, _ImageCaptureDescriptorDataInfoEXT, _ImageViewCaptureDescriptorDataInfoEXT, _SamplerCaptureDescriptorDataInfoEXT, _AccelerationStructureCaptureDescriptorDataInfoEXT, _OpaqueCaptureDescriptorDataCreateInfoEXT, _PhysicalDeviceShaderIntegerDotProductFeatures, _PhysicalDeviceShaderIntegerDotProductProperties, _PhysicalDeviceDrmPropertiesEXT, _PhysicalDeviceFragmentShaderBarycentricFeaturesKHR, _PhysicalDeviceFragmentShaderBarycentricPropertiesKHR, _PhysicalDeviceRayTracingMotionBlurFeaturesNV, _AccelerationStructureGeometryMotionTrianglesDataNV, _AccelerationStructureMotionInfoNV, _SRTDataNV, _AccelerationStructureSRTMotionInstanceNV, _AccelerationStructureMatrixMotionInstanceNV, _AccelerationStructureMotionInstanceNV, _MemoryGetRemoteAddressInfoNV, _PhysicalDeviceRGBA10X6FormatsFeaturesEXT, _FormatProperties3, _DrmFormatModifierPropertiesList2EXT, _DrmFormatModifierProperties2EXT, _PipelineRenderingCreateInfo, _RenderingInfo, _RenderingAttachmentInfo, _RenderingFragmentShadingRateAttachmentInfoKHR, _RenderingFragmentDensityMapAttachmentInfoEXT, _PhysicalDeviceDynamicRenderingFeatures, _CommandBufferInheritanceRenderingInfo, _AttachmentSampleCountInfoAMD, _MultiviewPerViewAttributesInfoNVX, _PhysicalDeviceImageViewMinLodFeaturesEXT, _ImageViewMinLodCreateInfoEXT, _PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT, _PhysicalDeviceLinearColorAttachmentFeaturesNV, _PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT, _PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT, _GraphicsPipelineLibraryCreateInfoEXT, _PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE, _DescriptorSetBindingReferenceVALVE, _DescriptorSetLayoutHostMappingInfoVALVE, _PhysicalDeviceShaderModuleIdentifierFeaturesEXT, _PhysicalDeviceShaderModuleIdentifierPropertiesEXT, _PipelineShaderStageModuleIdentifierCreateInfoEXT, _ShaderModuleIdentifierEXT, _ImageCompressionControlEXT, _PhysicalDeviceImageCompressionControlFeaturesEXT, _ImageCompressionPropertiesEXT, _PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT, _ImageSubresource2EXT, _SubresourceLayout2EXT, _RenderPassCreationControlEXT, _RenderPassCreationFeedbackInfoEXT, _RenderPassCreationFeedbackCreateInfoEXT, _RenderPassSubpassFeedbackInfoEXT, _RenderPassSubpassFeedbackCreateInfoEXT, _PhysicalDeviceSubpassMergeFeedbackFeaturesEXT, _MicromapBuildInfoEXT, _MicromapCreateInfoEXT, _MicromapVersionInfoEXT, _CopyMicromapInfoEXT, _CopyMicromapToMemoryInfoEXT, _CopyMemoryToMicromapInfoEXT, _MicromapBuildSizesInfoEXT, _MicromapUsageEXT, _MicromapTriangleEXT, _PhysicalDeviceOpacityMicromapFeaturesEXT, _PhysicalDeviceOpacityMicromapPropertiesEXT, _AccelerationStructureTrianglesOpacityMicromapEXT, _PipelinePropertiesIdentifierEXT, _PhysicalDevicePipelinePropertiesFeaturesEXT, _PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD, _PhysicalDeviceNonSeamlessCubeMapFeaturesEXT, _PhysicalDevicePipelineRobustnessFeaturesEXT, _PipelineRobustnessCreateInfoEXT, _PhysicalDevicePipelineRobustnessPropertiesEXT, _ImageViewSampleWeightCreateInfoQCOM, _PhysicalDeviceImageProcessingFeaturesQCOM, _PhysicalDeviceImageProcessingPropertiesQCOM, _PhysicalDeviceTilePropertiesFeaturesQCOM, _TilePropertiesQCOM, _PhysicalDeviceAmigoProfilingFeaturesSEC, _AmigoProfilingSubmitInfoSEC, _PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT, _PhysicalDeviceDepthClampZeroOneFeaturesEXT, _PhysicalDeviceAddressBindingReportFeaturesEXT, _DeviceAddressBindingCallbackDataEXT, _PhysicalDeviceOpticalFlowFeaturesNV, _PhysicalDeviceOpticalFlowPropertiesNV, _OpticalFlowImageFormatInfoNV, _OpticalFlowImageFormatPropertiesNV, _OpticalFlowSessionCreateInfoNV, _OpticalFlowSessionCreatePrivateDataInfoNV, _OpticalFlowExecuteInfoNV, _PhysicalDeviceFaultFeaturesEXT, _DeviceFaultAddressInfoEXT, _DeviceFaultVendorInfoEXT, _DeviceFaultCountsEXT, _DeviceFaultInfoEXT, _DeviceFaultVendorBinaryHeaderVersionOneEXT, _PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT, _DecompressMemoryRegionNV, _PhysicalDeviceShaderCoreBuiltinsPropertiesARM, _PhysicalDeviceShaderCoreBuiltinsFeaturesARM, _SurfacePresentModeEXT, _SurfacePresentScalingCapabilitiesEXT, _SurfacePresentModeCompatibilityEXT, _PhysicalDeviceSwapchainMaintenance1FeaturesEXT, _SwapchainPresentFenceInfoEXT, _SwapchainPresentModesCreateInfoEXT, _SwapchainPresentModeInfoEXT, _SwapchainPresentScalingCreateInfoEXT, _ReleaseSwapchainImagesInfoEXT, _PhysicalDeviceRayTracingInvocationReorderFeaturesNV, _PhysicalDeviceRayTracingInvocationReorderPropertiesNV, _DirectDriverLoadingInfoLUNARG, _DirectDriverLoadingListLUNARG, _PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM, _ClearColorValue, _ClearValue, _PerformanceCounterResultKHR, _PerformanceValueDataINTEL, _PipelineExecutableStatisticValueKHR, _DeviceOrHostAddressKHR, _DeviceOrHostAddressConstKHR, _AccelerationStructureGeometryDataKHR, _DescriptorDataEXT, _AccelerationStructureMotionInstanceDataNV, BaseOutStructure, BaseInStructure, Offset2D, Offset3D, Extent2D, Extent3D, Viewport, Rect2D, ClearRect, ComponentMapping, PhysicalDeviceProperties, ExtensionProperties, LayerProperties, ApplicationInfo, AllocationCallbacks, DeviceQueueCreateInfo, DeviceCreateInfo, InstanceCreateInfo, QueueFamilyProperties, PhysicalDeviceMemoryProperties, MemoryAllocateInfo, MemoryRequirements, SparseImageFormatProperties, SparseImageMemoryRequirements, MemoryType, MemoryHeap, MappedMemoryRange, FormatProperties, ImageFormatProperties, DescriptorBufferInfo, DescriptorImageInfo, WriteDescriptorSet, CopyDescriptorSet, BufferCreateInfo, BufferViewCreateInfo, ImageSubresource, ImageSubresourceLayers, ImageSubresourceRange, MemoryBarrier, BufferMemoryBarrier, ImageMemoryBarrier, ImageCreateInfo, SubresourceLayout, ImageViewCreateInfo, BufferCopy, SparseMemoryBind, SparseImageMemoryBind, SparseBufferMemoryBindInfo, SparseImageOpaqueMemoryBindInfo, SparseImageMemoryBindInfo, BindSparseInfo, ImageCopy, ImageBlit, BufferImageCopy, CopyMemoryIndirectCommandNV, CopyMemoryToImageIndirectCommandNV, ImageResolve, ShaderModuleCreateInfo, DescriptorSetLayoutBinding, DescriptorSetLayoutCreateInfo, DescriptorPoolSize, DescriptorPoolCreateInfo, DescriptorSetAllocateInfo, SpecializationMapEntry, SpecializationInfo, PipelineShaderStageCreateInfo, ComputePipelineCreateInfo, VertexInputBindingDescription, VertexInputAttributeDescription, PipelineVertexInputStateCreateInfo, PipelineInputAssemblyStateCreateInfo, PipelineTessellationStateCreateInfo, PipelineViewportStateCreateInfo, PipelineRasterizationStateCreateInfo, PipelineMultisampleStateCreateInfo, PipelineColorBlendAttachmentState, PipelineColorBlendStateCreateInfo, PipelineDynamicStateCreateInfo, StencilOpState, PipelineDepthStencilStateCreateInfo, GraphicsPipelineCreateInfo, PipelineCacheCreateInfo, PipelineCacheHeaderVersionOne, PushConstantRange, PipelineLayoutCreateInfo, SamplerCreateInfo, CommandPoolCreateInfo, CommandBufferAllocateInfo, CommandBufferInheritanceInfo, CommandBufferBeginInfo, RenderPassBeginInfo, ClearDepthStencilValue, ClearAttachment, AttachmentDescription, AttachmentReference, SubpassDescription, SubpassDependency, RenderPassCreateInfo, EventCreateInfo, FenceCreateInfo, PhysicalDeviceFeatures, PhysicalDeviceSparseProperties, PhysicalDeviceLimits, SemaphoreCreateInfo, QueryPoolCreateInfo, FramebufferCreateInfo, DrawIndirectCommand, DrawIndexedIndirectCommand, DispatchIndirectCommand, MultiDrawInfoEXT, MultiDrawIndexedInfoEXT, SubmitInfo, DisplayPropertiesKHR, DisplayPlanePropertiesKHR, DisplayModeParametersKHR, DisplayModePropertiesKHR, DisplayModeCreateInfoKHR, DisplayPlaneCapabilitiesKHR, DisplaySurfaceCreateInfoKHR, DisplayPresentInfoKHR, SurfaceCapabilitiesKHR, WaylandSurfaceCreateInfoKHR, XlibSurfaceCreateInfoKHR, XcbSurfaceCreateInfoKHR, SurfaceFormatKHR, SwapchainCreateInfoKHR, PresentInfoKHR, DebugReportCallbackCreateInfoEXT, ValidationFlagsEXT, ValidationFeaturesEXT, PipelineRasterizationStateRasterizationOrderAMD, DebugMarkerObjectNameInfoEXT, DebugMarkerObjectTagInfoEXT, DebugMarkerMarkerInfoEXT, DedicatedAllocationImageCreateInfoNV, DedicatedAllocationBufferCreateInfoNV, DedicatedAllocationMemoryAllocateInfoNV, ExternalImageFormatPropertiesNV, ExternalMemoryImageCreateInfoNV, ExportMemoryAllocateInfoNV, PhysicalDeviceDeviceGeneratedCommandsFeaturesNV, DevicePrivateDataCreateInfo, PrivateDataSlotCreateInfo, PhysicalDevicePrivateDataFeatures, PhysicalDeviceDeviceGeneratedCommandsPropertiesNV, PhysicalDeviceMultiDrawPropertiesEXT, GraphicsShaderGroupCreateInfoNV, GraphicsPipelineShaderGroupsCreateInfoNV, BindShaderGroupIndirectCommandNV, BindIndexBufferIndirectCommandNV, BindVertexBufferIndirectCommandNV, SetStateFlagsIndirectCommandNV, IndirectCommandsStreamNV, IndirectCommandsLayoutTokenNV, IndirectCommandsLayoutCreateInfoNV, GeneratedCommandsInfoNV, GeneratedCommandsMemoryRequirementsInfoNV, PhysicalDeviceFeatures2, PhysicalDeviceProperties2, FormatProperties2, ImageFormatProperties2, PhysicalDeviceImageFormatInfo2, QueueFamilyProperties2, PhysicalDeviceMemoryProperties2, SparseImageFormatProperties2, PhysicalDeviceSparseImageFormatInfo2, PhysicalDevicePushDescriptorPropertiesKHR, ConformanceVersion, PhysicalDeviceDriverProperties, PresentRegionsKHR, PresentRegionKHR, RectLayerKHR, PhysicalDeviceVariablePointersFeatures, ExternalMemoryProperties, PhysicalDeviceExternalImageFormatInfo, ExternalImageFormatProperties, PhysicalDeviceExternalBufferInfo, ExternalBufferProperties, PhysicalDeviceIDProperties, ExternalMemoryImageCreateInfo, ExternalMemoryBufferCreateInfo, ExportMemoryAllocateInfo, ImportMemoryFdInfoKHR, MemoryFdPropertiesKHR, MemoryGetFdInfoKHR, PhysicalDeviceExternalSemaphoreInfo, ExternalSemaphoreProperties, ExportSemaphoreCreateInfo, ImportSemaphoreFdInfoKHR, SemaphoreGetFdInfoKHR, PhysicalDeviceExternalFenceInfo, ExternalFenceProperties, ExportFenceCreateInfo, ImportFenceFdInfoKHR, FenceGetFdInfoKHR, PhysicalDeviceMultiviewFeatures, PhysicalDeviceMultiviewProperties, RenderPassMultiviewCreateInfo, SurfaceCapabilities2EXT, DisplayPowerInfoEXT, DeviceEventInfoEXT, DisplayEventInfoEXT, SwapchainCounterCreateInfoEXT, PhysicalDeviceGroupProperties, MemoryAllocateFlagsInfo, BindBufferMemoryInfo, BindBufferMemoryDeviceGroupInfo, BindImageMemoryInfo, BindImageMemoryDeviceGroupInfo, DeviceGroupRenderPassBeginInfo, DeviceGroupCommandBufferBeginInfo, DeviceGroupSubmitInfo, DeviceGroupBindSparseInfo, DeviceGroupPresentCapabilitiesKHR, ImageSwapchainCreateInfoKHR, BindImageMemorySwapchainInfoKHR, AcquireNextImageInfoKHR, DeviceGroupPresentInfoKHR, DeviceGroupDeviceCreateInfo, DeviceGroupSwapchainCreateInfoKHR, DescriptorUpdateTemplateEntry, DescriptorUpdateTemplateCreateInfo, XYColorEXT, PhysicalDevicePresentIdFeaturesKHR, PresentIdKHR, PhysicalDevicePresentWaitFeaturesKHR, HdrMetadataEXT, DisplayNativeHdrSurfaceCapabilitiesAMD, SwapchainDisplayNativeHdrCreateInfoAMD, RefreshCycleDurationGOOGLE, PastPresentationTimingGOOGLE, PresentTimesInfoGOOGLE, PresentTimeGOOGLE, ViewportWScalingNV, PipelineViewportWScalingStateCreateInfoNV, ViewportSwizzleNV, PipelineViewportSwizzleStateCreateInfoNV, PhysicalDeviceDiscardRectanglePropertiesEXT, PipelineDiscardRectangleStateCreateInfoEXT, PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX, InputAttachmentAspectReference, RenderPassInputAttachmentAspectCreateInfo, PhysicalDeviceSurfaceInfo2KHR, SurfaceCapabilities2KHR, SurfaceFormat2KHR, DisplayProperties2KHR, DisplayPlaneProperties2KHR, DisplayModeProperties2KHR, DisplayPlaneInfo2KHR, DisplayPlaneCapabilities2KHR, SharedPresentSurfaceCapabilitiesKHR, PhysicalDevice16BitStorageFeatures, PhysicalDeviceSubgroupProperties, PhysicalDeviceShaderSubgroupExtendedTypesFeatures, BufferMemoryRequirementsInfo2, DeviceBufferMemoryRequirements, ImageMemoryRequirementsInfo2, ImageSparseMemoryRequirementsInfo2, DeviceImageMemoryRequirements, MemoryRequirements2, SparseImageMemoryRequirements2, PhysicalDevicePointClippingProperties, MemoryDedicatedRequirements, MemoryDedicatedAllocateInfo, ImageViewUsageCreateInfo, PipelineTessellationDomainOriginStateCreateInfo, SamplerYcbcrConversionInfo, SamplerYcbcrConversionCreateInfo, BindImagePlaneMemoryInfo, ImagePlaneMemoryRequirementsInfo, PhysicalDeviceSamplerYcbcrConversionFeatures, SamplerYcbcrConversionImageFormatProperties, TextureLODGatherFormatPropertiesAMD, ConditionalRenderingBeginInfoEXT, ProtectedSubmitInfo, PhysicalDeviceProtectedMemoryFeatures, PhysicalDeviceProtectedMemoryProperties, DeviceQueueInfo2, PipelineCoverageToColorStateCreateInfoNV, PhysicalDeviceSamplerFilterMinmaxProperties, SampleLocationEXT, SampleLocationsInfoEXT, AttachmentSampleLocationsEXT, SubpassSampleLocationsEXT, RenderPassSampleLocationsBeginInfoEXT, PipelineSampleLocationsStateCreateInfoEXT, PhysicalDeviceSampleLocationsPropertiesEXT, MultisamplePropertiesEXT, SamplerReductionModeCreateInfo, PhysicalDeviceBlendOperationAdvancedFeaturesEXT, PhysicalDeviceMultiDrawFeaturesEXT, PhysicalDeviceBlendOperationAdvancedPropertiesEXT, PipelineColorBlendAdvancedStateCreateInfoEXT, PhysicalDeviceInlineUniformBlockFeatures, PhysicalDeviceInlineUniformBlockProperties, WriteDescriptorSetInlineUniformBlock, DescriptorPoolInlineUniformBlockCreateInfo, PipelineCoverageModulationStateCreateInfoNV, ImageFormatListCreateInfo, ValidationCacheCreateInfoEXT, ShaderModuleValidationCacheCreateInfoEXT, PhysicalDeviceMaintenance3Properties, PhysicalDeviceMaintenance4Features, PhysicalDeviceMaintenance4Properties, DescriptorSetLayoutSupport, PhysicalDeviceShaderDrawParametersFeatures, PhysicalDeviceShaderFloat16Int8Features, PhysicalDeviceFloatControlsProperties, PhysicalDeviceHostQueryResetFeatures, ShaderResourceUsageAMD, ShaderStatisticsInfoAMD, DeviceQueueGlobalPriorityCreateInfoKHR, PhysicalDeviceGlobalPriorityQueryFeaturesKHR, QueueFamilyGlobalPriorityPropertiesKHR, DebugUtilsObjectNameInfoEXT, DebugUtilsObjectTagInfoEXT, DebugUtilsLabelEXT, DebugUtilsMessengerCreateInfoEXT, DebugUtilsMessengerCallbackDataEXT, PhysicalDeviceDeviceMemoryReportFeaturesEXT, DeviceDeviceMemoryReportCreateInfoEXT, DeviceMemoryReportCallbackDataEXT, ImportMemoryHostPointerInfoEXT, MemoryHostPointerPropertiesEXT, PhysicalDeviceExternalMemoryHostPropertiesEXT, PhysicalDeviceConservativeRasterizationPropertiesEXT, CalibratedTimestampInfoEXT, PhysicalDeviceShaderCorePropertiesAMD, PhysicalDeviceShaderCoreProperties2AMD, PipelineRasterizationConservativeStateCreateInfoEXT, PhysicalDeviceDescriptorIndexingFeatures, PhysicalDeviceDescriptorIndexingProperties, DescriptorSetLayoutBindingFlagsCreateInfo, DescriptorSetVariableDescriptorCountAllocateInfo, DescriptorSetVariableDescriptorCountLayoutSupport, AttachmentDescription2, AttachmentReference2, SubpassDescription2, SubpassDependency2, RenderPassCreateInfo2, SubpassBeginInfo, SubpassEndInfo, PhysicalDeviceTimelineSemaphoreFeatures, PhysicalDeviceTimelineSemaphoreProperties, SemaphoreTypeCreateInfo, TimelineSemaphoreSubmitInfo, SemaphoreWaitInfo, SemaphoreSignalInfo, VertexInputBindingDivisorDescriptionEXT, PipelineVertexInputDivisorStateCreateInfoEXT, PhysicalDeviceVertexAttributeDivisorPropertiesEXT, PhysicalDevicePCIBusInfoPropertiesEXT, CommandBufferInheritanceConditionalRenderingInfoEXT, PhysicalDevice8BitStorageFeatures, PhysicalDeviceConditionalRenderingFeaturesEXT, PhysicalDeviceVulkanMemoryModelFeatures, PhysicalDeviceShaderAtomicInt64Features, PhysicalDeviceShaderAtomicFloatFeaturesEXT, PhysicalDeviceShaderAtomicFloat2FeaturesEXT, PhysicalDeviceVertexAttributeDivisorFeaturesEXT, QueueFamilyCheckpointPropertiesNV, CheckpointDataNV, PhysicalDeviceDepthStencilResolveProperties, SubpassDescriptionDepthStencilResolve, ImageViewASTCDecodeModeEXT, PhysicalDeviceASTCDecodeFeaturesEXT, PhysicalDeviceTransformFeedbackFeaturesEXT, PhysicalDeviceTransformFeedbackPropertiesEXT, PipelineRasterizationStateStreamCreateInfoEXT, PhysicalDeviceRepresentativeFragmentTestFeaturesNV, PipelineRepresentativeFragmentTestStateCreateInfoNV, PhysicalDeviceExclusiveScissorFeaturesNV, PipelineViewportExclusiveScissorStateCreateInfoNV, PhysicalDeviceCornerSampledImageFeaturesNV, PhysicalDeviceComputeShaderDerivativesFeaturesNV, PhysicalDeviceShaderImageFootprintFeaturesNV, PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV, PhysicalDeviceCopyMemoryIndirectFeaturesNV, PhysicalDeviceCopyMemoryIndirectPropertiesNV, PhysicalDeviceMemoryDecompressionFeaturesNV, PhysicalDeviceMemoryDecompressionPropertiesNV, ShadingRatePaletteNV, PipelineViewportShadingRateImageStateCreateInfoNV, PhysicalDeviceShadingRateImageFeaturesNV, PhysicalDeviceShadingRateImagePropertiesNV, PhysicalDeviceInvocationMaskFeaturesHUAWEI, CoarseSampleLocationNV, CoarseSampleOrderCustomNV, PipelineViewportCoarseSampleOrderStateCreateInfoNV, PhysicalDeviceMeshShaderFeaturesNV, PhysicalDeviceMeshShaderPropertiesNV, DrawMeshTasksIndirectCommandNV, PhysicalDeviceMeshShaderFeaturesEXT, PhysicalDeviceMeshShaderPropertiesEXT, DrawMeshTasksIndirectCommandEXT, RayTracingShaderGroupCreateInfoNV, RayTracingShaderGroupCreateInfoKHR, RayTracingPipelineCreateInfoNV, RayTracingPipelineCreateInfoKHR, GeometryTrianglesNV, GeometryAABBNV, GeometryDataNV, GeometryNV, AccelerationStructureInfoNV, AccelerationStructureCreateInfoNV, BindAccelerationStructureMemoryInfoNV, WriteDescriptorSetAccelerationStructureKHR, WriteDescriptorSetAccelerationStructureNV, AccelerationStructureMemoryRequirementsInfoNV, PhysicalDeviceAccelerationStructureFeaturesKHR, PhysicalDeviceRayTracingPipelineFeaturesKHR, PhysicalDeviceRayQueryFeaturesKHR, PhysicalDeviceAccelerationStructurePropertiesKHR, PhysicalDeviceRayTracingPipelinePropertiesKHR, PhysicalDeviceRayTracingPropertiesNV, StridedDeviceAddressRegionKHR, TraceRaysIndirectCommandKHR, TraceRaysIndirectCommand2KHR, PhysicalDeviceRayTracingMaintenance1FeaturesKHR, DrmFormatModifierPropertiesListEXT, DrmFormatModifierPropertiesEXT, PhysicalDeviceImageDrmFormatModifierInfoEXT, ImageDrmFormatModifierListCreateInfoEXT, ImageDrmFormatModifierExplicitCreateInfoEXT, ImageDrmFormatModifierPropertiesEXT, ImageStencilUsageCreateInfo, DeviceMemoryOverallocationCreateInfoAMD, PhysicalDeviceFragmentDensityMapFeaturesEXT, PhysicalDeviceFragmentDensityMap2FeaturesEXT, PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM, PhysicalDeviceFragmentDensityMapPropertiesEXT, PhysicalDeviceFragmentDensityMap2PropertiesEXT, PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM, RenderPassFragmentDensityMapCreateInfoEXT, SubpassFragmentDensityMapOffsetEndInfoQCOM, PhysicalDeviceScalarBlockLayoutFeatures, SurfaceProtectedCapabilitiesKHR, PhysicalDeviceUniformBufferStandardLayoutFeatures, PhysicalDeviceDepthClipEnableFeaturesEXT, PipelineRasterizationDepthClipStateCreateInfoEXT, PhysicalDeviceMemoryBudgetPropertiesEXT, PhysicalDeviceMemoryPriorityFeaturesEXT, MemoryPriorityAllocateInfoEXT, PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT, PhysicalDeviceBufferDeviceAddressFeatures, PhysicalDeviceBufferDeviceAddressFeaturesEXT, BufferDeviceAddressInfo, BufferOpaqueCaptureAddressCreateInfo, BufferDeviceAddressCreateInfoEXT, PhysicalDeviceImageViewImageFormatInfoEXT, FilterCubicImageViewImageFormatPropertiesEXT, PhysicalDeviceImagelessFramebufferFeatures, FramebufferAttachmentsCreateInfo, FramebufferAttachmentImageInfo, RenderPassAttachmentBeginInfo, PhysicalDeviceTextureCompressionASTCHDRFeatures, PhysicalDeviceCooperativeMatrixFeaturesNV, PhysicalDeviceCooperativeMatrixPropertiesNV, CooperativeMatrixPropertiesNV, PhysicalDeviceYcbcrImageArraysFeaturesEXT, ImageViewHandleInfoNVX, ImageViewAddressPropertiesNVX, PipelineCreationFeedback, PipelineCreationFeedbackCreateInfo, PhysicalDevicePresentBarrierFeaturesNV, SurfaceCapabilitiesPresentBarrierNV, SwapchainPresentBarrierCreateInfoNV, PhysicalDevicePerformanceQueryFeaturesKHR, PhysicalDevicePerformanceQueryPropertiesKHR, PerformanceCounterKHR, PerformanceCounterDescriptionKHR, QueryPoolPerformanceCreateInfoKHR, AcquireProfilingLockInfoKHR, PerformanceQuerySubmitInfoKHR, HeadlessSurfaceCreateInfoEXT, PhysicalDeviceCoverageReductionModeFeaturesNV, PipelineCoverageReductionStateCreateInfoNV, FramebufferMixedSamplesCombinationNV, PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL, PerformanceValueINTEL, InitializePerformanceApiInfoINTEL, QueryPoolPerformanceQueryCreateInfoINTEL, PerformanceMarkerInfoINTEL, PerformanceStreamMarkerInfoINTEL, PerformanceOverrideInfoINTEL, PerformanceConfigurationAcquireInfoINTEL, PhysicalDeviceShaderClockFeaturesKHR, PhysicalDeviceIndexTypeUint8FeaturesEXT, PhysicalDeviceShaderSMBuiltinsPropertiesNV, PhysicalDeviceShaderSMBuiltinsFeaturesNV, PhysicalDeviceFragmentShaderInterlockFeaturesEXT, PhysicalDeviceSeparateDepthStencilLayoutsFeatures, AttachmentReferenceStencilLayout, PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT, AttachmentDescriptionStencilLayout, PhysicalDevicePipelineExecutablePropertiesFeaturesKHR, PipelineInfoKHR, PipelineExecutablePropertiesKHR, PipelineExecutableInfoKHR, PipelineExecutableStatisticKHR, PipelineExecutableInternalRepresentationKHR, PhysicalDeviceShaderDemoteToHelperInvocationFeatures, PhysicalDeviceTexelBufferAlignmentFeaturesEXT, PhysicalDeviceTexelBufferAlignmentProperties, PhysicalDeviceSubgroupSizeControlFeatures, PhysicalDeviceSubgroupSizeControlProperties, PipelineShaderStageRequiredSubgroupSizeCreateInfo, SubpassShadingPipelineCreateInfoHUAWEI, PhysicalDeviceSubpassShadingPropertiesHUAWEI, PhysicalDeviceClusterCullingShaderPropertiesHUAWEI, MemoryOpaqueCaptureAddressAllocateInfo, DeviceMemoryOpaqueCaptureAddressInfo, PhysicalDeviceLineRasterizationFeaturesEXT, PhysicalDeviceLineRasterizationPropertiesEXT, PipelineRasterizationLineStateCreateInfoEXT, PhysicalDevicePipelineCreationCacheControlFeatures, PhysicalDeviceVulkan11Features, PhysicalDeviceVulkan11Properties, PhysicalDeviceVulkan12Features, PhysicalDeviceVulkan12Properties, PhysicalDeviceVulkan13Features, PhysicalDeviceVulkan13Properties, PipelineCompilerControlCreateInfoAMD, PhysicalDeviceCoherentMemoryFeaturesAMD, PhysicalDeviceToolProperties, SamplerCustomBorderColorCreateInfoEXT, PhysicalDeviceCustomBorderColorPropertiesEXT, PhysicalDeviceCustomBorderColorFeaturesEXT, SamplerBorderColorComponentMappingCreateInfoEXT, PhysicalDeviceBorderColorSwizzleFeaturesEXT, AccelerationStructureGeometryTrianglesDataKHR, AccelerationStructureGeometryAabbsDataKHR, AccelerationStructureGeometryInstancesDataKHR, AccelerationStructureGeometryKHR, AccelerationStructureBuildGeometryInfoKHR, AccelerationStructureBuildRangeInfoKHR, AccelerationStructureCreateInfoKHR, AabbPositionsKHR, TransformMatrixKHR, AccelerationStructureInstanceKHR, AccelerationStructureDeviceAddressInfoKHR, AccelerationStructureVersionInfoKHR, CopyAccelerationStructureInfoKHR, CopyAccelerationStructureToMemoryInfoKHR, CopyMemoryToAccelerationStructureInfoKHR, RayTracingPipelineInterfaceCreateInfoKHR, PipelineLibraryCreateInfoKHR, PhysicalDeviceExtendedDynamicStateFeaturesEXT, PhysicalDeviceExtendedDynamicState2FeaturesEXT, PhysicalDeviceExtendedDynamicState3FeaturesEXT, PhysicalDeviceExtendedDynamicState3PropertiesEXT, ColorBlendEquationEXT, ColorBlendAdvancedEXT, RenderPassTransformBeginInfoQCOM, CopyCommandTransformInfoQCOM, CommandBufferInheritanceRenderPassTransformInfoQCOM, PhysicalDeviceDiagnosticsConfigFeaturesNV, DeviceDiagnosticsConfigCreateInfoNV, PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures, PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR, PhysicalDeviceRobustness2FeaturesEXT, PhysicalDeviceRobustness2PropertiesEXT, PhysicalDeviceImageRobustnessFeatures, PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR, PhysicalDevice4444FormatsFeaturesEXT, PhysicalDeviceSubpassShadingFeaturesHUAWEI, PhysicalDeviceClusterCullingShaderFeaturesHUAWEI, BufferCopy2, ImageCopy2, ImageBlit2, BufferImageCopy2, ImageResolve2, CopyBufferInfo2, CopyImageInfo2, BlitImageInfo2, CopyBufferToImageInfo2, CopyImageToBufferInfo2, ResolveImageInfo2, PhysicalDeviceShaderImageAtomicInt64FeaturesEXT, FragmentShadingRateAttachmentInfoKHR, PipelineFragmentShadingRateStateCreateInfoKHR, PhysicalDeviceFragmentShadingRateFeaturesKHR, PhysicalDeviceFragmentShadingRatePropertiesKHR, PhysicalDeviceFragmentShadingRateKHR, PhysicalDeviceShaderTerminateInvocationFeatures, PhysicalDeviceFragmentShadingRateEnumsFeaturesNV, PhysicalDeviceFragmentShadingRateEnumsPropertiesNV, PipelineFragmentShadingRateEnumStateCreateInfoNV, AccelerationStructureBuildSizesInfoKHR, PhysicalDeviceImage2DViewOf3DFeaturesEXT, PhysicalDeviceMutableDescriptorTypeFeaturesEXT, MutableDescriptorTypeListEXT, MutableDescriptorTypeCreateInfoEXT, PhysicalDeviceDepthClipControlFeaturesEXT, PipelineViewportDepthClipControlCreateInfoEXT, PhysicalDeviceVertexInputDynamicStateFeaturesEXT, PhysicalDeviceExternalMemoryRDMAFeaturesNV, VertexInputBindingDescription2EXT, VertexInputAttributeDescription2EXT, PhysicalDeviceColorWriteEnableFeaturesEXT, PipelineColorWriteCreateInfoEXT, MemoryBarrier2, ImageMemoryBarrier2, BufferMemoryBarrier2, DependencyInfo, SemaphoreSubmitInfo, CommandBufferSubmitInfo, SubmitInfo2, QueueFamilyCheckpointProperties2NV, CheckpointData2NV, PhysicalDeviceSynchronization2Features, PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT, PhysicalDeviceLegacyDitheringFeaturesEXT, PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT, SubpassResolvePerformanceQueryEXT, MultisampledRenderToSingleSampledInfoEXT, PhysicalDevicePipelineProtectedAccessFeaturesEXT, QueueFamilyVideoPropertiesKHR, QueueFamilyQueryResultStatusPropertiesKHR, VideoProfileListInfoKHR, PhysicalDeviceVideoFormatInfoKHR, VideoFormatPropertiesKHR, VideoProfileInfoKHR, VideoCapabilitiesKHR, VideoSessionMemoryRequirementsKHR, BindVideoSessionMemoryInfoKHR, VideoPictureResourceInfoKHR, VideoReferenceSlotInfoKHR, VideoDecodeCapabilitiesKHR, VideoDecodeUsageInfoKHR, VideoDecodeInfoKHR, VideoDecodeH264ProfileInfoKHR, VideoDecodeH264CapabilitiesKHR, VideoDecodeH264SessionParametersAddInfoKHR, VideoDecodeH264SessionParametersCreateInfoKHR, VideoDecodeH264PictureInfoKHR, VideoDecodeH264DpbSlotInfoKHR, VideoDecodeH265ProfileInfoKHR, VideoDecodeH265CapabilitiesKHR, VideoDecodeH265SessionParametersAddInfoKHR, VideoDecodeH265SessionParametersCreateInfoKHR, VideoDecodeH265PictureInfoKHR, VideoDecodeH265DpbSlotInfoKHR, VideoSessionCreateInfoKHR, VideoSessionParametersCreateInfoKHR, VideoSessionParametersUpdateInfoKHR, VideoBeginCodingInfoKHR, VideoEndCodingInfoKHR, VideoCodingControlInfoKHR, PhysicalDeviceInheritedViewportScissorFeaturesNV, CommandBufferInheritanceViewportScissorInfoNV, PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT, PhysicalDeviceProvokingVertexFeaturesEXT, PhysicalDeviceProvokingVertexPropertiesEXT, PipelineRasterizationProvokingVertexStateCreateInfoEXT, CuModuleCreateInfoNVX, CuFunctionCreateInfoNVX, CuLaunchInfoNVX, PhysicalDeviceDescriptorBufferFeaturesEXT, PhysicalDeviceDescriptorBufferPropertiesEXT, PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT, DescriptorAddressInfoEXT, DescriptorBufferBindingInfoEXT, DescriptorBufferBindingPushDescriptorBufferHandleEXT, DescriptorGetInfoEXT, BufferCaptureDescriptorDataInfoEXT, ImageCaptureDescriptorDataInfoEXT, ImageViewCaptureDescriptorDataInfoEXT, SamplerCaptureDescriptorDataInfoEXT, AccelerationStructureCaptureDescriptorDataInfoEXT, OpaqueCaptureDescriptorDataCreateInfoEXT, PhysicalDeviceShaderIntegerDotProductFeatures, PhysicalDeviceShaderIntegerDotProductProperties, PhysicalDeviceDrmPropertiesEXT, PhysicalDeviceFragmentShaderBarycentricFeaturesKHR, PhysicalDeviceFragmentShaderBarycentricPropertiesKHR, PhysicalDeviceRayTracingMotionBlurFeaturesNV, AccelerationStructureGeometryMotionTrianglesDataNV, AccelerationStructureMotionInfoNV, SRTDataNV, AccelerationStructureSRTMotionInstanceNV, AccelerationStructureMatrixMotionInstanceNV, AccelerationStructureMotionInstanceNV, MemoryGetRemoteAddressInfoNV, PhysicalDeviceRGBA10X6FormatsFeaturesEXT, FormatProperties3, DrmFormatModifierPropertiesList2EXT, DrmFormatModifierProperties2EXT, PipelineRenderingCreateInfo, RenderingInfo, RenderingAttachmentInfo, RenderingFragmentShadingRateAttachmentInfoKHR, RenderingFragmentDensityMapAttachmentInfoEXT, PhysicalDeviceDynamicRenderingFeatures, CommandBufferInheritanceRenderingInfo, AttachmentSampleCountInfoAMD, MultiviewPerViewAttributesInfoNVX, PhysicalDeviceImageViewMinLodFeaturesEXT, ImageViewMinLodCreateInfoEXT, PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT, PhysicalDeviceLinearColorAttachmentFeaturesNV, PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT, PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT, GraphicsPipelineLibraryCreateInfoEXT, PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE, DescriptorSetBindingReferenceVALVE, DescriptorSetLayoutHostMappingInfoVALVE, PhysicalDeviceShaderModuleIdentifierFeaturesEXT, PhysicalDeviceShaderModuleIdentifierPropertiesEXT, PipelineShaderStageModuleIdentifierCreateInfoEXT, ShaderModuleIdentifierEXT, ImageCompressionControlEXT, PhysicalDeviceImageCompressionControlFeaturesEXT, ImageCompressionPropertiesEXT, PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT, ImageSubresource2EXT, SubresourceLayout2EXT, RenderPassCreationControlEXT, RenderPassCreationFeedbackInfoEXT, RenderPassCreationFeedbackCreateInfoEXT, RenderPassSubpassFeedbackInfoEXT, RenderPassSubpassFeedbackCreateInfoEXT, PhysicalDeviceSubpassMergeFeedbackFeaturesEXT, MicromapBuildInfoEXT, MicromapCreateInfoEXT, MicromapVersionInfoEXT, CopyMicromapInfoEXT, CopyMicromapToMemoryInfoEXT, CopyMemoryToMicromapInfoEXT, MicromapBuildSizesInfoEXT, MicromapUsageEXT, MicromapTriangleEXT, PhysicalDeviceOpacityMicromapFeaturesEXT, PhysicalDeviceOpacityMicromapPropertiesEXT, AccelerationStructureTrianglesOpacityMicromapEXT, PipelinePropertiesIdentifierEXT, PhysicalDevicePipelinePropertiesFeaturesEXT, PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD, PhysicalDeviceNonSeamlessCubeMapFeaturesEXT, PhysicalDevicePipelineRobustnessFeaturesEXT, PipelineRobustnessCreateInfoEXT, PhysicalDevicePipelineRobustnessPropertiesEXT, ImageViewSampleWeightCreateInfoQCOM, PhysicalDeviceImageProcessingFeaturesQCOM, PhysicalDeviceImageProcessingPropertiesQCOM, PhysicalDeviceTilePropertiesFeaturesQCOM, TilePropertiesQCOM, PhysicalDeviceAmigoProfilingFeaturesSEC, AmigoProfilingSubmitInfoSEC, PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT, PhysicalDeviceDepthClampZeroOneFeaturesEXT, PhysicalDeviceAddressBindingReportFeaturesEXT, DeviceAddressBindingCallbackDataEXT, PhysicalDeviceOpticalFlowFeaturesNV, PhysicalDeviceOpticalFlowPropertiesNV, OpticalFlowImageFormatInfoNV, OpticalFlowImageFormatPropertiesNV, OpticalFlowSessionCreateInfoNV, OpticalFlowSessionCreatePrivateDataInfoNV, OpticalFlowExecuteInfoNV, PhysicalDeviceFaultFeaturesEXT, DeviceFaultAddressInfoEXT, DeviceFaultVendorInfoEXT, DeviceFaultCountsEXT, DeviceFaultInfoEXT, DeviceFaultVendorBinaryHeaderVersionOneEXT, PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT, DecompressMemoryRegionNV, PhysicalDeviceShaderCoreBuiltinsPropertiesARM, PhysicalDeviceShaderCoreBuiltinsFeaturesARM, SurfacePresentModeEXT, SurfacePresentScalingCapabilitiesEXT, SurfacePresentModeCompatibilityEXT, PhysicalDeviceSwapchainMaintenance1FeaturesEXT, SwapchainPresentFenceInfoEXT, SwapchainPresentModesCreateInfoEXT, SwapchainPresentModeInfoEXT, SwapchainPresentScalingCreateInfoEXT, ReleaseSwapchainImagesInfoEXT, PhysicalDeviceRayTracingInvocationReorderFeaturesNV, PhysicalDeviceRayTracingInvocationReorderPropertiesNV, DirectDriverLoadingInfoLUNARG, DirectDriverLoadingListLUNARG, PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM, ClearColorValue, ClearValue, PerformanceCounterResultKHR, PerformanceValueDataINTEL, PipelineExecutableStatisticValueKHR, DeviceOrHostAddressKHR, DeviceOrHostAddressConstKHR, AccelerationStructureGeometryDataKHR, DescriptorDataEXT, AccelerationStructureMotionInstanceDataNV, _create_instance, _destroy_instance, _enumerate_physical_devices, _get_device_proc_addr, _get_instance_proc_addr, _get_physical_device_properties, _get_physical_device_queue_family_properties, _get_physical_device_memory_properties, _get_physical_device_features, _get_physical_device_format_properties, _get_physical_device_image_format_properties, _create_device, _destroy_device, _enumerate_instance_version, _enumerate_instance_layer_properties, _enumerate_instance_extension_properties, _enumerate_device_layer_properties, _enumerate_device_extension_properties, _get_device_queue, _queue_submit, _queue_wait_idle, _device_wait_idle, _allocate_memory, _free_memory, _map_memory, _unmap_memory, _flush_mapped_memory_ranges, _invalidate_mapped_memory_ranges, _get_device_memory_commitment, _get_buffer_memory_requirements, _bind_buffer_memory, _get_image_memory_requirements, _bind_image_memory, _get_image_sparse_memory_requirements, _get_physical_device_sparse_image_format_properties, _queue_bind_sparse, _create_fence, _destroy_fence, _reset_fences, _get_fence_status, _wait_for_fences, _create_semaphore, _destroy_semaphore, _create_event, _destroy_event, _get_event_status, _set_event, _reset_event, _create_query_pool, _destroy_query_pool, _get_query_pool_results, _reset_query_pool, _create_buffer, _destroy_buffer, _create_buffer_view, _destroy_buffer_view, _create_image, _destroy_image, _get_image_subresource_layout, _create_image_view, _destroy_image_view, _create_shader_module, _destroy_shader_module, _create_pipeline_cache, _destroy_pipeline_cache, _get_pipeline_cache_data, _merge_pipeline_caches, _create_graphics_pipelines, _create_compute_pipelines, _get_device_subpass_shading_max_workgroup_size_huawei, _destroy_pipeline, _create_pipeline_layout, _destroy_pipeline_layout, _create_sampler, _destroy_sampler, _create_descriptor_set_layout, _destroy_descriptor_set_layout, _create_descriptor_pool, _destroy_descriptor_pool, _reset_descriptor_pool, _allocate_descriptor_sets, _free_descriptor_sets, _update_descriptor_sets, _create_framebuffer, _destroy_framebuffer, _create_render_pass, _destroy_render_pass, _get_render_area_granularity, _create_command_pool, _destroy_command_pool, _reset_command_pool, _allocate_command_buffers, _free_command_buffers, _begin_command_buffer, _end_command_buffer, _reset_command_buffer, _cmd_bind_pipeline, _cmd_set_viewport, _cmd_set_scissor, _cmd_set_line_width, _cmd_set_depth_bias, _cmd_set_blend_constants, _cmd_set_depth_bounds, _cmd_set_stencil_compare_mask, _cmd_set_stencil_write_mask, _cmd_set_stencil_reference, _cmd_bind_descriptor_sets, _cmd_bind_index_buffer, _cmd_bind_vertex_buffers, _cmd_draw, _cmd_draw_indexed, _cmd_draw_multi_ext, _cmd_draw_multi_indexed_ext, _cmd_draw_indirect, _cmd_draw_indexed_indirect, _cmd_dispatch, _cmd_dispatch_indirect, _cmd_subpass_shading_huawei, _cmd_draw_cluster_huawei, _cmd_draw_cluster_indirect_huawei, _cmd_copy_buffer, _cmd_copy_image, _cmd_blit_image, _cmd_copy_buffer_to_image, _cmd_copy_image_to_buffer, _cmd_copy_memory_indirect_nv, _cmd_copy_memory_to_image_indirect_nv, _cmd_update_buffer, _cmd_fill_buffer, _cmd_clear_color_image, _cmd_clear_depth_stencil_image, _cmd_clear_attachments, _cmd_resolve_image, _cmd_set_event, _cmd_reset_event, _cmd_wait_events, _cmd_pipeline_barrier, _cmd_begin_query, _cmd_end_query, _cmd_begin_conditional_rendering_ext, _cmd_end_conditional_rendering_ext, _cmd_reset_query_pool, _cmd_write_timestamp, _cmd_copy_query_pool_results, _cmd_push_constants, _cmd_begin_render_pass, _cmd_next_subpass, _cmd_end_render_pass, _cmd_execute_commands, _get_physical_device_display_properties_khr, _get_physical_device_display_plane_properties_khr, _get_display_plane_supported_displays_khr, _get_display_mode_properties_khr, _create_display_mode_khr, _get_display_plane_capabilities_khr, _create_display_plane_surface_khr, _create_shared_swapchains_khr, _destroy_surface_khr, _get_physical_device_surface_support_khr, _get_physical_device_surface_capabilities_khr, _get_physical_device_surface_formats_khr, _get_physical_device_surface_present_modes_khr, _create_swapchain_khr, _destroy_swapchain_khr, _get_swapchain_images_khr, _acquire_next_image_khr, _queue_present_khr, _create_wayland_surface_khr, _get_physical_device_wayland_presentation_support_khr, _create_xlib_surface_khr, _get_physical_device_xlib_presentation_support_khr, _create_xcb_surface_khr, _get_physical_device_xcb_presentation_support_khr, _create_debug_report_callback_ext, _destroy_debug_report_callback_ext, _debug_report_message_ext, _debug_marker_set_object_name_ext, _debug_marker_set_object_tag_ext, _cmd_debug_marker_begin_ext, _cmd_debug_marker_end_ext, _cmd_debug_marker_insert_ext, _get_physical_device_external_image_format_properties_nv, _cmd_execute_generated_commands_nv, _cmd_preprocess_generated_commands_nv, _cmd_bind_pipeline_shader_group_nv, _get_generated_commands_memory_requirements_nv, _create_indirect_commands_layout_nv, _destroy_indirect_commands_layout_nv, _get_physical_device_features_2, _get_physical_device_properties_2, _get_physical_device_format_properties_2, _get_physical_device_image_format_properties_2, _get_physical_device_queue_family_properties_2, _get_physical_device_memory_properties_2, _get_physical_device_sparse_image_format_properties_2, _cmd_push_descriptor_set_khr, _trim_command_pool, _get_physical_device_external_buffer_properties, _get_memory_fd_khr, _get_memory_fd_properties_khr, _get_memory_remote_address_nv, _get_physical_device_external_semaphore_properties, _get_semaphore_fd_khr, _import_semaphore_fd_khr, _get_physical_device_external_fence_properties, _get_fence_fd_khr, _import_fence_fd_khr, _release_display_ext, _acquire_xlib_display_ext, _get_rand_r_output_display_ext, _display_power_control_ext, _register_device_event_ext, _register_display_event_ext, _get_swapchain_counter_ext, _get_physical_device_surface_capabilities_2_ext, _enumerate_physical_device_groups, _get_device_group_peer_memory_features, _bind_buffer_memory_2, _bind_image_memory_2, _cmd_set_device_mask, _get_device_group_present_capabilities_khr, _get_device_group_surface_present_modes_khr, _acquire_next_image_2_khr, _cmd_dispatch_base, _get_physical_device_present_rectangles_khr, _create_descriptor_update_template, _destroy_descriptor_update_template, _update_descriptor_set_with_template, _cmd_push_descriptor_set_with_template_khr, _set_hdr_metadata_ext, _get_swapchain_status_khr, _get_refresh_cycle_duration_google, _get_past_presentation_timing_google, _cmd_set_viewport_w_scaling_nv, _cmd_set_discard_rectangle_ext, _cmd_set_sample_locations_ext, _get_physical_device_multisample_properties_ext, _get_physical_device_surface_capabilities_2_khr, _get_physical_device_surface_formats_2_khr, _get_physical_device_display_properties_2_khr, _get_physical_device_display_plane_properties_2_khr, _get_display_mode_properties_2_khr, _get_display_plane_capabilities_2_khr, _get_buffer_memory_requirements_2, _get_image_memory_requirements_2, _get_image_sparse_memory_requirements_2, _get_device_buffer_memory_requirements, _get_device_image_memory_requirements, _get_device_image_sparse_memory_requirements, _create_sampler_ycbcr_conversion, _destroy_sampler_ycbcr_conversion, _get_device_queue_2, _create_validation_cache_ext, _destroy_validation_cache_ext, _get_validation_cache_data_ext, _merge_validation_caches_ext, _get_descriptor_set_layout_support, _get_shader_info_amd, _set_local_dimming_amd, _get_physical_device_calibrateable_time_domains_ext, _get_calibrated_timestamps_ext, _set_debug_utils_object_name_ext, _set_debug_utils_object_tag_ext, _queue_begin_debug_utils_label_ext, _queue_end_debug_utils_label_ext, _queue_insert_debug_utils_label_ext, _cmd_begin_debug_utils_label_ext, _cmd_end_debug_utils_label_ext, _cmd_insert_debug_utils_label_ext, _create_debug_utils_messenger_ext, _destroy_debug_utils_messenger_ext, _submit_debug_utils_message_ext, _get_memory_host_pointer_properties_ext, _cmd_write_buffer_marker_amd, _create_render_pass_2, _cmd_begin_render_pass_2, _cmd_next_subpass_2, _cmd_end_render_pass_2, _get_semaphore_counter_value, _wait_semaphores, _signal_semaphore, _cmd_draw_indirect_count, _cmd_draw_indexed_indirect_count, _cmd_set_checkpoint_nv, _get_queue_checkpoint_data_nv, _cmd_bind_transform_feedback_buffers_ext, _cmd_begin_transform_feedback_ext, _cmd_end_transform_feedback_ext, _cmd_begin_query_indexed_ext, _cmd_end_query_indexed_ext, _cmd_draw_indirect_byte_count_ext, _cmd_set_exclusive_scissor_nv, _cmd_bind_shading_rate_image_nv, _cmd_set_viewport_shading_rate_palette_nv, _cmd_set_coarse_sample_order_nv, _cmd_draw_mesh_tasks_nv, _cmd_draw_mesh_tasks_indirect_nv, _cmd_draw_mesh_tasks_indirect_count_nv, _cmd_draw_mesh_tasks_ext, _cmd_draw_mesh_tasks_indirect_ext, _cmd_draw_mesh_tasks_indirect_count_ext, _compile_deferred_nv, _create_acceleration_structure_nv, _cmd_bind_invocation_mask_huawei, _destroy_acceleration_structure_khr, _destroy_acceleration_structure_nv, _get_acceleration_structure_memory_requirements_nv, _bind_acceleration_structure_memory_nv, _cmd_copy_acceleration_structure_nv, _cmd_copy_acceleration_structure_khr, _copy_acceleration_structure_khr, _cmd_copy_acceleration_structure_to_memory_khr, _copy_acceleration_structure_to_memory_khr, _cmd_copy_memory_to_acceleration_structure_khr, _copy_memory_to_acceleration_structure_khr, _cmd_write_acceleration_structures_properties_khr, _cmd_write_acceleration_structures_properties_nv, _cmd_build_acceleration_structure_nv, _write_acceleration_structures_properties_khr, _cmd_trace_rays_khr, _cmd_trace_rays_nv, _get_ray_tracing_shader_group_handles_khr, _get_ray_tracing_capture_replay_shader_group_handles_khr, _get_acceleration_structure_handle_nv, _create_ray_tracing_pipelines_nv, _create_ray_tracing_pipelines_khr, _get_physical_device_cooperative_matrix_properties_nv, _cmd_trace_rays_indirect_khr, _cmd_trace_rays_indirect_2_khr, _get_device_acceleration_structure_compatibility_khr, _get_ray_tracing_shader_group_stack_size_khr, _cmd_set_ray_tracing_pipeline_stack_size_khr, _get_image_view_handle_nvx, _get_image_view_address_nvx, _enumerate_physical_device_queue_family_performance_query_counters_khr, _get_physical_device_queue_family_performance_query_passes_khr, _acquire_profiling_lock_khr, _release_profiling_lock_khr, _get_image_drm_format_modifier_properties_ext, _get_buffer_opaque_capture_address, _get_buffer_device_address, _create_headless_surface_ext, _get_physical_device_supported_framebuffer_mixed_samples_combinations_nv, _initialize_performance_api_intel, _uninitialize_performance_api_intel, _cmd_set_performance_marker_intel, _cmd_set_performance_stream_marker_intel, _cmd_set_performance_override_intel, _acquire_performance_configuration_intel, _release_performance_configuration_intel, _queue_set_performance_configuration_intel, _get_performance_parameter_intel, _get_device_memory_opaque_capture_address, _get_pipeline_executable_properties_khr, _get_pipeline_executable_statistics_khr, _get_pipeline_executable_internal_representations_khr, _cmd_set_line_stipple_ext, _get_physical_device_tool_properties, _create_acceleration_structure_khr, _cmd_build_acceleration_structures_khr, _cmd_build_acceleration_structures_indirect_khr, _build_acceleration_structures_khr, _get_acceleration_structure_device_address_khr, _create_deferred_operation_khr, _destroy_deferred_operation_khr, _get_deferred_operation_max_concurrency_khr, _get_deferred_operation_result_khr, _deferred_operation_join_khr, _cmd_set_cull_mode, _cmd_set_front_face, _cmd_set_primitive_topology, _cmd_set_viewport_with_count, _cmd_set_scissor_with_count, _cmd_bind_vertex_buffers_2, _cmd_set_depth_test_enable, _cmd_set_depth_write_enable, _cmd_set_depth_compare_op, _cmd_set_depth_bounds_test_enable, _cmd_set_stencil_test_enable, _cmd_set_stencil_op, _cmd_set_patch_control_points_ext, _cmd_set_rasterizer_discard_enable, _cmd_set_depth_bias_enable, _cmd_set_logic_op_ext, _cmd_set_primitive_restart_enable, _cmd_set_tessellation_domain_origin_ext, _cmd_set_depth_clamp_enable_ext, _cmd_set_polygon_mode_ext, _cmd_set_rasterization_samples_ext, _cmd_set_sample_mask_ext, _cmd_set_alpha_to_coverage_enable_ext, _cmd_set_alpha_to_one_enable_ext, _cmd_set_logic_op_enable_ext, _cmd_set_color_blend_enable_ext, _cmd_set_color_blend_equation_ext, _cmd_set_color_write_mask_ext, _cmd_set_rasterization_stream_ext, _cmd_set_conservative_rasterization_mode_ext, _cmd_set_extra_primitive_overestimation_size_ext, _cmd_set_depth_clip_enable_ext, _cmd_set_sample_locations_enable_ext, _cmd_set_color_blend_advanced_ext, _cmd_set_provoking_vertex_mode_ext, _cmd_set_line_rasterization_mode_ext, _cmd_set_line_stipple_enable_ext, _cmd_set_depth_clip_negative_one_to_one_ext, _cmd_set_viewport_w_scaling_enable_nv, _cmd_set_viewport_swizzle_nv, _cmd_set_coverage_to_color_enable_nv, _cmd_set_coverage_to_color_location_nv, _cmd_set_coverage_modulation_mode_nv, _cmd_set_coverage_modulation_table_enable_nv, _cmd_set_coverage_modulation_table_nv, _cmd_set_shading_rate_image_enable_nv, _cmd_set_coverage_reduction_mode_nv, _cmd_set_representative_fragment_test_enable_nv, _create_private_data_slot, _destroy_private_data_slot, _set_private_data, _get_private_data, _cmd_copy_buffer_2, _cmd_copy_image_2, _cmd_blit_image_2, _cmd_copy_buffer_to_image_2, _cmd_copy_image_to_buffer_2, _cmd_resolve_image_2, _cmd_set_fragment_shading_rate_khr, _get_physical_device_fragment_shading_rates_khr, _cmd_set_fragment_shading_rate_enum_nv, _get_acceleration_structure_build_sizes_khr, _cmd_set_vertex_input_ext, _cmd_set_color_write_enable_ext, _cmd_set_event_2, _cmd_reset_event_2, _cmd_wait_events_2, _cmd_pipeline_barrier_2, _queue_submit_2, _cmd_write_timestamp_2, _cmd_write_buffer_marker_2_amd, _get_queue_checkpoint_data_2_nv, _get_physical_device_video_capabilities_khr, _get_physical_device_video_format_properties_khr, _create_video_session_khr, _destroy_video_session_khr, _create_video_session_parameters_khr, _update_video_session_parameters_khr, _destroy_video_session_parameters_khr, _get_video_session_memory_requirements_khr, _bind_video_session_memory_khr, _cmd_decode_video_khr, _cmd_begin_video_coding_khr, _cmd_control_video_coding_khr, _cmd_end_video_coding_khr, _cmd_decompress_memory_nv, _cmd_decompress_memory_indirect_count_nv, _create_cu_module_nvx, _create_cu_function_nvx, _destroy_cu_module_nvx, _destroy_cu_function_nvx, _cmd_cu_launch_kernel_nvx, _get_descriptor_set_layout_size_ext, _get_descriptor_set_layout_binding_offset_ext, _get_descriptor_ext, _cmd_bind_descriptor_buffers_ext, _cmd_set_descriptor_buffer_offsets_ext, _cmd_bind_descriptor_buffer_embedded_samplers_ext, _get_buffer_opaque_capture_descriptor_data_ext, _get_image_opaque_capture_descriptor_data_ext, _get_image_view_opaque_capture_descriptor_data_ext, _get_sampler_opaque_capture_descriptor_data_ext, _get_acceleration_structure_opaque_capture_descriptor_data_ext, _set_device_memory_priority_ext, _acquire_drm_display_ext, _get_drm_display_ext, _wait_for_present_khr, _cmd_begin_rendering, _cmd_end_rendering, _get_descriptor_set_layout_host_mapping_info_valve, _get_descriptor_set_host_mapping_valve, _create_micromap_ext, _cmd_build_micromaps_ext, _build_micromaps_ext, _destroy_micromap_ext, _cmd_copy_micromap_ext, _copy_micromap_ext, _cmd_copy_micromap_to_memory_ext, _copy_micromap_to_memory_ext, _cmd_copy_memory_to_micromap_ext, _copy_memory_to_micromap_ext, _cmd_write_micromaps_properties_ext, _write_micromaps_properties_ext, _get_device_micromap_compatibility_ext, _get_micromap_build_sizes_ext, _get_shader_module_identifier_ext, _get_shader_module_create_info_identifier_ext, _get_image_subresource_layout_2_ext, _get_pipeline_properties_ext, _get_framebuffer_tile_properties_qcom, _get_dynamic_rendering_tile_properties_qcom, _get_physical_device_optical_flow_image_formats_nv, _create_optical_flow_session_nv, _destroy_optical_flow_session_nv, _bind_optical_flow_session_image_nv, _cmd_optical_flow_execute_nv, _get_device_fault_info_ext, _release_swapchain_images_ext, create_instance, destroy_instance, enumerate_physical_devices, get_device_proc_addr, get_instance_proc_addr, get_physical_device_properties, get_physical_device_queue_family_properties, get_physical_device_memory_properties, get_physical_device_features, get_physical_device_format_properties, get_physical_device_image_format_properties, create_device, destroy_device, enumerate_instance_version, enumerate_instance_layer_properties, enumerate_instance_extension_properties, enumerate_device_layer_properties, enumerate_device_extension_properties, get_device_queue, queue_submit, queue_wait_idle, device_wait_idle, allocate_memory, free_memory, map_memory, unmap_memory, flush_mapped_memory_ranges, invalidate_mapped_memory_ranges, get_device_memory_commitment, get_buffer_memory_requirements, bind_buffer_memory, get_image_memory_requirements, bind_image_memory, get_image_sparse_memory_requirements, get_physical_device_sparse_image_format_properties, queue_bind_sparse, create_fence, destroy_fence, reset_fences, get_fence_status, wait_for_fences, create_semaphore, destroy_semaphore, create_event, destroy_event, get_event_status, set_event, reset_event, create_query_pool, destroy_query_pool, get_query_pool_results, reset_query_pool, create_buffer, destroy_buffer, create_buffer_view, destroy_buffer_view, create_image, destroy_image, get_image_subresource_layout, create_image_view, destroy_image_view, create_shader_module, destroy_shader_module, create_pipeline_cache, destroy_pipeline_cache, get_pipeline_cache_data, merge_pipeline_caches, create_graphics_pipelines, create_compute_pipelines, get_device_subpass_shading_max_workgroup_size_huawei, destroy_pipeline, create_pipeline_layout, destroy_pipeline_layout, create_sampler, destroy_sampler, create_descriptor_set_layout, destroy_descriptor_set_layout, create_descriptor_pool, destroy_descriptor_pool, reset_descriptor_pool, allocate_descriptor_sets, free_descriptor_sets, update_descriptor_sets, create_framebuffer, destroy_framebuffer, create_render_pass, destroy_render_pass, get_render_area_granularity, create_command_pool, destroy_command_pool, reset_command_pool, allocate_command_buffers, free_command_buffers, begin_command_buffer, end_command_buffer, reset_command_buffer, cmd_bind_pipeline, cmd_set_viewport, cmd_set_scissor, cmd_set_line_width, cmd_set_depth_bias, cmd_set_blend_constants, cmd_set_depth_bounds, cmd_set_stencil_compare_mask, cmd_set_stencil_write_mask, cmd_set_stencil_reference, cmd_bind_descriptor_sets, cmd_bind_index_buffer, cmd_bind_vertex_buffers, cmd_draw, cmd_draw_indexed, cmd_draw_multi_ext, cmd_draw_multi_indexed_ext, cmd_draw_indirect, cmd_draw_indexed_indirect, cmd_dispatch, cmd_dispatch_indirect, cmd_subpass_shading_huawei, cmd_draw_cluster_huawei, cmd_draw_cluster_indirect_huawei, cmd_copy_buffer, cmd_copy_image, cmd_blit_image, cmd_copy_buffer_to_image, cmd_copy_image_to_buffer, cmd_copy_memory_indirect_nv, cmd_copy_memory_to_image_indirect_nv, cmd_update_buffer, cmd_fill_buffer, cmd_clear_color_image, cmd_clear_depth_stencil_image, cmd_clear_attachments, cmd_resolve_image, cmd_set_event, cmd_reset_event, cmd_wait_events, cmd_pipeline_barrier, cmd_begin_query, cmd_end_query, cmd_begin_conditional_rendering_ext, cmd_end_conditional_rendering_ext, cmd_reset_query_pool, cmd_write_timestamp, cmd_copy_query_pool_results, cmd_push_constants, cmd_begin_render_pass, cmd_next_subpass, cmd_end_render_pass, cmd_execute_commands, get_physical_device_display_properties_khr, get_physical_device_display_plane_properties_khr, get_display_plane_supported_displays_khr, get_display_mode_properties_khr, create_display_mode_khr, get_display_plane_capabilities_khr, create_display_plane_surface_khr, create_shared_swapchains_khr, destroy_surface_khr, get_physical_device_surface_support_khr, get_physical_device_surface_capabilities_khr, get_physical_device_surface_formats_khr, get_physical_device_surface_present_modes_khr, create_swapchain_khr, destroy_swapchain_khr, get_swapchain_images_khr, acquire_next_image_khr, queue_present_khr, create_wayland_surface_khr, get_physical_device_wayland_presentation_support_khr, create_xlib_surface_khr, get_physical_device_xlib_presentation_support_khr, create_xcb_surface_khr, get_physical_device_xcb_presentation_support_khr, create_debug_report_callback_ext, destroy_debug_report_callback_ext, debug_report_message_ext, debug_marker_set_object_name_ext, debug_marker_set_object_tag_ext, cmd_debug_marker_begin_ext, cmd_debug_marker_end_ext, cmd_debug_marker_insert_ext, get_physical_device_external_image_format_properties_nv, cmd_execute_generated_commands_nv, cmd_preprocess_generated_commands_nv, cmd_bind_pipeline_shader_group_nv, get_generated_commands_memory_requirements_nv, create_indirect_commands_layout_nv, destroy_indirect_commands_layout_nv, get_physical_device_features_2, get_physical_device_properties_2, get_physical_device_format_properties_2, get_physical_device_image_format_properties_2, get_physical_device_queue_family_properties_2, get_physical_device_memory_properties_2, get_physical_device_sparse_image_format_properties_2, cmd_push_descriptor_set_khr, trim_command_pool, get_physical_device_external_buffer_properties, get_memory_fd_khr, get_memory_fd_properties_khr, get_memory_remote_address_nv, get_physical_device_external_semaphore_properties, get_semaphore_fd_khr, import_semaphore_fd_khr, get_physical_device_external_fence_properties, get_fence_fd_khr, import_fence_fd_khr, release_display_ext, acquire_xlib_display_ext, get_rand_r_output_display_ext, display_power_control_ext, register_device_event_ext, register_display_event_ext, get_swapchain_counter_ext, get_physical_device_surface_capabilities_2_ext, enumerate_physical_device_groups, get_device_group_peer_memory_features, bind_buffer_memory_2, bind_image_memory_2, cmd_set_device_mask, get_device_group_present_capabilities_khr, get_device_group_surface_present_modes_khr, acquire_next_image_2_khr, cmd_dispatch_base, get_physical_device_present_rectangles_khr, create_descriptor_update_template, destroy_descriptor_update_template, update_descriptor_set_with_template, cmd_push_descriptor_set_with_template_khr, set_hdr_metadata_ext, get_swapchain_status_khr, get_refresh_cycle_duration_google, get_past_presentation_timing_google, cmd_set_viewport_w_scaling_nv, cmd_set_discard_rectangle_ext, cmd_set_sample_locations_ext, get_physical_device_multisample_properties_ext, get_physical_device_surface_capabilities_2_khr, get_physical_device_surface_formats_2_khr, get_physical_device_display_properties_2_khr, get_physical_device_display_plane_properties_2_khr, get_display_mode_properties_2_khr, get_display_plane_capabilities_2_khr, get_buffer_memory_requirements_2, get_image_memory_requirements_2, get_image_sparse_memory_requirements_2, get_device_buffer_memory_requirements, get_device_image_memory_requirements, get_device_image_sparse_memory_requirements, create_sampler_ycbcr_conversion, destroy_sampler_ycbcr_conversion, get_device_queue_2, create_validation_cache_ext, destroy_validation_cache_ext, get_validation_cache_data_ext, merge_validation_caches_ext, get_descriptor_set_layout_support, get_shader_info_amd, set_local_dimming_amd, get_physical_device_calibrateable_time_domains_ext, get_calibrated_timestamps_ext, set_debug_utils_object_name_ext, set_debug_utils_object_tag_ext, queue_begin_debug_utils_label_ext, queue_end_debug_utils_label_ext, queue_insert_debug_utils_label_ext, cmd_begin_debug_utils_label_ext, cmd_end_debug_utils_label_ext, cmd_insert_debug_utils_label_ext, create_debug_utils_messenger_ext, destroy_debug_utils_messenger_ext, submit_debug_utils_message_ext, get_memory_host_pointer_properties_ext, cmd_write_buffer_marker_amd, create_render_pass_2, cmd_begin_render_pass_2, cmd_next_subpass_2, cmd_end_render_pass_2, get_semaphore_counter_value, wait_semaphores, signal_semaphore, cmd_draw_indirect_count, cmd_draw_indexed_indirect_count, cmd_set_checkpoint_nv, get_queue_checkpoint_data_nv, cmd_bind_transform_feedback_buffers_ext, cmd_begin_transform_feedback_ext, cmd_end_transform_feedback_ext, cmd_begin_query_indexed_ext, cmd_end_query_indexed_ext, cmd_draw_indirect_byte_count_ext, cmd_set_exclusive_scissor_nv, cmd_bind_shading_rate_image_nv, cmd_set_viewport_shading_rate_palette_nv, cmd_set_coarse_sample_order_nv, cmd_draw_mesh_tasks_nv, cmd_draw_mesh_tasks_indirect_nv, cmd_draw_mesh_tasks_indirect_count_nv, cmd_draw_mesh_tasks_ext, cmd_draw_mesh_tasks_indirect_ext, cmd_draw_mesh_tasks_indirect_count_ext, compile_deferred_nv, create_acceleration_structure_nv, cmd_bind_invocation_mask_huawei, destroy_acceleration_structure_khr, destroy_acceleration_structure_nv, get_acceleration_structure_memory_requirements_nv, bind_acceleration_structure_memory_nv, cmd_copy_acceleration_structure_nv, cmd_copy_acceleration_structure_khr, copy_acceleration_structure_khr, cmd_copy_acceleration_structure_to_memory_khr, copy_acceleration_structure_to_memory_khr, cmd_copy_memory_to_acceleration_structure_khr, copy_memory_to_acceleration_structure_khr, cmd_write_acceleration_structures_properties_khr, cmd_write_acceleration_structures_properties_nv, cmd_build_acceleration_structure_nv, write_acceleration_structures_properties_khr, cmd_trace_rays_khr, cmd_trace_rays_nv, get_ray_tracing_shader_group_handles_khr, get_ray_tracing_capture_replay_shader_group_handles_khr, get_acceleration_structure_handle_nv, create_ray_tracing_pipelines_nv, create_ray_tracing_pipelines_khr, get_physical_device_cooperative_matrix_properties_nv, cmd_trace_rays_indirect_khr, cmd_trace_rays_indirect_2_khr, get_device_acceleration_structure_compatibility_khr, get_ray_tracing_shader_group_stack_size_khr, cmd_set_ray_tracing_pipeline_stack_size_khr, get_image_view_handle_nvx, get_image_view_address_nvx, enumerate_physical_device_queue_family_performance_query_counters_khr, get_physical_device_queue_family_performance_query_passes_khr, acquire_profiling_lock_khr, release_profiling_lock_khr, get_image_drm_format_modifier_properties_ext, get_buffer_opaque_capture_address, get_buffer_device_address, create_headless_surface_ext, get_physical_device_supported_framebuffer_mixed_samples_combinations_nv, initialize_performance_api_intel, uninitialize_performance_api_intel, cmd_set_performance_marker_intel, cmd_set_performance_stream_marker_intel, cmd_set_performance_override_intel, acquire_performance_configuration_intel, release_performance_configuration_intel, queue_set_performance_configuration_intel, get_performance_parameter_intel, get_device_memory_opaque_capture_address, get_pipeline_executable_properties_khr, get_pipeline_executable_statistics_khr, get_pipeline_executable_internal_representations_khr, cmd_set_line_stipple_ext, get_physical_device_tool_properties, create_acceleration_structure_khr, cmd_build_acceleration_structures_khr, cmd_build_acceleration_structures_indirect_khr, build_acceleration_structures_khr, get_acceleration_structure_device_address_khr, create_deferred_operation_khr, destroy_deferred_operation_khr, get_deferred_operation_max_concurrency_khr, get_deferred_operation_result_khr, deferred_operation_join_khr, cmd_set_cull_mode, cmd_set_front_face, cmd_set_primitive_topology, cmd_set_viewport_with_count, cmd_set_scissor_with_count, cmd_bind_vertex_buffers_2, cmd_set_depth_test_enable, cmd_set_depth_write_enable, cmd_set_depth_compare_op, cmd_set_depth_bounds_test_enable, cmd_set_stencil_test_enable, cmd_set_stencil_op, cmd_set_patch_control_points_ext, cmd_set_rasterizer_discard_enable, cmd_set_depth_bias_enable, cmd_set_logic_op_ext, cmd_set_primitive_restart_enable, cmd_set_tessellation_domain_origin_ext, cmd_set_depth_clamp_enable_ext, cmd_set_polygon_mode_ext, cmd_set_rasterization_samples_ext, cmd_set_sample_mask_ext, cmd_set_alpha_to_coverage_enable_ext, cmd_set_alpha_to_one_enable_ext, cmd_set_logic_op_enable_ext, cmd_set_color_blend_enable_ext, cmd_set_color_blend_equation_ext, cmd_set_color_write_mask_ext, cmd_set_rasterization_stream_ext, cmd_set_conservative_rasterization_mode_ext, cmd_set_extra_primitive_overestimation_size_ext, cmd_set_depth_clip_enable_ext, cmd_set_sample_locations_enable_ext, cmd_set_color_blend_advanced_ext, cmd_set_provoking_vertex_mode_ext, cmd_set_line_rasterization_mode_ext, cmd_set_line_stipple_enable_ext, cmd_set_depth_clip_negative_one_to_one_ext, cmd_set_viewport_w_scaling_enable_nv, cmd_set_viewport_swizzle_nv, cmd_set_coverage_to_color_enable_nv, cmd_set_coverage_to_color_location_nv, cmd_set_coverage_modulation_mode_nv, cmd_set_coverage_modulation_table_enable_nv, cmd_set_coverage_modulation_table_nv, cmd_set_shading_rate_image_enable_nv, cmd_set_coverage_reduction_mode_nv, cmd_set_representative_fragment_test_enable_nv, create_private_data_slot, destroy_private_data_slot, set_private_data, get_private_data, cmd_copy_buffer_2, cmd_copy_image_2, cmd_blit_image_2, cmd_copy_buffer_to_image_2, cmd_copy_image_to_buffer_2, cmd_resolve_image_2, cmd_set_fragment_shading_rate_khr, get_physical_device_fragment_shading_rates_khr, cmd_set_fragment_shading_rate_enum_nv, get_acceleration_structure_build_sizes_khr, cmd_set_vertex_input_ext, cmd_set_color_write_enable_ext, cmd_set_event_2, cmd_reset_event_2, cmd_wait_events_2, cmd_pipeline_barrier_2, queue_submit_2, cmd_write_timestamp_2, cmd_write_buffer_marker_2_amd, get_queue_checkpoint_data_2_nv, get_physical_device_video_capabilities_khr, get_physical_device_video_format_properties_khr, create_video_session_khr, destroy_video_session_khr, create_video_session_parameters_khr, update_video_session_parameters_khr, destroy_video_session_parameters_khr, get_video_session_memory_requirements_khr, bind_video_session_memory_khr, cmd_decode_video_khr, cmd_begin_video_coding_khr, cmd_control_video_coding_khr, cmd_end_video_coding_khr, cmd_decompress_memory_nv, cmd_decompress_memory_indirect_count_nv, create_cu_module_nvx, create_cu_function_nvx, destroy_cu_module_nvx, destroy_cu_function_nvx, cmd_cu_launch_kernel_nvx, get_descriptor_set_layout_size_ext, get_descriptor_set_layout_binding_offset_ext, get_descriptor_ext, cmd_bind_descriptor_buffers_ext, cmd_set_descriptor_buffer_offsets_ext, cmd_bind_descriptor_buffer_embedded_samplers_ext, get_buffer_opaque_capture_descriptor_data_ext, get_image_opaque_capture_descriptor_data_ext, get_image_view_opaque_capture_descriptor_data_ext, get_sampler_opaque_capture_descriptor_data_ext, get_acceleration_structure_opaque_capture_descriptor_data_ext, set_device_memory_priority_ext, acquire_drm_display_ext, get_drm_display_ext, wait_for_present_khr, cmd_begin_rendering, cmd_end_rendering, get_descriptor_set_layout_host_mapping_info_valve, get_descriptor_set_host_mapping_valve, create_micromap_ext, cmd_build_micromaps_ext, build_micromaps_ext, destroy_micromap_ext, cmd_copy_micromap_ext, copy_micromap_ext, cmd_copy_micromap_to_memory_ext, copy_micromap_to_memory_ext, cmd_copy_memory_to_micromap_ext, copy_memory_to_micromap_ext, cmd_write_micromaps_properties_ext, write_micromaps_properties_ext, get_device_micromap_compatibility_ext, get_micromap_build_sizes_ext, get_shader_module_identifier_ext, get_shader_module_create_info_identifier_ext, get_image_subresource_layout_2_ext, get_pipeline_properties_ext, get_framebuffer_tile_properties_qcom, get_dynamic_rendering_tile_properties_qcom, get_physical_device_optical_flow_image_formats_nv, create_optical_flow_session_nv, destroy_optical_flow_session_nv, bind_optical_flow_session_image_nv, cmd_optical_flow_execute_nv, get_device_fault_info_ext, release_swapchain_images_ext, SPIRV_EXTENSIONS, SPIRV_CAPABILITIES, CORE_FUNCTIONS, INSTANCE_FUNCTIONS, DEVICE_FUNCTIONS, bind_buffer_memory_2_khr, bind_image_memory_2_khr, cmd_begin_render_pass_2_khr, cmd_begin_rendering_khr, cmd_bind_vertex_buffers_2_ext, cmd_blit_image_2_khr, cmd_copy_buffer_2_khr, cmd_copy_buffer_to_image_2_khr, cmd_copy_image_2_khr, cmd_copy_image_to_buffer_2_khr, cmd_dispatch_base_khr, cmd_draw_indexed_indirect_count_amd, cmd_draw_indexed_indirect_count_khr, cmd_draw_indirect_count_amd, cmd_draw_indirect_count_khr, cmd_end_render_pass_2_khr, cmd_end_rendering_khr, cmd_next_subpass_2_khr, cmd_pipeline_barrier_2_khr, cmd_reset_event_2_khr, cmd_resolve_image_2_khr, cmd_set_cull_mode_ext, cmd_set_depth_bias_enable_ext, cmd_set_depth_bounds_test_enable_ext, cmd_set_depth_compare_op_ext, cmd_set_depth_test_enable_ext, cmd_set_depth_write_enable_ext, cmd_set_device_mask_khr, cmd_set_event_2_khr, cmd_set_front_face_ext, cmd_set_primitive_restart_enable_ext, cmd_set_primitive_topology_ext, cmd_set_rasterizer_discard_enable_ext, cmd_set_scissor_with_count_ext, cmd_set_stencil_op_ext, cmd_set_stencil_test_enable_ext, cmd_set_viewport_with_count_ext, cmd_wait_events_2_khr, cmd_write_timestamp_2_khr, create_descriptor_update_template_khr, create_private_data_slot_ext, create_render_pass_2_khr, create_sampler_ycbcr_conversion_khr, destroy_descriptor_update_template_khr, destroy_private_data_slot_ext, destroy_sampler_ycbcr_conversion_khr, enumerate_physical_device_groups_khr, get_buffer_device_address_ext, get_buffer_device_address_khr, get_buffer_memory_requirements_2_khr, get_buffer_opaque_capture_address_khr, get_descriptor_set_layout_support_khr, get_device_buffer_memory_requirements_khr, get_device_group_peer_memory_features_khr, get_device_image_memory_requirements_khr, get_device_image_sparse_memory_requirements_khr, get_device_memory_opaque_capture_address_khr, get_image_memory_requirements_2_khr, get_image_sparse_memory_requirements_2_khr, get_physical_device_external_buffer_properties_khr, get_physical_device_external_fence_properties_khr, get_physical_device_external_semaphore_properties_khr, get_physical_device_features_2_khr, get_physical_device_format_properties_2_khr, get_physical_device_image_format_properties_2_khr, get_physical_device_memory_properties_2_khr, get_physical_device_properties_2_khr, get_physical_device_queue_family_properties_2_khr, get_physical_device_sparse_image_format_properties_2_khr, get_physical_device_tool_properties_ext, get_private_data_ext, get_ray_tracing_shader_group_handles_nv, get_semaphore_counter_value_khr, queue_submit_2_khr, reset_query_pool_ext, set_private_data_ext, signal_semaphore_khr, trim_command_pool_khr, update_descriptor_set_with_template_khr, wait_semaphores_khr, ACCELERATION_STRUCTURE_TYPE_BOTTOM_LEVEL_NV, ACCELERATION_STRUCTURE_TYPE_TOP_LEVEL_NV, ACCESS_2_ACCELERATION_STRUCTURE_READ_BIT_NV, ACCESS_2_ACCELERATION_STRUCTURE_WRITE_BIT_NV, ACCESS_2_COLOR_ATTACHMENT_READ_BIT_KHR, ACCESS_2_COLOR_ATTACHMENT_WRITE_BIT_KHR, ACCESS_2_DEPTH_STENCIL_ATTACHMENT_READ_BIT_KHR, ACCESS_2_DEPTH_STENCIL_ATTACHMENT_WRITE_BIT_KHR, ACCESS_2_HOST_READ_BIT_KHR, ACCESS_2_HOST_WRITE_BIT_KHR, ACCESS_2_INDEX_READ_BIT_KHR, ACCESS_2_INDIRECT_COMMAND_READ_BIT_KHR, ACCESS_2_INPUT_ATTACHMENT_READ_BIT_KHR, ACCESS_2_MEMORY_READ_BIT_KHR, ACCESS_2_MEMORY_WRITE_BIT_KHR, ACCESS_2_NONE_KHR, ACCESS_2_SHADER_READ_BIT_KHR, ACCESS_2_SHADER_SAMPLED_READ_BIT_KHR, ACCESS_2_SHADER_STORAGE_READ_BIT_KHR, ACCESS_2_SHADER_STORAGE_WRITE_BIT_KHR, ACCESS_2_SHADER_WRITE_BIT_KHR, ACCESS_2_SHADING_RATE_IMAGE_READ_BIT_NV, ACCESS_2_TRANSFER_READ_BIT_KHR, ACCESS_2_TRANSFER_WRITE_BIT_KHR, ACCESS_2_UNIFORM_READ_BIT_KHR, ACCESS_2_VERTEX_ATTRIBUTE_READ_BIT_KHR, ACCESS_ACCELERATION_STRUCTURE_READ_BIT_NV, ACCESS_ACCELERATION_STRUCTURE_WRITE_BIT_NV, ACCESS_NONE_KHR, ACCESS_SHADING_RATE_IMAGE_READ_BIT_NV, ATTACHMENT_STORE_OP_NONE_EXT, ATTACHMENT_STORE_OP_NONE_KHR, ATTACHMENT_STORE_OP_NONE_QCOM, BUFFER_CREATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT_EXT, BUFFER_CREATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT_KHR, BUFFER_USAGE_RAY_TRACING_BIT_NV, BUFFER_USAGE_SHADER_DEVICE_ADDRESS_BIT_EXT, BUFFER_USAGE_SHADER_DEVICE_ADDRESS_BIT_KHR, BUILD_ACCELERATION_STRUCTURE_ALLOW_COMPACTION_BIT_NV, BUILD_ACCELERATION_STRUCTURE_ALLOW_UPDATE_BIT_NV, BUILD_ACCELERATION_STRUCTURE_LOW_MEMORY_BIT_NV, BUILD_ACCELERATION_STRUCTURE_PREFER_FAST_BUILD_BIT_NV, BUILD_ACCELERATION_STRUCTURE_PREFER_FAST_TRACE_BIT_NV, CHROMA_LOCATION_COSITED_EVEN_KHR, CHROMA_LOCATION_MIDPOINT_KHR, COLORSPACE_SRGB_NONLINEAR_KHR, COLOR_SPACE_DCI_P3_LINEAR_EXT, COPY_ACCELERATION_STRUCTURE_MODE_CLONE_NV, COPY_ACCELERATION_STRUCTURE_MODE_COMPACT_NV, DEBUG_REPORT_OBJECT_TYPE_DEBUG_REPORT_EXT, DEBUG_REPORT_OBJECT_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_KHR_EXT, DEBUG_REPORT_OBJECT_TYPE_SAMPLER_YCBCR_CONVERSION_KHR_EXT, DEBUG_REPORT_OBJECT_TYPE_VALIDATION_CACHE_EXT, DEPENDENCY_DEVICE_GROUP_BIT_KHR, DEPENDENCY_VIEW_LOCAL_BIT_KHR, DESCRIPTOR_BINDING_PARTIALLY_BOUND_BIT_EXT, DESCRIPTOR_BINDING_UPDATE_AFTER_BIND_BIT_EXT, DESCRIPTOR_BINDING_UPDATE_UNUSED_WHILE_PENDING_BIT_EXT, DESCRIPTOR_BINDING_VARIABLE_DESCRIPTOR_COUNT_BIT_EXT, DESCRIPTOR_POOL_CREATE_HOST_ONLY_BIT_VALVE, DESCRIPTOR_POOL_CREATE_UPDATE_AFTER_BIND_BIT_EXT, DESCRIPTOR_SET_LAYOUT_CREATE_HOST_ONLY_POOL_BIT_VALVE, DESCRIPTOR_SET_LAYOUT_CREATE_UPDATE_AFTER_BIND_POOL_BIT_EXT, DESCRIPTOR_TYPE_INLINE_UNIFORM_BLOCK_EXT, DESCRIPTOR_TYPE_MUTABLE_VALVE, DESCRIPTOR_UPDATE_TEMPLATE_TYPE_DESCRIPTOR_SET_KHR, DRIVER_ID_AMD_OPEN_SOURCE_KHR, DRIVER_ID_AMD_PROPRIETARY_KHR, DRIVER_ID_ARM_PROPRIETARY_KHR, DRIVER_ID_BROADCOM_PROPRIETARY_KHR, DRIVER_ID_GGP_PROPRIETARY_KHR, DRIVER_ID_GOOGLE_SWIFTSHADER_KHR, DRIVER_ID_IMAGINATION_PROPRIETARY_KHR, DRIVER_ID_INTEL_OPEN_SOURCE_MESA_KHR, DRIVER_ID_INTEL_PROPRIETARY_WINDOWS_KHR, DRIVER_ID_MESA_RADV_KHR, DRIVER_ID_NVIDIA_PROPRIETARY_KHR, DRIVER_ID_QUALCOMM_PROPRIETARY_KHR, DYNAMIC_STATE_CULL_MODE_EXT, DYNAMIC_STATE_DEPTH_BIAS_ENABLE_EXT, DYNAMIC_STATE_DEPTH_BOUNDS_TEST_ENABLE_EXT, DYNAMIC_STATE_DEPTH_COMPARE_OP_EXT, DYNAMIC_STATE_DEPTH_TEST_ENABLE_EXT, DYNAMIC_STATE_DEPTH_WRITE_ENABLE_EXT, DYNAMIC_STATE_FRONT_FACE_EXT, DYNAMIC_STATE_PRIMITIVE_RESTART_ENABLE_EXT, DYNAMIC_STATE_PRIMITIVE_TOPOLOGY_EXT, DYNAMIC_STATE_RASTERIZER_DISCARD_ENABLE_EXT, DYNAMIC_STATE_SCISSOR_WITH_COUNT_EXT, DYNAMIC_STATE_STENCIL_OP_EXT, DYNAMIC_STATE_STENCIL_TEST_ENABLE_EXT, DYNAMIC_STATE_VERTEX_INPUT_BINDING_STRIDE_EXT, DYNAMIC_STATE_VIEWPORT_WITH_COUNT_EXT, ERROR_FRAGMENTATION_EXT, ERROR_INVALID_DEVICE_ADDRESS_EXT, ERROR_INVALID_EXTERNAL_HANDLE_KHR, ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR, ERROR_NOT_PERMITTED_EXT, ERROR_OUT_OF_POOL_MEMORY_KHR, ERROR_PIPELINE_COMPILE_REQUIRED_EXT, EVENT_CREATE_DEVICE_ONLY_BIT_KHR, EXTERNAL_FENCE_FEATURE_EXPORTABLE_BIT_KHR, EXTERNAL_FENCE_FEATURE_IMPORTABLE_BIT_KHR, EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_FD_BIT_KHR, EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_WIN32_BIT_KHR, EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT_KHR, EXTERNAL_FENCE_HANDLE_TYPE_SYNC_FD_BIT_KHR, EXTERNAL_MEMORY_FEATURE_DEDICATED_ONLY_BIT_KHR, EXTERNAL_MEMORY_FEATURE_EXPORTABLE_BIT_KHR, EXTERNAL_MEMORY_FEATURE_IMPORTABLE_BIT_KHR, EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_TEXTURE_BIT_KHR, EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_TEXTURE_KMT_BIT_KHR, EXTERNAL_MEMORY_HANDLE_TYPE_D3D12_HEAP_BIT_KHR, EXTERNAL_MEMORY_HANDLE_TYPE_D3D12_RESOURCE_BIT_KHR, EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_FD_BIT_KHR, EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_BIT_KHR, EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT_KHR, EXTERNAL_SEMAPHORE_FEATURE_EXPORTABLE_BIT_KHR, EXTERNAL_SEMAPHORE_FEATURE_IMPORTABLE_BIT_KHR, EXTERNAL_SEMAPHORE_HANDLE_TYPE_D3D11_FENCE_BIT, EXTERNAL_SEMAPHORE_HANDLE_TYPE_D3D12_FENCE_BIT_KHR, EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_FD_BIT_KHR, EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_WIN32_BIT_KHR, EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT_KHR, EXTERNAL_SEMAPHORE_HANDLE_TYPE_SYNC_FD_BIT_KHR, FENCE_IMPORT_TEMPORARY_BIT_KHR, FILTER_CUBIC_IMG, FORMAT_A4B4G4R4_UNORM_PACK16_EXT, FORMAT_A4R4G4B4_UNORM_PACK16_EXT, FORMAT_ASTC_10x10_SFLOAT_BLOCK_EXT, FORMAT_ASTC_10x5_SFLOAT_BLOCK_EXT, FORMAT_ASTC_10x6_SFLOAT_BLOCK_EXT, FORMAT_ASTC_10x8_SFLOAT_BLOCK_EXT, FORMAT_ASTC_12x10_SFLOAT_BLOCK_EXT, FORMAT_ASTC_12x12_SFLOAT_BLOCK_EXT, FORMAT_ASTC_4x4_SFLOAT_BLOCK_EXT, FORMAT_ASTC_5x4_SFLOAT_BLOCK_EXT, FORMAT_ASTC_5x5_SFLOAT_BLOCK_EXT, FORMAT_ASTC_6x5_SFLOAT_BLOCK_EXT, FORMAT_ASTC_6x6_SFLOAT_BLOCK_EXT, FORMAT_ASTC_8x5_SFLOAT_BLOCK_EXT, FORMAT_ASTC_8x6_SFLOAT_BLOCK_EXT, FORMAT_ASTC_8x8_SFLOAT_BLOCK_EXT, FORMAT_B10X6G10X6R10X6G10X6_422_UNORM_4PACK16_KHR, FORMAT_B12X4G12X4R12X4G12X4_422_UNORM_4PACK16_KHR, FORMAT_B16G16R16G16_422_UNORM_KHR, FORMAT_B8G8R8G8_422_UNORM_KHR, FORMAT_FEATURE_2_BLIT_DST_BIT_KHR, FORMAT_FEATURE_2_BLIT_SRC_BIT_KHR, FORMAT_FEATURE_2_COLOR_ATTACHMENT_BIT_KHR, FORMAT_FEATURE_2_COLOR_ATTACHMENT_BLEND_BIT_KHR, FORMAT_FEATURE_2_COSITED_CHROMA_SAMPLES_BIT_KHR, FORMAT_FEATURE_2_DEPTH_STENCIL_ATTACHMENT_BIT_KHR, FORMAT_FEATURE_2_DISJOINT_BIT_KHR, FORMAT_FEATURE_2_MIDPOINT_CHROMA_SAMPLES_BIT_KHR, FORMAT_FEATURE_2_SAMPLED_IMAGE_BIT_KHR, FORMAT_FEATURE_2_SAMPLED_IMAGE_DEPTH_COMPARISON_BIT_KHR, FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_CUBIC_BIT_EXT, FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_LINEAR_BIT_KHR, FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_MINMAX_BIT_KHR, FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_BIT_KHR, FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_FORCEABLE_BIT_KHR, FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_LINEAR_FILTER_BIT_KHR, FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_SEPARATE_RECONSTRUCTION_FILTER_BIT_KHR, FORMAT_FEATURE_2_STORAGE_IMAGE_ATOMIC_BIT_KHR, FORMAT_FEATURE_2_STORAGE_IMAGE_BIT_KHR, FORMAT_FEATURE_2_STORAGE_READ_WITHOUT_FORMAT_BIT_KHR, FORMAT_FEATURE_2_STORAGE_TEXEL_BUFFER_ATOMIC_BIT_KHR, FORMAT_FEATURE_2_STORAGE_TEXEL_BUFFER_BIT_KHR, FORMAT_FEATURE_2_STORAGE_WRITE_WITHOUT_FORMAT_BIT_KHR, FORMAT_FEATURE_2_TRANSFER_DST_BIT_KHR, FORMAT_FEATURE_2_TRANSFER_SRC_BIT_KHR, FORMAT_FEATURE_2_UNIFORM_TEXEL_BUFFER_BIT_KHR, FORMAT_FEATURE_2_VERTEX_BUFFER_BIT_KHR, FORMAT_FEATURE_COSITED_CHROMA_SAMPLES_BIT_KHR, FORMAT_FEATURE_DISJOINT_BIT_KHR, FORMAT_FEATURE_MIDPOINT_CHROMA_SAMPLES_BIT_KHR, FORMAT_FEATURE_SAMPLED_IMAGE_FILTER_CUBIC_BIT_IMG, FORMAT_FEATURE_SAMPLED_IMAGE_FILTER_MINMAX_BIT_EXT, FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_BIT_KHR, FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_FORCEABLE_BIT_KHR, FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_LINEAR_FILTER_BIT_KHR, FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_SEPARATE_RECONSTRUCTION_FILTER_BIT_KHR, FORMAT_FEATURE_TRANSFER_DST_BIT_KHR, FORMAT_FEATURE_TRANSFER_SRC_BIT_KHR, FORMAT_G10X6B10X6G10X6R10X6_422_UNORM_4PACK16_KHR, FORMAT_G10X6_B10X6R10X6_2PLANE_420_UNORM_3PACK16_KHR, FORMAT_G10X6_B10X6R10X6_2PLANE_422_UNORM_3PACK16_KHR, FORMAT_G10X6_B10X6R10X6_2PLANE_444_UNORM_3PACK16_EXT, FORMAT_G10X6_B10X6_R10X6_3PLANE_420_UNORM_3PACK16_KHR, FORMAT_G10X6_B10X6_R10X6_3PLANE_422_UNORM_3PACK16_KHR, FORMAT_G10X6_B10X6_R10X6_3PLANE_444_UNORM_3PACK16_KHR, FORMAT_G12X4B12X4G12X4R12X4_422_UNORM_4PACK16_KHR, FORMAT_G12X4_B12X4R12X4_2PLANE_420_UNORM_3PACK16_KHR, FORMAT_G12X4_B12X4R12X4_2PLANE_422_UNORM_3PACK16_KHR, FORMAT_G12X4_B12X4R12X4_2PLANE_444_UNORM_3PACK16_EXT, FORMAT_G12X4_B12X4_R12X4_3PLANE_420_UNORM_3PACK16_KHR, FORMAT_G12X4_B12X4_R12X4_3PLANE_422_UNORM_3PACK16_KHR, FORMAT_G12X4_B12X4_R12X4_3PLANE_444_UNORM_3PACK16_KHR, FORMAT_G16B16G16R16_422_UNORM_KHR, FORMAT_G16_B16R16_2PLANE_420_UNORM_KHR, FORMAT_G16_B16R16_2PLANE_422_UNORM_KHR, FORMAT_G16_B16R16_2PLANE_444_UNORM_EXT, FORMAT_G16_B16_R16_3PLANE_420_UNORM_KHR, FORMAT_G16_B16_R16_3PLANE_422_UNORM_KHR, FORMAT_G16_B16_R16_3PLANE_444_UNORM_KHR, FORMAT_G8B8G8R8_422_UNORM_KHR, FORMAT_G8_B8R8_2PLANE_420_UNORM_KHR, FORMAT_G8_B8R8_2PLANE_422_UNORM_KHR, FORMAT_G8_B8R8_2PLANE_444_UNORM_EXT, FORMAT_G8_B8_R8_3PLANE_420_UNORM_KHR, FORMAT_G8_B8_R8_3PLANE_422_UNORM_KHR, FORMAT_G8_B8_R8_3PLANE_444_UNORM_KHR, FORMAT_R10X6G10X6B10X6A10X6_UNORM_4PACK16_KHR, FORMAT_R10X6G10X6_UNORM_2PACK16_KHR, FORMAT_R10X6_UNORM_PACK16_KHR, FORMAT_R12X4G12X4B12X4A12X4_UNORM_4PACK16_KHR, FORMAT_R12X4G12X4_UNORM_2PACK16_KHR, FORMAT_R12X4_UNORM_PACK16_KHR, FRAMEBUFFER_CREATE_IMAGELESS_BIT_KHR, GEOMETRY_INSTANCE_FORCE_NO_OPAQUE_BIT_NV, GEOMETRY_INSTANCE_FORCE_OPAQUE_BIT_NV, GEOMETRY_INSTANCE_TRIANGLE_CULL_DISABLE_BIT_NV, GEOMETRY_INSTANCE_TRIANGLE_FRONT_COUNTERCLOCKWISE_BIT_KHR, GEOMETRY_NO_DUPLICATE_ANY_HIT_INVOCATION_BIT_NV, GEOMETRY_OPAQUE_BIT_NV, GEOMETRY_TYPE_AABBS_NV, GEOMETRY_TYPE_TRIANGLES_NV, IMAGE_ASPECT_NONE_KHR, IMAGE_ASPECT_PLANE_0_BIT_KHR, IMAGE_ASPECT_PLANE_1_BIT_KHR, IMAGE_ASPECT_PLANE_2_BIT_KHR, IMAGE_CREATE_2D_ARRAY_COMPATIBLE_BIT_KHR, IMAGE_CREATE_ALIAS_BIT_KHR, IMAGE_CREATE_BLOCK_TEXEL_VIEW_COMPATIBLE_BIT_KHR, IMAGE_CREATE_DISJOINT_BIT_KHR, IMAGE_CREATE_EXTENDED_USAGE_BIT_KHR, IMAGE_CREATE_SPLIT_INSTANCE_BIND_REGIONS_BIT_KHR, IMAGE_LAYOUT_ATTACHMENT_OPTIMAL_KHR, IMAGE_LAYOUT_DEPTH_ATTACHMENT_OPTIMAL_KHR, IMAGE_LAYOUT_DEPTH_ATTACHMENT_STENCIL_READ_ONLY_OPTIMAL_KHR, IMAGE_LAYOUT_DEPTH_READ_ONLY_OPTIMAL_KHR, IMAGE_LAYOUT_DEPTH_READ_ONLY_STENCIL_ATTACHMENT_OPTIMAL_KHR, IMAGE_LAYOUT_READ_ONLY_OPTIMAL_KHR, IMAGE_LAYOUT_SHADING_RATE_OPTIMAL_NV, IMAGE_LAYOUT_STENCIL_ATTACHMENT_OPTIMAL_KHR, IMAGE_LAYOUT_STENCIL_READ_ONLY_OPTIMAL_KHR, IMAGE_USAGE_SHADING_RATE_IMAGE_BIT_NV, INDEX_TYPE_NONE_NV, LUID_SIZE_KHR, MAX_DEVICE_GROUP_SIZE_KHR, MAX_DRIVER_INFO_SIZE_KHR, MAX_DRIVER_NAME_SIZE_KHR, MAX_GLOBAL_PRIORITY_SIZE_EXT, MEMORY_ALLOCATE_DEVICE_ADDRESS_BIT_KHR, MEMORY_ALLOCATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT_KHR, MEMORY_ALLOCATE_DEVICE_MASK_BIT_KHR, MEMORY_HEAP_MULTI_INSTANCE_BIT_KHR, OBJECT_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_KHR, OBJECT_TYPE_PRIVATE_DATA_SLOT_EXT, OBJECT_TYPE_SAMPLER_YCBCR_CONVERSION_KHR, PEER_MEMORY_FEATURE_COPY_DST_BIT_KHR, PEER_MEMORY_FEATURE_COPY_SRC_BIT_KHR, PEER_MEMORY_FEATURE_GENERIC_DST_BIT_KHR, PEER_MEMORY_FEATURE_GENERIC_SRC_BIT_KHR, PERFORMANCE_COUNTER_DESCRIPTION_CONCURRENTLY_IMPACTED_KHR, PERFORMANCE_COUNTER_DESCRIPTION_PERFORMANCE_IMPACTING_KHR, PIPELINE_BIND_POINT_RAY_TRACING_NV, PIPELINE_CACHE_CREATE_EXTERNALLY_SYNCHRONIZED_BIT_EXT, PIPELINE_COLOR_BLEND_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_ACCESS_BIT_ARM, PIPELINE_COMPILE_REQUIRED_EXT, PIPELINE_CREATE_DISPATCH_BASE, PIPELINE_CREATE_EARLY_RETURN_ON_FAILURE_BIT_EXT, PIPELINE_CREATE_FAIL_ON_PIPELINE_COMPILE_REQUIRED_BIT_EXT, PIPELINE_CREATE_VIEW_INDEX_FROM_DEVICE_INDEX_BIT_KHR, PIPELINE_CREATION_FEEDBACK_APPLICATION_PIPELINE_CACHE_HIT_BIT_EXT, PIPELINE_CREATION_FEEDBACK_BASE_PIPELINE_ACCELERATION_BIT_EXT, PIPELINE_CREATION_FEEDBACK_VALID_BIT_EXT, PIPELINE_DEPTH_STENCIL_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_DEPTH_ACCESS_BIT_ARM, PIPELINE_DEPTH_STENCIL_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_STENCIL_ACCESS_BIT_ARM, PIPELINE_RASTERIZATION_STATE_CREATE_FRAGMENT_DENSITY_MAP_ATTACHMENT_BIT_EXT, PIPELINE_RASTERIZATION_STATE_CREATE_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR, PIPELINE_SHADER_STAGE_CREATE_ALLOW_VARYING_SUBGROUP_SIZE_BIT_EXT, PIPELINE_SHADER_STAGE_CREATE_REQUIRE_FULL_SUBGROUPS_BIT_EXT, PIPELINE_STAGE_2_ACCELERATION_STRUCTURE_BUILD_BIT_NV, PIPELINE_STAGE_2_ALL_COMMANDS_BIT_KHR, PIPELINE_STAGE_2_ALL_GRAPHICS_BIT_KHR, PIPELINE_STAGE_2_ALL_TRANSFER_BIT_KHR, PIPELINE_STAGE_2_BLIT_BIT_KHR, PIPELINE_STAGE_2_BOTTOM_OF_PIPE_BIT_KHR, PIPELINE_STAGE_2_CLEAR_BIT_KHR, PIPELINE_STAGE_2_COLOR_ATTACHMENT_OUTPUT_BIT_KHR, PIPELINE_STAGE_2_COMPUTE_SHADER_BIT_KHR, PIPELINE_STAGE_2_COPY_BIT_KHR, PIPELINE_STAGE_2_DRAW_INDIRECT_BIT_KHR, PIPELINE_STAGE_2_EARLY_FRAGMENT_TESTS_BIT_KHR, PIPELINE_STAGE_2_FRAGMENT_SHADER_BIT_KHR, PIPELINE_STAGE_2_GEOMETRY_SHADER_BIT_KHR, PIPELINE_STAGE_2_HOST_BIT_KHR, PIPELINE_STAGE_2_INDEX_INPUT_BIT_KHR, PIPELINE_STAGE_2_LATE_FRAGMENT_TESTS_BIT_KHR, PIPELINE_STAGE_2_MESH_SHADER_BIT_NV, PIPELINE_STAGE_2_NONE_KHR, PIPELINE_STAGE_2_PRE_RASTERIZATION_SHADERS_BIT_KHR, PIPELINE_STAGE_2_RAY_TRACING_SHADER_BIT_NV, PIPELINE_STAGE_2_RESOLVE_BIT_KHR, PIPELINE_STAGE_2_SHADING_RATE_IMAGE_BIT_NV, PIPELINE_STAGE_2_TASK_SHADER_BIT_NV, PIPELINE_STAGE_2_TESSELLATION_CONTROL_SHADER_BIT_KHR, PIPELINE_STAGE_2_TESSELLATION_EVALUATION_SHADER_BIT_KHR, PIPELINE_STAGE_2_TOP_OF_PIPE_BIT_KHR, PIPELINE_STAGE_2_TRANSFER_BIT_KHR, PIPELINE_STAGE_2_VERTEX_ATTRIBUTE_INPUT_BIT_KHR, PIPELINE_STAGE_2_VERTEX_INPUT_BIT_KHR, PIPELINE_STAGE_2_VERTEX_SHADER_BIT_KHR, PIPELINE_STAGE_ACCELERATION_STRUCTURE_BUILD_BIT_NV, PIPELINE_STAGE_MESH_SHADER_BIT_NV, PIPELINE_STAGE_NONE_KHR, PIPELINE_STAGE_RAY_TRACING_SHADER_BIT_NV, PIPELINE_STAGE_SHADING_RATE_IMAGE_BIT_NV, PIPELINE_STAGE_TASK_SHADER_BIT_NV, POINT_CLIPPING_BEHAVIOR_ALL_CLIP_PLANES_KHR, POINT_CLIPPING_BEHAVIOR_USER_CLIP_PLANES_ONLY_KHR, QUERY_SCOPE_COMMAND_BUFFER_KHR, QUERY_SCOPE_COMMAND_KHR, QUERY_SCOPE_RENDER_PASS_KHR, QUEUE_FAMILY_EXTERNAL_KHR, QUEUE_GLOBAL_PRIORITY_HIGH_EXT, QUEUE_GLOBAL_PRIORITY_LOW_EXT, QUEUE_GLOBAL_PRIORITY_MEDIUM_EXT, QUEUE_GLOBAL_PRIORITY_REALTIME_EXT, RAY_TRACING_SHADER_GROUP_TYPE_GENERAL_NV, RAY_TRACING_SHADER_GROUP_TYPE_PROCEDURAL_HIT_GROUP_NV, RAY_TRACING_SHADER_GROUP_TYPE_TRIANGLES_HIT_GROUP_NV, RENDERING_CONTENTS_SECONDARY_COMMAND_BUFFERS_BIT_KHR, RENDERING_RESUMING_BIT_KHR, RENDERING_SUSPENDING_BIT_KHR, RESOLVE_MODE_AVERAGE_BIT_KHR, RESOLVE_MODE_MAX_BIT_KHR, RESOLVE_MODE_MIN_BIT_KHR, RESOLVE_MODE_NONE_KHR, RESOLVE_MODE_SAMPLE_ZERO_BIT_KHR, SAMPLER_ADDRESS_MODE_MIRROR_CLAMP_TO_EDGE_KHR, SAMPLER_REDUCTION_MODE_MAX_EXT, SAMPLER_REDUCTION_MODE_MIN_EXT, SAMPLER_REDUCTION_MODE_WEIGHTED_AVERAGE_EXT, SAMPLER_YCBCR_MODEL_CONVERSION_RGB_IDENTITY_KHR, SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_2020_KHR, SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_601_KHR, SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_709_KHR, SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_IDENTITY_KHR, SAMPLER_YCBCR_RANGE_ITU_FULL_KHR, SAMPLER_YCBCR_RANGE_ITU_NARROW_KHR, SEMAPHORE_IMPORT_TEMPORARY_BIT_KHR, SEMAPHORE_TYPE_BINARY_KHR, SEMAPHORE_TYPE_TIMELINE_KHR, SEMAPHORE_WAIT_ANY_BIT_KHR, SHADER_FLOAT_CONTROLS_INDEPENDENCE_32_BIT_ONLY_KHR, SHADER_FLOAT_CONTROLS_INDEPENDENCE_ALL_KHR, SHADER_FLOAT_CONTROLS_INDEPENDENCE_NONE_KHR, SHADER_STAGE_ANY_HIT_BIT_NV, SHADER_STAGE_CALLABLE_BIT_NV, SHADER_STAGE_CLOSEST_HIT_BIT_NV, SHADER_STAGE_INTERSECTION_BIT_NV, SHADER_STAGE_MESH_BIT_NV, SHADER_STAGE_MISS_BIT_NV, SHADER_STAGE_RAYGEN_BIT_NV, SHADER_STAGE_TASK_BIT_NV, SHADER_UNUSED_NV, STENCIL_FRONT_AND_BACK, STRUCTURE_TYPE_ATTACHMENT_DESCRIPTION_2_KHR, STRUCTURE_TYPE_ATTACHMENT_DESCRIPTION_STENCIL_LAYOUT_KHR, STRUCTURE_TYPE_ATTACHMENT_REFERENCE_2_KHR, STRUCTURE_TYPE_ATTACHMENT_REFERENCE_STENCIL_LAYOUT_KHR, STRUCTURE_TYPE_ATTACHMENT_SAMPLE_COUNT_INFO_NV, STRUCTURE_TYPE_BIND_BUFFER_MEMORY_DEVICE_GROUP_INFO_KHR, STRUCTURE_TYPE_BIND_BUFFER_MEMORY_INFO_KHR, STRUCTURE_TYPE_BIND_IMAGE_MEMORY_DEVICE_GROUP_INFO_KHR, STRUCTURE_TYPE_BIND_IMAGE_MEMORY_INFO_KHR, STRUCTURE_TYPE_BIND_IMAGE_PLANE_MEMORY_INFO_KHR, STRUCTURE_TYPE_BLIT_IMAGE_INFO_2_KHR, STRUCTURE_TYPE_BUFFER_COPY_2_KHR, STRUCTURE_TYPE_BUFFER_DEVICE_ADDRESS_INFO_EXT, STRUCTURE_TYPE_BUFFER_DEVICE_ADDRESS_INFO_KHR, STRUCTURE_TYPE_BUFFER_IMAGE_COPY_2_KHR, STRUCTURE_TYPE_BUFFER_MEMORY_BARRIER_2_KHR, STRUCTURE_TYPE_BUFFER_MEMORY_REQUIREMENTS_INFO_2_KHR, STRUCTURE_TYPE_BUFFER_OPAQUE_CAPTURE_ADDRESS_CREATE_INFO_KHR, STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_RENDERING_INFO_KHR, STRUCTURE_TYPE_COMMAND_BUFFER_SUBMIT_INFO_KHR, STRUCTURE_TYPE_COPY_BUFFER_INFO_2_KHR, STRUCTURE_TYPE_COPY_BUFFER_TO_IMAGE_INFO_2_KHR, STRUCTURE_TYPE_COPY_IMAGE_INFO_2_KHR, STRUCTURE_TYPE_COPY_IMAGE_TO_BUFFER_INFO_2_KHR, STRUCTURE_TYPE_DEBUG_REPORT_CREATE_INFO_EXT, STRUCTURE_TYPE_DEPENDENCY_INFO_KHR, STRUCTURE_TYPE_DESCRIPTOR_POOL_INLINE_UNIFORM_BLOCK_CREATE_INFO_EXT, STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_BINDING_FLAGS_CREATE_INFO_EXT, STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_SUPPORT_KHR, STRUCTURE_TYPE_DESCRIPTOR_SET_VARIABLE_DESCRIPTOR_COUNT_ALLOCATE_INFO_EXT, STRUCTURE_TYPE_DESCRIPTOR_SET_VARIABLE_DESCRIPTOR_COUNT_LAYOUT_SUPPORT_EXT, STRUCTURE_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_CREATE_INFO_KHR, STRUCTURE_TYPE_DEVICE_BUFFER_MEMORY_REQUIREMENTS_KHR, STRUCTURE_TYPE_DEVICE_GROUP_BIND_SPARSE_INFO_KHR, STRUCTURE_TYPE_DEVICE_GROUP_COMMAND_BUFFER_BEGIN_INFO_KHR, STRUCTURE_TYPE_DEVICE_GROUP_DEVICE_CREATE_INFO_KHR, STRUCTURE_TYPE_DEVICE_GROUP_RENDER_PASS_BEGIN_INFO_KHR, STRUCTURE_TYPE_DEVICE_GROUP_SUBMIT_INFO_KHR, STRUCTURE_TYPE_DEVICE_IMAGE_MEMORY_REQUIREMENTS_KHR, STRUCTURE_TYPE_DEVICE_MEMORY_OPAQUE_CAPTURE_ADDRESS_INFO_KHR, STRUCTURE_TYPE_DEVICE_PRIVATE_DATA_CREATE_INFO_EXT, STRUCTURE_TYPE_DEVICE_QUEUE_GLOBAL_PRIORITY_CREATE_INFO_EXT, STRUCTURE_TYPE_EXPORT_FENCE_CREATE_INFO_KHR, STRUCTURE_TYPE_EXPORT_MEMORY_ALLOCATE_INFO_KHR, STRUCTURE_TYPE_EXPORT_SEMAPHORE_CREATE_INFO_KHR, STRUCTURE_TYPE_EXTERNAL_BUFFER_PROPERTIES_KHR, STRUCTURE_TYPE_EXTERNAL_FENCE_PROPERTIES_KHR, STRUCTURE_TYPE_EXTERNAL_IMAGE_FORMAT_PROPERTIES_KHR, STRUCTURE_TYPE_EXTERNAL_MEMORY_BUFFER_CREATE_INFO_KHR, STRUCTURE_TYPE_EXTERNAL_MEMORY_IMAGE_CREATE_INFO_KHR, STRUCTURE_TYPE_EXTERNAL_SEMAPHORE_PROPERTIES_KHR, STRUCTURE_TYPE_FORMAT_PROPERTIES_2_KHR, STRUCTURE_TYPE_FORMAT_PROPERTIES_3_KHR, STRUCTURE_TYPE_FRAMEBUFFER_ATTACHMENTS_CREATE_INFO_KHR, STRUCTURE_TYPE_FRAMEBUFFER_ATTACHMENT_IMAGE_INFO_KHR, STRUCTURE_TYPE_IMAGE_BLIT_2_KHR, STRUCTURE_TYPE_IMAGE_COPY_2_KHR, STRUCTURE_TYPE_IMAGE_FORMAT_LIST_CREATE_INFO_KHR, STRUCTURE_TYPE_IMAGE_FORMAT_PROPERTIES_2_KHR, STRUCTURE_TYPE_IMAGE_MEMORY_BARRIER_2_KHR, STRUCTURE_TYPE_IMAGE_MEMORY_REQUIREMENTS_INFO_2_KHR, STRUCTURE_TYPE_IMAGE_PLANE_MEMORY_REQUIREMENTS_INFO_KHR, STRUCTURE_TYPE_IMAGE_RESOLVE_2_KHR, STRUCTURE_TYPE_IMAGE_SPARSE_MEMORY_REQUIREMENTS_INFO_2_KHR, STRUCTURE_TYPE_IMAGE_STENCIL_USAGE_CREATE_INFO_EXT, STRUCTURE_TYPE_IMAGE_VIEW_USAGE_CREATE_INFO_KHR, STRUCTURE_TYPE_MEMORY_ALLOCATE_FLAGS_INFO_KHR, STRUCTURE_TYPE_MEMORY_BARRIER_2_KHR, STRUCTURE_TYPE_MEMORY_DEDICATED_ALLOCATE_INFO_KHR, STRUCTURE_TYPE_MEMORY_DEDICATED_REQUIREMENTS_KHR, STRUCTURE_TYPE_MEMORY_OPAQUE_CAPTURE_ADDRESS_ALLOCATE_INFO_KHR, STRUCTURE_TYPE_MEMORY_REQUIREMENTS_2_KHR, STRUCTURE_TYPE_MUTABLE_DESCRIPTOR_TYPE_CREATE_INFO_VALVE, STRUCTURE_TYPE_PHYSICAL_DEVICE_16BIT_STORAGE_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_8BIT_STORAGE_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_BUFFER_ADDRESS_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_BUFFER_DEVICE_ADDRESS_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_STENCIL_RESOLVE_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_INDEXING_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_INDEXING_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_DRIVER_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_DYNAMIC_RENDERING_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_BUFFER_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_FENCE_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_IMAGE_FORMAT_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_SEMAPHORE_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_FEATURES_2_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_FLOAT16_INT8_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_FLOAT_CONTROLS_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADER_BARYCENTRIC_FEATURES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_GLOBAL_PRIORITY_QUERY_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_GROUP_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_HOST_QUERY_RESET_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_ID_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGELESS_FRAMEBUFFER_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_FORMAT_INFO_2_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_ROBUSTNESS_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_INLINE_UNIFORM_BLOCK_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_INLINE_UNIFORM_BLOCK_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_3_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_4_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_4_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_PROPERTIES_2_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_MUTABLE_DESCRIPTOR_TYPE_FEATURES_VALVE, STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_CREATION_CACHE_CONTROL_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_POINT_CLIPPING_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_PRIVATE_DATA_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PROPERTIES_2_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_RASTERIZATION_ORDER_ATTACHMENT_ACCESS_FEATURES_ARM, STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLER_FILTER_MINMAX_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLER_YCBCR_CONVERSION_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SCALAR_BLOCK_LAYOUT_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SEPARATE_DEPTH_STENCIL_LAYOUTS_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_ATOMIC_INT64_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_DEMOTE_TO_HELPER_INVOCATION_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_DRAW_PARAMETER_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_FLOAT16_INT8_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_DOT_PRODUCT_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_DOT_PRODUCT_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SUBGROUP_EXTENDED_TYPES_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_TERMINATE_INVOCATION_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SPARSE_IMAGE_FORMAT_INFO_2_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_SIZE_CONTROL_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_SIZE_CONTROL_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SYNCHRONIZATION_2_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXEL_BUFFER_ALIGNMENT_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXTURE_COMPRESSION_ASTC_HDR_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_TIMELINE_SEMAPHORE_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_TIMELINE_SEMAPHORE_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_TOOL_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_UNIFORM_BUFFER_STANDARD_LAYOUT_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_VARIABLE_POINTERS_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_VARIABLE_POINTER_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_MEMORY_MODEL_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_ZERO_INITIALIZE_WORKGROUP_MEMORY_FEATURES_KHR, STRUCTURE_TYPE_PIPELINE_CREATION_FEEDBACK_CREATE_INFO_EXT, STRUCTURE_TYPE_PIPELINE_INFO_EXT, STRUCTURE_TYPE_PIPELINE_RENDERING_CREATE_INFO_KHR, STRUCTURE_TYPE_PIPELINE_SHADER_STAGE_REQUIRED_SUBGROUP_SIZE_CREATE_INFO_EXT, STRUCTURE_TYPE_PIPELINE_TESSELLATION_DOMAIN_ORIGIN_STATE_CREATE_INFO_KHR, STRUCTURE_TYPE_PRIVATE_DATA_SLOT_CREATE_INFO_EXT, STRUCTURE_TYPE_QUERY_POOL_CREATE_INFO_INTEL, STRUCTURE_TYPE_QUEUE_FAMILY_GLOBAL_PRIORITY_PROPERTIES_EXT, STRUCTURE_TYPE_QUEUE_FAMILY_PROPERTIES_2_KHR, STRUCTURE_TYPE_RENDERING_ATTACHMENT_INFO_KHR, STRUCTURE_TYPE_RENDERING_INFO_KHR, STRUCTURE_TYPE_RENDER_PASS_ATTACHMENT_BEGIN_INFO_KHR, STRUCTURE_TYPE_RENDER_PASS_CREATE_INFO_2_KHR, STRUCTURE_TYPE_RENDER_PASS_INPUT_ATTACHMENT_ASPECT_CREATE_INFO_KHR, STRUCTURE_TYPE_RENDER_PASS_MULTIVIEW_CREATE_INFO_KHR, STRUCTURE_TYPE_RESOLVE_IMAGE_INFO_2_KHR, STRUCTURE_TYPE_SAMPLER_REDUCTION_MODE_CREATE_INFO_EXT, STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_CREATE_INFO_KHR, STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_IMAGE_FORMAT_PROPERTIES_KHR, STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_INFO_KHR, STRUCTURE_TYPE_SEMAPHORE_SIGNAL_INFO_KHR, STRUCTURE_TYPE_SEMAPHORE_SUBMIT_INFO_KHR, STRUCTURE_TYPE_SEMAPHORE_TYPE_CREATE_INFO_KHR, STRUCTURE_TYPE_SEMAPHORE_WAIT_INFO_KHR, STRUCTURE_TYPE_SPARSE_IMAGE_FORMAT_PROPERTIES_2_KHR, STRUCTURE_TYPE_SPARSE_IMAGE_MEMORY_REQUIREMENTS_2_KHR, STRUCTURE_TYPE_SUBMIT_INFO_2_KHR, STRUCTURE_TYPE_SUBPASS_BEGIN_INFO_KHR, STRUCTURE_TYPE_SUBPASS_DEPENDENCY_2_KHR, STRUCTURE_TYPE_SUBPASS_DESCRIPTION_2_KHR, STRUCTURE_TYPE_SUBPASS_DESCRIPTION_DEPTH_STENCIL_RESOLVE_KHR, STRUCTURE_TYPE_SUBPASS_END_INFO_KHR, STRUCTURE_TYPE_SURFACE_CAPABILITIES2_EXT, STRUCTURE_TYPE_TIMELINE_SEMAPHORE_SUBMIT_INFO_KHR, STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET_INLINE_UNIFORM_BLOCK_EXT, SUBMIT_PROTECTED_BIT_KHR, SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_COLOR_ACCESS_BIT_ARM, SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_DEPTH_ACCESS_BIT_ARM, SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_STENCIL_ACCESS_BIT_ARM, SURFACE_COUNTER_VBLANK_EXT, TESSELLATION_DOMAIN_ORIGIN_LOWER_LEFT_KHR, TESSELLATION_DOMAIN_ORIGIN_UPPER_LEFT_KHR, TOOL_PURPOSE_ADDITIONAL_FEATURES_BIT_EXT, TOOL_PURPOSE_MODIFYING_FEATURES_BIT_EXT, TOOL_PURPOSE_PROFILING_BIT_EXT, TOOL_PURPOSE_TRACING_BIT_EXT, TOOL_PURPOSE_VALIDATION_BIT_EXT, AabbPositionsNV, AccelerationStructureInstanceNV, AccelerationStructureTypeNV, AccessFlag2KHR, AttachmentDescription2KHR, AttachmentDescriptionStencilLayoutKHR, AttachmentReference2KHR, AttachmentReferenceStencilLayoutKHR, AttachmentSampleCountInfoNV, BindBufferMemoryDeviceGroupInfoKHR, BindBufferMemoryInfoKHR, BindImageMemoryDeviceGroupInfoKHR, BindImageMemoryInfoKHR, BindImagePlaneMemoryInfoKHR, BlitImageInfo2KHR, BufferCopy2KHR, BufferDeviceAddressInfoEXT, BufferDeviceAddressInfoKHR, BufferImageCopy2KHR, BufferMemoryBarrier2KHR, BufferMemoryRequirementsInfo2KHR, BufferOpaqueCaptureAddressCreateInfoKHR, BuildAccelerationStructureFlagNV, ChromaLocationKHR, CommandBufferInheritanceRenderingInfoKHR, CommandBufferSubmitInfoKHR, ConformanceVersionKHR, CopyAccelerationStructureModeNV, CopyBufferInfo2KHR, CopyBufferToImageInfo2KHR, CopyImageInfo2KHR, CopyImageToBufferInfo2KHR, DependencyInfoKHR, DescriptorBindingFlagEXT, DescriptorPoolInlineUniformBlockCreateInfoEXT, DescriptorSetLayoutBindingFlagsCreateInfoEXT, DescriptorSetLayoutSupportKHR, DescriptorSetVariableDescriptorCountAllocateInfoEXT, DescriptorSetVariableDescriptorCountLayoutSupportEXT, DescriptorUpdateTemplateCreateInfoKHR, DescriptorUpdateTemplateEntryKHR, DescriptorUpdateTemplateKHR, DescriptorUpdateTemplateTypeKHR, DeviceBufferMemoryRequirementsKHR, DeviceGroupBindSparseInfoKHR, DeviceGroupCommandBufferBeginInfoKHR, DeviceGroupDeviceCreateInfoKHR, DeviceGroupRenderPassBeginInfoKHR, DeviceGroupSubmitInfoKHR, DeviceImageMemoryRequirementsKHR, DeviceMemoryOpaqueCaptureAddressInfoKHR, DevicePrivateDataCreateInfoEXT, DeviceQueueGlobalPriorityCreateInfoEXT, DriverIdKHR, ExportFenceCreateInfoKHR, ExportMemoryAllocateInfoKHR, ExportSemaphoreCreateInfoKHR, ExternalBufferPropertiesKHR, ExternalFenceFeatureFlagKHR, ExternalFenceHandleTypeFlagKHR, ExternalFencePropertiesKHR, ExternalImageFormatPropertiesKHR, ExternalMemoryBufferCreateInfoKHR, ExternalMemoryFeatureFlagKHR, ExternalMemoryHandleTypeFlagKHR, ExternalMemoryImageCreateInfoKHR, ExternalMemoryPropertiesKHR, ExternalSemaphoreFeatureFlagKHR, ExternalSemaphoreHandleTypeFlagKHR, ExternalSemaphorePropertiesKHR, FenceImportFlagKHR, FormatFeatureFlag2KHR, FormatProperties2KHR, FormatProperties3KHR, FramebufferAttachmentImageInfoKHR, FramebufferAttachmentsCreateInfoKHR, GeometryFlagNV, GeometryInstanceFlagNV, GeometryTypeNV, ImageBlit2KHR, ImageCopy2KHR, ImageFormatListCreateInfoKHR, ImageFormatProperties2KHR, ImageMemoryBarrier2KHR, ImageMemoryRequirementsInfo2KHR, ImagePlaneMemoryRequirementsInfoKHR, ImageResolve2KHR, ImageSparseMemoryRequirementsInfo2KHR, ImageStencilUsageCreateInfoEXT, ImageViewUsageCreateInfoKHR, InputAttachmentAspectReferenceKHR, MemoryAllocateFlagKHR, MemoryAllocateFlagsInfoKHR, MemoryBarrier2KHR, MemoryDedicatedAllocateInfoKHR, MemoryDedicatedRequirementsKHR, MemoryOpaqueCaptureAddressAllocateInfoKHR, MemoryRequirements2KHR, MutableDescriptorTypeCreateInfoVALVE, MutableDescriptorTypeListVALVE, PeerMemoryFeatureFlagKHR, PhysicalDevice16BitStorageFeaturesKHR, PhysicalDevice8BitStorageFeaturesKHR, PhysicalDeviceBufferAddressFeaturesEXT, PhysicalDeviceBufferDeviceAddressFeaturesKHR, PhysicalDeviceDepthStencilResolvePropertiesKHR, PhysicalDeviceDescriptorIndexingFeaturesEXT, PhysicalDeviceDescriptorIndexingPropertiesEXT, PhysicalDeviceDriverPropertiesKHR, PhysicalDeviceDynamicRenderingFeaturesKHR, PhysicalDeviceExternalBufferInfoKHR, PhysicalDeviceExternalFenceInfoKHR, PhysicalDeviceExternalImageFormatInfoKHR, PhysicalDeviceExternalSemaphoreInfoKHR, PhysicalDeviceFeatures2KHR, PhysicalDeviceFloat16Int8FeaturesKHR, PhysicalDeviceFloatControlsPropertiesKHR, PhysicalDeviceFragmentShaderBarycentricFeaturesNV, PhysicalDeviceGlobalPriorityQueryFeaturesEXT, PhysicalDeviceGroupPropertiesKHR, PhysicalDeviceHostQueryResetFeaturesEXT, PhysicalDeviceIDPropertiesKHR, PhysicalDeviceImageFormatInfo2KHR, PhysicalDeviceImageRobustnessFeaturesEXT, PhysicalDeviceImagelessFramebufferFeaturesKHR, PhysicalDeviceInlineUniformBlockFeaturesEXT, PhysicalDeviceInlineUniformBlockPropertiesEXT, PhysicalDeviceMaintenance3PropertiesKHR, PhysicalDeviceMaintenance4FeaturesKHR, PhysicalDeviceMaintenance4PropertiesKHR, PhysicalDeviceMemoryProperties2KHR, PhysicalDeviceMultiviewFeaturesKHR, PhysicalDeviceMultiviewPropertiesKHR, PhysicalDeviceMutableDescriptorTypeFeaturesVALVE, PhysicalDevicePipelineCreationCacheControlFeaturesEXT, PhysicalDevicePointClippingPropertiesKHR, PhysicalDevicePrivateDataFeaturesEXT, PhysicalDeviceProperties2KHR, PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesARM, PhysicalDeviceSamplerFilterMinmaxPropertiesEXT, PhysicalDeviceSamplerYcbcrConversionFeaturesKHR, PhysicalDeviceScalarBlockLayoutFeaturesEXT, PhysicalDeviceSeparateDepthStencilLayoutsFeaturesKHR, PhysicalDeviceShaderAtomicInt64FeaturesKHR, PhysicalDeviceShaderDemoteToHelperInvocationFeaturesEXT, PhysicalDeviceShaderDrawParameterFeatures, PhysicalDeviceShaderFloat16Int8FeaturesKHR, PhysicalDeviceShaderIntegerDotProductFeaturesKHR, PhysicalDeviceShaderIntegerDotProductPropertiesKHR, PhysicalDeviceShaderSubgroupExtendedTypesFeaturesKHR, PhysicalDeviceShaderTerminateInvocationFeaturesKHR, PhysicalDeviceSparseImageFormatInfo2KHR, PhysicalDeviceSubgroupSizeControlFeaturesEXT, PhysicalDeviceSubgroupSizeControlPropertiesEXT, PhysicalDeviceSynchronization2FeaturesKHR, PhysicalDeviceTexelBufferAlignmentPropertiesEXT, PhysicalDeviceTextureCompressionASTCHDRFeaturesEXT, PhysicalDeviceTimelineSemaphoreFeaturesKHR, PhysicalDeviceTimelineSemaphorePropertiesKHR, PhysicalDeviceToolPropertiesEXT, PhysicalDeviceUniformBufferStandardLayoutFeaturesKHR, PhysicalDeviceVariablePointerFeatures, PhysicalDeviceVariablePointerFeaturesKHR, PhysicalDeviceVariablePointersFeaturesKHR, PhysicalDeviceVulkanMemoryModelFeaturesKHR, PhysicalDeviceZeroInitializeWorkgroupMemoryFeaturesKHR, PipelineCreationFeedbackCreateInfoEXT, PipelineCreationFeedbackEXT, PipelineCreationFeedbackFlagEXT, PipelineInfoEXT, PipelineRenderingCreateInfoKHR, PipelineShaderStageRequiredSubgroupSizeCreateInfoEXT, PipelineStageFlag2KHR, PipelineTessellationDomainOriginStateCreateInfoKHR, PointClippingBehaviorKHR, PrivateDataSlotCreateFlagEXT, PrivateDataSlotCreateInfoEXT, PrivateDataSlotEXT, QueryPoolCreateInfoINTEL, QueueFamilyGlobalPriorityPropertiesEXT, QueueFamilyProperties2KHR, QueueGlobalPriorityEXT, RayTracingShaderGroupTypeNV, RenderPassAttachmentBeginInfoKHR, RenderPassCreateInfo2KHR, RenderPassInputAttachmentAspectCreateInfoKHR, RenderPassMultiviewCreateInfoKHR, RenderingAttachmentInfoKHR, RenderingFlagKHR, RenderingInfoKHR, ResolveImageInfo2KHR, ResolveModeFlagKHR, SamplerReductionModeCreateInfoEXT, SamplerReductionModeEXT, SamplerYcbcrConversionCreateInfoKHR, SamplerYcbcrConversionImageFormatPropertiesKHR, SamplerYcbcrConversionInfoKHR, SamplerYcbcrConversionKHR, SamplerYcbcrModelConversionKHR, SamplerYcbcrRangeKHR, SemaphoreImportFlagKHR, SemaphoreSignalInfoKHR, SemaphoreSubmitInfoKHR, SemaphoreTypeCreateInfoKHR, SemaphoreTypeKHR, SemaphoreWaitFlagKHR, SemaphoreWaitInfoKHR, ShaderFloatControlsIndependenceKHR, SparseImageFormatProperties2KHR, SparseImageMemoryRequirements2KHR, SubmitFlagKHR, SubmitInfo2KHR, SubpassBeginInfoKHR, SubpassDependency2KHR, SubpassDescription2KHR, SubpassDescriptionDepthStencilResolveKHR, SubpassEndInfoKHR, TessellationDomainOriginKHR, TimelineSemaphoreSubmitInfoKHR, ToolPurposeFlagEXT, TransformMatrixNV, WriteDescriptorSetInlineUniformBlockEXT
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
4690459
const MAX_PHYSICAL_DEVICE_NAME_SIZE = VK_MAX_PHYSICAL_DEVICE_NAME_SIZE const UUID_SIZE = VK_UUID_SIZE const LUID_SIZE = VK_LUID_SIZE const MAX_DESCRIPTION_SIZE = VK_MAX_DESCRIPTION_SIZE const MAX_MEMORY_TYPES = VK_MAX_MEMORY_TYPES const MAX_MEMORY_HEAPS = VK_MAX_MEMORY_HEAPS const LOD_CLAMP_NONE = VK_LOD_CLAMP_NONE const REMAINING_MIP_LEVELS = VK_REMAINING_MIP_LEVELS const REMAINING_ARRAY_LAYERS = VK_REMAINING_ARRAY_LAYERS const WHOLE_SIZE = VK_WHOLE_SIZE const ATTACHMENT_UNUSED = VK_ATTACHMENT_UNUSED const QUEUE_FAMILY_IGNORED = VK_QUEUE_FAMILY_IGNORED const QUEUE_FAMILY_EXTERNAL = VK_QUEUE_FAMILY_EXTERNAL const QUEUE_FAMILY_FOREIGN_EXT = VK_QUEUE_FAMILY_FOREIGN_EXT const SUBPASS_EXTERNAL = VK_SUBPASS_EXTERNAL const MAX_DEVICE_GROUP_SIZE = VK_MAX_DEVICE_GROUP_SIZE const MAX_DRIVER_NAME_SIZE = VK_MAX_DRIVER_NAME_SIZE const MAX_DRIVER_INFO_SIZE = VK_MAX_DRIVER_INFO_SIZE const SHADER_UNUSED_KHR = VK_SHADER_UNUSED_KHR const MAX_GLOBAL_PRIORITY_SIZE_KHR = VK_MAX_GLOBAL_PRIORITY_SIZE_KHR const MAX_SHADER_MODULE_IDENTIFIER_SIZE_EXT = VK_MAX_SHADER_MODULE_IDENTIFIER_SIZE_EXT @cenum ImageLayout::UInt32 begin IMAGE_LAYOUT_UNDEFINED = 0 IMAGE_LAYOUT_GENERAL = 1 IMAGE_LAYOUT_COLOR_ATTACHMENT_OPTIMAL = 2 IMAGE_LAYOUT_DEPTH_STENCIL_ATTACHMENT_OPTIMAL = 3 IMAGE_LAYOUT_DEPTH_STENCIL_READ_ONLY_OPTIMAL = 4 IMAGE_LAYOUT_SHADER_READ_ONLY_OPTIMAL = 5 IMAGE_LAYOUT_TRANSFER_SRC_OPTIMAL = 6 IMAGE_LAYOUT_TRANSFER_DST_OPTIMAL = 7 IMAGE_LAYOUT_PREINITIALIZED = 8 IMAGE_LAYOUT_DEPTH_READ_ONLY_STENCIL_ATTACHMENT_OPTIMAL = 1000117000 IMAGE_LAYOUT_DEPTH_ATTACHMENT_STENCIL_READ_ONLY_OPTIMAL = 1000117001 IMAGE_LAYOUT_DEPTH_ATTACHMENT_OPTIMAL = 1000241000 IMAGE_LAYOUT_DEPTH_READ_ONLY_OPTIMAL = 1000241001 IMAGE_LAYOUT_STENCIL_ATTACHMENT_OPTIMAL = 1000241002 IMAGE_LAYOUT_STENCIL_READ_ONLY_OPTIMAL = 1000241003 IMAGE_LAYOUT_READ_ONLY_OPTIMAL = 1000314000 IMAGE_LAYOUT_ATTACHMENT_OPTIMAL = 1000314001 IMAGE_LAYOUT_PRESENT_SRC_KHR = 1000001002 IMAGE_LAYOUT_VIDEO_DECODE_DST_KHR = 1000024000 IMAGE_LAYOUT_VIDEO_DECODE_SRC_KHR = 1000024001 IMAGE_LAYOUT_VIDEO_DECODE_DPB_KHR = 1000024002 IMAGE_LAYOUT_SHARED_PRESENT_KHR = 1000111000 IMAGE_LAYOUT_FRAGMENT_DENSITY_MAP_OPTIMAL_EXT = 1000218000 IMAGE_LAYOUT_FRAGMENT_SHADING_RATE_ATTACHMENT_OPTIMAL_KHR = 1000164003 IMAGE_LAYOUT_VIDEO_ENCODE_DST_KHR = 1000299000 IMAGE_LAYOUT_VIDEO_ENCODE_SRC_KHR = 1000299001 IMAGE_LAYOUT_VIDEO_ENCODE_DPB_KHR = 1000299002 IMAGE_LAYOUT_ATTACHMENT_FEEDBACK_LOOP_OPTIMAL_EXT = 1000339000 end @cenum AttachmentLoadOp::UInt32 begin ATTACHMENT_LOAD_OP_LOAD = 0 ATTACHMENT_LOAD_OP_CLEAR = 1 ATTACHMENT_LOAD_OP_DONT_CARE = 2 ATTACHMENT_LOAD_OP_NONE_EXT = 1000400000 end @cenum AttachmentStoreOp::UInt32 begin ATTACHMENT_STORE_OP_STORE = 0 ATTACHMENT_STORE_OP_DONT_CARE = 1 ATTACHMENT_STORE_OP_NONE = 1000301000 end @cenum ImageType::UInt32 begin IMAGE_TYPE_1D = 0 IMAGE_TYPE_2D = 1 IMAGE_TYPE_3D = 2 end @cenum ImageTiling::UInt32 begin IMAGE_TILING_OPTIMAL = 0 IMAGE_TILING_LINEAR = 1 IMAGE_TILING_DRM_FORMAT_MODIFIER_EXT = 1000158000 end @cenum ImageViewType::UInt32 begin IMAGE_VIEW_TYPE_1D = 0 IMAGE_VIEW_TYPE_2D = 1 IMAGE_VIEW_TYPE_3D = 2 IMAGE_VIEW_TYPE_CUBE = 3 IMAGE_VIEW_TYPE_1D_ARRAY = 4 IMAGE_VIEW_TYPE_2D_ARRAY = 5 IMAGE_VIEW_TYPE_CUBE_ARRAY = 6 end @cenum CommandBufferLevel::UInt32 begin COMMAND_BUFFER_LEVEL_PRIMARY = 0 COMMAND_BUFFER_LEVEL_SECONDARY = 1 end @cenum ComponentSwizzle::UInt32 begin COMPONENT_SWIZZLE_IDENTITY = 0 COMPONENT_SWIZZLE_ZERO = 1 COMPONENT_SWIZZLE_ONE = 2 COMPONENT_SWIZZLE_R = 3 COMPONENT_SWIZZLE_G = 4 COMPONENT_SWIZZLE_B = 5 COMPONENT_SWIZZLE_A = 6 end @cenum DescriptorType::UInt32 begin DESCRIPTOR_TYPE_SAMPLER = 0 DESCRIPTOR_TYPE_COMBINED_IMAGE_SAMPLER = 1 DESCRIPTOR_TYPE_SAMPLED_IMAGE = 2 DESCRIPTOR_TYPE_STORAGE_IMAGE = 3 DESCRIPTOR_TYPE_UNIFORM_TEXEL_BUFFER = 4 DESCRIPTOR_TYPE_STORAGE_TEXEL_BUFFER = 5 DESCRIPTOR_TYPE_UNIFORM_BUFFER = 6 DESCRIPTOR_TYPE_STORAGE_BUFFER = 7 DESCRIPTOR_TYPE_UNIFORM_BUFFER_DYNAMIC = 8 DESCRIPTOR_TYPE_STORAGE_BUFFER_DYNAMIC = 9 DESCRIPTOR_TYPE_INPUT_ATTACHMENT = 10 DESCRIPTOR_TYPE_INLINE_UNIFORM_BLOCK = 1000138000 DESCRIPTOR_TYPE_ACCELERATION_STRUCTURE_KHR = 1000150000 DESCRIPTOR_TYPE_ACCELERATION_STRUCTURE_NV = 1000165000 DESCRIPTOR_TYPE_SAMPLE_WEIGHT_IMAGE_QCOM = 1000440000 DESCRIPTOR_TYPE_BLOCK_MATCH_IMAGE_QCOM = 1000440001 DESCRIPTOR_TYPE_MUTABLE_EXT = 1000351000 end @cenum QueryType::UInt32 begin QUERY_TYPE_OCCLUSION = 0 QUERY_TYPE_PIPELINE_STATISTICS = 1 QUERY_TYPE_TIMESTAMP = 2 QUERY_TYPE_RESULT_STATUS_ONLY_KHR = 1000023000 QUERY_TYPE_TRANSFORM_FEEDBACK_STREAM_EXT = 1000028004 QUERY_TYPE_PERFORMANCE_QUERY_KHR = 1000116000 QUERY_TYPE_ACCELERATION_STRUCTURE_COMPACTED_SIZE_KHR = 1000150000 QUERY_TYPE_ACCELERATION_STRUCTURE_SERIALIZATION_SIZE_KHR = 1000150001 QUERY_TYPE_ACCELERATION_STRUCTURE_COMPACTED_SIZE_NV = 1000165000 QUERY_TYPE_PERFORMANCE_QUERY_INTEL = 1000210000 QUERY_TYPE_VIDEO_ENCODE_BITSTREAM_BUFFER_RANGE_KHR = 1000299000 QUERY_TYPE_MESH_PRIMITIVES_GENERATED_EXT = 1000328000 QUERY_TYPE_PRIMITIVES_GENERATED_EXT = 1000382000 QUERY_TYPE_ACCELERATION_STRUCTURE_SERIALIZATION_BOTTOM_LEVEL_POINTERS_KHR = 1000386000 QUERY_TYPE_ACCELERATION_STRUCTURE_SIZE_KHR = 1000386001 QUERY_TYPE_MICROMAP_SERIALIZATION_SIZE_EXT = 1000396000 QUERY_TYPE_MICROMAP_COMPACTED_SIZE_EXT = 1000396001 end @cenum BorderColor::UInt32 begin BORDER_COLOR_FLOAT_TRANSPARENT_BLACK = 0 BORDER_COLOR_INT_TRANSPARENT_BLACK = 1 BORDER_COLOR_FLOAT_OPAQUE_BLACK = 2 BORDER_COLOR_INT_OPAQUE_BLACK = 3 BORDER_COLOR_FLOAT_OPAQUE_WHITE = 4 BORDER_COLOR_INT_OPAQUE_WHITE = 5 BORDER_COLOR_FLOAT_CUSTOM_EXT = 1000287003 BORDER_COLOR_INT_CUSTOM_EXT = 1000287004 end @cenum PipelineBindPoint::UInt32 begin PIPELINE_BIND_POINT_GRAPHICS = 0 PIPELINE_BIND_POINT_COMPUTE = 1 PIPELINE_BIND_POINT_RAY_TRACING_KHR = 1000165000 PIPELINE_BIND_POINT_SUBPASS_SHADING_HUAWEI = 1000369003 end @cenum PipelineCacheHeaderVersion::UInt32 begin PIPELINE_CACHE_HEADER_VERSION_ONE = 1 end @cenum PrimitiveTopology::UInt32 begin PRIMITIVE_TOPOLOGY_POINT_LIST = 0 PRIMITIVE_TOPOLOGY_LINE_LIST = 1 PRIMITIVE_TOPOLOGY_LINE_STRIP = 2 PRIMITIVE_TOPOLOGY_TRIANGLE_LIST = 3 PRIMITIVE_TOPOLOGY_TRIANGLE_STRIP = 4 PRIMITIVE_TOPOLOGY_TRIANGLE_FAN = 5 PRIMITIVE_TOPOLOGY_LINE_LIST_WITH_ADJACENCY = 6 PRIMITIVE_TOPOLOGY_LINE_STRIP_WITH_ADJACENCY = 7 PRIMITIVE_TOPOLOGY_TRIANGLE_LIST_WITH_ADJACENCY = 8 PRIMITIVE_TOPOLOGY_TRIANGLE_STRIP_WITH_ADJACENCY = 9 PRIMITIVE_TOPOLOGY_PATCH_LIST = 10 end @cenum SharingMode::UInt32 begin SHARING_MODE_EXCLUSIVE = 0 SHARING_MODE_CONCURRENT = 1 end @cenum IndexType::UInt32 begin INDEX_TYPE_UINT16 = 0 INDEX_TYPE_UINT32 = 1 INDEX_TYPE_NONE_KHR = 1000165000 INDEX_TYPE_UINT8_EXT = 1000265000 end @cenum Filter::UInt32 begin FILTER_NEAREST = 0 FILTER_LINEAR = 1 FILTER_CUBIC_EXT = 1000015000 end @cenum SamplerMipmapMode::UInt32 begin SAMPLER_MIPMAP_MODE_NEAREST = 0 SAMPLER_MIPMAP_MODE_LINEAR = 1 end @cenum SamplerAddressMode::UInt32 begin SAMPLER_ADDRESS_MODE_REPEAT = 0 SAMPLER_ADDRESS_MODE_MIRRORED_REPEAT = 1 SAMPLER_ADDRESS_MODE_CLAMP_TO_EDGE = 2 SAMPLER_ADDRESS_MODE_CLAMP_TO_BORDER = 3 SAMPLER_ADDRESS_MODE_MIRROR_CLAMP_TO_EDGE = 4 end @cenum CompareOp::UInt32 begin COMPARE_OP_NEVER = 0 COMPARE_OP_LESS = 1 COMPARE_OP_EQUAL = 2 COMPARE_OP_LESS_OR_EQUAL = 3 COMPARE_OP_GREATER = 4 COMPARE_OP_NOT_EQUAL = 5 COMPARE_OP_GREATER_OR_EQUAL = 6 COMPARE_OP_ALWAYS = 7 end @cenum PolygonMode::UInt32 begin POLYGON_MODE_FILL = 0 POLYGON_MODE_LINE = 1 POLYGON_MODE_POINT = 2 POLYGON_MODE_FILL_RECTANGLE_NV = 1000153000 end @cenum FrontFace::UInt32 begin FRONT_FACE_COUNTER_CLOCKWISE = 0 FRONT_FACE_CLOCKWISE = 1 end @cenum BlendFactor::UInt32 begin BLEND_FACTOR_ZERO = 0 BLEND_FACTOR_ONE = 1 BLEND_FACTOR_SRC_COLOR = 2 BLEND_FACTOR_ONE_MINUS_SRC_COLOR = 3 BLEND_FACTOR_DST_COLOR = 4 BLEND_FACTOR_ONE_MINUS_DST_COLOR = 5 BLEND_FACTOR_SRC_ALPHA = 6 BLEND_FACTOR_ONE_MINUS_SRC_ALPHA = 7 BLEND_FACTOR_DST_ALPHA = 8 BLEND_FACTOR_ONE_MINUS_DST_ALPHA = 9 BLEND_FACTOR_CONSTANT_COLOR = 10 BLEND_FACTOR_ONE_MINUS_CONSTANT_COLOR = 11 BLEND_FACTOR_CONSTANT_ALPHA = 12 BLEND_FACTOR_ONE_MINUS_CONSTANT_ALPHA = 13 BLEND_FACTOR_SRC_ALPHA_SATURATE = 14 BLEND_FACTOR_SRC1_COLOR = 15 BLEND_FACTOR_ONE_MINUS_SRC1_COLOR = 16 BLEND_FACTOR_SRC1_ALPHA = 17 BLEND_FACTOR_ONE_MINUS_SRC1_ALPHA = 18 end @cenum BlendOp::UInt32 begin BLEND_OP_ADD = 0 BLEND_OP_SUBTRACT = 1 BLEND_OP_REVERSE_SUBTRACT = 2 BLEND_OP_MIN = 3 BLEND_OP_MAX = 4 BLEND_OP_ZERO_EXT = 1000148000 BLEND_OP_SRC_EXT = 1000148001 BLEND_OP_DST_EXT = 1000148002 BLEND_OP_SRC_OVER_EXT = 1000148003 BLEND_OP_DST_OVER_EXT = 1000148004 BLEND_OP_SRC_IN_EXT = 1000148005 BLEND_OP_DST_IN_EXT = 1000148006 BLEND_OP_SRC_OUT_EXT = 1000148007 BLEND_OP_DST_OUT_EXT = 1000148008 BLEND_OP_SRC_ATOP_EXT = 1000148009 BLEND_OP_DST_ATOP_EXT = 1000148010 BLEND_OP_XOR_EXT = 1000148011 BLEND_OP_MULTIPLY_EXT = 1000148012 BLEND_OP_SCREEN_EXT = 1000148013 BLEND_OP_OVERLAY_EXT = 1000148014 BLEND_OP_DARKEN_EXT = 1000148015 BLEND_OP_LIGHTEN_EXT = 1000148016 BLEND_OP_COLORDODGE_EXT = 1000148017 BLEND_OP_COLORBURN_EXT = 1000148018 BLEND_OP_HARDLIGHT_EXT = 1000148019 BLEND_OP_SOFTLIGHT_EXT = 1000148020 BLEND_OP_DIFFERENCE_EXT = 1000148021 BLEND_OP_EXCLUSION_EXT = 1000148022 BLEND_OP_INVERT_EXT = 1000148023 BLEND_OP_INVERT_RGB_EXT = 1000148024 BLEND_OP_LINEARDODGE_EXT = 1000148025 BLEND_OP_LINEARBURN_EXT = 1000148026 BLEND_OP_VIVIDLIGHT_EXT = 1000148027 BLEND_OP_LINEARLIGHT_EXT = 1000148028 BLEND_OP_PINLIGHT_EXT = 1000148029 BLEND_OP_HARDMIX_EXT = 1000148030 BLEND_OP_HSL_HUE_EXT = 1000148031 BLEND_OP_HSL_SATURATION_EXT = 1000148032 BLEND_OP_HSL_COLOR_EXT = 1000148033 BLEND_OP_HSL_LUMINOSITY_EXT = 1000148034 BLEND_OP_PLUS_EXT = 1000148035 BLEND_OP_PLUS_CLAMPED_EXT = 1000148036 BLEND_OP_PLUS_CLAMPED_ALPHA_EXT = 1000148037 BLEND_OP_PLUS_DARKER_EXT = 1000148038 BLEND_OP_MINUS_EXT = 1000148039 BLEND_OP_MINUS_CLAMPED_EXT = 1000148040 BLEND_OP_CONTRAST_EXT = 1000148041 BLEND_OP_INVERT_OVG_EXT = 1000148042 BLEND_OP_RED_EXT = 1000148043 BLEND_OP_GREEN_EXT = 1000148044 BLEND_OP_BLUE_EXT = 1000148045 end @cenum StencilOp::UInt32 begin STENCIL_OP_KEEP = 0 STENCIL_OP_ZERO = 1 STENCIL_OP_REPLACE = 2 STENCIL_OP_INCREMENT_AND_CLAMP = 3 STENCIL_OP_DECREMENT_AND_CLAMP = 4 STENCIL_OP_INVERT = 5 STENCIL_OP_INCREMENT_AND_WRAP = 6 STENCIL_OP_DECREMENT_AND_WRAP = 7 end @cenum LogicOp::UInt32 begin LOGIC_OP_CLEAR = 0 LOGIC_OP_AND = 1 LOGIC_OP_AND_REVERSE = 2 LOGIC_OP_COPY = 3 LOGIC_OP_AND_INVERTED = 4 LOGIC_OP_NO_OP = 5 LOGIC_OP_XOR = 6 LOGIC_OP_OR = 7 LOGIC_OP_NOR = 8 LOGIC_OP_EQUIVALENT = 9 LOGIC_OP_INVERT = 10 LOGIC_OP_OR_REVERSE = 11 LOGIC_OP_COPY_INVERTED = 12 LOGIC_OP_OR_INVERTED = 13 LOGIC_OP_NAND = 14 LOGIC_OP_SET = 15 end @cenum InternalAllocationType::UInt32 begin INTERNAL_ALLOCATION_TYPE_EXECUTABLE = 0 end @cenum SystemAllocationScope::UInt32 begin SYSTEM_ALLOCATION_SCOPE_COMMAND = 0 SYSTEM_ALLOCATION_SCOPE_OBJECT = 1 SYSTEM_ALLOCATION_SCOPE_CACHE = 2 SYSTEM_ALLOCATION_SCOPE_DEVICE = 3 SYSTEM_ALLOCATION_SCOPE_INSTANCE = 4 end @cenum PhysicalDeviceType::UInt32 begin PHYSICAL_DEVICE_TYPE_OTHER = 0 PHYSICAL_DEVICE_TYPE_INTEGRATED_GPU = 1 PHYSICAL_DEVICE_TYPE_DISCRETE_GPU = 2 PHYSICAL_DEVICE_TYPE_VIRTUAL_GPU = 3 PHYSICAL_DEVICE_TYPE_CPU = 4 end @cenum VertexInputRate::UInt32 begin VERTEX_INPUT_RATE_VERTEX = 0 VERTEX_INPUT_RATE_INSTANCE = 1 end @cenum Format::UInt32 begin FORMAT_UNDEFINED = 0 FORMAT_R4G4_UNORM_PACK8 = 1 FORMAT_R4G4B4A4_UNORM_PACK16 = 2 FORMAT_B4G4R4A4_UNORM_PACK16 = 3 FORMAT_R5G6B5_UNORM_PACK16 = 4 FORMAT_B5G6R5_UNORM_PACK16 = 5 FORMAT_R5G5B5A1_UNORM_PACK16 = 6 FORMAT_B5G5R5A1_UNORM_PACK16 = 7 FORMAT_A1R5G5B5_UNORM_PACK16 = 8 FORMAT_R8_UNORM = 9 FORMAT_R8_SNORM = 10 FORMAT_R8_USCALED = 11 FORMAT_R8_SSCALED = 12 FORMAT_R8_UINT = 13 FORMAT_R8_SINT = 14 FORMAT_R8_SRGB = 15 FORMAT_R8G8_UNORM = 16 FORMAT_R8G8_SNORM = 17 FORMAT_R8G8_USCALED = 18 FORMAT_R8G8_SSCALED = 19 FORMAT_R8G8_UINT = 20 FORMAT_R8G8_SINT = 21 FORMAT_R8G8_SRGB = 22 FORMAT_R8G8B8_UNORM = 23 FORMAT_R8G8B8_SNORM = 24 FORMAT_R8G8B8_USCALED = 25 FORMAT_R8G8B8_SSCALED = 26 FORMAT_R8G8B8_UINT = 27 FORMAT_R8G8B8_SINT = 28 FORMAT_R8G8B8_SRGB = 29 FORMAT_B8G8R8_UNORM = 30 FORMAT_B8G8R8_SNORM = 31 FORMAT_B8G8R8_USCALED = 32 FORMAT_B8G8R8_SSCALED = 33 FORMAT_B8G8R8_UINT = 34 FORMAT_B8G8R8_SINT = 35 FORMAT_B8G8R8_SRGB = 36 FORMAT_R8G8B8A8_UNORM = 37 FORMAT_R8G8B8A8_SNORM = 38 FORMAT_R8G8B8A8_USCALED = 39 FORMAT_R8G8B8A8_SSCALED = 40 FORMAT_R8G8B8A8_UINT = 41 FORMAT_R8G8B8A8_SINT = 42 FORMAT_R8G8B8A8_SRGB = 43 FORMAT_B8G8R8A8_UNORM = 44 FORMAT_B8G8R8A8_SNORM = 45 FORMAT_B8G8R8A8_USCALED = 46 FORMAT_B8G8R8A8_SSCALED = 47 FORMAT_B8G8R8A8_UINT = 48 FORMAT_B8G8R8A8_SINT = 49 FORMAT_B8G8R8A8_SRGB = 50 FORMAT_A8B8G8R8_UNORM_PACK32 = 51 FORMAT_A8B8G8R8_SNORM_PACK32 = 52 FORMAT_A8B8G8R8_USCALED_PACK32 = 53 FORMAT_A8B8G8R8_SSCALED_PACK32 = 54 FORMAT_A8B8G8R8_UINT_PACK32 = 55 FORMAT_A8B8G8R8_SINT_PACK32 = 56 FORMAT_A8B8G8R8_SRGB_PACK32 = 57 FORMAT_A2R10G10B10_UNORM_PACK32 = 58 FORMAT_A2R10G10B10_SNORM_PACK32 = 59 FORMAT_A2R10G10B10_USCALED_PACK32 = 60 FORMAT_A2R10G10B10_SSCALED_PACK32 = 61 FORMAT_A2R10G10B10_UINT_PACK32 = 62 FORMAT_A2R10G10B10_SINT_PACK32 = 63 FORMAT_A2B10G10R10_UNORM_PACK32 = 64 FORMAT_A2B10G10R10_SNORM_PACK32 = 65 FORMAT_A2B10G10R10_USCALED_PACK32 = 66 FORMAT_A2B10G10R10_SSCALED_PACK32 = 67 FORMAT_A2B10G10R10_UINT_PACK32 = 68 FORMAT_A2B10G10R10_SINT_PACK32 = 69 FORMAT_R16_UNORM = 70 FORMAT_R16_SNORM = 71 FORMAT_R16_USCALED = 72 FORMAT_R16_SSCALED = 73 FORMAT_R16_UINT = 74 FORMAT_R16_SINT = 75 FORMAT_R16_SFLOAT = 76 FORMAT_R16G16_UNORM = 77 FORMAT_R16G16_SNORM = 78 FORMAT_R16G16_USCALED = 79 FORMAT_R16G16_SSCALED = 80 FORMAT_R16G16_UINT = 81 FORMAT_R16G16_SINT = 82 FORMAT_R16G16_SFLOAT = 83 FORMAT_R16G16B16_UNORM = 84 FORMAT_R16G16B16_SNORM = 85 FORMAT_R16G16B16_USCALED = 86 FORMAT_R16G16B16_SSCALED = 87 FORMAT_R16G16B16_UINT = 88 FORMAT_R16G16B16_SINT = 89 FORMAT_R16G16B16_SFLOAT = 90 FORMAT_R16G16B16A16_UNORM = 91 FORMAT_R16G16B16A16_SNORM = 92 FORMAT_R16G16B16A16_USCALED = 93 FORMAT_R16G16B16A16_SSCALED = 94 FORMAT_R16G16B16A16_UINT = 95 FORMAT_R16G16B16A16_SINT = 96 FORMAT_R16G16B16A16_SFLOAT = 97 FORMAT_R32_UINT = 98 FORMAT_R32_SINT = 99 FORMAT_R32_SFLOAT = 100 FORMAT_R32G32_UINT = 101 FORMAT_R32G32_SINT = 102 FORMAT_R32G32_SFLOAT = 103 FORMAT_R32G32B32_UINT = 104 FORMAT_R32G32B32_SINT = 105 FORMAT_R32G32B32_SFLOAT = 106 FORMAT_R32G32B32A32_UINT = 107 FORMAT_R32G32B32A32_SINT = 108 FORMAT_R32G32B32A32_SFLOAT = 109 FORMAT_R64_UINT = 110 FORMAT_R64_SINT = 111 FORMAT_R64_SFLOAT = 112 FORMAT_R64G64_UINT = 113 FORMAT_R64G64_SINT = 114 FORMAT_R64G64_SFLOAT = 115 FORMAT_R64G64B64_UINT = 116 FORMAT_R64G64B64_SINT = 117 FORMAT_R64G64B64_SFLOAT = 118 FORMAT_R64G64B64A64_UINT = 119 FORMAT_R64G64B64A64_SINT = 120 FORMAT_R64G64B64A64_SFLOAT = 121 FORMAT_B10G11R11_UFLOAT_PACK32 = 122 FORMAT_E5B9G9R9_UFLOAT_PACK32 = 123 FORMAT_D16_UNORM = 124 FORMAT_X8_D24_UNORM_PACK32 = 125 FORMAT_D32_SFLOAT = 126 FORMAT_S8_UINT = 127 FORMAT_D16_UNORM_S8_UINT = 128 FORMAT_D24_UNORM_S8_UINT = 129 FORMAT_D32_SFLOAT_S8_UINT = 130 FORMAT_BC1_RGB_UNORM_BLOCK = 131 FORMAT_BC1_RGB_SRGB_BLOCK = 132 FORMAT_BC1_RGBA_UNORM_BLOCK = 133 FORMAT_BC1_RGBA_SRGB_BLOCK = 134 FORMAT_BC2_UNORM_BLOCK = 135 FORMAT_BC2_SRGB_BLOCK = 136 FORMAT_BC3_UNORM_BLOCK = 137 FORMAT_BC3_SRGB_BLOCK = 138 FORMAT_BC4_UNORM_BLOCK = 139 FORMAT_BC4_SNORM_BLOCK = 140 FORMAT_BC5_UNORM_BLOCK = 141 FORMAT_BC5_SNORM_BLOCK = 142 FORMAT_BC6H_UFLOAT_BLOCK = 143 FORMAT_BC6H_SFLOAT_BLOCK = 144 FORMAT_BC7_UNORM_BLOCK = 145 FORMAT_BC7_SRGB_BLOCK = 146 FORMAT_ETC2_R8G8B8_UNORM_BLOCK = 147 FORMAT_ETC2_R8G8B8_SRGB_BLOCK = 148 FORMAT_ETC2_R8G8B8A1_UNORM_BLOCK = 149 FORMAT_ETC2_R8G8B8A1_SRGB_BLOCK = 150 FORMAT_ETC2_R8G8B8A8_UNORM_BLOCK = 151 FORMAT_ETC2_R8G8B8A8_SRGB_BLOCK = 152 FORMAT_EAC_R11_UNORM_BLOCK = 153 FORMAT_EAC_R11_SNORM_BLOCK = 154 FORMAT_EAC_R11G11_UNORM_BLOCK = 155 FORMAT_EAC_R11G11_SNORM_BLOCK = 156 FORMAT_ASTC_4x4_UNORM_BLOCK = 157 FORMAT_ASTC_4x4_SRGB_BLOCK = 158 FORMAT_ASTC_5x4_UNORM_BLOCK = 159 FORMAT_ASTC_5x4_SRGB_BLOCK = 160 FORMAT_ASTC_5x5_UNORM_BLOCK = 161 FORMAT_ASTC_5x5_SRGB_BLOCK = 162 FORMAT_ASTC_6x5_UNORM_BLOCK = 163 FORMAT_ASTC_6x5_SRGB_BLOCK = 164 FORMAT_ASTC_6x6_UNORM_BLOCK = 165 FORMAT_ASTC_6x6_SRGB_BLOCK = 166 FORMAT_ASTC_8x5_UNORM_BLOCK = 167 FORMAT_ASTC_8x5_SRGB_BLOCK = 168 FORMAT_ASTC_8x6_UNORM_BLOCK = 169 FORMAT_ASTC_8x6_SRGB_BLOCK = 170 FORMAT_ASTC_8x8_UNORM_BLOCK = 171 FORMAT_ASTC_8x8_SRGB_BLOCK = 172 FORMAT_ASTC_10x5_UNORM_BLOCK = 173 FORMAT_ASTC_10x5_SRGB_BLOCK = 174 FORMAT_ASTC_10x6_UNORM_BLOCK = 175 FORMAT_ASTC_10x6_SRGB_BLOCK = 176 FORMAT_ASTC_10x8_UNORM_BLOCK = 177 FORMAT_ASTC_10x8_SRGB_BLOCK = 178 FORMAT_ASTC_10x10_UNORM_BLOCK = 179 FORMAT_ASTC_10x10_SRGB_BLOCK = 180 FORMAT_ASTC_12x10_UNORM_BLOCK = 181 FORMAT_ASTC_12x10_SRGB_BLOCK = 182 FORMAT_ASTC_12x12_UNORM_BLOCK = 183 FORMAT_ASTC_12x12_SRGB_BLOCK = 184 FORMAT_G8B8G8R8_422_UNORM = 1000156000 FORMAT_B8G8R8G8_422_UNORM = 1000156001 FORMAT_G8_B8_R8_3PLANE_420_UNORM = 1000156002 FORMAT_G8_B8R8_2PLANE_420_UNORM = 1000156003 FORMAT_G8_B8_R8_3PLANE_422_UNORM = 1000156004 FORMAT_G8_B8R8_2PLANE_422_UNORM = 1000156005 FORMAT_G8_B8_R8_3PLANE_444_UNORM = 1000156006 FORMAT_R10X6_UNORM_PACK16 = 1000156007 FORMAT_R10X6G10X6_UNORM_2PACK16 = 1000156008 FORMAT_R10X6G10X6B10X6A10X6_UNORM_4PACK16 = 1000156009 FORMAT_G10X6B10X6G10X6R10X6_422_UNORM_4PACK16 = 1000156010 FORMAT_B10X6G10X6R10X6G10X6_422_UNORM_4PACK16 = 1000156011 FORMAT_G10X6_B10X6_R10X6_3PLANE_420_UNORM_3PACK16 = 1000156012 FORMAT_G10X6_B10X6R10X6_2PLANE_420_UNORM_3PACK16 = 1000156013 FORMAT_G10X6_B10X6_R10X6_3PLANE_422_UNORM_3PACK16 = 1000156014 FORMAT_G10X6_B10X6R10X6_2PLANE_422_UNORM_3PACK16 = 1000156015 FORMAT_G10X6_B10X6_R10X6_3PLANE_444_UNORM_3PACK16 = 1000156016 FORMAT_R12X4_UNORM_PACK16 = 1000156017 FORMAT_R12X4G12X4_UNORM_2PACK16 = 1000156018 FORMAT_R12X4G12X4B12X4A12X4_UNORM_4PACK16 = 1000156019 FORMAT_G12X4B12X4G12X4R12X4_422_UNORM_4PACK16 = 1000156020 FORMAT_B12X4G12X4R12X4G12X4_422_UNORM_4PACK16 = 1000156021 FORMAT_G12X4_B12X4_R12X4_3PLANE_420_UNORM_3PACK16 = 1000156022 FORMAT_G12X4_B12X4R12X4_2PLANE_420_UNORM_3PACK16 = 1000156023 FORMAT_G12X4_B12X4_R12X4_3PLANE_422_UNORM_3PACK16 = 1000156024 FORMAT_G12X4_B12X4R12X4_2PLANE_422_UNORM_3PACK16 = 1000156025 FORMAT_G12X4_B12X4_R12X4_3PLANE_444_UNORM_3PACK16 = 1000156026 FORMAT_G16B16G16R16_422_UNORM = 1000156027 FORMAT_B16G16R16G16_422_UNORM = 1000156028 FORMAT_G16_B16_R16_3PLANE_420_UNORM = 1000156029 FORMAT_G16_B16R16_2PLANE_420_UNORM = 1000156030 FORMAT_G16_B16_R16_3PLANE_422_UNORM = 1000156031 FORMAT_G16_B16R16_2PLANE_422_UNORM = 1000156032 FORMAT_G16_B16_R16_3PLANE_444_UNORM = 1000156033 FORMAT_G8_B8R8_2PLANE_444_UNORM = 1000330000 FORMAT_G10X6_B10X6R10X6_2PLANE_444_UNORM_3PACK16 = 1000330001 FORMAT_G12X4_B12X4R12X4_2PLANE_444_UNORM_3PACK16 = 1000330002 FORMAT_G16_B16R16_2PLANE_444_UNORM = 1000330003 FORMAT_A4R4G4B4_UNORM_PACK16 = 1000340000 FORMAT_A4B4G4R4_UNORM_PACK16 = 1000340001 FORMAT_ASTC_4x4_SFLOAT_BLOCK = 1000066000 FORMAT_ASTC_5x4_SFLOAT_BLOCK = 1000066001 FORMAT_ASTC_5x5_SFLOAT_BLOCK = 1000066002 FORMAT_ASTC_6x5_SFLOAT_BLOCK = 1000066003 FORMAT_ASTC_6x6_SFLOAT_BLOCK = 1000066004 FORMAT_ASTC_8x5_SFLOAT_BLOCK = 1000066005 FORMAT_ASTC_8x6_SFLOAT_BLOCK = 1000066006 FORMAT_ASTC_8x8_SFLOAT_BLOCK = 1000066007 FORMAT_ASTC_10x5_SFLOAT_BLOCK = 1000066008 FORMAT_ASTC_10x6_SFLOAT_BLOCK = 1000066009 FORMAT_ASTC_10x8_SFLOAT_BLOCK = 1000066010 FORMAT_ASTC_10x10_SFLOAT_BLOCK = 1000066011 FORMAT_ASTC_12x10_SFLOAT_BLOCK = 1000066012 FORMAT_ASTC_12x12_SFLOAT_BLOCK = 1000066013 FORMAT_PVRTC1_2BPP_UNORM_BLOCK_IMG = 1000054000 FORMAT_PVRTC1_4BPP_UNORM_BLOCK_IMG = 1000054001 FORMAT_PVRTC2_2BPP_UNORM_BLOCK_IMG = 1000054002 FORMAT_PVRTC2_4BPP_UNORM_BLOCK_IMG = 1000054003 FORMAT_PVRTC1_2BPP_SRGB_BLOCK_IMG = 1000054004 FORMAT_PVRTC1_4BPP_SRGB_BLOCK_IMG = 1000054005 FORMAT_PVRTC2_2BPP_SRGB_BLOCK_IMG = 1000054006 FORMAT_PVRTC2_4BPP_SRGB_BLOCK_IMG = 1000054007 FORMAT_R16G16_S10_5_NV = 1000464000 end @cenum StructureType::UInt32 begin STRUCTURE_TYPE_APPLICATION_INFO = 0 STRUCTURE_TYPE_INSTANCE_CREATE_INFO = 1 STRUCTURE_TYPE_DEVICE_QUEUE_CREATE_INFO = 2 STRUCTURE_TYPE_DEVICE_CREATE_INFO = 3 STRUCTURE_TYPE_SUBMIT_INFO = 4 STRUCTURE_TYPE_MEMORY_ALLOCATE_INFO = 5 STRUCTURE_TYPE_MAPPED_MEMORY_RANGE = 6 STRUCTURE_TYPE_BIND_SPARSE_INFO = 7 STRUCTURE_TYPE_FENCE_CREATE_INFO = 8 STRUCTURE_TYPE_SEMAPHORE_CREATE_INFO = 9 STRUCTURE_TYPE_EVENT_CREATE_INFO = 10 STRUCTURE_TYPE_QUERY_POOL_CREATE_INFO = 11 STRUCTURE_TYPE_BUFFER_CREATE_INFO = 12 STRUCTURE_TYPE_BUFFER_VIEW_CREATE_INFO = 13 STRUCTURE_TYPE_IMAGE_CREATE_INFO = 14 STRUCTURE_TYPE_IMAGE_VIEW_CREATE_INFO = 15 STRUCTURE_TYPE_SHADER_MODULE_CREATE_INFO = 16 STRUCTURE_TYPE_PIPELINE_CACHE_CREATE_INFO = 17 STRUCTURE_TYPE_PIPELINE_SHADER_STAGE_CREATE_INFO = 18 STRUCTURE_TYPE_PIPELINE_VERTEX_INPUT_STATE_CREATE_INFO = 19 STRUCTURE_TYPE_PIPELINE_INPUT_ASSEMBLY_STATE_CREATE_INFO = 20 STRUCTURE_TYPE_PIPELINE_TESSELLATION_STATE_CREATE_INFO = 21 STRUCTURE_TYPE_PIPELINE_VIEWPORT_STATE_CREATE_INFO = 22 STRUCTURE_TYPE_PIPELINE_RASTERIZATION_STATE_CREATE_INFO = 23 STRUCTURE_TYPE_PIPELINE_MULTISAMPLE_STATE_CREATE_INFO = 24 STRUCTURE_TYPE_PIPELINE_DEPTH_STENCIL_STATE_CREATE_INFO = 25 STRUCTURE_TYPE_PIPELINE_COLOR_BLEND_STATE_CREATE_INFO = 26 STRUCTURE_TYPE_PIPELINE_DYNAMIC_STATE_CREATE_INFO = 27 STRUCTURE_TYPE_GRAPHICS_PIPELINE_CREATE_INFO = 28 STRUCTURE_TYPE_COMPUTE_PIPELINE_CREATE_INFO = 29 STRUCTURE_TYPE_PIPELINE_LAYOUT_CREATE_INFO = 30 STRUCTURE_TYPE_SAMPLER_CREATE_INFO = 31 STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_CREATE_INFO = 32 STRUCTURE_TYPE_DESCRIPTOR_POOL_CREATE_INFO = 33 STRUCTURE_TYPE_DESCRIPTOR_SET_ALLOCATE_INFO = 34 STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET = 35 STRUCTURE_TYPE_COPY_DESCRIPTOR_SET = 36 STRUCTURE_TYPE_FRAMEBUFFER_CREATE_INFO = 37 STRUCTURE_TYPE_RENDER_PASS_CREATE_INFO = 38 STRUCTURE_TYPE_COMMAND_POOL_CREATE_INFO = 39 STRUCTURE_TYPE_COMMAND_BUFFER_ALLOCATE_INFO = 40 STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_INFO = 41 STRUCTURE_TYPE_COMMAND_BUFFER_BEGIN_INFO = 42 STRUCTURE_TYPE_RENDER_PASS_BEGIN_INFO = 43 STRUCTURE_TYPE_BUFFER_MEMORY_BARRIER = 44 STRUCTURE_TYPE_IMAGE_MEMORY_BARRIER = 45 STRUCTURE_TYPE_MEMORY_BARRIER = 46 STRUCTURE_TYPE_LOADER_INSTANCE_CREATE_INFO = 47 STRUCTURE_TYPE_LOADER_DEVICE_CREATE_INFO = 48 STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_PROPERTIES = 1000094000 STRUCTURE_TYPE_BIND_BUFFER_MEMORY_INFO = 1000157000 STRUCTURE_TYPE_BIND_IMAGE_MEMORY_INFO = 1000157001 STRUCTURE_TYPE_PHYSICAL_DEVICE_16BIT_STORAGE_FEATURES = 1000083000 STRUCTURE_TYPE_MEMORY_DEDICATED_REQUIREMENTS = 1000127000 STRUCTURE_TYPE_MEMORY_DEDICATED_ALLOCATE_INFO = 1000127001 STRUCTURE_TYPE_MEMORY_ALLOCATE_FLAGS_INFO = 1000060000 STRUCTURE_TYPE_DEVICE_GROUP_RENDER_PASS_BEGIN_INFO = 1000060003 STRUCTURE_TYPE_DEVICE_GROUP_COMMAND_BUFFER_BEGIN_INFO = 1000060004 STRUCTURE_TYPE_DEVICE_GROUP_SUBMIT_INFO = 1000060005 STRUCTURE_TYPE_DEVICE_GROUP_BIND_SPARSE_INFO = 1000060006 STRUCTURE_TYPE_BIND_BUFFER_MEMORY_DEVICE_GROUP_INFO = 1000060013 STRUCTURE_TYPE_BIND_IMAGE_MEMORY_DEVICE_GROUP_INFO = 1000060014 STRUCTURE_TYPE_PHYSICAL_DEVICE_GROUP_PROPERTIES = 1000070000 STRUCTURE_TYPE_DEVICE_GROUP_DEVICE_CREATE_INFO = 1000070001 STRUCTURE_TYPE_BUFFER_MEMORY_REQUIREMENTS_INFO_2 = 1000146000 STRUCTURE_TYPE_IMAGE_MEMORY_REQUIREMENTS_INFO_2 = 1000146001 STRUCTURE_TYPE_IMAGE_SPARSE_MEMORY_REQUIREMENTS_INFO_2 = 1000146002 STRUCTURE_TYPE_MEMORY_REQUIREMENTS_2 = 1000146003 STRUCTURE_TYPE_SPARSE_IMAGE_MEMORY_REQUIREMENTS_2 = 1000146004 STRUCTURE_TYPE_PHYSICAL_DEVICE_FEATURES_2 = 1000059000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PROPERTIES_2 = 1000059001 STRUCTURE_TYPE_FORMAT_PROPERTIES_2 = 1000059002 STRUCTURE_TYPE_IMAGE_FORMAT_PROPERTIES_2 = 1000059003 STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_FORMAT_INFO_2 = 1000059004 STRUCTURE_TYPE_QUEUE_FAMILY_PROPERTIES_2 = 1000059005 STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_PROPERTIES_2 = 1000059006 STRUCTURE_TYPE_SPARSE_IMAGE_FORMAT_PROPERTIES_2 = 1000059007 STRUCTURE_TYPE_PHYSICAL_DEVICE_SPARSE_IMAGE_FORMAT_INFO_2 = 1000059008 STRUCTURE_TYPE_PHYSICAL_DEVICE_POINT_CLIPPING_PROPERTIES = 1000117000 STRUCTURE_TYPE_RENDER_PASS_INPUT_ATTACHMENT_ASPECT_CREATE_INFO = 1000117001 STRUCTURE_TYPE_IMAGE_VIEW_USAGE_CREATE_INFO = 1000117002 STRUCTURE_TYPE_PIPELINE_TESSELLATION_DOMAIN_ORIGIN_STATE_CREATE_INFO = 1000117003 STRUCTURE_TYPE_RENDER_PASS_MULTIVIEW_CREATE_INFO = 1000053000 STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_FEATURES = 1000053001 STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_PROPERTIES = 1000053002 STRUCTURE_TYPE_PHYSICAL_DEVICE_VARIABLE_POINTERS_FEATURES = 1000120000 STRUCTURE_TYPE_PROTECTED_SUBMIT_INFO = 1000145000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PROTECTED_MEMORY_FEATURES = 1000145001 STRUCTURE_TYPE_PHYSICAL_DEVICE_PROTECTED_MEMORY_PROPERTIES = 1000145002 STRUCTURE_TYPE_DEVICE_QUEUE_INFO_2 = 1000145003 STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_CREATE_INFO = 1000156000 STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_INFO = 1000156001 STRUCTURE_TYPE_BIND_IMAGE_PLANE_MEMORY_INFO = 1000156002 STRUCTURE_TYPE_IMAGE_PLANE_MEMORY_REQUIREMENTS_INFO = 1000156003 STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLER_YCBCR_CONVERSION_FEATURES = 1000156004 STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_IMAGE_FORMAT_PROPERTIES = 1000156005 STRUCTURE_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_CREATE_INFO = 1000085000 STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_IMAGE_FORMAT_INFO = 1000071000 STRUCTURE_TYPE_EXTERNAL_IMAGE_FORMAT_PROPERTIES = 1000071001 STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_BUFFER_INFO = 1000071002 STRUCTURE_TYPE_EXTERNAL_BUFFER_PROPERTIES = 1000071003 STRUCTURE_TYPE_PHYSICAL_DEVICE_ID_PROPERTIES = 1000071004 STRUCTURE_TYPE_EXTERNAL_MEMORY_BUFFER_CREATE_INFO = 1000072000 STRUCTURE_TYPE_EXTERNAL_MEMORY_IMAGE_CREATE_INFO = 1000072001 STRUCTURE_TYPE_EXPORT_MEMORY_ALLOCATE_INFO = 1000072002 STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_FENCE_INFO = 1000112000 STRUCTURE_TYPE_EXTERNAL_FENCE_PROPERTIES = 1000112001 STRUCTURE_TYPE_EXPORT_FENCE_CREATE_INFO = 1000113000 STRUCTURE_TYPE_EXPORT_SEMAPHORE_CREATE_INFO = 1000077000 STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_SEMAPHORE_INFO = 1000076000 STRUCTURE_TYPE_EXTERNAL_SEMAPHORE_PROPERTIES = 1000076001 STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_3_PROPERTIES = 1000168000 STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_SUPPORT = 1000168001 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_DRAW_PARAMETERS_FEATURES = 1000063000 STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_1_FEATURES = 49 STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_1_PROPERTIES = 50 STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_2_FEATURES = 51 STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_2_PROPERTIES = 52 STRUCTURE_TYPE_IMAGE_FORMAT_LIST_CREATE_INFO = 1000147000 STRUCTURE_TYPE_ATTACHMENT_DESCRIPTION_2 = 1000109000 STRUCTURE_TYPE_ATTACHMENT_REFERENCE_2 = 1000109001 STRUCTURE_TYPE_SUBPASS_DESCRIPTION_2 = 1000109002 STRUCTURE_TYPE_SUBPASS_DEPENDENCY_2 = 1000109003 STRUCTURE_TYPE_RENDER_PASS_CREATE_INFO_2 = 1000109004 STRUCTURE_TYPE_SUBPASS_BEGIN_INFO = 1000109005 STRUCTURE_TYPE_SUBPASS_END_INFO = 1000109006 STRUCTURE_TYPE_PHYSICAL_DEVICE_8BIT_STORAGE_FEATURES = 1000177000 STRUCTURE_TYPE_PHYSICAL_DEVICE_DRIVER_PROPERTIES = 1000196000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_ATOMIC_INT64_FEATURES = 1000180000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_FLOAT16_INT8_FEATURES = 1000082000 STRUCTURE_TYPE_PHYSICAL_DEVICE_FLOAT_CONTROLS_PROPERTIES = 1000197000 STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_BINDING_FLAGS_CREATE_INFO = 1000161000 STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_INDEXING_FEATURES = 1000161001 STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_INDEXING_PROPERTIES = 1000161002 STRUCTURE_TYPE_DESCRIPTOR_SET_VARIABLE_DESCRIPTOR_COUNT_ALLOCATE_INFO = 1000161003 STRUCTURE_TYPE_DESCRIPTOR_SET_VARIABLE_DESCRIPTOR_COUNT_LAYOUT_SUPPORT = 1000161004 STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_STENCIL_RESOLVE_PROPERTIES = 1000199000 STRUCTURE_TYPE_SUBPASS_DESCRIPTION_DEPTH_STENCIL_RESOLVE = 1000199001 STRUCTURE_TYPE_PHYSICAL_DEVICE_SCALAR_BLOCK_LAYOUT_FEATURES = 1000221000 STRUCTURE_TYPE_IMAGE_STENCIL_USAGE_CREATE_INFO = 1000246000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLER_FILTER_MINMAX_PROPERTIES = 1000130000 STRUCTURE_TYPE_SAMPLER_REDUCTION_MODE_CREATE_INFO = 1000130001 STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_MEMORY_MODEL_FEATURES = 1000211000 STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGELESS_FRAMEBUFFER_FEATURES = 1000108000 STRUCTURE_TYPE_FRAMEBUFFER_ATTACHMENTS_CREATE_INFO = 1000108001 STRUCTURE_TYPE_FRAMEBUFFER_ATTACHMENT_IMAGE_INFO = 1000108002 STRUCTURE_TYPE_RENDER_PASS_ATTACHMENT_BEGIN_INFO = 1000108003 STRUCTURE_TYPE_PHYSICAL_DEVICE_UNIFORM_BUFFER_STANDARD_LAYOUT_FEATURES = 1000253000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SUBGROUP_EXTENDED_TYPES_FEATURES = 1000175000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SEPARATE_DEPTH_STENCIL_LAYOUTS_FEATURES = 1000241000 STRUCTURE_TYPE_ATTACHMENT_REFERENCE_STENCIL_LAYOUT = 1000241001 STRUCTURE_TYPE_ATTACHMENT_DESCRIPTION_STENCIL_LAYOUT = 1000241002 STRUCTURE_TYPE_PHYSICAL_DEVICE_HOST_QUERY_RESET_FEATURES = 1000261000 STRUCTURE_TYPE_PHYSICAL_DEVICE_TIMELINE_SEMAPHORE_FEATURES = 1000207000 STRUCTURE_TYPE_PHYSICAL_DEVICE_TIMELINE_SEMAPHORE_PROPERTIES = 1000207001 STRUCTURE_TYPE_SEMAPHORE_TYPE_CREATE_INFO = 1000207002 STRUCTURE_TYPE_TIMELINE_SEMAPHORE_SUBMIT_INFO = 1000207003 STRUCTURE_TYPE_SEMAPHORE_WAIT_INFO = 1000207004 STRUCTURE_TYPE_SEMAPHORE_SIGNAL_INFO = 1000207005 STRUCTURE_TYPE_PHYSICAL_DEVICE_BUFFER_DEVICE_ADDRESS_FEATURES = 1000257000 STRUCTURE_TYPE_BUFFER_DEVICE_ADDRESS_INFO = 1000244001 STRUCTURE_TYPE_BUFFER_OPAQUE_CAPTURE_ADDRESS_CREATE_INFO = 1000257002 STRUCTURE_TYPE_MEMORY_OPAQUE_CAPTURE_ADDRESS_ALLOCATE_INFO = 1000257003 STRUCTURE_TYPE_DEVICE_MEMORY_OPAQUE_CAPTURE_ADDRESS_INFO = 1000257004 STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_3_FEATURES = 53 STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_3_PROPERTIES = 54 STRUCTURE_TYPE_PIPELINE_CREATION_FEEDBACK_CREATE_INFO = 1000192000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_TERMINATE_INVOCATION_FEATURES = 1000215000 STRUCTURE_TYPE_PHYSICAL_DEVICE_TOOL_PROPERTIES = 1000245000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_DEMOTE_TO_HELPER_INVOCATION_FEATURES = 1000276000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PRIVATE_DATA_FEATURES = 1000295000 STRUCTURE_TYPE_DEVICE_PRIVATE_DATA_CREATE_INFO = 1000295001 STRUCTURE_TYPE_PRIVATE_DATA_SLOT_CREATE_INFO = 1000295002 STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_CREATION_CACHE_CONTROL_FEATURES = 1000297000 STRUCTURE_TYPE_MEMORY_BARRIER_2 = 1000314000 STRUCTURE_TYPE_BUFFER_MEMORY_BARRIER_2 = 1000314001 STRUCTURE_TYPE_IMAGE_MEMORY_BARRIER_2 = 1000314002 STRUCTURE_TYPE_DEPENDENCY_INFO = 1000314003 STRUCTURE_TYPE_SUBMIT_INFO_2 = 1000314004 STRUCTURE_TYPE_SEMAPHORE_SUBMIT_INFO = 1000314005 STRUCTURE_TYPE_COMMAND_BUFFER_SUBMIT_INFO = 1000314006 STRUCTURE_TYPE_PHYSICAL_DEVICE_SYNCHRONIZATION_2_FEATURES = 1000314007 STRUCTURE_TYPE_PHYSICAL_DEVICE_ZERO_INITIALIZE_WORKGROUP_MEMORY_FEATURES = 1000325000 STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_ROBUSTNESS_FEATURES = 1000335000 STRUCTURE_TYPE_COPY_BUFFER_INFO_2 = 1000337000 STRUCTURE_TYPE_COPY_IMAGE_INFO_2 = 1000337001 STRUCTURE_TYPE_COPY_BUFFER_TO_IMAGE_INFO_2 = 1000337002 STRUCTURE_TYPE_COPY_IMAGE_TO_BUFFER_INFO_2 = 1000337003 STRUCTURE_TYPE_BLIT_IMAGE_INFO_2 = 1000337004 STRUCTURE_TYPE_RESOLVE_IMAGE_INFO_2 = 1000337005 STRUCTURE_TYPE_BUFFER_COPY_2 = 1000337006 STRUCTURE_TYPE_IMAGE_COPY_2 = 1000337007 STRUCTURE_TYPE_IMAGE_BLIT_2 = 1000337008 STRUCTURE_TYPE_BUFFER_IMAGE_COPY_2 = 1000337009 STRUCTURE_TYPE_IMAGE_RESOLVE_2 = 1000337010 STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_SIZE_CONTROL_PROPERTIES = 1000225000 STRUCTURE_TYPE_PIPELINE_SHADER_STAGE_REQUIRED_SUBGROUP_SIZE_CREATE_INFO = 1000225001 STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_SIZE_CONTROL_FEATURES = 1000225002 STRUCTURE_TYPE_PHYSICAL_DEVICE_INLINE_UNIFORM_BLOCK_FEATURES = 1000138000 STRUCTURE_TYPE_PHYSICAL_DEVICE_INLINE_UNIFORM_BLOCK_PROPERTIES = 1000138001 STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET_INLINE_UNIFORM_BLOCK = 1000138002 STRUCTURE_TYPE_DESCRIPTOR_POOL_INLINE_UNIFORM_BLOCK_CREATE_INFO = 1000138003 STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXTURE_COMPRESSION_ASTC_HDR_FEATURES = 1000066000 STRUCTURE_TYPE_RENDERING_INFO = 1000044000 STRUCTURE_TYPE_RENDERING_ATTACHMENT_INFO = 1000044001 STRUCTURE_TYPE_PIPELINE_RENDERING_CREATE_INFO = 1000044002 STRUCTURE_TYPE_PHYSICAL_DEVICE_DYNAMIC_RENDERING_FEATURES = 1000044003 STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_RENDERING_INFO = 1000044004 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_DOT_PRODUCT_FEATURES = 1000280000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_DOT_PRODUCT_PROPERTIES = 1000280001 STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXEL_BUFFER_ALIGNMENT_PROPERTIES = 1000281001 STRUCTURE_TYPE_FORMAT_PROPERTIES_3 = 1000360000 STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_4_FEATURES = 1000413000 STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_4_PROPERTIES = 1000413001 STRUCTURE_TYPE_DEVICE_BUFFER_MEMORY_REQUIREMENTS = 1000413002 STRUCTURE_TYPE_DEVICE_IMAGE_MEMORY_REQUIREMENTS = 1000413003 STRUCTURE_TYPE_SWAPCHAIN_CREATE_INFO_KHR = 1000001000 STRUCTURE_TYPE_PRESENT_INFO_KHR = 1000001001 STRUCTURE_TYPE_DEVICE_GROUP_PRESENT_CAPABILITIES_KHR = 1000060007 STRUCTURE_TYPE_IMAGE_SWAPCHAIN_CREATE_INFO_KHR = 1000060008 STRUCTURE_TYPE_BIND_IMAGE_MEMORY_SWAPCHAIN_INFO_KHR = 1000060009 STRUCTURE_TYPE_ACQUIRE_NEXT_IMAGE_INFO_KHR = 1000060010 STRUCTURE_TYPE_DEVICE_GROUP_PRESENT_INFO_KHR = 1000060011 STRUCTURE_TYPE_DEVICE_GROUP_SWAPCHAIN_CREATE_INFO_KHR = 1000060012 STRUCTURE_TYPE_DISPLAY_MODE_CREATE_INFO_KHR = 1000002000 STRUCTURE_TYPE_DISPLAY_SURFACE_CREATE_INFO_KHR = 1000002001 STRUCTURE_TYPE_DISPLAY_PRESENT_INFO_KHR = 1000003000 STRUCTURE_TYPE_XLIB_SURFACE_CREATE_INFO_KHR = 1000004000 STRUCTURE_TYPE_XCB_SURFACE_CREATE_INFO_KHR = 1000005000 STRUCTURE_TYPE_WAYLAND_SURFACE_CREATE_INFO_KHR = 1000006000 STRUCTURE_TYPE_ANDROID_SURFACE_CREATE_INFO_KHR = 1000008000 STRUCTURE_TYPE_WIN32_SURFACE_CREATE_INFO_KHR = 1000009000 STRUCTURE_TYPE_DEBUG_REPORT_CALLBACK_CREATE_INFO_EXT = 1000011000 STRUCTURE_TYPE_PIPELINE_RASTERIZATION_STATE_RASTERIZATION_ORDER_AMD = 1000018000 STRUCTURE_TYPE_DEBUG_MARKER_OBJECT_NAME_INFO_EXT = 1000022000 STRUCTURE_TYPE_DEBUG_MARKER_OBJECT_TAG_INFO_EXT = 1000022001 STRUCTURE_TYPE_DEBUG_MARKER_MARKER_INFO_EXT = 1000022002 STRUCTURE_TYPE_VIDEO_PROFILE_INFO_KHR = 1000023000 STRUCTURE_TYPE_VIDEO_CAPABILITIES_KHR = 1000023001 STRUCTURE_TYPE_VIDEO_PICTURE_RESOURCE_INFO_KHR = 1000023002 STRUCTURE_TYPE_VIDEO_SESSION_MEMORY_REQUIREMENTS_KHR = 1000023003 STRUCTURE_TYPE_BIND_VIDEO_SESSION_MEMORY_INFO_KHR = 1000023004 STRUCTURE_TYPE_VIDEO_SESSION_CREATE_INFO_KHR = 1000023005 STRUCTURE_TYPE_VIDEO_SESSION_PARAMETERS_CREATE_INFO_KHR = 1000023006 STRUCTURE_TYPE_VIDEO_SESSION_PARAMETERS_UPDATE_INFO_KHR = 1000023007 STRUCTURE_TYPE_VIDEO_BEGIN_CODING_INFO_KHR = 1000023008 STRUCTURE_TYPE_VIDEO_END_CODING_INFO_KHR = 1000023009 STRUCTURE_TYPE_VIDEO_CODING_CONTROL_INFO_KHR = 1000023010 STRUCTURE_TYPE_VIDEO_REFERENCE_SLOT_INFO_KHR = 1000023011 STRUCTURE_TYPE_QUEUE_FAMILY_VIDEO_PROPERTIES_KHR = 1000023012 STRUCTURE_TYPE_VIDEO_PROFILE_LIST_INFO_KHR = 1000023013 STRUCTURE_TYPE_PHYSICAL_DEVICE_VIDEO_FORMAT_INFO_KHR = 1000023014 STRUCTURE_TYPE_VIDEO_FORMAT_PROPERTIES_KHR = 1000023015 STRUCTURE_TYPE_QUEUE_FAMILY_QUERY_RESULT_STATUS_PROPERTIES_KHR = 1000023016 STRUCTURE_TYPE_VIDEO_DECODE_INFO_KHR = 1000024000 STRUCTURE_TYPE_VIDEO_DECODE_CAPABILITIES_KHR = 1000024001 STRUCTURE_TYPE_VIDEO_DECODE_USAGE_INFO_KHR = 1000024002 STRUCTURE_TYPE_DEDICATED_ALLOCATION_IMAGE_CREATE_INFO_NV = 1000026000 STRUCTURE_TYPE_DEDICATED_ALLOCATION_BUFFER_CREATE_INFO_NV = 1000026001 STRUCTURE_TYPE_DEDICATED_ALLOCATION_MEMORY_ALLOCATE_INFO_NV = 1000026002 STRUCTURE_TYPE_PHYSICAL_DEVICE_TRANSFORM_FEEDBACK_FEATURES_EXT = 1000028000 STRUCTURE_TYPE_PHYSICAL_DEVICE_TRANSFORM_FEEDBACK_PROPERTIES_EXT = 1000028001 STRUCTURE_TYPE_PIPELINE_RASTERIZATION_STATE_STREAM_CREATE_INFO_EXT = 1000028002 STRUCTURE_TYPE_CU_MODULE_CREATE_INFO_NVX = 1000029000 STRUCTURE_TYPE_CU_FUNCTION_CREATE_INFO_NVX = 1000029001 STRUCTURE_TYPE_CU_LAUNCH_INFO_NVX = 1000029002 STRUCTURE_TYPE_IMAGE_VIEW_HANDLE_INFO_NVX = 1000030000 STRUCTURE_TYPE_IMAGE_VIEW_ADDRESS_PROPERTIES_NVX = 1000030001 STRUCTURE_TYPE_VIDEO_ENCODE_H264_CAPABILITIES_EXT = 1000038000 STRUCTURE_TYPE_VIDEO_ENCODE_H264_SESSION_PARAMETERS_CREATE_INFO_EXT = 1000038001 STRUCTURE_TYPE_VIDEO_ENCODE_H264_SESSION_PARAMETERS_ADD_INFO_EXT = 1000038002 STRUCTURE_TYPE_VIDEO_ENCODE_H264_VCL_FRAME_INFO_EXT = 1000038003 STRUCTURE_TYPE_VIDEO_ENCODE_H264_DPB_SLOT_INFO_EXT = 1000038004 STRUCTURE_TYPE_VIDEO_ENCODE_H264_NALU_SLICE_INFO_EXT = 1000038005 STRUCTURE_TYPE_VIDEO_ENCODE_H264_EMIT_PICTURE_PARAMETERS_INFO_EXT = 1000038006 STRUCTURE_TYPE_VIDEO_ENCODE_H264_PROFILE_INFO_EXT = 1000038007 STRUCTURE_TYPE_VIDEO_ENCODE_H264_RATE_CONTROL_INFO_EXT = 1000038008 STRUCTURE_TYPE_VIDEO_ENCODE_H264_RATE_CONTROL_LAYER_INFO_EXT = 1000038009 STRUCTURE_TYPE_VIDEO_ENCODE_H264_REFERENCE_LISTS_INFO_EXT = 1000038010 STRUCTURE_TYPE_VIDEO_ENCODE_H265_CAPABILITIES_EXT = 1000039000 STRUCTURE_TYPE_VIDEO_ENCODE_H265_SESSION_PARAMETERS_CREATE_INFO_EXT = 1000039001 STRUCTURE_TYPE_VIDEO_ENCODE_H265_SESSION_PARAMETERS_ADD_INFO_EXT = 1000039002 STRUCTURE_TYPE_VIDEO_ENCODE_H265_VCL_FRAME_INFO_EXT = 1000039003 STRUCTURE_TYPE_VIDEO_ENCODE_H265_DPB_SLOT_INFO_EXT = 1000039004 STRUCTURE_TYPE_VIDEO_ENCODE_H265_NALU_SLICE_SEGMENT_INFO_EXT = 1000039005 STRUCTURE_TYPE_VIDEO_ENCODE_H265_EMIT_PICTURE_PARAMETERS_INFO_EXT = 1000039006 STRUCTURE_TYPE_VIDEO_ENCODE_H265_PROFILE_INFO_EXT = 1000039007 STRUCTURE_TYPE_VIDEO_ENCODE_H265_REFERENCE_LISTS_INFO_EXT = 1000039008 STRUCTURE_TYPE_VIDEO_ENCODE_H265_RATE_CONTROL_INFO_EXT = 1000039009 STRUCTURE_TYPE_VIDEO_ENCODE_H265_RATE_CONTROL_LAYER_INFO_EXT = 1000039010 STRUCTURE_TYPE_VIDEO_DECODE_H264_CAPABILITIES_KHR = 1000040000 STRUCTURE_TYPE_VIDEO_DECODE_H264_PICTURE_INFO_KHR = 1000040001 STRUCTURE_TYPE_VIDEO_DECODE_H264_PROFILE_INFO_KHR = 1000040003 STRUCTURE_TYPE_VIDEO_DECODE_H264_SESSION_PARAMETERS_CREATE_INFO_KHR = 1000040004 STRUCTURE_TYPE_VIDEO_DECODE_H264_SESSION_PARAMETERS_ADD_INFO_KHR = 1000040005 STRUCTURE_TYPE_VIDEO_DECODE_H264_DPB_SLOT_INFO_KHR = 1000040006 STRUCTURE_TYPE_TEXTURE_LOD_GATHER_FORMAT_PROPERTIES_AMD = 1000041000 STRUCTURE_TYPE_RENDERING_FRAGMENT_SHADING_RATE_ATTACHMENT_INFO_KHR = 1000044006 STRUCTURE_TYPE_RENDERING_FRAGMENT_DENSITY_MAP_ATTACHMENT_INFO_EXT = 1000044007 STRUCTURE_TYPE_ATTACHMENT_SAMPLE_COUNT_INFO_AMD = 1000044008 STRUCTURE_TYPE_MULTIVIEW_PER_VIEW_ATTRIBUTES_INFO_NVX = 1000044009 STRUCTURE_TYPE_STREAM_DESCRIPTOR_SURFACE_CREATE_INFO_GGP = 1000049000 STRUCTURE_TYPE_PHYSICAL_DEVICE_CORNER_SAMPLED_IMAGE_FEATURES_NV = 1000050000 STRUCTURE_TYPE_EXTERNAL_MEMORY_IMAGE_CREATE_INFO_NV = 1000056000 STRUCTURE_TYPE_EXPORT_MEMORY_ALLOCATE_INFO_NV = 1000056001 STRUCTURE_TYPE_IMPORT_MEMORY_WIN32_HANDLE_INFO_NV = 1000057000 STRUCTURE_TYPE_EXPORT_MEMORY_WIN32_HANDLE_INFO_NV = 1000057001 STRUCTURE_TYPE_WIN32_KEYED_MUTEX_ACQUIRE_RELEASE_INFO_NV = 1000058000 STRUCTURE_TYPE_VALIDATION_FLAGS_EXT = 1000061000 STRUCTURE_TYPE_VI_SURFACE_CREATE_INFO_NN = 1000062000 STRUCTURE_TYPE_IMAGE_VIEW_ASTC_DECODE_MODE_EXT = 1000067000 STRUCTURE_TYPE_PHYSICAL_DEVICE_ASTC_DECODE_FEATURES_EXT = 1000067001 STRUCTURE_TYPE_PIPELINE_ROBUSTNESS_CREATE_INFO_EXT = 1000068000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_ROBUSTNESS_FEATURES_EXT = 1000068001 STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_ROBUSTNESS_PROPERTIES_EXT = 1000068002 STRUCTURE_TYPE_IMPORT_MEMORY_WIN32_HANDLE_INFO_KHR = 1000073000 STRUCTURE_TYPE_EXPORT_MEMORY_WIN32_HANDLE_INFO_KHR = 1000073001 STRUCTURE_TYPE_MEMORY_WIN32_HANDLE_PROPERTIES_KHR = 1000073002 STRUCTURE_TYPE_MEMORY_GET_WIN32_HANDLE_INFO_KHR = 1000073003 STRUCTURE_TYPE_IMPORT_MEMORY_FD_INFO_KHR = 1000074000 STRUCTURE_TYPE_MEMORY_FD_PROPERTIES_KHR = 1000074001 STRUCTURE_TYPE_MEMORY_GET_FD_INFO_KHR = 1000074002 STRUCTURE_TYPE_WIN32_KEYED_MUTEX_ACQUIRE_RELEASE_INFO_KHR = 1000075000 STRUCTURE_TYPE_IMPORT_SEMAPHORE_WIN32_HANDLE_INFO_KHR = 1000078000 STRUCTURE_TYPE_EXPORT_SEMAPHORE_WIN32_HANDLE_INFO_KHR = 1000078001 STRUCTURE_TYPE_D3D12_FENCE_SUBMIT_INFO_KHR = 1000078002 STRUCTURE_TYPE_SEMAPHORE_GET_WIN32_HANDLE_INFO_KHR = 1000078003 STRUCTURE_TYPE_IMPORT_SEMAPHORE_FD_INFO_KHR = 1000079000 STRUCTURE_TYPE_SEMAPHORE_GET_FD_INFO_KHR = 1000079001 STRUCTURE_TYPE_PHYSICAL_DEVICE_PUSH_DESCRIPTOR_PROPERTIES_KHR = 1000080000 STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_CONDITIONAL_RENDERING_INFO_EXT = 1000081000 STRUCTURE_TYPE_PHYSICAL_DEVICE_CONDITIONAL_RENDERING_FEATURES_EXT = 1000081001 STRUCTURE_TYPE_CONDITIONAL_RENDERING_BEGIN_INFO_EXT = 1000081002 STRUCTURE_TYPE_PRESENT_REGIONS_KHR = 1000084000 STRUCTURE_TYPE_PIPELINE_VIEWPORT_W_SCALING_STATE_CREATE_INFO_NV = 1000087000 STRUCTURE_TYPE_SURFACE_CAPABILITIES_2_EXT = 1000090000 STRUCTURE_TYPE_DISPLAY_POWER_INFO_EXT = 1000091000 STRUCTURE_TYPE_DEVICE_EVENT_INFO_EXT = 1000091001 STRUCTURE_TYPE_DISPLAY_EVENT_INFO_EXT = 1000091002 STRUCTURE_TYPE_SWAPCHAIN_COUNTER_CREATE_INFO_EXT = 1000091003 STRUCTURE_TYPE_PRESENT_TIMES_INFO_GOOGLE = 1000092000 STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_PER_VIEW_ATTRIBUTES_PROPERTIES_NVX = 1000097000 STRUCTURE_TYPE_PIPELINE_VIEWPORT_SWIZZLE_STATE_CREATE_INFO_NV = 1000098000 STRUCTURE_TYPE_PHYSICAL_DEVICE_DISCARD_RECTANGLE_PROPERTIES_EXT = 1000099000 STRUCTURE_TYPE_PIPELINE_DISCARD_RECTANGLE_STATE_CREATE_INFO_EXT = 1000099001 STRUCTURE_TYPE_PHYSICAL_DEVICE_CONSERVATIVE_RASTERIZATION_PROPERTIES_EXT = 1000101000 STRUCTURE_TYPE_PIPELINE_RASTERIZATION_CONSERVATIVE_STATE_CREATE_INFO_EXT = 1000101001 STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_CLIP_ENABLE_FEATURES_EXT = 1000102000 STRUCTURE_TYPE_PIPELINE_RASTERIZATION_DEPTH_CLIP_STATE_CREATE_INFO_EXT = 1000102001 STRUCTURE_TYPE_HDR_METADATA_EXT = 1000105000 STRUCTURE_TYPE_SHARED_PRESENT_SURFACE_CAPABILITIES_KHR = 1000111000 STRUCTURE_TYPE_IMPORT_FENCE_WIN32_HANDLE_INFO_KHR = 1000114000 STRUCTURE_TYPE_EXPORT_FENCE_WIN32_HANDLE_INFO_KHR = 1000114001 STRUCTURE_TYPE_FENCE_GET_WIN32_HANDLE_INFO_KHR = 1000114002 STRUCTURE_TYPE_IMPORT_FENCE_FD_INFO_KHR = 1000115000 STRUCTURE_TYPE_FENCE_GET_FD_INFO_KHR = 1000115001 STRUCTURE_TYPE_PHYSICAL_DEVICE_PERFORMANCE_QUERY_FEATURES_KHR = 1000116000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PERFORMANCE_QUERY_PROPERTIES_KHR = 1000116001 STRUCTURE_TYPE_QUERY_POOL_PERFORMANCE_CREATE_INFO_KHR = 1000116002 STRUCTURE_TYPE_PERFORMANCE_QUERY_SUBMIT_INFO_KHR = 1000116003 STRUCTURE_TYPE_ACQUIRE_PROFILING_LOCK_INFO_KHR = 1000116004 STRUCTURE_TYPE_PERFORMANCE_COUNTER_KHR = 1000116005 STRUCTURE_TYPE_PERFORMANCE_COUNTER_DESCRIPTION_KHR = 1000116006 STRUCTURE_TYPE_PHYSICAL_DEVICE_SURFACE_INFO_2_KHR = 1000119000 STRUCTURE_TYPE_SURFACE_CAPABILITIES_2_KHR = 1000119001 STRUCTURE_TYPE_SURFACE_FORMAT_2_KHR = 1000119002 STRUCTURE_TYPE_DISPLAY_PROPERTIES_2_KHR = 1000121000 STRUCTURE_TYPE_DISPLAY_PLANE_PROPERTIES_2_KHR = 1000121001 STRUCTURE_TYPE_DISPLAY_MODE_PROPERTIES_2_KHR = 1000121002 STRUCTURE_TYPE_DISPLAY_PLANE_INFO_2_KHR = 1000121003 STRUCTURE_TYPE_DISPLAY_PLANE_CAPABILITIES_2_KHR = 1000121004 STRUCTURE_TYPE_IOS_SURFACE_CREATE_INFO_MVK = 1000122000 STRUCTURE_TYPE_MACOS_SURFACE_CREATE_INFO_MVK = 1000123000 STRUCTURE_TYPE_DEBUG_UTILS_OBJECT_NAME_INFO_EXT = 1000128000 STRUCTURE_TYPE_DEBUG_UTILS_OBJECT_TAG_INFO_EXT = 1000128001 STRUCTURE_TYPE_DEBUG_UTILS_LABEL_EXT = 1000128002 STRUCTURE_TYPE_DEBUG_UTILS_MESSENGER_CALLBACK_DATA_EXT = 1000128003 STRUCTURE_TYPE_DEBUG_UTILS_MESSENGER_CREATE_INFO_EXT = 1000128004 STRUCTURE_TYPE_ANDROID_HARDWARE_BUFFER_USAGE_ANDROID = 1000129000 STRUCTURE_TYPE_ANDROID_HARDWARE_BUFFER_PROPERTIES_ANDROID = 1000129001 STRUCTURE_TYPE_ANDROID_HARDWARE_BUFFER_FORMAT_PROPERTIES_ANDROID = 1000129002 STRUCTURE_TYPE_IMPORT_ANDROID_HARDWARE_BUFFER_INFO_ANDROID = 1000129003 STRUCTURE_TYPE_MEMORY_GET_ANDROID_HARDWARE_BUFFER_INFO_ANDROID = 1000129004 STRUCTURE_TYPE_EXTERNAL_FORMAT_ANDROID = 1000129005 STRUCTURE_TYPE_ANDROID_HARDWARE_BUFFER_FORMAT_PROPERTIES_2_ANDROID = 1000129006 STRUCTURE_TYPE_SAMPLE_LOCATIONS_INFO_EXT = 1000143000 STRUCTURE_TYPE_RENDER_PASS_SAMPLE_LOCATIONS_BEGIN_INFO_EXT = 1000143001 STRUCTURE_TYPE_PIPELINE_SAMPLE_LOCATIONS_STATE_CREATE_INFO_EXT = 1000143002 STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLE_LOCATIONS_PROPERTIES_EXT = 1000143003 STRUCTURE_TYPE_MULTISAMPLE_PROPERTIES_EXT = 1000143004 STRUCTURE_TYPE_PHYSICAL_DEVICE_BLEND_OPERATION_ADVANCED_FEATURES_EXT = 1000148000 STRUCTURE_TYPE_PHYSICAL_DEVICE_BLEND_OPERATION_ADVANCED_PROPERTIES_EXT = 1000148001 STRUCTURE_TYPE_PIPELINE_COLOR_BLEND_ADVANCED_STATE_CREATE_INFO_EXT = 1000148002 STRUCTURE_TYPE_PIPELINE_COVERAGE_TO_COLOR_STATE_CREATE_INFO_NV = 1000149000 STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET_ACCELERATION_STRUCTURE_KHR = 1000150007 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_BUILD_GEOMETRY_INFO_KHR = 1000150000 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_DEVICE_ADDRESS_INFO_KHR = 1000150002 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_AABBS_DATA_KHR = 1000150003 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_INSTANCES_DATA_KHR = 1000150004 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_TRIANGLES_DATA_KHR = 1000150005 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_KHR = 1000150006 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_VERSION_INFO_KHR = 1000150009 STRUCTURE_TYPE_COPY_ACCELERATION_STRUCTURE_INFO_KHR = 1000150010 STRUCTURE_TYPE_COPY_ACCELERATION_STRUCTURE_TO_MEMORY_INFO_KHR = 1000150011 STRUCTURE_TYPE_COPY_MEMORY_TO_ACCELERATION_STRUCTURE_INFO_KHR = 1000150012 STRUCTURE_TYPE_PHYSICAL_DEVICE_ACCELERATION_STRUCTURE_FEATURES_KHR = 1000150013 STRUCTURE_TYPE_PHYSICAL_DEVICE_ACCELERATION_STRUCTURE_PROPERTIES_KHR = 1000150014 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_CREATE_INFO_KHR = 1000150017 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_BUILD_SIZES_INFO_KHR = 1000150020 STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_PIPELINE_FEATURES_KHR = 1000347000 STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_PIPELINE_PROPERTIES_KHR = 1000347001 STRUCTURE_TYPE_RAY_TRACING_PIPELINE_CREATE_INFO_KHR = 1000150015 STRUCTURE_TYPE_RAY_TRACING_SHADER_GROUP_CREATE_INFO_KHR = 1000150016 STRUCTURE_TYPE_RAY_TRACING_PIPELINE_INTERFACE_CREATE_INFO_KHR = 1000150018 STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_QUERY_FEATURES_KHR = 1000348013 STRUCTURE_TYPE_PIPELINE_COVERAGE_MODULATION_STATE_CREATE_INFO_NV = 1000152000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SM_BUILTINS_FEATURES_NV = 1000154000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SM_BUILTINS_PROPERTIES_NV = 1000154001 STRUCTURE_TYPE_DRM_FORMAT_MODIFIER_PROPERTIES_LIST_EXT = 1000158000 STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_DRM_FORMAT_MODIFIER_INFO_EXT = 1000158002 STRUCTURE_TYPE_IMAGE_DRM_FORMAT_MODIFIER_LIST_CREATE_INFO_EXT = 1000158003 STRUCTURE_TYPE_IMAGE_DRM_FORMAT_MODIFIER_EXPLICIT_CREATE_INFO_EXT = 1000158004 STRUCTURE_TYPE_IMAGE_DRM_FORMAT_MODIFIER_PROPERTIES_EXT = 1000158005 STRUCTURE_TYPE_DRM_FORMAT_MODIFIER_PROPERTIES_LIST_2_EXT = 1000158006 STRUCTURE_TYPE_VALIDATION_CACHE_CREATE_INFO_EXT = 1000160000 STRUCTURE_TYPE_SHADER_MODULE_VALIDATION_CACHE_CREATE_INFO_EXT = 1000160001 STRUCTURE_TYPE_PHYSICAL_DEVICE_PORTABILITY_SUBSET_FEATURES_KHR = 1000163000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PORTABILITY_SUBSET_PROPERTIES_KHR = 1000163001 STRUCTURE_TYPE_PIPELINE_VIEWPORT_SHADING_RATE_IMAGE_STATE_CREATE_INFO_NV = 1000164000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADING_RATE_IMAGE_FEATURES_NV = 1000164001 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADING_RATE_IMAGE_PROPERTIES_NV = 1000164002 STRUCTURE_TYPE_PIPELINE_VIEWPORT_COARSE_SAMPLE_ORDER_STATE_CREATE_INFO_NV = 1000164005 STRUCTURE_TYPE_RAY_TRACING_PIPELINE_CREATE_INFO_NV = 1000165000 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_CREATE_INFO_NV = 1000165001 STRUCTURE_TYPE_GEOMETRY_NV = 1000165003 STRUCTURE_TYPE_GEOMETRY_TRIANGLES_NV = 1000165004 STRUCTURE_TYPE_GEOMETRY_AABB_NV = 1000165005 STRUCTURE_TYPE_BIND_ACCELERATION_STRUCTURE_MEMORY_INFO_NV = 1000165006 STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET_ACCELERATION_STRUCTURE_NV = 1000165007 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_MEMORY_REQUIREMENTS_INFO_NV = 1000165008 STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_PROPERTIES_NV = 1000165009 STRUCTURE_TYPE_RAY_TRACING_SHADER_GROUP_CREATE_INFO_NV = 1000165011 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_INFO_NV = 1000165012 STRUCTURE_TYPE_PHYSICAL_DEVICE_REPRESENTATIVE_FRAGMENT_TEST_FEATURES_NV = 1000166000 STRUCTURE_TYPE_PIPELINE_REPRESENTATIVE_FRAGMENT_TEST_STATE_CREATE_INFO_NV = 1000166001 STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_VIEW_IMAGE_FORMAT_INFO_EXT = 1000170000 STRUCTURE_TYPE_FILTER_CUBIC_IMAGE_VIEW_IMAGE_FORMAT_PROPERTIES_EXT = 1000170001 STRUCTURE_TYPE_IMPORT_MEMORY_HOST_POINTER_INFO_EXT = 1000178000 STRUCTURE_TYPE_MEMORY_HOST_POINTER_PROPERTIES_EXT = 1000178001 STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_MEMORY_HOST_PROPERTIES_EXT = 1000178002 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CLOCK_FEATURES_KHR = 1000181000 STRUCTURE_TYPE_PIPELINE_COMPILER_CONTROL_CREATE_INFO_AMD = 1000183000 STRUCTURE_TYPE_CALIBRATED_TIMESTAMP_INFO_EXT = 1000184000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CORE_PROPERTIES_AMD = 1000185000 STRUCTURE_TYPE_VIDEO_DECODE_H265_CAPABILITIES_KHR = 1000187000 STRUCTURE_TYPE_VIDEO_DECODE_H265_SESSION_PARAMETERS_CREATE_INFO_KHR = 1000187001 STRUCTURE_TYPE_VIDEO_DECODE_H265_SESSION_PARAMETERS_ADD_INFO_KHR = 1000187002 STRUCTURE_TYPE_VIDEO_DECODE_H265_PROFILE_INFO_KHR = 1000187003 STRUCTURE_TYPE_VIDEO_DECODE_H265_PICTURE_INFO_KHR = 1000187004 STRUCTURE_TYPE_VIDEO_DECODE_H265_DPB_SLOT_INFO_KHR = 1000187005 STRUCTURE_TYPE_DEVICE_QUEUE_GLOBAL_PRIORITY_CREATE_INFO_KHR = 1000174000 STRUCTURE_TYPE_PHYSICAL_DEVICE_GLOBAL_PRIORITY_QUERY_FEATURES_KHR = 1000388000 STRUCTURE_TYPE_QUEUE_FAMILY_GLOBAL_PRIORITY_PROPERTIES_KHR = 1000388001 STRUCTURE_TYPE_DEVICE_MEMORY_OVERALLOCATION_CREATE_INFO_AMD = 1000189000 STRUCTURE_TYPE_PHYSICAL_DEVICE_VERTEX_ATTRIBUTE_DIVISOR_PROPERTIES_EXT = 1000190000 STRUCTURE_TYPE_PIPELINE_VERTEX_INPUT_DIVISOR_STATE_CREATE_INFO_EXT = 1000190001 STRUCTURE_TYPE_PHYSICAL_DEVICE_VERTEX_ATTRIBUTE_DIVISOR_FEATURES_EXT = 1000190002 STRUCTURE_TYPE_PRESENT_FRAME_TOKEN_GGP = 1000191000 STRUCTURE_TYPE_PHYSICAL_DEVICE_COMPUTE_SHADER_DERIVATIVES_FEATURES_NV = 1000201000 STRUCTURE_TYPE_PHYSICAL_DEVICE_MESH_SHADER_FEATURES_NV = 1000202000 STRUCTURE_TYPE_PHYSICAL_DEVICE_MESH_SHADER_PROPERTIES_NV = 1000202001 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_IMAGE_FOOTPRINT_FEATURES_NV = 1000204000 STRUCTURE_TYPE_PIPELINE_VIEWPORT_EXCLUSIVE_SCISSOR_STATE_CREATE_INFO_NV = 1000205000 STRUCTURE_TYPE_PHYSICAL_DEVICE_EXCLUSIVE_SCISSOR_FEATURES_NV = 1000205002 STRUCTURE_TYPE_CHECKPOINT_DATA_NV = 1000206000 STRUCTURE_TYPE_QUEUE_FAMILY_CHECKPOINT_PROPERTIES_NV = 1000206001 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_FUNCTIONS_2_FEATURES_INTEL = 1000209000 STRUCTURE_TYPE_QUERY_POOL_PERFORMANCE_QUERY_CREATE_INFO_INTEL = 1000210000 STRUCTURE_TYPE_INITIALIZE_PERFORMANCE_API_INFO_INTEL = 1000210001 STRUCTURE_TYPE_PERFORMANCE_MARKER_INFO_INTEL = 1000210002 STRUCTURE_TYPE_PERFORMANCE_STREAM_MARKER_INFO_INTEL = 1000210003 STRUCTURE_TYPE_PERFORMANCE_OVERRIDE_INFO_INTEL = 1000210004 STRUCTURE_TYPE_PERFORMANCE_CONFIGURATION_ACQUIRE_INFO_INTEL = 1000210005 STRUCTURE_TYPE_PHYSICAL_DEVICE_PCI_BUS_INFO_PROPERTIES_EXT = 1000212000 STRUCTURE_TYPE_DISPLAY_NATIVE_HDR_SURFACE_CAPABILITIES_AMD = 1000213000 STRUCTURE_TYPE_SWAPCHAIN_DISPLAY_NATIVE_HDR_CREATE_INFO_AMD = 1000213001 STRUCTURE_TYPE_IMAGEPIPE_SURFACE_CREATE_INFO_FUCHSIA = 1000214000 STRUCTURE_TYPE_METAL_SURFACE_CREATE_INFO_EXT = 1000217000 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_FEATURES_EXT = 1000218000 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_PROPERTIES_EXT = 1000218001 STRUCTURE_TYPE_RENDER_PASS_FRAGMENT_DENSITY_MAP_CREATE_INFO_EXT = 1000218002 STRUCTURE_TYPE_FRAGMENT_SHADING_RATE_ATTACHMENT_INFO_KHR = 1000226000 STRUCTURE_TYPE_PIPELINE_FRAGMENT_SHADING_RATE_STATE_CREATE_INFO_KHR = 1000226001 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_PROPERTIES_KHR = 1000226002 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_FEATURES_KHR = 1000226003 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_KHR = 1000226004 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CORE_PROPERTIES_2_AMD = 1000227000 STRUCTURE_TYPE_PHYSICAL_DEVICE_COHERENT_MEMORY_FEATURES_AMD = 1000229000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_IMAGE_ATOMIC_INT64_FEATURES_EXT = 1000234000 STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_BUDGET_PROPERTIES_EXT = 1000237000 STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_PRIORITY_FEATURES_EXT = 1000238000 STRUCTURE_TYPE_MEMORY_PRIORITY_ALLOCATE_INFO_EXT = 1000238001 STRUCTURE_TYPE_SURFACE_PROTECTED_CAPABILITIES_KHR = 1000239000 STRUCTURE_TYPE_PHYSICAL_DEVICE_DEDICATED_ALLOCATION_IMAGE_ALIASING_FEATURES_NV = 1000240000 STRUCTURE_TYPE_PHYSICAL_DEVICE_BUFFER_DEVICE_ADDRESS_FEATURES_EXT = 1000244000 STRUCTURE_TYPE_BUFFER_DEVICE_ADDRESS_CREATE_INFO_EXT = 1000244002 STRUCTURE_TYPE_VALIDATION_FEATURES_EXT = 1000247000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PRESENT_WAIT_FEATURES_KHR = 1000248000 STRUCTURE_TYPE_PHYSICAL_DEVICE_COOPERATIVE_MATRIX_FEATURES_NV = 1000249000 STRUCTURE_TYPE_COOPERATIVE_MATRIX_PROPERTIES_NV = 1000249001 STRUCTURE_TYPE_PHYSICAL_DEVICE_COOPERATIVE_MATRIX_PROPERTIES_NV = 1000249002 STRUCTURE_TYPE_PHYSICAL_DEVICE_COVERAGE_REDUCTION_MODE_FEATURES_NV = 1000250000 STRUCTURE_TYPE_PIPELINE_COVERAGE_REDUCTION_STATE_CREATE_INFO_NV = 1000250001 STRUCTURE_TYPE_FRAMEBUFFER_MIXED_SAMPLES_COMBINATION_NV = 1000250002 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADER_INTERLOCK_FEATURES_EXT = 1000251000 STRUCTURE_TYPE_PHYSICAL_DEVICE_YCBCR_IMAGE_ARRAYS_FEATURES_EXT = 1000252000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PROVOKING_VERTEX_FEATURES_EXT = 1000254000 STRUCTURE_TYPE_PIPELINE_RASTERIZATION_PROVOKING_VERTEX_STATE_CREATE_INFO_EXT = 1000254001 STRUCTURE_TYPE_PHYSICAL_DEVICE_PROVOKING_VERTEX_PROPERTIES_EXT = 1000254002 STRUCTURE_TYPE_SURFACE_FULL_SCREEN_EXCLUSIVE_INFO_EXT = 1000255000 STRUCTURE_TYPE_SURFACE_CAPABILITIES_FULL_SCREEN_EXCLUSIVE_EXT = 1000255002 STRUCTURE_TYPE_SURFACE_FULL_SCREEN_EXCLUSIVE_WIN32_INFO_EXT = 1000255001 STRUCTURE_TYPE_HEADLESS_SURFACE_CREATE_INFO_EXT = 1000256000 STRUCTURE_TYPE_PHYSICAL_DEVICE_LINE_RASTERIZATION_FEATURES_EXT = 1000259000 STRUCTURE_TYPE_PIPELINE_RASTERIZATION_LINE_STATE_CREATE_INFO_EXT = 1000259001 STRUCTURE_TYPE_PHYSICAL_DEVICE_LINE_RASTERIZATION_PROPERTIES_EXT = 1000259002 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_ATOMIC_FLOAT_FEATURES_EXT = 1000260000 STRUCTURE_TYPE_PHYSICAL_DEVICE_INDEX_TYPE_UINT8_FEATURES_EXT = 1000265000 STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTENDED_DYNAMIC_STATE_FEATURES_EXT = 1000267000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_EXECUTABLE_PROPERTIES_FEATURES_KHR = 1000269000 STRUCTURE_TYPE_PIPELINE_INFO_KHR = 1000269001 STRUCTURE_TYPE_PIPELINE_EXECUTABLE_PROPERTIES_KHR = 1000269002 STRUCTURE_TYPE_PIPELINE_EXECUTABLE_INFO_KHR = 1000269003 STRUCTURE_TYPE_PIPELINE_EXECUTABLE_STATISTIC_KHR = 1000269004 STRUCTURE_TYPE_PIPELINE_EXECUTABLE_INTERNAL_REPRESENTATION_KHR = 1000269005 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_ATOMIC_FLOAT_2_FEATURES_EXT = 1000273000 STRUCTURE_TYPE_SURFACE_PRESENT_MODE_EXT = 1000274000 STRUCTURE_TYPE_SURFACE_PRESENT_SCALING_CAPABILITIES_EXT = 1000274001 STRUCTURE_TYPE_SURFACE_PRESENT_MODE_COMPATIBILITY_EXT = 1000274002 STRUCTURE_TYPE_PHYSICAL_DEVICE_SWAPCHAIN_MAINTENANCE_1_FEATURES_EXT = 1000275000 STRUCTURE_TYPE_SWAPCHAIN_PRESENT_FENCE_INFO_EXT = 1000275001 STRUCTURE_TYPE_SWAPCHAIN_PRESENT_MODES_CREATE_INFO_EXT = 1000275002 STRUCTURE_TYPE_SWAPCHAIN_PRESENT_MODE_INFO_EXT = 1000275003 STRUCTURE_TYPE_SWAPCHAIN_PRESENT_SCALING_CREATE_INFO_EXT = 1000275004 STRUCTURE_TYPE_RELEASE_SWAPCHAIN_IMAGES_INFO_EXT = 1000275005 STRUCTURE_TYPE_PHYSICAL_DEVICE_DEVICE_GENERATED_COMMANDS_PROPERTIES_NV = 1000277000 STRUCTURE_TYPE_GRAPHICS_SHADER_GROUP_CREATE_INFO_NV = 1000277001 STRUCTURE_TYPE_GRAPHICS_PIPELINE_SHADER_GROUPS_CREATE_INFO_NV = 1000277002 STRUCTURE_TYPE_INDIRECT_COMMANDS_LAYOUT_TOKEN_NV = 1000277003 STRUCTURE_TYPE_INDIRECT_COMMANDS_LAYOUT_CREATE_INFO_NV = 1000277004 STRUCTURE_TYPE_GENERATED_COMMANDS_INFO_NV = 1000277005 STRUCTURE_TYPE_GENERATED_COMMANDS_MEMORY_REQUIREMENTS_INFO_NV = 1000277006 STRUCTURE_TYPE_PHYSICAL_DEVICE_DEVICE_GENERATED_COMMANDS_FEATURES_NV = 1000277007 STRUCTURE_TYPE_PHYSICAL_DEVICE_INHERITED_VIEWPORT_SCISSOR_FEATURES_NV = 1000278000 STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_VIEWPORT_SCISSOR_INFO_NV = 1000278001 STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXEL_BUFFER_ALIGNMENT_FEATURES_EXT = 1000281000 STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_RENDER_PASS_TRANSFORM_INFO_QCOM = 1000282000 STRUCTURE_TYPE_RENDER_PASS_TRANSFORM_BEGIN_INFO_QCOM = 1000282001 STRUCTURE_TYPE_PHYSICAL_DEVICE_DEVICE_MEMORY_REPORT_FEATURES_EXT = 1000284000 STRUCTURE_TYPE_DEVICE_DEVICE_MEMORY_REPORT_CREATE_INFO_EXT = 1000284001 STRUCTURE_TYPE_DEVICE_MEMORY_REPORT_CALLBACK_DATA_EXT = 1000284002 STRUCTURE_TYPE_PHYSICAL_DEVICE_ROBUSTNESS_2_FEATURES_EXT = 1000286000 STRUCTURE_TYPE_PHYSICAL_DEVICE_ROBUSTNESS_2_PROPERTIES_EXT = 1000286001 STRUCTURE_TYPE_SAMPLER_CUSTOM_BORDER_COLOR_CREATE_INFO_EXT = 1000287000 STRUCTURE_TYPE_PHYSICAL_DEVICE_CUSTOM_BORDER_COLOR_PROPERTIES_EXT = 1000287001 STRUCTURE_TYPE_PHYSICAL_DEVICE_CUSTOM_BORDER_COLOR_FEATURES_EXT = 1000287002 STRUCTURE_TYPE_PIPELINE_LIBRARY_CREATE_INFO_KHR = 1000290000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PRESENT_BARRIER_FEATURES_NV = 1000292000 STRUCTURE_TYPE_SURFACE_CAPABILITIES_PRESENT_BARRIER_NV = 1000292001 STRUCTURE_TYPE_SWAPCHAIN_PRESENT_BARRIER_CREATE_INFO_NV = 1000292002 STRUCTURE_TYPE_PRESENT_ID_KHR = 1000294000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PRESENT_ID_FEATURES_KHR = 1000294001 STRUCTURE_TYPE_VIDEO_ENCODE_INFO_KHR = 1000299000 STRUCTURE_TYPE_VIDEO_ENCODE_RATE_CONTROL_INFO_KHR = 1000299001 STRUCTURE_TYPE_VIDEO_ENCODE_RATE_CONTROL_LAYER_INFO_KHR = 1000299002 STRUCTURE_TYPE_VIDEO_ENCODE_CAPABILITIES_KHR = 1000299003 STRUCTURE_TYPE_VIDEO_ENCODE_USAGE_INFO_KHR = 1000299004 STRUCTURE_TYPE_PHYSICAL_DEVICE_DIAGNOSTICS_CONFIG_FEATURES_NV = 1000300000 STRUCTURE_TYPE_DEVICE_DIAGNOSTICS_CONFIG_CREATE_INFO_NV = 1000300001 STRUCTURE_TYPE_EXPORT_METAL_OBJECT_CREATE_INFO_EXT = 1000311000 STRUCTURE_TYPE_EXPORT_METAL_OBJECTS_INFO_EXT = 1000311001 STRUCTURE_TYPE_EXPORT_METAL_DEVICE_INFO_EXT = 1000311002 STRUCTURE_TYPE_EXPORT_METAL_COMMAND_QUEUE_INFO_EXT = 1000311003 STRUCTURE_TYPE_EXPORT_METAL_BUFFER_INFO_EXT = 1000311004 STRUCTURE_TYPE_IMPORT_METAL_BUFFER_INFO_EXT = 1000311005 STRUCTURE_TYPE_EXPORT_METAL_TEXTURE_INFO_EXT = 1000311006 STRUCTURE_TYPE_IMPORT_METAL_TEXTURE_INFO_EXT = 1000311007 STRUCTURE_TYPE_EXPORT_METAL_IO_SURFACE_INFO_EXT = 1000311008 STRUCTURE_TYPE_IMPORT_METAL_IO_SURFACE_INFO_EXT = 1000311009 STRUCTURE_TYPE_EXPORT_METAL_SHARED_EVENT_INFO_EXT = 1000311010 STRUCTURE_TYPE_IMPORT_METAL_SHARED_EVENT_INFO_EXT = 1000311011 STRUCTURE_TYPE_QUEUE_FAMILY_CHECKPOINT_PROPERTIES_2_NV = 1000314008 STRUCTURE_TYPE_CHECKPOINT_DATA_2_NV = 1000314009 STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_BUFFER_PROPERTIES_EXT = 1000316000 STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_BUFFER_DENSITY_MAP_PROPERTIES_EXT = 1000316001 STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_BUFFER_FEATURES_EXT = 1000316002 STRUCTURE_TYPE_DESCRIPTOR_ADDRESS_INFO_EXT = 1000316003 STRUCTURE_TYPE_DESCRIPTOR_GET_INFO_EXT = 1000316004 STRUCTURE_TYPE_BUFFER_CAPTURE_DESCRIPTOR_DATA_INFO_EXT = 1000316005 STRUCTURE_TYPE_IMAGE_CAPTURE_DESCRIPTOR_DATA_INFO_EXT = 1000316006 STRUCTURE_TYPE_IMAGE_VIEW_CAPTURE_DESCRIPTOR_DATA_INFO_EXT = 1000316007 STRUCTURE_TYPE_SAMPLER_CAPTURE_DESCRIPTOR_DATA_INFO_EXT = 1000316008 STRUCTURE_TYPE_OPAQUE_CAPTURE_DESCRIPTOR_DATA_CREATE_INFO_EXT = 1000316010 STRUCTURE_TYPE_DESCRIPTOR_BUFFER_BINDING_INFO_EXT = 1000316011 STRUCTURE_TYPE_DESCRIPTOR_BUFFER_BINDING_PUSH_DESCRIPTOR_BUFFER_HANDLE_EXT = 1000316012 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_CAPTURE_DESCRIPTOR_DATA_INFO_EXT = 1000316009 STRUCTURE_TYPE_PHYSICAL_DEVICE_GRAPHICS_PIPELINE_LIBRARY_FEATURES_EXT = 1000320000 STRUCTURE_TYPE_PHYSICAL_DEVICE_GRAPHICS_PIPELINE_LIBRARY_PROPERTIES_EXT = 1000320001 STRUCTURE_TYPE_GRAPHICS_PIPELINE_LIBRARY_CREATE_INFO_EXT = 1000320002 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_EARLY_AND_LATE_FRAGMENT_TESTS_FEATURES_AMD = 1000321000 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADER_BARYCENTRIC_FEATURES_KHR = 1000203000 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADER_BARYCENTRIC_PROPERTIES_KHR = 1000322000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SUBGROUP_UNIFORM_CONTROL_FLOW_FEATURES_KHR = 1000323000 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_ENUMS_PROPERTIES_NV = 1000326000 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_ENUMS_FEATURES_NV = 1000326001 STRUCTURE_TYPE_PIPELINE_FRAGMENT_SHADING_RATE_ENUM_STATE_CREATE_INFO_NV = 1000326002 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_MOTION_TRIANGLES_DATA_NV = 1000327000 STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_MOTION_BLUR_FEATURES_NV = 1000327001 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_MOTION_INFO_NV = 1000327002 STRUCTURE_TYPE_PHYSICAL_DEVICE_MESH_SHADER_FEATURES_EXT = 1000328000 STRUCTURE_TYPE_PHYSICAL_DEVICE_MESH_SHADER_PROPERTIES_EXT = 1000328001 STRUCTURE_TYPE_PHYSICAL_DEVICE_YCBCR_2_PLANE_444_FORMATS_FEATURES_EXT = 1000330000 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_2_FEATURES_EXT = 1000332000 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_2_PROPERTIES_EXT = 1000332001 STRUCTURE_TYPE_COPY_COMMAND_TRANSFORM_INFO_QCOM = 1000333000 STRUCTURE_TYPE_PHYSICAL_DEVICE_WORKGROUP_MEMORY_EXPLICIT_LAYOUT_FEATURES_KHR = 1000336000 STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_COMPRESSION_CONTROL_FEATURES_EXT = 1000338000 STRUCTURE_TYPE_IMAGE_COMPRESSION_CONTROL_EXT = 1000338001 STRUCTURE_TYPE_SUBRESOURCE_LAYOUT_2_EXT = 1000338002 STRUCTURE_TYPE_IMAGE_SUBRESOURCE_2_EXT = 1000338003 STRUCTURE_TYPE_IMAGE_COMPRESSION_PROPERTIES_EXT = 1000338004 STRUCTURE_TYPE_PHYSICAL_DEVICE_ATTACHMENT_FEEDBACK_LOOP_LAYOUT_FEATURES_EXT = 1000339000 STRUCTURE_TYPE_PHYSICAL_DEVICE_4444_FORMATS_FEATURES_EXT = 1000340000 STRUCTURE_TYPE_PHYSICAL_DEVICE_FAULT_FEATURES_EXT = 1000341000 STRUCTURE_TYPE_DEVICE_FAULT_COUNTS_EXT = 1000341001 STRUCTURE_TYPE_DEVICE_FAULT_INFO_EXT = 1000341002 STRUCTURE_TYPE_PHYSICAL_DEVICE_RGBA10X6_FORMATS_FEATURES_EXT = 1000344000 STRUCTURE_TYPE_DIRECTFB_SURFACE_CREATE_INFO_EXT = 1000346000 STRUCTURE_TYPE_PHYSICAL_DEVICE_VERTEX_INPUT_DYNAMIC_STATE_FEATURES_EXT = 1000352000 STRUCTURE_TYPE_VERTEX_INPUT_BINDING_DESCRIPTION_2_EXT = 1000352001 STRUCTURE_TYPE_VERTEX_INPUT_ATTRIBUTE_DESCRIPTION_2_EXT = 1000352002 STRUCTURE_TYPE_PHYSICAL_DEVICE_DRM_PROPERTIES_EXT = 1000353000 STRUCTURE_TYPE_PHYSICAL_DEVICE_ADDRESS_BINDING_REPORT_FEATURES_EXT = 1000354000 STRUCTURE_TYPE_DEVICE_ADDRESS_BINDING_CALLBACK_DATA_EXT = 1000354001 STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_CLIP_CONTROL_FEATURES_EXT = 1000355000 STRUCTURE_TYPE_PIPELINE_VIEWPORT_DEPTH_CLIP_CONTROL_CREATE_INFO_EXT = 1000355001 STRUCTURE_TYPE_PHYSICAL_DEVICE_PRIMITIVE_TOPOLOGY_LIST_RESTART_FEATURES_EXT = 1000356000 STRUCTURE_TYPE_IMPORT_MEMORY_ZIRCON_HANDLE_INFO_FUCHSIA = 1000364000 STRUCTURE_TYPE_MEMORY_ZIRCON_HANDLE_PROPERTIES_FUCHSIA = 1000364001 STRUCTURE_TYPE_MEMORY_GET_ZIRCON_HANDLE_INFO_FUCHSIA = 1000364002 STRUCTURE_TYPE_IMPORT_SEMAPHORE_ZIRCON_HANDLE_INFO_FUCHSIA = 1000365000 STRUCTURE_TYPE_SEMAPHORE_GET_ZIRCON_HANDLE_INFO_FUCHSIA = 1000365001 STRUCTURE_TYPE_BUFFER_COLLECTION_CREATE_INFO_FUCHSIA = 1000366000 STRUCTURE_TYPE_IMPORT_MEMORY_BUFFER_COLLECTION_FUCHSIA = 1000366001 STRUCTURE_TYPE_BUFFER_COLLECTION_IMAGE_CREATE_INFO_FUCHSIA = 1000366002 STRUCTURE_TYPE_BUFFER_COLLECTION_PROPERTIES_FUCHSIA = 1000366003 STRUCTURE_TYPE_BUFFER_CONSTRAINTS_INFO_FUCHSIA = 1000366004 STRUCTURE_TYPE_BUFFER_COLLECTION_BUFFER_CREATE_INFO_FUCHSIA = 1000366005 STRUCTURE_TYPE_IMAGE_CONSTRAINTS_INFO_FUCHSIA = 1000366006 STRUCTURE_TYPE_IMAGE_FORMAT_CONSTRAINTS_INFO_FUCHSIA = 1000366007 STRUCTURE_TYPE_SYSMEM_COLOR_SPACE_FUCHSIA = 1000366008 STRUCTURE_TYPE_BUFFER_COLLECTION_CONSTRAINTS_INFO_FUCHSIA = 1000366009 STRUCTURE_TYPE_SUBPASS_SHADING_PIPELINE_CREATE_INFO_HUAWEI = 1000369000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBPASS_SHADING_FEATURES_HUAWEI = 1000369001 STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBPASS_SHADING_PROPERTIES_HUAWEI = 1000369002 STRUCTURE_TYPE_PHYSICAL_DEVICE_INVOCATION_MASK_FEATURES_HUAWEI = 1000370000 STRUCTURE_TYPE_MEMORY_GET_REMOTE_ADDRESS_INFO_NV = 1000371000 STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_MEMORY_RDMA_FEATURES_NV = 1000371001 STRUCTURE_TYPE_PIPELINE_PROPERTIES_IDENTIFIER_EXT = 1000372000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_PROPERTIES_FEATURES_EXT = 1000372001 STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTISAMPLED_RENDER_TO_SINGLE_SAMPLED_FEATURES_EXT = 1000376000 STRUCTURE_TYPE_SUBPASS_RESOLVE_PERFORMANCE_QUERY_EXT = 1000376001 STRUCTURE_TYPE_MULTISAMPLED_RENDER_TO_SINGLE_SAMPLED_INFO_EXT = 1000376002 STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTENDED_DYNAMIC_STATE_2_FEATURES_EXT = 1000377000 STRUCTURE_TYPE_SCREEN_SURFACE_CREATE_INFO_QNX = 1000378000 STRUCTURE_TYPE_PHYSICAL_DEVICE_COLOR_WRITE_ENABLE_FEATURES_EXT = 1000381000 STRUCTURE_TYPE_PIPELINE_COLOR_WRITE_CREATE_INFO_EXT = 1000381001 STRUCTURE_TYPE_PHYSICAL_DEVICE_PRIMITIVES_GENERATED_QUERY_FEATURES_EXT = 1000382000 STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_MAINTENANCE_1_FEATURES_KHR = 1000386000 STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_VIEW_MIN_LOD_FEATURES_EXT = 1000391000 STRUCTURE_TYPE_IMAGE_VIEW_MIN_LOD_CREATE_INFO_EXT = 1000391001 STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTI_DRAW_FEATURES_EXT = 1000392000 STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTI_DRAW_PROPERTIES_EXT = 1000392001 STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_2D_VIEW_OF_3D_FEATURES_EXT = 1000393000 STRUCTURE_TYPE_MICROMAP_BUILD_INFO_EXT = 1000396000 STRUCTURE_TYPE_MICROMAP_VERSION_INFO_EXT = 1000396001 STRUCTURE_TYPE_COPY_MICROMAP_INFO_EXT = 1000396002 STRUCTURE_TYPE_COPY_MICROMAP_TO_MEMORY_INFO_EXT = 1000396003 STRUCTURE_TYPE_COPY_MEMORY_TO_MICROMAP_INFO_EXT = 1000396004 STRUCTURE_TYPE_PHYSICAL_DEVICE_OPACITY_MICROMAP_FEATURES_EXT = 1000396005 STRUCTURE_TYPE_PHYSICAL_DEVICE_OPACITY_MICROMAP_PROPERTIES_EXT = 1000396006 STRUCTURE_TYPE_MICROMAP_CREATE_INFO_EXT = 1000396007 STRUCTURE_TYPE_MICROMAP_BUILD_SIZES_INFO_EXT = 1000396008 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_TRIANGLES_OPACITY_MICROMAP_EXT = 1000396009 STRUCTURE_TYPE_PHYSICAL_DEVICE_CLUSTER_CULLING_SHADER_FEATURES_HUAWEI = 1000404000 STRUCTURE_TYPE_PHYSICAL_DEVICE_CLUSTER_CULLING_SHADER_PROPERTIES_HUAWEI = 1000404001 STRUCTURE_TYPE_PHYSICAL_DEVICE_BORDER_COLOR_SWIZZLE_FEATURES_EXT = 1000411000 STRUCTURE_TYPE_SAMPLER_BORDER_COLOR_COMPONENT_MAPPING_CREATE_INFO_EXT = 1000411001 STRUCTURE_TYPE_PHYSICAL_DEVICE_PAGEABLE_DEVICE_LOCAL_MEMORY_FEATURES_EXT = 1000412000 STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_SET_HOST_MAPPING_FEATURES_VALVE = 1000420000 STRUCTURE_TYPE_DESCRIPTOR_SET_BINDING_REFERENCE_VALVE = 1000420001 STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_HOST_MAPPING_INFO_VALVE = 1000420002 STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_CLAMP_ZERO_ONE_FEATURES_EXT = 1000421000 STRUCTURE_TYPE_PHYSICAL_DEVICE_NON_SEAMLESS_CUBE_MAP_FEATURES_EXT = 1000422000 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_OFFSET_FEATURES_QCOM = 1000425000 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_OFFSET_PROPERTIES_QCOM = 1000425001 STRUCTURE_TYPE_SUBPASS_FRAGMENT_DENSITY_MAP_OFFSET_END_INFO_QCOM = 1000425002 STRUCTURE_TYPE_PHYSICAL_DEVICE_COPY_MEMORY_INDIRECT_FEATURES_NV = 1000426000 STRUCTURE_TYPE_PHYSICAL_DEVICE_COPY_MEMORY_INDIRECT_PROPERTIES_NV = 1000426001 STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_DECOMPRESSION_FEATURES_NV = 1000427000 STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_DECOMPRESSION_PROPERTIES_NV = 1000427001 STRUCTURE_TYPE_PHYSICAL_DEVICE_LINEAR_COLOR_ATTACHMENT_FEATURES_NV = 1000430000 STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_COMPRESSION_CONTROL_SWAPCHAIN_FEATURES_EXT = 1000437000 STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_PROCESSING_FEATURES_QCOM = 1000440000 STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_PROCESSING_PROPERTIES_QCOM = 1000440001 STRUCTURE_TYPE_IMAGE_VIEW_SAMPLE_WEIGHT_CREATE_INFO_QCOM = 1000440002 STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTENDED_DYNAMIC_STATE_3_FEATURES_EXT = 1000455000 STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTENDED_DYNAMIC_STATE_3_PROPERTIES_EXT = 1000455001 STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBPASS_MERGE_FEEDBACK_FEATURES_EXT = 1000458000 STRUCTURE_TYPE_RENDER_PASS_CREATION_CONTROL_EXT = 1000458001 STRUCTURE_TYPE_RENDER_PASS_CREATION_FEEDBACK_CREATE_INFO_EXT = 1000458002 STRUCTURE_TYPE_RENDER_PASS_SUBPASS_FEEDBACK_CREATE_INFO_EXT = 1000458003 STRUCTURE_TYPE_DIRECT_DRIVER_LOADING_INFO_LUNARG = 1000459000 STRUCTURE_TYPE_DIRECT_DRIVER_LOADING_LIST_LUNARG = 1000459001 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_MODULE_IDENTIFIER_FEATURES_EXT = 1000462000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_MODULE_IDENTIFIER_PROPERTIES_EXT = 1000462001 STRUCTURE_TYPE_PIPELINE_SHADER_STAGE_MODULE_IDENTIFIER_CREATE_INFO_EXT = 1000462002 STRUCTURE_TYPE_SHADER_MODULE_IDENTIFIER_EXT = 1000462003 STRUCTURE_TYPE_PHYSICAL_DEVICE_RASTERIZATION_ORDER_ATTACHMENT_ACCESS_FEATURES_EXT = 1000342000 STRUCTURE_TYPE_PHYSICAL_DEVICE_OPTICAL_FLOW_FEATURES_NV = 1000464000 STRUCTURE_TYPE_PHYSICAL_DEVICE_OPTICAL_FLOW_PROPERTIES_NV = 1000464001 STRUCTURE_TYPE_OPTICAL_FLOW_IMAGE_FORMAT_INFO_NV = 1000464002 STRUCTURE_TYPE_OPTICAL_FLOW_IMAGE_FORMAT_PROPERTIES_NV = 1000464003 STRUCTURE_TYPE_OPTICAL_FLOW_SESSION_CREATE_INFO_NV = 1000464004 STRUCTURE_TYPE_OPTICAL_FLOW_EXECUTE_INFO_NV = 1000464005 STRUCTURE_TYPE_OPTICAL_FLOW_SESSION_CREATE_PRIVATE_DATA_INFO_NV = 1000464010 STRUCTURE_TYPE_PHYSICAL_DEVICE_LEGACY_DITHERING_FEATURES_EXT = 1000465000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_PROTECTED_ACCESS_FEATURES_EXT = 1000466000 STRUCTURE_TYPE_PHYSICAL_DEVICE_TILE_PROPERTIES_FEATURES_QCOM = 1000484000 STRUCTURE_TYPE_TILE_PROPERTIES_QCOM = 1000484001 STRUCTURE_TYPE_PHYSICAL_DEVICE_AMIGO_PROFILING_FEATURES_SEC = 1000485000 STRUCTURE_TYPE_AMIGO_PROFILING_SUBMIT_INFO_SEC = 1000485001 STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_PER_VIEW_VIEWPORTS_FEATURES_QCOM = 1000488000 STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_INVOCATION_REORDER_FEATURES_NV = 1000490000 STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_INVOCATION_REORDER_PROPERTIES_NV = 1000490001 STRUCTURE_TYPE_PHYSICAL_DEVICE_MUTABLE_DESCRIPTOR_TYPE_FEATURES_EXT = 1000351000 STRUCTURE_TYPE_MUTABLE_DESCRIPTOR_TYPE_CREATE_INFO_EXT = 1000351002 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CORE_BUILTINS_FEATURES_ARM = 1000497000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CORE_BUILTINS_PROPERTIES_ARM = 1000497001 STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_LIBRARY_GROUP_HANDLES_FEATURES_EXT = 1000498000 end @cenum SubpassContents::UInt32 begin SUBPASS_CONTENTS_INLINE = 0 SUBPASS_CONTENTS_SECONDARY_COMMAND_BUFFERS = 1 end @cenum Result::Int32 begin SUCCESS = 0 NOT_READY = 1 TIMEOUT = 2 EVENT_SET = 3 EVENT_RESET = 4 INCOMPLETE = 5 ERROR_OUT_OF_HOST_MEMORY = -1 ERROR_OUT_OF_DEVICE_MEMORY = -2 ERROR_INITIALIZATION_FAILED = -3 ERROR_DEVICE_LOST = -4 ERROR_MEMORY_MAP_FAILED = -5 ERROR_LAYER_NOT_PRESENT = -6 ERROR_EXTENSION_NOT_PRESENT = -7 ERROR_FEATURE_NOT_PRESENT = -8 ERROR_INCOMPATIBLE_DRIVER = -9 ERROR_TOO_MANY_OBJECTS = -10 ERROR_FORMAT_NOT_SUPPORTED = -11 ERROR_FRAGMENTED_POOL = -12 ERROR_UNKNOWN = -13 ERROR_OUT_OF_POOL_MEMORY = -1000069000 ERROR_INVALID_EXTERNAL_HANDLE = -1000072003 ERROR_FRAGMENTATION = -1000161000 ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS = -1000257000 PIPELINE_COMPILE_REQUIRED = 1000297000 ERROR_SURFACE_LOST_KHR = -1000000000 ERROR_NATIVE_WINDOW_IN_USE_KHR = -1000000001 SUBOPTIMAL_KHR = 1000001003 ERROR_OUT_OF_DATE_KHR = -1000001004 ERROR_INCOMPATIBLE_DISPLAY_KHR = -1000003001 ERROR_VALIDATION_FAILED_EXT = -1000011001 ERROR_INVALID_SHADER_NV = -1000012000 ERROR_IMAGE_USAGE_NOT_SUPPORTED_KHR = -1000023000 ERROR_VIDEO_PICTURE_LAYOUT_NOT_SUPPORTED_KHR = -1000023001 ERROR_VIDEO_PROFILE_OPERATION_NOT_SUPPORTED_KHR = -1000023002 ERROR_VIDEO_PROFILE_FORMAT_NOT_SUPPORTED_KHR = -1000023003 ERROR_VIDEO_PROFILE_CODEC_NOT_SUPPORTED_KHR = -1000023004 ERROR_VIDEO_STD_VERSION_NOT_SUPPORTED_KHR = -1000023005 ERROR_INVALID_DRM_FORMAT_MODIFIER_PLANE_LAYOUT_EXT = -1000158000 ERROR_NOT_PERMITTED_KHR = -1000174001 ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT = -1000255000 THREAD_IDLE_KHR = 1000268000 THREAD_DONE_KHR = 1000268001 OPERATION_DEFERRED_KHR = 1000268002 OPERATION_NOT_DEFERRED_KHR = 1000268003 ERROR_COMPRESSION_EXHAUSTED_EXT = -1000338000 end @cenum DynamicState::UInt32 begin DYNAMIC_STATE_VIEWPORT = 0 DYNAMIC_STATE_SCISSOR = 1 DYNAMIC_STATE_LINE_WIDTH = 2 DYNAMIC_STATE_DEPTH_BIAS = 3 DYNAMIC_STATE_BLEND_CONSTANTS = 4 DYNAMIC_STATE_DEPTH_BOUNDS = 5 DYNAMIC_STATE_STENCIL_COMPARE_MASK = 6 DYNAMIC_STATE_STENCIL_WRITE_MASK = 7 DYNAMIC_STATE_STENCIL_REFERENCE = 8 DYNAMIC_STATE_CULL_MODE = 1000267000 DYNAMIC_STATE_FRONT_FACE = 1000267001 DYNAMIC_STATE_PRIMITIVE_TOPOLOGY = 1000267002 DYNAMIC_STATE_VIEWPORT_WITH_COUNT = 1000267003 DYNAMIC_STATE_SCISSOR_WITH_COUNT = 1000267004 DYNAMIC_STATE_VERTEX_INPUT_BINDING_STRIDE = 1000267005 DYNAMIC_STATE_DEPTH_TEST_ENABLE = 1000267006 DYNAMIC_STATE_DEPTH_WRITE_ENABLE = 1000267007 DYNAMIC_STATE_DEPTH_COMPARE_OP = 1000267008 DYNAMIC_STATE_DEPTH_BOUNDS_TEST_ENABLE = 1000267009 DYNAMIC_STATE_STENCIL_TEST_ENABLE = 1000267010 DYNAMIC_STATE_STENCIL_OP = 1000267011 DYNAMIC_STATE_RASTERIZER_DISCARD_ENABLE = 1000377001 DYNAMIC_STATE_DEPTH_BIAS_ENABLE = 1000377002 DYNAMIC_STATE_PRIMITIVE_RESTART_ENABLE = 1000377004 DYNAMIC_STATE_VIEWPORT_W_SCALING_NV = 1000087000 DYNAMIC_STATE_DISCARD_RECTANGLE_EXT = 1000099000 DYNAMIC_STATE_SAMPLE_LOCATIONS_EXT = 1000143000 DYNAMIC_STATE_RAY_TRACING_PIPELINE_STACK_SIZE_KHR = 1000347000 DYNAMIC_STATE_VIEWPORT_SHADING_RATE_PALETTE_NV = 1000164004 DYNAMIC_STATE_VIEWPORT_COARSE_SAMPLE_ORDER_NV = 1000164006 DYNAMIC_STATE_EXCLUSIVE_SCISSOR_NV = 1000205001 DYNAMIC_STATE_FRAGMENT_SHADING_RATE_KHR = 1000226000 DYNAMIC_STATE_LINE_STIPPLE_EXT = 1000259000 DYNAMIC_STATE_VERTEX_INPUT_EXT = 1000352000 DYNAMIC_STATE_PATCH_CONTROL_POINTS_EXT = 1000377000 DYNAMIC_STATE_LOGIC_OP_EXT = 1000377003 DYNAMIC_STATE_COLOR_WRITE_ENABLE_EXT = 1000381000 DYNAMIC_STATE_TESSELLATION_DOMAIN_ORIGIN_EXT = 1000455002 DYNAMIC_STATE_DEPTH_CLAMP_ENABLE_EXT = 1000455003 DYNAMIC_STATE_POLYGON_MODE_EXT = 1000455004 DYNAMIC_STATE_RASTERIZATION_SAMPLES_EXT = 1000455005 DYNAMIC_STATE_SAMPLE_MASK_EXT = 1000455006 DYNAMIC_STATE_ALPHA_TO_COVERAGE_ENABLE_EXT = 1000455007 DYNAMIC_STATE_ALPHA_TO_ONE_ENABLE_EXT = 1000455008 DYNAMIC_STATE_LOGIC_OP_ENABLE_EXT = 1000455009 DYNAMIC_STATE_COLOR_BLEND_ENABLE_EXT = 1000455010 DYNAMIC_STATE_COLOR_BLEND_EQUATION_EXT = 1000455011 DYNAMIC_STATE_COLOR_WRITE_MASK_EXT = 1000455012 DYNAMIC_STATE_RASTERIZATION_STREAM_EXT = 1000455013 DYNAMIC_STATE_CONSERVATIVE_RASTERIZATION_MODE_EXT = 1000455014 DYNAMIC_STATE_EXTRA_PRIMITIVE_OVERESTIMATION_SIZE_EXT = 1000455015 DYNAMIC_STATE_DEPTH_CLIP_ENABLE_EXT = 1000455016 DYNAMIC_STATE_SAMPLE_LOCATIONS_ENABLE_EXT = 1000455017 DYNAMIC_STATE_COLOR_BLEND_ADVANCED_EXT = 1000455018 DYNAMIC_STATE_PROVOKING_VERTEX_MODE_EXT = 1000455019 DYNAMIC_STATE_LINE_RASTERIZATION_MODE_EXT = 1000455020 DYNAMIC_STATE_LINE_STIPPLE_ENABLE_EXT = 1000455021 DYNAMIC_STATE_DEPTH_CLIP_NEGATIVE_ONE_TO_ONE_EXT = 1000455022 DYNAMIC_STATE_VIEWPORT_W_SCALING_ENABLE_NV = 1000455023 DYNAMIC_STATE_VIEWPORT_SWIZZLE_NV = 1000455024 DYNAMIC_STATE_COVERAGE_TO_COLOR_ENABLE_NV = 1000455025 DYNAMIC_STATE_COVERAGE_TO_COLOR_LOCATION_NV = 1000455026 DYNAMIC_STATE_COVERAGE_MODULATION_MODE_NV = 1000455027 DYNAMIC_STATE_COVERAGE_MODULATION_TABLE_ENABLE_NV = 1000455028 DYNAMIC_STATE_COVERAGE_MODULATION_TABLE_NV = 1000455029 DYNAMIC_STATE_SHADING_RATE_IMAGE_ENABLE_NV = 1000455030 DYNAMIC_STATE_REPRESENTATIVE_FRAGMENT_TEST_ENABLE_NV = 1000455031 DYNAMIC_STATE_COVERAGE_REDUCTION_MODE_NV = 1000455032 end @cenum DescriptorUpdateTemplateType::UInt32 begin DESCRIPTOR_UPDATE_TEMPLATE_TYPE_DESCRIPTOR_SET = 0 DESCRIPTOR_UPDATE_TEMPLATE_TYPE_PUSH_DESCRIPTORS_KHR = 1 end @cenum ObjectType::UInt32 begin OBJECT_TYPE_UNKNOWN = 0 OBJECT_TYPE_INSTANCE = 1 OBJECT_TYPE_PHYSICAL_DEVICE = 2 OBJECT_TYPE_DEVICE = 3 OBJECT_TYPE_QUEUE = 4 OBJECT_TYPE_SEMAPHORE = 5 OBJECT_TYPE_COMMAND_BUFFER = 6 OBJECT_TYPE_FENCE = 7 OBJECT_TYPE_DEVICE_MEMORY = 8 OBJECT_TYPE_BUFFER = 9 OBJECT_TYPE_IMAGE = 10 OBJECT_TYPE_EVENT = 11 OBJECT_TYPE_QUERY_POOL = 12 OBJECT_TYPE_BUFFER_VIEW = 13 OBJECT_TYPE_IMAGE_VIEW = 14 OBJECT_TYPE_SHADER_MODULE = 15 OBJECT_TYPE_PIPELINE_CACHE = 16 OBJECT_TYPE_PIPELINE_LAYOUT = 17 OBJECT_TYPE_RENDER_PASS = 18 OBJECT_TYPE_PIPELINE = 19 OBJECT_TYPE_DESCRIPTOR_SET_LAYOUT = 20 OBJECT_TYPE_SAMPLER = 21 OBJECT_TYPE_DESCRIPTOR_POOL = 22 OBJECT_TYPE_DESCRIPTOR_SET = 23 OBJECT_TYPE_FRAMEBUFFER = 24 OBJECT_TYPE_COMMAND_POOL = 25 OBJECT_TYPE_SAMPLER_YCBCR_CONVERSION = 1000156000 OBJECT_TYPE_DESCRIPTOR_UPDATE_TEMPLATE = 1000085000 OBJECT_TYPE_PRIVATE_DATA_SLOT = 1000295000 OBJECT_TYPE_SURFACE_KHR = 1000000000 OBJECT_TYPE_SWAPCHAIN_KHR = 1000001000 OBJECT_TYPE_DISPLAY_KHR = 1000002000 OBJECT_TYPE_DISPLAY_MODE_KHR = 1000002001 OBJECT_TYPE_DEBUG_REPORT_CALLBACK_EXT = 1000011000 OBJECT_TYPE_VIDEO_SESSION_KHR = 1000023000 OBJECT_TYPE_VIDEO_SESSION_PARAMETERS_KHR = 1000023001 OBJECT_TYPE_CU_MODULE_NVX = 1000029000 OBJECT_TYPE_CU_FUNCTION_NVX = 1000029001 OBJECT_TYPE_DEBUG_UTILS_MESSENGER_EXT = 1000128000 OBJECT_TYPE_ACCELERATION_STRUCTURE_KHR = 1000150000 OBJECT_TYPE_VALIDATION_CACHE_EXT = 1000160000 OBJECT_TYPE_ACCELERATION_STRUCTURE_NV = 1000165000 OBJECT_TYPE_PERFORMANCE_CONFIGURATION_INTEL = 1000210000 OBJECT_TYPE_DEFERRED_OPERATION_KHR = 1000268000 OBJECT_TYPE_INDIRECT_COMMANDS_LAYOUT_NV = 1000277000 OBJECT_TYPE_BUFFER_COLLECTION_FUCHSIA = 1000366000 OBJECT_TYPE_MICROMAP_EXT = 1000396000 OBJECT_TYPE_OPTICAL_FLOW_SESSION_NV = 1000464000 end @cenum RayTracingInvocationReorderModeNV::UInt32 begin RAY_TRACING_INVOCATION_REORDER_MODE_NONE_NV = 0 RAY_TRACING_INVOCATION_REORDER_MODE_REORDER_NV = 1 end @cenum DirectDriverLoadingModeLUNARG::UInt32 begin DIRECT_DRIVER_LOADING_MODE_EXCLUSIVE_LUNARG = 0 DIRECT_DRIVER_LOADING_MODE_INCLUSIVE_LUNARG = 1 end @cenum SemaphoreType::UInt32 begin SEMAPHORE_TYPE_BINARY = 0 SEMAPHORE_TYPE_TIMELINE = 1 end @cenum PresentModeKHR::UInt32 begin PRESENT_MODE_IMMEDIATE_KHR = 0 PRESENT_MODE_MAILBOX_KHR = 1 PRESENT_MODE_FIFO_KHR = 2 PRESENT_MODE_FIFO_RELAXED_KHR = 3 PRESENT_MODE_SHARED_DEMAND_REFRESH_KHR = 1000111000 PRESENT_MODE_SHARED_CONTINUOUS_REFRESH_KHR = 1000111001 end @cenum ColorSpaceKHR::UInt32 begin COLOR_SPACE_SRGB_NONLINEAR_KHR = 0 COLOR_SPACE_DISPLAY_P3_NONLINEAR_EXT = 1000104001 COLOR_SPACE_EXTENDED_SRGB_LINEAR_EXT = 1000104002 COLOR_SPACE_DISPLAY_P3_LINEAR_EXT = 1000104003 COLOR_SPACE_DCI_P3_NONLINEAR_EXT = 1000104004 COLOR_SPACE_BT709_LINEAR_EXT = 1000104005 COLOR_SPACE_BT709_NONLINEAR_EXT = 1000104006 COLOR_SPACE_BT2020_LINEAR_EXT = 1000104007 COLOR_SPACE_HDR10_ST2084_EXT = 1000104008 COLOR_SPACE_DOLBYVISION_EXT = 1000104009 COLOR_SPACE_HDR10_HLG_EXT = 1000104010 COLOR_SPACE_ADOBERGB_LINEAR_EXT = 1000104011 COLOR_SPACE_ADOBERGB_NONLINEAR_EXT = 1000104012 COLOR_SPACE_PASS_THROUGH_EXT = 1000104013 COLOR_SPACE_EXTENDED_SRGB_NONLINEAR_EXT = 1000104014 COLOR_SPACE_DISPLAY_NATIVE_AMD = 1000213000 end @cenum TimeDomainEXT::UInt32 begin TIME_DOMAIN_DEVICE_EXT = 0 TIME_DOMAIN_CLOCK_MONOTONIC_EXT = 1 TIME_DOMAIN_CLOCK_MONOTONIC_RAW_EXT = 2 TIME_DOMAIN_QUERY_PERFORMANCE_COUNTER_EXT = 3 end @cenum DebugReportObjectTypeEXT::UInt32 begin DEBUG_REPORT_OBJECT_TYPE_UNKNOWN_EXT = 0 DEBUG_REPORT_OBJECT_TYPE_INSTANCE_EXT = 1 DEBUG_REPORT_OBJECT_TYPE_PHYSICAL_DEVICE_EXT = 2 DEBUG_REPORT_OBJECT_TYPE_DEVICE_EXT = 3 DEBUG_REPORT_OBJECT_TYPE_QUEUE_EXT = 4 DEBUG_REPORT_OBJECT_TYPE_SEMAPHORE_EXT = 5 DEBUG_REPORT_OBJECT_TYPE_COMMAND_BUFFER_EXT = 6 DEBUG_REPORT_OBJECT_TYPE_FENCE_EXT = 7 DEBUG_REPORT_OBJECT_TYPE_DEVICE_MEMORY_EXT = 8 DEBUG_REPORT_OBJECT_TYPE_BUFFER_EXT = 9 DEBUG_REPORT_OBJECT_TYPE_IMAGE_EXT = 10 DEBUG_REPORT_OBJECT_TYPE_EVENT_EXT = 11 DEBUG_REPORT_OBJECT_TYPE_QUERY_POOL_EXT = 12 DEBUG_REPORT_OBJECT_TYPE_BUFFER_VIEW_EXT = 13 DEBUG_REPORT_OBJECT_TYPE_IMAGE_VIEW_EXT = 14 DEBUG_REPORT_OBJECT_TYPE_SHADER_MODULE_EXT = 15 DEBUG_REPORT_OBJECT_TYPE_PIPELINE_CACHE_EXT = 16 DEBUG_REPORT_OBJECT_TYPE_PIPELINE_LAYOUT_EXT = 17 DEBUG_REPORT_OBJECT_TYPE_RENDER_PASS_EXT = 18 DEBUG_REPORT_OBJECT_TYPE_PIPELINE_EXT = 19 DEBUG_REPORT_OBJECT_TYPE_DESCRIPTOR_SET_LAYOUT_EXT = 20 DEBUG_REPORT_OBJECT_TYPE_SAMPLER_EXT = 21 DEBUG_REPORT_OBJECT_TYPE_DESCRIPTOR_POOL_EXT = 22 DEBUG_REPORT_OBJECT_TYPE_DESCRIPTOR_SET_EXT = 23 DEBUG_REPORT_OBJECT_TYPE_FRAMEBUFFER_EXT = 24 DEBUG_REPORT_OBJECT_TYPE_COMMAND_POOL_EXT = 25 DEBUG_REPORT_OBJECT_TYPE_SURFACE_KHR_EXT = 26 DEBUG_REPORT_OBJECT_TYPE_SWAPCHAIN_KHR_EXT = 27 DEBUG_REPORT_OBJECT_TYPE_DEBUG_REPORT_CALLBACK_EXT_EXT = 28 DEBUG_REPORT_OBJECT_TYPE_DISPLAY_KHR_EXT = 29 DEBUG_REPORT_OBJECT_TYPE_DISPLAY_MODE_KHR_EXT = 30 DEBUG_REPORT_OBJECT_TYPE_VALIDATION_CACHE_EXT_EXT = 33 DEBUG_REPORT_OBJECT_TYPE_SAMPLER_YCBCR_CONVERSION_EXT = 1000156000 DEBUG_REPORT_OBJECT_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_EXT = 1000085000 DEBUG_REPORT_OBJECT_TYPE_CU_MODULE_NVX_EXT = 1000029000 DEBUG_REPORT_OBJECT_TYPE_CU_FUNCTION_NVX_EXT = 1000029001 DEBUG_REPORT_OBJECT_TYPE_ACCELERATION_STRUCTURE_KHR_EXT = 1000150000 DEBUG_REPORT_OBJECT_TYPE_ACCELERATION_STRUCTURE_NV_EXT = 1000165000 DEBUG_REPORT_OBJECT_TYPE_BUFFER_COLLECTION_FUCHSIA_EXT = 1000366000 end @cenum DeviceMemoryReportEventTypeEXT::UInt32 begin DEVICE_MEMORY_REPORT_EVENT_TYPE_ALLOCATE_EXT = 0 DEVICE_MEMORY_REPORT_EVENT_TYPE_FREE_EXT = 1 DEVICE_MEMORY_REPORT_EVENT_TYPE_IMPORT_EXT = 2 DEVICE_MEMORY_REPORT_EVENT_TYPE_UNIMPORT_EXT = 3 DEVICE_MEMORY_REPORT_EVENT_TYPE_ALLOCATION_FAILED_EXT = 4 end @cenum RasterizationOrderAMD::UInt32 begin RASTERIZATION_ORDER_STRICT_AMD = 0 RASTERIZATION_ORDER_RELAXED_AMD = 1 end @cenum ValidationCheckEXT::UInt32 begin VALIDATION_CHECK_ALL_EXT = 0 VALIDATION_CHECK_SHADERS_EXT = 1 end @cenum ValidationFeatureEnableEXT::UInt32 begin VALIDATION_FEATURE_ENABLE_GPU_ASSISTED_EXT = 0 VALIDATION_FEATURE_ENABLE_GPU_ASSISTED_RESERVE_BINDING_SLOT_EXT = 1 VALIDATION_FEATURE_ENABLE_BEST_PRACTICES_EXT = 2 VALIDATION_FEATURE_ENABLE_DEBUG_PRINTF_EXT = 3 VALIDATION_FEATURE_ENABLE_SYNCHRONIZATION_VALIDATION_EXT = 4 end @cenum ValidationFeatureDisableEXT::UInt32 begin VALIDATION_FEATURE_DISABLE_ALL_EXT = 0 VALIDATION_FEATURE_DISABLE_SHADERS_EXT = 1 VALIDATION_FEATURE_DISABLE_THREAD_SAFETY_EXT = 2 VALIDATION_FEATURE_DISABLE_API_PARAMETERS_EXT = 3 VALIDATION_FEATURE_DISABLE_OBJECT_LIFETIMES_EXT = 4 VALIDATION_FEATURE_DISABLE_CORE_CHECKS_EXT = 5 VALIDATION_FEATURE_DISABLE_UNIQUE_HANDLES_EXT = 6 VALIDATION_FEATURE_DISABLE_SHADER_VALIDATION_CACHE_EXT = 7 end @cenum IndirectCommandsTokenTypeNV::UInt32 begin INDIRECT_COMMANDS_TOKEN_TYPE_SHADER_GROUP_NV = 0 INDIRECT_COMMANDS_TOKEN_TYPE_STATE_FLAGS_NV = 1 INDIRECT_COMMANDS_TOKEN_TYPE_INDEX_BUFFER_NV = 2 INDIRECT_COMMANDS_TOKEN_TYPE_VERTEX_BUFFER_NV = 3 INDIRECT_COMMANDS_TOKEN_TYPE_PUSH_CONSTANT_NV = 4 INDIRECT_COMMANDS_TOKEN_TYPE_DRAW_INDEXED_NV = 5 INDIRECT_COMMANDS_TOKEN_TYPE_DRAW_NV = 6 INDIRECT_COMMANDS_TOKEN_TYPE_DRAW_TASKS_NV = 7 INDIRECT_COMMANDS_TOKEN_TYPE_DRAW_MESH_TASKS_NV = 1000328000 end @cenum DisplayPowerStateEXT::UInt32 begin DISPLAY_POWER_STATE_OFF_EXT = 0 DISPLAY_POWER_STATE_SUSPEND_EXT = 1 DISPLAY_POWER_STATE_ON_EXT = 2 end @cenum DeviceEventTypeEXT::UInt32 begin DEVICE_EVENT_TYPE_DISPLAY_HOTPLUG_EXT = 0 end @cenum DisplayEventTypeEXT::UInt32 begin DISPLAY_EVENT_TYPE_FIRST_PIXEL_OUT_EXT = 0 end @cenum ViewportCoordinateSwizzleNV::UInt32 begin VIEWPORT_COORDINATE_SWIZZLE_POSITIVE_X_NV = 0 VIEWPORT_COORDINATE_SWIZZLE_NEGATIVE_X_NV = 1 VIEWPORT_COORDINATE_SWIZZLE_POSITIVE_Y_NV = 2 VIEWPORT_COORDINATE_SWIZZLE_NEGATIVE_Y_NV = 3 VIEWPORT_COORDINATE_SWIZZLE_POSITIVE_Z_NV = 4 VIEWPORT_COORDINATE_SWIZZLE_NEGATIVE_Z_NV = 5 VIEWPORT_COORDINATE_SWIZZLE_POSITIVE_W_NV = 6 VIEWPORT_COORDINATE_SWIZZLE_NEGATIVE_W_NV = 7 end @cenum DiscardRectangleModeEXT::UInt32 begin DISCARD_RECTANGLE_MODE_INCLUSIVE_EXT = 0 DISCARD_RECTANGLE_MODE_EXCLUSIVE_EXT = 1 end @cenum PointClippingBehavior::UInt32 begin POINT_CLIPPING_BEHAVIOR_ALL_CLIP_PLANES = 0 POINT_CLIPPING_BEHAVIOR_USER_CLIP_PLANES_ONLY = 1 end @cenum SamplerReductionMode::UInt32 begin SAMPLER_REDUCTION_MODE_WEIGHTED_AVERAGE = 0 SAMPLER_REDUCTION_MODE_MIN = 1 SAMPLER_REDUCTION_MODE_MAX = 2 end @cenum TessellationDomainOrigin::UInt32 begin TESSELLATION_DOMAIN_ORIGIN_UPPER_LEFT = 0 TESSELLATION_DOMAIN_ORIGIN_LOWER_LEFT = 1 end @cenum SamplerYcbcrModelConversion::UInt32 begin SAMPLER_YCBCR_MODEL_CONVERSION_RGB_IDENTITY = 0 SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_IDENTITY = 1 SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_709 = 2 SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_601 = 3 SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_2020 = 4 end @cenum SamplerYcbcrRange::UInt32 begin SAMPLER_YCBCR_RANGE_ITU_FULL = 0 SAMPLER_YCBCR_RANGE_ITU_NARROW = 1 end @cenum ChromaLocation::UInt32 begin CHROMA_LOCATION_COSITED_EVEN = 0 CHROMA_LOCATION_MIDPOINT = 1 end @cenum BlendOverlapEXT::UInt32 begin BLEND_OVERLAP_UNCORRELATED_EXT = 0 BLEND_OVERLAP_DISJOINT_EXT = 1 BLEND_OVERLAP_CONJOINT_EXT = 2 end @cenum CoverageModulationModeNV::UInt32 begin COVERAGE_MODULATION_MODE_NONE_NV = 0 COVERAGE_MODULATION_MODE_RGB_NV = 1 COVERAGE_MODULATION_MODE_ALPHA_NV = 2 COVERAGE_MODULATION_MODE_RGBA_NV = 3 end @cenum CoverageReductionModeNV::UInt32 begin COVERAGE_REDUCTION_MODE_MERGE_NV = 0 COVERAGE_REDUCTION_MODE_TRUNCATE_NV = 1 end @cenum ValidationCacheHeaderVersionEXT::UInt32 begin VALIDATION_CACHE_HEADER_VERSION_ONE_EXT = 1 end @cenum ShaderInfoTypeAMD::UInt32 begin SHADER_INFO_TYPE_STATISTICS_AMD = 0 SHADER_INFO_TYPE_BINARY_AMD = 1 SHADER_INFO_TYPE_DISASSEMBLY_AMD = 2 end @cenum QueueGlobalPriorityKHR::UInt32 begin QUEUE_GLOBAL_PRIORITY_LOW_KHR = 128 QUEUE_GLOBAL_PRIORITY_MEDIUM_KHR = 256 QUEUE_GLOBAL_PRIORITY_HIGH_KHR = 512 QUEUE_GLOBAL_PRIORITY_REALTIME_KHR = 1024 end @cenum ConservativeRasterizationModeEXT::UInt32 begin CONSERVATIVE_RASTERIZATION_MODE_DISABLED_EXT = 0 CONSERVATIVE_RASTERIZATION_MODE_OVERESTIMATE_EXT = 1 CONSERVATIVE_RASTERIZATION_MODE_UNDERESTIMATE_EXT = 2 end @cenum VendorId::UInt32 begin VENDOR_ID_VIV = 0x00010001 VENDOR_ID_VSI = 0x00010002 VENDOR_ID_KAZAN = 0x00010003 VENDOR_ID_CODEPLAY = 0x00010004 VENDOR_ID_MESA = 0x00010005 VENDOR_ID_POCL = 0x00010006 end @cenum DriverId::UInt32 begin DRIVER_ID_AMD_PROPRIETARY = 1 DRIVER_ID_AMD_OPEN_SOURCE = 2 DRIVER_ID_MESA_RADV = 3 DRIVER_ID_NVIDIA_PROPRIETARY = 4 DRIVER_ID_INTEL_PROPRIETARY_WINDOWS = 5 DRIVER_ID_INTEL_OPEN_SOURCE_MESA = 6 DRIVER_ID_IMAGINATION_PROPRIETARY = 7 DRIVER_ID_QUALCOMM_PROPRIETARY = 8 DRIVER_ID_ARM_PROPRIETARY = 9 DRIVER_ID_GOOGLE_SWIFTSHADER = 10 DRIVER_ID_GGP_PROPRIETARY = 11 DRIVER_ID_BROADCOM_PROPRIETARY = 12 DRIVER_ID_MESA_LLVMPIPE = 13 DRIVER_ID_MOLTENVK = 14 DRIVER_ID_COREAVI_PROPRIETARY = 15 DRIVER_ID_JUICE_PROPRIETARY = 16 DRIVER_ID_VERISILICON_PROPRIETARY = 17 DRIVER_ID_MESA_TURNIP = 18 DRIVER_ID_MESA_V3DV = 19 DRIVER_ID_MESA_PANVK = 20 DRIVER_ID_SAMSUNG_PROPRIETARY = 21 DRIVER_ID_MESA_VENUS = 22 DRIVER_ID_MESA_DOZEN = 23 DRIVER_ID_MESA_NVK = 24 DRIVER_ID_IMAGINATION_OPEN_SOURCE_MESA = 25 end @cenum ShadingRatePaletteEntryNV::UInt32 begin SHADING_RATE_PALETTE_ENTRY_NO_INVOCATIONS_NV = 0 SHADING_RATE_PALETTE_ENTRY_16_INVOCATIONS_PER_PIXEL_NV = 1 SHADING_RATE_PALETTE_ENTRY_8_INVOCATIONS_PER_PIXEL_NV = 2 SHADING_RATE_PALETTE_ENTRY_4_INVOCATIONS_PER_PIXEL_NV = 3 SHADING_RATE_PALETTE_ENTRY_2_INVOCATIONS_PER_PIXEL_NV = 4 SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_PIXEL_NV = 5 SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_2X1_PIXELS_NV = 6 SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_1X2_PIXELS_NV = 7 SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_2X2_PIXELS_NV = 8 SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_4X2_PIXELS_NV = 9 SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_2X4_PIXELS_NV = 10 SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_4X4_PIXELS_NV = 11 end @cenum CoarseSampleOrderTypeNV::UInt32 begin COARSE_SAMPLE_ORDER_TYPE_DEFAULT_NV = 0 COARSE_SAMPLE_ORDER_TYPE_CUSTOM_NV = 1 COARSE_SAMPLE_ORDER_TYPE_PIXEL_MAJOR_NV = 2 COARSE_SAMPLE_ORDER_TYPE_SAMPLE_MAJOR_NV = 3 end @cenum CopyAccelerationStructureModeKHR::UInt32 begin COPY_ACCELERATION_STRUCTURE_MODE_CLONE_KHR = 0 COPY_ACCELERATION_STRUCTURE_MODE_COMPACT_KHR = 1 COPY_ACCELERATION_STRUCTURE_MODE_SERIALIZE_KHR = 2 COPY_ACCELERATION_STRUCTURE_MODE_DESERIALIZE_KHR = 3 end @cenum BuildAccelerationStructureModeKHR::UInt32 begin BUILD_ACCELERATION_STRUCTURE_MODE_BUILD_KHR = 0 BUILD_ACCELERATION_STRUCTURE_MODE_UPDATE_KHR = 1 end @cenum AccelerationStructureTypeKHR::UInt32 begin ACCELERATION_STRUCTURE_TYPE_TOP_LEVEL_KHR = 0 ACCELERATION_STRUCTURE_TYPE_BOTTOM_LEVEL_KHR = 1 ACCELERATION_STRUCTURE_TYPE_GENERIC_KHR = 2 end @cenum GeometryTypeKHR::UInt32 begin GEOMETRY_TYPE_TRIANGLES_KHR = 0 GEOMETRY_TYPE_AABBS_KHR = 1 GEOMETRY_TYPE_INSTANCES_KHR = 2 end @cenum AccelerationStructureMemoryRequirementsTypeNV::UInt32 begin ACCELERATION_STRUCTURE_MEMORY_REQUIREMENTS_TYPE_OBJECT_NV = 0 ACCELERATION_STRUCTURE_MEMORY_REQUIREMENTS_TYPE_BUILD_SCRATCH_NV = 1 ACCELERATION_STRUCTURE_MEMORY_REQUIREMENTS_TYPE_UPDATE_SCRATCH_NV = 2 end @cenum AccelerationStructureBuildTypeKHR::UInt32 begin ACCELERATION_STRUCTURE_BUILD_TYPE_HOST_KHR = 0 ACCELERATION_STRUCTURE_BUILD_TYPE_DEVICE_KHR = 1 ACCELERATION_STRUCTURE_BUILD_TYPE_HOST_OR_DEVICE_KHR = 2 end @cenum RayTracingShaderGroupTypeKHR::UInt32 begin RAY_TRACING_SHADER_GROUP_TYPE_GENERAL_KHR = 0 RAY_TRACING_SHADER_GROUP_TYPE_TRIANGLES_HIT_GROUP_KHR = 1 RAY_TRACING_SHADER_GROUP_TYPE_PROCEDURAL_HIT_GROUP_KHR = 2 end @cenum AccelerationStructureCompatibilityKHR::UInt32 begin ACCELERATION_STRUCTURE_COMPATIBILITY_COMPATIBLE_KHR = 0 ACCELERATION_STRUCTURE_COMPATIBILITY_INCOMPATIBLE_KHR = 1 end @cenum ShaderGroupShaderKHR::UInt32 begin SHADER_GROUP_SHADER_GENERAL_KHR = 0 SHADER_GROUP_SHADER_CLOSEST_HIT_KHR = 1 SHADER_GROUP_SHADER_ANY_HIT_KHR = 2 SHADER_GROUP_SHADER_INTERSECTION_KHR = 3 end @cenum MemoryOverallocationBehaviorAMD::UInt32 begin MEMORY_OVERALLOCATION_BEHAVIOR_DEFAULT_AMD = 0 MEMORY_OVERALLOCATION_BEHAVIOR_ALLOWED_AMD = 1 MEMORY_OVERALLOCATION_BEHAVIOR_DISALLOWED_AMD = 2 end @cenum ScopeNV::UInt32 begin SCOPE_DEVICE_NV = 1 SCOPE_WORKGROUP_NV = 2 SCOPE_SUBGROUP_NV = 3 SCOPE_QUEUE_FAMILY_NV = 5 end @cenum ComponentTypeNV::UInt32 begin COMPONENT_TYPE_FLOAT16_NV = 0 COMPONENT_TYPE_FLOAT32_NV = 1 COMPONENT_TYPE_FLOAT64_NV = 2 COMPONENT_TYPE_SINT8_NV = 3 COMPONENT_TYPE_SINT16_NV = 4 COMPONENT_TYPE_SINT32_NV = 5 COMPONENT_TYPE_SINT64_NV = 6 COMPONENT_TYPE_UINT8_NV = 7 COMPONENT_TYPE_UINT16_NV = 8 COMPONENT_TYPE_UINT32_NV = 9 COMPONENT_TYPE_UINT64_NV = 10 end @cenum PerformanceCounterScopeKHR::UInt32 begin PERFORMANCE_COUNTER_SCOPE_COMMAND_BUFFER_KHR = 0 PERFORMANCE_COUNTER_SCOPE_RENDER_PASS_KHR = 1 PERFORMANCE_COUNTER_SCOPE_COMMAND_KHR = 2 end @cenum PerformanceCounterUnitKHR::UInt32 begin PERFORMANCE_COUNTER_UNIT_GENERIC_KHR = 0 PERFORMANCE_COUNTER_UNIT_PERCENTAGE_KHR = 1 PERFORMANCE_COUNTER_UNIT_NANOSECONDS_KHR = 2 PERFORMANCE_COUNTER_UNIT_BYTES_KHR = 3 PERFORMANCE_COUNTER_UNIT_BYTES_PER_SECOND_KHR = 4 PERFORMANCE_COUNTER_UNIT_KELVIN_KHR = 5 PERFORMANCE_COUNTER_UNIT_WATTS_KHR = 6 PERFORMANCE_COUNTER_UNIT_VOLTS_KHR = 7 PERFORMANCE_COUNTER_UNIT_AMPS_KHR = 8 PERFORMANCE_COUNTER_UNIT_HERTZ_KHR = 9 PERFORMANCE_COUNTER_UNIT_CYCLES_KHR = 10 end @cenum PerformanceCounterStorageKHR::UInt32 begin PERFORMANCE_COUNTER_STORAGE_INT32_KHR = 0 PERFORMANCE_COUNTER_STORAGE_INT64_KHR = 1 PERFORMANCE_COUNTER_STORAGE_UINT32_KHR = 2 PERFORMANCE_COUNTER_STORAGE_UINT64_KHR = 3 PERFORMANCE_COUNTER_STORAGE_FLOAT32_KHR = 4 PERFORMANCE_COUNTER_STORAGE_FLOAT64_KHR = 5 end @cenum PerformanceConfigurationTypeINTEL::UInt32 begin PERFORMANCE_CONFIGURATION_TYPE_COMMAND_QUEUE_METRICS_DISCOVERY_ACTIVATED_INTEL = 0 end @cenum QueryPoolSamplingModeINTEL::UInt32 begin QUERY_POOL_SAMPLING_MODE_MANUAL_INTEL = 0 end @cenum PerformanceOverrideTypeINTEL::UInt32 begin PERFORMANCE_OVERRIDE_TYPE_NULL_HARDWARE_INTEL = 0 PERFORMANCE_OVERRIDE_TYPE_FLUSH_GPU_CACHES_INTEL = 1 end @cenum PerformanceParameterTypeINTEL::UInt32 begin PERFORMANCE_PARAMETER_TYPE_HW_COUNTERS_SUPPORTED_INTEL = 0 PERFORMANCE_PARAMETER_TYPE_STREAM_MARKER_VALID_BITS_INTEL = 1 end @cenum PerformanceValueTypeINTEL::UInt32 begin PERFORMANCE_VALUE_TYPE_UINT32_INTEL = 0 PERFORMANCE_VALUE_TYPE_UINT64_INTEL = 1 PERFORMANCE_VALUE_TYPE_FLOAT_INTEL = 2 PERFORMANCE_VALUE_TYPE_BOOL_INTEL = 3 PERFORMANCE_VALUE_TYPE_STRING_INTEL = 4 end @cenum ShaderFloatControlsIndependence::UInt32 begin SHADER_FLOAT_CONTROLS_INDEPENDENCE_32_BIT_ONLY = 0 SHADER_FLOAT_CONTROLS_INDEPENDENCE_ALL = 1 SHADER_FLOAT_CONTROLS_INDEPENDENCE_NONE = 2 end @cenum PipelineExecutableStatisticFormatKHR::UInt32 begin PIPELINE_EXECUTABLE_STATISTIC_FORMAT_BOOL32_KHR = 0 PIPELINE_EXECUTABLE_STATISTIC_FORMAT_INT64_KHR = 1 PIPELINE_EXECUTABLE_STATISTIC_FORMAT_UINT64_KHR = 2 PIPELINE_EXECUTABLE_STATISTIC_FORMAT_FLOAT64_KHR = 3 end @cenum LineRasterizationModeEXT::UInt32 begin LINE_RASTERIZATION_MODE_DEFAULT_EXT = 0 LINE_RASTERIZATION_MODE_RECTANGULAR_EXT = 1 LINE_RASTERIZATION_MODE_BRESENHAM_EXT = 2 LINE_RASTERIZATION_MODE_RECTANGULAR_SMOOTH_EXT = 3 end @cenum FragmentShadingRateCombinerOpKHR::UInt32 begin FRAGMENT_SHADING_RATE_COMBINER_OP_KEEP_KHR = 0 FRAGMENT_SHADING_RATE_COMBINER_OP_REPLACE_KHR = 1 FRAGMENT_SHADING_RATE_COMBINER_OP_MIN_KHR = 2 FRAGMENT_SHADING_RATE_COMBINER_OP_MAX_KHR = 3 FRAGMENT_SHADING_RATE_COMBINER_OP_MUL_KHR = 4 end @cenum FragmentShadingRateNV::UInt32 begin FRAGMENT_SHADING_RATE_1_INVOCATION_PER_PIXEL_NV = 0 FRAGMENT_SHADING_RATE_1_INVOCATION_PER_1X2_PIXELS_NV = 1 FRAGMENT_SHADING_RATE_1_INVOCATION_PER_2X1_PIXELS_NV = 4 FRAGMENT_SHADING_RATE_1_INVOCATION_PER_2X2_PIXELS_NV = 5 FRAGMENT_SHADING_RATE_1_INVOCATION_PER_2X4_PIXELS_NV = 6 FRAGMENT_SHADING_RATE_1_INVOCATION_PER_4X2_PIXELS_NV = 9 FRAGMENT_SHADING_RATE_1_INVOCATION_PER_4X4_PIXELS_NV = 10 FRAGMENT_SHADING_RATE_2_INVOCATIONS_PER_PIXEL_NV = 11 FRAGMENT_SHADING_RATE_4_INVOCATIONS_PER_PIXEL_NV = 12 FRAGMENT_SHADING_RATE_8_INVOCATIONS_PER_PIXEL_NV = 13 FRAGMENT_SHADING_RATE_16_INVOCATIONS_PER_PIXEL_NV = 14 FRAGMENT_SHADING_RATE_NO_INVOCATIONS_NV = 15 end @cenum FragmentShadingRateTypeNV::UInt32 begin FRAGMENT_SHADING_RATE_TYPE_FRAGMENT_SIZE_NV = 0 FRAGMENT_SHADING_RATE_TYPE_ENUMS_NV = 1 end @cenum SubpassMergeStatusEXT::UInt32 begin SUBPASS_MERGE_STATUS_MERGED_EXT = 0 SUBPASS_MERGE_STATUS_DISALLOWED_EXT = 1 SUBPASS_MERGE_STATUS_NOT_MERGED_SIDE_EFFECTS_EXT = 2 SUBPASS_MERGE_STATUS_NOT_MERGED_SAMPLES_MISMATCH_EXT = 3 SUBPASS_MERGE_STATUS_NOT_MERGED_VIEWS_MISMATCH_EXT = 4 SUBPASS_MERGE_STATUS_NOT_MERGED_ALIASING_EXT = 5 SUBPASS_MERGE_STATUS_NOT_MERGED_DEPENDENCIES_EXT = 6 SUBPASS_MERGE_STATUS_NOT_MERGED_INCOMPATIBLE_INPUT_ATTACHMENT_EXT = 7 SUBPASS_MERGE_STATUS_NOT_MERGED_TOO_MANY_ATTACHMENTS_EXT = 8 SUBPASS_MERGE_STATUS_NOT_MERGED_INSUFFICIENT_STORAGE_EXT = 9 SUBPASS_MERGE_STATUS_NOT_MERGED_DEPTH_STENCIL_COUNT_EXT = 10 SUBPASS_MERGE_STATUS_NOT_MERGED_RESOLVE_ATTACHMENT_REUSE_EXT = 11 SUBPASS_MERGE_STATUS_NOT_MERGED_SINGLE_SUBPASS_EXT = 12 SUBPASS_MERGE_STATUS_NOT_MERGED_UNSPECIFIED_EXT = 13 end @cenum ProvokingVertexModeEXT::UInt32 begin PROVOKING_VERTEX_MODE_FIRST_VERTEX_EXT = 0 PROVOKING_VERTEX_MODE_LAST_VERTEX_EXT = 1 end @cenum AccelerationStructureMotionInstanceTypeNV::UInt32 begin ACCELERATION_STRUCTURE_MOTION_INSTANCE_TYPE_STATIC_NV = 0 ACCELERATION_STRUCTURE_MOTION_INSTANCE_TYPE_MATRIX_MOTION_NV = 1 ACCELERATION_STRUCTURE_MOTION_INSTANCE_TYPE_SRT_MOTION_NV = 2 end @cenum DeviceAddressBindingTypeEXT::UInt32 begin DEVICE_ADDRESS_BINDING_TYPE_BIND_EXT = 0 DEVICE_ADDRESS_BINDING_TYPE_UNBIND_EXT = 1 end @cenum QueryResultStatusKHR::Int32 begin QUERY_RESULT_STATUS_ERROR_KHR = -1 QUERY_RESULT_STATUS_NOT_READY_KHR = 0 QUERY_RESULT_STATUS_COMPLETE_KHR = 1 end @cenum PipelineRobustnessBufferBehaviorEXT::UInt32 begin PIPELINE_ROBUSTNESS_BUFFER_BEHAVIOR_DEVICE_DEFAULT_EXT = 0 PIPELINE_ROBUSTNESS_BUFFER_BEHAVIOR_DISABLED_EXT = 1 PIPELINE_ROBUSTNESS_BUFFER_BEHAVIOR_ROBUST_BUFFER_ACCESS_EXT = 2 PIPELINE_ROBUSTNESS_BUFFER_BEHAVIOR_ROBUST_BUFFER_ACCESS_2_EXT = 3 end @cenum PipelineRobustnessImageBehaviorEXT::UInt32 begin PIPELINE_ROBUSTNESS_IMAGE_BEHAVIOR_DEVICE_DEFAULT_EXT = 0 PIPELINE_ROBUSTNESS_IMAGE_BEHAVIOR_DISABLED_EXT = 1 PIPELINE_ROBUSTNESS_IMAGE_BEHAVIOR_ROBUST_IMAGE_ACCESS_EXT = 2 PIPELINE_ROBUSTNESS_IMAGE_BEHAVIOR_ROBUST_IMAGE_ACCESS_2_EXT = 3 end @cenum OpticalFlowPerformanceLevelNV::UInt32 begin OPTICAL_FLOW_PERFORMANCE_LEVEL_UNKNOWN_NV = 0 OPTICAL_FLOW_PERFORMANCE_LEVEL_SLOW_NV = 1 OPTICAL_FLOW_PERFORMANCE_LEVEL_MEDIUM_NV = 2 OPTICAL_FLOW_PERFORMANCE_LEVEL_FAST_NV = 3 end @cenum OpticalFlowSessionBindingPointNV::UInt32 begin OPTICAL_FLOW_SESSION_BINDING_POINT_UNKNOWN_NV = 0 OPTICAL_FLOW_SESSION_BINDING_POINT_INPUT_NV = 1 OPTICAL_FLOW_SESSION_BINDING_POINT_REFERENCE_NV = 2 OPTICAL_FLOW_SESSION_BINDING_POINT_HINT_NV = 3 OPTICAL_FLOW_SESSION_BINDING_POINT_FLOW_VECTOR_NV = 4 OPTICAL_FLOW_SESSION_BINDING_POINT_BACKWARD_FLOW_VECTOR_NV = 5 OPTICAL_FLOW_SESSION_BINDING_POINT_COST_NV = 6 OPTICAL_FLOW_SESSION_BINDING_POINT_BACKWARD_COST_NV = 7 OPTICAL_FLOW_SESSION_BINDING_POINT_GLOBAL_FLOW_NV = 8 end @cenum MicromapTypeEXT::UInt32 begin MICROMAP_TYPE_OPACITY_MICROMAP_EXT = 0 end @cenum CopyMicromapModeEXT::UInt32 begin COPY_MICROMAP_MODE_CLONE_EXT = 0 COPY_MICROMAP_MODE_SERIALIZE_EXT = 1 COPY_MICROMAP_MODE_DESERIALIZE_EXT = 2 COPY_MICROMAP_MODE_COMPACT_EXT = 3 end @cenum BuildMicromapModeEXT::UInt32 begin BUILD_MICROMAP_MODE_BUILD_EXT = 0 end @cenum OpacityMicromapFormatEXT::UInt32 begin OPACITY_MICROMAP_FORMAT_2_STATE_EXT = 1 OPACITY_MICROMAP_FORMAT_4_STATE_EXT = 2 end @cenum OpacityMicromapSpecialIndexEXT::Int32 begin OPACITY_MICROMAP_SPECIAL_INDEX_FULLY_TRANSPARENT_EXT = -1 OPACITY_MICROMAP_SPECIAL_INDEX_FULLY_OPAQUE_EXT = -2 OPACITY_MICROMAP_SPECIAL_INDEX_FULLY_UNKNOWN_TRANSPARENT_EXT = -3 OPACITY_MICROMAP_SPECIAL_INDEX_FULLY_UNKNOWN_OPAQUE_EXT = -4 end @cenum DeviceFaultAddressTypeEXT::UInt32 begin DEVICE_FAULT_ADDRESS_TYPE_NONE_EXT = 0 DEVICE_FAULT_ADDRESS_TYPE_READ_INVALID_EXT = 1 DEVICE_FAULT_ADDRESS_TYPE_WRITE_INVALID_EXT = 2 DEVICE_FAULT_ADDRESS_TYPE_EXECUTE_INVALID_EXT = 3 DEVICE_FAULT_ADDRESS_TYPE_INSTRUCTION_POINTER_UNKNOWN_EXT = 4 DEVICE_FAULT_ADDRESS_TYPE_INSTRUCTION_POINTER_INVALID_EXT = 5 DEVICE_FAULT_ADDRESS_TYPE_INSTRUCTION_POINTER_FAULT_EXT = 6 end @cenum DeviceFaultVendorBinaryHeaderVersionEXT::UInt32 begin DEVICE_FAULT_VENDOR_BINARY_HEADER_VERSION_ONE_EXT = 1 end convert(T::Type{UInt32}, x::ImageLayout) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::AttachmentLoadOp) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::AttachmentStoreOp) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ImageType) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ImageTiling) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ImageViewType) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::CommandBufferLevel) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ComponentSwizzle) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::DescriptorType) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::QueryType) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::BorderColor) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PipelineBindPoint) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PipelineCacheHeaderVersion) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PrimitiveTopology) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::SharingMode) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::IndexType) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::Filter) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::SamplerMipmapMode) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::SamplerAddressMode) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::CompareOp) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PolygonMode) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::FrontFace) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::BlendFactor) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::BlendOp) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::StencilOp) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::LogicOp) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::InternalAllocationType) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::SystemAllocationScope) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PhysicalDeviceType) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::VertexInputRate) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::Format) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::StructureType) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::SubpassContents) = Base.bitcast(UInt32, x) convert(T::Type{Int32}, x::Result) = Base.bitcast(Int32, x) convert(T::Type{UInt32}, x::DynamicState) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::DescriptorUpdateTemplateType) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ObjectType) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::RayTracingInvocationReorderModeNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::DirectDriverLoadingModeLUNARG) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::SemaphoreType) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PresentModeKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ColorSpaceKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::TimeDomainEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::DebugReportObjectTypeEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::DeviceMemoryReportEventTypeEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::RasterizationOrderAMD) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ValidationCheckEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ValidationFeatureEnableEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ValidationFeatureDisableEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::IndirectCommandsTokenTypeNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::DisplayPowerStateEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::DeviceEventTypeEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::DisplayEventTypeEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ViewportCoordinateSwizzleNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::DiscardRectangleModeEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PointClippingBehavior) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::SamplerReductionMode) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::TessellationDomainOrigin) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::SamplerYcbcrModelConversion) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::SamplerYcbcrRange) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ChromaLocation) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::BlendOverlapEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::CoverageModulationModeNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::CoverageReductionModeNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ValidationCacheHeaderVersionEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ShaderInfoTypeAMD) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::QueueGlobalPriorityKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ConservativeRasterizationModeEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::VendorId) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::DriverId) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ShadingRatePaletteEntryNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::CoarseSampleOrderTypeNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::CopyAccelerationStructureModeKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::BuildAccelerationStructureModeKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::AccelerationStructureTypeKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::GeometryTypeKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::AccelerationStructureMemoryRequirementsTypeNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::AccelerationStructureBuildTypeKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::RayTracingShaderGroupTypeKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::AccelerationStructureCompatibilityKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ShaderGroupShaderKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::MemoryOverallocationBehaviorAMD) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ScopeNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ComponentTypeNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PerformanceCounterScopeKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PerformanceCounterUnitKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PerformanceCounterStorageKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PerformanceConfigurationTypeINTEL) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::QueryPoolSamplingModeINTEL) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PerformanceOverrideTypeINTEL) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PerformanceParameterTypeINTEL) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PerformanceValueTypeINTEL) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ShaderFloatControlsIndependence) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PipelineExecutableStatisticFormatKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::LineRasterizationModeEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::FragmentShadingRateCombinerOpKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::FragmentShadingRateNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::FragmentShadingRateTypeNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::SubpassMergeStatusEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ProvokingVertexModeEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::AccelerationStructureMotionInstanceTypeNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::DeviceAddressBindingTypeEXT) = Base.bitcast(UInt32, x) convert(T::Type{Int32}, x::QueryResultStatusKHR) = Base.bitcast(Int32, x) convert(T::Type{UInt32}, x::PipelineRobustnessBufferBehaviorEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PipelineRobustnessImageBehaviorEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::OpticalFlowPerformanceLevelNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::OpticalFlowSessionBindingPointNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::MicromapTypeEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::CopyMicromapModeEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::BuildMicromapModeEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::OpacityMicromapFormatEXT) = Base.bitcast(UInt32, x) convert(T::Type{Int32}, x::OpacityMicromapSpecialIndexEXT) = Base.bitcast(Int32, x) convert(T::Type{UInt32}, x::DeviceFaultAddressTypeEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::DeviceFaultVendorBinaryHeaderVersionEXT) = Base.bitcast(UInt32, x) convert(T::Type{ImageLayout}, x::UInt32) = Base.bitcast(ImageLayout, x) convert(T::Type{AttachmentLoadOp}, x::UInt32) = Base.bitcast(AttachmentLoadOp, x) convert(T::Type{AttachmentStoreOp}, x::UInt32) = Base.bitcast(AttachmentStoreOp, x) convert(T::Type{ImageType}, x::UInt32) = Base.bitcast(ImageType, x) convert(T::Type{ImageTiling}, x::UInt32) = Base.bitcast(ImageTiling, x) convert(T::Type{ImageViewType}, x::UInt32) = Base.bitcast(ImageViewType, x) convert(T::Type{CommandBufferLevel}, x::UInt32) = Base.bitcast(CommandBufferLevel, x) convert(T::Type{ComponentSwizzle}, x::UInt32) = Base.bitcast(ComponentSwizzle, x) convert(T::Type{DescriptorType}, x::UInt32) = Base.bitcast(DescriptorType, x) convert(T::Type{QueryType}, x::UInt32) = Base.bitcast(QueryType, x) convert(T::Type{BorderColor}, x::UInt32) = Base.bitcast(BorderColor, x) convert(T::Type{PipelineBindPoint}, x::UInt32) = Base.bitcast(PipelineBindPoint, x) convert(T::Type{PipelineCacheHeaderVersion}, x::UInt32) = Base.bitcast(PipelineCacheHeaderVersion, x) convert(T::Type{PrimitiveTopology}, x::UInt32) = Base.bitcast(PrimitiveTopology, x) convert(T::Type{SharingMode}, x::UInt32) = Base.bitcast(SharingMode, x) convert(T::Type{IndexType}, x::UInt32) = Base.bitcast(IndexType, x) convert(T::Type{Filter}, x::UInt32) = Base.bitcast(Filter, x) convert(T::Type{SamplerMipmapMode}, x::UInt32) = Base.bitcast(SamplerMipmapMode, x) convert(T::Type{SamplerAddressMode}, x::UInt32) = Base.bitcast(SamplerAddressMode, x) convert(T::Type{CompareOp}, x::UInt32) = Base.bitcast(CompareOp, x) convert(T::Type{PolygonMode}, x::UInt32) = Base.bitcast(PolygonMode, x) convert(T::Type{FrontFace}, x::UInt32) = Base.bitcast(FrontFace, x) convert(T::Type{BlendFactor}, x::UInt32) = Base.bitcast(BlendFactor, x) convert(T::Type{BlendOp}, x::UInt32) = Base.bitcast(BlendOp, x) convert(T::Type{StencilOp}, x::UInt32) = Base.bitcast(StencilOp, x) convert(T::Type{LogicOp}, x::UInt32) = Base.bitcast(LogicOp, x) convert(T::Type{InternalAllocationType}, x::UInt32) = Base.bitcast(InternalAllocationType, x) convert(T::Type{SystemAllocationScope}, x::UInt32) = Base.bitcast(SystemAllocationScope, x) convert(T::Type{PhysicalDeviceType}, x::UInt32) = Base.bitcast(PhysicalDeviceType, x) convert(T::Type{VertexInputRate}, x::UInt32) = Base.bitcast(VertexInputRate, x) convert(T::Type{Format}, x::UInt32) = Base.bitcast(Format, x) convert(T::Type{StructureType}, x::UInt32) = Base.bitcast(StructureType, x) convert(T::Type{SubpassContents}, x::UInt32) = Base.bitcast(SubpassContents, x) convert(T::Type{Result}, x::Int32) = Base.bitcast(Result, x) convert(T::Type{DynamicState}, x::UInt32) = Base.bitcast(DynamicState, x) convert(T::Type{DescriptorUpdateTemplateType}, x::UInt32) = Base.bitcast(DescriptorUpdateTemplateType, x) convert(T::Type{ObjectType}, x::UInt32) = Base.bitcast(ObjectType, x) convert(T::Type{RayTracingInvocationReorderModeNV}, x::UInt32) = Base.bitcast(RayTracingInvocationReorderModeNV, x) convert(T::Type{DirectDriverLoadingModeLUNARG}, x::UInt32) = Base.bitcast(DirectDriverLoadingModeLUNARG, x) convert(T::Type{SemaphoreType}, x::UInt32) = Base.bitcast(SemaphoreType, x) convert(T::Type{PresentModeKHR}, x::UInt32) = Base.bitcast(PresentModeKHR, x) convert(T::Type{ColorSpaceKHR}, x::UInt32) = Base.bitcast(ColorSpaceKHR, x) convert(T::Type{TimeDomainEXT}, x::UInt32) = Base.bitcast(TimeDomainEXT, x) convert(T::Type{DebugReportObjectTypeEXT}, x::UInt32) = Base.bitcast(DebugReportObjectTypeEXT, x) convert(T::Type{DeviceMemoryReportEventTypeEXT}, x::UInt32) = Base.bitcast(DeviceMemoryReportEventTypeEXT, x) convert(T::Type{RasterizationOrderAMD}, x::UInt32) = Base.bitcast(RasterizationOrderAMD, x) convert(T::Type{ValidationCheckEXT}, x::UInt32) = Base.bitcast(ValidationCheckEXT, x) convert(T::Type{ValidationFeatureEnableEXT}, x::UInt32) = Base.bitcast(ValidationFeatureEnableEXT, x) convert(T::Type{ValidationFeatureDisableEXT}, x::UInt32) = Base.bitcast(ValidationFeatureDisableEXT, x) convert(T::Type{IndirectCommandsTokenTypeNV}, x::UInt32) = Base.bitcast(IndirectCommandsTokenTypeNV, x) convert(T::Type{DisplayPowerStateEXT}, x::UInt32) = Base.bitcast(DisplayPowerStateEXT, x) convert(T::Type{DeviceEventTypeEXT}, x::UInt32) = Base.bitcast(DeviceEventTypeEXT, x) convert(T::Type{DisplayEventTypeEXT}, x::UInt32) = Base.bitcast(DisplayEventTypeEXT, x) convert(T::Type{ViewportCoordinateSwizzleNV}, x::UInt32) = Base.bitcast(ViewportCoordinateSwizzleNV, x) convert(T::Type{DiscardRectangleModeEXT}, x::UInt32) = Base.bitcast(DiscardRectangleModeEXT, x) convert(T::Type{PointClippingBehavior}, x::UInt32) = Base.bitcast(PointClippingBehavior, x) convert(T::Type{SamplerReductionMode}, x::UInt32) = Base.bitcast(SamplerReductionMode, x) convert(T::Type{TessellationDomainOrigin}, x::UInt32) = Base.bitcast(TessellationDomainOrigin, x) convert(T::Type{SamplerYcbcrModelConversion}, x::UInt32) = Base.bitcast(SamplerYcbcrModelConversion, x) convert(T::Type{SamplerYcbcrRange}, x::UInt32) = Base.bitcast(SamplerYcbcrRange, x) convert(T::Type{ChromaLocation}, x::UInt32) = Base.bitcast(ChromaLocation, x) convert(T::Type{BlendOverlapEXT}, x::UInt32) = Base.bitcast(BlendOverlapEXT, x) convert(T::Type{CoverageModulationModeNV}, x::UInt32) = Base.bitcast(CoverageModulationModeNV, x) convert(T::Type{CoverageReductionModeNV}, x::UInt32) = Base.bitcast(CoverageReductionModeNV, x) convert(T::Type{ValidationCacheHeaderVersionEXT}, x::UInt32) = Base.bitcast(ValidationCacheHeaderVersionEXT, x) convert(T::Type{ShaderInfoTypeAMD}, x::UInt32) = Base.bitcast(ShaderInfoTypeAMD, x) convert(T::Type{QueueGlobalPriorityKHR}, x::UInt32) = Base.bitcast(QueueGlobalPriorityKHR, x) convert(T::Type{ConservativeRasterizationModeEXT}, x::UInt32) = Base.bitcast(ConservativeRasterizationModeEXT, x) convert(T::Type{VendorId}, x::UInt32) = Base.bitcast(VendorId, x) convert(T::Type{DriverId}, x::UInt32) = Base.bitcast(DriverId, x) convert(T::Type{ShadingRatePaletteEntryNV}, x::UInt32) = Base.bitcast(ShadingRatePaletteEntryNV, x) convert(T::Type{CoarseSampleOrderTypeNV}, x::UInt32) = Base.bitcast(CoarseSampleOrderTypeNV, x) convert(T::Type{CopyAccelerationStructureModeKHR}, x::UInt32) = Base.bitcast(CopyAccelerationStructureModeKHR, x) convert(T::Type{BuildAccelerationStructureModeKHR}, x::UInt32) = Base.bitcast(BuildAccelerationStructureModeKHR, x) convert(T::Type{AccelerationStructureTypeKHR}, x::UInt32) = Base.bitcast(AccelerationStructureTypeKHR, x) convert(T::Type{GeometryTypeKHR}, x::UInt32) = Base.bitcast(GeometryTypeKHR, x) convert(T::Type{AccelerationStructureMemoryRequirementsTypeNV}, x::UInt32) = Base.bitcast(AccelerationStructureMemoryRequirementsTypeNV, x) convert(T::Type{AccelerationStructureBuildTypeKHR}, x::UInt32) = Base.bitcast(AccelerationStructureBuildTypeKHR, x) convert(T::Type{RayTracingShaderGroupTypeKHR}, x::UInt32) = Base.bitcast(RayTracingShaderGroupTypeKHR, x) convert(T::Type{AccelerationStructureCompatibilityKHR}, x::UInt32) = Base.bitcast(AccelerationStructureCompatibilityKHR, x) convert(T::Type{ShaderGroupShaderKHR}, x::UInt32) = Base.bitcast(ShaderGroupShaderKHR, x) convert(T::Type{MemoryOverallocationBehaviorAMD}, x::UInt32) = Base.bitcast(MemoryOverallocationBehaviorAMD, x) convert(T::Type{ScopeNV}, x::UInt32) = Base.bitcast(ScopeNV, x) convert(T::Type{ComponentTypeNV}, x::UInt32) = Base.bitcast(ComponentTypeNV, x) convert(T::Type{PerformanceCounterScopeKHR}, x::UInt32) = Base.bitcast(PerformanceCounterScopeKHR, x) convert(T::Type{PerformanceCounterUnitKHR}, x::UInt32) = Base.bitcast(PerformanceCounterUnitKHR, x) convert(T::Type{PerformanceCounterStorageKHR}, x::UInt32) = Base.bitcast(PerformanceCounterStorageKHR, x) convert(T::Type{PerformanceConfigurationTypeINTEL}, x::UInt32) = Base.bitcast(PerformanceConfigurationTypeINTEL, x) convert(T::Type{QueryPoolSamplingModeINTEL}, x::UInt32) = Base.bitcast(QueryPoolSamplingModeINTEL, x) convert(T::Type{PerformanceOverrideTypeINTEL}, x::UInt32) = Base.bitcast(PerformanceOverrideTypeINTEL, x) convert(T::Type{PerformanceParameterTypeINTEL}, x::UInt32) = Base.bitcast(PerformanceParameterTypeINTEL, x) convert(T::Type{PerformanceValueTypeINTEL}, x::UInt32) = Base.bitcast(PerformanceValueTypeINTEL, x) convert(T::Type{ShaderFloatControlsIndependence}, x::UInt32) = Base.bitcast(ShaderFloatControlsIndependence, x) convert(T::Type{PipelineExecutableStatisticFormatKHR}, x::UInt32) = Base.bitcast(PipelineExecutableStatisticFormatKHR, x) convert(T::Type{LineRasterizationModeEXT}, x::UInt32) = Base.bitcast(LineRasterizationModeEXT, x) convert(T::Type{FragmentShadingRateCombinerOpKHR}, x::UInt32) = Base.bitcast(FragmentShadingRateCombinerOpKHR, x) convert(T::Type{FragmentShadingRateNV}, x::UInt32) = Base.bitcast(FragmentShadingRateNV, x) convert(T::Type{FragmentShadingRateTypeNV}, x::UInt32) = Base.bitcast(FragmentShadingRateTypeNV, x) convert(T::Type{SubpassMergeStatusEXT}, x::UInt32) = Base.bitcast(SubpassMergeStatusEXT, x) convert(T::Type{ProvokingVertexModeEXT}, x::UInt32) = Base.bitcast(ProvokingVertexModeEXT, x) convert(T::Type{AccelerationStructureMotionInstanceTypeNV}, x::UInt32) = Base.bitcast(AccelerationStructureMotionInstanceTypeNV, x) convert(T::Type{DeviceAddressBindingTypeEXT}, x::UInt32) = Base.bitcast(DeviceAddressBindingTypeEXT, x) convert(T::Type{QueryResultStatusKHR}, x::Int32) = Base.bitcast(QueryResultStatusKHR, x) convert(T::Type{PipelineRobustnessBufferBehaviorEXT}, x::UInt32) = Base.bitcast(PipelineRobustnessBufferBehaviorEXT, x) convert(T::Type{PipelineRobustnessImageBehaviorEXT}, x::UInt32) = Base.bitcast(PipelineRobustnessImageBehaviorEXT, x) convert(T::Type{OpticalFlowPerformanceLevelNV}, x::UInt32) = Base.bitcast(OpticalFlowPerformanceLevelNV, x) convert(T::Type{OpticalFlowSessionBindingPointNV}, x::UInt32) = Base.bitcast(OpticalFlowSessionBindingPointNV, x) convert(T::Type{MicromapTypeEXT}, x::UInt32) = Base.bitcast(MicromapTypeEXT, x) convert(T::Type{CopyMicromapModeEXT}, x::UInt32) = Base.bitcast(CopyMicromapModeEXT, x) convert(T::Type{BuildMicromapModeEXT}, x::UInt32) = Base.bitcast(BuildMicromapModeEXT, x) convert(T::Type{OpacityMicromapFormatEXT}, x::UInt32) = Base.bitcast(OpacityMicromapFormatEXT, x) convert(T::Type{OpacityMicromapSpecialIndexEXT}, x::Int32) = Base.bitcast(OpacityMicromapSpecialIndexEXT, x) convert(T::Type{DeviceFaultAddressTypeEXT}, x::UInt32) = Base.bitcast(DeviceFaultAddressTypeEXT, x) convert(T::Type{DeviceFaultVendorBinaryHeaderVersionEXT}, x::UInt32) = Base.bitcast(DeviceFaultVendorBinaryHeaderVersionEXT, x) convert(T::Type{ImageLayout}, x::VkImageLayout) = Base.bitcast(ImageLayout, x) convert(T::Type{AttachmentLoadOp}, x::VkAttachmentLoadOp) = Base.bitcast(AttachmentLoadOp, x) convert(T::Type{AttachmentStoreOp}, x::VkAttachmentStoreOp) = Base.bitcast(AttachmentStoreOp, x) convert(T::Type{ImageType}, x::VkImageType) = Base.bitcast(ImageType, x) convert(T::Type{ImageTiling}, x::VkImageTiling) = Base.bitcast(ImageTiling, x) convert(T::Type{ImageViewType}, x::VkImageViewType) = Base.bitcast(ImageViewType, x) convert(T::Type{CommandBufferLevel}, x::VkCommandBufferLevel) = Base.bitcast(CommandBufferLevel, x) convert(T::Type{ComponentSwizzle}, x::VkComponentSwizzle) = Base.bitcast(ComponentSwizzle, x) convert(T::Type{DescriptorType}, x::VkDescriptorType) = Base.bitcast(DescriptorType, x) convert(T::Type{QueryType}, x::VkQueryType) = Base.bitcast(QueryType, x) convert(T::Type{BorderColor}, x::VkBorderColor) = Base.bitcast(BorderColor, x) convert(T::Type{PipelineBindPoint}, x::VkPipelineBindPoint) = Base.bitcast(PipelineBindPoint, x) convert(T::Type{PipelineCacheHeaderVersion}, x::VkPipelineCacheHeaderVersion) = Base.bitcast(PipelineCacheHeaderVersion, x) convert(T::Type{PrimitiveTopology}, x::VkPrimitiveTopology) = Base.bitcast(PrimitiveTopology, x) convert(T::Type{SharingMode}, x::VkSharingMode) = Base.bitcast(SharingMode, x) convert(T::Type{IndexType}, x::VkIndexType) = Base.bitcast(IndexType, x) convert(T::Type{Filter}, x::VkFilter) = Base.bitcast(Filter, x) convert(T::Type{SamplerMipmapMode}, x::VkSamplerMipmapMode) = Base.bitcast(SamplerMipmapMode, x) convert(T::Type{SamplerAddressMode}, x::VkSamplerAddressMode) = Base.bitcast(SamplerAddressMode, x) convert(T::Type{CompareOp}, x::VkCompareOp) = Base.bitcast(CompareOp, x) convert(T::Type{PolygonMode}, x::VkPolygonMode) = Base.bitcast(PolygonMode, x) convert(T::Type{FrontFace}, x::VkFrontFace) = Base.bitcast(FrontFace, x) convert(T::Type{BlendFactor}, x::VkBlendFactor) = Base.bitcast(BlendFactor, x) convert(T::Type{BlendOp}, x::VkBlendOp) = Base.bitcast(BlendOp, x) convert(T::Type{StencilOp}, x::VkStencilOp) = Base.bitcast(StencilOp, x) convert(T::Type{LogicOp}, x::VkLogicOp) = Base.bitcast(LogicOp, x) convert(T::Type{InternalAllocationType}, x::VkInternalAllocationType) = Base.bitcast(InternalAllocationType, x) convert(T::Type{SystemAllocationScope}, x::VkSystemAllocationScope) = Base.bitcast(SystemAllocationScope, x) convert(T::Type{PhysicalDeviceType}, x::VkPhysicalDeviceType) = Base.bitcast(PhysicalDeviceType, x) convert(T::Type{VertexInputRate}, x::VkVertexInputRate) = Base.bitcast(VertexInputRate, x) convert(T::Type{Format}, x::VkFormat) = Base.bitcast(Format, x) convert(T::Type{StructureType}, x::VkStructureType) = Base.bitcast(StructureType, x) convert(T::Type{SubpassContents}, x::VkSubpassContents) = Base.bitcast(SubpassContents, x) convert(T::Type{Result}, x::VkResult) = Base.bitcast(Result, x) convert(T::Type{DynamicState}, x::VkDynamicState) = Base.bitcast(DynamicState, x) convert(T::Type{DescriptorUpdateTemplateType}, x::VkDescriptorUpdateTemplateType) = Base.bitcast(DescriptorUpdateTemplateType, x) convert(T::Type{ObjectType}, x::VkObjectType) = Base.bitcast(ObjectType, x) convert(T::Type{RayTracingInvocationReorderModeNV}, x::VkRayTracingInvocationReorderModeNV) = Base.bitcast(RayTracingInvocationReorderModeNV, x) convert(T::Type{DirectDriverLoadingModeLUNARG}, x::VkDirectDriverLoadingModeLUNARG) = Base.bitcast(DirectDriverLoadingModeLUNARG, x) convert(T::Type{SemaphoreType}, x::VkSemaphoreType) = Base.bitcast(SemaphoreType, x) convert(T::Type{PresentModeKHR}, x::VkPresentModeKHR) = Base.bitcast(PresentModeKHR, x) convert(T::Type{ColorSpaceKHR}, x::VkColorSpaceKHR) = Base.bitcast(ColorSpaceKHR, x) convert(T::Type{TimeDomainEXT}, x::VkTimeDomainEXT) = Base.bitcast(TimeDomainEXT, x) convert(T::Type{DebugReportObjectTypeEXT}, x::VkDebugReportObjectTypeEXT) = Base.bitcast(DebugReportObjectTypeEXT, x) convert(T::Type{DeviceMemoryReportEventTypeEXT}, x::VkDeviceMemoryReportEventTypeEXT) = Base.bitcast(DeviceMemoryReportEventTypeEXT, x) convert(T::Type{RasterizationOrderAMD}, x::VkRasterizationOrderAMD) = Base.bitcast(RasterizationOrderAMD, x) convert(T::Type{ValidationCheckEXT}, x::VkValidationCheckEXT) = Base.bitcast(ValidationCheckEXT, x) convert(T::Type{ValidationFeatureEnableEXT}, x::VkValidationFeatureEnableEXT) = Base.bitcast(ValidationFeatureEnableEXT, x) convert(T::Type{ValidationFeatureDisableEXT}, x::VkValidationFeatureDisableEXT) = Base.bitcast(ValidationFeatureDisableEXT, x) convert(T::Type{IndirectCommandsTokenTypeNV}, x::VkIndirectCommandsTokenTypeNV) = Base.bitcast(IndirectCommandsTokenTypeNV, x) convert(T::Type{DisplayPowerStateEXT}, x::VkDisplayPowerStateEXT) = Base.bitcast(DisplayPowerStateEXT, x) convert(T::Type{DeviceEventTypeEXT}, x::VkDeviceEventTypeEXT) = Base.bitcast(DeviceEventTypeEXT, x) convert(T::Type{DisplayEventTypeEXT}, x::VkDisplayEventTypeEXT) = Base.bitcast(DisplayEventTypeEXT, x) convert(T::Type{ViewportCoordinateSwizzleNV}, x::VkViewportCoordinateSwizzleNV) = Base.bitcast(ViewportCoordinateSwizzleNV, x) convert(T::Type{DiscardRectangleModeEXT}, x::VkDiscardRectangleModeEXT) = Base.bitcast(DiscardRectangleModeEXT, x) convert(T::Type{PointClippingBehavior}, x::VkPointClippingBehavior) = Base.bitcast(PointClippingBehavior, x) convert(T::Type{SamplerReductionMode}, x::VkSamplerReductionMode) = Base.bitcast(SamplerReductionMode, x) convert(T::Type{TessellationDomainOrigin}, x::VkTessellationDomainOrigin) = Base.bitcast(TessellationDomainOrigin, x) convert(T::Type{SamplerYcbcrModelConversion}, x::VkSamplerYcbcrModelConversion) = Base.bitcast(SamplerYcbcrModelConversion, x) convert(T::Type{SamplerYcbcrRange}, x::VkSamplerYcbcrRange) = Base.bitcast(SamplerYcbcrRange, x) convert(T::Type{ChromaLocation}, x::VkChromaLocation) = Base.bitcast(ChromaLocation, x) convert(T::Type{BlendOverlapEXT}, x::VkBlendOverlapEXT) = Base.bitcast(BlendOverlapEXT, x) convert(T::Type{CoverageModulationModeNV}, x::VkCoverageModulationModeNV) = Base.bitcast(CoverageModulationModeNV, x) convert(T::Type{CoverageReductionModeNV}, x::VkCoverageReductionModeNV) = Base.bitcast(CoverageReductionModeNV, x) convert(T::Type{ValidationCacheHeaderVersionEXT}, x::VkValidationCacheHeaderVersionEXT) = Base.bitcast(ValidationCacheHeaderVersionEXT, x) convert(T::Type{ShaderInfoTypeAMD}, x::VkShaderInfoTypeAMD) = Base.bitcast(ShaderInfoTypeAMD, x) convert(T::Type{QueueGlobalPriorityKHR}, x::VkQueueGlobalPriorityKHR) = Base.bitcast(QueueGlobalPriorityKHR, x) convert(T::Type{ConservativeRasterizationModeEXT}, x::VkConservativeRasterizationModeEXT) = Base.bitcast(ConservativeRasterizationModeEXT, x) convert(T::Type{VendorId}, x::VkVendorId) = Base.bitcast(VendorId, x) convert(T::Type{DriverId}, x::VkDriverId) = Base.bitcast(DriverId, x) convert(T::Type{ShadingRatePaletteEntryNV}, x::VkShadingRatePaletteEntryNV) = Base.bitcast(ShadingRatePaletteEntryNV, x) convert(T::Type{CoarseSampleOrderTypeNV}, x::VkCoarseSampleOrderTypeNV) = Base.bitcast(CoarseSampleOrderTypeNV, x) convert(T::Type{CopyAccelerationStructureModeKHR}, x::VkCopyAccelerationStructureModeKHR) = Base.bitcast(CopyAccelerationStructureModeKHR, x) convert(T::Type{BuildAccelerationStructureModeKHR}, x::VkBuildAccelerationStructureModeKHR) = Base.bitcast(BuildAccelerationStructureModeKHR, x) convert(T::Type{AccelerationStructureTypeKHR}, x::VkAccelerationStructureTypeKHR) = Base.bitcast(AccelerationStructureTypeKHR, x) convert(T::Type{GeometryTypeKHR}, x::VkGeometryTypeKHR) = Base.bitcast(GeometryTypeKHR, x) convert(T::Type{AccelerationStructureMemoryRequirementsTypeNV}, x::VkAccelerationStructureMemoryRequirementsTypeNV) = Base.bitcast(AccelerationStructureMemoryRequirementsTypeNV, x) convert(T::Type{AccelerationStructureBuildTypeKHR}, x::VkAccelerationStructureBuildTypeKHR) = Base.bitcast(AccelerationStructureBuildTypeKHR, x) convert(T::Type{RayTracingShaderGroupTypeKHR}, x::VkRayTracingShaderGroupTypeKHR) = Base.bitcast(RayTracingShaderGroupTypeKHR, x) convert(T::Type{AccelerationStructureCompatibilityKHR}, x::VkAccelerationStructureCompatibilityKHR) = Base.bitcast(AccelerationStructureCompatibilityKHR, x) convert(T::Type{ShaderGroupShaderKHR}, x::VkShaderGroupShaderKHR) = Base.bitcast(ShaderGroupShaderKHR, x) convert(T::Type{MemoryOverallocationBehaviorAMD}, x::VkMemoryOverallocationBehaviorAMD) = Base.bitcast(MemoryOverallocationBehaviorAMD, x) convert(T::Type{ScopeNV}, x::VkScopeNV) = Base.bitcast(ScopeNV, x) convert(T::Type{ComponentTypeNV}, x::VkComponentTypeNV) = Base.bitcast(ComponentTypeNV, x) convert(T::Type{PerformanceCounterScopeKHR}, x::VkPerformanceCounterScopeKHR) = Base.bitcast(PerformanceCounterScopeKHR, x) convert(T::Type{PerformanceCounterUnitKHR}, x::VkPerformanceCounterUnitKHR) = Base.bitcast(PerformanceCounterUnitKHR, x) convert(T::Type{PerformanceCounterStorageKHR}, x::VkPerformanceCounterStorageKHR) = Base.bitcast(PerformanceCounterStorageKHR, x) convert(T::Type{PerformanceConfigurationTypeINTEL}, x::VkPerformanceConfigurationTypeINTEL) = Base.bitcast(PerformanceConfigurationTypeINTEL, x) convert(T::Type{QueryPoolSamplingModeINTEL}, x::VkQueryPoolSamplingModeINTEL) = Base.bitcast(QueryPoolSamplingModeINTEL, x) convert(T::Type{PerformanceOverrideTypeINTEL}, x::VkPerformanceOverrideTypeINTEL) = Base.bitcast(PerformanceOverrideTypeINTEL, x) convert(T::Type{PerformanceParameterTypeINTEL}, x::VkPerformanceParameterTypeINTEL) = Base.bitcast(PerformanceParameterTypeINTEL, x) convert(T::Type{PerformanceValueTypeINTEL}, x::VkPerformanceValueTypeINTEL) = Base.bitcast(PerformanceValueTypeINTEL, x) convert(T::Type{ShaderFloatControlsIndependence}, x::VkShaderFloatControlsIndependence) = Base.bitcast(ShaderFloatControlsIndependence, x) convert(T::Type{PipelineExecutableStatisticFormatKHR}, x::VkPipelineExecutableStatisticFormatKHR) = Base.bitcast(PipelineExecutableStatisticFormatKHR, x) convert(T::Type{LineRasterizationModeEXT}, x::VkLineRasterizationModeEXT) = Base.bitcast(LineRasterizationModeEXT, x) convert(T::Type{FragmentShadingRateCombinerOpKHR}, x::VkFragmentShadingRateCombinerOpKHR) = Base.bitcast(FragmentShadingRateCombinerOpKHR, x) convert(T::Type{FragmentShadingRateNV}, x::VkFragmentShadingRateNV) = Base.bitcast(FragmentShadingRateNV, x) convert(T::Type{FragmentShadingRateTypeNV}, x::VkFragmentShadingRateTypeNV) = Base.bitcast(FragmentShadingRateTypeNV, x) convert(T::Type{SubpassMergeStatusEXT}, x::VkSubpassMergeStatusEXT) = Base.bitcast(SubpassMergeStatusEXT, x) convert(T::Type{ProvokingVertexModeEXT}, x::VkProvokingVertexModeEXT) = Base.bitcast(ProvokingVertexModeEXT, x) convert(T::Type{AccelerationStructureMotionInstanceTypeNV}, x::VkAccelerationStructureMotionInstanceTypeNV) = Base.bitcast(AccelerationStructureMotionInstanceTypeNV, x) convert(T::Type{DeviceAddressBindingTypeEXT}, x::VkDeviceAddressBindingTypeEXT) = Base.bitcast(DeviceAddressBindingTypeEXT, x) convert(T::Type{QueryResultStatusKHR}, x::VkQueryResultStatusKHR) = Base.bitcast(QueryResultStatusKHR, x) convert(T::Type{PipelineRobustnessBufferBehaviorEXT}, x::VkPipelineRobustnessBufferBehaviorEXT) = Base.bitcast(PipelineRobustnessBufferBehaviorEXT, x) convert(T::Type{PipelineRobustnessImageBehaviorEXT}, x::VkPipelineRobustnessImageBehaviorEXT) = Base.bitcast(PipelineRobustnessImageBehaviorEXT, x) convert(T::Type{OpticalFlowPerformanceLevelNV}, x::VkOpticalFlowPerformanceLevelNV) = Base.bitcast(OpticalFlowPerformanceLevelNV, x) convert(T::Type{OpticalFlowSessionBindingPointNV}, x::VkOpticalFlowSessionBindingPointNV) = Base.bitcast(OpticalFlowSessionBindingPointNV, x) convert(T::Type{MicromapTypeEXT}, x::VkMicromapTypeEXT) = Base.bitcast(MicromapTypeEXT, x) convert(T::Type{CopyMicromapModeEXT}, x::VkCopyMicromapModeEXT) = Base.bitcast(CopyMicromapModeEXT, x) convert(T::Type{BuildMicromapModeEXT}, x::VkBuildMicromapModeEXT) = Base.bitcast(BuildMicromapModeEXT, x) convert(T::Type{OpacityMicromapFormatEXT}, x::VkOpacityMicromapFormatEXT) = Base.bitcast(OpacityMicromapFormatEXT, x) convert(T::Type{OpacityMicromapSpecialIndexEXT}, x::VkOpacityMicromapSpecialIndexEXT) = Base.bitcast(OpacityMicromapSpecialIndexEXT, x) convert(T::Type{DeviceFaultAddressTypeEXT}, x::VkDeviceFaultAddressTypeEXT) = Base.bitcast(DeviceFaultAddressTypeEXT, x) convert(T::Type{DeviceFaultVendorBinaryHeaderVersionEXT}, x::VkDeviceFaultVendorBinaryHeaderVersionEXT) = Base.bitcast(DeviceFaultVendorBinaryHeaderVersionEXT, x) convert(T::Type{VkImageLayout}, x::ImageLayout) = Base.bitcast(VkImageLayout, x) convert(T::Type{VkAttachmentLoadOp}, x::AttachmentLoadOp) = Base.bitcast(VkAttachmentLoadOp, x) convert(T::Type{VkAttachmentStoreOp}, x::AttachmentStoreOp) = Base.bitcast(VkAttachmentStoreOp, x) convert(T::Type{VkImageType}, x::ImageType) = Base.bitcast(VkImageType, x) convert(T::Type{VkImageTiling}, x::ImageTiling) = Base.bitcast(VkImageTiling, x) convert(T::Type{VkImageViewType}, x::ImageViewType) = Base.bitcast(VkImageViewType, x) convert(T::Type{VkCommandBufferLevel}, x::CommandBufferLevel) = Base.bitcast(VkCommandBufferLevel, x) convert(T::Type{VkComponentSwizzle}, x::ComponentSwizzle) = Base.bitcast(VkComponentSwizzle, x) convert(T::Type{VkDescriptorType}, x::DescriptorType) = Base.bitcast(VkDescriptorType, x) convert(T::Type{VkQueryType}, x::QueryType) = Base.bitcast(VkQueryType, x) convert(T::Type{VkBorderColor}, x::BorderColor) = Base.bitcast(VkBorderColor, x) convert(T::Type{VkPipelineBindPoint}, x::PipelineBindPoint) = Base.bitcast(VkPipelineBindPoint, x) convert(T::Type{VkPipelineCacheHeaderVersion}, x::PipelineCacheHeaderVersion) = Base.bitcast(VkPipelineCacheHeaderVersion, x) convert(T::Type{VkPrimitiveTopology}, x::PrimitiveTopology) = Base.bitcast(VkPrimitiveTopology, x) convert(T::Type{VkSharingMode}, x::SharingMode) = Base.bitcast(VkSharingMode, x) convert(T::Type{VkIndexType}, x::IndexType) = Base.bitcast(VkIndexType, x) convert(T::Type{VkFilter}, x::Filter) = Base.bitcast(VkFilter, x) convert(T::Type{VkSamplerMipmapMode}, x::SamplerMipmapMode) = Base.bitcast(VkSamplerMipmapMode, x) convert(T::Type{VkSamplerAddressMode}, x::SamplerAddressMode) = Base.bitcast(VkSamplerAddressMode, x) convert(T::Type{VkCompareOp}, x::CompareOp) = Base.bitcast(VkCompareOp, x) convert(T::Type{VkPolygonMode}, x::PolygonMode) = Base.bitcast(VkPolygonMode, x) convert(T::Type{VkFrontFace}, x::FrontFace) = Base.bitcast(VkFrontFace, x) convert(T::Type{VkBlendFactor}, x::BlendFactor) = Base.bitcast(VkBlendFactor, x) convert(T::Type{VkBlendOp}, x::BlendOp) = Base.bitcast(VkBlendOp, x) convert(T::Type{VkStencilOp}, x::StencilOp) = Base.bitcast(VkStencilOp, x) convert(T::Type{VkLogicOp}, x::LogicOp) = Base.bitcast(VkLogicOp, x) convert(T::Type{VkInternalAllocationType}, x::InternalAllocationType) = Base.bitcast(VkInternalAllocationType, x) convert(T::Type{VkSystemAllocationScope}, x::SystemAllocationScope) = Base.bitcast(VkSystemAllocationScope, x) convert(T::Type{VkPhysicalDeviceType}, x::PhysicalDeviceType) = Base.bitcast(VkPhysicalDeviceType, x) convert(T::Type{VkVertexInputRate}, x::VertexInputRate) = Base.bitcast(VkVertexInputRate, x) convert(T::Type{VkFormat}, x::Format) = Base.bitcast(VkFormat, x) convert(T::Type{VkStructureType}, x::StructureType) = Base.bitcast(VkStructureType, x) convert(T::Type{VkSubpassContents}, x::SubpassContents) = Base.bitcast(VkSubpassContents, x) convert(T::Type{VkResult}, x::Result) = Base.bitcast(VkResult, x) convert(T::Type{VkDynamicState}, x::DynamicState) = Base.bitcast(VkDynamicState, x) convert(T::Type{VkDescriptorUpdateTemplateType}, x::DescriptorUpdateTemplateType) = Base.bitcast(VkDescriptorUpdateTemplateType, x) convert(T::Type{VkObjectType}, x::ObjectType) = Base.bitcast(VkObjectType, x) convert(T::Type{VkRayTracingInvocationReorderModeNV}, x::RayTracingInvocationReorderModeNV) = Base.bitcast(VkRayTracingInvocationReorderModeNV, x) convert(T::Type{VkDirectDriverLoadingModeLUNARG}, x::DirectDriverLoadingModeLUNARG) = Base.bitcast(VkDirectDriverLoadingModeLUNARG, x) convert(T::Type{VkSemaphoreType}, x::SemaphoreType) = Base.bitcast(VkSemaphoreType, x) convert(T::Type{VkPresentModeKHR}, x::PresentModeKHR) = Base.bitcast(VkPresentModeKHR, x) convert(T::Type{VkColorSpaceKHR}, x::ColorSpaceKHR) = Base.bitcast(VkColorSpaceKHR, x) convert(T::Type{VkTimeDomainEXT}, x::TimeDomainEXT) = Base.bitcast(VkTimeDomainEXT, x) convert(T::Type{VkDebugReportObjectTypeEXT}, x::DebugReportObjectTypeEXT) = Base.bitcast(VkDebugReportObjectTypeEXT, x) convert(T::Type{VkDeviceMemoryReportEventTypeEXT}, x::DeviceMemoryReportEventTypeEXT) = Base.bitcast(VkDeviceMemoryReportEventTypeEXT, x) convert(T::Type{VkRasterizationOrderAMD}, x::RasterizationOrderAMD) = Base.bitcast(VkRasterizationOrderAMD, x) convert(T::Type{VkValidationCheckEXT}, x::ValidationCheckEXT) = Base.bitcast(VkValidationCheckEXT, x) convert(T::Type{VkValidationFeatureEnableEXT}, x::ValidationFeatureEnableEXT) = Base.bitcast(VkValidationFeatureEnableEXT, x) convert(T::Type{VkValidationFeatureDisableEXT}, x::ValidationFeatureDisableEXT) = Base.bitcast(VkValidationFeatureDisableEXT, x) convert(T::Type{VkIndirectCommandsTokenTypeNV}, x::IndirectCommandsTokenTypeNV) = Base.bitcast(VkIndirectCommandsTokenTypeNV, x) convert(T::Type{VkDisplayPowerStateEXT}, x::DisplayPowerStateEXT) = Base.bitcast(VkDisplayPowerStateEXT, x) convert(T::Type{VkDeviceEventTypeEXT}, x::DeviceEventTypeEXT) = Base.bitcast(VkDeviceEventTypeEXT, x) convert(T::Type{VkDisplayEventTypeEXT}, x::DisplayEventTypeEXT) = Base.bitcast(VkDisplayEventTypeEXT, x) convert(T::Type{VkViewportCoordinateSwizzleNV}, x::ViewportCoordinateSwizzleNV) = Base.bitcast(VkViewportCoordinateSwizzleNV, x) convert(T::Type{VkDiscardRectangleModeEXT}, x::DiscardRectangleModeEXT) = Base.bitcast(VkDiscardRectangleModeEXT, x) convert(T::Type{VkPointClippingBehavior}, x::PointClippingBehavior) = Base.bitcast(VkPointClippingBehavior, x) convert(T::Type{VkSamplerReductionMode}, x::SamplerReductionMode) = Base.bitcast(VkSamplerReductionMode, x) convert(T::Type{VkTessellationDomainOrigin}, x::TessellationDomainOrigin) = Base.bitcast(VkTessellationDomainOrigin, x) convert(T::Type{VkSamplerYcbcrModelConversion}, x::SamplerYcbcrModelConversion) = Base.bitcast(VkSamplerYcbcrModelConversion, x) convert(T::Type{VkSamplerYcbcrRange}, x::SamplerYcbcrRange) = Base.bitcast(VkSamplerYcbcrRange, x) convert(T::Type{VkChromaLocation}, x::ChromaLocation) = Base.bitcast(VkChromaLocation, x) convert(T::Type{VkBlendOverlapEXT}, x::BlendOverlapEXT) = Base.bitcast(VkBlendOverlapEXT, x) convert(T::Type{VkCoverageModulationModeNV}, x::CoverageModulationModeNV) = Base.bitcast(VkCoverageModulationModeNV, x) convert(T::Type{VkCoverageReductionModeNV}, x::CoverageReductionModeNV) = Base.bitcast(VkCoverageReductionModeNV, x) convert(T::Type{VkValidationCacheHeaderVersionEXT}, x::ValidationCacheHeaderVersionEXT) = Base.bitcast(VkValidationCacheHeaderVersionEXT, x) convert(T::Type{VkShaderInfoTypeAMD}, x::ShaderInfoTypeAMD) = Base.bitcast(VkShaderInfoTypeAMD, x) convert(T::Type{VkQueueGlobalPriorityKHR}, x::QueueGlobalPriorityKHR) = Base.bitcast(VkQueueGlobalPriorityKHR, x) convert(T::Type{VkConservativeRasterizationModeEXT}, x::ConservativeRasterizationModeEXT) = Base.bitcast(VkConservativeRasterizationModeEXT, x) convert(T::Type{VkVendorId}, x::VendorId) = Base.bitcast(VkVendorId, x) convert(T::Type{VkDriverId}, x::DriverId) = Base.bitcast(VkDriverId, x) convert(T::Type{VkShadingRatePaletteEntryNV}, x::ShadingRatePaletteEntryNV) = Base.bitcast(VkShadingRatePaletteEntryNV, x) convert(T::Type{VkCoarseSampleOrderTypeNV}, x::CoarseSampleOrderTypeNV) = Base.bitcast(VkCoarseSampleOrderTypeNV, x) convert(T::Type{VkCopyAccelerationStructureModeKHR}, x::CopyAccelerationStructureModeKHR) = Base.bitcast(VkCopyAccelerationStructureModeKHR, x) convert(T::Type{VkBuildAccelerationStructureModeKHR}, x::BuildAccelerationStructureModeKHR) = Base.bitcast(VkBuildAccelerationStructureModeKHR, x) convert(T::Type{VkAccelerationStructureTypeKHR}, x::AccelerationStructureTypeKHR) = Base.bitcast(VkAccelerationStructureTypeKHR, x) convert(T::Type{VkGeometryTypeKHR}, x::GeometryTypeKHR) = Base.bitcast(VkGeometryTypeKHR, x) convert(T::Type{VkAccelerationStructureMemoryRequirementsTypeNV}, x::AccelerationStructureMemoryRequirementsTypeNV) = Base.bitcast(VkAccelerationStructureMemoryRequirementsTypeNV, x) convert(T::Type{VkAccelerationStructureBuildTypeKHR}, x::AccelerationStructureBuildTypeKHR) = Base.bitcast(VkAccelerationStructureBuildTypeKHR, x) convert(T::Type{VkRayTracingShaderGroupTypeKHR}, x::RayTracingShaderGroupTypeKHR) = Base.bitcast(VkRayTracingShaderGroupTypeKHR, x) convert(T::Type{VkAccelerationStructureCompatibilityKHR}, x::AccelerationStructureCompatibilityKHR) = Base.bitcast(VkAccelerationStructureCompatibilityKHR, x) convert(T::Type{VkShaderGroupShaderKHR}, x::ShaderGroupShaderKHR) = Base.bitcast(VkShaderGroupShaderKHR, x) convert(T::Type{VkMemoryOverallocationBehaviorAMD}, x::MemoryOverallocationBehaviorAMD) = Base.bitcast(VkMemoryOverallocationBehaviorAMD, x) convert(T::Type{VkScopeNV}, x::ScopeNV) = Base.bitcast(VkScopeNV, x) convert(T::Type{VkComponentTypeNV}, x::ComponentTypeNV) = Base.bitcast(VkComponentTypeNV, x) convert(T::Type{VkPerformanceCounterScopeKHR}, x::PerformanceCounterScopeKHR) = Base.bitcast(VkPerformanceCounterScopeKHR, x) convert(T::Type{VkPerformanceCounterUnitKHR}, x::PerformanceCounterUnitKHR) = Base.bitcast(VkPerformanceCounterUnitKHR, x) convert(T::Type{VkPerformanceCounterStorageKHR}, x::PerformanceCounterStorageKHR) = Base.bitcast(VkPerformanceCounterStorageKHR, x) convert(T::Type{VkPerformanceConfigurationTypeINTEL}, x::PerformanceConfigurationTypeINTEL) = Base.bitcast(VkPerformanceConfigurationTypeINTEL, x) convert(T::Type{VkQueryPoolSamplingModeINTEL}, x::QueryPoolSamplingModeINTEL) = Base.bitcast(VkQueryPoolSamplingModeINTEL, x) convert(T::Type{VkPerformanceOverrideTypeINTEL}, x::PerformanceOverrideTypeINTEL) = Base.bitcast(VkPerformanceOverrideTypeINTEL, x) convert(T::Type{VkPerformanceParameterTypeINTEL}, x::PerformanceParameterTypeINTEL) = Base.bitcast(VkPerformanceParameterTypeINTEL, x) convert(T::Type{VkPerformanceValueTypeINTEL}, x::PerformanceValueTypeINTEL) = Base.bitcast(VkPerformanceValueTypeINTEL, x) convert(T::Type{VkShaderFloatControlsIndependence}, x::ShaderFloatControlsIndependence) = Base.bitcast(VkShaderFloatControlsIndependence, x) convert(T::Type{VkPipelineExecutableStatisticFormatKHR}, x::PipelineExecutableStatisticFormatKHR) = Base.bitcast(VkPipelineExecutableStatisticFormatKHR, x) convert(T::Type{VkLineRasterizationModeEXT}, x::LineRasterizationModeEXT) = Base.bitcast(VkLineRasterizationModeEXT, x) convert(T::Type{VkFragmentShadingRateCombinerOpKHR}, x::FragmentShadingRateCombinerOpKHR) = Base.bitcast(VkFragmentShadingRateCombinerOpKHR, x) convert(T::Type{VkFragmentShadingRateNV}, x::FragmentShadingRateNV) = Base.bitcast(VkFragmentShadingRateNV, x) convert(T::Type{VkFragmentShadingRateTypeNV}, x::FragmentShadingRateTypeNV) = Base.bitcast(VkFragmentShadingRateTypeNV, x) convert(T::Type{VkSubpassMergeStatusEXT}, x::SubpassMergeStatusEXT) = Base.bitcast(VkSubpassMergeStatusEXT, x) convert(T::Type{VkProvokingVertexModeEXT}, x::ProvokingVertexModeEXT) = Base.bitcast(VkProvokingVertexModeEXT, x) convert(T::Type{VkAccelerationStructureMotionInstanceTypeNV}, x::AccelerationStructureMotionInstanceTypeNV) = Base.bitcast(VkAccelerationStructureMotionInstanceTypeNV, x) convert(T::Type{VkDeviceAddressBindingTypeEXT}, x::DeviceAddressBindingTypeEXT) = Base.bitcast(VkDeviceAddressBindingTypeEXT, x) convert(T::Type{VkQueryResultStatusKHR}, x::QueryResultStatusKHR) = Base.bitcast(VkQueryResultStatusKHR, x) convert(T::Type{VkPipelineRobustnessBufferBehaviorEXT}, x::PipelineRobustnessBufferBehaviorEXT) = Base.bitcast(VkPipelineRobustnessBufferBehaviorEXT, x) convert(T::Type{VkPipelineRobustnessImageBehaviorEXT}, x::PipelineRobustnessImageBehaviorEXT) = Base.bitcast(VkPipelineRobustnessImageBehaviorEXT, x) convert(T::Type{VkOpticalFlowPerformanceLevelNV}, x::OpticalFlowPerformanceLevelNV) = Base.bitcast(VkOpticalFlowPerformanceLevelNV, x) convert(T::Type{VkOpticalFlowSessionBindingPointNV}, x::OpticalFlowSessionBindingPointNV) = Base.bitcast(VkOpticalFlowSessionBindingPointNV, x) convert(T::Type{VkMicromapTypeEXT}, x::MicromapTypeEXT) = Base.bitcast(VkMicromapTypeEXT, x) convert(T::Type{VkCopyMicromapModeEXT}, x::CopyMicromapModeEXT) = Base.bitcast(VkCopyMicromapModeEXT, x) convert(T::Type{VkBuildMicromapModeEXT}, x::BuildMicromapModeEXT) = Base.bitcast(VkBuildMicromapModeEXT, x) convert(T::Type{VkOpacityMicromapFormatEXT}, x::OpacityMicromapFormatEXT) = Base.bitcast(VkOpacityMicromapFormatEXT, x) convert(T::Type{VkOpacityMicromapSpecialIndexEXT}, x::OpacityMicromapSpecialIndexEXT) = Base.bitcast(VkOpacityMicromapSpecialIndexEXT, x) convert(T::Type{VkDeviceFaultAddressTypeEXT}, x::DeviceFaultAddressTypeEXT) = Base.bitcast(VkDeviceFaultAddressTypeEXT, x) convert(T::Type{VkDeviceFaultVendorBinaryHeaderVersionEXT}, x::DeviceFaultVendorBinaryHeaderVersionEXT) = Base.bitcast(VkDeviceFaultVendorBinaryHeaderVersionEXT, x) @bitmask PipelineCacheCreateFlag::UInt32 begin PIPELINE_CACHE_CREATE_EXTERNALLY_SYNCHRONIZED_BIT = 1 end @bitmask QueueFlag::UInt32 begin QUEUE_GRAPHICS_BIT = 1 QUEUE_COMPUTE_BIT = 2 QUEUE_TRANSFER_BIT = 4 QUEUE_SPARSE_BINDING_BIT = 8 QUEUE_PROTECTED_BIT = 16 QUEUE_VIDEO_DECODE_BIT_KHR = 32 QUEUE_VIDEO_ENCODE_BIT_KHR = 64 QUEUE_OPTICAL_FLOW_BIT_NV = 256 end @bitmask CullModeFlag::UInt32 begin CULL_MODE_FRONT_BIT = 1 CULL_MODE_BACK_BIT = 2 CULL_MODE_NONE = 0 CULL_MODE_FRONT_AND_BACK = 3 end @bitmask RenderPassCreateFlag::UInt32 begin RENDER_PASS_CREATE_TRANSFORM_BIT_QCOM = 2 end @bitmask DeviceQueueCreateFlag::UInt32 begin DEVICE_QUEUE_CREATE_PROTECTED_BIT = 1 end @bitmask MemoryPropertyFlag::UInt32 begin MEMORY_PROPERTY_DEVICE_LOCAL_BIT = 1 MEMORY_PROPERTY_HOST_VISIBLE_BIT = 2 MEMORY_PROPERTY_HOST_COHERENT_BIT = 4 MEMORY_PROPERTY_HOST_CACHED_BIT = 8 MEMORY_PROPERTY_LAZILY_ALLOCATED_BIT = 16 MEMORY_PROPERTY_PROTECTED_BIT = 32 MEMORY_PROPERTY_DEVICE_COHERENT_BIT_AMD = 64 MEMORY_PROPERTY_DEVICE_UNCACHED_BIT_AMD = 128 MEMORY_PROPERTY_RDMA_CAPABLE_BIT_NV = 256 end @bitmask MemoryHeapFlag::UInt32 begin MEMORY_HEAP_DEVICE_LOCAL_BIT = 1 MEMORY_HEAP_MULTI_INSTANCE_BIT = 2 end @bitmask AccessFlag::UInt32 begin ACCESS_INDIRECT_COMMAND_READ_BIT = 1 ACCESS_INDEX_READ_BIT = 2 ACCESS_VERTEX_ATTRIBUTE_READ_BIT = 4 ACCESS_UNIFORM_READ_BIT = 8 ACCESS_INPUT_ATTACHMENT_READ_BIT = 16 ACCESS_SHADER_READ_BIT = 32 ACCESS_SHADER_WRITE_BIT = 64 ACCESS_COLOR_ATTACHMENT_READ_BIT = 128 ACCESS_COLOR_ATTACHMENT_WRITE_BIT = 256 ACCESS_DEPTH_STENCIL_ATTACHMENT_READ_BIT = 512 ACCESS_DEPTH_STENCIL_ATTACHMENT_WRITE_BIT = 1024 ACCESS_TRANSFER_READ_BIT = 2048 ACCESS_TRANSFER_WRITE_BIT = 4096 ACCESS_HOST_READ_BIT = 8192 ACCESS_HOST_WRITE_BIT = 16384 ACCESS_MEMORY_READ_BIT = 32768 ACCESS_MEMORY_WRITE_BIT = 65536 ACCESS_TRANSFORM_FEEDBACK_WRITE_BIT_EXT = 33554432 ACCESS_TRANSFORM_FEEDBACK_COUNTER_READ_BIT_EXT = 67108864 ACCESS_TRANSFORM_FEEDBACK_COUNTER_WRITE_BIT_EXT = 134217728 ACCESS_CONDITIONAL_RENDERING_READ_BIT_EXT = 1048576 ACCESS_COLOR_ATTACHMENT_READ_NONCOHERENT_BIT_EXT = 524288 ACCESS_ACCELERATION_STRUCTURE_READ_BIT_KHR = 2097152 ACCESS_ACCELERATION_STRUCTURE_WRITE_BIT_KHR = 4194304 ACCESS_FRAGMENT_DENSITY_MAP_READ_BIT_EXT = 16777216 ACCESS_FRAGMENT_SHADING_RATE_ATTACHMENT_READ_BIT_KHR = 8388608 ACCESS_COMMAND_PREPROCESS_READ_BIT_NV = 131072 ACCESS_COMMAND_PREPROCESS_WRITE_BIT_NV = 262144 ACCESS_NONE = 0 end @bitmask BufferUsageFlag::UInt32 begin BUFFER_USAGE_TRANSFER_SRC_BIT = 1 BUFFER_USAGE_TRANSFER_DST_BIT = 2 BUFFER_USAGE_UNIFORM_TEXEL_BUFFER_BIT = 4 BUFFER_USAGE_STORAGE_TEXEL_BUFFER_BIT = 8 BUFFER_USAGE_UNIFORM_BUFFER_BIT = 16 BUFFER_USAGE_STORAGE_BUFFER_BIT = 32 BUFFER_USAGE_INDEX_BUFFER_BIT = 64 BUFFER_USAGE_VERTEX_BUFFER_BIT = 128 BUFFER_USAGE_INDIRECT_BUFFER_BIT = 256 BUFFER_USAGE_SHADER_DEVICE_ADDRESS_BIT = 131072 BUFFER_USAGE_VIDEO_DECODE_SRC_BIT_KHR = 8192 BUFFER_USAGE_VIDEO_DECODE_DST_BIT_KHR = 16384 BUFFER_USAGE_TRANSFORM_FEEDBACK_BUFFER_BIT_EXT = 2048 BUFFER_USAGE_TRANSFORM_FEEDBACK_COUNTER_BUFFER_BIT_EXT = 4096 BUFFER_USAGE_CONDITIONAL_RENDERING_BIT_EXT = 512 BUFFER_USAGE_ACCELERATION_STRUCTURE_BUILD_INPUT_READ_ONLY_BIT_KHR = 524288 BUFFER_USAGE_ACCELERATION_STRUCTURE_STORAGE_BIT_KHR = 1048576 BUFFER_USAGE_SHADER_BINDING_TABLE_BIT_KHR = 1024 BUFFER_USAGE_VIDEO_ENCODE_DST_BIT_KHR = 32768 BUFFER_USAGE_VIDEO_ENCODE_SRC_BIT_KHR = 65536 BUFFER_USAGE_SAMPLER_DESCRIPTOR_BUFFER_BIT_EXT = 2097152 BUFFER_USAGE_RESOURCE_DESCRIPTOR_BUFFER_BIT_EXT = 4194304 BUFFER_USAGE_PUSH_DESCRIPTORS_DESCRIPTOR_BUFFER_BIT_EXT = 67108864 BUFFER_USAGE_MICROMAP_BUILD_INPUT_READ_ONLY_BIT_EXT = 8388608 BUFFER_USAGE_MICROMAP_STORAGE_BIT_EXT = 16777216 end @bitmask BufferCreateFlag::UInt32 begin BUFFER_CREATE_SPARSE_BINDING_BIT = 1 BUFFER_CREATE_SPARSE_RESIDENCY_BIT = 2 BUFFER_CREATE_SPARSE_ALIASED_BIT = 4 BUFFER_CREATE_PROTECTED_BIT = 8 BUFFER_CREATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT = 16 BUFFER_CREATE_DESCRIPTOR_BUFFER_CAPTURE_REPLAY_BIT_EXT = 32 end @bitmask ShaderStageFlag::UInt32 begin SHADER_STAGE_VERTEX_BIT = 1 SHADER_STAGE_TESSELLATION_CONTROL_BIT = 2 SHADER_STAGE_TESSELLATION_EVALUATION_BIT = 4 SHADER_STAGE_GEOMETRY_BIT = 8 SHADER_STAGE_FRAGMENT_BIT = 16 SHADER_STAGE_COMPUTE_BIT = 32 SHADER_STAGE_RAYGEN_BIT_KHR = 256 SHADER_STAGE_ANY_HIT_BIT_KHR = 512 SHADER_STAGE_CLOSEST_HIT_BIT_KHR = 1024 SHADER_STAGE_MISS_BIT_KHR = 2048 SHADER_STAGE_INTERSECTION_BIT_KHR = 4096 SHADER_STAGE_CALLABLE_BIT_KHR = 8192 SHADER_STAGE_TASK_BIT_EXT = 64 SHADER_STAGE_MESH_BIT_EXT = 128 SHADER_STAGE_SUBPASS_SHADING_BIT_HUAWEI = 16384 SHADER_STAGE_CLUSTER_CULLING_BIT_HUAWEI = 524288 SHADER_STAGE_ALL_GRAPHICS = 31 SHADER_STAGE_ALL = 2147483647 end @bitmask ImageUsageFlag::UInt32 begin IMAGE_USAGE_TRANSFER_SRC_BIT = 1 IMAGE_USAGE_TRANSFER_DST_BIT = 2 IMAGE_USAGE_SAMPLED_BIT = 4 IMAGE_USAGE_STORAGE_BIT = 8 IMAGE_USAGE_COLOR_ATTACHMENT_BIT = 16 IMAGE_USAGE_DEPTH_STENCIL_ATTACHMENT_BIT = 32 IMAGE_USAGE_TRANSIENT_ATTACHMENT_BIT = 64 IMAGE_USAGE_INPUT_ATTACHMENT_BIT = 128 IMAGE_USAGE_VIDEO_DECODE_DST_BIT_KHR = 1024 IMAGE_USAGE_VIDEO_DECODE_SRC_BIT_KHR = 2048 IMAGE_USAGE_VIDEO_DECODE_DPB_BIT_KHR = 4096 IMAGE_USAGE_FRAGMENT_DENSITY_MAP_BIT_EXT = 512 IMAGE_USAGE_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR = 256 IMAGE_USAGE_VIDEO_ENCODE_DST_BIT_KHR = 8192 IMAGE_USAGE_VIDEO_ENCODE_SRC_BIT_KHR = 16384 IMAGE_USAGE_VIDEO_ENCODE_DPB_BIT_KHR = 32768 IMAGE_USAGE_ATTACHMENT_FEEDBACK_LOOP_BIT_EXT = 524288 IMAGE_USAGE_INVOCATION_MASK_BIT_HUAWEI = 262144 IMAGE_USAGE_SAMPLE_WEIGHT_BIT_QCOM = 1048576 IMAGE_USAGE_SAMPLE_BLOCK_MATCH_BIT_QCOM = 2097152 end @bitmask ImageCreateFlag::UInt32 begin IMAGE_CREATE_SPARSE_BINDING_BIT = 1 IMAGE_CREATE_SPARSE_RESIDENCY_BIT = 2 IMAGE_CREATE_SPARSE_ALIASED_BIT = 4 IMAGE_CREATE_MUTABLE_FORMAT_BIT = 8 IMAGE_CREATE_CUBE_COMPATIBLE_BIT = 16 IMAGE_CREATE_ALIAS_BIT = 1024 IMAGE_CREATE_SPLIT_INSTANCE_BIND_REGIONS_BIT = 64 IMAGE_CREATE_2D_ARRAY_COMPATIBLE_BIT = 32 IMAGE_CREATE_BLOCK_TEXEL_VIEW_COMPATIBLE_BIT = 128 IMAGE_CREATE_EXTENDED_USAGE_BIT = 256 IMAGE_CREATE_PROTECTED_BIT = 2048 IMAGE_CREATE_DISJOINT_BIT = 512 IMAGE_CREATE_CORNER_SAMPLED_BIT_NV = 8192 IMAGE_CREATE_SAMPLE_LOCATIONS_COMPATIBLE_DEPTH_BIT_EXT = 4096 IMAGE_CREATE_SUBSAMPLED_BIT_EXT = 16384 IMAGE_CREATE_DESCRIPTOR_BUFFER_CAPTURE_REPLAY_BIT_EXT = 65536 IMAGE_CREATE_MULTISAMPLED_RENDER_TO_SINGLE_SAMPLED_BIT_EXT = 262144 IMAGE_CREATE_2D_VIEW_COMPATIBLE_BIT_EXT = 131072 IMAGE_CREATE_FRAGMENT_DENSITY_MAP_OFFSET_BIT_QCOM = 32768 end @bitmask ImageViewCreateFlag::UInt32 begin IMAGE_VIEW_CREATE_FRAGMENT_DENSITY_MAP_DYNAMIC_BIT_EXT = 1 IMAGE_VIEW_CREATE_DESCRIPTOR_BUFFER_CAPTURE_REPLAY_BIT_EXT = 4 IMAGE_VIEW_CREATE_FRAGMENT_DENSITY_MAP_DEFERRED_BIT_EXT = 2 end @bitmask SamplerCreateFlag::UInt32 begin SAMPLER_CREATE_SUBSAMPLED_BIT_EXT = 1 SAMPLER_CREATE_SUBSAMPLED_COARSE_RECONSTRUCTION_BIT_EXT = 2 SAMPLER_CREATE_DESCRIPTOR_BUFFER_CAPTURE_REPLAY_BIT_EXT = 8 SAMPLER_CREATE_NON_SEAMLESS_CUBE_MAP_BIT_EXT = 4 SAMPLER_CREATE_IMAGE_PROCESSING_BIT_QCOM = 16 end @bitmask PipelineCreateFlag::UInt32 begin PIPELINE_CREATE_DISABLE_OPTIMIZATION_BIT = 1 PIPELINE_CREATE_ALLOW_DERIVATIVES_BIT = 2 PIPELINE_CREATE_DERIVATIVE_BIT = 4 PIPELINE_CREATE_VIEW_INDEX_FROM_DEVICE_INDEX_BIT = 8 PIPELINE_CREATE_DISPATCH_BASE_BIT = 16 PIPELINE_CREATE_FAIL_ON_PIPELINE_COMPILE_REQUIRED_BIT = 256 PIPELINE_CREATE_EARLY_RETURN_ON_FAILURE_BIT = 512 PIPELINE_CREATE_RENDERING_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR = 2097152 PIPELINE_CREATE_RENDERING_FRAGMENT_DENSITY_MAP_ATTACHMENT_BIT_EXT = 4194304 PIPELINE_CREATE_RAY_TRACING_NO_NULL_ANY_HIT_SHADERS_BIT_KHR = 16384 PIPELINE_CREATE_RAY_TRACING_NO_NULL_CLOSEST_HIT_SHADERS_BIT_KHR = 32768 PIPELINE_CREATE_RAY_TRACING_NO_NULL_MISS_SHADERS_BIT_KHR = 65536 PIPELINE_CREATE_RAY_TRACING_NO_NULL_INTERSECTION_SHADERS_BIT_KHR = 131072 PIPELINE_CREATE_RAY_TRACING_SKIP_TRIANGLES_BIT_KHR = 4096 PIPELINE_CREATE_RAY_TRACING_SKIP_AABBS_BIT_KHR = 8192 PIPELINE_CREATE_RAY_TRACING_SHADER_GROUP_HANDLE_CAPTURE_REPLAY_BIT_KHR = 524288 PIPELINE_CREATE_DEFER_COMPILE_BIT_NV = 32 PIPELINE_CREATE_CAPTURE_STATISTICS_BIT_KHR = 64 PIPELINE_CREATE_CAPTURE_INTERNAL_REPRESENTATIONS_BIT_KHR = 128 PIPELINE_CREATE_INDIRECT_BINDABLE_BIT_NV = 262144 PIPELINE_CREATE_LIBRARY_BIT_KHR = 2048 PIPELINE_CREATE_DESCRIPTOR_BUFFER_BIT_EXT = 536870912 PIPELINE_CREATE_RETAIN_LINK_TIME_OPTIMIZATION_INFO_BIT_EXT = 8388608 PIPELINE_CREATE_LINK_TIME_OPTIMIZATION_BIT_EXT = 1024 PIPELINE_CREATE_RAY_TRACING_ALLOW_MOTION_BIT_NV = 1048576 PIPELINE_CREATE_COLOR_ATTACHMENT_FEEDBACK_LOOP_BIT_EXT = 33554432 PIPELINE_CREATE_DEPTH_STENCIL_ATTACHMENT_FEEDBACK_LOOP_BIT_EXT = 67108864 PIPELINE_CREATE_RAY_TRACING_OPACITY_MICROMAP_BIT_EXT = 16777216 PIPELINE_CREATE_NO_PROTECTED_ACCESS_BIT_EXT = 134217728 PIPELINE_CREATE_PROTECTED_ACCESS_ONLY_BIT_EXT = 1073741824 end @bitmask PipelineShaderStageCreateFlag::UInt32 begin PIPELINE_SHADER_STAGE_CREATE_ALLOW_VARYING_SUBGROUP_SIZE_BIT = 1 PIPELINE_SHADER_STAGE_CREATE_REQUIRE_FULL_SUBGROUPS_BIT = 2 end @bitmask ColorComponentFlag::UInt32 begin COLOR_COMPONENT_R_BIT = 1 COLOR_COMPONENT_G_BIT = 2 COLOR_COMPONENT_B_BIT = 4 COLOR_COMPONENT_A_BIT = 8 end @bitmask FenceCreateFlag::UInt32 begin FENCE_CREATE_SIGNALED_BIT = 1 end @bitmask SemaphoreCreateFlag::UInt32 begin end @bitmask FormatFeatureFlag::UInt32 begin FORMAT_FEATURE_SAMPLED_IMAGE_BIT = 1 FORMAT_FEATURE_STORAGE_IMAGE_BIT = 2 FORMAT_FEATURE_STORAGE_IMAGE_ATOMIC_BIT = 4 FORMAT_FEATURE_UNIFORM_TEXEL_BUFFER_BIT = 8 FORMAT_FEATURE_STORAGE_TEXEL_BUFFER_BIT = 16 FORMAT_FEATURE_STORAGE_TEXEL_BUFFER_ATOMIC_BIT = 32 FORMAT_FEATURE_VERTEX_BUFFER_BIT = 64 FORMAT_FEATURE_COLOR_ATTACHMENT_BIT = 128 FORMAT_FEATURE_COLOR_ATTACHMENT_BLEND_BIT = 256 FORMAT_FEATURE_DEPTH_STENCIL_ATTACHMENT_BIT = 512 FORMAT_FEATURE_BLIT_SRC_BIT = 1024 FORMAT_FEATURE_BLIT_DST_BIT = 2048 FORMAT_FEATURE_SAMPLED_IMAGE_FILTER_LINEAR_BIT = 4096 FORMAT_FEATURE_TRANSFER_SRC_BIT = 16384 FORMAT_FEATURE_TRANSFER_DST_BIT = 32768 FORMAT_FEATURE_MIDPOINT_CHROMA_SAMPLES_BIT = 131072 FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_LINEAR_FILTER_BIT = 262144 FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_SEPARATE_RECONSTRUCTION_FILTER_BIT = 524288 FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_BIT = 1048576 FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_FORCEABLE_BIT = 2097152 FORMAT_FEATURE_DISJOINT_BIT = 4194304 FORMAT_FEATURE_COSITED_CHROMA_SAMPLES_BIT = 8388608 FORMAT_FEATURE_SAMPLED_IMAGE_FILTER_MINMAX_BIT = 65536 FORMAT_FEATURE_VIDEO_DECODE_OUTPUT_BIT_KHR = 33554432 FORMAT_FEATURE_VIDEO_DECODE_DPB_BIT_KHR = 67108864 FORMAT_FEATURE_ACCELERATION_STRUCTURE_VERTEX_BUFFER_BIT_KHR = 536870912 FORMAT_FEATURE_SAMPLED_IMAGE_FILTER_CUBIC_BIT_EXT = 8192 FORMAT_FEATURE_FRAGMENT_DENSITY_MAP_BIT_EXT = 16777216 FORMAT_FEATURE_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR = 1073741824 FORMAT_FEATURE_VIDEO_ENCODE_INPUT_BIT_KHR = 134217728 FORMAT_FEATURE_VIDEO_ENCODE_DPB_BIT_KHR = 268435456 end @bitmask QueryControlFlag::UInt32 begin QUERY_CONTROL_PRECISE_BIT = 1 end @bitmask QueryResultFlag::UInt32 begin QUERY_RESULT_64_BIT = 1 QUERY_RESULT_WAIT_BIT = 2 QUERY_RESULT_WITH_AVAILABILITY_BIT = 4 QUERY_RESULT_PARTIAL_BIT = 8 QUERY_RESULT_WITH_STATUS_BIT_KHR = 16 end @bitmask CommandBufferUsageFlag::UInt32 begin COMMAND_BUFFER_USAGE_ONE_TIME_SUBMIT_BIT = 1 COMMAND_BUFFER_USAGE_RENDER_PASS_CONTINUE_BIT = 2 COMMAND_BUFFER_USAGE_SIMULTANEOUS_USE_BIT = 4 end @bitmask QueryPipelineStatisticFlag::UInt32 begin QUERY_PIPELINE_STATISTIC_INPUT_ASSEMBLY_VERTICES_BIT = 1 QUERY_PIPELINE_STATISTIC_INPUT_ASSEMBLY_PRIMITIVES_BIT = 2 QUERY_PIPELINE_STATISTIC_VERTEX_SHADER_INVOCATIONS_BIT = 4 QUERY_PIPELINE_STATISTIC_GEOMETRY_SHADER_INVOCATIONS_BIT = 8 QUERY_PIPELINE_STATISTIC_GEOMETRY_SHADER_PRIMITIVES_BIT = 16 QUERY_PIPELINE_STATISTIC_CLIPPING_INVOCATIONS_BIT = 32 QUERY_PIPELINE_STATISTIC_CLIPPING_PRIMITIVES_BIT = 64 QUERY_PIPELINE_STATISTIC_FRAGMENT_SHADER_INVOCATIONS_BIT = 128 QUERY_PIPELINE_STATISTIC_TESSELLATION_CONTROL_SHADER_PATCHES_BIT = 256 QUERY_PIPELINE_STATISTIC_TESSELLATION_EVALUATION_SHADER_INVOCATIONS_BIT = 512 QUERY_PIPELINE_STATISTIC_COMPUTE_SHADER_INVOCATIONS_BIT = 1024 QUERY_PIPELINE_STATISTIC_TASK_SHADER_INVOCATIONS_BIT_EXT = 2048 QUERY_PIPELINE_STATISTIC_MESH_SHADER_INVOCATIONS_BIT_EXT = 4096 QUERY_PIPELINE_STATISTIC_CLUSTER_CULLING_SHADER_INVOCATIONS_BIT_HUAWEI = 8192 end @bitmask ImageAspectFlag::UInt32 begin IMAGE_ASPECT_COLOR_BIT = 1 IMAGE_ASPECT_DEPTH_BIT = 2 IMAGE_ASPECT_STENCIL_BIT = 4 IMAGE_ASPECT_METADATA_BIT = 8 IMAGE_ASPECT_PLANE_0_BIT = 16 IMAGE_ASPECT_PLANE_1_BIT = 32 IMAGE_ASPECT_PLANE_2_BIT = 64 IMAGE_ASPECT_MEMORY_PLANE_0_BIT_EXT = 128 IMAGE_ASPECT_MEMORY_PLANE_1_BIT_EXT = 256 IMAGE_ASPECT_MEMORY_PLANE_2_BIT_EXT = 512 IMAGE_ASPECT_MEMORY_PLANE_3_BIT_EXT = 1024 IMAGE_ASPECT_NONE = 0 end @bitmask SparseImageFormatFlag::UInt32 begin SPARSE_IMAGE_FORMAT_SINGLE_MIPTAIL_BIT = 1 SPARSE_IMAGE_FORMAT_ALIGNED_MIP_SIZE_BIT = 2 SPARSE_IMAGE_FORMAT_NONSTANDARD_BLOCK_SIZE_BIT = 4 end @bitmask SparseMemoryBindFlag::UInt32 begin SPARSE_MEMORY_BIND_METADATA_BIT = 1 end @bitmask PipelineStageFlag::UInt32 begin PIPELINE_STAGE_TOP_OF_PIPE_BIT = 1 PIPELINE_STAGE_DRAW_INDIRECT_BIT = 2 PIPELINE_STAGE_VERTEX_INPUT_BIT = 4 PIPELINE_STAGE_VERTEX_SHADER_BIT = 8 PIPELINE_STAGE_TESSELLATION_CONTROL_SHADER_BIT = 16 PIPELINE_STAGE_TESSELLATION_EVALUATION_SHADER_BIT = 32 PIPELINE_STAGE_GEOMETRY_SHADER_BIT = 64 PIPELINE_STAGE_FRAGMENT_SHADER_BIT = 128 PIPELINE_STAGE_EARLY_FRAGMENT_TESTS_BIT = 256 PIPELINE_STAGE_LATE_FRAGMENT_TESTS_BIT = 512 PIPELINE_STAGE_COLOR_ATTACHMENT_OUTPUT_BIT = 1024 PIPELINE_STAGE_COMPUTE_SHADER_BIT = 2048 PIPELINE_STAGE_TRANSFER_BIT = 4096 PIPELINE_STAGE_BOTTOM_OF_PIPE_BIT = 8192 PIPELINE_STAGE_HOST_BIT = 16384 PIPELINE_STAGE_ALL_GRAPHICS_BIT = 32768 PIPELINE_STAGE_ALL_COMMANDS_BIT = 65536 PIPELINE_STAGE_TRANSFORM_FEEDBACK_BIT_EXT = 16777216 PIPELINE_STAGE_CONDITIONAL_RENDERING_BIT_EXT = 262144 PIPELINE_STAGE_ACCELERATION_STRUCTURE_BUILD_BIT_KHR = 33554432 PIPELINE_STAGE_RAY_TRACING_SHADER_BIT_KHR = 2097152 PIPELINE_STAGE_FRAGMENT_DENSITY_PROCESS_BIT_EXT = 8388608 PIPELINE_STAGE_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR = 4194304 PIPELINE_STAGE_COMMAND_PREPROCESS_BIT_NV = 131072 PIPELINE_STAGE_TASK_SHADER_BIT_EXT = 524288 PIPELINE_STAGE_MESH_SHADER_BIT_EXT = 1048576 PIPELINE_STAGE_NONE = 0 end @bitmask CommandPoolCreateFlag::UInt32 begin COMMAND_POOL_CREATE_TRANSIENT_BIT = 1 COMMAND_POOL_CREATE_RESET_COMMAND_BUFFER_BIT = 2 COMMAND_POOL_CREATE_PROTECTED_BIT = 4 end @bitmask CommandPoolResetFlag::UInt32 begin COMMAND_POOL_RESET_RELEASE_RESOURCES_BIT = 1 end @bitmask CommandBufferResetFlag::UInt32 begin COMMAND_BUFFER_RESET_RELEASE_RESOURCES_BIT = 1 end @bitmask SampleCountFlag::UInt32 begin SAMPLE_COUNT_1_BIT = 1 SAMPLE_COUNT_2_BIT = 2 SAMPLE_COUNT_4_BIT = 4 SAMPLE_COUNT_8_BIT = 8 SAMPLE_COUNT_16_BIT = 16 SAMPLE_COUNT_32_BIT = 32 SAMPLE_COUNT_64_BIT = 64 end @bitmask AttachmentDescriptionFlag::UInt32 begin ATTACHMENT_DESCRIPTION_MAY_ALIAS_BIT = 1 end @bitmask StencilFaceFlag::UInt32 begin STENCIL_FACE_FRONT_BIT = 1 STENCIL_FACE_BACK_BIT = 2 STENCIL_FACE_FRONT_AND_BACK = 3 end @bitmask DescriptorPoolCreateFlag::UInt32 begin DESCRIPTOR_POOL_CREATE_FREE_DESCRIPTOR_SET_BIT = 1 DESCRIPTOR_POOL_CREATE_UPDATE_AFTER_BIND_BIT = 2 DESCRIPTOR_POOL_CREATE_HOST_ONLY_BIT_EXT = 4 end @bitmask DependencyFlag::UInt32 begin DEPENDENCY_BY_REGION_BIT = 1 DEPENDENCY_DEVICE_GROUP_BIT = 4 DEPENDENCY_VIEW_LOCAL_BIT = 2 DEPENDENCY_FEEDBACK_LOOP_BIT_EXT = 8 end @bitmask SemaphoreWaitFlag::UInt32 begin SEMAPHORE_WAIT_ANY_BIT = 1 end @bitmask DisplayPlaneAlphaFlagKHR::UInt32 begin DISPLAY_PLANE_ALPHA_OPAQUE_BIT_KHR = 1 DISPLAY_PLANE_ALPHA_GLOBAL_BIT_KHR = 2 DISPLAY_PLANE_ALPHA_PER_PIXEL_BIT_KHR = 4 DISPLAY_PLANE_ALPHA_PER_PIXEL_PREMULTIPLIED_BIT_KHR = 8 end @bitmask CompositeAlphaFlagKHR::UInt32 begin COMPOSITE_ALPHA_OPAQUE_BIT_KHR = 1 COMPOSITE_ALPHA_PRE_MULTIPLIED_BIT_KHR = 2 COMPOSITE_ALPHA_POST_MULTIPLIED_BIT_KHR = 4 COMPOSITE_ALPHA_INHERIT_BIT_KHR = 8 end @bitmask SurfaceTransformFlagKHR::UInt32 begin SURFACE_TRANSFORM_IDENTITY_BIT_KHR = 1 SURFACE_TRANSFORM_ROTATE_90_BIT_KHR = 2 SURFACE_TRANSFORM_ROTATE_180_BIT_KHR = 4 SURFACE_TRANSFORM_ROTATE_270_BIT_KHR = 8 SURFACE_TRANSFORM_HORIZONTAL_MIRROR_BIT_KHR = 16 SURFACE_TRANSFORM_HORIZONTAL_MIRROR_ROTATE_90_BIT_KHR = 32 SURFACE_TRANSFORM_HORIZONTAL_MIRROR_ROTATE_180_BIT_KHR = 64 SURFACE_TRANSFORM_HORIZONTAL_MIRROR_ROTATE_270_BIT_KHR = 128 SURFACE_TRANSFORM_INHERIT_BIT_KHR = 256 end @bitmask DebugReportFlagEXT::UInt32 begin DEBUG_REPORT_INFORMATION_BIT_EXT = 1 DEBUG_REPORT_WARNING_BIT_EXT = 2 DEBUG_REPORT_PERFORMANCE_WARNING_BIT_EXT = 4 DEBUG_REPORT_ERROR_BIT_EXT = 8 DEBUG_REPORT_DEBUG_BIT_EXT = 16 end @bitmask ExternalMemoryHandleTypeFlagNV::UInt32 begin EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_BIT_NV = 1 EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT_NV = 2 EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_IMAGE_BIT_NV = 4 EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_IMAGE_KMT_BIT_NV = 8 end @bitmask ExternalMemoryFeatureFlagNV::UInt32 begin EXTERNAL_MEMORY_FEATURE_DEDICATED_ONLY_BIT_NV = 1 EXTERNAL_MEMORY_FEATURE_EXPORTABLE_BIT_NV = 2 EXTERNAL_MEMORY_FEATURE_IMPORTABLE_BIT_NV = 4 end @bitmask SubgroupFeatureFlag::UInt32 begin SUBGROUP_FEATURE_BASIC_BIT = 1 SUBGROUP_FEATURE_VOTE_BIT = 2 SUBGROUP_FEATURE_ARITHMETIC_BIT = 4 SUBGROUP_FEATURE_BALLOT_BIT = 8 SUBGROUP_FEATURE_SHUFFLE_BIT = 16 SUBGROUP_FEATURE_SHUFFLE_RELATIVE_BIT = 32 SUBGROUP_FEATURE_CLUSTERED_BIT = 64 SUBGROUP_FEATURE_QUAD_BIT = 128 SUBGROUP_FEATURE_PARTITIONED_BIT_NV = 256 end @bitmask IndirectCommandsLayoutUsageFlagNV::UInt32 begin INDIRECT_COMMANDS_LAYOUT_USAGE_EXPLICIT_PREPROCESS_BIT_NV = 1 INDIRECT_COMMANDS_LAYOUT_USAGE_INDEXED_SEQUENCES_BIT_NV = 2 INDIRECT_COMMANDS_LAYOUT_USAGE_UNORDERED_SEQUENCES_BIT_NV = 4 end @bitmask IndirectStateFlagNV::UInt32 begin INDIRECT_STATE_FLAG_FRONTFACE_BIT_NV = 1 end @bitmask PrivateDataSlotCreateFlag::UInt32 begin end @bitmask DescriptorSetLayoutCreateFlag::UInt32 begin DESCRIPTOR_SET_LAYOUT_CREATE_UPDATE_AFTER_BIND_POOL_BIT = 2 DESCRIPTOR_SET_LAYOUT_CREATE_PUSH_DESCRIPTOR_BIT_KHR = 1 DESCRIPTOR_SET_LAYOUT_CREATE_DESCRIPTOR_BUFFER_BIT_EXT = 16 DESCRIPTOR_SET_LAYOUT_CREATE_EMBEDDED_IMMUTABLE_SAMPLERS_BIT_EXT = 32 DESCRIPTOR_SET_LAYOUT_CREATE_HOST_ONLY_POOL_BIT_EXT = 4 end @bitmask ExternalMemoryHandleTypeFlag::UInt32 begin EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_FD_BIT = 1 EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_BIT = 2 EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT = 4 EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_TEXTURE_BIT = 8 EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_TEXTURE_KMT_BIT = 16 EXTERNAL_MEMORY_HANDLE_TYPE_D3D12_HEAP_BIT = 32 EXTERNAL_MEMORY_HANDLE_TYPE_D3D12_RESOURCE_BIT = 64 EXTERNAL_MEMORY_HANDLE_TYPE_DMA_BUF_BIT_EXT = 512 EXTERNAL_MEMORY_HANDLE_TYPE_ANDROID_HARDWARE_BUFFER_BIT_ANDROID = 1024 EXTERNAL_MEMORY_HANDLE_TYPE_HOST_ALLOCATION_BIT_EXT = 128 EXTERNAL_MEMORY_HANDLE_TYPE_HOST_MAPPED_FOREIGN_MEMORY_BIT_EXT = 256 EXTERNAL_MEMORY_HANDLE_TYPE_ZIRCON_VMO_BIT_FUCHSIA = 2048 EXTERNAL_MEMORY_HANDLE_TYPE_RDMA_ADDRESS_BIT_NV = 4096 end @bitmask ExternalMemoryFeatureFlag::UInt32 begin EXTERNAL_MEMORY_FEATURE_DEDICATED_ONLY_BIT = 1 EXTERNAL_MEMORY_FEATURE_EXPORTABLE_BIT = 2 EXTERNAL_MEMORY_FEATURE_IMPORTABLE_BIT = 4 end @bitmask ExternalSemaphoreHandleTypeFlag::UInt32 begin EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_FD_BIT = 1 EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_WIN32_BIT = 2 EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT = 4 EXTERNAL_SEMAPHORE_HANDLE_TYPE_D3D12_FENCE_BIT = 8 EXTERNAL_SEMAPHORE_HANDLE_TYPE_SYNC_FD_BIT = 16 EXTERNAL_SEMAPHORE_HANDLE_TYPE_ZIRCON_EVENT_BIT_FUCHSIA = 128 end @bitmask ExternalSemaphoreFeatureFlag::UInt32 begin EXTERNAL_SEMAPHORE_FEATURE_EXPORTABLE_BIT = 1 EXTERNAL_SEMAPHORE_FEATURE_IMPORTABLE_BIT = 2 end @bitmask SemaphoreImportFlag::UInt32 begin SEMAPHORE_IMPORT_TEMPORARY_BIT = 1 end @bitmask ExternalFenceHandleTypeFlag::UInt32 begin EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_FD_BIT = 1 EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_WIN32_BIT = 2 EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT = 4 EXTERNAL_FENCE_HANDLE_TYPE_SYNC_FD_BIT = 8 end @bitmask ExternalFenceFeatureFlag::UInt32 begin EXTERNAL_FENCE_FEATURE_EXPORTABLE_BIT = 1 EXTERNAL_FENCE_FEATURE_IMPORTABLE_BIT = 2 end @bitmask FenceImportFlag::UInt32 begin FENCE_IMPORT_TEMPORARY_BIT = 1 end @bitmask SurfaceCounterFlagEXT::UInt32 begin SURFACE_COUNTER_VBLANK_BIT_EXT = 1 end @bitmask PeerMemoryFeatureFlag::UInt32 begin PEER_MEMORY_FEATURE_COPY_SRC_BIT = 1 PEER_MEMORY_FEATURE_COPY_DST_BIT = 2 PEER_MEMORY_FEATURE_GENERIC_SRC_BIT = 4 PEER_MEMORY_FEATURE_GENERIC_DST_BIT = 8 end @bitmask MemoryAllocateFlag::UInt32 begin MEMORY_ALLOCATE_DEVICE_MASK_BIT = 1 MEMORY_ALLOCATE_DEVICE_ADDRESS_BIT = 2 MEMORY_ALLOCATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT = 4 end @bitmask DeviceGroupPresentModeFlagKHR::UInt32 begin DEVICE_GROUP_PRESENT_MODE_LOCAL_BIT_KHR = 1 DEVICE_GROUP_PRESENT_MODE_REMOTE_BIT_KHR = 2 DEVICE_GROUP_PRESENT_MODE_SUM_BIT_KHR = 4 DEVICE_GROUP_PRESENT_MODE_LOCAL_MULTI_DEVICE_BIT_KHR = 8 end @bitmask SwapchainCreateFlagKHR::UInt32 begin SWAPCHAIN_CREATE_SPLIT_INSTANCE_BIND_REGIONS_BIT_KHR = 1 SWAPCHAIN_CREATE_PROTECTED_BIT_KHR = 2 SWAPCHAIN_CREATE_MUTABLE_FORMAT_BIT_KHR = 4 SWAPCHAIN_CREATE_DEFERRED_MEMORY_ALLOCATION_BIT_EXT = 8 end @bitmask SubpassDescriptionFlag::UInt32 begin SUBPASS_DESCRIPTION_PER_VIEW_ATTRIBUTES_BIT_NVX = 1 SUBPASS_DESCRIPTION_PER_VIEW_POSITION_X_ONLY_BIT_NVX = 2 SUBPASS_DESCRIPTION_FRAGMENT_REGION_BIT_QCOM = 4 SUBPASS_DESCRIPTION_SHADER_RESOLVE_BIT_QCOM = 8 SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_COLOR_ACCESS_BIT_EXT = 16 SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_DEPTH_ACCESS_BIT_EXT = 32 SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_STENCIL_ACCESS_BIT_EXT = 64 SUBPASS_DESCRIPTION_ENABLE_LEGACY_DITHERING_BIT_EXT = 128 end @bitmask DebugUtilsMessageSeverityFlagEXT::UInt32 begin DEBUG_UTILS_MESSAGE_SEVERITY_VERBOSE_BIT_EXT = 1 DEBUG_UTILS_MESSAGE_SEVERITY_INFO_BIT_EXT = 16 DEBUG_UTILS_MESSAGE_SEVERITY_WARNING_BIT_EXT = 256 DEBUG_UTILS_MESSAGE_SEVERITY_ERROR_BIT_EXT = 4096 end @bitmask DebugUtilsMessageTypeFlagEXT::UInt32 begin DEBUG_UTILS_MESSAGE_TYPE_GENERAL_BIT_EXT = 1 DEBUG_UTILS_MESSAGE_TYPE_VALIDATION_BIT_EXT = 2 DEBUG_UTILS_MESSAGE_TYPE_PERFORMANCE_BIT_EXT = 4 DEBUG_UTILS_MESSAGE_TYPE_DEVICE_ADDRESS_BINDING_BIT_EXT = 8 end @bitmask DescriptorBindingFlag::UInt32 begin DESCRIPTOR_BINDING_UPDATE_AFTER_BIND_BIT = 1 DESCRIPTOR_BINDING_UPDATE_UNUSED_WHILE_PENDING_BIT = 2 DESCRIPTOR_BINDING_PARTIALLY_BOUND_BIT = 4 DESCRIPTOR_BINDING_VARIABLE_DESCRIPTOR_COUNT_BIT = 8 end @bitmask ConditionalRenderingFlagEXT::UInt32 begin CONDITIONAL_RENDERING_INVERTED_BIT_EXT = 1 end @bitmask ResolveModeFlag::UInt32 begin RESOLVE_MODE_SAMPLE_ZERO_BIT = 1 RESOLVE_MODE_AVERAGE_BIT = 2 RESOLVE_MODE_MIN_BIT = 4 RESOLVE_MODE_MAX_BIT = 8 RESOLVE_MODE_NONE = 0 end @bitmask GeometryInstanceFlagKHR::UInt32 begin GEOMETRY_INSTANCE_TRIANGLE_FACING_CULL_DISABLE_BIT_KHR = 1 GEOMETRY_INSTANCE_TRIANGLE_FLIP_FACING_BIT_KHR = 2 GEOMETRY_INSTANCE_FORCE_OPAQUE_BIT_KHR = 4 GEOMETRY_INSTANCE_FORCE_NO_OPAQUE_BIT_KHR = 8 GEOMETRY_INSTANCE_FORCE_OPACITY_MICROMAP_2_STATE_EXT = 16 GEOMETRY_INSTANCE_DISABLE_OPACITY_MICROMAPS_EXT = 32 end @bitmask GeometryFlagKHR::UInt32 begin GEOMETRY_OPAQUE_BIT_KHR = 1 GEOMETRY_NO_DUPLICATE_ANY_HIT_INVOCATION_BIT_KHR = 2 end @bitmask BuildAccelerationStructureFlagKHR::UInt32 begin BUILD_ACCELERATION_STRUCTURE_ALLOW_UPDATE_BIT_KHR = 1 BUILD_ACCELERATION_STRUCTURE_ALLOW_COMPACTION_BIT_KHR = 2 BUILD_ACCELERATION_STRUCTURE_PREFER_FAST_TRACE_BIT_KHR = 4 BUILD_ACCELERATION_STRUCTURE_PREFER_FAST_BUILD_BIT_KHR = 8 BUILD_ACCELERATION_STRUCTURE_LOW_MEMORY_BIT_KHR = 16 BUILD_ACCELERATION_STRUCTURE_MOTION_BIT_NV = 32 BUILD_ACCELERATION_STRUCTURE_ALLOW_OPACITY_MICROMAP_UPDATE_EXT = 64 BUILD_ACCELERATION_STRUCTURE_ALLOW_DISABLE_OPACITY_MICROMAPS_EXT = 128 BUILD_ACCELERATION_STRUCTURE_ALLOW_OPACITY_MICROMAP_DATA_UPDATE_EXT = 256 end @bitmask AccelerationStructureCreateFlagKHR::UInt32 begin ACCELERATION_STRUCTURE_CREATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT_KHR = 1 ACCELERATION_STRUCTURE_CREATE_DESCRIPTOR_BUFFER_CAPTURE_REPLAY_BIT_EXT = 8 ACCELERATION_STRUCTURE_CREATE_MOTION_BIT_NV = 4 end @bitmask FramebufferCreateFlag::UInt32 begin FRAMEBUFFER_CREATE_IMAGELESS_BIT = 1 end @bitmask DeviceDiagnosticsConfigFlagNV::UInt32 begin DEVICE_DIAGNOSTICS_CONFIG_ENABLE_SHADER_DEBUG_INFO_BIT_NV = 1 DEVICE_DIAGNOSTICS_CONFIG_ENABLE_RESOURCE_TRACKING_BIT_NV = 2 DEVICE_DIAGNOSTICS_CONFIG_ENABLE_AUTOMATIC_CHECKPOINTS_BIT_NV = 4 DEVICE_DIAGNOSTICS_CONFIG_ENABLE_SHADER_ERROR_REPORTING_BIT_NV = 8 end @bitmask PipelineCreationFeedbackFlag::UInt32 begin PIPELINE_CREATION_FEEDBACK_VALID_BIT = 1 PIPELINE_CREATION_FEEDBACK_APPLICATION_PIPELINE_CACHE_HIT_BIT = 2 PIPELINE_CREATION_FEEDBACK_BASE_PIPELINE_ACCELERATION_BIT = 4 end @bitmask MemoryDecompressionMethodFlagNV::UInt64 begin MEMORY_DECOMPRESSION_METHOD_GDEFLATE_1_0_BIT_NV = 1 end @bitmask PerformanceCounterDescriptionFlagKHR::UInt32 begin PERFORMANCE_COUNTER_DESCRIPTION_PERFORMANCE_IMPACTING_BIT_KHR = 1 PERFORMANCE_COUNTER_DESCRIPTION_CONCURRENTLY_IMPACTED_BIT_KHR = 2 end @bitmask AcquireProfilingLockFlagKHR::UInt32 begin end @bitmask ShaderCorePropertiesFlagAMD::UInt32 begin end @bitmask ShaderModuleCreateFlag::UInt32 begin end @bitmask PipelineCompilerControlFlagAMD::UInt32 begin end @bitmask ToolPurposeFlag::UInt32 begin TOOL_PURPOSE_VALIDATION_BIT = 1 TOOL_PURPOSE_PROFILING_BIT = 2 TOOL_PURPOSE_TRACING_BIT = 4 TOOL_PURPOSE_ADDITIONAL_FEATURES_BIT = 8 TOOL_PURPOSE_MODIFYING_FEATURES_BIT = 16 TOOL_PURPOSE_DEBUG_REPORTING_BIT_EXT = 32 TOOL_PURPOSE_DEBUG_MARKERS_BIT_EXT = 64 end @bitmask AccessFlag2::UInt64 begin ACCESS_2_INDIRECT_COMMAND_READ_BIT = 1 ACCESS_2_INDEX_READ_BIT = 2 ACCESS_2_VERTEX_ATTRIBUTE_READ_BIT = 4 ACCESS_2_UNIFORM_READ_BIT = 8 ACCESS_2_INPUT_ATTACHMENT_READ_BIT = 16 ACCESS_2_SHADER_READ_BIT = 32 ACCESS_2_SHADER_WRITE_BIT = 64 ACCESS_2_COLOR_ATTACHMENT_READ_BIT = 128 ACCESS_2_COLOR_ATTACHMENT_WRITE_BIT = 256 ACCESS_2_DEPTH_STENCIL_ATTACHMENT_READ_BIT = 512 ACCESS_2_DEPTH_STENCIL_ATTACHMENT_WRITE_BIT = 1024 ACCESS_2_TRANSFER_READ_BIT = 2048 ACCESS_2_TRANSFER_WRITE_BIT = 4096 ACCESS_2_HOST_READ_BIT = 8192 ACCESS_2_HOST_WRITE_BIT = 16384 ACCESS_2_MEMORY_READ_BIT = 32768 ACCESS_2_MEMORY_WRITE_BIT = 65536 ACCESS_2_SHADER_SAMPLED_READ_BIT = 4294967296 ACCESS_2_SHADER_STORAGE_READ_BIT = 8589934592 ACCESS_2_SHADER_STORAGE_WRITE_BIT = 17179869184 ACCESS_2_VIDEO_DECODE_READ_BIT_KHR = 34359738368 ACCESS_2_VIDEO_DECODE_WRITE_BIT_KHR = 68719476736 ACCESS_2_VIDEO_ENCODE_READ_BIT_KHR = 137438953472 ACCESS_2_VIDEO_ENCODE_WRITE_BIT_KHR = 274877906944 ACCESS_2_TRANSFORM_FEEDBACK_WRITE_BIT_EXT = 33554432 ACCESS_2_TRANSFORM_FEEDBACK_COUNTER_READ_BIT_EXT = 67108864 ACCESS_2_TRANSFORM_FEEDBACK_COUNTER_WRITE_BIT_EXT = 134217728 ACCESS_2_CONDITIONAL_RENDERING_READ_BIT_EXT = 1048576 ACCESS_2_COMMAND_PREPROCESS_READ_BIT_NV = 131072 ACCESS_2_COMMAND_PREPROCESS_WRITE_BIT_NV = 262144 ACCESS_2_FRAGMENT_SHADING_RATE_ATTACHMENT_READ_BIT_KHR = 8388608 ACCESS_2_ACCELERATION_STRUCTURE_READ_BIT_KHR = 2097152 ACCESS_2_ACCELERATION_STRUCTURE_WRITE_BIT_KHR = 4194304 ACCESS_2_FRAGMENT_DENSITY_MAP_READ_BIT_EXT = 16777216 ACCESS_2_COLOR_ATTACHMENT_READ_NONCOHERENT_BIT_EXT = 524288 ACCESS_2_DESCRIPTOR_BUFFER_READ_BIT_EXT = 2199023255552 ACCESS_2_INVOCATION_MASK_READ_BIT_HUAWEI = 549755813888 ACCESS_2_SHADER_BINDING_TABLE_READ_BIT_KHR = 1099511627776 ACCESS_2_MICROMAP_READ_BIT_EXT = 17592186044416 ACCESS_2_MICROMAP_WRITE_BIT_EXT = 35184372088832 ACCESS_2_OPTICAL_FLOW_READ_BIT_NV = 4398046511104 ACCESS_2_OPTICAL_FLOW_WRITE_BIT_NV = 8796093022208 ACCESS_2_NONE = 0 end @bitmask PipelineStageFlag2::UInt64 begin PIPELINE_STAGE_2_TOP_OF_PIPE_BIT = 1 PIPELINE_STAGE_2_DRAW_INDIRECT_BIT = 2 PIPELINE_STAGE_2_VERTEX_INPUT_BIT = 4 PIPELINE_STAGE_2_VERTEX_SHADER_BIT = 8 PIPELINE_STAGE_2_TESSELLATION_CONTROL_SHADER_BIT = 16 PIPELINE_STAGE_2_TESSELLATION_EVALUATION_SHADER_BIT = 32 PIPELINE_STAGE_2_GEOMETRY_SHADER_BIT = 64 PIPELINE_STAGE_2_FRAGMENT_SHADER_BIT = 128 PIPELINE_STAGE_2_EARLY_FRAGMENT_TESTS_BIT = 256 PIPELINE_STAGE_2_LATE_FRAGMENT_TESTS_BIT = 512 PIPELINE_STAGE_2_COLOR_ATTACHMENT_OUTPUT_BIT = 1024 PIPELINE_STAGE_2_COMPUTE_SHADER_BIT = 2048 PIPELINE_STAGE_2_ALL_TRANSFER_BIT = 4096 PIPELINE_STAGE_2_BOTTOM_OF_PIPE_BIT = 8192 PIPELINE_STAGE_2_HOST_BIT = 16384 PIPELINE_STAGE_2_ALL_GRAPHICS_BIT = 32768 PIPELINE_STAGE_2_ALL_COMMANDS_BIT = 65536 PIPELINE_STAGE_2_COPY_BIT = 4294967296 PIPELINE_STAGE_2_RESOLVE_BIT = 8589934592 PIPELINE_STAGE_2_BLIT_BIT = 17179869184 PIPELINE_STAGE_2_CLEAR_BIT = 34359738368 PIPELINE_STAGE_2_INDEX_INPUT_BIT = 68719476736 PIPELINE_STAGE_2_VERTEX_ATTRIBUTE_INPUT_BIT = 137438953472 PIPELINE_STAGE_2_PRE_RASTERIZATION_SHADERS_BIT = 274877906944 PIPELINE_STAGE_2_VIDEO_DECODE_BIT_KHR = 67108864 PIPELINE_STAGE_2_VIDEO_ENCODE_BIT_KHR = 134217728 PIPELINE_STAGE_2_TRANSFORM_FEEDBACK_BIT_EXT = 16777216 PIPELINE_STAGE_2_CONDITIONAL_RENDERING_BIT_EXT = 262144 PIPELINE_STAGE_2_COMMAND_PREPROCESS_BIT_NV = 131072 PIPELINE_STAGE_2_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR = 4194304 PIPELINE_STAGE_2_ACCELERATION_STRUCTURE_BUILD_BIT_KHR = 33554432 PIPELINE_STAGE_2_RAY_TRACING_SHADER_BIT_KHR = 2097152 PIPELINE_STAGE_2_FRAGMENT_DENSITY_PROCESS_BIT_EXT = 8388608 PIPELINE_STAGE_2_TASK_SHADER_BIT_EXT = 524288 PIPELINE_STAGE_2_MESH_SHADER_BIT_EXT = 1048576 PIPELINE_STAGE_2_SUBPASS_SHADING_BIT_HUAWEI = 549755813888 PIPELINE_STAGE_2_INVOCATION_MASK_BIT_HUAWEI = 1099511627776 PIPELINE_STAGE_2_ACCELERATION_STRUCTURE_COPY_BIT_KHR = 268435456 PIPELINE_STAGE_2_MICROMAP_BUILD_BIT_EXT = 1073741824 PIPELINE_STAGE_2_CLUSTER_CULLING_SHADER_BIT_HUAWEI = 2199023255552 PIPELINE_STAGE_2_OPTICAL_FLOW_BIT_NV = 536870912 PIPELINE_STAGE_2_NONE = 0 end @bitmask SubmitFlag::UInt32 begin SUBMIT_PROTECTED_BIT = 1 end @bitmask EventCreateFlag::UInt32 begin EVENT_CREATE_DEVICE_ONLY_BIT = 1 end @bitmask PipelineLayoutCreateFlag::UInt32 begin PIPELINE_LAYOUT_CREATE_INDEPENDENT_SETS_BIT_EXT = 2 end @bitmask PipelineColorBlendStateCreateFlag::UInt32 begin PIPELINE_COLOR_BLEND_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_ACCESS_BIT_EXT = 1 end @bitmask PipelineDepthStencilStateCreateFlag::UInt32 begin PIPELINE_DEPTH_STENCIL_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_DEPTH_ACCESS_BIT_EXT = 1 PIPELINE_DEPTH_STENCIL_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_STENCIL_ACCESS_BIT_EXT = 2 end @bitmask GraphicsPipelineLibraryFlagEXT::UInt32 begin GRAPHICS_PIPELINE_LIBRARY_VERTEX_INPUT_INTERFACE_BIT_EXT = 1 GRAPHICS_PIPELINE_LIBRARY_PRE_RASTERIZATION_SHADERS_BIT_EXT = 2 GRAPHICS_PIPELINE_LIBRARY_FRAGMENT_SHADER_BIT_EXT = 4 GRAPHICS_PIPELINE_LIBRARY_FRAGMENT_OUTPUT_INTERFACE_BIT_EXT = 8 end @bitmask DeviceAddressBindingFlagEXT::UInt32 begin DEVICE_ADDRESS_BINDING_INTERNAL_OBJECT_BIT_EXT = 1 end @bitmask PresentScalingFlagEXT::UInt32 begin PRESENT_SCALING_ONE_TO_ONE_BIT_EXT = 1 PRESENT_SCALING_ASPECT_RATIO_STRETCH_BIT_EXT = 2 PRESENT_SCALING_STRETCH_BIT_EXT = 4 end @bitmask PresentGravityFlagEXT::UInt32 begin PRESENT_GRAVITY_MIN_BIT_EXT = 1 PRESENT_GRAVITY_MAX_BIT_EXT = 2 PRESENT_GRAVITY_CENTERED_BIT_EXT = 4 end @bitmask VideoCodecOperationFlagKHR::UInt32 begin VIDEO_CODEC_OPERATION_ENCODE_H264_BIT_EXT = 65536 VIDEO_CODEC_OPERATION_ENCODE_H265_BIT_EXT = 131072 VIDEO_CODEC_OPERATION_DECODE_H264_BIT_KHR = 1 VIDEO_CODEC_OPERATION_DECODE_H265_BIT_KHR = 2 VIDEO_CODEC_OPERATION_NONE_KHR = 0 end @bitmask VideoChromaSubsamplingFlagKHR::UInt32 begin VIDEO_CHROMA_SUBSAMPLING_MONOCHROME_BIT_KHR = 1 VIDEO_CHROMA_SUBSAMPLING_420_BIT_KHR = 2 VIDEO_CHROMA_SUBSAMPLING_422_BIT_KHR = 4 VIDEO_CHROMA_SUBSAMPLING_444_BIT_KHR = 8 VIDEO_CHROMA_SUBSAMPLING_INVALID_KHR = 0 end @bitmask VideoComponentBitDepthFlagKHR::UInt32 begin VIDEO_COMPONENT_BIT_DEPTH_8_BIT_KHR = 1 VIDEO_COMPONENT_BIT_DEPTH_10_BIT_KHR = 4 VIDEO_COMPONENT_BIT_DEPTH_12_BIT_KHR = 16 VIDEO_COMPONENT_BIT_DEPTH_INVALID_KHR = 0 end @bitmask VideoCapabilityFlagKHR::UInt32 begin VIDEO_CAPABILITY_PROTECTED_CONTENT_BIT_KHR = 1 VIDEO_CAPABILITY_SEPARATE_REFERENCE_IMAGES_BIT_KHR = 2 end @bitmask VideoSessionCreateFlagKHR::UInt32 begin VIDEO_SESSION_CREATE_PROTECTED_CONTENT_BIT_KHR = 1 end @bitmask VideoDecodeH264PictureLayoutFlagKHR::UInt32 begin VIDEO_DECODE_H264_PICTURE_LAYOUT_INTERLACED_INTERLEAVED_LINES_BIT_KHR = 1 VIDEO_DECODE_H264_PICTURE_LAYOUT_INTERLACED_SEPARATE_PLANES_BIT_KHR = 2 VIDEO_DECODE_H264_PICTURE_LAYOUT_PROGRESSIVE_KHR = 0 end @bitmask VideoCodingControlFlagKHR::UInt32 begin VIDEO_CODING_CONTROL_RESET_BIT_KHR = 1 VIDEO_CODING_CONTROL_ENCODE_RATE_CONTROL_BIT_KHR = 2 VIDEO_CODING_CONTROL_ENCODE_RATE_CONTROL_LAYER_BIT_KHR = 4 end @bitmask VideoDecodeUsageFlagKHR::UInt32 begin VIDEO_DECODE_USAGE_TRANSCODING_BIT_KHR = 1 VIDEO_DECODE_USAGE_OFFLINE_BIT_KHR = 2 VIDEO_DECODE_USAGE_STREAMING_BIT_KHR = 4 VIDEO_DECODE_USAGE_DEFAULT_KHR = 0 end @bitmask VideoDecodeCapabilityFlagKHR::UInt32 begin VIDEO_DECODE_CAPABILITY_DPB_AND_OUTPUT_COINCIDE_BIT_KHR = 1 VIDEO_DECODE_CAPABILITY_DPB_AND_OUTPUT_DISTINCT_BIT_KHR = 2 end @bitmask ImageFormatConstraintsFlagFUCHSIA::UInt32 begin end @bitmask FormatFeatureFlag2::UInt64 begin FORMAT_FEATURE_2_SAMPLED_IMAGE_BIT = 1 FORMAT_FEATURE_2_STORAGE_IMAGE_BIT = 2 FORMAT_FEATURE_2_STORAGE_IMAGE_ATOMIC_BIT = 4 FORMAT_FEATURE_2_UNIFORM_TEXEL_BUFFER_BIT = 8 FORMAT_FEATURE_2_STORAGE_TEXEL_BUFFER_BIT = 16 FORMAT_FEATURE_2_STORAGE_TEXEL_BUFFER_ATOMIC_BIT = 32 FORMAT_FEATURE_2_VERTEX_BUFFER_BIT = 64 FORMAT_FEATURE_2_COLOR_ATTACHMENT_BIT = 128 FORMAT_FEATURE_2_COLOR_ATTACHMENT_BLEND_BIT = 256 FORMAT_FEATURE_2_DEPTH_STENCIL_ATTACHMENT_BIT = 512 FORMAT_FEATURE_2_BLIT_SRC_BIT = 1024 FORMAT_FEATURE_2_BLIT_DST_BIT = 2048 FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_LINEAR_BIT = 4096 FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_CUBIC_BIT = 8192 FORMAT_FEATURE_2_TRANSFER_SRC_BIT = 16384 FORMAT_FEATURE_2_TRANSFER_DST_BIT = 32768 FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_MINMAX_BIT = 65536 FORMAT_FEATURE_2_MIDPOINT_CHROMA_SAMPLES_BIT = 131072 FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_LINEAR_FILTER_BIT = 262144 FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_SEPARATE_RECONSTRUCTION_FILTER_BIT = 524288 FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_BIT = 1048576 FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_FORCEABLE_BIT = 2097152 FORMAT_FEATURE_2_DISJOINT_BIT = 4194304 FORMAT_FEATURE_2_COSITED_CHROMA_SAMPLES_BIT = 8388608 FORMAT_FEATURE_2_STORAGE_READ_WITHOUT_FORMAT_BIT = 2147483648 FORMAT_FEATURE_2_STORAGE_WRITE_WITHOUT_FORMAT_BIT = 4294967296 FORMAT_FEATURE_2_SAMPLED_IMAGE_DEPTH_COMPARISON_BIT = 8589934592 FORMAT_FEATURE_2_VIDEO_DECODE_OUTPUT_BIT_KHR = 33554432 FORMAT_FEATURE_2_VIDEO_DECODE_DPB_BIT_KHR = 67108864 FORMAT_FEATURE_2_ACCELERATION_STRUCTURE_VERTEX_BUFFER_BIT_KHR = 536870912 FORMAT_FEATURE_2_FRAGMENT_DENSITY_MAP_BIT_EXT = 16777216 FORMAT_FEATURE_2_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR = 1073741824 FORMAT_FEATURE_2_VIDEO_ENCODE_INPUT_BIT_KHR = 134217728 FORMAT_FEATURE_2_VIDEO_ENCODE_DPB_BIT_KHR = 268435456 FORMAT_FEATURE_2_LINEAR_COLOR_ATTACHMENT_BIT_NV = 274877906944 FORMAT_FEATURE_2_WEIGHT_IMAGE_BIT_QCOM = 17179869184 FORMAT_FEATURE_2_WEIGHT_SAMPLED_IMAGE_BIT_QCOM = 34359738368 FORMAT_FEATURE_2_BLOCK_MATCHING_BIT_QCOM = 68719476736 FORMAT_FEATURE_2_BOX_FILTER_SAMPLED_BIT_QCOM = 137438953472 FORMAT_FEATURE_2_OPTICAL_FLOW_IMAGE_BIT_NV = 1099511627776 FORMAT_FEATURE_2_OPTICAL_FLOW_VECTOR_BIT_NV = 2199023255552 FORMAT_FEATURE_2_OPTICAL_FLOW_COST_BIT_NV = 4398046511104 end @bitmask RenderingFlag::UInt32 begin RENDERING_CONTENTS_SECONDARY_COMMAND_BUFFERS_BIT = 1 RENDERING_SUSPENDING_BIT = 2 RENDERING_RESUMING_BIT = 4 RENDERING_ENABLE_LEGACY_DITHERING_BIT_EXT = 8 end @bitmask ExportMetalObjectTypeFlagEXT::UInt32 begin EXPORT_METAL_OBJECT_TYPE_METAL_DEVICE_BIT_EXT = 1 EXPORT_METAL_OBJECT_TYPE_METAL_COMMAND_QUEUE_BIT_EXT = 2 EXPORT_METAL_OBJECT_TYPE_METAL_BUFFER_BIT_EXT = 4 EXPORT_METAL_OBJECT_TYPE_METAL_TEXTURE_BIT_EXT = 8 EXPORT_METAL_OBJECT_TYPE_METAL_IOSURFACE_BIT_EXT = 16 EXPORT_METAL_OBJECT_TYPE_METAL_SHARED_EVENT_BIT_EXT = 32 end @bitmask InstanceCreateFlag::UInt32 begin INSTANCE_CREATE_ENUMERATE_PORTABILITY_BIT_KHR = 1 end @bitmask ImageCompressionFlagEXT::UInt32 begin IMAGE_COMPRESSION_FIXED_RATE_DEFAULT_EXT = 1 IMAGE_COMPRESSION_FIXED_RATE_EXPLICIT_EXT = 2 IMAGE_COMPRESSION_DISABLED_EXT = 4 IMAGE_COMPRESSION_DEFAULT_EXT = 0 end @bitmask ImageCompressionFixedRateFlagEXT::UInt32 begin IMAGE_COMPRESSION_FIXED_RATE_1BPC_BIT_EXT = 1 IMAGE_COMPRESSION_FIXED_RATE_2BPC_BIT_EXT = 2 IMAGE_COMPRESSION_FIXED_RATE_3BPC_BIT_EXT = 4 IMAGE_COMPRESSION_FIXED_RATE_4BPC_BIT_EXT = 8 IMAGE_COMPRESSION_FIXED_RATE_5BPC_BIT_EXT = 16 IMAGE_COMPRESSION_FIXED_RATE_6BPC_BIT_EXT = 32 IMAGE_COMPRESSION_FIXED_RATE_7BPC_BIT_EXT = 64 IMAGE_COMPRESSION_FIXED_RATE_8BPC_BIT_EXT = 128 IMAGE_COMPRESSION_FIXED_RATE_9BPC_BIT_EXT = 256 IMAGE_COMPRESSION_FIXED_RATE_10BPC_BIT_EXT = 512 IMAGE_COMPRESSION_FIXED_RATE_11BPC_BIT_EXT = 1024 IMAGE_COMPRESSION_FIXED_RATE_12BPC_BIT_EXT = 2048 IMAGE_COMPRESSION_FIXED_RATE_13BPC_BIT_EXT = 4096 IMAGE_COMPRESSION_FIXED_RATE_14BPC_BIT_EXT = 8192 IMAGE_COMPRESSION_FIXED_RATE_15BPC_BIT_EXT = 16384 IMAGE_COMPRESSION_FIXED_RATE_16BPC_BIT_EXT = 32768 IMAGE_COMPRESSION_FIXED_RATE_17BPC_BIT_EXT = 65536 IMAGE_COMPRESSION_FIXED_RATE_18BPC_BIT_EXT = 131072 IMAGE_COMPRESSION_FIXED_RATE_19BPC_BIT_EXT = 262144 IMAGE_COMPRESSION_FIXED_RATE_20BPC_BIT_EXT = 524288 IMAGE_COMPRESSION_FIXED_RATE_21BPC_BIT_EXT = 1048576 IMAGE_COMPRESSION_FIXED_RATE_22BPC_BIT_EXT = 2097152 IMAGE_COMPRESSION_FIXED_RATE_23BPC_BIT_EXT = 4194304 IMAGE_COMPRESSION_FIXED_RATE_24BPC_BIT_EXT = 8388608 IMAGE_COMPRESSION_FIXED_RATE_NONE_EXT = 0 end @bitmask OpticalFlowGridSizeFlagNV::UInt32 begin OPTICAL_FLOW_GRID_SIZE_1X1_BIT_NV = 1 OPTICAL_FLOW_GRID_SIZE_2X2_BIT_NV = 2 OPTICAL_FLOW_GRID_SIZE_4X4_BIT_NV = 4 OPTICAL_FLOW_GRID_SIZE_8X8_BIT_NV = 8 OPTICAL_FLOW_GRID_SIZE_UNKNOWN_NV = 0 end @bitmask OpticalFlowUsageFlagNV::UInt32 begin OPTICAL_FLOW_USAGE_INPUT_BIT_NV = 1 OPTICAL_FLOW_USAGE_OUTPUT_BIT_NV = 2 OPTICAL_FLOW_USAGE_HINT_BIT_NV = 4 OPTICAL_FLOW_USAGE_COST_BIT_NV = 8 OPTICAL_FLOW_USAGE_GLOBAL_FLOW_BIT_NV = 16 OPTICAL_FLOW_USAGE_UNKNOWN_NV = 0 end @bitmask OpticalFlowSessionCreateFlagNV::UInt32 begin OPTICAL_FLOW_SESSION_CREATE_ENABLE_HINT_BIT_NV = 1 OPTICAL_FLOW_SESSION_CREATE_ENABLE_COST_BIT_NV = 2 OPTICAL_FLOW_SESSION_CREATE_ENABLE_GLOBAL_FLOW_BIT_NV = 4 OPTICAL_FLOW_SESSION_CREATE_ALLOW_REGIONS_BIT_NV = 8 OPTICAL_FLOW_SESSION_CREATE_BOTH_DIRECTIONS_BIT_NV = 16 end @bitmask OpticalFlowExecuteFlagNV::UInt32 begin OPTICAL_FLOW_EXECUTE_DISABLE_TEMPORAL_HINTS_BIT_NV = 1 end @bitmask BuildMicromapFlagEXT::UInt32 begin BUILD_MICROMAP_PREFER_FAST_TRACE_BIT_EXT = 1 BUILD_MICROMAP_PREFER_FAST_BUILD_BIT_EXT = 2 BUILD_MICROMAP_ALLOW_COMPACTION_BIT_EXT = 4 end @bitmask MicromapCreateFlagEXT::UInt32 begin MICROMAP_CREATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT_EXT = 1 end """ High-level wrapper for VkAccelerationStructureMotionInstanceDataNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMotionInstanceDataNV.html) """ struct AccelerationStructureMotionInstanceDataNV <: HighLevelStruct vks::VkAccelerationStructureMotionInstanceDataNV end """ High-level wrapper for VkDescriptorDataEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorDataEXT.html) """ struct DescriptorDataEXT <: HighLevelStruct vks::VkDescriptorDataEXT end """ High-level wrapper for VkAccelerationStructureGeometryDataKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryDataKHR.html) """ struct AccelerationStructureGeometryDataKHR <: HighLevelStruct vks::VkAccelerationStructureGeometryDataKHR end """ High-level wrapper for VkDeviceOrHostAddressConstKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceOrHostAddressConstKHR.html) """ struct DeviceOrHostAddressConstKHR <: HighLevelStruct vks::VkDeviceOrHostAddressConstKHR end """ High-level wrapper for VkDeviceOrHostAddressKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceOrHostAddressKHR.html) """ struct DeviceOrHostAddressKHR <: HighLevelStruct vks::VkDeviceOrHostAddressKHR end """ High-level wrapper for VkPipelineExecutableStatisticValueKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableStatisticValueKHR.html) """ struct PipelineExecutableStatisticValueKHR <: HighLevelStruct vks::VkPipelineExecutableStatisticValueKHR end """ High-level wrapper for VkPerformanceValueDataINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceValueDataINTEL.html) """ struct PerformanceValueDataINTEL <: HighLevelStruct vks::VkPerformanceValueDataINTEL end """ High-level wrapper for VkPerformanceCounterResultKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceCounterResultKHR.html) """ struct PerformanceCounterResultKHR <: HighLevelStruct vks::VkPerformanceCounterResultKHR end """ High-level wrapper for VkClearValue. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearValue.html) """ struct ClearValue <: HighLevelStruct vks::VkClearValue end """ High-level wrapper for VkClearColorValue. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearColorValue.html) """ struct ClearColorValue <: HighLevelStruct vks::VkClearColorValue end """ High-level wrapper for VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM. Extension: VK\\_QCOM\\_multiview\\_per\\_view\\_viewports [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM.html) """ @struct_hash_equal struct PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM <: HighLevelStruct next::Any multiview_per_view_viewports::Bool end """ High-level wrapper for VkDirectDriverLoadingInfoLUNARG. Extension: VK\\_LUNARG\\_direct\\_driver\\_loading [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDirectDriverLoadingInfoLUNARG.html) """ @struct_hash_equal struct DirectDriverLoadingInfoLUNARG <: HighLevelStruct next::Any flags::UInt32 pfn_get_instance_proc_addr::FunctionPtr end """ High-level wrapper for VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV. Extension: VK\\_NV\\_ray\\_tracing\\_invocation\\_reorder [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceRayTracingInvocationReorderFeaturesNV <: HighLevelStruct next::Any ray_tracing_invocation_reorder::Bool end """ High-level wrapper for VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT. Extension: VK\\_EXT\\_swapchain\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceSwapchainMaintenance1FeaturesEXT <: HighLevelStruct next::Any swapchain_maintenance_1::Bool end """ High-level wrapper for VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM. Extension: VK\\_ARM\\_shader\\_core\\_builtins [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM.html) """ @struct_hash_equal struct PhysicalDeviceShaderCoreBuiltinsFeaturesARM <: HighLevelStruct next::Any shader_core_builtins::Bool end """ High-level wrapper for VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM. Extension: VK\\_ARM\\_shader\\_core\\_builtins [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM.html) """ @struct_hash_equal struct PhysicalDeviceShaderCoreBuiltinsPropertiesARM <: HighLevelStruct next::Any shader_core_mask::UInt64 shader_core_count::UInt32 shader_warps_per_core::UInt32 end """ High-level wrapper for VkDecompressMemoryRegionNV. Extension: VK\\_NV\\_memory\\_decompression [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDecompressMemoryRegionNV.html) """ @struct_hash_equal struct DecompressMemoryRegionNV <: HighLevelStruct src_address::UInt64 dst_address::UInt64 compressed_size::UInt64 decompressed_size::UInt64 decompression_method::UInt64 end """ High-level wrapper for VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT. Extension: VK\\_EXT\\_pipeline\\_library\\_group\\_handles [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT <: HighLevelStruct next::Any pipeline_library_group_handles::Bool end """ High-level wrapper for VkDeviceFaultCountsEXT. Extension: VK\\_EXT\\_device\\_fault [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultCountsEXT.html) """ @struct_hash_equal struct DeviceFaultCountsEXT <: HighLevelStruct next::Any address_info_count::UInt32 vendor_info_count::UInt32 vendor_binary_size::UInt64 end """ High-level wrapper for VkDeviceFaultVendorInfoEXT. Extension: VK\\_EXT\\_device\\_fault [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultVendorInfoEXT.html) """ @struct_hash_equal struct DeviceFaultVendorInfoEXT <: HighLevelStruct description::String vendor_fault_code::UInt64 vendor_fault_data::UInt64 end """ High-level wrapper for VkPhysicalDeviceFaultFeaturesEXT. Extension: VK\\_EXT\\_device\\_fault [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFaultFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceFaultFeaturesEXT <: HighLevelStruct next::Any device_fault::Bool device_fault_vendor_binary::Bool end """ High-level wrapper for VkOpticalFlowSessionCreatePrivateDataInfoNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowSessionCreatePrivateDataInfoNV.html) """ @struct_hash_equal struct OpticalFlowSessionCreatePrivateDataInfoNV <: HighLevelStruct next::Any id::UInt32 size::UInt32 private_data::Ptr{Cvoid} end """ High-level wrapper for VkPhysicalDeviceOpticalFlowFeaturesNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpticalFlowFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceOpticalFlowFeaturesNV <: HighLevelStruct next::Any optical_flow::Bool end """ High-level wrapper for VkPhysicalDeviceAddressBindingReportFeaturesEXT. Extension: VK\\_EXT\\_device\\_address\\_binding\\_report [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAddressBindingReportFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceAddressBindingReportFeaturesEXT <: HighLevelStruct next::Any report_address_binding::Bool end """ High-level wrapper for VkPhysicalDeviceDepthClampZeroOneFeaturesEXT. Extension: VK\\_EXT\\_depth\\_clamp\\_zero\\_one [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthClampZeroOneFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceDepthClampZeroOneFeaturesEXT <: HighLevelStruct next::Any depth_clamp_zero_one::Bool end """ High-level wrapper for VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT. Extension: VK\\_EXT\\_attachment\\_feedback\\_loop\\_layout [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT <: HighLevelStruct next::Any attachment_feedback_loop_layout::Bool end """ High-level wrapper for VkAmigoProfilingSubmitInfoSEC. Extension: VK\\_SEC\\_amigo\\_profiling [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAmigoProfilingSubmitInfoSEC.html) """ @struct_hash_equal struct AmigoProfilingSubmitInfoSEC <: HighLevelStruct next::Any first_draw_timestamp::UInt64 swap_buffer_timestamp::UInt64 end """ High-level wrapper for VkPhysicalDeviceAmigoProfilingFeaturesSEC. Extension: VK\\_SEC\\_amigo\\_profiling [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAmigoProfilingFeaturesSEC.html) """ @struct_hash_equal struct PhysicalDeviceAmigoProfilingFeaturesSEC <: HighLevelStruct next::Any amigo_profiling::Bool end """ High-level wrapper for VkPhysicalDeviceTilePropertiesFeaturesQCOM. Extension: VK\\_QCOM\\_tile\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTilePropertiesFeaturesQCOM.html) """ @struct_hash_equal struct PhysicalDeviceTilePropertiesFeaturesQCOM <: HighLevelStruct next::Any tile_properties::Bool end """ High-level wrapper for VkPhysicalDeviceImageProcessingFeaturesQCOM. Extension: VK\\_QCOM\\_image\\_processing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageProcessingFeaturesQCOM.html) """ @struct_hash_equal struct PhysicalDeviceImageProcessingFeaturesQCOM <: HighLevelStruct next::Any texture_sample_weighted::Bool texture_box_filter::Bool texture_block_match::Bool end """ High-level wrapper for VkPhysicalDevicePipelineRobustnessFeaturesEXT. Extension: VK\\_EXT\\_pipeline\\_robustness [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineRobustnessFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDevicePipelineRobustnessFeaturesEXT <: HighLevelStruct next::Any pipeline_robustness::Bool end """ High-level wrapper for VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT. Extension: VK\\_EXT\\_non\\_seamless\\_cube\\_map [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceNonSeamlessCubeMapFeaturesEXT <: HighLevelStruct next::Any non_seamless_cube_map::Bool end """ High-level wrapper for VkImportMetalSharedEventInfoEXT. Extension: VK\\_EXT\\_metal\\_objects [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMetalSharedEventInfoEXT.html) """ @struct_hash_equal struct ImportMetalSharedEventInfoEXT <: HighLevelStruct next::Any mtl_shared_event::Cvoid end """ High-level wrapper for VkImportMetalIOSurfaceInfoEXT. Extension: VK\\_EXT\\_metal\\_objects [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMetalIOSurfaceInfoEXT.html) """ @struct_hash_equal struct ImportMetalIOSurfaceInfoEXT <: HighLevelStruct next::Any io_surface::OptionalPtr{Cvoid} end """ High-level wrapper for VkImportMetalBufferInfoEXT. Extension: VK\\_EXT\\_metal\\_objects [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMetalBufferInfoEXT.html) """ @struct_hash_equal struct ImportMetalBufferInfoEXT <: HighLevelStruct next::Any mtl_buffer::Cvoid end """ High-level wrapper for VkExportMetalDeviceInfoEXT. Extension: VK\\_EXT\\_metal\\_objects [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMetalDeviceInfoEXT.html) """ @struct_hash_equal struct ExportMetalDeviceInfoEXT <: HighLevelStruct next::Any mtl_device::Cvoid end """ High-level wrapper for VkExportMetalObjectsInfoEXT. Extension: VK\\_EXT\\_metal\\_objects [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMetalObjectsInfoEXT.html) """ @struct_hash_equal struct ExportMetalObjectsInfoEXT <: HighLevelStruct next::Any end """ High-level wrapper for VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD. Extension: VK\\_AMD\\_shader\\_early\\_and\\_late\\_fragment\\_tests [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD.html) """ @struct_hash_equal struct PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD <: HighLevelStruct next::Any shader_early_and_late_fragment_tests::Bool end """ High-level wrapper for VkPhysicalDevicePipelinePropertiesFeaturesEXT. Extension: VK\\_EXT\\_pipeline\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelinePropertiesFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDevicePipelinePropertiesFeaturesEXT <: HighLevelStruct next::Any pipeline_properties_identifier::Bool end """ High-level wrapper for VkPipelinePropertiesIdentifierEXT. Extension: VK\\_EXT\\_pipeline\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelinePropertiesIdentifierEXT.html) """ @struct_hash_equal struct PipelinePropertiesIdentifierEXT <: HighLevelStruct next::Any pipeline_identifier::NTuple{Int(VK_UUID_SIZE), UInt8} end """ High-level wrapper for VkPhysicalDeviceOpacityMicromapPropertiesEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpacityMicromapPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceOpacityMicromapPropertiesEXT <: HighLevelStruct next::Any max_opacity_2_state_subdivision_level::UInt32 max_opacity_4_state_subdivision_level::UInt32 end """ High-level wrapper for VkPhysicalDeviceOpacityMicromapFeaturesEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpacityMicromapFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceOpacityMicromapFeaturesEXT <: HighLevelStruct next::Any micromap::Bool micromap_capture_replay::Bool micromap_host_commands::Bool end """ High-level wrapper for VkMicromapTriangleEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapTriangleEXT.html) """ @struct_hash_equal struct MicromapTriangleEXT <: HighLevelStruct data_offset::UInt32 subdivision_level::UInt16 format::UInt16 end """ High-level wrapper for VkMicromapUsageEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapUsageEXT.html) """ @struct_hash_equal struct MicromapUsageEXT <: HighLevelStruct count::UInt32 subdivision_level::UInt32 format::UInt32 end """ High-level wrapper for VkMicromapBuildSizesInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapBuildSizesInfoEXT.html) """ @struct_hash_equal struct MicromapBuildSizesInfoEXT <: HighLevelStruct next::Any micromap_size::UInt64 build_scratch_size::UInt64 discardable::Bool end """ High-level wrapper for VkMicromapVersionInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapVersionInfoEXT.html) """ @struct_hash_equal struct MicromapVersionInfoEXT <: HighLevelStruct next::Any version_data::Vector{UInt8} end """ High-level wrapper for VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT. Extension: VK\\_EXT\\_subpass\\_merge\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceSubpassMergeFeedbackFeaturesEXT <: HighLevelStruct next::Any subpass_merge_feedback::Bool end """ High-level wrapper for VkRenderPassCreationFeedbackInfoEXT. Extension: VK\\_EXT\\_subpass\\_merge\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreationFeedbackInfoEXT.html) """ @struct_hash_equal struct RenderPassCreationFeedbackInfoEXT <: HighLevelStruct post_merge_subpass_count::UInt32 end """ High-level wrapper for VkRenderPassCreationFeedbackCreateInfoEXT. Extension: VK\\_EXT\\_subpass\\_merge\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreationFeedbackCreateInfoEXT.html) """ @struct_hash_equal struct RenderPassCreationFeedbackCreateInfoEXT <: HighLevelStruct next::Any render_pass_feedback::RenderPassCreationFeedbackInfoEXT end """ High-level wrapper for VkRenderPassCreationControlEXT. Extension: VK\\_EXT\\_subpass\\_merge\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreationControlEXT.html) """ @struct_hash_equal struct RenderPassCreationControlEXT <: HighLevelStruct next::Any disallow_merging::Bool end """ High-level wrapper for VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT. Extension: VK\\_EXT\\_image\\_compression\\_control\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT <: HighLevelStruct next::Any image_compression_control_swapchain::Bool end """ High-level wrapper for VkPhysicalDeviceImageCompressionControlFeaturesEXT. Extension: VK\\_EXT\\_image\\_compression\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageCompressionControlFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceImageCompressionControlFeaturesEXT <: HighLevelStruct next::Any image_compression_control::Bool end """ High-level wrapper for VkShaderModuleIdentifierEXT. Extension: VK\\_EXT\\_shader\\_module\\_identifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderModuleIdentifierEXT.html) """ @struct_hash_equal struct ShaderModuleIdentifierEXT <: HighLevelStruct next::Any identifier_size::UInt32 identifier::NTuple{Int(VK_MAX_SHADER_MODULE_IDENTIFIER_SIZE_EXT), UInt8} end """ High-level wrapper for VkPipelineShaderStageModuleIdentifierCreateInfoEXT. Extension: VK\\_EXT\\_shader\\_module\\_identifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineShaderStageModuleIdentifierCreateInfoEXT.html) """ @struct_hash_equal struct PipelineShaderStageModuleIdentifierCreateInfoEXT <: HighLevelStruct next::Any identifier_size::UInt32 identifier::Vector{UInt8} end """ High-level wrapper for VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT. Extension: VK\\_EXT\\_shader\\_module\\_identifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceShaderModuleIdentifierPropertiesEXT <: HighLevelStruct next::Any shader_module_identifier_algorithm_uuid::NTuple{Int(VK_UUID_SIZE), UInt8} end """ High-level wrapper for VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT. Extension: VK\\_EXT\\_shader\\_module\\_identifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceShaderModuleIdentifierFeaturesEXT <: HighLevelStruct next::Any shader_module_identifier::Bool end """ High-level wrapper for VkDescriptorSetLayoutHostMappingInfoVALVE. Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutHostMappingInfoVALVE.html) """ @struct_hash_equal struct DescriptorSetLayoutHostMappingInfoVALVE <: HighLevelStruct next::Any descriptor_offset::UInt descriptor_size::UInt32 end """ High-level wrapper for VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE. Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE.html) """ @struct_hash_equal struct PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE <: HighLevelStruct next::Any descriptor_set_host_mapping::Bool end """ High-level wrapper for VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT. Extension: VK\\_EXT\\_graphics\\_pipeline\\_library [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT <: HighLevelStruct next::Any graphics_pipeline_library_fast_linking::Bool graphics_pipeline_library_independent_interpolation_decoration::Bool end """ High-level wrapper for VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT. Extension: VK\\_EXT\\_graphics\\_pipeline\\_library [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT <: HighLevelStruct next::Any graphics_pipeline_library::Bool end """ High-level wrapper for VkPhysicalDeviceLinearColorAttachmentFeaturesNV. Extension: VK\\_NV\\_linear\\_color\\_attachment [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLinearColorAttachmentFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceLinearColorAttachmentFeaturesNV <: HighLevelStruct next::Any linear_color_attachment::Bool end """ High-level wrapper for VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT. Extension: VK\\_EXT\\_rasterization\\_order\\_attachment\\_access [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT <: HighLevelStruct next::Any rasterization_order_color_attachment_access::Bool rasterization_order_depth_attachment_access::Bool rasterization_order_stencil_attachment_access::Bool end """ High-level wrapper for VkImageViewMinLodCreateInfoEXT. Extension: VK\\_EXT\\_image\\_view\\_min\\_lod [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewMinLodCreateInfoEXT.html) """ @struct_hash_equal struct ImageViewMinLodCreateInfoEXT <: HighLevelStruct next::Any min_lod::Float32 end """ High-level wrapper for VkPhysicalDeviceImageViewMinLodFeaturesEXT. Extension: VK\\_EXT\\_image\\_view\\_min\\_lod [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageViewMinLodFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceImageViewMinLodFeaturesEXT <: HighLevelStruct next::Any min_lod::Bool end """ High-level wrapper for VkMultiviewPerViewAttributesInfoNVX. Extension: VK\\_KHR\\_dynamic\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultiviewPerViewAttributesInfoNVX.html) """ @struct_hash_equal struct MultiviewPerViewAttributesInfoNVX <: HighLevelStruct next::Any per_view_attributes::Bool per_view_attributes_position_x_only::Bool end """ High-level wrapper for VkPhysicalDeviceDynamicRenderingFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDynamicRenderingFeatures.html) """ @struct_hash_equal struct PhysicalDeviceDynamicRenderingFeatures <: HighLevelStruct next::Any dynamic_rendering::Bool end """ High-level wrapper for VkDrmFormatModifierProperties2EXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierProperties2EXT.html) """ @struct_hash_equal struct DrmFormatModifierProperties2EXT <: HighLevelStruct drm_format_modifier::UInt64 drm_format_modifier_plane_count::UInt32 drm_format_modifier_tiling_features::UInt64 end """ High-level wrapper for VkDrmFormatModifierPropertiesList2EXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierPropertiesList2EXT.html) """ @struct_hash_equal struct DrmFormatModifierPropertiesList2EXT <: HighLevelStruct next::Any drm_format_modifier_properties::OptionalPtr{Vector{DrmFormatModifierProperties2EXT}} end """ High-level wrapper for VkFormatProperties3. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFormatProperties3.html) """ @struct_hash_equal struct FormatProperties3 <: HighLevelStruct next::Any linear_tiling_features::UInt64 optimal_tiling_features::UInt64 buffer_features::UInt64 end """ High-level wrapper for VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT. Extension: VK\\_EXT\\_rgba10x6\\_formats [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceRGBA10X6FormatsFeaturesEXT <: HighLevelStruct next::Any format_rgba_1_6_without_y_cb_cr_sampler::Bool end """ High-level wrapper for VkSRTDataNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSRTDataNV.html) """ @struct_hash_equal struct SRTDataNV <: HighLevelStruct sx::Float32 a::Float32 b::Float32 pvx::Float32 sy::Float32 c::Float32 pvy::Float32 sz::Float32 pvz::Float32 qx::Float32 qy::Float32 qz::Float32 qw::Float32 tx::Float32 ty::Float32 tz::Float32 end """ High-level wrapper for VkAccelerationStructureMotionInfoNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMotionInfoNV.html) """ @struct_hash_equal struct AccelerationStructureMotionInfoNV <: HighLevelStruct next::Any max_instances::UInt32 flags::UInt32 end """ High-level wrapper for VkAccelerationStructureGeometryMotionTrianglesDataNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryMotionTrianglesDataNV.html) """ @struct_hash_equal struct AccelerationStructureGeometryMotionTrianglesDataNV <: HighLevelStruct next::Any vertex_data::DeviceOrHostAddressConstKHR end """ High-level wrapper for VkPhysicalDeviceRayTracingMotionBlurFeaturesNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingMotionBlurFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceRayTracingMotionBlurFeaturesNV <: HighLevelStruct next::Any ray_tracing_motion_blur::Bool ray_tracing_motion_blur_pipeline_trace_rays_indirect::Bool end """ High-level wrapper for VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR. Extension: VK\\_KHR\\_fragment\\_shader\\_barycentric [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR.html) """ @struct_hash_equal struct PhysicalDeviceFragmentShaderBarycentricPropertiesKHR <: HighLevelStruct next::Any tri_strip_vertex_order_independent_of_provoking_vertex::Bool end """ High-level wrapper for VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR. Extension: VK\\_KHR\\_fragment\\_shader\\_barycentric [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDeviceFragmentShaderBarycentricFeaturesKHR <: HighLevelStruct next::Any fragment_shader_barycentric::Bool end """ High-level wrapper for VkPhysicalDeviceDrmPropertiesEXT. Extension: VK\\_EXT\\_physical\\_device\\_drm [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDrmPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceDrmPropertiesEXT <: HighLevelStruct next::Any has_primary::Bool has_render::Bool primary_major::Int64 primary_minor::Int64 render_major::Int64 render_minor::Int64 end """ High-level wrapper for VkPhysicalDeviceShaderIntegerDotProductProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderIntegerDotProductProperties.html) """ @struct_hash_equal struct PhysicalDeviceShaderIntegerDotProductProperties <: HighLevelStruct next::Any integer_dot_product_8_bit_unsigned_accelerated::Bool integer_dot_product_8_bit_signed_accelerated::Bool integer_dot_product_8_bit_mixed_signedness_accelerated::Bool integer_dot_product_8_bit_packed_unsigned_accelerated::Bool integer_dot_product_8_bit_packed_signed_accelerated::Bool integer_dot_product_8_bit_packed_mixed_signedness_accelerated::Bool integer_dot_product_16_bit_unsigned_accelerated::Bool integer_dot_product_16_bit_signed_accelerated::Bool integer_dot_product_16_bit_mixed_signedness_accelerated::Bool integer_dot_product_32_bit_unsigned_accelerated::Bool integer_dot_product_32_bit_signed_accelerated::Bool integer_dot_product_32_bit_mixed_signedness_accelerated::Bool integer_dot_product_64_bit_unsigned_accelerated::Bool integer_dot_product_64_bit_signed_accelerated::Bool integer_dot_product_64_bit_mixed_signedness_accelerated::Bool integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated::Bool integer_dot_product_accumulating_saturating_8_bit_signed_accelerated::Bool integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated::Bool integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated::Bool integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated::Bool integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated::Bool integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated::Bool integer_dot_product_accumulating_saturating_16_bit_signed_accelerated::Bool integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated::Bool integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated::Bool integer_dot_product_accumulating_saturating_32_bit_signed_accelerated::Bool integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated::Bool integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated::Bool integer_dot_product_accumulating_saturating_64_bit_signed_accelerated::Bool integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated::Bool end """ High-level wrapper for VkPhysicalDeviceShaderIntegerDotProductFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderIntegerDotProductFeatures.html) """ @struct_hash_equal struct PhysicalDeviceShaderIntegerDotProductFeatures <: HighLevelStruct next::Any shader_integer_dot_product::Bool end """ High-level wrapper for VkOpaqueCaptureDescriptorDataCreateInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpaqueCaptureDescriptorDataCreateInfoEXT.html) """ @struct_hash_equal struct OpaqueCaptureDescriptorDataCreateInfoEXT <: HighLevelStruct next::Any opaque_capture_descriptor_data::Ptr{Cvoid} end """ High-level wrapper for VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT <: HighLevelStruct next::Any combined_image_sampler_density_map_descriptor_size::UInt end """ High-level wrapper for VkPhysicalDeviceDescriptorBufferPropertiesEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorBufferPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceDescriptorBufferPropertiesEXT <: HighLevelStruct next::Any combined_image_sampler_descriptor_single_array::Bool bufferless_push_descriptors::Bool allow_sampler_image_view_post_submit_creation::Bool descriptor_buffer_offset_alignment::UInt64 max_descriptor_buffer_bindings::UInt32 max_resource_descriptor_buffer_bindings::UInt32 max_sampler_descriptor_buffer_bindings::UInt32 max_embedded_immutable_sampler_bindings::UInt32 max_embedded_immutable_samplers::UInt32 buffer_capture_replay_descriptor_data_size::UInt image_capture_replay_descriptor_data_size::UInt image_view_capture_replay_descriptor_data_size::UInt sampler_capture_replay_descriptor_data_size::UInt acceleration_structure_capture_replay_descriptor_data_size::UInt sampler_descriptor_size::UInt combined_image_sampler_descriptor_size::UInt sampled_image_descriptor_size::UInt storage_image_descriptor_size::UInt uniform_texel_buffer_descriptor_size::UInt robust_uniform_texel_buffer_descriptor_size::UInt storage_texel_buffer_descriptor_size::UInt robust_storage_texel_buffer_descriptor_size::UInt uniform_buffer_descriptor_size::UInt robust_uniform_buffer_descriptor_size::UInt storage_buffer_descriptor_size::UInt robust_storage_buffer_descriptor_size::UInt input_attachment_descriptor_size::UInt acceleration_structure_descriptor_size::UInt max_sampler_descriptor_buffer_range::UInt64 max_resource_descriptor_buffer_range::UInt64 sampler_descriptor_buffer_address_space_size::UInt64 resource_descriptor_buffer_address_space_size::UInt64 descriptor_buffer_address_space_size::UInt64 end """ High-level wrapper for VkPhysicalDeviceDescriptorBufferFeaturesEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorBufferFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceDescriptorBufferFeaturesEXT <: HighLevelStruct next::Any descriptor_buffer::Bool descriptor_buffer_capture_replay::Bool descriptor_buffer_image_layout_ignored::Bool descriptor_buffer_push_descriptors::Bool end """ High-level wrapper for VkCuModuleCreateInfoNVX. Extension: VK\\_NVX\\_binary\\_import [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCuModuleCreateInfoNVX.html) """ @struct_hash_equal struct CuModuleCreateInfoNVX <: HighLevelStruct next::Any data_size::UInt data::Ptr{Cvoid} end """ High-level wrapper for VkPhysicalDeviceProvokingVertexPropertiesEXT. Extension: VK\\_EXT\\_provoking\\_vertex [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProvokingVertexPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceProvokingVertexPropertiesEXT <: HighLevelStruct next::Any provoking_vertex_mode_per_pipeline::Bool transform_feedback_preserves_triangle_fan_provoking_vertex::Bool end """ High-level wrapper for VkPhysicalDeviceProvokingVertexFeaturesEXT. Extension: VK\\_EXT\\_provoking\\_vertex [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProvokingVertexFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceProvokingVertexFeaturesEXT <: HighLevelStruct next::Any provoking_vertex_last::Bool transform_feedback_preserves_provoking_vertex::Bool end """ High-level wrapper for VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT. Extension: VK\\_EXT\\_ycbcr\\_2plane\\_444\\_formats [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT <: HighLevelStruct next::Any ycbcr_444_formats::Bool end """ High-level wrapper for VkPhysicalDeviceInheritedViewportScissorFeaturesNV. Extension: VK\\_NV\\_inherited\\_viewport\\_scissor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInheritedViewportScissorFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceInheritedViewportScissorFeaturesNV <: HighLevelStruct next::Any inherited_viewport_scissor_2_d::Bool end """ High-level wrapper for VkVideoEndCodingInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoEndCodingInfoKHR.html) """ @struct_hash_equal struct VideoEndCodingInfoKHR <: HighLevelStruct next::Any flags::UInt32 end """ High-level wrapper for VkVideoSessionParametersUpdateInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionParametersUpdateInfoKHR.html) """ @struct_hash_equal struct VideoSessionParametersUpdateInfoKHR <: HighLevelStruct next::Any update_sequence_count::UInt32 end """ High-level wrapper for VkVideoDecodeH265DpbSlotInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h265 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265DpbSlotInfoKHR.html) """ @struct_hash_equal struct VideoDecodeH265DpbSlotInfoKHR <: HighLevelStruct next::Any std_reference_info::StdVideoDecodeH265ReferenceInfo end """ High-level wrapper for VkVideoDecodeH265PictureInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h265 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265PictureInfoKHR.html) """ @struct_hash_equal struct VideoDecodeH265PictureInfoKHR <: HighLevelStruct next::Any std_picture_info::StdVideoDecodeH265PictureInfo slice_segment_offsets::Vector{UInt32} end """ High-level wrapper for VkVideoDecodeH265SessionParametersAddInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h265 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265SessionParametersAddInfoKHR.html) """ @struct_hash_equal struct VideoDecodeH265SessionParametersAddInfoKHR <: HighLevelStruct next::Any std_vp_ss::Vector{StdVideoH265VideoParameterSet} std_sp_ss::Vector{StdVideoH265SequenceParameterSet} std_pp_ss::Vector{StdVideoH265PictureParameterSet} end """ High-level wrapper for VkVideoDecodeH265SessionParametersCreateInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h265 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265SessionParametersCreateInfoKHR.html) """ @struct_hash_equal struct VideoDecodeH265SessionParametersCreateInfoKHR <: HighLevelStruct next::Any max_std_vps_count::UInt32 max_std_sps_count::UInt32 max_std_pps_count::UInt32 parameters_add_info::OptionalPtr{VideoDecodeH265SessionParametersAddInfoKHR} end """ High-level wrapper for VkVideoDecodeH265CapabilitiesKHR. Extension: VK\\_KHR\\_video\\_decode\\_h265 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265CapabilitiesKHR.html) """ @struct_hash_equal struct VideoDecodeH265CapabilitiesKHR <: HighLevelStruct next::Any max_level_idc::StdVideoH265LevelIdc end """ High-level wrapper for VkVideoDecodeH265ProfileInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h265 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265ProfileInfoKHR.html) """ @struct_hash_equal struct VideoDecodeH265ProfileInfoKHR <: HighLevelStruct next::Any std_profile_idc::StdVideoH265ProfileIdc end """ High-level wrapper for VkVideoDecodeH264DpbSlotInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h264 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264DpbSlotInfoKHR.html) """ @struct_hash_equal struct VideoDecodeH264DpbSlotInfoKHR <: HighLevelStruct next::Any std_reference_info::StdVideoDecodeH264ReferenceInfo end """ High-level wrapper for VkVideoDecodeH264PictureInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h264 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264PictureInfoKHR.html) """ @struct_hash_equal struct VideoDecodeH264PictureInfoKHR <: HighLevelStruct next::Any std_picture_info::StdVideoDecodeH264PictureInfo slice_offsets::Vector{UInt32} end """ High-level wrapper for VkVideoDecodeH264SessionParametersAddInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h264 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264SessionParametersAddInfoKHR.html) """ @struct_hash_equal struct VideoDecodeH264SessionParametersAddInfoKHR <: HighLevelStruct next::Any std_sp_ss::Vector{StdVideoH264SequenceParameterSet} std_pp_ss::Vector{StdVideoH264PictureParameterSet} end """ High-level wrapper for VkVideoDecodeH264SessionParametersCreateInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h264 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264SessionParametersCreateInfoKHR.html) """ @struct_hash_equal struct VideoDecodeH264SessionParametersCreateInfoKHR <: HighLevelStruct next::Any max_std_sps_count::UInt32 max_std_pps_count::UInt32 parameters_add_info::OptionalPtr{VideoDecodeH264SessionParametersAddInfoKHR} end """ High-level wrapper for VkQueueFamilyQueryResultStatusPropertiesKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyQueryResultStatusPropertiesKHR.html) """ @struct_hash_equal struct QueueFamilyQueryResultStatusPropertiesKHR <: HighLevelStruct next::Any query_result_status_support::Bool end """ High-level wrapper for VkPhysicalDevicePipelineProtectedAccessFeaturesEXT. Extension: VK\\_EXT\\_pipeline\\_protected\\_access [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineProtectedAccessFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDevicePipelineProtectedAccessFeaturesEXT <: HighLevelStruct next::Any pipeline_protected_access::Bool end """ High-level wrapper for VkSubpassResolvePerformanceQueryEXT. Extension: VK\\_EXT\\_multisampled\\_render\\_to\\_single\\_sampled [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassResolvePerformanceQueryEXT.html) """ @struct_hash_equal struct SubpassResolvePerformanceQueryEXT <: HighLevelStruct next::Any optimal::Bool end """ High-level wrapper for VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT. Extension: VK\\_EXT\\_multisampled\\_render\\_to\\_single\\_sampled [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT <: HighLevelStruct next::Any multisampled_render_to_single_sampled::Bool end """ High-level wrapper for VkPhysicalDeviceLegacyDitheringFeaturesEXT. Extension: VK\\_EXT\\_legacy\\_dithering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLegacyDitheringFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceLegacyDitheringFeaturesEXT <: HighLevelStruct next::Any legacy_dithering::Bool end """ High-level wrapper for VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT. Extension: VK\\_EXT\\_primitives\\_generated\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT <: HighLevelStruct next::Any primitives_generated_query::Bool primitives_generated_query_with_rasterizer_discard::Bool primitives_generated_query_with_non_zero_streams::Bool end """ High-level wrapper for VkPhysicalDeviceSynchronization2Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSynchronization2Features.html) """ @struct_hash_equal struct PhysicalDeviceSynchronization2Features <: HighLevelStruct next::Any synchronization2::Bool end """ High-level wrapper for VkCheckpointData2NV. Extension: VK\\_KHR\\_synchronization2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCheckpointData2NV.html) """ @struct_hash_equal struct CheckpointData2NV <: HighLevelStruct next::Any stage::UInt64 checkpoint_marker::Ptr{Cvoid} end """ High-level wrapper for VkQueueFamilyCheckpointProperties2NV. Extension: VK\\_KHR\\_synchronization2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyCheckpointProperties2NV.html) """ @struct_hash_equal struct QueueFamilyCheckpointProperties2NV <: HighLevelStruct next::Any checkpoint_execution_stage_mask::UInt64 end """ High-level wrapper for VkMemoryBarrier2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryBarrier2.html) """ @struct_hash_equal struct MemoryBarrier2 <: HighLevelStruct next::Any src_stage_mask::UInt64 src_access_mask::UInt64 dst_stage_mask::UInt64 dst_access_mask::UInt64 end """ High-level wrapper for VkPipelineColorWriteCreateInfoEXT. Extension: VK\\_EXT\\_color\\_write\\_enable [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorWriteCreateInfoEXT.html) """ @struct_hash_equal struct PipelineColorWriteCreateInfoEXT <: HighLevelStruct next::Any color_write_enables::Vector{Bool} end """ High-level wrapper for VkPhysicalDeviceColorWriteEnableFeaturesEXT. Extension: VK\\_EXT\\_color\\_write\\_enable [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceColorWriteEnableFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceColorWriteEnableFeaturesEXT <: HighLevelStruct next::Any color_write_enable::Bool end """ High-level wrapper for VkPhysicalDeviceExternalMemoryRDMAFeaturesNV. Extension: VK\\_NV\\_external\\_memory\\_rdma [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalMemoryRDMAFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceExternalMemoryRDMAFeaturesNV <: HighLevelStruct next::Any external_memory_rdma::Bool end """ High-level wrapper for VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT. Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceVertexInputDynamicStateFeaturesEXT <: HighLevelStruct next::Any vertex_input_dynamic_state::Bool end """ High-level wrapper for VkPipelineViewportDepthClipControlCreateInfoEXT. Extension: VK\\_EXT\\_depth\\_clip\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportDepthClipControlCreateInfoEXT.html) """ @struct_hash_equal struct PipelineViewportDepthClipControlCreateInfoEXT <: HighLevelStruct next::Any negative_one_to_one::Bool end """ High-level wrapper for VkPhysicalDeviceDepthClipControlFeaturesEXT. Extension: VK\\_EXT\\_depth\\_clip\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthClipControlFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceDepthClipControlFeaturesEXT <: HighLevelStruct next::Any depth_clip_control::Bool end """ High-level wrapper for VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT. Extension: VK\\_EXT\\_mutable\\_descriptor\\_type [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceMutableDescriptorTypeFeaturesEXT <: HighLevelStruct next::Any mutable_descriptor_type::Bool end """ High-level wrapper for VkPhysicalDeviceImage2DViewOf3DFeaturesEXT. Extension: VK\\_EXT\\_image\\_2d\\_view\\_of\\_3d [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImage2DViewOf3DFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceImage2DViewOf3DFeaturesEXT <: HighLevelStruct next::Any image_2_d_view_of_3_d::Bool sampler_2_d_view_of_3_d::Bool end """ High-level wrapper for VkAccelerationStructureBuildSizesInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureBuildSizesInfoKHR.html) """ @struct_hash_equal struct AccelerationStructureBuildSizesInfoKHR <: HighLevelStruct next::Any acceleration_structure_size::UInt64 update_scratch_size::UInt64 build_scratch_size::UInt64 end """ High-level wrapper for VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV. Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceFragmentShadingRateEnumsFeaturesNV <: HighLevelStruct next::Any fragment_shading_rate_enums::Bool supersample_fragment_shading_rates::Bool no_invocation_fragment_shading_rates::Bool end """ High-level wrapper for VkPhysicalDeviceShaderTerminateInvocationFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderTerminateInvocationFeatures.html) """ @struct_hash_equal struct PhysicalDeviceShaderTerminateInvocationFeatures <: HighLevelStruct next::Any shader_terminate_invocation::Bool end """ High-level wrapper for VkPhysicalDeviceFragmentShadingRateFeaturesKHR. Extension: VK\\_KHR\\_fragment\\_shading\\_rate [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDeviceFragmentShadingRateFeaturesKHR <: HighLevelStruct next::Any pipeline_fragment_shading_rate::Bool primitive_fragment_shading_rate::Bool attachment_fragment_shading_rate::Bool end """ High-level wrapper for VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT. Extension: VK\\_EXT\\_shader\\_image\\_atomic\\_int64 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceShaderImageAtomicInt64FeaturesEXT <: HighLevelStruct next::Any shader_image_int_64_atomics::Bool sparse_image_int_64_atomics::Bool end """ High-level wrapper for VkBufferCopy2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCopy2.html) """ @struct_hash_equal struct BufferCopy2 <: HighLevelStruct next::Any src_offset::UInt64 dst_offset::UInt64 size::UInt64 end """ High-level wrapper for VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI. Extension: VK\\_HUAWEI\\_cluster\\_culling\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI.html) """ @struct_hash_equal struct PhysicalDeviceClusterCullingShaderFeaturesHUAWEI <: HighLevelStruct next::Any clusterculling_shader::Bool multiview_cluster_culling_shader::Bool end """ High-level wrapper for VkPhysicalDeviceSubpassShadingFeaturesHUAWEI. Extension: VK\\_HUAWEI\\_subpass\\_shading [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubpassShadingFeaturesHUAWEI.html) """ @struct_hash_equal struct PhysicalDeviceSubpassShadingFeaturesHUAWEI <: HighLevelStruct next::Any subpass_shading::Bool end """ High-level wrapper for VkPhysicalDevice4444FormatsFeaturesEXT. Extension: VK\\_EXT\\_4444\\_formats [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevice4444FormatsFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDevice4444FormatsFeaturesEXT <: HighLevelStruct next::Any format_a4r4g4b4::Bool format_a4b4g4r4::Bool end """ High-level wrapper for VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR. Extension: VK\\_KHR\\_workgroup\\_memory\\_explicit\\_layout [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR <: HighLevelStruct next::Any workgroup_memory_explicit_layout::Bool workgroup_memory_explicit_layout_scalar_block_layout::Bool workgroup_memory_explicit_layout_8_bit_access::Bool workgroup_memory_explicit_layout_16_bit_access::Bool end """ High-level wrapper for VkPhysicalDeviceImageRobustnessFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageRobustnessFeatures.html) """ @struct_hash_equal struct PhysicalDeviceImageRobustnessFeatures <: HighLevelStruct next::Any robust_image_access::Bool end """ High-level wrapper for VkPhysicalDeviceRobustness2PropertiesEXT. Extension: VK\\_EXT\\_robustness2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRobustness2PropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceRobustness2PropertiesEXT <: HighLevelStruct next::Any robust_storage_buffer_access_size_alignment::UInt64 robust_uniform_buffer_access_size_alignment::UInt64 end """ High-level wrapper for VkPhysicalDeviceRobustness2FeaturesEXT. Extension: VK\\_EXT\\_robustness2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRobustness2FeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceRobustness2FeaturesEXT <: HighLevelStruct next::Any robust_buffer_access_2::Bool robust_image_access_2::Bool null_descriptor::Bool end """ High-level wrapper for VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR. Extension: VK\\_KHR\\_shader\\_subgroup\\_uniform\\_control\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR <: HighLevelStruct next::Any shader_subgroup_uniform_control_flow::Bool end """ High-level wrapper for VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures.html) """ @struct_hash_equal struct PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures <: HighLevelStruct next::Any shader_zero_initialize_workgroup_memory::Bool end """ High-level wrapper for VkPhysicalDeviceDiagnosticsConfigFeaturesNV. Extension: VK\\_NV\\_device\\_diagnostics\\_config [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDiagnosticsConfigFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceDiagnosticsConfigFeaturesNV <: HighLevelStruct next::Any diagnostics_config::Bool end """ High-level wrapper for VkPhysicalDeviceExtendedDynamicState3PropertiesEXT. Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicState3PropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceExtendedDynamicState3PropertiesEXT <: HighLevelStruct next::Any dynamic_primitive_topology_unrestricted::Bool end """ High-level wrapper for VkPhysicalDeviceExtendedDynamicState3FeaturesEXT. Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicState3FeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceExtendedDynamicState3FeaturesEXT <: HighLevelStruct next::Any extended_dynamic_state_3_tessellation_domain_origin::Bool extended_dynamic_state_3_depth_clamp_enable::Bool extended_dynamic_state_3_polygon_mode::Bool extended_dynamic_state_3_rasterization_samples::Bool extended_dynamic_state_3_sample_mask::Bool extended_dynamic_state_3_alpha_to_coverage_enable::Bool extended_dynamic_state_3_alpha_to_one_enable::Bool extended_dynamic_state_3_logic_op_enable::Bool extended_dynamic_state_3_color_blend_enable::Bool extended_dynamic_state_3_color_blend_equation::Bool extended_dynamic_state_3_color_write_mask::Bool extended_dynamic_state_3_rasterization_stream::Bool extended_dynamic_state_3_conservative_rasterization_mode::Bool extended_dynamic_state_3_extra_primitive_overestimation_size::Bool extended_dynamic_state_3_depth_clip_enable::Bool extended_dynamic_state_3_sample_locations_enable::Bool extended_dynamic_state_3_color_blend_advanced::Bool extended_dynamic_state_3_provoking_vertex_mode::Bool extended_dynamic_state_3_line_rasterization_mode::Bool extended_dynamic_state_3_line_stipple_enable::Bool extended_dynamic_state_3_depth_clip_negative_one_to_one::Bool extended_dynamic_state_3_viewport_w_scaling_enable::Bool extended_dynamic_state_3_viewport_swizzle::Bool extended_dynamic_state_3_coverage_to_color_enable::Bool extended_dynamic_state_3_coverage_to_color_location::Bool extended_dynamic_state_3_coverage_modulation_mode::Bool extended_dynamic_state_3_coverage_modulation_table_enable::Bool extended_dynamic_state_3_coverage_modulation_table::Bool extended_dynamic_state_3_coverage_reduction_mode::Bool extended_dynamic_state_3_representative_fragment_test_enable::Bool extended_dynamic_state_3_shading_rate_image_enable::Bool end """ High-level wrapper for VkPhysicalDeviceExtendedDynamicState2FeaturesEXT. Extension: VK\\_EXT\\_extended\\_dynamic\\_state2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicState2FeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceExtendedDynamicState2FeaturesEXT <: HighLevelStruct next::Any extended_dynamic_state_2::Bool extended_dynamic_state_2_logic_op::Bool extended_dynamic_state_2_patch_control_points::Bool end """ High-level wrapper for VkPhysicalDeviceExtendedDynamicStateFeaturesEXT. Extension: VK\\_EXT\\_extended\\_dynamic\\_state [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicStateFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceExtendedDynamicStateFeaturesEXT <: HighLevelStruct next::Any extended_dynamic_state::Bool end """ High-level wrapper for VkRayTracingPipelineInterfaceCreateInfoKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingPipelineInterfaceCreateInfoKHR.html) """ @struct_hash_equal struct RayTracingPipelineInterfaceCreateInfoKHR <: HighLevelStruct next::Any max_pipeline_ray_payload_size::UInt32 max_pipeline_ray_hit_attribute_size::UInt32 end """ High-level wrapper for VkAccelerationStructureVersionInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureVersionInfoKHR.html) """ @struct_hash_equal struct AccelerationStructureVersionInfoKHR <: HighLevelStruct next::Any version_data::Vector{UInt8} end """ High-level wrapper for VkTransformMatrixKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTransformMatrixKHR.html) """ @struct_hash_equal struct TransformMatrixKHR <: HighLevelStruct matrix::NTuple{3, NTuple{4, Float32}} end """ High-level wrapper for VkAabbPositionsKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAabbPositionsKHR.html) """ @struct_hash_equal struct AabbPositionsKHR <: HighLevelStruct min_x::Float32 min_y::Float32 min_z::Float32 max_x::Float32 max_y::Float32 max_z::Float32 end """ High-level wrapper for VkAccelerationStructureBuildRangeInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureBuildRangeInfoKHR.html) """ @struct_hash_equal struct AccelerationStructureBuildRangeInfoKHR <: HighLevelStruct primitive_count::UInt32 primitive_offset::UInt32 first_vertex::UInt32 transform_offset::UInt32 end """ High-level wrapper for VkAccelerationStructureGeometryInstancesDataKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryInstancesDataKHR.html) """ @struct_hash_equal struct AccelerationStructureGeometryInstancesDataKHR <: HighLevelStruct next::Any array_of_pointers::Bool data::DeviceOrHostAddressConstKHR end """ High-level wrapper for VkAccelerationStructureGeometryAabbsDataKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryAabbsDataKHR.html) """ @struct_hash_equal struct AccelerationStructureGeometryAabbsDataKHR <: HighLevelStruct next::Any data::DeviceOrHostAddressConstKHR stride::UInt64 end """ High-level wrapper for VkPhysicalDeviceBorderColorSwizzleFeaturesEXT. Extension: VK\\_EXT\\_border\\_color\\_swizzle [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBorderColorSwizzleFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceBorderColorSwizzleFeaturesEXT <: HighLevelStruct next::Any border_color_swizzle::Bool border_color_swizzle_from_image::Bool end """ High-level wrapper for VkPhysicalDeviceCustomBorderColorFeaturesEXT. Extension: VK\\_EXT\\_custom\\_border\\_color [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCustomBorderColorFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceCustomBorderColorFeaturesEXT <: HighLevelStruct next::Any custom_border_colors::Bool custom_border_color_without_format::Bool end """ High-level wrapper for VkPhysicalDeviceCustomBorderColorPropertiesEXT. Extension: VK\\_EXT\\_custom\\_border\\_color [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCustomBorderColorPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceCustomBorderColorPropertiesEXT <: HighLevelStruct next::Any max_custom_border_color_samplers::UInt32 end """ High-level wrapper for VkPhysicalDeviceCoherentMemoryFeaturesAMD. Extension: VK\\_AMD\\_device\\_coherent\\_memory [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCoherentMemoryFeaturesAMD.html) """ @struct_hash_equal struct PhysicalDeviceCoherentMemoryFeaturesAMD <: HighLevelStruct next::Any device_coherent_memory::Bool end """ High-level wrapper for VkPhysicalDeviceVulkan13Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan13Features.html) """ @struct_hash_equal struct PhysicalDeviceVulkan13Features <: HighLevelStruct next::Any robust_image_access::Bool inline_uniform_block::Bool descriptor_binding_inline_uniform_block_update_after_bind::Bool pipeline_creation_cache_control::Bool private_data::Bool shader_demote_to_helper_invocation::Bool shader_terminate_invocation::Bool subgroup_size_control::Bool compute_full_subgroups::Bool synchronization2::Bool texture_compression_astc_hdr::Bool shader_zero_initialize_workgroup_memory::Bool dynamic_rendering::Bool shader_integer_dot_product::Bool maintenance4::Bool end """ High-level wrapper for VkPhysicalDeviceVulkan12Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan12Features.html) """ @struct_hash_equal struct PhysicalDeviceVulkan12Features <: HighLevelStruct next::Any sampler_mirror_clamp_to_edge::Bool draw_indirect_count::Bool storage_buffer_8_bit_access::Bool uniform_and_storage_buffer_8_bit_access::Bool storage_push_constant_8::Bool shader_buffer_int_64_atomics::Bool shader_shared_int_64_atomics::Bool shader_float_16::Bool shader_int_8::Bool descriptor_indexing::Bool shader_input_attachment_array_dynamic_indexing::Bool shader_uniform_texel_buffer_array_dynamic_indexing::Bool shader_storage_texel_buffer_array_dynamic_indexing::Bool shader_uniform_buffer_array_non_uniform_indexing::Bool shader_sampled_image_array_non_uniform_indexing::Bool shader_storage_buffer_array_non_uniform_indexing::Bool shader_storage_image_array_non_uniform_indexing::Bool shader_input_attachment_array_non_uniform_indexing::Bool shader_uniform_texel_buffer_array_non_uniform_indexing::Bool shader_storage_texel_buffer_array_non_uniform_indexing::Bool descriptor_binding_uniform_buffer_update_after_bind::Bool descriptor_binding_sampled_image_update_after_bind::Bool descriptor_binding_storage_image_update_after_bind::Bool descriptor_binding_storage_buffer_update_after_bind::Bool descriptor_binding_uniform_texel_buffer_update_after_bind::Bool descriptor_binding_storage_texel_buffer_update_after_bind::Bool descriptor_binding_update_unused_while_pending::Bool descriptor_binding_partially_bound::Bool descriptor_binding_variable_descriptor_count::Bool runtime_descriptor_array::Bool sampler_filter_minmax::Bool scalar_block_layout::Bool imageless_framebuffer::Bool uniform_buffer_standard_layout::Bool shader_subgroup_extended_types::Bool separate_depth_stencil_layouts::Bool host_query_reset::Bool timeline_semaphore::Bool buffer_device_address::Bool buffer_device_address_capture_replay::Bool buffer_device_address_multi_device::Bool vulkan_memory_model::Bool vulkan_memory_model_device_scope::Bool vulkan_memory_model_availability_visibility_chains::Bool shader_output_viewport_index::Bool shader_output_layer::Bool subgroup_broadcast_dynamic_id::Bool end """ High-level wrapper for VkPhysicalDeviceVulkan11Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan11Features.html) """ @struct_hash_equal struct PhysicalDeviceVulkan11Features <: HighLevelStruct next::Any storage_buffer_16_bit_access::Bool uniform_and_storage_buffer_16_bit_access::Bool storage_push_constant_16::Bool storage_input_output_16::Bool multiview::Bool multiview_geometry_shader::Bool multiview_tessellation_shader::Bool variable_pointers_storage_buffer::Bool variable_pointers::Bool protected_memory::Bool sampler_ycbcr_conversion::Bool shader_draw_parameters::Bool end """ High-level wrapper for VkPhysicalDevicePipelineCreationCacheControlFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineCreationCacheControlFeatures.html) """ @struct_hash_equal struct PhysicalDevicePipelineCreationCacheControlFeatures <: HighLevelStruct next::Any pipeline_creation_cache_control::Bool end """ High-level wrapper for VkPhysicalDeviceLineRasterizationPropertiesEXT. Extension: VK\\_EXT\\_line\\_rasterization [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLineRasterizationPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceLineRasterizationPropertiesEXT <: HighLevelStruct next::Any line_sub_pixel_precision_bits::UInt32 end """ High-level wrapper for VkPhysicalDeviceLineRasterizationFeaturesEXT. Extension: VK\\_EXT\\_line\\_rasterization [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLineRasterizationFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceLineRasterizationFeaturesEXT <: HighLevelStruct next::Any rectangular_lines::Bool bresenham_lines::Bool smooth_lines::Bool stippled_rectangular_lines::Bool stippled_bresenham_lines::Bool stippled_smooth_lines::Bool end """ High-level wrapper for VkMemoryOpaqueCaptureAddressAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryOpaqueCaptureAddressAllocateInfo.html) """ @struct_hash_equal struct MemoryOpaqueCaptureAddressAllocateInfo <: HighLevelStruct next::Any opaque_capture_address::UInt64 end """ High-level wrapper for VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI. Extension: VK\\_HUAWEI\\_cluster\\_culling\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI.html) """ @struct_hash_equal struct PhysicalDeviceClusterCullingShaderPropertiesHUAWEI <: HighLevelStruct next::Any max_work_group_count::NTuple{3, UInt32} max_work_group_size::NTuple{3, UInt32} max_output_cluster_count::UInt32 end """ High-level wrapper for VkPhysicalDeviceSubpassShadingPropertiesHUAWEI. Extension: VK\\_HUAWEI\\_subpass\\_shading [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubpassShadingPropertiesHUAWEI.html) """ @struct_hash_equal struct PhysicalDeviceSubpassShadingPropertiesHUAWEI <: HighLevelStruct next::Any max_subpass_shading_workgroup_size_aspect_ratio::UInt32 end """ High-level wrapper for VkPipelineShaderStageRequiredSubgroupSizeCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineShaderStageRequiredSubgroupSizeCreateInfo.html) """ @struct_hash_equal struct PipelineShaderStageRequiredSubgroupSizeCreateInfo <: HighLevelStruct next::Any required_subgroup_size::UInt32 end """ High-level wrapper for VkPhysicalDeviceSubgroupSizeControlFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubgroupSizeControlFeatures.html) """ @struct_hash_equal struct PhysicalDeviceSubgroupSizeControlFeatures <: HighLevelStruct next::Any subgroup_size_control::Bool compute_full_subgroups::Bool end """ High-level wrapper for VkPhysicalDeviceTexelBufferAlignmentProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTexelBufferAlignmentProperties.html) """ @struct_hash_equal struct PhysicalDeviceTexelBufferAlignmentProperties <: HighLevelStruct next::Any storage_texel_buffer_offset_alignment_bytes::UInt64 storage_texel_buffer_offset_single_texel_alignment::Bool uniform_texel_buffer_offset_alignment_bytes::UInt64 uniform_texel_buffer_offset_single_texel_alignment::Bool end """ High-level wrapper for VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT. Extension: VK\\_EXT\\_texel\\_buffer\\_alignment [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceTexelBufferAlignmentFeaturesEXT <: HighLevelStruct next::Any texel_buffer_alignment::Bool end """ High-level wrapper for VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures.html) """ @struct_hash_equal struct PhysicalDeviceShaderDemoteToHelperInvocationFeatures <: HighLevelStruct next::Any shader_demote_to_helper_invocation::Bool end """ High-level wrapper for VkPipelineExecutableInternalRepresentationKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableInternalRepresentationKHR.html) """ @struct_hash_equal struct PipelineExecutableInternalRepresentationKHR <: HighLevelStruct next::Any name::String description::String is_text::Bool data_size::UInt data::OptionalPtr{Ptr{Cvoid}} end """ High-level wrapper for VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDevicePipelineExecutablePropertiesFeaturesKHR <: HighLevelStruct next::Any pipeline_executable_info::Bool end """ High-level wrapper for VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT. Extension: VK\\_EXT\\_primitive\\_topology\\_list\\_restart [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT <: HighLevelStruct next::Any primitive_topology_list_restart::Bool primitive_topology_patch_list_restart::Bool end """ High-level wrapper for VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures.html) """ @struct_hash_equal struct PhysicalDeviceSeparateDepthStencilLayoutsFeatures <: HighLevelStruct next::Any separate_depth_stencil_layouts::Bool end """ High-level wrapper for VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT. Extension: VK\\_EXT\\_fragment\\_shader\\_interlock [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceFragmentShaderInterlockFeaturesEXT <: HighLevelStruct next::Any fragment_shader_sample_interlock::Bool fragment_shader_pixel_interlock::Bool fragment_shader_shading_rate_interlock::Bool end """ High-level wrapper for VkPhysicalDeviceShaderSMBuiltinsFeaturesNV. Extension: VK\\_NV\\_shader\\_sm\\_builtins [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSMBuiltinsFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceShaderSMBuiltinsFeaturesNV <: HighLevelStruct next::Any shader_sm_builtins::Bool end """ High-level wrapper for VkPhysicalDeviceShaderSMBuiltinsPropertiesNV. Extension: VK\\_NV\\_shader\\_sm\\_builtins [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSMBuiltinsPropertiesNV.html) """ @struct_hash_equal struct PhysicalDeviceShaderSMBuiltinsPropertiesNV <: HighLevelStruct next::Any shader_sm_count::UInt32 shader_warps_per_sm::UInt32 end """ High-level wrapper for VkPhysicalDeviceIndexTypeUint8FeaturesEXT. Extension: VK\\_EXT\\_index\\_type\\_uint8 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceIndexTypeUint8FeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceIndexTypeUint8FeaturesEXT <: HighLevelStruct next::Any index_type_uint_8::Bool end """ High-level wrapper for VkPhysicalDeviceShaderClockFeaturesKHR. Extension: VK\\_KHR\\_shader\\_clock [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderClockFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDeviceShaderClockFeaturesKHR <: HighLevelStruct next::Any shader_subgroup_clock::Bool shader_device_clock::Bool end """ High-level wrapper for VkPerformanceStreamMarkerInfoINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceStreamMarkerInfoINTEL.html) """ @struct_hash_equal struct PerformanceStreamMarkerInfoINTEL <: HighLevelStruct next::Any marker::UInt32 end """ High-level wrapper for VkPerformanceMarkerInfoINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceMarkerInfoINTEL.html) """ @struct_hash_equal struct PerformanceMarkerInfoINTEL <: HighLevelStruct next::Any marker::UInt64 end """ High-level wrapper for VkInitializePerformanceApiInfoINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkInitializePerformanceApiInfoINTEL.html) """ @struct_hash_equal struct InitializePerformanceApiInfoINTEL <: HighLevelStruct next::Any user_data::OptionalPtr{Ptr{Cvoid}} end """ High-level wrapper for VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL. Extension: VK\\_INTEL\\_shader\\_integer\\_functions2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL.html) """ @struct_hash_equal struct PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL <: HighLevelStruct next::Any shader_integer_functions_2::Bool end """ High-level wrapper for VkPhysicalDeviceCoverageReductionModeFeaturesNV. Extension: VK\\_NV\\_coverage\\_reduction\\_mode [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCoverageReductionModeFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceCoverageReductionModeFeaturesNV <: HighLevelStruct next::Any coverage_reduction_mode::Bool end """ High-level wrapper for VkHeadlessSurfaceCreateInfoEXT. Extension: VK\\_EXT\\_headless\\_surface [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkHeadlessSurfaceCreateInfoEXT.html) """ @struct_hash_equal struct HeadlessSurfaceCreateInfoEXT <: HighLevelStruct next::Any flags::UInt32 end """ High-level wrapper for VkPerformanceQuerySubmitInfoKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceQuerySubmitInfoKHR.html) """ @struct_hash_equal struct PerformanceQuerySubmitInfoKHR <: HighLevelStruct next::Any counter_pass_index::UInt32 end """ High-level wrapper for VkQueryPoolPerformanceCreateInfoKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueryPoolPerformanceCreateInfoKHR.html) """ @struct_hash_equal struct QueryPoolPerformanceCreateInfoKHR <: HighLevelStruct next::Any queue_family_index::UInt32 counter_indices::Vector{UInt32} end """ High-level wrapper for VkPhysicalDevicePerformanceQueryPropertiesKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePerformanceQueryPropertiesKHR.html) """ @struct_hash_equal struct PhysicalDevicePerformanceQueryPropertiesKHR <: HighLevelStruct next::Any allow_command_buffer_query_copies::Bool end """ High-level wrapper for VkPhysicalDevicePerformanceQueryFeaturesKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePerformanceQueryFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDevicePerformanceQueryFeaturesKHR <: HighLevelStruct next::Any performance_counter_query_pools::Bool performance_counter_multiple_query_pools::Bool end """ High-level wrapper for VkSwapchainPresentBarrierCreateInfoNV. Extension: VK\\_NV\\_present\\_barrier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentBarrierCreateInfoNV.html) """ @struct_hash_equal struct SwapchainPresentBarrierCreateInfoNV <: HighLevelStruct next::Any present_barrier_enable::Bool end """ High-level wrapper for VkSurfaceCapabilitiesPresentBarrierNV. Extension: VK\\_NV\\_present\\_barrier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilitiesPresentBarrierNV.html) """ @struct_hash_equal struct SurfaceCapabilitiesPresentBarrierNV <: HighLevelStruct next::Any present_barrier_supported::Bool end """ High-level wrapper for VkPhysicalDevicePresentBarrierFeaturesNV. Extension: VK\\_NV\\_present\\_barrier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePresentBarrierFeaturesNV.html) """ @struct_hash_equal struct PhysicalDevicePresentBarrierFeaturesNV <: HighLevelStruct next::Any present_barrier::Bool end """ High-level wrapper for VkImageViewAddressPropertiesNVX. Extension: VK\\_NVX\\_image\\_view\\_handle [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewAddressPropertiesNVX.html) """ @struct_hash_equal struct ImageViewAddressPropertiesNVX <: HighLevelStruct next::Any device_address::UInt64 size::UInt64 end """ High-level wrapper for VkPhysicalDeviceYcbcrImageArraysFeaturesEXT. Extension: VK\\_EXT\\_ycbcr\\_image\\_arrays [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceYcbcrImageArraysFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceYcbcrImageArraysFeaturesEXT <: HighLevelStruct next::Any ycbcr_image_arrays::Bool end """ High-level wrapper for VkPhysicalDeviceCooperativeMatrixFeaturesNV. Extension: VK\\_NV\\_cooperative\\_matrix [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCooperativeMatrixFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceCooperativeMatrixFeaturesNV <: HighLevelStruct next::Any cooperative_matrix::Bool cooperative_matrix_robust_buffer_access::Bool end """ High-level wrapper for VkPhysicalDeviceTextureCompressionASTCHDRFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTextureCompressionASTCHDRFeatures.html) """ @struct_hash_equal struct PhysicalDeviceTextureCompressionASTCHDRFeatures <: HighLevelStruct next::Any texture_compression_astc_hdr::Bool end """ High-level wrapper for VkPhysicalDeviceImagelessFramebufferFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImagelessFramebufferFeatures.html) """ @struct_hash_equal struct PhysicalDeviceImagelessFramebufferFeatures <: HighLevelStruct next::Any imageless_framebuffer::Bool end """ High-level wrapper for VkFilterCubicImageViewImageFormatPropertiesEXT. Extension: VK\\_EXT\\_filter\\_cubic [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFilterCubicImageViewImageFormatPropertiesEXT.html) """ @struct_hash_equal struct FilterCubicImageViewImageFormatPropertiesEXT <: HighLevelStruct next::Any filter_cubic::Bool filter_cubic_minmax::Bool end """ High-level wrapper for VkBufferDeviceAddressCreateInfoEXT. Extension: VK\\_EXT\\_buffer\\_device\\_address [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferDeviceAddressCreateInfoEXT.html) """ @struct_hash_equal struct BufferDeviceAddressCreateInfoEXT <: HighLevelStruct next::Any device_address::UInt64 end """ High-level wrapper for VkBufferOpaqueCaptureAddressCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferOpaqueCaptureAddressCreateInfo.html) """ @struct_hash_equal struct BufferOpaqueCaptureAddressCreateInfo <: HighLevelStruct next::Any opaque_capture_address::UInt64 end """ High-level wrapper for VkPhysicalDeviceBufferDeviceAddressFeaturesEXT. Extension: VK\\_EXT\\_buffer\\_device\\_address [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBufferDeviceAddressFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceBufferDeviceAddressFeaturesEXT <: HighLevelStruct next::Any buffer_device_address::Bool buffer_device_address_capture_replay::Bool buffer_device_address_multi_device::Bool end """ High-level wrapper for VkPhysicalDeviceBufferDeviceAddressFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBufferDeviceAddressFeatures.html) """ @struct_hash_equal struct PhysicalDeviceBufferDeviceAddressFeatures <: HighLevelStruct next::Any buffer_device_address::Bool buffer_device_address_capture_replay::Bool buffer_device_address_multi_device::Bool end """ High-level wrapper for VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT. Extension: VK\\_EXT\\_pageable\\_device\\_local\\_memory [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT <: HighLevelStruct next::Any pageable_device_local_memory::Bool end """ High-level wrapper for VkMemoryPriorityAllocateInfoEXT. Extension: VK\\_EXT\\_memory\\_priority [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryPriorityAllocateInfoEXT.html) """ @struct_hash_equal struct MemoryPriorityAllocateInfoEXT <: HighLevelStruct next::Any priority::Float32 end """ High-level wrapper for VkPhysicalDeviceMemoryPriorityFeaturesEXT. Extension: VK\\_EXT\\_memory\\_priority [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryPriorityFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceMemoryPriorityFeaturesEXT <: HighLevelStruct next::Any memory_priority::Bool end """ High-level wrapper for VkPhysicalDeviceMemoryBudgetPropertiesEXT. Extension: VK\\_EXT\\_memory\\_budget [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryBudgetPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceMemoryBudgetPropertiesEXT <: HighLevelStruct next::Any heap_budget::NTuple{Int(VK_MAX_MEMORY_HEAPS), UInt64} heap_usage::NTuple{Int(VK_MAX_MEMORY_HEAPS), UInt64} end """ High-level wrapper for VkPipelineRasterizationDepthClipStateCreateInfoEXT. Extension: VK\\_EXT\\_depth\\_clip\\_enable [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationDepthClipStateCreateInfoEXT.html) """ @struct_hash_equal struct PipelineRasterizationDepthClipStateCreateInfoEXT <: HighLevelStruct next::Any flags::UInt32 depth_clip_enable::Bool end """ High-level wrapper for VkPhysicalDeviceDepthClipEnableFeaturesEXT. Extension: VK\\_EXT\\_depth\\_clip\\_enable [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthClipEnableFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceDepthClipEnableFeaturesEXT <: HighLevelStruct next::Any depth_clip_enable::Bool end """ High-level wrapper for VkPhysicalDeviceUniformBufferStandardLayoutFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceUniformBufferStandardLayoutFeatures.html) """ @struct_hash_equal struct PhysicalDeviceUniformBufferStandardLayoutFeatures <: HighLevelStruct next::Any uniform_buffer_standard_layout::Bool end """ High-level wrapper for VkSurfaceProtectedCapabilitiesKHR. Extension: VK\\_KHR\\_surface\\_protected\\_capabilities [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceProtectedCapabilitiesKHR.html) """ @struct_hash_equal struct SurfaceProtectedCapabilitiesKHR <: HighLevelStruct next::Any supports_protected::Bool end """ High-level wrapper for VkPhysicalDeviceScalarBlockLayoutFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceScalarBlockLayoutFeatures.html) """ @struct_hash_equal struct PhysicalDeviceScalarBlockLayoutFeatures <: HighLevelStruct next::Any scalar_block_layout::Bool end """ High-level wrapper for VkPhysicalDeviceFragmentDensityMap2PropertiesEXT. Extension: VK\\_EXT\\_fragment\\_density\\_map2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMap2PropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceFragmentDensityMap2PropertiesEXT <: HighLevelStruct next::Any subsampled_loads::Bool subsampled_coarse_reconstruction_early_access::Bool max_subsampled_array_layers::UInt32 max_descriptor_set_subsampled_samplers::UInt32 end """ High-level wrapper for VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM. Extension: VK\\_QCOM\\_fragment\\_density\\_map\\_offset [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM.html) """ @struct_hash_equal struct PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM <: HighLevelStruct next::Any fragment_density_map_offset::Bool end """ High-level wrapper for VkPhysicalDeviceFragmentDensityMap2FeaturesEXT. Extension: VK\\_EXT\\_fragment\\_density\\_map2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMap2FeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceFragmentDensityMap2FeaturesEXT <: HighLevelStruct next::Any fragment_density_map_deferred::Bool end """ High-level wrapper for VkPhysicalDeviceFragmentDensityMapFeaturesEXT. Extension: VK\\_EXT\\_fragment\\_density\\_map [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceFragmentDensityMapFeaturesEXT <: HighLevelStruct next::Any fragment_density_map::Bool fragment_density_map_dynamic::Bool fragment_density_map_non_subsampled_images::Bool end """ High-level wrapper for VkImageDrmFormatModifierPropertiesEXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageDrmFormatModifierPropertiesEXT.html) """ @struct_hash_equal struct ImageDrmFormatModifierPropertiesEXT <: HighLevelStruct next::Any drm_format_modifier::UInt64 end """ High-level wrapper for VkImageDrmFormatModifierListCreateInfoEXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageDrmFormatModifierListCreateInfoEXT.html) """ @struct_hash_equal struct ImageDrmFormatModifierListCreateInfoEXT <: HighLevelStruct next::Any drm_format_modifiers::Vector{UInt64} end """ High-level wrapper for VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR.html) """ @struct_hash_equal struct PhysicalDeviceRayTracingMaintenance1FeaturesKHR <: HighLevelStruct next::Any ray_tracing_maintenance_1::Bool ray_tracing_pipeline_trace_rays_indirect_2::Bool end """ High-level wrapper for VkTraceRaysIndirectCommand2KHR. Extension: VK\\_KHR\\_ray\\_tracing\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTraceRaysIndirectCommand2KHR.html) """ @struct_hash_equal struct TraceRaysIndirectCommand2KHR <: HighLevelStruct raygen_shader_record_address::UInt64 raygen_shader_record_size::UInt64 miss_shader_binding_table_address::UInt64 miss_shader_binding_table_size::UInt64 miss_shader_binding_table_stride::UInt64 hit_shader_binding_table_address::UInt64 hit_shader_binding_table_size::UInt64 hit_shader_binding_table_stride::UInt64 callable_shader_binding_table_address::UInt64 callable_shader_binding_table_size::UInt64 callable_shader_binding_table_stride::UInt64 width::UInt32 height::UInt32 depth::UInt32 end """ High-level wrapper for VkTraceRaysIndirectCommandKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTraceRaysIndirectCommandKHR.html) """ @struct_hash_equal struct TraceRaysIndirectCommandKHR <: HighLevelStruct width::UInt32 height::UInt32 depth::UInt32 end """ High-level wrapper for VkStridedDeviceAddressRegionKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkStridedDeviceAddressRegionKHR.html) """ @struct_hash_equal struct StridedDeviceAddressRegionKHR <: HighLevelStruct device_address::UInt64 stride::UInt64 size::UInt64 end """ High-level wrapper for VkPhysicalDeviceRayTracingPropertiesNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingPropertiesNV.html) """ @struct_hash_equal struct PhysicalDeviceRayTracingPropertiesNV <: HighLevelStruct next::Any shader_group_handle_size::UInt32 max_recursion_depth::UInt32 max_shader_group_stride::UInt32 shader_group_base_alignment::UInt32 max_geometry_count::UInt64 max_instance_count::UInt64 max_triangle_count::UInt64 max_descriptor_set_acceleration_structures::UInt32 end """ High-level wrapper for VkPhysicalDeviceRayTracingPipelinePropertiesKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingPipelinePropertiesKHR.html) """ @struct_hash_equal struct PhysicalDeviceRayTracingPipelinePropertiesKHR <: HighLevelStruct next::Any shader_group_handle_size::UInt32 max_ray_recursion_depth::UInt32 max_shader_group_stride::UInt32 shader_group_base_alignment::UInt32 shader_group_handle_capture_replay_size::UInt32 max_ray_dispatch_invocation_count::UInt32 shader_group_handle_alignment::UInt32 max_ray_hit_attribute_size::UInt32 end """ High-level wrapper for VkPhysicalDeviceAccelerationStructurePropertiesKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAccelerationStructurePropertiesKHR.html) """ @struct_hash_equal struct PhysicalDeviceAccelerationStructurePropertiesKHR <: HighLevelStruct next::Any max_geometry_count::UInt64 max_instance_count::UInt64 max_primitive_count::UInt64 max_per_stage_descriptor_acceleration_structures::UInt32 max_per_stage_descriptor_update_after_bind_acceleration_structures::UInt32 max_descriptor_set_acceleration_structures::UInt32 max_descriptor_set_update_after_bind_acceleration_structures::UInt32 min_acceleration_structure_scratch_offset_alignment::UInt32 end """ High-level wrapper for VkPhysicalDeviceRayQueryFeaturesKHR. Extension: VK\\_KHR\\_ray\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayQueryFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDeviceRayQueryFeaturesKHR <: HighLevelStruct next::Any ray_query::Bool end """ High-level wrapper for VkPhysicalDeviceRayTracingPipelineFeaturesKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingPipelineFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDeviceRayTracingPipelineFeaturesKHR <: HighLevelStruct next::Any ray_tracing_pipeline::Bool ray_tracing_pipeline_shader_group_handle_capture_replay::Bool ray_tracing_pipeline_shader_group_handle_capture_replay_mixed::Bool ray_tracing_pipeline_trace_rays_indirect::Bool ray_traversal_primitive_culling::Bool end """ High-level wrapper for VkPhysicalDeviceAccelerationStructureFeaturesKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAccelerationStructureFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDeviceAccelerationStructureFeaturesKHR <: HighLevelStruct next::Any acceleration_structure::Bool acceleration_structure_capture_replay::Bool acceleration_structure_indirect_build::Bool acceleration_structure_host_commands::Bool descriptor_binding_acceleration_structure_update_after_bind::Bool end """ High-level wrapper for VkDrawMeshTasksIndirectCommandEXT. Extension: VK\\_EXT\\_mesh\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrawMeshTasksIndirectCommandEXT.html) """ @struct_hash_equal struct DrawMeshTasksIndirectCommandEXT <: HighLevelStruct group_count_x::UInt32 group_count_y::UInt32 group_count_z::UInt32 end """ High-level wrapper for VkPhysicalDeviceMeshShaderPropertiesEXT. Extension: VK\\_EXT\\_mesh\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceMeshShaderPropertiesEXT <: HighLevelStruct next::Any max_task_work_group_total_count::UInt32 max_task_work_group_count::NTuple{3, UInt32} max_task_work_group_invocations::UInt32 max_task_work_group_size::NTuple{3, UInt32} max_task_payload_size::UInt32 max_task_shared_memory_size::UInt32 max_task_payload_and_shared_memory_size::UInt32 max_mesh_work_group_total_count::UInt32 max_mesh_work_group_count::NTuple{3, UInt32} max_mesh_work_group_invocations::UInt32 max_mesh_work_group_size::NTuple{3, UInt32} max_mesh_shared_memory_size::UInt32 max_mesh_payload_and_shared_memory_size::UInt32 max_mesh_output_memory_size::UInt32 max_mesh_payload_and_output_memory_size::UInt32 max_mesh_output_components::UInt32 max_mesh_output_vertices::UInt32 max_mesh_output_primitives::UInt32 max_mesh_output_layers::UInt32 max_mesh_multiview_view_count::UInt32 mesh_output_per_vertex_granularity::UInt32 mesh_output_per_primitive_granularity::UInt32 max_preferred_task_work_group_invocations::UInt32 max_preferred_mesh_work_group_invocations::UInt32 prefers_local_invocation_vertex_output::Bool prefers_local_invocation_primitive_output::Bool prefers_compact_vertex_output::Bool prefers_compact_primitive_output::Bool end """ High-level wrapper for VkPhysicalDeviceMeshShaderFeaturesEXT. Extension: VK\\_EXT\\_mesh\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceMeshShaderFeaturesEXT <: HighLevelStruct next::Any task_shader::Bool mesh_shader::Bool multiview_mesh_shader::Bool primitive_fragment_shading_rate_mesh_shader::Bool mesh_shader_queries::Bool end """ High-level wrapper for VkDrawMeshTasksIndirectCommandNV. Extension: VK\\_NV\\_mesh\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrawMeshTasksIndirectCommandNV.html) """ @struct_hash_equal struct DrawMeshTasksIndirectCommandNV <: HighLevelStruct task_count::UInt32 first_task::UInt32 end """ High-level wrapper for VkPhysicalDeviceMeshShaderPropertiesNV. Extension: VK\\_NV\\_mesh\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderPropertiesNV.html) """ @struct_hash_equal struct PhysicalDeviceMeshShaderPropertiesNV <: HighLevelStruct next::Any max_draw_mesh_tasks_count::UInt32 max_task_work_group_invocations::UInt32 max_task_work_group_size::NTuple{3, UInt32} max_task_total_memory_size::UInt32 max_task_output_count::UInt32 max_mesh_work_group_invocations::UInt32 max_mesh_work_group_size::NTuple{3, UInt32} max_mesh_total_memory_size::UInt32 max_mesh_output_vertices::UInt32 max_mesh_output_primitives::UInt32 max_mesh_multiview_view_count::UInt32 mesh_output_per_vertex_granularity::UInt32 mesh_output_per_primitive_granularity::UInt32 end """ High-level wrapper for VkPhysicalDeviceMeshShaderFeaturesNV. Extension: VK\\_NV\\_mesh\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceMeshShaderFeaturesNV <: HighLevelStruct next::Any task_shader::Bool mesh_shader::Bool end """ High-level wrapper for VkCoarseSampleLocationNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCoarseSampleLocationNV.html) """ @struct_hash_equal struct CoarseSampleLocationNV <: HighLevelStruct pixel_x::UInt32 pixel_y::UInt32 sample::UInt32 end """ High-level wrapper for VkPhysicalDeviceInvocationMaskFeaturesHUAWEI. Extension: VK\\_HUAWEI\\_invocation\\_mask [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInvocationMaskFeaturesHUAWEI.html) """ @struct_hash_equal struct PhysicalDeviceInvocationMaskFeaturesHUAWEI <: HighLevelStruct next::Any invocation_mask::Bool end """ High-level wrapper for VkPhysicalDeviceShadingRateImageFeaturesNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShadingRateImageFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceShadingRateImageFeaturesNV <: HighLevelStruct next::Any shading_rate_image::Bool shading_rate_coarse_sample_order::Bool end """ High-level wrapper for VkPhysicalDeviceMemoryDecompressionPropertiesNV. Extension: VK\\_NV\\_memory\\_decompression [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryDecompressionPropertiesNV.html) """ @struct_hash_equal struct PhysicalDeviceMemoryDecompressionPropertiesNV <: HighLevelStruct next::Any decompression_methods::UInt64 max_decompression_indirect_count::UInt64 end """ High-level wrapper for VkPhysicalDeviceMemoryDecompressionFeaturesNV. Extension: VK\\_NV\\_memory\\_decompression [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryDecompressionFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceMemoryDecompressionFeaturesNV <: HighLevelStruct next::Any memory_decompression::Bool end """ High-level wrapper for VkPhysicalDeviceCopyMemoryIndirectFeaturesNV. Extension: VK\\_NV\\_copy\\_memory\\_indirect [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCopyMemoryIndirectFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceCopyMemoryIndirectFeaturesNV <: HighLevelStruct next::Any indirect_copy::Bool end """ High-level wrapper for VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV. Extension: VK\\_NV\\_dedicated\\_allocation\\_image\\_aliasing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV <: HighLevelStruct next::Any dedicated_allocation_image_aliasing::Bool end """ High-level wrapper for VkPhysicalDeviceShaderImageFootprintFeaturesNV. Extension: VK\\_NV\\_shader\\_image\\_footprint [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderImageFootprintFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceShaderImageFootprintFeaturesNV <: HighLevelStruct next::Any image_footprint::Bool end """ High-level wrapper for VkPhysicalDeviceComputeShaderDerivativesFeaturesNV. Extension: VK\\_NV\\_compute\\_shader\\_derivatives [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceComputeShaderDerivativesFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceComputeShaderDerivativesFeaturesNV <: HighLevelStruct next::Any compute_derivative_group_quads::Bool compute_derivative_group_linear::Bool end """ High-level wrapper for VkPhysicalDeviceCornerSampledImageFeaturesNV. Extension: VK\\_NV\\_corner\\_sampled\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCornerSampledImageFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceCornerSampledImageFeaturesNV <: HighLevelStruct next::Any corner_sampled_image::Bool end """ High-level wrapper for VkPhysicalDeviceExclusiveScissorFeaturesNV. Extension: VK\\_NV\\_scissor\\_exclusive [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExclusiveScissorFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceExclusiveScissorFeaturesNV <: HighLevelStruct next::Any exclusive_scissor::Bool end """ High-level wrapper for VkPipelineRepresentativeFragmentTestStateCreateInfoNV. Extension: VK\\_NV\\_representative\\_fragment\\_test [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRepresentativeFragmentTestStateCreateInfoNV.html) """ @struct_hash_equal struct PipelineRepresentativeFragmentTestStateCreateInfoNV <: HighLevelStruct next::Any representative_fragment_test_enable::Bool end """ High-level wrapper for VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV. Extension: VK\\_NV\\_representative\\_fragment\\_test [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceRepresentativeFragmentTestFeaturesNV <: HighLevelStruct next::Any representative_fragment_test::Bool end """ High-level wrapper for VkPipelineRasterizationStateStreamCreateInfoEXT. Extension: VK\\_EXT\\_transform\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationStateStreamCreateInfoEXT.html) """ @struct_hash_equal struct PipelineRasterizationStateStreamCreateInfoEXT <: HighLevelStruct next::Any flags::UInt32 rasterization_stream::UInt32 end """ High-level wrapper for VkPhysicalDeviceTransformFeedbackPropertiesEXT. Extension: VK\\_EXT\\_transform\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTransformFeedbackPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceTransformFeedbackPropertiesEXT <: HighLevelStruct next::Any max_transform_feedback_streams::UInt32 max_transform_feedback_buffers::UInt32 max_transform_feedback_buffer_size::UInt64 max_transform_feedback_stream_data_size::UInt32 max_transform_feedback_buffer_data_size::UInt32 max_transform_feedback_buffer_data_stride::UInt32 transform_feedback_queries::Bool transform_feedback_streams_lines_triangles::Bool transform_feedback_rasterization_stream_select::Bool transform_feedback_draw::Bool end """ High-level wrapper for VkPhysicalDeviceTransformFeedbackFeaturesEXT. Extension: VK\\_EXT\\_transform\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTransformFeedbackFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceTransformFeedbackFeaturesEXT <: HighLevelStruct next::Any transform_feedback::Bool geometry_streams::Bool end """ High-level wrapper for VkPhysicalDeviceASTCDecodeFeaturesEXT. Extension: VK\\_EXT\\_astc\\_decode\\_mode [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceASTCDecodeFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceASTCDecodeFeaturesEXT <: HighLevelStruct next::Any decode_mode_shared_exponent::Bool end """ High-level wrapper for VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT. Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceVertexAttributeDivisorFeaturesEXT <: HighLevelStruct next::Any vertex_attribute_instance_rate_divisor::Bool vertex_attribute_instance_rate_zero_divisor::Bool end """ High-level wrapper for VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT. Extension: VK\\_EXT\\_shader\\_atomic\\_float2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceShaderAtomicFloat2FeaturesEXT <: HighLevelStruct next::Any shader_buffer_float_16_atomics::Bool shader_buffer_float_16_atomic_add::Bool shader_buffer_float_16_atomic_min_max::Bool shader_buffer_float_32_atomic_min_max::Bool shader_buffer_float_64_atomic_min_max::Bool shader_shared_float_16_atomics::Bool shader_shared_float_16_atomic_add::Bool shader_shared_float_16_atomic_min_max::Bool shader_shared_float_32_atomic_min_max::Bool shader_shared_float_64_atomic_min_max::Bool shader_image_float_32_atomic_min_max::Bool sparse_image_float_32_atomic_min_max::Bool end """ High-level wrapper for VkPhysicalDeviceShaderAtomicFloatFeaturesEXT. Extension: VK\\_EXT\\_shader\\_atomic\\_float [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderAtomicFloatFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceShaderAtomicFloatFeaturesEXT <: HighLevelStruct next::Any shader_buffer_float_32_atomics::Bool shader_buffer_float_32_atomic_add::Bool shader_buffer_float_64_atomics::Bool shader_buffer_float_64_atomic_add::Bool shader_shared_float_32_atomics::Bool shader_shared_float_32_atomic_add::Bool shader_shared_float_64_atomics::Bool shader_shared_float_64_atomic_add::Bool shader_image_float_32_atomics::Bool shader_image_float_32_atomic_add::Bool sparse_image_float_32_atomics::Bool sparse_image_float_32_atomic_add::Bool end """ High-level wrapper for VkPhysicalDeviceShaderAtomicInt64Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderAtomicInt64Features.html) """ @struct_hash_equal struct PhysicalDeviceShaderAtomicInt64Features <: HighLevelStruct next::Any shader_buffer_int_64_atomics::Bool shader_shared_int_64_atomics::Bool end """ High-level wrapper for VkPhysicalDeviceVulkanMemoryModelFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkanMemoryModelFeatures.html) """ @struct_hash_equal struct PhysicalDeviceVulkanMemoryModelFeatures <: HighLevelStruct next::Any vulkan_memory_model::Bool vulkan_memory_model_device_scope::Bool vulkan_memory_model_availability_visibility_chains::Bool end """ High-level wrapper for VkPhysicalDeviceConditionalRenderingFeaturesEXT. Extension: VK\\_EXT\\_conditional\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceConditionalRenderingFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceConditionalRenderingFeaturesEXT <: HighLevelStruct next::Any conditional_rendering::Bool inherited_conditional_rendering::Bool end """ High-level wrapper for VkPhysicalDevice8BitStorageFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevice8BitStorageFeatures.html) """ @struct_hash_equal struct PhysicalDevice8BitStorageFeatures <: HighLevelStruct next::Any storage_buffer_8_bit_access::Bool uniform_and_storage_buffer_8_bit_access::Bool storage_push_constant_8::Bool end """ High-level wrapper for VkCommandBufferInheritanceConditionalRenderingInfoEXT. Extension: VK\\_EXT\\_conditional\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceConditionalRenderingInfoEXT.html) """ @struct_hash_equal struct CommandBufferInheritanceConditionalRenderingInfoEXT <: HighLevelStruct next::Any conditional_rendering_enable::Bool end """ High-level wrapper for VkPhysicalDevicePCIBusInfoPropertiesEXT. Extension: VK\\_EXT\\_pci\\_bus\\_info [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePCIBusInfoPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDevicePCIBusInfoPropertiesEXT <: HighLevelStruct next::Any pci_domain::UInt32 pci_bus::UInt32 pci_device::UInt32 pci_function::UInt32 end """ High-level wrapper for VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT. Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceVertexAttributeDivisorPropertiesEXT <: HighLevelStruct next::Any max_vertex_attrib_divisor::UInt32 end """ High-level wrapper for VkVertexInputBindingDivisorDescriptionEXT. Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputBindingDivisorDescriptionEXT.html) """ @struct_hash_equal struct VertexInputBindingDivisorDescriptionEXT <: HighLevelStruct binding::UInt32 divisor::UInt32 end """ High-level wrapper for VkPipelineVertexInputDivisorStateCreateInfoEXT. Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineVertexInputDivisorStateCreateInfoEXT.html) """ @struct_hash_equal struct PipelineVertexInputDivisorStateCreateInfoEXT <: HighLevelStruct next::Any vertex_binding_divisors::Vector{VertexInputBindingDivisorDescriptionEXT} end """ High-level wrapper for VkTimelineSemaphoreSubmitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTimelineSemaphoreSubmitInfo.html) """ @struct_hash_equal struct TimelineSemaphoreSubmitInfo <: HighLevelStruct next::Any wait_semaphore_values::OptionalPtr{Vector{UInt64}} signal_semaphore_values::OptionalPtr{Vector{UInt64}} end """ High-level wrapper for VkPhysicalDeviceTimelineSemaphoreProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTimelineSemaphoreProperties.html) """ @struct_hash_equal struct PhysicalDeviceTimelineSemaphoreProperties <: HighLevelStruct next::Any max_timeline_semaphore_value_difference::UInt64 end """ High-level wrapper for VkPhysicalDeviceTimelineSemaphoreFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTimelineSemaphoreFeatures.html) """ @struct_hash_equal struct PhysicalDeviceTimelineSemaphoreFeatures <: HighLevelStruct next::Any timeline_semaphore::Bool end """ High-level wrapper for VkSubpassEndInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassEndInfo.html) """ @struct_hash_equal struct SubpassEndInfo <: HighLevelStruct next::Any end """ High-level wrapper for VkDescriptorSetVariableDescriptorCountLayoutSupport. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetVariableDescriptorCountLayoutSupport.html) """ @struct_hash_equal struct DescriptorSetVariableDescriptorCountLayoutSupport <: HighLevelStruct next::Any max_variable_descriptor_count::UInt32 end """ High-level wrapper for VkDescriptorSetVariableDescriptorCountAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetVariableDescriptorCountAllocateInfo.html) """ @struct_hash_equal struct DescriptorSetVariableDescriptorCountAllocateInfo <: HighLevelStruct next::Any descriptor_counts::Vector{UInt32} end """ High-level wrapper for VkPhysicalDeviceDescriptorIndexingProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorIndexingProperties.html) """ @struct_hash_equal struct PhysicalDeviceDescriptorIndexingProperties <: HighLevelStruct next::Any max_update_after_bind_descriptors_in_all_pools::UInt32 shader_uniform_buffer_array_non_uniform_indexing_native::Bool shader_sampled_image_array_non_uniform_indexing_native::Bool shader_storage_buffer_array_non_uniform_indexing_native::Bool shader_storage_image_array_non_uniform_indexing_native::Bool shader_input_attachment_array_non_uniform_indexing_native::Bool robust_buffer_access_update_after_bind::Bool quad_divergent_implicit_lod::Bool max_per_stage_descriptor_update_after_bind_samplers::UInt32 max_per_stage_descriptor_update_after_bind_uniform_buffers::UInt32 max_per_stage_descriptor_update_after_bind_storage_buffers::UInt32 max_per_stage_descriptor_update_after_bind_sampled_images::UInt32 max_per_stage_descriptor_update_after_bind_storage_images::UInt32 max_per_stage_descriptor_update_after_bind_input_attachments::UInt32 max_per_stage_update_after_bind_resources::UInt32 max_descriptor_set_update_after_bind_samplers::UInt32 max_descriptor_set_update_after_bind_uniform_buffers::UInt32 max_descriptor_set_update_after_bind_uniform_buffers_dynamic::UInt32 max_descriptor_set_update_after_bind_storage_buffers::UInt32 max_descriptor_set_update_after_bind_storage_buffers_dynamic::UInt32 max_descriptor_set_update_after_bind_sampled_images::UInt32 max_descriptor_set_update_after_bind_storage_images::UInt32 max_descriptor_set_update_after_bind_input_attachments::UInt32 end """ High-level wrapper for VkPhysicalDeviceDescriptorIndexingFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorIndexingFeatures.html) """ @struct_hash_equal struct PhysicalDeviceDescriptorIndexingFeatures <: HighLevelStruct next::Any shader_input_attachment_array_dynamic_indexing::Bool shader_uniform_texel_buffer_array_dynamic_indexing::Bool shader_storage_texel_buffer_array_dynamic_indexing::Bool shader_uniform_buffer_array_non_uniform_indexing::Bool shader_sampled_image_array_non_uniform_indexing::Bool shader_storage_buffer_array_non_uniform_indexing::Bool shader_storage_image_array_non_uniform_indexing::Bool shader_input_attachment_array_non_uniform_indexing::Bool shader_uniform_texel_buffer_array_non_uniform_indexing::Bool shader_storage_texel_buffer_array_non_uniform_indexing::Bool descriptor_binding_uniform_buffer_update_after_bind::Bool descriptor_binding_sampled_image_update_after_bind::Bool descriptor_binding_storage_image_update_after_bind::Bool descriptor_binding_storage_buffer_update_after_bind::Bool descriptor_binding_uniform_texel_buffer_update_after_bind::Bool descriptor_binding_storage_texel_buffer_update_after_bind::Bool descriptor_binding_update_unused_while_pending::Bool descriptor_binding_partially_bound::Bool descriptor_binding_variable_descriptor_count::Bool runtime_descriptor_array::Bool end """ High-level wrapper for VkPhysicalDeviceShaderCorePropertiesAMD. Extension: VK\\_AMD\\_shader\\_core\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCorePropertiesAMD.html) """ @struct_hash_equal struct PhysicalDeviceShaderCorePropertiesAMD <: HighLevelStruct next::Any shader_engine_count::UInt32 shader_arrays_per_engine_count::UInt32 compute_units_per_shader_array::UInt32 simd_per_compute_unit::UInt32 wavefronts_per_simd::UInt32 wavefront_size::UInt32 sgprs_per_simd::UInt32 min_sgpr_allocation::UInt32 max_sgpr_allocation::UInt32 sgpr_allocation_granularity::UInt32 vgprs_per_simd::UInt32 min_vgpr_allocation::UInt32 max_vgpr_allocation::UInt32 vgpr_allocation_granularity::UInt32 end """ High-level wrapper for VkPhysicalDeviceConservativeRasterizationPropertiesEXT. Extension: VK\\_EXT\\_conservative\\_rasterization [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceConservativeRasterizationPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceConservativeRasterizationPropertiesEXT <: HighLevelStruct next::Any primitive_overestimation_size::Float32 max_extra_primitive_overestimation_size::Float32 extra_primitive_overestimation_size_granularity::Float32 primitive_underestimation::Bool conservative_point_and_line_rasterization::Bool degenerate_triangles_rasterized::Bool degenerate_lines_rasterized::Bool fully_covered_fragment_shader_input_variable::Bool conservative_rasterization_post_depth_coverage::Bool end """ High-level wrapper for VkPhysicalDeviceExternalMemoryHostPropertiesEXT. Extension: VK\\_EXT\\_external\\_memory\\_host [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalMemoryHostPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceExternalMemoryHostPropertiesEXT <: HighLevelStruct next::Any min_imported_host_pointer_alignment::UInt64 end """ High-level wrapper for VkMemoryHostPointerPropertiesEXT. Extension: VK\\_EXT\\_external\\_memory\\_host [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryHostPointerPropertiesEXT.html) """ @struct_hash_equal struct MemoryHostPointerPropertiesEXT <: HighLevelStruct next::Any memory_type_bits::UInt32 end """ High-level wrapper for VkDeviceDeviceMemoryReportCreateInfoEXT. Extension: VK\\_EXT\\_device\\_memory\\_report [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceDeviceMemoryReportCreateInfoEXT.html) """ @struct_hash_equal struct DeviceDeviceMemoryReportCreateInfoEXT <: HighLevelStruct next::Any flags::UInt32 pfn_user_callback::FunctionPtr user_data::Ptr{Cvoid} end """ High-level wrapper for VkPhysicalDeviceDeviceMemoryReportFeaturesEXT. Extension: VK\\_EXT\\_device\\_memory\\_report [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDeviceMemoryReportFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceDeviceMemoryReportFeaturesEXT <: HighLevelStruct next::Any device_memory_report::Bool end """ High-level wrapper for VkDebugUtilsLabelEXT. Extension: VK\\_EXT\\_debug\\_utils [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsLabelEXT.html) """ @struct_hash_equal struct DebugUtilsLabelEXT <: HighLevelStruct next::Any label_name::String color::NTuple{4, Float32} end """ High-level wrapper for VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR. Extension: VK\\_KHR\\_global\\_priority [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDeviceGlobalPriorityQueryFeaturesKHR <: HighLevelStruct next::Any global_priority_query::Bool end """ High-level wrapper for VkShaderResourceUsageAMD. Extension: VK\\_AMD\\_shader\\_info [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderResourceUsageAMD.html) """ @struct_hash_equal struct ShaderResourceUsageAMD <: HighLevelStruct num_used_vgprs::UInt32 num_used_sgprs::UInt32 lds_size_per_local_work_group::UInt32 lds_usage_size_in_bytes::UInt scratch_mem_usage_in_bytes::UInt end """ High-level wrapper for VkPhysicalDeviceHostQueryResetFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceHostQueryResetFeatures.html) """ @struct_hash_equal struct PhysicalDeviceHostQueryResetFeatures <: HighLevelStruct next::Any host_query_reset::Bool end """ High-level wrapper for VkPhysicalDeviceShaderFloat16Int8Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderFloat16Int8Features.html) """ @struct_hash_equal struct PhysicalDeviceShaderFloat16Int8Features <: HighLevelStruct next::Any shader_float_16::Bool shader_int_8::Bool end """ High-level wrapper for VkPhysicalDeviceShaderDrawParametersFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderDrawParametersFeatures.html) """ @struct_hash_equal struct PhysicalDeviceShaderDrawParametersFeatures <: HighLevelStruct next::Any shader_draw_parameters::Bool end """ High-level wrapper for VkDescriptorSetLayoutSupport. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutSupport.html) """ @struct_hash_equal struct DescriptorSetLayoutSupport <: HighLevelStruct next::Any supported::Bool end """ High-level wrapper for VkPhysicalDeviceMaintenance4Properties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMaintenance4Properties.html) """ @struct_hash_equal struct PhysicalDeviceMaintenance4Properties <: HighLevelStruct next::Any max_buffer_size::UInt64 end """ High-level wrapper for VkPhysicalDeviceMaintenance4Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMaintenance4Features.html) """ @struct_hash_equal struct PhysicalDeviceMaintenance4Features <: HighLevelStruct next::Any maintenance4::Bool end """ High-level wrapper for VkPhysicalDeviceMaintenance3Properties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMaintenance3Properties.html) """ @struct_hash_equal struct PhysicalDeviceMaintenance3Properties <: HighLevelStruct next::Any max_per_set_descriptors::UInt32 max_memory_allocation_size::UInt64 end """ High-level wrapper for VkValidationCacheCreateInfoEXT. Extension: VK\\_EXT\\_validation\\_cache [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkValidationCacheCreateInfoEXT.html) """ @struct_hash_equal struct ValidationCacheCreateInfoEXT <: HighLevelStruct next::Any flags::UInt32 initial_data_size::OptionalPtr{UInt} initial_data::Ptr{Cvoid} end """ High-level wrapper for VkDescriptorPoolInlineUniformBlockCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorPoolInlineUniformBlockCreateInfo.html) """ @struct_hash_equal struct DescriptorPoolInlineUniformBlockCreateInfo <: HighLevelStruct next::Any max_inline_uniform_block_bindings::UInt32 end """ High-level wrapper for VkWriteDescriptorSetInlineUniformBlock. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSetInlineUniformBlock.html) """ @struct_hash_equal struct WriteDescriptorSetInlineUniformBlock <: HighLevelStruct next::Any data_size::UInt32 data::Ptr{Cvoid} end """ High-level wrapper for VkPhysicalDeviceInlineUniformBlockProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInlineUniformBlockProperties.html) """ @struct_hash_equal struct PhysicalDeviceInlineUniformBlockProperties <: HighLevelStruct next::Any max_inline_uniform_block_size::UInt32 max_per_stage_descriptor_inline_uniform_blocks::UInt32 max_per_stage_descriptor_update_after_bind_inline_uniform_blocks::UInt32 max_descriptor_set_inline_uniform_blocks::UInt32 max_descriptor_set_update_after_bind_inline_uniform_blocks::UInt32 end """ High-level wrapper for VkPhysicalDeviceInlineUniformBlockFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInlineUniformBlockFeatures.html) """ @struct_hash_equal struct PhysicalDeviceInlineUniformBlockFeatures <: HighLevelStruct next::Any inline_uniform_block::Bool descriptor_binding_inline_uniform_block_update_after_bind::Bool end """ High-level wrapper for VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT. Extension: VK\\_EXT\\_blend\\_operation\\_advanced [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceBlendOperationAdvancedPropertiesEXT <: HighLevelStruct next::Any advanced_blend_max_color_attachments::UInt32 advanced_blend_independent_blend::Bool advanced_blend_non_premultiplied_src_color::Bool advanced_blend_non_premultiplied_dst_color::Bool advanced_blend_correlated_overlap::Bool advanced_blend_all_operations::Bool end """ High-level wrapper for VkPhysicalDeviceMultiDrawFeaturesEXT. Extension: VK\\_EXT\\_multi\\_draw [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiDrawFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceMultiDrawFeaturesEXT <: HighLevelStruct next::Any multi_draw::Bool end """ High-level wrapper for VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT. Extension: VK\\_EXT\\_blend\\_operation\\_advanced [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceBlendOperationAdvancedFeaturesEXT <: HighLevelStruct next::Any advanced_blend_coherent_operations::Bool end """ High-level wrapper for VkSampleLocationEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSampleLocationEXT.html) """ @struct_hash_equal struct SampleLocationEXT <: HighLevelStruct x::Float32 y::Float32 end """ High-level wrapper for VkPhysicalDeviceSamplerFilterMinmaxProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSamplerFilterMinmaxProperties.html) """ @struct_hash_equal struct PhysicalDeviceSamplerFilterMinmaxProperties <: HighLevelStruct next::Any filter_minmax_single_component_formats::Bool filter_minmax_image_component_mapping::Bool end """ High-level wrapper for VkPipelineCoverageToColorStateCreateInfoNV. Extension: VK\\_NV\\_fragment\\_coverage\\_to\\_color [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCoverageToColorStateCreateInfoNV.html) """ @struct_hash_equal struct PipelineCoverageToColorStateCreateInfoNV <: HighLevelStruct next::Any flags::UInt32 coverage_to_color_enable::Bool coverage_to_color_location::UInt32 end """ High-level wrapper for VkPhysicalDeviceProtectedMemoryProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProtectedMemoryProperties.html) """ @struct_hash_equal struct PhysicalDeviceProtectedMemoryProperties <: HighLevelStruct next::Any protected_no_fault::Bool end """ High-level wrapper for VkPhysicalDeviceProtectedMemoryFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProtectedMemoryFeatures.html) """ @struct_hash_equal struct PhysicalDeviceProtectedMemoryFeatures <: HighLevelStruct next::Any protected_memory::Bool end """ High-level wrapper for VkProtectedSubmitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkProtectedSubmitInfo.html) """ @struct_hash_equal struct ProtectedSubmitInfo <: HighLevelStruct next::Any protected_submit::Bool end """ High-level wrapper for VkTextureLODGatherFormatPropertiesAMD. Extension: VK\\_AMD\\_texture\\_gather\\_bias\\_lod [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTextureLODGatherFormatPropertiesAMD.html) """ @struct_hash_equal struct TextureLODGatherFormatPropertiesAMD <: HighLevelStruct next::Any supports_texture_gather_lod_bias_amd::Bool end """ High-level wrapper for VkSamplerYcbcrConversionImageFormatProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerYcbcrConversionImageFormatProperties.html) """ @struct_hash_equal struct SamplerYcbcrConversionImageFormatProperties <: HighLevelStruct next::Any combined_image_sampler_descriptor_count::UInt32 end """ High-level wrapper for VkPhysicalDeviceSamplerYcbcrConversionFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSamplerYcbcrConversionFeatures.html) """ @struct_hash_equal struct PhysicalDeviceSamplerYcbcrConversionFeatures <: HighLevelStruct next::Any sampler_ycbcr_conversion::Bool end """ High-level wrapper for VkMemoryDedicatedRequirements. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryDedicatedRequirements.html) """ @struct_hash_equal struct MemoryDedicatedRequirements <: HighLevelStruct next::Any prefers_dedicated_allocation::Bool requires_dedicated_allocation::Bool end """ High-level wrapper for VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures.html) """ @struct_hash_equal struct PhysicalDeviceShaderSubgroupExtendedTypesFeatures <: HighLevelStruct next::Any shader_subgroup_extended_types::Bool end """ High-level wrapper for VkPhysicalDevice16BitStorageFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevice16BitStorageFeatures.html) """ @struct_hash_equal struct PhysicalDevice16BitStorageFeatures <: HighLevelStruct next::Any storage_buffer_16_bit_access::Bool uniform_and_storage_buffer_16_bit_access::Bool storage_push_constant_16::Bool storage_input_output_16::Bool end """ High-level wrapper for VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX. Extension: VK\\_NVX\\_multiview\\_per\\_view\\_attributes [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX.html) """ @struct_hash_equal struct PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX <: HighLevelStruct next::Any per_view_position_all_components::Bool end """ High-level wrapper for VkPhysicalDeviceDiscardRectanglePropertiesEXT. Extension: VK\\_EXT\\_discard\\_rectangles [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDiscardRectanglePropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceDiscardRectanglePropertiesEXT <: HighLevelStruct next::Any max_discard_rectangles::UInt32 end """ High-level wrapper for VkViewportWScalingNV. Extension: VK\\_NV\\_clip\\_space\\_w\\_scaling [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkViewportWScalingNV.html) """ @struct_hash_equal struct ViewportWScalingNV <: HighLevelStruct xcoeff::Float32 ycoeff::Float32 end """ High-level wrapper for VkPipelineViewportWScalingStateCreateInfoNV. Extension: VK\\_NV\\_clip\\_space\\_w\\_scaling [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportWScalingStateCreateInfoNV.html) """ @struct_hash_equal struct PipelineViewportWScalingStateCreateInfoNV <: HighLevelStruct next::Any viewport_w_scaling_enable::Bool viewport_w_scalings::OptionalPtr{Vector{ViewportWScalingNV}} end """ High-level wrapper for VkMetalSurfaceCreateInfoEXT. Extension: VK\\_EXT\\_metal\\_surface [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMetalSurfaceCreateInfoEXT.html) """ @struct_hash_equal struct MetalSurfaceCreateInfoEXT <: HighLevelStruct next::Any flags::UInt32 layer::Ptr{vk.CAMetalLayer} end """ High-level wrapper for VkMacOSSurfaceCreateInfoMVK. Extension: VK\\_MVK\\_macos\\_surface [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMacOSSurfaceCreateInfoMVK.html) """ @struct_hash_equal struct MacOSSurfaceCreateInfoMVK <: HighLevelStruct next::Any flags::UInt32 view::Ptr{Cvoid} end """ High-level wrapper for VkPresentTimeGOOGLE. Extension: VK\\_GOOGLE\\_display\\_timing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentTimeGOOGLE.html) """ @struct_hash_equal struct PresentTimeGOOGLE <: HighLevelStruct present_id::UInt32 desired_present_time::UInt64 end """ High-level wrapper for VkPresentTimesInfoGOOGLE. Extension: VK\\_GOOGLE\\_display\\_timing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentTimesInfoGOOGLE.html) """ @struct_hash_equal struct PresentTimesInfoGOOGLE <: HighLevelStruct next::Any times::OptionalPtr{Vector{PresentTimeGOOGLE}} end """ High-level wrapper for VkPastPresentationTimingGOOGLE. Extension: VK\\_GOOGLE\\_display\\_timing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPastPresentationTimingGOOGLE.html) """ @struct_hash_equal struct PastPresentationTimingGOOGLE <: HighLevelStruct present_id::UInt32 desired_present_time::UInt64 actual_present_time::UInt64 earliest_present_time::UInt64 present_margin::UInt64 end """ High-level wrapper for VkRefreshCycleDurationGOOGLE. Extension: VK\\_GOOGLE\\_display\\_timing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRefreshCycleDurationGOOGLE.html) """ @struct_hash_equal struct RefreshCycleDurationGOOGLE <: HighLevelStruct refresh_duration::UInt64 end """ High-level wrapper for VkSwapchainDisplayNativeHdrCreateInfoAMD. Extension: VK\\_AMD\\_display\\_native\\_hdr [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainDisplayNativeHdrCreateInfoAMD.html) """ @struct_hash_equal struct SwapchainDisplayNativeHdrCreateInfoAMD <: HighLevelStruct next::Any local_dimming_enable::Bool end """ High-level wrapper for VkDisplayNativeHdrSurfaceCapabilitiesAMD. Extension: VK\\_AMD\\_display\\_native\\_hdr [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayNativeHdrSurfaceCapabilitiesAMD.html) """ @struct_hash_equal struct DisplayNativeHdrSurfaceCapabilitiesAMD <: HighLevelStruct next::Any local_dimming_support::Bool end """ High-level wrapper for VkPhysicalDevicePresentWaitFeaturesKHR. Extension: VK\\_KHR\\_present\\_wait [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePresentWaitFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDevicePresentWaitFeaturesKHR <: HighLevelStruct next::Any present_wait::Bool end """ High-level wrapper for VkPresentIdKHR. Extension: VK\\_KHR\\_present\\_id [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentIdKHR.html) """ @struct_hash_equal struct PresentIdKHR <: HighLevelStruct next::Any present_ids::OptionalPtr{Vector{UInt64}} end """ High-level wrapper for VkPhysicalDevicePresentIdFeaturesKHR. Extension: VK\\_KHR\\_present\\_id [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePresentIdFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDevicePresentIdFeaturesKHR <: HighLevelStruct next::Any present_id::Bool end """ High-level wrapper for VkXYColorEXT. Extension: VK\\_EXT\\_hdr\\_metadata [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkXYColorEXT.html) """ @struct_hash_equal struct XYColorEXT <: HighLevelStruct x::Float32 y::Float32 end """ High-level wrapper for VkHdrMetadataEXT. Extension: VK\\_EXT\\_hdr\\_metadata [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkHdrMetadataEXT.html) """ @struct_hash_equal struct HdrMetadataEXT <: HighLevelStruct next::Any display_primary_red::XYColorEXT display_primary_green::XYColorEXT display_primary_blue::XYColorEXT white_point::XYColorEXT max_luminance::Float32 min_luminance::Float32 max_content_light_level::Float32 max_frame_average_light_level::Float32 end """ High-level wrapper for VkDeviceGroupBindSparseInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupBindSparseInfo.html) """ @struct_hash_equal struct DeviceGroupBindSparseInfo <: HighLevelStruct next::Any resource_device_index::UInt32 memory_device_index::UInt32 end """ High-level wrapper for VkDeviceGroupSubmitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupSubmitInfo.html) """ @struct_hash_equal struct DeviceGroupSubmitInfo <: HighLevelStruct next::Any wait_semaphore_device_indices::Vector{UInt32} command_buffer_device_masks::Vector{UInt32} signal_semaphore_device_indices::Vector{UInt32} end """ High-level wrapper for VkDeviceGroupCommandBufferBeginInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupCommandBufferBeginInfo.html) """ @struct_hash_equal struct DeviceGroupCommandBufferBeginInfo <: HighLevelStruct next::Any device_mask::UInt32 end """ High-level wrapper for VkBindBufferMemoryDeviceGroupInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindBufferMemoryDeviceGroupInfo.html) """ @struct_hash_equal struct BindBufferMemoryDeviceGroupInfo <: HighLevelStruct next::Any device_indices::Vector{UInt32} end """ High-level wrapper for VkRenderPassMultiviewCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassMultiviewCreateInfo.html) """ @struct_hash_equal struct RenderPassMultiviewCreateInfo <: HighLevelStruct next::Any view_masks::Vector{UInt32} view_offsets::Vector{Int32} correlation_masks::Vector{UInt32} end """ High-level wrapper for VkPhysicalDeviceMultiviewProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewProperties.html) """ @struct_hash_equal struct PhysicalDeviceMultiviewProperties <: HighLevelStruct next::Any max_multiview_view_count::UInt32 max_multiview_instance_index::UInt32 end """ High-level wrapper for VkPhysicalDeviceMultiviewFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewFeatures.html) """ @struct_hash_equal struct PhysicalDeviceMultiviewFeatures <: HighLevelStruct next::Any multiview::Bool multiview_geometry_shader::Bool multiview_tessellation_shader::Bool end """ High-level wrapper for VkMemoryFdPropertiesKHR. Extension: VK\\_KHR\\_external\\_memory\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryFdPropertiesKHR.html) """ @struct_hash_equal struct MemoryFdPropertiesKHR <: HighLevelStruct next::Any memory_type_bits::UInt32 end """ High-level wrapper for VkPhysicalDeviceIDProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceIDProperties.html) """ @struct_hash_equal struct PhysicalDeviceIDProperties <: HighLevelStruct next::Any device_uuid::NTuple{Int(VK_UUID_SIZE), UInt8} driver_uuid::NTuple{Int(VK_UUID_SIZE), UInt8} device_luid::NTuple{Int(VK_LUID_SIZE), UInt8} device_node_mask::UInt32 device_luid_valid::Bool end """ High-level wrapper for VkPhysicalDeviceVariablePointersFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVariablePointersFeatures.html) """ @struct_hash_equal struct PhysicalDeviceVariablePointersFeatures <: HighLevelStruct next::Any variable_pointers_storage_buffer::Bool variable_pointers::Bool end """ High-level wrapper for VkConformanceVersion. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkConformanceVersion.html) """ @struct_hash_equal struct ConformanceVersion <: HighLevelStruct major::UInt8 minor::UInt8 subminor::UInt8 patch::UInt8 end """ High-level wrapper for VkPhysicalDevicePushDescriptorPropertiesKHR. Extension: VK\\_KHR\\_push\\_descriptor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePushDescriptorPropertiesKHR.html) """ @struct_hash_equal struct PhysicalDevicePushDescriptorPropertiesKHR <: HighLevelStruct next::Any max_push_descriptors::UInt32 end """ High-level wrapper for VkSetStateFlagsIndirectCommandNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSetStateFlagsIndirectCommandNV.html) """ @struct_hash_equal struct SetStateFlagsIndirectCommandNV <: HighLevelStruct data::UInt32 end """ High-level wrapper for VkBindVertexBufferIndirectCommandNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindVertexBufferIndirectCommandNV.html) """ @struct_hash_equal struct BindVertexBufferIndirectCommandNV <: HighLevelStruct buffer_address::UInt64 size::UInt32 stride::UInt32 end """ High-level wrapper for VkBindShaderGroupIndirectCommandNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindShaderGroupIndirectCommandNV.html) """ @struct_hash_equal struct BindShaderGroupIndirectCommandNV <: HighLevelStruct group_index::UInt32 end """ High-level wrapper for VkPhysicalDeviceMultiDrawPropertiesEXT. Extension: VK\\_EXT\\_multi\\_draw [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiDrawPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceMultiDrawPropertiesEXT <: HighLevelStruct next::Any max_multi_draw_count::UInt32 end """ High-level wrapper for VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV.html) """ @struct_hash_equal struct PhysicalDeviceDeviceGeneratedCommandsPropertiesNV <: HighLevelStruct next::Any max_graphics_shader_group_count::UInt32 max_indirect_sequence_count::UInt32 max_indirect_commands_token_count::UInt32 max_indirect_commands_stream_count::UInt32 max_indirect_commands_token_offset::UInt32 max_indirect_commands_stream_stride::UInt32 min_sequences_count_buffer_offset_alignment::UInt32 min_sequences_index_buffer_offset_alignment::UInt32 min_indirect_commands_buffer_offset_alignment::UInt32 end """ High-level wrapper for VkPhysicalDevicePrivateDataFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePrivateDataFeatures.html) """ @struct_hash_equal struct PhysicalDevicePrivateDataFeatures <: HighLevelStruct next::Any private_data::Bool end """ High-level wrapper for VkPrivateDataSlotCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPrivateDataSlotCreateInfo.html) """ @struct_hash_equal struct PrivateDataSlotCreateInfo <: HighLevelStruct next::Any flags::UInt32 end """ High-level wrapper for VkDevicePrivateDataCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDevicePrivateDataCreateInfo.html) """ @struct_hash_equal struct DevicePrivateDataCreateInfo <: HighLevelStruct next::Any private_data_slot_request_count::UInt32 end """ High-level wrapper for VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceDeviceGeneratedCommandsFeaturesNV <: HighLevelStruct next::Any device_generated_commands::Bool end """ High-level wrapper for VkDedicatedAllocationBufferCreateInfoNV. Extension: VK\\_NV\\_dedicated\\_allocation [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDedicatedAllocationBufferCreateInfoNV.html) """ @struct_hash_equal struct DedicatedAllocationBufferCreateInfoNV <: HighLevelStruct next::Any dedicated_allocation::Bool end """ High-level wrapper for VkDedicatedAllocationImageCreateInfoNV. Extension: VK\\_NV\\_dedicated\\_allocation [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDedicatedAllocationImageCreateInfoNV.html) """ @struct_hash_equal struct DedicatedAllocationImageCreateInfoNV <: HighLevelStruct next::Any dedicated_allocation::Bool end """ High-level wrapper for VkDebugMarkerMarkerInfoEXT. Extension: VK\\_EXT\\_debug\\_marker [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugMarkerMarkerInfoEXT.html) """ @struct_hash_equal struct DebugMarkerMarkerInfoEXT <: HighLevelStruct next::Any marker_name::String color::NTuple{4, Float32} end """ High-level wrapper for VkMultiDrawIndexedInfoEXT. Extension: VK\\_EXT\\_multi\\_draw [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultiDrawIndexedInfoEXT.html) """ @struct_hash_equal struct MultiDrawIndexedInfoEXT <: HighLevelStruct first_index::UInt32 index_count::UInt32 vertex_offset::Int32 end """ High-level wrapper for VkMultiDrawInfoEXT. Extension: VK\\_EXT\\_multi\\_draw [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultiDrawInfoEXT.html) """ @struct_hash_equal struct MultiDrawInfoEXT <: HighLevelStruct first_vertex::UInt32 vertex_count::UInt32 end """ High-level wrapper for VkDispatchIndirectCommand. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDispatchIndirectCommand.html) """ @struct_hash_equal struct DispatchIndirectCommand <: HighLevelStruct x::UInt32 y::UInt32 z::UInt32 end """ High-level wrapper for VkDrawIndexedIndirectCommand. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrawIndexedIndirectCommand.html) """ @struct_hash_equal struct DrawIndexedIndirectCommand <: HighLevelStruct index_count::UInt32 instance_count::UInt32 first_index::UInt32 vertex_offset::Int32 first_instance::UInt32 end """ High-level wrapper for VkDrawIndirectCommand. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrawIndirectCommand.html) """ @struct_hash_equal struct DrawIndirectCommand <: HighLevelStruct vertex_count::UInt32 instance_count::UInt32 first_vertex::UInt32 first_instance::UInt32 end """ High-level wrapper for VkSemaphoreCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreCreateInfo.html) """ @struct_hash_equal struct SemaphoreCreateInfo <: HighLevelStruct next::Any flags::UInt32 end """ High-level wrapper for VkPhysicalDeviceSparseProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSparseProperties.html) """ @struct_hash_equal struct PhysicalDeviceSparseProperties <: HighLevelStruct residency_standard_2_d_block_shape::Bool residency_standard_2_d_multisample_block_shape::Bool residency_standard_3_d_block_shape::Bool residency_aligned_mip_size::Bool residency_non_resident_strict::Bool end """ High-level wrapper for VkPhysicalDeviceFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFeatures.html) """ @struct_hash_equal struct PhysicalDeviceFeatures <: HighLevelStruct robust_buffer_access::Bool full_draw_index_uint_32::Bool image_cube_array::Bool independent_blend::Bool geometry_shader::Bool tessellation_shader::Bool sample_rate_shading::Bool dual_src_blend::Bool logic_op::Bool multi_draw_indirect::Bool draw_indirect_first_instance::Bool depth_clamp::Bool depth_bias_clamp::Bool fill_mode_non_solid::Bool depth_bounds::Bool wide_lines::Bool large_points::Bool alpha_to_one::Bool multi_viewport::Bool sampler_anisotropy::Bool texture_compression_etc_2::Bool texture_compression_astc_ldr::Bool texture_compression_bc::Bool occlusion_query_precise::Bool pipeline_statistics_query::Bool vertex_pipeline_stores_and_atomics::Bool fragment_stores_and_atomics::Bool shader_tessellation_and_geometry_point_size::Bool shader_image_gather_extended::Bool shader_storage_image_extended_formats::Bool shader_storage_image_multisample::Bool shader_storage_image_read_without_format::Bool shader_storage_image_write_without_format::Bool shader_uniform_buffer_array_dynamic_indexing::Bool shader_sampled_image_array_dynamic_indexing::Bool shader_storage_buffer_array_dynamic_indexing::Bool shader_storage_image_array_dynamic_indexing::Bool shader_clip_distance::Bool shader_cull_distance::Bool shader_float_64::Bool shader_int_64::Bool shader_int_16::Bool shader_resource_residency::Bool shader_resource_min_lod::Bool sparse_binding::Bool sparse_residency_buffer::Bool sparse_residency_image_2_d::Bool sparse_residency_image_3_d::Bool sparse_residency_2_samples::Bool sparse_residency_4_samples::Bool sparse_residency_8_samples::Bool sparse_residency_16_samples::Bool sparse_residency_aliased::Bool variable_multisample_rate::Bool inherited_queries::Bool end """ High-level wrapper for VkPhysicalDeviceFeatures2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFeatures2.html) """ @struct_hash_equal struct PhysicalDeviceFeatures2 <: HighLevelStruct next::Any features::PhysicalDeviceFeatures end """ High-level wrapper for VkClearDepthStencilValue. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearDepthStencilValue.html) """ @struct_hash_equal struct ClearDepthStencilValue <: HighLevelStruct depth::Float32 stencil::UInt32 end """ High-level wrapper for VkPipelineTessellationStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineTessellationStateCreateInfo.html) """ @struct_hash_equal struct PipelineTessellationStateCreateInfo <: HighLevelStruct next::Any flags::UInt32 patch_control_points::UInt32 end """ High-level wrapper for VkSpecializationMapEntry. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSpecializationMapEntry.html) """ @struct_hash_equal struct SpecializationMapEntry <: HighLevelStruct constant_id::UInt32 offset::UInt32 size::UInt end """ High-level wrapper for VkSpecializationInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSpecializationInfo.html) """ @struct_hash_equal struct SpecializationInfo <: HighLevelStruct map_entries::Vector{SpecializationMapEntry} data_size::OptionalPtr{UInt} data::Ptr{Cvoid} end """ High-level wrapper for VkShaderModuleCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderModuleCreateInfo.html) """ @struct_hash_equal struct ShaderModuleCreateInfo <: HighLevelStruct next::Any flags::UInt32 code_size::UInt code::Vector{UInt32} end """ High-level wrapper for VkCopyMemoryIndirectCommandNV. Extension: VK\\_NV\\_copy\\_memory\\_indirect [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryIndirectCommandNV.html) """ @struct_hash_equal struct CopyMemoryIndirectCommandNV <: HighLevelStruct src_address::UInt64 dst_address::UInt64 size::UInt64 end """ High-level wrapper for VkBufferCopy. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCopy.html) """ @struct_hash_equal struct BufferCopy <: HighLevelStruct src_offset::UInt64 dst_offset::UInt64 size::UInt64 end """ High-level wrapper for VkSubresourceLayout. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubresourceLayout.html) """ @struct_hash_equal struct SubresourceLayout <: HighLevelStruct offset::UInt64 size::UInt64 row_pitch::UInt64 array_pitch::UInt64 depth_pitch::UInt64 end """ High-level wrapper for VkImageDrmFormatModifierExplicitCreateInfoEXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageDrmFormatModifierExplicitCreateInfoEXT.html) """ @struct_hash_equal struct ImageDrmFormatModifierExplicitCreateInfoEXT <: HighLevelStruct next::Any drm_format_modifier::UInt64 plane_layouts::Vector{SubresourceLayout} end """ High-level wrapper for VkSubresourceLayout2EXT. Extension: VK\\_EXT\\_image\\_compression\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubresourceLayout2EXT.html) """ @struct_hash_equal struct SubresourceLayout2EXT <: HighLevelStruct next::Any subresource_layout::SubresourceLayout end """ High-level wrapper for VkMemoryRequirements. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryRequirements.html) """ @struct_hash_equal struct MemoryRequirements <: HighLevelStruct size::UInt64 alignment::UInt64 memory_type_bits::UInt32 end """ High-level wrapper for VkMemoryRequirements2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryRequirements2.html) """ @struct_hash_equal struct MemoryRequirements2 <: HighLevelStruct next::Any memory_requirements::MemoryRequirements end """ High-level wrapper for VkVideoSessionMemoryRequirementsKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionMemoryRequirementsKHR.html) """ @struct_hash_equal struct VideoSessionMemoryRequirementsKHR <: HighLevelStruct next::Any memory_bind_index::UInt32 memory_requirements::MemoryRequirements end """ High-level wrapper for VkMemoryAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryAllocateInfo.html) """ @struct_hash_equal struct MemoryAllocateInfo <: HighLevelStruct next::Any allocation_size::UInt64 memory_type_index::UInt32 end """ High-level wrapper for VkAllocationCallbacks. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAllocationCallbacks.html) """ @struct_hash_equal struct AllocationCallbacks <: HighLevelStruct user_data::OptionalPtr{Ptr{Cvoid}} pfn_allocation::FunctionPtr pfn_reallocation::FunctionPtr pfn_free::FunctionPtr pfn_internal_allocation::OptionalPtr{FunctionPtr} pfn_internal_free::OptionalPtr{FunctionPtr} end """ High-level wrapper for VkApplicationInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkApplicationInfo.html) """ @struct_hash_equal struct ApplicationInfo <: HighLevelStruct next::Any application_name::String application_version::VersionNumber engine_name::String engine_version::VersionNumber api_version::VersionNumber end """ High-level wrapper for VkLayerProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkLayerProperties.html) """ @struct_hash_equal struct LayerProperties <: HighLevelStruct layer_name::String spec_version::VersionNumber implementation_version::VersionNumber description::String end """ High-level wrapper for VkExtensionProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExtensionProperties.html) """ @struct_hash_equal struct ExtensionProperties <: HighLevelStruct extension_name::String spec_version::VersionNumber end """ High-level wrapper for VkViewport. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkViewport.html) """ @struct_hash_equal struct Viewport <: HighLevelStruct x::Float32 y::Float32 width::Float32 height::Float32 min_depth::Float32 max_depth::Float32 end """ High-level wrapper for VkCommandBufferInheritanceViewportScissorInfoNV. Extension: VK\\_NV\\_inherited\\_viewport\\_scissor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceViewportScissorInfoNV.html) """ @struct_hash_equal struct CommandBufferInheritanceViewportScissorInfoNV <: HighLevelStruct next::Any viewport_scissor_2_d::Bool viewport_depth_count::UInt32 viewport_depths::Viewport end """ High-level wrapper for VkExtent3D. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExtent3D.html) """ @struct_hash_equal struct Extent3D <: HighLevelStruct width::UInt32 height::UInt32 depth::UInt32 end """ High-level wrapper for VkExtent2D. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExtent2D.html) """ @struct_hash_equal struct Extent2D <: HighLevelStruct width::UInt32 height::UInt32 end """ High-level wrapper for VkDisplayModeParametersKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModeParametersKHR.html) """ @struct_hash_equal struct DisplayModeParametersKHR <: HighLevelStruct visible_region::Extent2D refresh_rate::UInt32 end """ High-level wrapper for VkDisplayModeCreateInfoKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModeCreateInfoKHR.html) """ @struct_hash_equal struct DisplayModeCreateInfoKHR <: HighLevelStruct next::Any flags::UInt32 parameters::DisplayModeParametersKHR end """ High-level wrapper for VkMultisamplePropertiesEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultisamplePropertiesEXT.html) """ @struct_hash_equal struct MultisamplePropertiesEXT <: HighLevelStruct next::Any max_sample_location_grid_size::Extent2D end """ High-level wrapper for VkPhysicalDeviceShadingRateImagePropertiesNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShadingRateImagePropertiesNV.html) """ @struct_hash_equal struct PhysicalDeviceShadingRateImagePropertiesNV <: HighLevelStruct next::Any shading_rate_texel_size::Extent2D shading_rate_palette_size::UInt32 shading_rate_max_coarse_samples::UInt32 end """ High-level wrapper for VkPhysicalDeviceFragmentDensityMapPropertiesEXT. Extension: VK\\_EXT\\_fragment\\_density\\_map [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceFragmentDensityMapPropertiesEXT <: HighLevelStruct next::Any min_fragment_density_texel_size::Extent2D max_fragment_density_texel_size::Extent2D fragment_density_invocations::Bool end """ High-level wrapper for VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM. Extension: VK\\_QCOM\\_fragment\\_density\\_map\\_offset [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM.html) """ @struct_hash_equal struct PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM <: HighLevelStruct next::Any fragment_density_offset_granularity::Extent2D end """ High-level wrapper for VkPhysicalDeviceImageProcessingPropertiesQCOM. Extension: VK\\_QCOM\\_image\\_processing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageProcessingPropertiesQCOM.html) """ @struct_hash_equal struct PhysicalDeviceImageProcessingPropertiesQCOM <: HighLevelStruct next::Any max_weight_filter_phases::UInt32 max_weight_filter_dimension::OptionalPtr{Extent2D} max_block_match_region::OptionalPtr{Extent2D} max_box_filter_block_size::OptionalPtr{Extent2D} end """ High-level wrapper for VkOffset3D. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOffset3D.html) """ @struct_hash_equal struct Offset3D <: HighLevelStruct x::Int32 y::Int32 z::Int32 end """ High-level wrapper for VkOffset2D. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOffset2D.html) """ @struct_hash_equal struct Offset2D <: HighLevelStruct x::Int32 y::Int32 end """ High-level wrapper for VkRect2D. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRect2D.html) """ @struct_hash_equal struct Rect2D <: HighLevelStruct offset::Offset2D extent::Extent2D end """ High-level wrapper for VkClearRect. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearRect.html) """ @struct_hash_equal struct ClearRect <: HighLevelStruct rect::Rect2D base_array_layer::UInt32 layer_count::UInt32 end """ High-level wrapper for VkPipelineViewportStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportStateCreateInfo.html) """ @struct_hash_equal struct PipelineViewportStateCreateInfo <: HighLevelStruct next::Any flags::UInt32 viewports::OptionalPtr{Vector{Viewport}} scissors::OptionalPtr{Vector{Rect2D}} end """ High-level wrapper for VkDisplayPresentInfoKHR. Extension: VK\\_KHR\\_display\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPresentInfoKHR.html) """ @struct_hash_equal struct DisplayPresentInfoKHR <: HighLevelStruct next::Any src_rect::Rect2D dst_rect::Rect2D persistent::Bool end """ High-level wrapper for VkBindImageMemoryDeviceGroupInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImageMemoryDeviceGroupInfo.html) """ @struct_hash_equal struct BindImageMemoryDeviceGroupInfo <: HighLevelStruct next::Any device_indices::Vector{UInt32} split_instance_bind_regions::Vector{Rect2D} end """ High-level wrapper for VkDeviceGroupRenderPassBeginInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupRenderPassBeginInfo.html) """ @struct_hash_equal struct DeviceGroupRenderPassBeginInfo <: HighLevelStruct next::Any device_mask::UInt32 device_render_areas::Vector{Rect2D} end """ High-level wrapper for VkPipelineViewportExclusiveScissorStateCreateInfoNV. Extension: VK\\_NV\\_scissor\\_exclusive [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportExclusiveScissorStateCreateInfoNV.html) """ @struct_hash_equal struct PipelineViewportExclusiveScissorStateCreateInfoNV <: HighLevelStruct next::Any exclusive_scissors::Vector{Rect2D} end """ High-level wrapper for VkRectLayerKHR. Extension: VK\\_KHR\\_incremental\\_present [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRectLayerKHR.html) """ @struct_hash_equal struct RectLayerKHR <: HighLevelStruct offset::Offset2D extent::Extent2D layer::UInt32 end """ High-level wrapper for VkPresentRegionKHR. Extension: VK\\_KHR\\_incremental\\_present [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentRegionKHR.html) """ @struct_hash_equal struct PresentRegionKHR <: HighLevelStruct rectangles::OptionalPtr{Vector{RectLayerKHR}} end """ High-level wrapper for VkPresentRegionsKHR. Extension: VK\\_KHR\\_incremental\\_present [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentRegionsKHR.html) """ @struct_hash_equal struct PresentRegionsKHR <: HighLevelStruct next::Any regions::OptionalPtr{Vector{PresentRegionKHR}} end """ High-level wrapper for VkSubpassFragmentDensityMapOffsetEndInfoQCOM. Extension: VK\\_QCOM\\_fragment\\_density\\_map\\_offset [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassFragmentDensityMapOffsetEndInfoQCOM.html) """ @struct_hash_equal struct SubpassFragmentDensityMapOffsetEndInfoQCOM <: HighLevelStruct next::Any fragment_density_offsets::Vector{Offset2D} end """ High-level wrapper for VkVideoDecodeH264CapabilitiesKHR. Extension: VK\\_KHR\\_video\\_decode\\_h264 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264CapabilitiesKHR.html) """ @struct_hash_equal struct VideoDecodeH264CapabilitiesKHR <: HighLevelStruct next::Any max_level_idc::StdVideoH264LevelIdc field_offset_granularity::Offset2D end """ High-level wrapper for VkImageViewSampleWeightCreateInfoQCOM. Extension: VK\\_QCOM\\_image\\_processing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewSampleWeightCreateInfoQCOM.html) """ @struct_hash_equal struct ImageViewSampleWeightCreateInfoQCOM <: HighLevelStruct next::Any filter_center::Offset2D filter_size::Extent2D num_phases::UInt32 end """ High-level wrapper for VkTilePropertiesQCOM. Extension: VK\\_QCOM\\_tile\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTilePropertiesQCOM.html) """ @struct_hash_equal struct TilePropertiesQCOM <: HighLevelStruct next::Any tile_size::Extent3D apron_size::Extent2D origin::Offset2D end """ High-level wrapper for VkBaseInStructure. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBaseInStructure.html) """ @struct_hash_equal struct BaseInStructure <: HighLevelStruct next::Any end """ High-level wrapper for VkBaseOutStructure. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBaseOutStructure.html) """ @struct_hash_equal struct BaseOutStructure <: HighLevelStruct next::Any end """ Intermediate wrapper for VkAccelerationStructureMotionInstanceDataNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMotionInstanceDataNV.html) """ struct _AccelerationStructureMotionInstanceDataNV <: VulkanStruct{false} vks::VkAccelerationStructureMotionInstanceDataNV end """ Intermediate wrapper for VkDescriptorDataEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorDataEXT.html) """ struct _DescriptorDataEXT <: VulkanStruct{false} vks::VkDescriptorDataEXT end """ Intermediate wrapper for VkAccelerationStructureGeometryDataKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryDataKHR.html) """ struct _AccelerationStructureGeometryDataKHR <: VulkanStruct{false} vks::VkAccelerationStructureGeometryDataKHR end """ Intermediate wrapper for VkDeviceOrHostAddressConstKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceOrHostAddressConstKHR.html) """ struct _DeviceOrHostAddressConstKHR <: VulkanStruct{false} vks::VkDeviceOrHostAddressConstKHR end """ Intermediate wrapper for VkDeviceOrHostAddressKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceOrHostAddressKHR.html) """ struct _DeviceOrHostAddressKHR <: VulkanStruct{false} vks::VkDeviceOrHostAddressKHR end """ Intermediate wrapper for VkPipelineExecutableStatisticValueKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableStatisticValueKHR.html) """ struct _PipelineExecutableStatisticValueKHR <: VulkanStruct{false} vks::VkPipelineExecutableStatisticValueKHR end """ Intermediate wrapper for VkPerformanceValueDataINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceValueDataINTEL.html) """ struct _PerformanceValueDataINTEL <: VulkanStruct{false} vks::VkPerformanceValueDataINTEL end """ Intermediate wrapper for VkPerformanceCounterResultKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceCounterResultKHR.html) """ struct _PerformanceCounterResultKHR <: VulkanStruct{false} vks::VkPerformanceCounterResultKHR end """ Intermediate wrapper for VkClearValue. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearValue.html) """ struct _ClearValue <: VulkanStruct{false} vks::VkClearValue end """ Intermediate wrapper for VkClearColorValue. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearColorValue.html) """ struct _ClearColorValue <: VulkanStruct{false} vks::VkClearColorValue end """ Intermediate wrapper for VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM. Extension: VK\\_QCOM\\_multiview\\_per\\_view\\_viewports [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM.html) """ struct _PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM <: VulkanStruct{true} vks::VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM deps::Vector{Any} end """ Intermediate wrapper for VkDirectDriverLoadingListLUNARG. Extension: VK\\_LUNARG\\_direct\\_driver\\_loading [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDirectDriverLoadingListLUNARG.html) """ struct _DirectDriverLoadingListLUNARG <: VulkanStruct{true} vks::VkDirectDriverLoadingListLUNARG deps::Vector{Any} end """ Intermediate wrapper for VkDirectDriverLoadingInfoLUNARG. Extension: VK\\_LUNARG\\_direct\\_driver\\_loading [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDirectDriverLoadingInfoLUNARG.html) """ struct _DirectDriverLoadingInfoLUNARG <: VulkanStruct{true} vks::VkDirectDriverLoadingInfoLUNARG deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV. Extension: VK\\_NV\\_ray\\_tracing\\_invocation\\_reorder [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV.html) """ struct _PhysicalDeviceRayTracingInvocationReorderPropertiesNV <: VulkanStruct{true} vks::VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV. Extension: VK\\_NV\\_ray\\_tracing\\_invocation\\_reorder [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV.html) """ struct _PhysicalDeviceRayTracingInvocationReorderFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkSwapchainPresentScalingCreateInfoEXT. Extension: VK\\_EXT\\_swapchain\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentScalingCreateInfoEXT.html) """ struct _SwapchainPresentScalingCreateInfoEXT <: VulkanStruct{true} vks::VkSwapchainPresentScalingCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkSwapchainPresentModeInfoEXT. Extension: VK\\_EXT\\_swapchain\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentModeInfoEXT.html) """ struct _SwapchainPresentModeInfoEXT <: VulkanStruct{true} vks::VkSwapchainPresentModeInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkSwapchainPresentModesCreateInfoEXT. Extension: VK\\_EXT\\_swapchain\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentModesCreateInfoEXT.html) """ struct _SwapchainPresentModesCreateInfoEXT <: VulkanStruct{true} vks::VkSwapchainPresentModesCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkSwapchainPresentFenceInfoEXT. Extension: VK\\_EXT\\_swapchain\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentFenceInfoEXT.html) """ struct _SwapchainPresentFenceInfoEXT <: VulkanStruct{true} vks::VkSwapchainPresentFenceInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT. Extension: VK\\_EXT\\_swapchain\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT.html) """ struct _PhysicalDeviceSwapchainMaintenance1FeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkSurfacePresentModeCompatibilityEXT. Extension: VK\\_EXT\\_surface\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfacePresentModeCompatibilityEXT.html) """ struct _SurfacePresentModeCompatibilityEXT <: VulkanStruct{true} vks::VkSurfacePresentModeCompatibilityEXT deps::Vector{Any} end """ Intermediate wrapper for VkSurfacePresentScalingCapabilitiesEXT. Extension: VK\\_EXT\\_surface\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfacePresentScalingCapabilitiesEXT.html) """ struct _SurfacePresentScalingCapabilitiesEXT <: VulkanStruct{true} vks::VkSurfacePresentScalingCapabilitiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkSurfacePresentModeEXT. Extension: VK\\_EXT\\_surface\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfacePresentModeEXT.html) """ struct _SurfacePresentModeEXT <: VulkanStruct{true} vks::VkSurfacePresentModeEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM. Extension: VK\\_ARM\\_shader\\_core\\_builtins [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM.html) """ struct _PhysicalDeviceShaderCoreBuiltinsFeaturesARM <: VulkanStruct{true} vks::VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM. Extension: VK\\_ARM\\_shader\\_core\\_builtins [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM.html) """ struct _PhysicalDeviceShaderCoreBuiltinsPropertiesARM <: VulkanStruct{true} vks::VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM deps::Vector{Any} end """ Intermediate wrapper for VkDecompressMemoryRegionNV. Extension: VK\\_NV\\_memory\\_decompression [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDecompressMemoryRegionNV.html) """ struct _DecompressMemoryRegionNV <: VulkanStruct{false} vks::VkDecompressMemoryRegionNV end """ Intermediate wrapper for VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT. Extension: VK\\_EXT\\_pipeline\\_library\\_group\\_handles [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT.html) """ struct _PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkDeviceFaultVendorBinaryHeaderVersionOneEXT. Extension: VK\\_EXT\\_device\\_fault [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultVendorBinaryHeaderVersionOneEXT.html) """ struct _DeviceFaultVendorBinaryHeaderVersionOneEXT <: VulkanStruct{false} vks::VkDeviceFaultVendorBinaryHeaderVersionOneEXT end """ Intermediate wrapper for VkDeviceFaultInfoEXT. Extension: VK\\_EXT\\_device\\_fault [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultInfoEXT.html) """ struct _DeviceFaultInfoEXT <: VulkanStruct{true} vks::VkDeviceFaultInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDeviceFaultCountsEXT. Extension: VK\\_EXT\\_device\\_fault [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultCountsEXT.html) """ struct _DeviceFaultCountsEXT <: VulkanStruct{true} vks::VkDeviceFaultCountsEXT deps::Vector{Any} end """ Intermediate wrapper for VkDeviceFaultVendorInfoEXT. Extension: VK\\_EXT\\_device\\_fault [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultVendorInfoEXT.html) """ struct _DeviceFaultVendorInfoEXT <: VulkanStruct{false} vks::VkDeviceFaultVendorInfoEXT end """ Intermediate wrapper for VkDeviceFaultAddressInfoEXT. Extension: VK\\_EXT\\_device\\_fault [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultAddressInfoEXT.html) """ struct _DeviceFaultAddressInfoEXT <: VulkanStruct{false} vks::VkDeviceFaultAddressInfoEXT end """ Intermediate wrapper for VkPhysicalDeviceFaultFeaturesEXT. Extension: VK\\_EXT\\_device\\_fault [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFaultFeaturesEXT.html) """ struct _PhysicalDeviceFaultFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceFaultFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkOpticalFlowExecuteInfoNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowExecuteInfoNV.html) """ struct _OpticalFlowExecuteInfoNV <: VulkanStruct{true} vks::VkOpticalFlowExecuteInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkOpticalFlowSessionCreatePrivateDataInfoNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowSessionCreatePrivateDataInfoNV.html) """ struct _OpticalFlowSessionCreatePrivateDataInfoNV <: VulkanStruct{true} vks::VkOpticalFlowSessionCreatePrivateDataInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkOpticalFlowSessionCreateInfoNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowSessionCreateInfoNV.html) """ struct _OpticalFlowSessionCreateInfoNV <: VulkanStruct{true} vks::VkOpticalFlowSessionCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkOpticalFlowImageFormatPropertiesNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowImageFormatPropertiesNV.html) """ struct _OpticalFlowImageFormatPropertiesNV <: VulkanStruct{true} vks::VkOpticalFlowImageFormatPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkOpticalFlowImageFormatInfoNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowImageFormatInfoNV.html) """ struct _OpticalFlowImageFormatInfoNV <: VulkanStruct{true} vks::VkOpticalFlowImageFormatInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceOpticalFlowPropertiesNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpticalFlowPropertiesNV.html) """ struct _PhysicalDeviceOpticalFlowPropertiesNV <: VulkanStruct{true} vks::VkPhysicalDeviceOpticalFlowPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceOpticalFlowFeaturesNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpticalFlowFeaturesNV.html) """ struct _PhysicalDeviceOpticalFlowFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceOpticalFlowFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkDeviceAddressBindingCallbackDataEXT. Extension: VK\\_EXT\\_device\\_address\\_binding\\_report [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceAddressBindingCallbackDataEXT.html) """ struct _DeviceAddressBindingCallbackDataEXT <: VulkanStruct{true} vks::VkDeviceAddressBindingCallbackDataEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceAddressBindingReportFeaturesEXT. Extension: VK\\_EXT\\_device\\_address\\_binding\\_report [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAddressBindingReportFeaturesEXT.html) """ struct _PhysicalDeviceAddressBindingReportFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceAddressBindingReportFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDepthClampZeroOneFeaturesEXT. Extension: VK\\_EXT\\_depth\\_clamp\\_zero\\_one [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthClampZeroOneFeaturesEXT.html) """ struct _PhysicalDeviceDepthClampZeroOneFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceDepthClampZeroOneFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT. Extension: VK\\_EXT\\_attachment\\_feedback\\_loop\\_layout [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT.html) """ struct _PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkAmigoProfilingSubmitInfoSEC. Extension: VK\\_SEC\\_amigo\\_profiling [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAmigoProfilingSubmitInfoSEC.html) """ struct _AmigoProfilingSubmitInfoSEC <: VulkanStruct{true} vks::VkAmigoProfilingSubmitInfoSEC deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceAmigoProfilingFeaturesSEC. Extension: VK\\_SEC\\_amigo\\_profiling [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAmigoProfilingFeaturesSEC.html) """ struct _PhysicalDeviceAmigoProfilingFeaturesSEC <: VulkanStruct{true} vks::VkPhysicalDeviceAmigoProfilingFeaturesSEC deps::Vector{Any} end """ Intermediate wrapper for VkTilePropertiesQCOM. Extension: VK\\_QCOM\\_tile\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTilePropertiesQCOM.html) """ struct _TilePropertiesQCOM <: VulkanStruct{true} vks::VkTilePropertiesQCOM deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceTilePropertiesFeaturesQCOM. Extension: VK\\_QCOM\\_tile\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTilePropertiesFeaturesQCOM.html) """ struct _PhysicalDeviceTilePropertiesFeaturesQCOM <: VulkanStruct{true} vks::VkPhysicalDeviceTilePropertiesFeaturesQCOM deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceImageProcessingPropertiesQCOM. Extension: VK\\_QCOM\\_image\\_processing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageProcessingPropertiesQCOM.html) """ struct _PhysicalDeviceImageProcessingPropertiesQCOM <: VulkanStruct{true} vks::VkPhysicalDeviceImageProcessingPropertiesQCOM deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceImageProcessingFeaturesQCOM. Extension: VK\\_QCOM\\_image\\_processing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageProcessingFeaturesQCOM.html) """ struct _PhysicalDeviceImageProcessingFeaturesQCOM <: VulkanStruct{true} vks::VkPhysicalDeviceImageProcessingFeaturesQCOM deps::Vector{Any} end """ Intermediate wrapper for VkImageViewSampleWeightCreateInfoQCOM. Extension: VK\\_QCOM\\_image\\_processing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewSampleWeightCreateInfoQCOM.html) """ struct _ImageViewSampleWeightCreateInfoQCOM <: VulkanStruct{true} vks::VkImageViewSampleWeightCreateInfoQCOM deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePipelineRobustnessPropertiesEXT. Extension: VK\\_EXT\\_pipeline\\_robustness [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineRobustnessPropertiesEXT.html) """ struct _PhysicalDevicePipelineRobustnessPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDevicePipelineRobustnessPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPipelineRobustnessCreateInfoEXT. Extension: VK\\_EXT\\_pipeline\\_robustness [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRobustnessCreateInfoEXT.html) """ struct _PipelineRobustnessCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineRobustnessCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePipelineRobustnessFeaturesEXT. Extension: VK\\_EXT\\_pipeline\\_robustness [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineRobustnessFeaturesEXT.html) """ struct _PhysicalDevicePipelineRobustnessFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDevicePipelineRobustnessFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT. Extension: VK\\_EXT\\_non\\_seamless\\_cube\\_map [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT.html) """ struct _PhysicalDeviceNonSeamlessCubeMapFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkImportMetalSharedEventInfoEXT. Extension: VK\\_EXT\\_metal\\_objects [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMetalSharedEventInfoEXT.html) """ struct _ImportMetalSharedEventInfoEXT <: VulkanStruct{true} vks::VkImportMetalSharedEventInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkImportMetalIOSurfaceInfoEXT. Extension: VK\\_EXT\\_metal\\_objects [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMetalIOSurfaceInfoEXT.html) """ struct _ImportMetalIOSurfaceInfoEXT <: VulkanStruct{true} vks::VkImportMetalIOSurfaceInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkImportMetalTextureInfoEXT. Extension: VK\\_EXT\\_metal\\_objects [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMetalTextureInfoEXT.html) """ struct _ImportMetalTextureInfoEXT <: VulkanStruct{true} vks::VkImportMetalTextureInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkImportMetalBufferInfoEXT. Extension: VK\\_EXT\\_metal\\_objects [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMetalBufferInfoEXT.html) """ struct _ImportMetalBufferInfoEXT <: VulkanStruct{true} vks::VkImportMetalBufferInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkExportMetalDeviceInfoEXT. Extension: VK\\_EXT\\_metal\\_objects [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMetalDeviceInfoEXT.html) """ struct _ExportMetalDeviceInfoEXT <: VulkanStruct{true} vks::VkExportMetalDeviceInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkExportMetalObjectsInfoEXT. Extension: VK\\_EXT\\_metal\\_objects [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMetalObjectsInfoEXT.html) """ struct _ExportMetalObjectsInfoEXT <: VulkanStruct{true} vks::VkExportMetalObjectsInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkExportMetalObjectCreateInfoEXT. Extension: VK\\_EXT\\_metal\\_objects [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMetalObjectCreateInfoEXT.html) """ struct _ExportMetalObjectCreateInfoEXT <: VulkanStruct{true} vks::VkExportMetalObjectCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD. Extension: VK\\_AMD\\_shader\\_early\\_and\\_late\\_fragment\\_tests [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD.html) """ struct _PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD <: VulkanStruct{true} vks::VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePipelinePropertiesFeaturesEXT. Extension: VK\\_EXT\\_pipeline\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelinePropertiesFeaturesEXT.html) """ struct _PhysicalDevicePipelinePropertiesFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDevicePipelinePropertiesFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPipelinePropertiesIdentifierEXT. Extension: VK\\_EXT\\_pipeline\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelinePropertiesIdentifierEXT.html) """ struct _PipelinePropertiesIdentifierEXT <: VulkanStruct{true} vks::VkPipelinePropertiesIdentifierEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceOpacityMicromapPropertiesEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpacityMicromapPropertiesEXT.html) """ struct _PhysicalDeviceOpacityMicromapPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceOpacityMicromapPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceOpacityMicromapFeaturesEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpacityMicromapFeaturesEXT.html) """ struct _PhysicalDeviceOpacityMicromapFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceOpacityMicromapFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkMicromapTriangleEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapTriangleEXT.html) """ struct _MicromapTriangleEXT <: VulkanStruct{false} vks::VkMicromapTriangleEXT end """ Intermediate wrapper for VkMicromapUsageEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapUsageEXT.html) """ struct _MicromapUsageEXT <: VulkanStruct{false} vks::VkMicromapUsageEXT end """ Intermediate wrapper for VkMicromapBuildSizesInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapBuildSizesInfoEXT.html) """ struct _MicromapBuildSizesInfoEXT <: VulkanStruct{true} vks::VkMicromapBuildSizesInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkMicromapVersionInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapVersionInfoEXT.html) """ struct _MicromapVersionInfoEXT <: VulkanStruct{true} vks::VkMicromapVersionInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT. Extension: VK\\_EXT\\_subpass\\_merge\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT.html) """ struct _PhysicalDeviceSubpassMergeFeedbackFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkRenderPassSubpassFeedbackCreateInfoEXT. Extension: VK\\_EXT\\_subpass\\_merge\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassSubpassFeedbackCreateInfoEXT.html) """ struct _RenderPassSubpassFeedbackCreateInfoEXT <: VulkanStruct{true} vks::VkRenderPassSubpassFeedbackCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkRenderPassSubpassFeedbackInfoEXT. Extension: VK\\_EXT\\_subpass\\_merge\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassSubpassFeedbackInfoEXT.html) """ struct _RenderPassSubpassFeedbackInfoEXT <: VulkanStruct{false} vks::VkRenderPassSubpassFeedbackInfoEXT end """ Intermediate wrapper for VkRenderPassCreationFeedbackCreateInfoEXT. Extension: VK\\_EXT\\_subpass\\_merge\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreationFeedbackCreateInfoEXT.html) """ struct _RenderPassCreationFeedbackCreateInfoEXT <: VulkanStruct{true} vks::VkRenderPassCreationFeedbackCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkRenderPassCreationFeedbackInfoEXT. Extension: VK\\_EXT\\_subpass\\_merge\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreationFeedbackInfoEXT.html) """ struct _RenderPassCreationFeedbackInfoEXT <: VulkanStruct{false} vks::VkRenderPassCreationFeedbackInfoEXT end """ Intermediate wrapper for VkRenderPassCreationControlEXT. Extension: VK\\_EXT\\_subpass\\_merge\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreationControlEXT.html) """ struct _RenderPassCreationControlEXT <: VulkanStruct{true} vks::VkRenderPassCreationControlEXT deps::Vector{Any} end """ Intermediate wrapper for VkSubresourceLayout2EXT. Extension: VK\\_EXT\\_image\\_compression\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubresourceLayout2EXT.html) """ struct _SubresourceLayout2EXT <: VulkanStruct{true} vks::VkSubresourceLayout2EXT deps::Vector{Any} end """ Intermediate wrapper for VkImageSubresource2EXT. Extension: VK\\_EXT\\_image\\_compression\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresource2EXT.html) """ struct _ImageSubresource2EXT <: VulkanStruct{true} vks::VkImageSubresource2EXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT. Extension: VK\\_EXT\\_image\\_compression\\_control\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT.html) """ struct _PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkImageCompressionPropertiesEXT. Extension: VK\\_EXT\\_image\\_compression\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCompressionPropertiesEXT.html) """ struct _ImageCompressionPropertiesEXT <: VulkanStruct{true} vks::VkImageCompressionPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceImageCompressionControlFeaturesEXT. Extension: VK\\_EXT\\_image\\_compression\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageCompressionControlFeaturesEXT.html) """ struct _PhysicalDeviceImageCompressionControlFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceImageCompressionControlFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkImageCompressionControlEXT. Extension: VK\\_EXT\\_image\\_compression\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCompressionControlEXT.html) """ struct _ImageCompressionControlEXT <: VulkanStruct{true} vks::VkImageCompressionControlEXT deps::Vector{Any} end """ Intermediate wrapper for VkShaderModuleIdentifierEXT. Extension: VK\\_EXT\\_shader\\_module\\_identifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderModuleIdentifierEXT.html) """ struct _ShaderModuleIdentifierEXT <: VulkanStruct{true} vks::VkShaderModuleIdentifierEXT deps::Vector{Any} end """ Intermediate wrapper for VkPipelineShaderStageModuleIdentifierCreateInfoEXT. Extension: VK\\_EXT\\_shader\\_module\\_identifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineShaderStageModuleIdentifierCreateInfoEXT.html) """ struct _PipelineShaderStageModuleIdentifierCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineShaderStageModuleIdentifierCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT. Extension: VK\\_EXT\\_shader\\_module\\_identifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT.html) """ struct _PhysicalDeviceShaderModuleIdentifierPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT. Extension: VK\\_EXT\\_shader\\_module\\_identifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT.html) """ struct _PhysicalDeviceShaderModuleIdentifierFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkDescriptorSetLayoutHostMappingInfoVALVE. Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutHostMappingInfoVALVE.html) """ struct _DescriptorSetLayoutHostMappingInfoVALVE <: VulkanStruct{true} vks::VkDescriptorSetLayoutHostMappingInfoVALVE deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE. Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE.html) """ struct _PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE <: VulkanStruct{true} vks::VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE deps::Vector{Any} end """ Intermediate wrapper for VkGraphicsPipelineLibraryCreateInfoEXT. Extension: VK\\_EXT\\_graphics\\_pipeline\\_library [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsPipelineLibraryCreateInfoEXT.html) """ struct _GraphicsPipelineLibraryCreateInfoEXT <: VulkanStruct{true} vks::VkGraphicsPipelineLibraryCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT. Extension: VK\\_EXT\\_graphics\\_pipeline\\_library [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT.html) """ struct _PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT. Extension: VK\\_EXT\\_graphics\\_pipeline\\_library [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT.html) """ struct _PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceLinearColorAttachmentFeaturesNV. Extension: VK\\_NV\\_linear\\_color\\_attachment [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLinearColorAttachmentFeaturesNV.html) """ struct _PhysicalDeviceLinearColorAttachmentFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceLinearColorAttachmentFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT. Extension: VK\\_EXT\\_rasterization\\_order\\_attachment\\_access [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT.html) """ struct _PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkImageViewMinLodCreateInfoEXT. Extension: VK\\_EXT\\_image\\_view\\_min\\_lod [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewMinLodCreateInfoEXT.html) """ struct _ImageViewMinLodCreateInfoEXT <: VulkanStruct{true} vks::VkImageViewMinLodCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceImageViewMinLodFeaturesEXT. Extension: VK\\_EXT\\_image\\_view\\_min\\_lod [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageViewMinLodFeaturesEXT.html) """ struct _PhysicalDeviceImageViewMinLodFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceImageViewMinLodFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkMultiviewPerViewAttributesInfoNVX. Extension: VK\\_KHR\\_dynamic\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultiviewPerViewAttributesInfoNVX.html) """ struct _MultiviewPerViewAttributesInfoNVX <: VulkanStruct{true} vks::VkMultiviewPerViewAttributesInfoNVX deps::Vector{Any} end """ Intermediate wrapper for VkAttachmentSampleCountInfoAMD. Extension: VK\\_KHR\\_dynamic\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentSampleCountInfoAMD.html) """ struct _AttachmentSampleCountInfoAMD <: VulkanStruct{true} vks::VkAttachmentSampleCountInfoAMD deps::Vector{Any} end """ Intermediate wrapper for VkCommandBufferInheritanceRenderingInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceRenderingInfo.html) """ struct _CommandBufferInheritanceRenderingInfo <: VulkanStruct{true} vks::VkCommandBufferInheritanceRenderingInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDynamicRenderingFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDynamicRenderingFeatures.html) """ struct _PhysicalDeviceDynamicRenderingFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceDynamicRenderingFeatures deps::Vector{Any} end """ Intermediate wrapper for VkRenderingInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingInfo.html) """ struct _RenderingInfo <: VulkanStruct{true} vks::VkRenderingInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineRenderingCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRenderingCreateInfo.html) """ struct _PipelineRenderingCreateInfo <: VulkanStruct{true} vks::VkPipelineRenderingCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkDrmFormatModifierProperties2EXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierProperties2EXT.html) """ struct _DrmFormatModifierProperties2EXT <: VulkanStruct{false} vks::VkDrmFormatModifierProperties2EXT end """ Intermediate wrapper for VkDrmFormatModifierPropertiesList2EXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierPropertiesList2EXT.html) """ struct _DrmFormatModifierPropertiesList2EXT <: VulkanStruct{true} vks::VkDrmFormatModifierPropertiesList2EXT deps::Vector{Any} end """ Intermediate wrapper for VkFormatProperties3. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFormatProperties3.html) """ struct _FormatProperties3 <: VulkanStruct{true} vks::VkFormatProperties3 deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT. Extension: VK\\_EXT\\_rgba10x6\\_formats [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT.html) """ struct _PhysicalDeviceRGBA10X6FormatsFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkAccelerationStructureMotionInstanceNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMotionInstanceNV.html) """ struct _AccelerationStructureMotionInstanceNV <: VulkanStruct{false} vks::VkAccelerationStructureMotionInstanceNV end """ Intermediate wrapper for VkAccelerationStructureMatrixMotionInstanceNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMatrixMotionInstanceNV.html) """ struct _AccelerationStructureMatrixMotionInstanceNV <: VulkanStruct{false} vks::VkAccelerationStructureMatrixMotionInstanceNV end """ Intermediate wrapper for VkAccelerationStructureSRTMotionInstanceNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureSRTMotionInstanceNV.html) """ struct _AccelerationStructureSRTMotionInstanceNV <: VulkanStruct{false} vks::VkAccelerationStructureSRTMotionInstanceNV end """ Intermediate wrapper for VkSRTDataNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSRTDataNV.html) """ struct _SRTDataNV <: VulkanStruct{false} vks::VkSRTDataNV end """ Intermediate wrapper for VkAccelerationStructureMotionInfoNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMotionInfoNV.html) """ struct _AccelerationStructureMotionInfoNV <: VulkanStruct{true} vks::VkAccelerationStructureMotionInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkAccelerationStructureGeometryMotionTrianglesDataNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryMotionTrianglesDataNV.html) """ struct _AccelerationStructureGeometryMotionTrianglesDataNV <: VulkanStruct{true} vks::VkAccelerationStructureGeometryMotionTrianglesDataNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceRayTracingMotionBlurFeaturesNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingMotionBlurFeaturesNV.html) """ struct _PhysicalDeviceRayTracingMotionBlurFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceRayTracingMotionBlurFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR. Extension: VK\\_KHR\\_fragment\\_shader\\_barycentric [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR.html) """ struct _PhysicalDeviceFragmentShaderBarycentricPropertiesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR. Extension: VK\\_KHR\\_fragment\\_shader\\_barycentric [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR.html) """ struct _PhysicalDeviceFragmentShaderBarycentricFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDrmPropertiesEXT. Extension: VK\\_EXT\\_physical\\_device\\_drm [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDrmPropertiesEXT.html) """ struct _PhysicalDeviceDrmPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceDrmPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderIntegerDotProductProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderIntegerDotProductProperties.html) """ struct _PhysicalDeviceShaderIntegerDotProductProperties <: VulkanStruct{true} vks::VkPhysicalDeviceShaderIntegerDotProductProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderIntegerDotProductFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderIntegerDotProductFeatures.html) """ struct _PhysicalDeviceShaderIntegerDotProductFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceShaderIntegerDotProductFeatures deps::Vector{Any} end """ Intermediate wrapper for VkOpaqueCaptureDescriptorDataCreateInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpaqueCaptureDescriptorDataCreateInfoEXT.html) """ struct _OpaqueCaptureDescriptorDataCreateInfoEXT <: VulkanStruct{true} vks::VkOpaqueCaptureDescriptorDataCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDescriptorGetInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorGetInfoEXT.html) """ struct _DescriptorGetInfoEXT <: VulkanStruct{true} vks::VkDescriptorGetInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDescriptorBufferBindingInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorBufferBindingInfoEXT.html) """ struct _DescriptorBufferBindingInfoEXT <: VulkanStruct{true} vks::VkDescriptorBufferBindingInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDescriptorAddressInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorAddressInfoEXT.html) """ struct _DescriptorAddressInfoEXT <: VulkanStruct{true} vks::VkDescriptorAddressInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT.html) """ struct _PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDescriptorBufferPropertiesEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorBufferPropertiesEXT.html) """ struct _PhysicalDeviceDescriptorBufferPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceDescriptorBufferPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDescriptorBufferFeaturesEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorBufferFeaturesEXT.html) """ struct _PhysicalDeviceDescriptorBufferFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceDescriptorBufferFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkCuModuleCreateInfoNVX. Extension: VK\\_NVX\\_binary\\_import [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCuModuleCreateInfoNVX.html) """ struct _CuModuleCreateInfoNVX <: VulkanStruct{true} vks::VkCuModuleCreateInfoNVX deps::Vector{Any} end """ Intermediate wrapper for VkPipelineRasterizationProvokingVertexStateCreateInfoEXT. Extension: VK\\_EXT\\_provoking\\_vertex [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationProvokingVertexStateCreateInfoEXT.html) """ struct _PipelineRasterizationProvokingVertexStateCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineRasterizationProvokingVertexStateCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceProvokingVertexPropertiesEXT. Extension: VK\\_EXT\\_provoking\\_vertex [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProvokingVertexPropertiesEXT.html) """ struct _PhysicalDeviceProvokingVertexPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceProvokingVertexPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceProvokingVertexFeaturesEXT. Extension: VK\\_EXT\\_provoking\\_vertex [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProvokingVertexFeaturesEXT.html) """ struct _PhysicalDeviceProvokingVertexFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceProvokingVertexFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT. Extension: VK\\_EXT\\_ycbcr\\_2plane\\_444\\_formats [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT.html) """ struct _PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkCommandBufferInheritanceViewportScissorInfoNV. Extension: VK\\_NV\\_inherited\\_viewport\\_scissor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceViewportScissorInfoNV.html) """ struct _CommandBufferInheritanceViewportScissorInfoNV <: VulkanStruct{true} vks::VkCommandBufferInheritanceViewportScissorInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceInheritedViewportScissorFeaturesNV. Extension: VK\\_NV\\_inherited\\_viewport\\_scissor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInheritedViewportScissorFeaturesNV.html) """ struct _PhysicalDeviceInheritedViewportScissorFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceInheritedViewportScissorFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkVideoCodingControlInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoCodingControlInfoKHR.html) """ struct _VideoCodingControlInfoKHR <: VulkanStruct{true} vks::VkVideoCodingControlInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoEndCodingInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoEndCodingInfoKHR.html) """ struct _VideoEndCodingInfoKHR <: VulkanStruct{true} vks::VkVideoEndCodingInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoSessionParametersUpdateInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionParametersUpdateInfoKHR.html) """ struct _VideoSessionParametersUpdateInfoKHR <: VulkanStruct{true} vks::VkVideoSessionParametersUpdateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoSessionCreateInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionCreateInfoKHR.html) """ struct _VideoSessionCreateInfoKHR <: VulkanStruct{true} vks::VkVideoSessionCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeH265DpbSlotInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h265 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265DpbSlotInfoKHR.html) """ struct _VideoDecodeH265DpbSlotInfoKHR <: VulkanStruct{true} vks::VkVideoDecodeH265DpbSlotInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeH265PictureInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h265 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265PictureInfoKHR.html) """ struct _VideoDecodeH265PictureInfoKHR <: VulkanStruct{true} vks::VkVideoDecodeH265PictureInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeH265SessionParametersCreateInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h265 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265SessionParametersCreateInfoKHR.html) """ struct _VideoDecodeH265SessionParametersCreateInfoKHR <: VulkanStruct{true} vks::VkVideoDecodeH265SessionParametersCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeH265SessionParametersAddInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h265 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265SessionParametersAddInfoKHR.html) """ struct _VideoDecodeH265SessionParametersAddInfoKHR <: VulkanStruct{true} vks::VkVideoDecodeH265SessionParametersAddInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeH265CapabilitiesKHR. Extension: VK\\_KHR\\_video\\_decode\\_h265 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265CapabilitiesKHR.html) """ struct _VideoDecodeH265CapabilitiesKHR <: VulkanStruct{true} vks::VkVideoDecodeH265CapabilitiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeH265ProfileInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h265 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265ProfileInfoKHR.html) """ struct _VideoDecodeH265ProfileInfoKHR <: VulkanStruct{true} vks::VkVideoDecodeH265ProfileInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeH264DpbSlotInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h264 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264DpbSlotInfoKHR.html) """ struct _VideoDecodeH264DpbSlotInfoKHR <: VulkanStruct{true} vks::VkVideoDecodeH264DpbSlotInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeH264PictureInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h264 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264PictureInfoKHR.html) """ struct _VideoDecodeH264PictureInfoKHR <: VulkanStruct{true} vks::VkVideoDecodeH264PictureInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeH264SessionParametersCreateInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h264 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264SessionParametersCreateInfoKHR.html) """ struct _VideoDecodeH264SessionParametersCreateInfoKHR <: VulkanStruct{true} vks::VkVideoDecodeH264SessionParametersCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeH264SessionParametersAddInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h264 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264SessionParametersAddInfoKHR.html) """ struct _VideoDecodeH264SessionParametersAddInfoKHR <: VulkanStruct{true} vks::VkVideoDecodeH264SessionParametersAddInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeH264CapabilitiesKHR. Extension: VK\\_KHR\\_video\\_decode\\_h264 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264CapabilitiesKHR.html) """ struct _VideoDecodeH264CapabilitiesKHR <: VulkanStruct{true} vks::VkVideoDecodeH264CapabilitiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeH264ProfileInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h264 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264ProfileInfoKHR.html) """ struct _VideoDecodeH264ProfileInfoKHR <: VulkanStruct{true} vks::VkVideoDecodeH264ProfileInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeUsageInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeUsageInfoKHR.html) """ struct _VideoDecodeUsageInfoKHR <: VulkanStruct{true} vks::VkVideoDecodeUsageInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeCapabilitiesKHR. Extension: VK\\_KHR\\_video\\_decode\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeCapabilitiesKHR.html) """ struct _VideoDecodeCapabilitiesKHR <: VulkanStruct{true} vks::VkVideoDecodeCapabilitiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoReferenceSlotInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoReferenceSlotInfoKHR.html) """ struct _VideoReferenceSlotInfoKHR <: VulkanStruct{true} vks::VkVideoReferenceSlotInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoSessionMemoryRequirementsKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionMemoryRequirementsKHR.html) """ struct _VideoSessionMemoryRequirementsKHR <: VulkanStruct{true} vks::VkVideoSessionMemoryRequirementsKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoCapabilitiesKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoCapabilitiesKHR.html) """ struct _VideoCapabilitiesKHR <: VulkanStruct{true} vks::VkVideoCapabilitiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoProfileInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoProfileInfoKHR.html) """ struct _VideoProfileInfoKHR <: VulkanStruct{true} vks::VkVideoProfileInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoFormatPropertiesKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoFormatPropertiesKHR.html) """ struct _VideoFormatPropertiesKHR <: VulkanStruct{true} vks::VkVideoFormatPropertiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceVideoFormatInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVideoFormatInfoKHR.html) """ struct _PhysicalDeviceVideoFormatInfoKHR <: VulkanStruct{true} vks::VkPhysicalDeviceVideoFormatInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoProfileListInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoProfileListInfoKHR.html) """ struct _VideoProfileListInfoKHR <: VulkanStruct{true} vks::VkVideoProfileListInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkQueueFamilyQueryResultStatusPropertiesKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyQueryResultStatusPropertiesKHR.html) """ struct _QueueFamilyQueryResultStatusPropertiesKHR <: VulkanStruct{true} vks::VkQueueFamilyQueryResultStatusPropertiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkQueueFamilyVideoPropertiesKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyVideoPropertiesKHR.html) """ struct _QueueFamilyVideoPropertiesKHR <: VulkanStruct{true} vks::VkQueueFamilyVideoPropertiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePipelineProtectedAccessFeaturesEXT. Extension: VK\\_EXT\\_pipeline\\_protected\\_access [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineProtectedAccessFeaturesEXT.html) """ struct _PhysicalDevicePipelineProtectedAccessFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDevicePipelineProtectedAccessFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkMultisampledRenderToSingleSampledInfoEXT. Extension: VK\\_EXT\\_multisampled\\_render\\_to\\_single\\_sampled [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultisampledRenderToSingleSampledInfoEXT.html) """ struct _MultisampledRenderToSingleSampledInfoEXT <: VulkanStruct{true} vks::VkMultisampledRenderToSingleSampledInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkSubpassResolvePerformanceQueryEXT. Extension: VK\\_EXT\\_multisampled\\_render\\_to\\_single\\_sampled [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassResolvePerformanceQueryEXT.html) """ struct _SubpassResolvePerformanceQueryEXT <: VulkanStruct{true} vks::VkSubpassResolvePerformanceQueryEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT. Extension: VK\\_EXT\\_multisampled\\_render\\_to\\_single\\_sampled [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT.html) """ struct _PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceLegacyDitheringFeaturesEXT. Extension: VK\\_EXT\\_legacy\\_dithering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLegacyDitheringFeaturesEXT.html) """ struct _PhysicalDeviceLegacyDitheringFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceLegacyDitheringFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT. Extension: VK\\_EXT\\_primitives\\_generated\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT.html) """ struct _PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceSynchronization2Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSynchronization2Features.html) """ struct _PhysicalDeviceSynchronization2Features <: VulkanStruct{true} vks::VkPhysicalDeviceSynchronization2Features deps::Vector{Any} end """ Intermediate wrapper for VkCheckpointData2NV. Extension: VK\\_KHR\\_synchronization2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCheckpointData2NV.html) """ struct _CheckpointData2NV <: VulkanStruct{true} vks::VkCheckpointData2NV deps::Vector{Any} end """ Intermediate wrapper for VkQueueFamilyCheckpointProperties2NV. Extension: VK\\_KHR\\_synchronization2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyCheckpointProperties2NV.html) """ struct _QueueFamilyCheckpointProperties2NV <: VulkanStruct{true} vks::VkQueueFamilyCheckpointProperties2NV deps::Vector{Any} end """ Intermediate wrapper for VkSubmitInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubmitInfo2.html) """ struct _SubmitInfo2 <: VulkanStruct{true} vks::VkSubmitInfo2 deps::Vector{Any} end """ Intermediate wrapper for VkDependencyInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDependencyInfo.html) """ struct _DependencyInfo <: VulkanStruct{true} vks::VkDependencyInfo deps::Vector{Any} end """ Intermediate wrapper for VkMemoryBarrier2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryBarrier2.html) """ struct _MemoryBarrier2 <: VulkanStruct{true} vks::VkMemoryBarrier2 deps::Vector{Any} end """ Intermediate wrapper for VkPipelineColorWriteCreateInfoEXT. Extension: VK\\_EXT\\_color\\_write\\_enable [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorWriteCreateInfoEXT.html) """ struct _PipelineColorWriteCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineColorWriteCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceColorWriteEnableFeaturesEXT. Extension: VK\\_EXT\\_color\\_write\\_enable [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceColorWriteEnableFeaturesEXT.html) """ struct _PhysicalDeviceColorWriteEnableFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceColorWriteEnableFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkVertexInputAttributeDescription2EXT. Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputAttributeDescription2EXT.html) """ struct _VertexInputAttributeDescription2EXT <: VulkanStruct{true} vks::VkVertexInputAttributeDescription2EXT deps::Vector{Any} end """ Intermediate wrapper for VkVertexInputBindingDescription2EXT. Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputBindingDescription2EXT.html) """ struct _VertexInputBindingDescription2EXT <: VulkanStruct{true} vks::VkVertexInputBindingDescription2EXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceExternalMemoryRDMAFeaturesNV. Extension: VK\\_NV\\_external\\_memory\\_rdma [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalMemoryRDMAFeaturesNV.html) """ struct _PhysicalDeviceExternalMemoryRDMAFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceExternalMemoryRDMAFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT. Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT.html) """ struct _PhysicalDeviceVertexInputDynamicStateFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPipelineViewportDepthClipControlCreateInfoEXT. Extension: VK\\_EXT\\_depth\\_clip\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportDepthClipControlCreateInfoEXT.html) """ struct _PipelineViewportDepthClipControlCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineViewportDepthClipControlCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDepthClipControlFeaturesEXT. Extension: VK\\_EXT\\_depth\\_clip\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthClipControlFeaturesEXT.html) """ struct _PhysicalDeviceDepthClipControlFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceDepthClipControlFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkMutableDescriptorTypeCreateInfoEXT. Extension: VK\\_EXT\\_mutable\\_descriptor\\_type [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMutableDescriptorTypeCreateInfoEXT.html) """ struct _MutableDescriptorTypeCreateInfoEXT <: VulkanStruct{true} vks::VkMutableDescriptorTypeCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkMutableDescriptorTypeListEXT. Extension: VK\\_EXT\\_mutable\\_descriptor\\_type [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMutableDescriptorTypeListEXT.html) """ struct _MutableDescriptorTypeListEXT <: VulkanStruct{true} vks::VkMutableDescriptorTypeListEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT. Extension: VK\\_EXT\\_mutable\\_descriptor\\_type [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT.html) """ struct _PhysicalDeviceMutableDescriptorTypeFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceImage2DViewOf3DFeaturesEXT. Extension: VK\\_EXT\\_image\\_2d\\_view\\_of\\_3d [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImage2DViewOf3DFeaturesEXT.html) """ struct _PhysicalDeviceImage2DViewOf3DFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceImage2DViewOf3DFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkAccelerationStructureBuildSizesInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureBuildSizesInfoKHR.html) """ struct _AccelerationStructureBuildSizesInfoKHR <: VulkanStruct{true} vks::VkAccelerationStructureBuildSizesInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkPipelineFragmentShadingRateEnumStateCreateInfoNV. Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineFragmentShadingRateEnumStateCreateInfoNV.html) """ struct _PipelineFragmentShadingRateEnumStateCreateInfoNV <: VulkanStruct{true} vks::VkPipelineFragmentShadingRateEnumStateCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV. Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV.html) """ struct _PhysicalDeviceFragmentShadingRateEnumsPropertiesNV <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV. Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV.html) """ struct _PhysicalDeviceFragmentShadingRateEnumsFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderTerminateInvocationFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderTerminateInvocationFeatures.html) """ struct _PhysicalDeviceShaderTerminateInvocationFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceShaderTerminateInvocationFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentShadingRateKHR. Extension: VK\\_KHR\\_fragment\\_shading\\_rate [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateKHR.html) """ struct _PhysicalDeviceFragmentShadingRateKHR <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentShadingRateKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentShadingRatePropertiesKHR. Extension: VK\\_KHR\\_fragment\\_shading\\_rate [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRatePropertiesKHR.html) """ struct _PhysicalDeviceFragmentShadingRatePropertiesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentShadingRatePropertiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentShadingRateFeaturesKHR. Extension: VK\\_KHR\\_fragment\\_shading\\_rate [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateFeaturesKHR.html) """ struct _PhysicalDeviceFragmentShadingRateFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentShadingRateFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPipelineFragmentShadingRateStateCreateInfoKHR. Extension: VK\\_KHR\\_fragment\\_shading\\_rate [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineFragmentShadingRateStateCreateInfoKHR.html) """ struct _PipelineFragmentShadingRateStateCreateInfoKHR <: VulkanStruct{true} vks::VkPipelineFragmentShadingRateStateCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkFragmentShadingRateAttachmentInfoKHR. Extension: VK\\_KHR\\_fragment\\_shading\\_rate [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFragmentShadingRateAttachmentInfoKHR.html) """ struct _FragmentShadingRateAttachmentInfoKHR <: VulkanStruct{true} vks::VkFragmentShadingRateAttachmentInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT. Extension: VK\\_EXT\\_shader\\_image\\_atomic\\_int64 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT.html) """ struct _PhysicalDeviceShaderImageAtomicInt64FeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkImageResolve2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageResolve2.html) """ struct _ImageResolve2 <: VulkanStruct{true} vks::VkImageResolve2 deps::Vector{Any} end """ Intermediate wrapper for VkBufferImageCopy2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferImageCopy2.html) """ struct _BufferImageCopy2 <: VulkanStruct{true} vks::VkBufferImageCopy2 deps::Vector{Any} end """ Intermediate wrapper for VkImageBlit2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageBlit2.html) """ struct _ImageBlit2 <: VulkanStruct{true} vks::VkImageBlit2 deps::Vector{Any} end """ Intermediate wrapper for VkImageCopy2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCopy2.html) """ struct _ImageCopy2 <: VulkanStruct{true} vks::VkImageCopy2 deps::Vector{Any} end """ Intermediate wrapper for VkBufferCopy2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCopy2.html) """ struct _BufferCopy2 <: VulkanStruct{true} vks::VkBufferCopy2 deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI. Extension: VK\\_HUAWEI\\_cluster\\_culling\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI.html) """ struct _PhysicalDeviceClusterCullingShaderFeaturesHUAWEI <: VulkanStruct{true} vks::VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceSubpassShadingFeaturesHUAWEI. Extension: VK\\_HUAWEI\\_subpass\\_shading [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubpassShadingFeaturesHUAWEI.html) """ struct _PhysicalDeviceSubpassShadingFeaturesHUAWEI <: VulkanStruct{true} vks::VkPhysicalDeviceSubpassShadingFeaturesHUAWEI deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevice4444FormatsFeaturesEXT. Extension: VK\\_EXT\\_4444\\_formats [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevice4444FormatsFeaturesEXT.html) """ struct _PhysicalDevice4444FormatsFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDevice4444FormatsFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR. Extension: VK\\_KHR\\_workgroup\\_memory\\_explicit\\_layout [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR.html) """ struct _PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceImageRobustnessFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageRobustnessFeatures.html) """ struct _PhysicalDeviceImageRobustnessFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceImageRobustnessFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceRobustness2PropertiesEXT. Extension: VK\\_EXT\\_robustness2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRobustness2PropertiesEXT.html) """ struct _PhysicalDeviceRobustness2PropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceRobustness2PropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceRobustness2FeaturesEXT. Extension: VK\\_EXT\\_robustness2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRobustness2FeaturesEXT.html) """ struct _PhysicalDeviceRobustness2FeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceRobustness2FeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR. Extension: VK\\_KHR\\_shader\\_subgroup\\_uniform\\_control\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR.html) """ struct _PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures.html) """ struct _PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures deps::Vector{Any} end """ Intermediate wrapper for VkDeviceDiagnosticsConfigCreateInfoNV. Extension: VK\\_NV\\_device\\_diagnostics\\_config [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceDiagnosticsConfigCreateInfoNV.html) """ struct _DeviceDiagnosticsConfigCreateInfoNV <: VulkanStruct{true} vks::VkDeviceDiagnosticsConfigCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDiagnosticsConfigFeaturesNV. Extension: VK\\_NV\\_device\\_diagnostics\\_config [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDiagnosticsConfigFeaturesNV.html) """ struct _PhysicalDeviceDiagnosticsConfigFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceDiagnosticsConfigFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkCommandBufferInheritanceRenderPassTransformInfoQCOM. Extension: VK\\_QCOM\\_render\\_pass\\_transform [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceRenderPassTransformInfoQCOM.html) """ struct _CommandBufferInheritanceRenderPassTransformInfoQCOM <: VulkanStruct{true} vks::VkCommandBufferInheritanceRenderPassTransformInfoQCOM deps::Vector{Any} end """ Intermediate wrapper for VkCopyCommandTransformInfoQCOM. Extension: VK\\_QCOM\\_rotated\\_copy\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyCommandTransformInfoQCOM.html) """ struct _CopyCommandTransformInfoQCOM <: VulkanStruct{true} vks::VkCopyCommandTransformInfoQCOM deps::Vector{Any} end """ Intermediate wrapper for VkRenderPassTransformBeginInfoQCOM. Extension: VK\\_QCOM\\_render\\_pass\\_transform [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassTransformBeginInfoQCOM.html) """ struct _RenderPassTransformBeginInfoQCOM <: VulkanStruct{true} vks::VkRenderPassTransformBeginInfoQCOM deps::Vector{Any} end """ Intermediate wrapper for VkColorBlendAdvancedEXT. Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkColorBlendAdvancedEXT.html) """ struct _ColorBlendAdvancedEXT <: VulkanStruct{false} vks::VkColorBlendAdvancedEXT end """ Intermediate wrapper for VkColorBlendEquationEXT. Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkColorBlendEquationEXT.html) """ struct _ColorBlendEquationEXT <: VulkanStruct{false} vks::VkColorBlendEquationEXT end """ Intermediate wrapper for VkPhysicalDeviceExtendedDynamicState3PropertiesEXT. Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicState3PropertiesEXT.html) """ struct _PhysicalDeviceExtendedDynamicState3PropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceExtendedDynamicState3PropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceExtendedDynamicState3FeaturesEXT. Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicState3FeaturesEXT.html) """ struct _PhysicalDeviceExtendedDynamicState3FeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceExtendedDynamicState3FeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceExtendedDynamicState2FeaturesEXT. Extension: VK\\_EXT\\_extended\\_dynamic\\_state2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicState2FeaturesEXT.html) """ struct _PhysicalDeviceExtendedDynamicState2FeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceExtendedDynamicState2FeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceExtendedDynamicStateFeaturesEXT. Extension: VK\\_EXT\\_extended\\_dynamic\\_state [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicStateFeaturesEXT.html) """ struct _PhysicalDeviceExtendedDynamicStateFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceExtendedDynamicStateFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPipelineLibraryCreateInfoKHR. Extension: VK\\_KHR\\_pipeline\\_library [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineLibraryCreateInfoKHR.html) """ struct _PipelineLibraryCreateInfoKHR <: VulkanStruct{true} vks::VkPipelineLibraryCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkRayTracingPipelineInterfaceCreateInfoKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingPipelineInterfaceCreateInfoKHR.html) """ struct _RayTracingPipelineInterfaceCreateInfoKHR <: VulkanStruct{true} vks::VkRayTracingPipelineInterfaceCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkAccelerationStructureVersionInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureVersionInfoKHR.html) """ struct _AccelerationStructureVersionInfoKHR <: VulkanStruct{true} vks::VkAccelerationStructureVersionInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkAccelerationStructureInstanceKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureInstanceKHR.html) """ struct _AccelerationStructureInstanceKHR <: VulkanStruct{false} vks::VkAccelerationStructureInstanceKHR end """ Intermediate wrapper for VkTransformMatrixKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTransformMatrixKHR.html) """ struct _TransformMatrixKHR <: VulkanStruct{false} vks::VkTransformMatrixKHR end """ Intermediate wrapper for VkAabbPositionsKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAabbPositionsKHR.html) """ struct _AabbPositionsKHR <: VulkanStruct{false} vks::VkAabbPositionsKHR end """ Intermediate wrapper for VkAccelerationStructureBuildRangeInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureBuildRangeInfoKHR.html) """ struct _AccelerationStructureBuildRangeInfoKHR <: VulkanStruct{false} vks::VkAccelerationStructureBuildRangeInfoKHR end """ Intermediate wrapper for VkAccelerationStructureGeometryKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryKHR.html) """ struct _AccelerationStructureGeometryKHR <: VulkanStruct{true} vks::VkAccelerationStructureGeometryKHR deps::Vector{Any} end """ Intermediate wrapper for VkAccelerationStructureGeometryInstancesDataKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryInstancesDataKHR.html) """ struct _AccelerationStructureGeometryInstancesDataKHR <: VulkanStruct{true} vks::VkAccelerationStructureGeometryInstancesDataKHR deps::Vector{Any} end """ Intermediate wrapper for VkAccelerationStructureGeometryAabbsDataKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryAabbsDataKHR.html) """ struct _AccelerationStructureGeometryAabbsDataKHR <: VulkanStruct{true} vks::VkAccelerationStructureGeometryAabbsDataKHR deps::Vector{Any} end """ Intermediate wrapper for VkAccelerationStructureGeometryTrianglesDataKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryTrianglesDataKHR.html) """ struct _AccelerationStructureGeometryTrianglesDataKHR <: VulkanStruct{true} vks::VkAccelerationStructureGeometryTrianglesDataKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceBorderColorSwizzleFeaturesEXT. Extension: VK\\_EXT\\_border\\_color\\_swizzle [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBorderColorSwizzleFeaturesEXT.html) """ struct _PhysicalDeviceBorderColorSwizzleFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceBorderColorSwizzleFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkSamplerBorderColorComponentMappingCreateInfoEXT. Extension: VK\\_EXT\\_border\\_color\\_swizzle [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerBorderColorComponentMappingCreateInfoEXT.html) """ struct _SamplerBorderColorComponentMappingCreateInfoEXT <: VulkanStruct{true} vks::VkSamplerBorderColorComponentMappingCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceCustomBorderColorFeaturesEXT. Extension: VK\\_EXT\\_custom\\_border\\_color [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCustomBorderColorFeaturesEXT.html) """ struct _PhysicalDeviceCustomBorderColorFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceCustomBorderColorFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceCustomBorderColorPropertiesEXT. Extension: VK\\_EXT\\_custom\\_border\\_color [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCustomBorderColorPropertiesEXT.html) """ struct _PhysicalDeviceCustomBorderColorPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceCustomBorderColorPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkSamplerCustomBorderColorCreateInfoEXT. Extension: VK\\_EXT\\_custom\\_border\\_color [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerCustomBorderColorCreateInfoEXT.html) """ struct _SamplerCustomBorderColorCreateInfoEXT <: VulkanStruct{true} vks::VkSamplerCustomBorderColorCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceToolProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceToolProperties.html) """ struct _PhysicalDeviceToolProperties <: VulkanStruct{true} vks::VkPhysicalDeviceToolProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceCoherentMemoryFeaturesAMD. Extension: VK\\_AMD\\_device\\_coherent\\_memory [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCoherentMemoryFeaturesAMD.html) """ struct _PhysicalDeviceCoherentMemoryFeaturesAMD <: VulkanStruct{true} vks::VkPhysicalDeviceCoherentMemoryFeaturesAMD deps::Vector{Any} end """ Intermediate wrapper for VkPipelineCompilerControlCreateInfoAMD. Extension: VK\\_AMD\\_pipeline\\_compiler\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCompilerControlCreateInfoAMD.html) """ struct _PipelineCompilerControlCreateInfoAMD <: VulkanStruct{true} vks::VkPipelineCompilerControlCreateInfoAMD deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceVulkan13Properties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan13Properties.html) """ struct _PhysicalDeviceVulkan13Properties <: VulkanStruct{true} vks::VkPhysicalDeviceVulkan13Properties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceVulkan13Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan13Features.html) """ struct _PhysicalDeviceVulkan13Features <: VulkanStruct{true} vks::VkPhysicalDeviceVulkan13Features deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceVulkan12Properties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan12Properties.html) """ struct _PhysicalDeviceVulkan12Properties <: VulkanStruct{true} vks::VkPhysicalDeviceVulkan12Properties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceVulkan12Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan12Features.html) """ struct _PhysicalDeviceVulkan12Features <: VulkanStruct{true} vks::VkPhysicalDeviceVulkan12Features deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceVulkan11Properties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan11Properties.html) """ struct _PhysicalDeviceVulkan11Properties <: VulkanStruct{true} vks::VkPhysicalDeviceVulkan11Properties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceVulkan11Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan11Features.html) """ struct _PhysicalDeviceVulkan11Features <: VulkanStruct{true} vks::VkPhysicalDeviceVulkan11Features deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePipelineCreationCacheControlFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineCreationCacheControlFeatures.html) """ struct _PhysicalDevicePipelineCreationCacheControlFeatures <: VulkanStruct{true} vks::VkPhysicalDevicePipelineCreationCacheControlFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPipelineRasterizationLineStateCreateInfoEXT. Extension: VK\\_EXT\\_line\\_rasterization [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationLineStateCreateInfoEXT.html) """ struct _PipelineRasterizationLineStateCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineRasterizationLineStateCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceLineRasterizationPropertiesEXT. Extension: VK\\_EXT\\_line\\_rasterization [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLineRasterizationPropertiesEXT.html) """ struct _PhysicalDeviceLineRasterizationPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceLineRasterizationPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceLineRasterizationFeaturesEXT. Extension: VK\\_EXT\\_line\\_rasterization [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLineRasterizationFeaturesEXT.html) """ struct _PhysicalDeviceLineRasterizationFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceLineRasterizationFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkMemoryOpaqueCaptureAddressAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryOpaqueCaptureAddressAllocateInfo.html) """ struct _MemoryOpaqueCaptureAddressAllocateInfo <: VulkanStruct{true} vks::VkMemoryOpaqueCaptureAddressAllocateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI. Extension: VK\\_HUAWEI\\_cluster\\_culling\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI.html) """ struct _PhysicalDeviceClusterCullingShaderPropertiesHUAWEI <: VulkanStruct{true} vks::VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceSubpassShadingPropertiesHUAWEI. Extension: VK\\_HUAWEI\\_subpass\\_shading [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubpassShadingPropertiesHUAWEI.html) """ struct _PhysicalDeviceSubpassShadingPropertiesHUAWEI <: VulkanStruct{true} vks::VkPhysicalDeviceSubpassShadingPropertiesHUAWEI deps::Vector{Any} end """ Intermediate wrapper for VkPipelineShaderStageRequiredSubgroupSizeCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineShaderStageRequiredSubgroupSizeCreateInfo.html) """ struct _PipelineShaderStageRequiredSubgroupSizeCreateInfo <: VulkanStruct{true} vks::VkPipelineShaderStageRequiredSubgroupSizeCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceSubgroupSizeControlProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubgroupSizeControlProperties.html) """ struct _PhysicalDeviceSubgroupSizeControlProperties <: VulkanStruct{true} vks::VkPhysicalDeviceSubgroupSizeControlProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceSubgroupSizeControlFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubgroupSizeControlFeatures.html) """ struct _PhysicalDeviceSubgroupSizeControlFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceSubgroupSizeControlFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceTexelBufferAlignmentProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTexelBufferAlignmentProperties.html) """ struct _PhysicalDeviceTexelBufferAlignmentProperties <: VulkanStruct{true} vks::VkPhysicalDeviceTexelBufferAlignmentProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT. Extension: VK\\_EXT\\_texel\\_buffer\\_alignment [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT.html) """ struct _PhysicalDeviceTexelBufferAlignmentFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures.html) """ struct _PhysicalDeviceShaderDemoteToHelperInvocationFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPipelineExecutableInternalRepresentationKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableInternalRepresentationKHR.html) """ struct _PipelineExecutableInternalRepresentationKHR <: VulkanStruct{true} vks::VkPipelineExecutableInternalRepresentationKHR deps::Vector{Any} end """ Intermediate wrapper for VkPipelineExecutableStatisticKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableStatisticKHR.html) """ struct _PipelineExecutableStatisticKHR <: VulkanStruct{true} vks::VkPipelineExecutableStatisticKHR deps::Vector{Any} end """ Intermediate wrapper for VkPipelineExecutablePropertiesKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutablePropertiesKHR.html) """ struct _PipelineExecutablePropertiesKHR <: VulkanStruct{true} vks::VkPipelineExecutablePropertiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR.html) """ struct _PhysicalDevicePipelineExecutablePropertiesFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkAttachmentDescriptionStencilLayout. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentDescriptionStencilLayout.html) """ struct _AttachmentDescriptionStencilLayout <: VulkanStruct{true} vks::VkAttachmentDescriptionStencilLayout deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT. Extension: VK\\_EXT\\_primitive\\_topology\\_list\\_restart [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT.html) """ struct _PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkAttachmentReferenceStencilLayout. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentReferenceStencilLayout.html) """ struct _AttachmentReferenceStencilLayout <: VulkanStruct{true} vks::VkAttachmentReferenceStencilLayout deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures.html) """ struct _PhysicalDeviceSeparateDepthStencilLayoutsFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT. Extension: VK\\_EXT\\_fragment\\_shader\\_interlock [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT.html) """ struct _PhysicalDeviceFragmentShaderInterlockFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderSMBuiltinsFeaturesNV. Extension: VK\\_NV\\_shader\\_sm\\_builtins [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSMBuiltinsFeaturesNV.html) """ struct _PhysicalDeviceShaderSMBuiltinsFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceShaderSMBuiltinsFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderSMBuiltinsPropertiesNV. Extension: VK\\_NV\\_shader\\_sm\\_builtins [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSMBuiltinsPropertiesNV.html) """ struct _PhysicalDeviceShaderSMBuiltinsPropertiesNV <: VulkanStruct{true} vks::VkPhysicalDeviceShaderSMBuiltinsPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceIndexTypeUint8FeaturesEXT. Extension: VK\\_EXT\\_index\\_type\\_uint8 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceIndexTypeUint8FeaturesEXT.html) """ struct _PhysicalDeviceIndexTypeUint8FeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceIndexTypeUint8FeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderClockFeaturesKHR. Extension: VK\\_KHR\\_shader\\_clock [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderClockFeaturesKHR.html) """ struct _PhysicalDeviceShaderClockFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceShaderClockFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPerformanceConfigurationAcquireInfoINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceConfigurationAcquireInfoINTEL.html) """ struct _PerformanceConfigurationAcquireInfoINTEL <: VulkanStruct{true} vks::VkPerformanceConfigurationAcquireInfoINTEL deps::Vector{Any} end """ Intermediate wrapper for VkPerformanceOverrideInfoINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceOverrideInfoINTEL.html) """ struct _PerformanceOverrideInfoINTEL <: VulkanStruct{true} vks::VkPerformanceOverrideInfoINTEL deps::Vector{Any} end """ Intermediate wrapper for VkPerformanceStreamMarkerInfoINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceStreamMarkerInfoINTEL.html) """ struct _PerformanceStreamMarkerInfoINTEL <: VulkanStruct{true} vks::VkPerformanceStreamMarkerInfoINTEL deps::Vector{Any} end """ Intermediate wrapper for VkPerformanceMarkerInfoINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceMarkerInfoINTEL.html) """ struct _PerformanceMarkerInfoINTEL <: VulkanStruct{true} vks::VkPerformanceMarkerInfoINTEL deps::Vector{Any} end """ Intermediate wrapper for VkQueryPoolPerformanceQueryCreateInfoINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueryPoolPerformanceQueryCreateInfoINTEL.html) """ struct _QueryPoolPerformanceQueryCreateInfoINTEL <: VulkanStruct{true} vks::VkQueryPoolPerformanceQueryCreateInfoINTEL deps::Vector{Any} end """ Intermediate wrapper for VkInitializePerformanceApiInfoINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkInitializePerformanceApiInfoINTEL.html) """ struct _InitializePerformanceApiInfoINTEL <: VulkanStruct{true} vks::VkInitializePerformanceApiInfoINTEL deps::Vector{Any} end """ Intermediate wrapper for VkPerformanceValueINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceValueINTEL.html) """ struct _PerformanceValueINTEL <: VulkanStruct{false} vks::VkPerformanceValueINTEL end """ Intermediate wrapper for VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL. Extension: VK\\_INTEL\\_shader\\_integer\\_functions2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL.html) """ struct _PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL <: VulkanStruct{true} vks::VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL deps::Vector{Any} end """ Intermediate wrapper for VkFramebufferMixedSamplesCombinationNV. Extension: VK\\_NV\\_coverage\\_reduction\\_mode [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferMixedSamplesCombinationNV.html) """ struct _FramebufferMixedSamplesCombinationNV <: VulkanStruct{true} vks::VkFramebufferMixedSamplesCombinationNV deps::Vector{Any} end """ Intermediate wrapper for VkPipelineCoverageReductionStateCreateInfoNV. Extension: VK\\_NV\\_coverage\\_reduction\\_mode [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCoverageReductionStateCreateInfoNV.html) """ struct _PipelineCoverageReductionStateCreateInfoNV <: VulkanStruct{true} vks::VkPipelineCoverageReductionStateCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceCoverageReductionModeFeaturesNV. Extension: VK\\_NV\\_coverage\\_reduction\\_mode [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCoverageReductionModeFeaturesNV.html) """ struct _PhysicalDeviceCoverageReductionModeFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceCoverageReductionModeFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkHeadlessSurfaceCreateInfoEXT. Extension: VK\\_EXT\\_headless\\_surface [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkHeadlessSurfaceCreateInfoEXT.html) """ struct _HeadlessSurfaceCreateInfoEXT <: VulkanStruct{true} vks::VkHeadlessSurfaceCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPerformanceQuerySubmitInfoKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceQuerySubmitInfoKHR.html) """ struct _PerformanceQuerySubmitInfoKHR <: VulkanStruct{true} vks::VkPerformanceQuerySubmitInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkAcquireProfilingLockInfoKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAcquireProfilingLockInfoKHR.html) """ struct _AcquireProfilingLockInfoKHR <: VulkanStruct{true} vks::VkAcquireProfilingLockInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkQueryPoolPerformanceCreateInfoKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueryPoolPerformanceCreateInfoKHR.html) """ struct _QueryPoolPerformanceCreateInfoKHR <: VulkanStruct{true} vks::VkQueryPoolPerformanceCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkPerformanceCounterDescriptionKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceCounterDescriptionKHR.html) """ struct _PerformanceCounterDescriptionKHR <: VulkanStruct{true} vks::VkPerformanceCounterDescriptionKHR deps::Vector{Any} end """ Intermediate wrapper for VkPerformanceCounterKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceCounterKHR.html) """ struct _PerformanceCounterKHR <: VulkanStruct{true} vks::VkPerformanceCounterKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePerformanceQueryPropertiesKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePerformanceQueryPropertiesKHR.html) """ struct _PhysicalDevicePerformanceQueryPropertiesKHR <: VulkanStruct{true} vks::VkPhysicalDevicePerformanceQueryPropertiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePerformanceQueryFeaturesKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePerformanceQueryFeaturesKHR.html) """ struct _PhysicalDevicePerformanceQueryFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDevicePerformanceQueryFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkSwapchainPresentBarrierCreateInfoNV. Extension: VK\\_NV\\_present\\_barrier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentBarrierCreateInfoNV.html) """ struct _SwapchainPresentBarrierCreateInfoNV <: VulkanStruct{true} vks::VkSwapchainPresentBarrierCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkSurfaceCapabilitiesPresentBarrierNV. Extension: VK\\_NV\\_present\\_barrier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilitiesPresentBarrierNV.html) """ struct _SurfaceCapabilitiesPresentBarrierNV <: VulkanStruct{true} vks::VkSurfaceCapabilitiesPresentBarrierNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePresentBarrierFeaturesNV. Extension: VK\\_NV\\_present\\_barrier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePresentBarrierFeaturesNV.html) """ struct _PhysicalDevicePresentBarrierFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDevicePresentBarrierFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPipelineCreationFeedbackCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCreationFeedbackCreateInfo.html) """ struct _PipelineCreationFeedbackCreateInfo <: VulkanStruct{true} vks::VkPipelineCreationFeedbackCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineCreationFeedback. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCreationFeedback.html) """ struct _PipelineCreationFeedback <: VulkanStruct{false} vks::VkPipelineCreationFeedback end """ Intermediate wrapper for VkImageViewAddressPropertiesNVX. Extension: VK\\_NVX\\_image\\_view\\_handle [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewAddressPropertiesNVX.html) """ struct _ImageViewAddressPropertiesNVX <: VulkanStruct{true} vks::VkImageViewAddressPropertiesNVX deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceYcbcrImageArraysFeaturesEXT. Extension: VK\\_EXT\\_ycbcr\\_image\\_arrays [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceYcbcrImageArraysFeaturesEXT.html) """ struct _PhysicalDeviceYcbcrImageArraysFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceYcbcrImageArraysFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkCooperativeMatrixPropertiesNV. Extension: VK\\_NV\\_cooperative\\_matrix [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCooperativeMatrixPropertiesNV.html) """ struct _CooperativeMatrixPropertiesNV <: VulkanStruct{true} vks::VkCooperativeMatrixPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceCooperativeMatrixPropertiesNV. Extension: VK\\_NV\\_cooperative\\_matrix [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCooperativeMatrixPropertiesNV.html) """ struct _PhysicalDeviceCooperativeMatrixPropertiesNV <: VulkanStruct{true} vks::VkPhysicalDeviceCooperativeMatrixPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceCooperativeMatrixFeaturesNV. Extension: VK\\_NV\\_cooperative\\_matrix [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCooperativeMatrixFeaturesNV.html) """ struct _PhysicalDeviceCooperativeMatrixFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceCooperativeMatrixFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceTextureCompressionASTCHDRFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTextureCompressionASTCHDRFeatures.html) """ struct _PhysicalDeviceTextureCompressionASTCHDRFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceTextureCompressionASTCHDRFeatures deps::Vector{Any} end """ Intermediate wrapper for VkRenderPassAttachmentBeginInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassAttachmentBeginInfo.html) """ struct _RenderPassAttachmentBeginInfo <: VulkanStruct{true} vks::VkRenderPassAttachmentBeginInfo deps::Vector{Any} end """ Intermediate wrapper for VkFramebufferAttachmentImageInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferAttachmentImageInfo.html) """ struct _FramebufferAttachmentImageInfo <: VulkanStruct{true} vks::VkFramebufferAttachmentImageInfo deps::Vector{Any} end """ Intermediate wrapper for VkFramebufferAttachmentsCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferAttachmentsCreateInfo.html) """ struct _FramebufferAttachmentsCreateInfo <: VulkanStruct{true} vks::VkFramebufferAttachmentsCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceImagelessFramebufferFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImagelessFramebufferFeatures.html) """ struct _PhysicalDeviceImagelessFramebufferFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceImagelessFramebufferFeatures deps::Vector{Any} end """ Intermediate wrapper for VkFilterCubicImageViewImageFormatPropertiesEXT. Extension: VK\\_EXT\\_filter\\_cubic [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFilterCubicImageViewImageFormatPropertiesEXT.html) """ struct _FilterCubicImageViewImageFormatPropertiesEXT <: VulkanStruct{true} vks::VkFilterCubicImageViewImageFormatPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceImageViewImageFormatInfoEXT. Extension: VK\\_EXT\\_filter\\_cubic [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageViewImageFormatInfoEXT.html) """ struct _PhysicalDeviceImageViewImageFormatInfoEXT <: VulkanStruct{true} vks::VkPhysicalDeviceImageViewImageFormatInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkBufferDeviceAddressCreateInfoEXT. Extension: VK\\_EXT\\_buffer\\_device\\_address [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferDeviceAddressCreateInfoEXT.html) """ struct _BufferDeviceAddressCreateInfoEXT <: VulkanStruct{true} vks::VkBufferDeviceAddressCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkBufferOpaqueCaptureAddressCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferOpaqueCaptureAddressCreateInfo.html) """ struct _BufferOpaqueCaptureAddressCreateInfo <: VulkanStruct{true} vks::VkBufferOpaqueCaptureAddressCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceBufferDeviceAddressFeaturesEXT. Extension: VK\\_EXT\\_buffer\\_device\\_address [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBufferDeviceAddressFeaturesEXT.html) """ struct _PhysicalDeviceBufferDeviceAddressFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceBufferDeviceAddressFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceBufferDeviceAddressFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBufferDeviceAddressFeatures.html) """ struct _PhysicalDeviceBufferDeviceAddressFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceBufferDeviceAddressFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT. Extension: VK\\_EXT\\_pageable\\_device\\_local\\_memory [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT.html) """ struct _PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkMemoryPriorityAllocateInfoEXT. Extension: VK\\_EXT\\_memory\\_priority [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryPriorityAllocateInfoEXT.html) """ struct _MemoryPriorityAllocateInfoEXT <: VulkanStruct{true} vks::VkMemoryPriorityAllocateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMemoryPriorityFeaturesEXT. Extension: VK\\_EXT\\_memory\\_priority [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryPriorityFeaturesEXT.html) """ struct _PhysicalDeviceMemoryPriorityFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceMemoryPriorityFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMemoryBudgetPropertiesEXT. Extension: VK\\_EXT\\_memory\\_budget [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryBudgetPropertiesEXT.html) """ struct _PhysicalDeviceMemoryBudgetPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceMemoryBudgetPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPipelineRasterizationDepthClipStateCreateInfoEXT. Extension: VK\\_EXT\\_depth\\_clip\\_enable [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationDepthClipStateCreateInfoEXT.html) """ struct _PipelineRasterizationDepthClipStateCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineRasterizationDepthClipStateCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDepthClipEnableFeaturesEXT. Extension: VK\\_EXT\\_depth\\_clip\\_enable [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthClipEnableFeaturesEXT.html) """ struct _PhysicalDeviceDepthClipEnableFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceDepthClipEnableFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceUniformBufferStandardLayoutFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceUniformBufferStandardLayoutFeatures.html) """ struct _PhysicalDeviceUniformBufferStandardLayoutFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceUniformBufferStandardLayoutFeatures deps::Vector{Any} end """ Intermediate wrapper for VkSurfaceProtectedCapabilitiesKHR. Extension: VK\\_KHR\\_surface\\_protected\\_capabilities [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceProtectedCapabilitiesKHR.html) """ struct _SurfaceProtectedCapabilitiesKHR <: VulkanStruct{true} vks::VkSurfaceProtectedCapabilitiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceScalarBlockLayoutFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceScalarBlockLayoutFeatures.html) """ struct _PhysicalDeviceScalarBlockLayoutFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceScalarBlockLayoutFeatures deps::Vector{Any} end """ Intermediate wrapper for VkSubpassFragmentDensityMapOffsetEndInfoQCOM. Extension: VK\\_QCOM\\_fragment\\_density\\_map\\_offset [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassFragmentDensityMapOffsetEndInfoQCOM.html) """ struct _SubpassFragmentDensityMapOffsetEndInfoQCOM <: VulkanStruct{true} vks::VkSubpassFragmentDensityMapOffsetEndInfoQCOM deps::Vector{Any} end """ Intermediate wrapper for VkRenderPassFragmentDensityMapCreateInfoEXT. Extension: VK\\_EXT\\_fragment\\_density\\_map [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassFragmentDensityMapCreateInfoEXT.html) """ struct _RenderPassFragmentDensityMapCreateInfoEXT <: VulkanStruct{true} vks::VkRenderPassFragmentDensityMapCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM. Extension: VK\\_QCOM\\_fragment\\_density\\_map\\_offset [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM.html) """ struct _PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentDensityMap2PropertiesEXT. Extension: VK\\_EXT\\_fragment\\_density\\_map2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMap2PropertiesEXT.html) """ struct _PhysicalDeviceFragmentDensityMap2PropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentDensityMap2PropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentDensityMapPropertiesEXT. Extension: VK\\_EXT\\_fragment\\_density\\_map [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapPropertiesEXT.html) """ struct _PhysicalDeviceFragmentDensityMapPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentDensityMapPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM. Extension: VK\\_QCOM\\_fragment\\_density\\_map\\_offset [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM.html) """ struct _PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentDensityMap2FeaturesEXT. Extension: VK\\_EXT\\_fragment\\_density\\_map2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMap2FeaturesEXT.html) """ struct _PhysicalDeviceFragmentDensityMap2FeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentDensityMap2FeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentDensityMapFeaturesEXT. Extension: VK\\_EXT\\_fragment\\_density\\_map [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapFeaturesEXT.html) """ struct _PhysicalDeviceFragmentDensityMapFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentDensityMapFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkDeviceMemoryOverallocationCreateInfoAMD. Extension: VK\\_AMD\\_memory\\_overallocation\\_behavior [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceMemoryOverallocationCreateInfoAMD.html) """ struct _DeviceMemoryOverallocationCreateInfoAMD <: VulkanStruct{true} vks::VkDeviceMemoryOverallocationCreateInfoAMD deps::Vector{Any} end """ Intermediate wrapper for VkImageStencilUsageCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageStencilUsageCreateInfo.html) """ struct _ImageStencilUsageCreateInfo <: VulkanStruct{true} vks::VkImageStencilUsageCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkImageDrmFormatModifierPropertiesEXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageDrmFormatModifierPropertiesEXT.html) """ struct _ImageDrmFormatModifierPropertiesEXT <: VulkanStruct{true} vks::VkImageDrmFormatModifierPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkImageDrmFormatModifierExplicitCreateInfoEXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageDrmFormatModifierExplicitCreateInfoEXT.html) """ struct _ImageDrmFormatModifierExplicitCreateInfoEXT <: VulkanStruct{true} vks::VkImageDrmFormatModifierExplicitCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkImageDrmFormatModifierListCreateInfoEXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageDrmFormatModifierListCreateInfoEXT.html) """ struct _ImageDrmFormatModifierListCreateInfoEXT <: VulkanStruct{true} vks::VkImageDrmFormatModifierListCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceImageDrmFormatModifierInfoEXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageDrmFormatModifierInfoEXT.html) """ struct _PhysicalDeviceImageDrmFormatModifierInfoEXT <: VulkanStruct{true} vks::VkPhysicalDeviceImageDrmFormatModifierInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDrmFormatModifierPropertiesEXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierPropertiesEXT.html) """ struct _DrmFormatModifierPropertiesEXT <: VulkanStruct{false} vks::VkDrmFormatModifierPropertiesEXT end """ Intermediate wrapper for VkDrmFormatModifierPropertiesListEXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierPropertiesListEXT.html) """ struct _DrmFormatModifierPropertiesListEXT <: VulkanStruct{true} vks::VkDrmFormatModifierPropertiesListEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR.html) """ struct _PhysicalDeviceRayTracingMaintenance1FeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkTraceRaysIndirectCommand2KHR. Extension: VK\\_KHR\\_ray\\_tracing\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTraceRaysIndirectCommand2KHR.html) """ struct _TraceRaysIndirectCommand2KHR <: VulkanStruct{false} vks::VkTraceRaysIndirectCommand2KHR end """ Intermediate wrapper for VkTraceRaysIndirectCommandKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTraceRaysIndirectCommandKHR.html) """ struct _TraceRaysIndirectCommandKHR <: VulkanStruct{false} vks::VkTraceRaysIndirectCommandKHR end """ Intermediate wrapper for VkStridedDeviceAddressRegionKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkStridedDeviceAddressRegionKHR.html) """ struct _StridedDeviceAddressRegionKHR <: VulkanStruct{false} vks::VkStridedDeviceAddressRegionKHR end """ Intermediate wrapper for VkPhysicalDeviceRayTracingPropertiesNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingPropertiesNV.html) """ struct _PhysicalDeviceRayTracingPropertiesNV <: VulkanStruct{true} vks::VkPhysicalDeviceRayTracingPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceRayTracingPipelinePropertiesKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingPipelinePropertiesKHR.html) """ struct _PhysicalDeviceRayTracingPipelinePropertiesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceRayTracingPipelinePropertiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceAccelerationStructurePropertiesKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAccelerationStructurePropertiesKHR.html) """ struct _PhysicalDeviceAccelerationStructurePropertiesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceAccelerationStructurePropertiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceRayQueryFeaturesKHR. Extension: VK\\_KHR\\_ray\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayQueryFeaturesKHR.html) """ struct _PhysicalDeviceRayQueryFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceRayQueryFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceRayTracingPipelineFeaturesKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingPipelineFeaturesKHR.html) """ struct _PhysicalDeviceRayTracingPipelineFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceRayTracingPipelineFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceAccelerationStructureFeaturesKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAccelerationStructureFeaturesKHR.html) """ struct _PhysicalDeviceAccelerationStructureFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceAccelerationStructureFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkWriteDescriptorSetAccelerationStructureNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSetAccelerationStructureNV.html) """ struct _WriteDescriptorSetAccelerationStructureNV <: VulkanStruct{true} vks::VkWriteDescriptorSetAccelerationStructureNV deps::Vector{Any} end """ Intermediate wrapper for VkWriteDescriptorSetAccelerationStructureKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSetAccelerationStructureKHR.html) """ struct _WriteDescriptorSetAccelerationStructureKHR <: VulkanStruct{true} vks::VkWriteDescriptorSetAccelerationStructureKHR deps::Vector{Any} end """ Intermediate wrapper for VkAccelerationStructureCreateInfoNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureCreateInfoNV.html) """ struct _AccelerationStructureCreateInfoNV <: VulkanStruct{true} vks::VkAccelerationStructureCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkAccelerationStructureInfoNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureInfoNV.html) """ struct _AccelerationStructureInfoNV <: VulkanStruct{true} vks::VkAccelerationStructureInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkGeometryNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryNV.html) """ struct _GeometryNV <: VulkanStruct{true} vks::VkGeometryNV deps::Vector{Any} end """ Intermediate wrapper for VkGeometryDataNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryDataNV.html) """ struct _GeometryDataNV <: VulkanStruct{false} vks::VkGeometryDataNV end """ Intermediate wrapper for VkRayTracingShaderGroupCreateInfoKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingShaderGroupCreateInfoKHR.html) """ struct _RayTracingShaderGroupCreateInfoKHR <: VulkanStruct{true} vks::VkRayTracingShaderGroupCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkRayTracingShaderGroupCreateInfoNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingShaderGroupCreateInfoNV.html) """ struct _RayTracingShaderGroupCreateInfoNV <: VulkanStruct{true} vks::VkRayTracingShaderGroupCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkDrawMeshTasksIndirectCommandEXT. Extension: VK\\_EXT\\_mesh\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrawMeshTasksIndirectCommandEXT.html) """ struct _DrawMeshTasksIndirectCommandEXT <: VulkanStruct{false} vks::VkDrawMeshTasksIndirectCommandEXT end """ Intermediate wrapper for VkPhysicalDeviceMeshShaderPropertiesEXT. Extension: VK\\_EXT\\_mesh\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderPropertiesEXT.html) """ struct _PhysicalDeviceMeshShaderPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceMeshShaderPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMeshShaderFeaturesEXT. Extension: VK\\_EXT\\_mesh\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderFeaturesEXT.html) """ struct _PhysicalDeviceMeshShaderFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceMeshShaderFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkDrawMeshTasksIndirectCommandNV. Extension: VK\\_NV\\_mesh\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrawMeshTasksIndirectCommandNV.html) """ struct _DrawMeshTasksIndirectCommandNV <: VulkanStruct{false} vks::VkDrawMeshTasksIndirectCommandNV end """ Intermediate wrapper for VkPhysicalDeviceMeshShaderPropertiesNV. Extension: VK\\_NV\\_mesh\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderPropertiesNV.html) """ struct _PhysicalDeviceMeshShaderPropertiesNV <: VulkanStruct{true} vks::VkPhysicalDeviceMeshShaderPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMeshShaderFeaturesNV. Extension: VK\\_NV\\_mesh\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderFeaturesNV.html) """ struct _PhysicalDeviceMeshShaderFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceMeshShaderFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPipelineViewportCoarseSampleOrderStateCreateInfoNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportCoarseSampleOrderStateCreateInfoNV.html) """ struct _PipelineViewportCoarseSampleOrderStateCreateInfoNV <: VulkanStruct{true} vks::VkPipelineViewportCoarseSampleOrderStateCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkCoarseSampleOrderCustomNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCoarseSampleOrderCustomNV.html) """ struct _CoarseSampleOrderCustomNV <: VulkanStruct{true} vks::VkCoarseSampleOrderCustomNV deps::Vector{Any} end """ Intermediate wrapper for VkCoarseSampleLocationNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCoarseSampleLocationNV.html) """ struct _CoarseSampleLocationNV <: VulkanStruct{false} vks::VkCoarseSampleLocationNV end """ Intermediate wrapper for VkPhysicalDeviceInvocationMaskFeaturesHUAWEI. Extension: VK\\_HUAWEI\\_invocation\\_mask [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInvocationMaskFeaturesHUAWEI.html) """ struct _PhysicalDeviceInvocationMaskFeaturesHUAWEI <: VulkanStruct{true} vks::VkPhysicalDeviceInvocationMaskFeaturesHUAWEI deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShadingRateImagePropertiesNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShadingRateImagePropertiesNV.html) """ struct _PhysicalDeviceShadingRateImagePropertiesNV <: VulkanStruct{true} vks::VkPhysicalDeviceShadingRateImagePropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShadingRateImageFeaturesNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShadingRateImageFeaturesNV.html) """ struct _PhysicalDeviceShadingRateImageFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceShadingRateImageFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPipelineViewportShadingRateImageStateCreateInfoNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportShadingRateImageStateCreateInfoNV.html) """ struct _PipelineViewportShadingRateImageStateCreateInfoNV <: VulkanStruct{true} vks::VkPipelineViewportShadingRateImageStateCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkShadingRatePaletteNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShadingRatePaletteNV.html) """ struct _ShadingRatePaletteNV <: VulkanStruct{true} vks::VkShadingRatePaletteNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMemoryDecompressionPropertiesNV. Extension: VK\\_NV\\_memory\\_decompression [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryDecompressionPropertiesNV.html) """ struct _PhysicalDeviceMemoryDecompressionPropertiesNV <: VulkanStruct{true} vks::VkPhysicalDeviceMemoryDecompressionPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMemoryDecompressionFeaturesNV. Extension: VK\\_NV\\_memory\\_decompression [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryDecompressionFeaturesNV.html) """ struct _PhysicalDeviceMemoryDecompressionFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceMemoryDecompressionFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceCopyMemoryIndirectPropertiesNV. Extension: VK\\_NV\\_copy\\_memory\\_indirect [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCopyMemoryIndirectPropertiesNV.html) """ struct _PhysicalDeviceCopyMemoryIndirectPropertiesNV <: VulkanStruct{true} vks::VkPhysicalDeviceCopyMemoryIndirectPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceCopyMemoryIndirectFeaturesNV. Extension: VK\\_NV\\_copy\\_memory\\_indirect [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCopyMemoryIndirectFeaturesNV.html) """ struct _PhysicalDeviceCopyMemoryIndirectFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceCopyMemoryIndirectFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV. Extension: VK\\_NV\\_dedicated\\_allocation\\_image\\_aliasing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV.html) """ struct _PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderImageFootprintFeaturesNV. Extension: VK\\_NV\\_shader\\_image\\_footprint [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderImageFootprintFeaturesNV.html) """ struct _PhysicalDeviceShaderImageFootprintFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceShaderImageFootprintFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceComputeShaderDerivativesFeaturesNV. Extension: VK\\_NV\\_compute\\_shader\\_derivatives [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceComputeShaderDerivativesFeaturesNV.html) """ struct _PhysicalDeviceComputeShaderDerivativesFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceComputeShaderDerivativesFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceCornerSampledImageFeaturesNV. Extension: VK\\_NV\\_corner\\_sampled\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCornerSampledImageFeaturesNV.html) """ struct _PhysicalDeviceCornerSampledImageFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceCornerSampledImageFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPipelineViewportExclusiveScissorStateCreateInfoNV. Extension: VK\\_NV\\_scissor\\_exclusive [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportExclusiveScissorStateCreateInfoNV.html) """ struct _PipelineViewportExclusiveScissorStateCreateInfoNV <: VulkanStruct{true} vks::VkPipelineViewportExclusiveScissorStateCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceExclusiveScissorFeaturesNV. Extension: VK\\_NV\\_scissor\\_exclusive [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExclusiveScissorFeaturesNV.html) """ struct _PhysicalDeviceExclusiveScissorFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceExclusiveScissorFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPipelineRepresentativeFragmentTestStateCreateInfoNV. Extension: VK\\_NV\\_representative\\_fragment\\_test [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRepresentativeFragmentTestStateCreateInfoNV.html) """ struct _PipelineRepresentativeFragmentTestStateCreateInfoNV <: VulkanStruct{true} vks::VkPipelineRepresentativeFragmentTestStateCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV. Extension: VK\\_NV\\_representative\\_fragment\\_test [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV.html) """ struct _PhysicalDeviceRepresentativeFragmentTestFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPipelineRasterizationStateStreamCreateInfoEXT. Extension: VK\\_EXT\\_transform\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationStateStreamCreateInfoEXT.html) """ struct _PipelineRasterizationStateStreamCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineRasterizationStateStreamCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceTransformFeedbackPropertiesEXT. Extension: VK\\_EXT\\_transform\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTransformFeedbackPropertiesEXT.html) """ struct _PhysicalDeviceTransformFeedbackPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceTransformFeedbackPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceTransformFeedbackFeaturesEXT. Extension: VK\\_EXT\\_transform\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTransformFeedbackFeaturesEXT.html) """ struct _PhysicalDeviceTransformFeedbackFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceTransformFeedbackFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceASTCDecodeFeaturesEXT. Extension: VK\\_EXT\\_astc\\_decode\\_mode [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceASTCDecodeFeaturesEXT.html) """ struct _PhysicalDeviceASTCDecodeFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceASTCDecodeFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkImageViewASTCDecodeModeEXT. Extension: VK\\_EXT\\_astc\\_decode\\_mode [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewASTCDecodeModeEXT.html) """ struct _ImageViewASTCDecodeModeEXT <: VulkanStruct{true} vks::VkImageViewASTCDecodeModeEXT deps::Vector{Any} end """ Intermediate wrapper for VkSubpassDescriptionDepthStencilResolve. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDescriptionDepthStencilResolve.html) """ struct _SubpassDescriptionDepthStencilResolve <: VulkanStruct{true} vks::VkSubpassDescriptionDepthStencilResolve deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDepthStencilResolveProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthStencilResolveProperties.html) """ struct _PhysicalDeviceDepthStencilResolveProperties <: VulkanStruct{true} vks::VkPhysicalDeviceDepthStencilResolveProperties deps::Vector{Any} end """ Intermediate wrapper for VkCheckpointDataNV. Extension: VK\\_NV\\_device\\_diagnostic\\_checkpoints [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCheckpointDataNV.html) """ struct _CheckpointDataNV <: VulkanStruct{true} vks::VkCheckpointDataNV deps::Vector{Any} end """ Intermediate wrapper for VkQueueFamilyCheckpointPropertiesNV. Extension: VK\\_NV\\_device\\_diagnostic\\_checkpoints [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyCheckpointPropertiesNV.html) """ struct _QueueFamilyCheckpointPropertiesNV <: VulkanStruct{true} vks::VkQueueFamilyCheckpointPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT. Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT.html) """ struct _PhysicalDeviceVertexAttributeDivisorFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT. Extension: VK\\_EXT\\_shader\\_atomic\\_float2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT.html) """ struct _PhysicalDeviceShaderAtomicFloat2FeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderAtomicFloatFeaturesEXT. Extension: VK\\_EXT\\_shader\\_atomic\\_float [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderAtomicFloatFeaturesEXT.html) """ struct _PhysicalDeviceShaderAtomicFloatFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceShaderAtomicFloatFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderAtomicInt64Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderAtomicInt64Features.html) """ struct _PhysicalDeviceShaderAtomicInt64Features <: VulkanStruct{true} vks::VkPhysicalDeviceShaderAtomicInt64Features deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceVulkanMemoryModelFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkanMemoryModelFeatures.html) """ struct _PhysicalDeviceVulkanMemoryModelFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceVulkanMemoryModelFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceConditionalRenderingFeaturesEXT. Extension: VK\\_EXT\\_conditional\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceConditionalRenderingFeaturesEXT.html) """ struct _PhysicalDeviceConditionalRenderingFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceConditionalRenderingFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevice8BitStorageFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevice8BitStorageFeatures.html) """ struct _PhysicalDevice8BitStorageFeatures <: VulkanStruct{true} vks::VkPhysicalDevice8BitStorageFeatures deps::Vector{Any} end """ Intermediate wrapper for VkCommandBufferInheritanceConditionalRenderingInfoEXT. Extension: VK\\_EXT\\_conditional\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceConditionalRenderingInfoEXT.html) """ struct _CommandBufferInheritanceConditionalRenderingInfoEXT <: VulkanStruct{true} vks::VkCommandBufferInheritanceConditionalRenderingInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePCIBusInfoPropertiesEXT. Extension: VK\\_EXT\\_pci\\_bus\\_info [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePCIBusInfoPropertiesEXT.html) """ struct _PhysicalDevicePCIBusInfoPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDevicePCIBusInfoPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT. Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT.html) """ struct _PhysicalDeviceVertexAttributeDivisorPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPipelineVertexInputDivisorStateCreateInfoEXT. Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineVertexInputDivisorStateCreateInfoEXT.html) """ struct _PipelineVertexInputDivisorStateCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineVertexInputDivisorStateCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkVertexInputBindingDivisorDescriptionEXT. Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputBindingDivisorDescriptionEXT.html) """ struct _VertexInputBindingDivisorDescriptionEXT <: VulkanStruct{false} vks::VkVertexInputBindingDivisorDescriptionEXT end """ Intermediate wrapper for VkSemaphoreWaitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreWaitInfo.html) """ struct _SemaphoreWaitInfo <: VulkanStruct{true} vks::VkSemaphoreWaitInfo deps::Vector{Any} end """ Intermediate wrapper for VkTimelineSemaphoreSubmitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTimelineSemaphoreSubmitInfo.html) """ struct _TimelineSemaphoreSubmitInfo <: VulkanStruct{true} vks::VkTimelineSemaphoreSubmitInfo deps::Vector{Any} end """ Intermediate wrapper for VkSemaphoreTypeCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreTypeCreateInfo.html) """ struct _SemaphoreTypeCreateInfo <: VulkanStruct{true} vks::VkSemaphoreTypeCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceTimelineSemaphoreProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTimelineSemaphoreProperties.html) """ struct _PhysicalDeviceTimelineSemaphoreProperties <: VulkanStruct{true} vks::VkPhysicalDeviceTimelineSemaphoreProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceTimelineSemaphoreFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTimelineSemaphoreFeatures.html) """ struct _PhysicalDeviceTimelineSemaphoreFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceTimelineSemaphoreFeatures deps::Vector{Any} end """ Intermediate wrapper for VkSubpassEndInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassEndInfo.html) """ struct _SubpassEndInfo <: VulkanStruct{true} vks::VkSubpassEndInfo deps::Vector{Any} end """ Intermediate wrapper for VkSubpassBeginInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassBeginInfo.html) """ struct _SubpassBeginInfo <: VulkanStruct{true} vks::VkSubpassBeginInfo deps::Vector{Any} end """ Intermediate wrapper for VkRenderPassCreateInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreateInfo2.html) """ struct _RenderPassCreateInfo2 <: VulkanStruct{true} vks::VkRenderPassCreateInfo2 deps::Vector{Any} end """ Intermediate wrapper for VkSubpassDependency2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDependency2.html) """ struct _SubpassDependency2 <: VulkanStruct{true} vks::VkSubpassDependency2 deps::Vector{Any} end """ Intermediate wrapper for VkSubpassDescription2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDescription2.html) """ struct _SubpassDescription2 <: VulkanStruct{true} vks::VkSubpassDescription2 deps::Vector{Any} end """ Intermediate wrapper for VkAttachmentReference2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentReference2.html) """ struct _AttachmentReference2 <: VulkanStruct{true} vks::VkAttachmentReference2 deps::Vector{Any} end """ Intermediate wrapper for VkAttachmentDescription2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentDescription2.html) """ struct _AttachmentDescription2 <: VulkanStruct{true} vks::VkAttachmentDescription2 deps::Vector{Any} end """ Intermediate wrapper for VkDescriptorSetVariableDescriptorCountLayoutSupport. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetVariableDescriptorCountLayoutSupport.html) """ struct _DescriptorSetVariableDescriptorCountLayoutSupport <: VulkanStruct{true} vks::VkDescriptorSetVariableDescriptorCountLayoutSupport deps::Vector{Any} end """ Intermediate wrapper for VkDescriptorSetVariableDescriptorCountAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetVariableDescriptorCountAllocateInfo.html) """ struct _DescriptorSetVariableDescriptorCountAllocateInfo <: VulkanStruct{true} vks::VkDescriptorSetVariableDescriptorCountAllocateInfo deps::Vector{Any} end """ Intermediate wrapper for VkDescriptorSetLayoutBindingFlagsCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutBindingFlagsCreateInfo.html) """ struct _DescriptorSetLayoutBindingFlagsCreateInfo <: VulkanStruct{true} vks::VkDescriptorSetLayoutBindingFlagsCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDescriptorIndexingProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorIndexingProperties.html) """ struct _PhysicalDeviceDescriptorIndexingProperties <: VulkanStruct{true} vks::VkPhysicalDeviceDescriptorIndexingProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDescriptorIndexingFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorIndexingFeatures.html) """ struct _PhysicalDeviceDescriptorIndexingFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceDescriptorIndexingFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPipelineRasterizationConservativeStateCreateInfoEXT. Extension: VK\\_EXT\\_conservative\\_rasterization [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationConservativeStateCreateInfoEXT.html) """ struct _PipelineRasterizationConservativeStateCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineRasterizationConservativeStateCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderCoreProperties2AMD. Extension: VK\\_AMD\\_shader\\_core\\_properties2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCoreProperties2AMD.html) """ struct _PhysicalDeviceShaderCoreProperties2AMD <: VulkanStruct{true} vks::VkPhysicalDeviceShaderCoreProperties2AMD deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderCorePropertiesAMD. Extension: VK\\_AMD\\_shader\\_core\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCorePropertiesAMD.html) """ struct _PhysicalDeviceShaderCorePropertiesAMD <: VulkanStruct{true} vks::VkPhysicalDeviceShaderCorePropertiesAMD deps::Vector{Any} end """ Intermediate wrapper for VkCalibratedTimestampInfoEXT. Extension: VK\\_EXT\\_calibrated\\_timestamps [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCalibratedTimestampInfoEXT.html) """ struct _CalibratedTimestampInfoEXT <: VulkanStruct{true} vks::VkCalibratedTimestampInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceConservativeRasterizationPropertiesEXT. Extension: VK\\_EXT\\_conservative\\_rasterization [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceConservativeRasterizationPropertiesEXT.html) """ struct _PhysicalDeviceConservativeRasterizationPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceConservativeRasterizationPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceExternalMemoryHostPropertiesEXT. Extension: VK\\_EXT\\_external\\_memory\\_host [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalMemoryHostPropertiesEXT.html) """ struct _PhysicalDeviceExternalMemoryHostPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceExternalMemoryHostPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkMemoryHostPointerPropertiesEXT. Extension: VK\\_EXT\\_external\\_memory\\_host [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryHostPointerPropertiesEXT.html) """ struct _MemoryHostPointerPropertiesEXT <: VulkanStruct{true} vks::VkMemoryHostPointerPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkImportMemoryHostPointerInfoEXT. Extension: VK\\_EXT\\_external\\_memory\\_host [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMemoryHostPointerInfoEXT.html) """ struct _ImportMemoryHostPointerInfoEXT <: VulkanStruct{true} vks::VkImportMemoryHostPointerInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDeviceMemoryReportCallbackDataEXT. Extension: VK\\_EXT\\_device\\_memory\\_report [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceMemoryReportCallbackDataEXT.html) """ struct _DeviceMemoryReportCallbackDataEXT <: VulkanStruct{true} vks::VkDeviceMemoryReportCallbackDataEXT deps::Vector{Any} end """ Intermediate wrapper for VkDeviceDeviceMemoryReportCreateInfoEXT. Extension: VK\\_EXT\\_device\\_memory\\_report [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceDeviceMemoryReportCreateInfoEXT.html) """ struct _DeviceDeviceMemoryReportCreateInfoEXT <: VulkanStruct{true} vks::VkDeviceDeviceMemoryReportCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDeviceMemoryReportFeaturesEXT. Extension: VK\\_EXT\\_device\\_memory\\_report [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDeviceMemoryReportFeaturesEXT.html) """ struct _PhysicalDeviceDeviceMemoryReportFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceDeviceMemoryReportFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkDebugUtilsMessengerCallbackDataEXT. Extension: VK\\_EXT\\_debug\\_utils [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsMessengerCallbackDataEXT.html) """ struct _DebugUtilsMessengerCallbackDataEXT <: VulkanStruct{true} vks::VkDebugUtilsMessengerCallbackDataEXT deps::Vector{Any} end """ Intermediate wrapper for VkDebugUtilsMessengerCreateInfoEXT. Extension: VK\\_EXT\\_debug\\_utils [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsMessengerCreateInfoEXT.html) """ struct _DebugUtilsMessengerCreateInfoEXT <: VulkanStruct{true} vks::VkDebugUtilsMessengerCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDebugUtilsLabelEXT. Extension: VK\\_EXT\\_debug\\_utils [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsLabelEXT.html) """ struct _DebugUtilsLabelEXT <: VulkanStruct{true} vks::VkDebugUtilsLabelEXT deps::Vector{Any} end """ Intermediate wrapper for VkDebugUtilsObjectTagInfoEXT. Extension: VK\\_EXT\\_debug\\_utils [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsObjectTagInfoEXT.html) """ struct _DebugUtilsObjectTagInfoEXT <: VulkanStruct{true} vks::VkDebugUtilsObjectTagInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDebugUtilsObjectNameInfoEXT. Extension: VK\\_EXT\\_debug\\_utils [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsObjectNameInfoEXT.html) """ struct _DebugUtilsObjectNameInfoEXT <: VulkanStruct{true} vks::VkDebugUtilsObjectNameInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkQueueFamilyGlobalPriorityPropertiesKHR. Extension: VK\\_KHR\\_global\\_priority [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyGlobalPriorityPropertiesKHR.html) """ struct _QueueFamilyGlobalPriorityPropertiesKHR <: VulkanStruct{true} vks::VkQueueFamilyGlobalPriorityPropertiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR. Extension: VK\\_KHR\\_global\\_priority [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR.html) """ struct _PhysicalDeviceGlobalPriorityQueryFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkDeviceQueueGlobalPriorityCreateInfoKHR. Extension: VK\\_KHR\\_global\\_priority [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceQueueGlobalPriorityCreateInfoKHR.html) """ struct _DeviceQueueGlobalPriorityCreateInfoKHR <: VulkanStruct{true} vks::VkDeviceQueueGlobalPriorityCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkShaderStatisticsInfoAMD. Extension: VK\\_AMD\\_shader\\_info [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderStatisticsInfoAMD.html) """ struct _ShaderStatisticsInfoAMD <: VulkanStruct{false} vks::VkShaderStatisticsInfoAMD end """ Intermediate wrapper for VkShaderResourceUsageAMD. Extension: VK\\_AMD\\_shader\\_info [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderResourceUsageAMD.html) """ struct _ShaderResourceUsageAMD <: VulkanStruct{false} vks::VkShaderResourceUsageAMD end """ Intermediate wrapper for VkPhysicalDeviceHostQueryResetFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceHostQueryResetFeatures.html) """ struct _PhysicalDeviceHostQueryResetFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceHostQueryResetFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFloatControlsProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFloatControlsProperties.html) """ struct _PhysicalDeviceFloatControlsProperties <: VulkanStruct{true} vks::VkPhysicalDeviceFloatControlsProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderFloat16Int8Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderFloat16Int8Features.html) """ struct _PhysicalDeviceShaderFloat16Int8Features <: VulkanStruct{true} vks::VkPhysicalDeviceShaderFloat16Int8Features deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderDrawParametersFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderDrawParametersFeatures.html) """ struct _PhysicalDeviceShaderDrawParametersFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceShaderDrawParametersFeatures deps::Vector{Any} end """ Intermediate wrapper for VkDescriptorSetLayoutSupport. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutSupport.html) """ struct _DescriptorSetLayoutSupport <: VulkanStruct{true} vks::VkDescriptorSetLayoutSupport deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMaintenance4Properties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMaintenance4Properties.html) """ struct _PhysicalDeviceMaintenance4Properties <: VulkanStruct{true} vks::VkPhysicalDeviceMaintenance4Properties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMaintenance4Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMaintenance4Features.html) """ struct _PhysicalDeviceMaintenance4Features <: VulkanStruct{true} vks::VkPhysicalDeviceMaintenance4Features deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMaintenance3Properties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMaintenance3Properties.html) """ struct _PhysicalDeviceMaintenance3Properties <: VulkanStruct{true} vks::VkPhysicalDeviceMaintenance3Properties deps::Vector{Any} end """ Intermediate wrapper for VkValidationCacheCreateInfoEXT. Extension: VK\\_EXT\\_validation\\_cache [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkValidationCacheCreateInfoEXT.html) """ struct _ValidationCacheCreateInfoEXT <: VulkanStruct{true} vks::VkValidationCacheCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkImageFormatListCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageFormatListCreateInfo.html) """ struct _ImageFormatListCreateInfo <: VulkanStruct{true} vks::VkImageFormatListCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineCoverageModulationStateCreateInfoNV. Extension: VK\\_NV\\_framebuffer\\_mixed\\_samples [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCoverageModulationStateCreateInfoNV.html) """ struct _PipelineCoverageModulationStateCreateInfoNV <: VulkanStruct{true} vks::VkPipelineCoverageModulationStateCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkDescriptorPoolInlineUniformBlockCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorPoolInlineUniformBlockCreateInfo.html) """ struct _DescriptorPoolInlineUniformBlockCreateInfo <: VulkanStruct{true} vks::VkDescriptorPoolInlineUniformBlockCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkWriteDescriptorSetInlineUniformBlock. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSetInlineUniformBlock.html) """ struct _WriteDescriptorSetInlineUniformBlock <: VulkanStruct{true} vks::VkWriteDescriptorSetInlineUniformBlock deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceInlineUniformBlockProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInlineUniformBlockProperties.html) """ struct _PhysicalDeviceInlineUniformBlockProperties <: VulkanStruct{true} vks::VkPhysicalDeviceInlineUniformBlockProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceInlineUniformBlockFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInlineUniformBlockFeatures.html) """ struct _PhysicalDeviceInlineUniformBlockFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceInlineUniformBlockFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPipelineColorBlendAdvancedStateCreateInfoEXT. Extension: VK\\_EXT\\_blend\\_operation\\_advanced [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorBlendAdvancedStateCreateInfoEXT.html) """ struct _PipelineColorBlendAdvancedStateCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineColorBlendAdvancedStateCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT. Extension: VK\\_EXT\\_blend\\_operation\\_advanced [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT.html) """ struct _PhysicalDeviceBlendOperationAdvancedPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMultiDrawFeaturesEXT. Extension: VK\\_EXT\\_multi\\_draw [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiDrawFeaturesEXT.html) """ struct _PhysicalDeviceMultiDrawFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceMultiDrawFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT. Extension: VK\\_EXT\\_blend\\_operation\\_advanced [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT.html) """ struct _PhysicalDeviceBlendOperationAdvancedFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkSamplerReductionModeCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerReductionModeCreateInfo.html) """ struct _SamplerReductionModeCreateInfo <: VulkanStruct{true} vks::VkSamplerReductionModeCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkMultisamplePropertiesEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultisamplePropertiesEXT.html) """ struct _MultisamplePropertiesEXT <: VulkanStruct{true} vks::VkMultisamplePropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceSampleLocationsPropertiesEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSampleLocationsPropertiesEXT.html) """ struct _PhysicalDeviceSampleLocationsPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceSampleLocationsPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPipelineSampleLocationsStateCreateInfoEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineSampleLocationsStateCreateInfoEXT.html) """ struct _PipelineSampleLocationsStateCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineSampleLocationsStateCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkRenderPassSampleLocationsBeginInfoEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassSampleLocationsBeginInfoEXT.html) """ struct _RenderPassSampleLocationsBeginInfoEXT <: VulkanStruct{true} vks::VkRenderPassSampleLocationsBeginInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkSubpassSampleLocationsEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassSampleLocationsEXT.html) """ struct _SubpassSampleLocationsEXT <: VulkanStruct{false} vks::VkSubpassSampleLocationsEXT end """ Intermediate wrapper for VkAttachmentSampleLocationsEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentSampleLocationsEXT.html) """ struct _AttachmentSampleLocationsEXT <: VulkanStruct{false} vks::VkAttachmentSampleLocationsEXT end """ Intermediate wrapper for VkSampleLocationsInfoEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSampleLocationsInfoEXT.html) """ struct _SampleLocationsInfoEXT <: VulkanStruct{true} vks::VkSampleLocationsInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkSampleLocationEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSampleLocationEXT.html) """ struct _SampleLocationEXT <: VulkanStruct{false} vks::VkSampleLocationEXT end """ Intermediate wrapper for VkPhysicalDeviceSamplerFilterMinmaxProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSamplerFilterMinmaxProperties.html) """ struct _PhysicalDeviceSamplerFilterMinmaxProperties <: VulkanStruct{true} vks::VkPhysicalDeviceSamplerFilterMinmaxProperties deps::Vector{Any} end """ Intermediate wrapper for VkPipelineCoverageToColorStateCreateInfoNV. Extension: VK\\_NV\\_fragment\\_coverage\\_to\\_color [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCoverageToColorStateCreateInfoNV.html) """ struct _PipelineCoverageToColorStateCreateInfoNV <: VulkanStruct{true} vks::VkPipelineCoverageToColorStateCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkDeviceQueueInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceQueueInfo2.html) """ struct _DeviceQueueInfo2 <: VulkanStruct{true} vks::VkDeviceQueueInfo2 deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceProtectedMemoryProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProtectedMemoryProperties.html) """ struct _PhysicalDeviceProtectedMemoryProperties <: VulkanStruct{true} vks::VkPhysicalDeviceProtectedMemoryProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceProtectedMemoryFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProtectedMemoryFeatures.html) """ struct _PhysicalDeviceProtectedMemoryFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceProtectedMemoryFeatures deps::Vector{Any} end """ Intermediate wrapper for VkProtectedSubmitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkProtectedSubmitInfo.html) """ struct _ProtectedSubmitInfo <: VulkanStruct{true} vks::VkProtectedSubmitInfo deps::Vector{Any} end """ Intermediate wrapper for VkTextureLODGatherFormatPropertiesAMD. Extension: VK\\_AMD\\_texture\\_gather\\_bias\\_lod [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTextureLODGatherFormatPropertiesAMD.html) """ struct _TextureLODGatherFormatPropertiesAMD <: VulkanStruct{true} vks::VkTextureLODGatherFormatPropertiesAMD deps::Vector{Any} end """ Intermediate wrapper for VkSamplerYcbcrConversionImageFormatProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerYcbcrConversionImageFormatProperties.html) """ struct _SamplerYcbcrConversionImageFormatProperties <: VulkanStruct{true} vks::VkSamplerYcbcrConversionImageFormatProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceSamplerYcbcrConversionFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSamplerYcbcrConversionFeatures.html) """ struct _PhysicalDeviceSamplerYcbcrConversionFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceSamplerYcbcrConversionFeatures deps::Vector{Any} end """ Intermediate wrapper for VkImagePlaneMemoryRequirementsInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImagePlaneMemoryRequirementsInfo.html) """ struct _ImagePlaneMemoryRequirementsInfo <: VulkanStruct{true} vks::VkImagePlaneMemoryRequirementsInfo deps::Vector{Any} end """ Intermediate wrapper for VkBindImagePlaneMemoryInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImagePlaneMemoryInfo.html) """ struct _BindImagePlaneMemoryInfo <: VulkanStruct{true} vks::VkBindImagePlaneMemoryInfo deps::Vector{Any} end """ Intermediate wrapper for VkSamplerYcbcrConversionCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerYcbcrConversionCreateInfo.html) """ struct _SamplerYcbcrConversionCreateInfo <: VulkanStruct{true} vks::VkSamplerYcbcrConversionCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineTessellationDomainOriginStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineTessellationDomainOriginStateCreateInfo.html) """ struct _PipelineTessellationDomainOriginStateCreateInfo <: VulkanStruct{true} vks::VkPipelineTessellationDomainOriginStateCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkImageViewUsageCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewUsageCreateInfo.html) """ struct _ImageViewUsageCreateInfo <: VulkanStruct{true} vks::VkImageViewUsageCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkMemoryDedicatedRequirements. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryDedicatedRequirements.html) """ struct _MemoryDedicatedRequirements <: VulkanStruct{true} vks::VkMemoryDedicatedRequirements deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePointClippingProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePointClippingProperties.html) """ struct _PhysicalDevicePointClippingProperties <: VulkanStruct{true} vks::VkPhysicalDevicePointClippingProperties deps::Vector{Any} end """ Intermediate wrapper for VkSparseImageMemoryRequirements2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryRequirements2.html) """ struct _SparseImageMemoryRequirements2 <: VulkanStruct{true} vks::VkSparseImageMemoryRequirements2 deps::Vector{Any} end """ Intermediate wrapper for VkMemoryRequirements2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryRequirements2.html) """ struct _MemoryRequirements2 <: VulkanStruct{true} vks::VkMemoryRequirements2 deps::Vector{Any} end """ Intermediate wrapper for VkDeviceImageMemoryRequirements. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceImageMemoryRequirements.html) """ struct _DeviceImageMemoryRequirements <: VulkanStruct{true} vks::VkDeviceImageMemoryRequirements deps::Vector{Any} end """ Intermediate wrapper for VkDeviceBufferMemoryRequirements. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceBufferMemoryRequirements.html) """ struct _DeviceBufferMemoryRequirements <: VulkanStruct{true} vks::VkDeviceBufferMemoryRequirements deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures.html) """ struct _PhysicalDeviceShaderSubgroupExtendedTypesFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceSubgroupProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubgroupProperties.html) """ struct _PhysicalDeviceSubgroupProperties <: VulkanStruct{true} vks::VkPhysicalDeviceSubgroupProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevice16BitStorageFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevice16BitStorageFeatures.html) """ struct _PhysicalDevice16BitStorageFeatures <: VulkanStruct{true} vks::VkPhysicalDevice16BitStorageFeatures deps::Vector{Any} end """ Intermediate wrapper for VkSharedPresentSurfaceCapabilitiesKHR. Extension: VK\\_KHR\\_shared\\_presentable\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSharedPresentSurfaceCapabilitiesKHR.html) """ struct _SharedPresentSurfaceCapabilitiesKHR <: VulkanStruct{true} vks::VkSharedPresentSurfaceCapabilitiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkDisplayPlaneCapabilities2KHR. Extension: VK\\_KHR\\_get\\_display\\_properties2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneCapabilities2KHR.html) """ struct _DisplayPlaneCapabilities2KHR <: VulkanStruct{true} vks::VkDisplayPlaneCapabilities2KHR deps::Vector{Any} end """ Intermediate wrapper for VkDisplayModeProperties2KHR. Extension: VK\\_KHR\\_get\\_display\\_properties2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModeProperties2KHR.html) """ struct _DisplayModeProperties2KHR <: VulkanStruct{true} vks::VkDisplayModeProperties2KHR deps::Vector{Any} end """ Intermediate wrapper for VkDisplayPlaneProperties2KHR. Extension: VK\\_KHR\\_get\\_display\\_properties2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneProperties2KHR.html) """ struct _DisplayPlaneProperties2KHR <: VulkanStruct{true} vks::VkDisplayPlaneProperties2KHR deps::Vector{Any} end """ Intermediate wrapper for VkDisplayProperties2KHR. Extension: VK\\_KHR\\_get\\_display\\_properties2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayProperties2KHR.html) """ struct _DisplayProperties2KHR <: VulkanStruct{true} vks::VkDisplayProperties2KHR deps::Vector{Any} end """ Intermediate wrapper for VkSurfaceFormat2KHR. Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceFormat2KHR.html) """ struct _SurfaceFormat2KHR <: VulkanStruct{true} vks::VkSurfaceFormat2KHR deps::Vector{Any} end """ Intermediate wrapper for VkSurfaceCapabilities2KHR. Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilities2KHR.html) """ struct _SurfaceCapabilities2KHR <: VulkanStruct{true} vks::VkSurfaceCapabilities2KHR deps::Vector{Any} end """ Intermediate wrapper for VkRenderPassInputAttachmentAspectCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassInputAttachmentAspectCreateInfo.html) """ struct _RenderPassInputAttachmentAspectCreateInfo <: VulkanStruct{true} vks::VkRenderPassInputAttachmentAspectCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkInputAttachmentAspectReference. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkInputAttachmentAspectReference.html) """ struct _InputAttachmentAspectReference <: VulkanStruct{false} vks::VkInputAttachmentAspectReference end """ Intermediate wrapper for VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX. Extension: VK\\_NVX\\_multiview\\_per\\_view\\_attributes [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX.html) """ struct _PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX <: VulkanStruct{true} vks::VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX deps::Vector{Any} end """ Intermediate wrapper for VkPipelineDiscardRectangleStateCreateInfoEXT. Extension: VK\\_EXT\\_discard\\_rectangles [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineDiscardRectangleStateCreateInfoEXT.html) """ struct _PipelineDiscardRectangleStateCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineDiscardRectangleStateCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDiscardRectanglePropertiesEXT. Extension: VK\\_EXT\\_discard\\_rectangles [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDiscardRectanglePropertiesEXT.html) """ struct _PhysicalDeviceDiscardRectanglePropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceDiscardRectanglePropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPipelineViewportSwizzleStateCreateInfoNV. Extension: VK\\_NV\\_viewport\\_swizzle [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportSwizzleStateCreateInfoNV.html) """ struct _PipelineViewportSwizzleStateCreateInfoNV <: VulkanStruct{true} vks::VkPipelineViewportSwizzleStateCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkViewportSwizzleNV. Extension: VK\\_NV\\_viewport\\_swizzle [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkViewportSwizzleNV.html) """ struct _ViewportSwizzleNV <: VulkanStruct{false} vks::VkViewportSwizzleNV end """ Intermediate wrapper for VkPipelineViewportWScalingStateCreateInfoNV. Extension: VK\\_NV\\_clip\\_space\\_w\\_scaling [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportWScalingStateCreateInfoNV.html) """ struct _PipelineViewportWScalingStateCreateInfoNV <: VulkanStruct{true} vks::VkPipelineViewportWScalingStateCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkViewportWScalingNV. Extension: VK\\_NV\\_clip\\_space\\_w\\_scaling [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkViewportWScalingNV.html) """ struct _ViewportWScalingNV <: VulkanStruct{false} vks::VkViewportWScalingNV end """ Intermediate wrapper for VkMetalSurfaceCreateInfoEXT. Extension: VK\\_EXT\\_metal\\_surface [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMetalSurfaceCreateInfoEXT.html) """ struct _MetalSurfaceCreateInfoEXT <: VulkanStruct{true} vks::VkMetalSurfaceCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkMacOSSurfaceCreateInfoMVK. Extension: VK\\_MVK\\_macos\\_surface [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMacOSSurfaceCreateInfoMVK.html) """ struct _MacOSSurfaceCreateInfoMVK <: VulkanStruct{true} vks::VkMacOSSurfaceCreateInfoMVK deps::Vector{Any} end """ Intermediate wrapper for VkPresentTimeGOOGLE. Extension: VK\\_GOOGLE\\_display\\_timing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentTimeGOOGLE.html) """ struct _PresentTimeGOOGLE <: VulkanStruct{false} vks::VkPresentTimeGOOGLE end """ Intermediate wrapper for VkPresentTimesInfoGOOGLE. Extension: VK\\_GOOGLE\\_display\\_timing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentTimesInfoGOOGLE.html) """ struct _PresentTimesInfoGOOGLE <: VulkanStruct{true} vks::VkPresentTimesInfoGOOGLE deps::Vector{Any} end """ Intermediate wrapper for VkPastPresentationTimingGOOGLE. Extension: VK\\_GOOGLE\\_display\\_timing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPastPresentationTimingGOOGLE.html) """ struct _PastPresentationTimingGOOGLE <: VulkanStruct{false} vks::VkPastPresentationTimingGOOGLE end """ Intermediate wrapper for VkRefreshCycleDurationGOOGLE. Extension: VK\\_GOOGLE\\_display\\_timing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRefreshCycleDurationGOOGLE.html) """ struct _RefreshCycleDurationGOOGLE <: VulkanStruct{false} vks::VkRefreshCycleDurationGOOGLE end """ Intermediate wrapper for VkSwapchainDisplayNativeHdrCreateInfoAMD. Extension: VK\\_AMD\\_display\\_native\\_hdr [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainDisplayNativeHdrCreateInfoAMD.html) """ struct _SwapchainDisplayNativeHdrCreateInfoAMD <: VulkanStruct{true} vks::VkSwapchainDisplayNativeHdrCreateInfoAMD deps::Vector{Any} end """ Intermediate wrapper for VkDisplayNativeHdrSurfaceCapabilitiesAMD. Extension: VK\\_AMD\\_display\\_native\\_hdr [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayNativeHdrSurfaceCapabilitiesAMD.html) """ struct _DisplayNativeHdrSurfaceCapabilitiesAMD <: VulkanStruct{true} vks::VkDisplayNativeHdrSurfaceCapabilitiesAMD deps::Vector{Any} end """ Intermediate wrapper for VkHdrMetadataEXT. Extension: VK\\_EXT\\_hdr\\_metadata [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkHdrMetadataEXT.html) """ struct _HdrMetadataEXT <: VulkanStruct{true} vks::VkHdrMetadataEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePresentWaitFeaturesKHR. Extension: VK\\_KHR\\_present\\_wait [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePresentWaitFeaturesKHR.html) """ struct _PhysicalDevicePresentWaitFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDevicePresentWaitFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPresentIdKHR. Extension: VK\\_KHR\\_present\\_id [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentIdKHR.html) """ struct _PresentIdKHR <: VulkanStruct{true} vks::VkPresentIdKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePresentIdFeaturesKHR. Extension: VK\\_KHR\\_present\\_id [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePresentIdFeaturesKHR.html) """ struct _PhysicalDevicePresentIdFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDevicePresentIdFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkXYColorEXT. Extension: VK\\_EXT\\_hdr\\_metadata [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkXYColorEXT.html) """ struct _XYColorEXT <: VulkanStruct{false} vks::VkXYColorEXT end """ Intermediate wrapper for VkDescriptorUpdateTemplateEntry. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorUpdateTemplateEntry.html) """ struct _DescriptorUpdateTemplateEntry <: VulkanStruct{false} vks::VkDescriptorUpdateTemplateEntry end """ Intermediate wrapper for VkDeviceGroupSwapchainCreateInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupSwapchainCreateInfoKHR.html) """ struct _DeviceGroupSwapchainCreateInfoKHR <: VulkanStruct{true} vks::VkDeviceGroupSwapchainCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkDeviceGroupDeviceCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupDeviceCreateInfo.html) """ struct _DeviceGroupDeviceCreateInfo <: VulkanStruct{true} vks::VkDeviceGroupDeviceCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkDeviceGroupPresentInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupPresentInfoKHR.html) """ struct _DeviceGroupPresentInfoKHR <: VulkanStruct{true} vks::VkDeviceGroupPresentInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkDeviceGroupPresentCapabilitiesKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupPresentCapabilitiesKHR.html) """ struct _DeviceGroupPresentCapabilitiesKHR <: VulkanStruct{true} vks::VkDeviceGroupPresentCapabilitiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkDeviceGroupBindSparseInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupBindSparseInfo.html) """ struct _DeviceGroupBindSparseInfo <: VulkanStruct{true} vks::VkDeviceGroupBindSparseInfo deps::Vector{Any} end """ Intermediate wrapper for VkDeviceGroupSubmitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupSubmitInfo.html) """ struct _DeviceGroupSubmitInfo <: VulkanStruct{true} vks::VkDeviceGroupSubmitInfo deps::Vector{Any} end """ Intermediate wrapper for VkDeviceGroupCommandBufferBeginInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupCommandBufferBeginInfo.html) """ struct _DeviceGroupCommandBufferBeginInfo <: VulkanStruct{true} vks::VkDeviceGroupCommandBufferBeginInfo deps::Vector{Any} end """ Intermediate wrapper for VkDeviceGroupRenderPassBeginInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupRenderPassBeginInfo.html) """ struct _DeviceGroupRenderPassBeginInfo <: VulkanStruct{true} vks::VkDeviceGroupRenderPassBeginInfo deps::Vector{Any} end """ Intermediate wrapper for VkBindImageMemoryDeviceGroupInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImageMemoryDeviceGroupInfo.html) """ struct _BindImageMemoryDeviceGroupInfo <: VulkanStruct{true} vks::VkBindImageMemoryDeviceGroupInfo deps::Vector{Any} end """ Intermediate wrapper for VkBindBufferMemoryDeviceGroupInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindBufferMemoryDeviceGroupInfo.html) """ struct _BindBufferMemoryDeviceGroupInfo <: VulkanStruct{true} vks::VkBindBufferMemoryDeviceGroupInfo deps::Vector{Any} end """ Intermediate wrapper for VkMemoryAllocateFlagsInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryAllocateFlagsInfo.html) """ struct _MemoryAllocateFlagsInfo <: VulkanStruct{true} vks::VkMemoryAllocateFlagsInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceGroupProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGroupProperties.html) """ struct _PhysicalDeviceGroupProperties <: VulkanStruct{true} vks::VkPhysicalDeviceGroupProperties deps::Vector{Any} end """ Intermediate wrapper for VkSwapchainCounterCreateInfoEXT. Extension: VK\\_EXT\\_display\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainCounterCreateInfoEXT.html) """ struct _SwapchainCounterCreateInfoEXT <: VulkanStruct{true} vks::VkSwapchainCounterCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDisplayEventInfoEXT. Extension: VK\\_EXT\\_display\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayEventInfoEXT.html) """ struct _DisplayEventInfoEXT <: VulkanStruct{true} vks::VkDisplayEventInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDeviceEventInfoEXT. Extension: VK\\_EXT\\_display\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceEventInfoEXT.html) """ struct _DeviceEventInfoEXT <: VulkanStruct{true} vks::VkDeviceEventInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDisplayPowerInfoEXT. Extension: VK\\_EXT\\_display\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPowerInfoEXT.html) """ struct _DisplayPowerInfoEXT <: VulkanStruct{true} vks::VkDisplayPowerInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkSurfaceCapabilities2EXT. Extension: VK\\_EXT\\_display\\_surface\\_counter [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilities2EXT.html) """ struct _SurfaceCapabilities2EXT <: VulkanStruct{true} vks::VkSurfaceCapabilities2EXT deps::Vector{Any} end """ Intermediate wrapper for VkRenderPassMultiviewCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassMultiviewCreateInfo.html) """ struct _RenderPassMultiviewCreateInfo <: VulkanStruct{true} vks::VkRenderPassMultiviewCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMultiviewProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewProperties.html) """ struct _PhysicalDeviceMultiviewProperties <: VulkanStruct{true} vks::VkPhysicalDeviceMultiviewProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMultiviewFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewFeatures.html) """ struct _PhysicalDeviceMultiviewFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceMultiviewFeatures deps::Vector{Any} end """ Intermediate wrapper for VkExportFenceCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportFenceCreateInfo.html) """ struct _ExportFenceCreateInfo <: VulkanStruct{true} vks::VkExportFenceCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkExternalFenceProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalFenceProperties.html) """ struct _ExternalFenceProperties <: VulkanStruct{true} vks::VkExternalFenceProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceExternalFenceInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalFenceInfo.html) """ struct _PhysicalDeviceExternalFenceInfo <: VulkanStruct{true} vks::VkPhysicalDeviceExternalFenceInfo deps::Vector{Any} end """ Intermediate wrapper for VkExportSemaphoreCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportSemaphoreCreateInfo.html) """ struct _ExportSemaphoreCreateInfo <: VulkanStruct{true} vks::VkExportSemaphoreCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkExternalSemaphoreProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalSemaphoreProperties.html) """ struct _ExternalSemaphoreProperties <: VulkanStruct{true} vks::VkExternalSemaphoreProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceExternalSemaphoreInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalSemaphoreInfo.html) """ struct _PhysicalDeviceExternalSemaphoreInfo <: VulkanStruct{true} vks::VkPhysicalDeviceExternalSemaphoreInfo deps::Vector{Any} end """ Intermediate wrapper for VkMemoryFdPropertiesKHR. Extension: VK\\_KHR\\_external\\_memory\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryFdPropertiesKHR.html) """ struct _MemoryFdPropertiesKHR <: VulkanStruct{true} vks::VkMemoryFdPropertiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkImportMemoryFdInfoKHR. Extension: VK\\_KHR\\_external\\_memory\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMemoryFdInfoKHR.html) """ struct _ImportMemoryFdInfoKHR <: VulkanStruct{true} vks::VkImportMemoryFdInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkExportMemoryAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMemoryAllocateInfo.html) """ struct _ExportMemoryAllocateInfo <: VulkanStruct{true} vks::VkExportMemoryAllocateInfo deps::Vector{Any} end """ Intermediate wrapper for VkExternalMemoryBufferCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryBufferCreateInfo.html) """ struct _ExternalMemoryBufferCreateInfo <: VulkanStruct{true} vks::VkExternalMemoryBufferCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkExternalMemoryImageCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryImageCreateInfo.html) """ struct _ExternalMemoryImageCreateInfo <: VulkanStruct{true} vks::VkExternalMemoryImageCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceIDProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceIDProperties.html) """ struct _PhysicalDeviceIDProperties <: VulkanStruct{true} vks::VkPhysicalDeviceIDProperties deps::Vector{Any} end """ Intermediate wrapper for VkExternalBufferProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalBufferProperties.html) """ struct _ExternalBufferProperties <: VulkanStruct{true} vks::VkExternalBufferProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceExternalBufferInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalBufferInfo.html) """ struct _PhysicalDeviceExternalBufferInfo <: VulkanStruct{true} vks::VkPhysicalDeviceExternalBufferInfo deps::Vector{Any} end """ Intermediate wrapper for VkExternalImageFormatProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalImageFormatProperties.html) """ struct _ExternalImageFormatProperties <: VulkanStruct{true} vks::VkExternalImageFormatProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceExternalImageFormatInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalImageFormatInfo.html) """ struct _PhysicalDeviceExternalImageFormatInfo <: VulkanStruct{true} vks::VkPhysicalDeviceExternalImageFormatInfo deps::Vector{Any} end """ Intermediate wrapper for VkExternalMemoryProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryProperties.html) """ struct _ExternalMemoryProperties <: VulkanStruct{false} vks::VkExternalMemoryProperties end """ Intermediate wrapper for VkPhysicalDeviceVariablePointersFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVariablePointersFeatures.html) """ struct _PhysicalDeviceVariablePointersFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceVariablePointersFeatures deps::Vector{Any} end """ Intermediate wrapper for VkRectLayerKHR. Extension: VK\\_KHR\\_incremental\\_present [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRectLayerKHR.html) """ struct _RectLayerKHR <: VulkanStruct{false} vks::VkRectLayerKHR end """ Intermediate wrapper for VkPresentRegionKHR. Extension: VK\\_KHR\\_incremental\\_present [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentRegionKHR.html) """ struct _PresentRegionKHR <: VulkanStruct{true} vks::VkPresentRegionKHR deps::Vector{Any} end """ Intermediate wrapper for VkPresentRegionsKHR. Extension: VK\\_KHR\\_incremental\\_present [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentRegionsKHR.html) """ struct _PresentRegionsKHR <: VulkanStruct{true} vks::VkPresentRegionsKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDriverProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDriverProperties.html) """ struct _PhysicalDeviceDriverProperties <: VulkanStruct{true} vks::VkPhysicalDeviceDriverProperties deps::Vector{Any} end """ Intermediate wrapper for VkConformanceVersion. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkConformanceVersion.html) """ struct _ConformanceVersion <: VulkanStruct{false} vks::VkConformanceVersion end """ Intermediate wrapper for VkPhysicalDevicePushDescriptorPropertiesKHR. Extension: VK\\_KHR\\_push\\_descriptor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePushDescriptorPropertiesKHR.html) """ struct _PhysicalDevicePushDescriptorPropertiesKHR <: VulkanStruct{true} vks::VkPhysicalDevicePushDescriptorPropertiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceSparseImageFormatInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSparseImageFormatInfo2.html) """ struct _PhysicalDeviceSparseImageFormatInfo2 <: VulkanStruct{true} vks::VkPhysicalDeviceSparseImageFormatInfo2 deps::Vector{Any} end """ Intermediate wrapper for VkSparseImageFormatProperties2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageFormatProperties2.html) """ struct _SparseImageFormatProperties2 <: VulkanStruct{true} vks::VkSparseImageFormatProperties2 deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMemoryProperties2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryProperties2.html) """ struct _PhysicalDeviceMemoryProperties2 <: VulkanStruct{true} vks::VkPhysicalDeviceMemoryProperties2 deps::Vector{Any} end """ Intermediate wrapper for VkQueueFamilyProperties2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyProperties2.html) """ struct _QueueFamilyProperties2 <: VulkanStruct{true} vks::VkQueueFamilyProperties2 deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceImageFormatInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageFormatInfo2.html) """ struct _PhysicalDeviceImageFormatInfo2 <: VulkanStruct{true} vks::VkPhysicalDeviceImageFormatInfo2 deps::Vector{Any} end """ Intermediate wrapper for VkImageFormatProperties2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageFormatProperties2.html) """ struct _ImageFormatProperties2 <: VulkanStruct{true} vks::VkImageFormatProperties2 deps::Vector{Any} end """ Intermediate wrapper for VkFormatProperties2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFormatProperties2.html) """ struct _FormatProperties2 <: VulkanStruct{true} vks::VkFormatProperties2 deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceProperties2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProperties2.html) """ struct _PhysicalDeviceProperties2 <: VulkanStruct{true} vks::VkPhysicalDeviceProperties2 deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFeatures2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFeatures2.html) """ struct _PhysicalDeviceFeatures2 <: VulkanStruct{true} vks::VkPhysicalDeviceFeatures2 deps::Vector{Any} end """ Intermediate wrapper for VkIndirectCommandsLayoutCreateInfoNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkIndirectCommandsLayoutCreateInfoNV.html) """ struct _IndirectCommandsLayoutCreateInfoNV <: VulkanStruct{true} vks::VkIndirectCommandsLayoutCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkSetStateFlagsIndirectCommandNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSetStateFlagsIndirectCommandNV.html) """ struct _SetStateFlagsIndirectCommandNV <: VulkanStruct{false} vks::VkSetStateFlagsIndirectCommandNV end """ Intermediate wrapper for VkBindVertexBufferIndirectCommandNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindVertexBufferIndirectCommandNV.html) """ struct _BindVertexBufferIndirectCommandNV <: VulkanStruct{false} vks::VkBindVertexBufferIndirectCommandNV end """ Intermediate wrapper for VkBindIndexBufferIndirectCommandNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindIndexBufferIndirectCommandNV.html) """ struct _BindIndexBufferIndirectCommandNV <: VulkanStruct{false} vks::VkBindIndexBufferIndirectCommandNV end """ Intermediate wrapper for VkBindShaderGroupIndirectCommandNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindShaderGroupIndirectCommandNV.html) """ struct _BindShaderGroupIndirectCommandNV <: VulkanStruct{false} vks::VkBindShaderGroupIndirectCommandNV end """ Intermediate wrapper for VkGraphicsPipelineShaderGroupsCreateInfoNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsPipelineShaderGroupsCreateInfoNV.html) """ struct _GraphicsPipelineShaderGroupsCreateInfoNV <: VulkanStruct{true} vks::VkGraphicsPipelineShaderGroupsCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkGraphicsShaderGroupCreateInfoNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsShaderGroupCreateInfoNV.html) """ struct _GraphicsShaderGroupCreateInfoNV <: VulkanStruct{true} vks::VkGraphicsShaderGroupCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMultiDrawPropertiesEXT. Extension: VK\\_EXT\\_multi\\_draw [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiDrawPropertiesEXT.html) """ struct _PhysicalDeviceMultiDrawPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceMultiDrawPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV.html) """ struct _PhysicalDeviceDeviceGeneratedCommandsPropertiesNV <: VulkanStruct{true} vks::VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePrivateDataFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePrivateDataFeatures.html) """ struct _PhysicalDevicePrivateDataFeatures <: VulkanStruct{true} vks::VkPhysicalDevicePrivateDataFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPrivateDataSlotCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPrivateDataSlotCreateInfo.html) """ struct _PrivateDataSlotCreateInfo <: VulkanStruct{true} vks::VkPrivateDataSlotCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkDevicePrivateDataCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDevicePrivateDataCreateInfo.html) """ struct _DevicePrivateDataCreateInfo <: VulkanStruct{true} vks::VkDevicePrivateDataCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV.html) """ struct _PhysicalDeviceDeviceGeneratedCommandsFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkExportMemoryAllocateInfoNV. Extension: VK\\_NV\\_external\\_memory [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMemoryAllocateInfoNV.html) """ struct _ExportMemoryAllocateInfoNV <: VulkanStruct{true} vks::VkExportMemoryAllocateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkExternalMemoryImageCreateInfoNV. Extension: VK\\_NV\\_external\\_memory [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryImageCreateInfoNV.html) """ struct _ExternalMemoryImageCreateInfoNV <: VulkanStruct{true} vks::VkExternalMemoryImageCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkExternalImageFormatPropertiesNV. Extension: VK\\_NV\\_external\\_memory\\_capabilities [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalImageFormatPropertiesNV.html) """ struct _ExternalImageFormatPropertiesNV <: VulkanStruct{false} vks::VkExternalImageFormatPropertiesNV end """ Intermediate wrapper for VkDedicatedAllocationBufferCreateInfoNV. Extension: VK\\_NV\\_dedicated\\_allocation [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDedicatedAllocationBufferCreateInfoNV.html) """ struct _DedicatedAllocationBufferCreateInfoNV <: VulkanStruct{true} vks::VkDedicatedAllocationBufferCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkDedicatedAllocationImageCreateInfoNV. Extension: VK\\_NV\\_dedicated\\_allocation [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDedicatedAllocationImageCreateInfoNV.html) """ struct _DedicatedAllocationImageCreateInfoNV <: VulkanStruct{true} vks::VkDedicatedAllocationImageCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkDebugMarkerMarkerInfoEXT. Extension: VK\\_EXT\\_debug\\_marker [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugMarkerMarkerInfoEXT.html) """ struct _DebugMarkerMarkerInfoEXT <: VulkanStruct{true} vks::VkDebugMarkerMarkerInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDebugMarkerObjectTagInfoEXT. Extension: VK\\_EXT\\_debug\\_marker [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugMarkerObjectTagInfoEXT.html) """ struct _DebugMarkerObjectTagInfoEXT <: VulkanStruct{true} vks::VkDebugMarkerObjectTagInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDebugMarkerObjectNameInfoEXT. Extension: VK\\_EXT\\_debug\\_marker [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugMarkerObjectNameInfoEXT.html) """ struct _DebugMarkerObjectNameInfoEXT <: VulkanStruct{true} vks::VkDebugMarkerObjectNameInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPipelineRasterizationStateRasterizationOrderAMD. Extension: VK\\_AMD\\_rasterization\\_order [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationStateRasterizationOrderAMD.html) """ struct _PipelineRasterizationStateRasterizationOrderAMD <: VulkanStruct{true} vks::VkPipelineRasterizationStateRasterizationOrderAMD deps::Vector{Any} end """ Intermediate wrapper for VkValidationFeaturesEXT. Extension: VK\\_EXT\\_validation\\_features [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkValidationFeaturesEXT.html) """ struct _ValidationFeaturesEXT <: VulkanStruct{true} vks::VkValidationFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkValidationFlagsEXT. Extension: VK\\_EXT\\_validation\\_flags [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkValidationFlagsEXT.html) """ struct _ValidationFlagsEXT <: VulkanStruct{true} vks::VkValidationFlagsEXT deps::Vector{Any} end """ Intermediate wrapper for VkDebugReportCallbackCreateInfoEXT. Extension: VK\\_EXT\\_debug\\_report [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugReportCallbackCreateInfoEXT.html) """ struct _DebugReportCallbackCreateInfoEXT <: VulkanStruct{true} vks::VkDebugReportCallbackCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPresentInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentInfoKHR.html) """ struct _PresentInfoKHR <: VulkanStruct{true} vks::VkPresentInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkSurfaceFormatKHR. Extension: VK\\_KHR\\_surface [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceFormatKHR.html) """ struct _SurfaceFormatKHR <: VulkanStruct{false} vks::VkSurfaceFormatKHR end """ Intermediate wrapper for VkSurfaceCapabilitiesKHR. Extension: VK\\_KHR\\_surface [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilitiesKHR.html) """ struct _SurfaceCapabilitiesKHR <: VulkanStruct{false} vks::VkSurfaceCapabilitiesKHR end """ Intermediate wrapper for VkDisplayPresentInfoKHR. Extension: VK\\_KHR\\_display\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPresentInfoKHR.html) """ struct _DisplayPresentInfoKHR <: VulkanStruct{true} vks::VkDisplayPresentInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkDisplayPlaneCapabilitiesKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneCapabilitiesKHR.html) """ struct _DisplayPlaneCapabilitiesKHR <: VulkanStruct{false} vks::VkDisplayPlaneCapabilitiesKHR end """ Intermediate wrapper for VkDisplayModeCreateInfoKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModeCreateInfoKHR.html) """ struct _DisplayModeCreateInfoKHR <: VulkanStruct{true} vks::VkDisplayModeCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkDisplayModeParametersKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModeParametersKHR.html) """ struct _DisplayModeParametersKHR <: VulkanStruct{false} vks::VkDisplayModeParametersKHR end """ Intermediate wrapper for VkSubmitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubmitInfo.html) """ struct _SubmitInfo <: VulkanStruct{true} vks::VkSubmitInfo deps::Vector{Any} end """ Intermediate wrapper for VkMultiDrawIndexedInfoEXT. Extension: VK\\_EXT\\_multi\\_draw [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultiDrawIndexedInfoEXT.html) """ struct _MultiDrawIndexedInfoEXT <: VulkanStruct{false} vks::VkMultiDrawIndexedInfoEXT end """ Intermediate wrapper for VkMultiDrawInfoEXT. Extension: VK\\_EXT\\_multi\\_draw [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultiDrawInfoEXT.html) """ struct _MultiDrawInfoEXT <: VulkanStruct{false} vks::VkMultiDrawInfoEXT end """ Intermediate wrapper for VkDispatchIndirectCommand. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDispatchIndirectCommand.html) """ struct _DispatchIndirectCommand <: VulkanStruct{false} vks::VkDispatchIndirectCommand end """ Intermediate wrapper for VkDrawIndexedIndirectCommand. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrawIndexedIndirectCommand.html) """ struct _DrawIndexedIndirectCommand <: VulkanStruct{false} vks::VkDrawIndexedIndirectCommand end """ Intermediate wrapper for VkDrawIndirectCommand. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrawIndirectCommand.html) """ struct _DrawIndirectCommand <: VulkanStruct{false} vks::VkDrawIndirectCommand end """ Intermediate wrapper for VkQueryPoolCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueryPoolCreateInfo.html) """ struct _QueryPoolCreateInfo <: VulkanStruct{true} vks::VkQueryPoolCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkSemaphoreCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreCreateInfo.html) """ struct _SemaphoreCreateInfo <: VulkanStruct{true} vks::VkSemaphoreCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceLimits. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLimits.html) """ struct _PhysicalDeviceLimits <: VulkanStruct{false} vks::VkPhysicalDeviceLimits end """ Intermediate wrapper for VkPhysicalDeviceSparseProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSparseProperties.html) """ struct _PhysicalDeviceSparseProperties <: VulkanStruct{false} vks::VkPhysicalDeviceSparseProperties end """ Intermediate wrapper for VkPhysicalDeviceFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFeatures.html) """ struct _PhysicalDeviceFeatures <: VulkanStruct{false} vks::VkPhysicalDeviceFeatures end """ Intermediate wrapper for VkFenceCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFenceCreateInfo.html) """ struct _FenceCreateInfo <: VulkanStruct{true} vks::VkFenceCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkEventCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkEventCreateInfo.html) """ struct _EventCreateInfo <: VulkanStruct{true} vks::VkEventCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkRenderPassCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreateInfo.html) """ struct _RenderPassCreateInfo <: VulkanStruct{true} vks::VkRenderPassCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkSubpassDependency. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDependency.html) """ struct _SubpassDependency <: VulkanStruct{false} vks::VkSubpassDependency end """ Intermediate wrapper for VkSubpassDescription. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDescription.html) """ struct _SubpassDescription <: VulkanStruct{true} vks::VkSubpassDescription deps::Vector{Any} end """ Intermediate wrapper for VkAttachmentReference. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentReference.html) """ struct _AttachmentReference <: VulkanStruct{false} vks::VkAttachmentReference end """ Intermediate wrapper for VkAttachmentDescription. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentDescription.html) """ struct _AttachmentDescription <: VulkanStruct{false} vks::VkAttachmentDescription end """ Intermediate wrapper for VkClearAttachment. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearAttachment.html) """ struct _ClearAttachment <: VulkanStruct{false} vks::VkClearAttachment end """ Intermediate wrapper for VkClearDepthStencilValue. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearDepthStencilValue.html) """ struct _ClearDepthStencilValue <: VulkanStruct{false} vks::VkClearDepthStencilValue end """ Intermediate wrapper for VkCommandBufferBeginInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferBeginInfo.html) """ struct _CommandBufferBeginInfo <: VulkanStruct{true} vks::VkCommandBufferBeginInfo deps::Vector{Any} end """ Intermediate wrapper for VkCommandPoolCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandPoolCreateInfo.html) """ struct _CommandPoolCreateInfo <: VulkanStruct{true} vks::VkCommandPoolCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkSamplerCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerCreateInfo.html) """ struct _SamplerCreateInfo <: VulkanStruct{true} vks::VkSamplerCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineLayoutCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineLayoutCreateInfo.html) """ struct _PipelineLayoutCreateInfo <: VulkanStruct{true} vks::VkPipelineLayoutCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPushConstantRange. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPushConstantRange.html) """ struct _PushConstantRange <: VulkanStruct{false} vks::VkPushConstantRange end """ Intermediate wrapper for VkPipelineCacheHeaderVersionOne. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCacheHeaderVersionOne.html) """ struct _PipelineCacheHeaderVersionOne <: VulkanStruct{false} vks::VkPipelineCacheHeaderVersionOne end """ Intermediate wrapper for VkPipelineCacheCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCacheCreateInfo.html) """ struct _PipelineCacheCreateInfo <: VulkanStruct{true} vks::VkPipelineCacheCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineDepthStencilStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineDepthStencilStateCreateInfo.html) """ struct _PipelineDepthStencilStateCreateInfo <: VulkanStruct{true} vks::VkPipelineDepthStencilStateCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkStencilOpState. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkStencilOpState.html) """ struct _StencilOpState <: VulkanStruct{false} vks::VkStencilOpState end """ Intermediate wrapper for VkPipelineDynamicStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineDynamicStateCreateInfo.html) """ struct _PipelineDynamicStateCreateInfo <: VulkanStruct{true} vks::VkPipelineDynamicStateCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineColorBlendStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorBlendStateCreateInfo.html) """ struct _PipelineColorBlendStateCreateInfo <: VulkanStruct{true} vks::VkPipelineColorBlendStateCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineColorBlendAttachmentState. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorBlendAttachmentState.html) """ struct _PipelineColorBlendAttachmentState <: VulkanStruct{false} vks::VkPipelineColorBlendAttachmentState end """ Intermediate wrapper for VkPipelineMultisampleStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineMultisampleStateCreateInfo.html) """ struct _PipelineMultisampleStateCreateInfo <: VulkanStruct{true} vks::VkPipelineMultisampleStateCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineRasterizationStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationStateCreateInfo.html) """ struct _PipelineRasterizationStateCreateInfo <: VulkanStruct{true} vks::VkPipelineRasterizationStateCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineViewportStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportStateCreateInfo.html) """ struct _PipelineViewportStateCreateInfo <: VulkanStruct{true} vks::VkPipelineViewportStateCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineTessellationStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineTessellationStateCreateInfo.html) """ struct _PipelineTessellationStateCreateInfo <: VulkanStruct{true} vks::VkPipelineTessellationStateCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineInputAssemblyStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineInputAssemblyStateCreateInfo.html) """ struct _PipelineInputAssemblyStateCreateInfo <: VulkanStruct{true} vks::VkPipelineInputAssemblyStateCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineVertexInputStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineVertexInputStateCreateInfo.html) """ struct _PipelineVertexInputStateCreateInfo <: VulkanStruct{true} vks::VkPipelineVertexInputStateCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkVertexInputAttributeDescription. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputAttributeDescription.html) """ struct _VertexInputAttributeDescription <: VulkanStruct{false} vks::VkVertexInputAttributeDescription end """ Intermediate wrapper for VkVertexInputBindingDescription. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputBindingDescription.html) """ struct _VertexInputBindingDescription <: VulkanStruct{false} vks::VkVertexInputBindingDescription end """ Intermediate wrapper for VkSpecializationInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSpecializationInfo.html) """ struct _SpecializationInfo <: VulkanStruct{true} vks::VkSpecializationInfo deps::Vector{Any} end """ Intermediate wrapper for VkSpecializationMapEntry. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSpecializationMapEntry.html) """ struct _SpecializationMapEntry <: VulkanStruct{false} vks::VkSpecializationMapEntry end """ Intermediate wrapper for VkDescriptorPoolCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorPoolCreateInfo.html) """ struct _DescriptorPoolCreateInfo <: VulkanStruct{true} vks::VkDescriptorPoolCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkDescriptorPoolSize. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorPoolSize.html) """ struct _DescriptorPoolSize <: VulkanStruct{false} vks::VkDescriptorPoolSize end """ Intermediate wrapper for VkDescriptorSetLayoutCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutCreateInfo.html) """ struct _DescriptorSetLayoutCreateInfo <: VulkanStruct{true} vks::VkDescriptorSetLayoutCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkDescriptorSetLayoutBinding. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutBinding.html) """ struct _DescriptorSetLayoutBinding <: VulkanStruct{true} vks::VkDescriptorSetLayoutBinding deps::Vector{Any} end """ Intermediate wrapper for VkShaderModuleCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderModuleCreateInfo.html) """ struct _ShaderModuleCreateInfo <: VulkanStruct{true} vks::VkShaderModuleCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkImageResolve. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageResolve.html) """ struct _ImageResolve <: VulkanStruct{false} vks::VkImageResolve end """ Intermediate wrapper for VkCopyMemoryToImageIndirectCommandNV. Extension: VK\\_NV\\_copy\\_memory\\_indirect [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryToImageIndirectCommandNV.html) """ struct _CopyMemoryToImageIndirectCommandNV <: VulkanStruct{false} vks::VkCopyMemoryToImageIndirectCommandNV end """ Intermediate wrapper for VkCopyMemoryIndirectCommandNV. Extension: VK\\_NV\\_copy\\_memory\\_indirect [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryIndirectCommandNV.html) """ struct _CopyMemoryIndirectCommandNV <: VulkanStruct{false} vks::VkCopyMemoryIndirectCommandNV end """ Intermediate wrapper for VkBufferImageCopy. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferImageCopy.html) """ struct _BufferImageCopy <: VulkanStruct{false} vks::VkBufferImageCopy end """ Intermediate wrapper for VkImageBlit. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageBlit.html) """ struct _ImageBlit <: VulkanStruct{false} vks::VkImageBlit end """ Intermediate wrapper for VkImageCopy. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCopy.html) """ struct _ImageCopy <: VulkanStruct{false} vks::VkImageCopy end """ Intermediate wrapper for VkBindSparseInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindSparseInfo.html) """ struct _BindSparseInfo <: VulkanStruct{true} vks::VkBindSparseInfo deps::Vector{Any} end """ Intermediate wrapper for VkBufferCopy. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCopy.html) """ struct _BufferCopy <: VulkanStruct{false} vks::VkBufferCopy end """ Intermediate wrapper for VkSubresourceLayout. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubresourceLayout.html) """ struct _SubresourceLayout <: VulkanStruct{false} vks::VkSubresourceLayout end """ Intermediate wrapper for VkImageCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCreateInfo.html) """ struct _ImageCreateInfo <: VulkanStruct{true} vks::VkImageCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkMemoryBarrier. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryBarrier.html) """ struct _MemoryBarrier <: VulkanStruct{true} vks::VkMemoryBarrier deps::Vector{Any} end """ Intermediate wrapper for VkImageSubresourceRange. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresourceRange.html) """ struct _ImageSubresourceRange <: VulkanStruct{false} vks::VkImageSubresourceRange end """ Intermediate wrapper for VkImageSubresourceLayers. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresourceLayers.html) """ struct _ImageSubresourceLayers <: VulkanStruct{false} vks::VkImageSubresourceLayers end """ Intermediate wrapper for VkImageSubresource. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresource.html) """ struct _ImageSubresource <: VulkanStruct{false} vks::VkImageSubresource end """ Intermediate wrapper for VkBufferCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCreateInfo.html) """ struct _BufferCreateInfo <: VulkanStruct{true} vks::VkBufferCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkImageFormatProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageFormatProperties.html) """ struct _ImageFormatProperties <: VulkanStruct{false} vks::VkImageFormatProperties end """ Intermediate wrapper for VkFormatProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFormatProperties.html) """ struct _FormatProperties <: VulkanStruct{false} vks::VkFormatProperties end """ Intermediate wrapper for VkMemoryHeap. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryHeap.html) """ struct _MemoryHeap <: VulkanStruct{false} vks::VkMemoryHeap end """ Intermediate wrapper for VkMemoryType. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryType.html) """ struct _MemoryType <: VulkanStruct{false} vks::VkMemoryType end """ Intermediate wrapper for VkSparseImageMemoryRequirements. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryRequirements.html) """ struct _SparseImageMemoryRequirements <: VulkanStruct{false} vks::VkSparseImageMemoryRequirements end """ Intermediate wrapper for VkSparseImageFormatProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageFormatProperties.html) """ struct _SparseImageFormatProperties <: VulkanStruct{false} vks::VkSparseImageFormatProperties end """ Intermediate wrapper for VkMemoryRequirements. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryRequirements.html) """ struct _MemoryRequirements <: VulkanStruct{false} vks::VkMemoryRequirements end """ Intermediate wrapper for VkMemoryAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryAllocateInfo.html) """ struct _MemoryAllocateInfo <: VulkanStruct{true} vks::VkMemoryAllocateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMemoryProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryProperties.html) """ struct _PhysicalDeviceMemoryProperties <: VulkanStruct{false} vks::VkPhysicalDeviceMemoryProperties end """ Intermediate wrapper for VkQueueFamilyProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyProperties.html) """ struct _QueueFamilyProperties <: VulkanStruct{false} vks::VkQueueFamilyProperties end """ Intermediate wrapper for VkInstanceCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkInstanceCreateInfo.html) """ struct _InstanceCreateInfo <: VulkanStruct{true} vks::VkInstanceCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkDeviceCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceCreateInfo.html) """ struct _DeviceCreateInfo <: VulkanStruct{true} vks::VkDeviceCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkDeviceQueueCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceQueueCreateInfo.html) """ struct _DeviceQueueCreateInfo <: VulkanStruct{true} vks::VkDeviceQueueCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkAllocationCallbacks. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAllocationCallbacks.html) """ struct _AllocationCallbacks <: VulkanStruct{true} vks::VkAllocationCallbacks deps::Vector{Any} end """ Intermediate wrapper for VkApplicationInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkApplicationInfo.html) """ struct _ApplicationInfo <: VulkanStruct{true} vks::VkApplicationInfo deps::Vector{Any} end """ Intermediate wrapper for VkLayerProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkLayerProperties.html) """ struct _LayerProperties <: VulkanStruct{false} vks::VkLayerProperties end """ Intermediate wrapper for VkExtensionProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExtensionProperties.html) """ struct _ExtensionProperties <: VulkanStruct{false} vks::VkExtensionProperties end """ Intermediate wrapper for VkPhysicalDeviceProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProperties.html) """ struct _PhysicalDeviceProperties <: VulkanStruct{false} vks::VkPhysicalDeviceProperties end """ Intermediate wrapper for VkComponentMapping. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkComponentMapping.html) """ struct _ComponentMapping <: VulkanStruct{false} vks::VkComponentMapping end """ Intermediate wrapper for VkClearRect. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearRect.html) """ struct _ClearRect <: VulkanStruct{false} vks::VkClearRect end """ Intermediate wrapper for VkRect2D. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRect2D.html) """ struct _Rect2D <: VulkanStruct{false} vks::VkRect2D end """ Intermediate wrapper for VkViewport. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkViewport.html) """ struct _Viewport <: VulkanStruct{false} vks::VkViewport end """ Intermediate wrapper for VkExtent3D. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExtent3D.html) """ struct _Extent3D <: VulkanStruct{false} vks::VkExtent3D end """ Intermediate wrapper for VkExtent2D. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExtent2D.html) """ struct _Extent2D <: VulkanStruct{false} vks::VkExtent2D end """ Intermediate wrapper for VkOffset3D. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOffset3D.html) """ struct _Offset3D <: VulkanStruct{false} vks::VkOffset3D end """ Intermediate wrapper for VkOffset2D. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOffset2D.html) """ struct _Offset2D <: VulkanStruct{false} vks::VkOffset2D end """ Intermediate wrapper for VkBaseInStructure. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBaseInStructure.html) """ struct _BaseInStructure <: VulkanStruct{true} vks::VkBaseInStructure deps::Vector{Any} end """ Intermediate wrapper for VkBaseOutStructure. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBaseOutStructure.html) """ struct _BaseOutStructure <: VulkanStruct{true} vks::VkBaseOutStructure deps::Vector{Any} end mutable struct Instance <: Handle vks::VkInstance refcount::RefCounter destructor Instance(vks::VkInstance, refcount::RefCounter) = new(vks, refcount, undef) end mutable struct PhysicalDevice <: Handle vks::VkPhysicalDevice instance::Instance refcount::RefCounter destructor PhysicalDevice(vks::VkPhysicalDevice, instance::Instance, refcount::RefCounter) = new(vks, instance, refcount, undef) end mutable struct Device <: Handle vks::VkDevice physical_device::PhysicalDevice refcount::RefCounter destructor Device(vks::VkDevice, physical_device::PhysicalDevice, refcount::RefCounter) = new(vks, physical_device, refcount, undef) end mutable struct Queue <: Handle vks::VkQueue device::Device refcount::RefCounter destructor Queue(vks::VkQueue, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkExportMetalCommandQueueInfoEXT. Extension: VK\\_EXT\\_metal\\_objects [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMetalCommandQueueInfoEXT.html) """ struct _ExportMetalCommandQueueInfoEXT <: VulkanStruct{true} vks::VkExportMetalCommandQueueInfoEXT deps::Vector{Any} queue::Queue end """ High-level wrapper for VkExportMetalCommandQueueInfoEXT. Extension: VK\\_EXT\\_metal\\_objects [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMetalCommandQueueInfoEXT.html) """ @struct_hash_equal struct ExportMetalCommandQueueInfoEXT <: HighLevelStruct next::Any queue::Queue mtl_command_queue::Cvoid end mutable struct DeviceMemory <: Handle vks::VkDeviceMemory device::Device refcount::RefCounter destructor DeviceMemory(vks::VkDeviceMemory, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkMappedMemoryRange. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMappedMemoryRange.html) """ struct _MappedMemoryRange <: VulkanStruct{true} vks::VkMappedMemoryRange deps::Vector{Any} memory::DeviceMemory end """ Intermediate wrapper for VkSparseMemoryBind. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseMemoryBind.html) """ struct _SparseMemoryBind <: VulkanStruct{false} vks::VkSparseMemoryBind memory::OptionalPtr{DeviceMemory} end """ Intermediate wrapper for VkSparseImageMemoryBind. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryBind.html) """ struct _SparseImageMemoryBind <: VulkanStruct{false} vks::VkSparseImageMemoryBind memory::OptionalPtr{DeviceMemory} end """ Intermediate wrapper for VkMemoryGetFdInfoKHR. Extension: VK\\_KHR\\_external\\_memory\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryGetFdInfoKHR.html) """ struct _MemoryGetFdInfoKHR <: VulkanStruct{true} vks::VkMemoryGetFdInfoKHR deps::Vector{Any} memory::DeviceMemory end """ Intermediate wrapper for VkDeviceMemoryOpaqueCaptureAddressInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceMemoryOpaqueCaptureAddressInfo.html) """ struct _DeviceMemoryOpaqueCaptureAddressInfo <: VulkanStruct{true} vks::VkDeviceMemoryOpaqueCaptureAddressInfo deps::Vector{Any} memory::DeviceMemory end """ Intermediate wrapper for VkBindVideoSessionMemoryInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindVideoSessionMemoryInfoKHR.html) """ struct _BindVideoSessionMemoryInfoKHR <: VulkanStruct{true} vks::VkBindVideoSessionMemoryInfoKHR deps::Vector{Any} memory::DeviceMemory end """ Intermediate wrapper for VkMemoryGetRemoteAddressInfoNV. Extension: VK\\_NV\\_external\\_memory\\_rdma [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryGetRemoteAddressInfoNV.html) """ struct _MemoryGetRemoteAddressInfoNV <: VulkanStruct{true} vks::VkMemoryGetRemoteAddressInfoNV deps::Vector{Any} memory::DeviceMemory end """ Intermediate wrapper for VkExportMetalBufferInfoEXT. Extension: VK\\_EXT\\_metal\\_objects [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMetalBufferInfoEXT.html) """ struct _ExportMetalBufferInfoEXT <: VulkanStruct{true} vks::VkExportMetalBufferInfoEXT deps::Vector{Any} memory::DeviceMemory end """ High-level wrapper for VkMappedMemoryRange. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMappedMemoryRange.html) """ @struct_hash_equal struct MappedMemoryRange <: HighLevelStruct next::Any memory::DeviceMemory offset::UInt64 size::UInt64 end """ High-level wrapper for VkDeviceMemoryOpaqueCaptureAddressInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceMemoryOpaqueCaptureAddressInfo.html) """ @struct_hash_equal struct DeviceMemoryOpaqueCaptureAddressInfo <: HighLevelStruct next::Any memory::DeviceMemory end """ High-level wrapper for VkBindVideoSessionMemoryInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindVideoSessionMemoryInfoKHR.html) """ @struct_hash_equal struct BindVideoSessionMemoryInfoKHR <: HighLevelStruct next::Any memory_bind_index::UInt32 memory::DeviceMemory memory_offset::UInt64 memory_size::UInt64 end """ High-level wrapper for VkExportMetalBufferInfoEXT. Extension: VK\\_EXT\\_metal\\_objects [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMetalBufferInfoEXT.html) """ @struct_hash_equal struct ExportMetalBufferInfoEXT <: HighLevelStruct next::Any memory::DeviceMemory mtl_buffer::Cvoid end mutable struct CommandPool <: Handle vks::VkCommandPool device::Device refcount::RefCounter destructor CommandPool(vks::VkCommandPool, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct CommandBuffer <: Handle vks::VkCommandBuffer command_pool::CommandPool refcount::RefCounter destructor CommandBuffer(vks::VkCommandBuffer, command_pool::CommandPool, refcount::RefCounter) = new(vks, command_pool, refcount, undef) end """ Intermediate wrapper for VkCommandBufferSubmitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferSubmitInfo.html) """ struct _CommandBufferSubmitInfo <: VulkanStruct{true} vks::VkCommandBufferSubmitInfo deps::Vector{Any} command_buffer::CommandBuffer end """ High-level wrapper for VkCommandBufferSubmitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferSubmitInfo.html) """ @struct_hash_equal struct CommandBufferSubmitInfo <: HighLevelStruct next::Any command_buffer::CommandBuffer device_mask::UInt32 end """ Intermediate wrapper for VkCommandBufferAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferAllocateInfo.html) """ struct _CommandBufferAllocateInfo <: VulkanStruct{true} vks::VkCommandBufferAllocateInfo deps::Vector{Any} command_pool::CommandPool end mutable struct Buffer <: Handle vks::VkBuffer device::Device refcount::RefCounter destructor Buffer(vks::VkBuffer, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkDescriptorBufferInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorBufferInfo.html) """ struct _DescriptorBufferInfo <: VulkanStruct{false} vks::VkDescriptorBufferInfo buffer::OptionalPtr{Buffer} end """ Intermediate wrapper for VkBufferViewCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferViewCreateInfo.html) """ struct _BufferViewCreateInfo <: VulkanStruct{true} vks::VkBufferViewCreateInfo deps::Vector{Any} buffer::Buffer end """ Intermediate wrapper for VkBufferMemoryBarrier. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferMemoryBarrier.html) """ struct _BufferMemoryBarrier <: VulkanStruct{true} vks::VkBufferMemoryBarrier deps::Vector{Any} buffer::Buffer end """ Intermediate wrapper for VkSparseBufferMemoryBindInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseBufferMemoryBindInfo.html) """ struct _SparseBufferMemoryBindInfo <: VulkanStruct{true} vks::VkSparseBufferMemoryBindInfo deps::Vector{Any} buffer::Buffer end """ Intermediate wrapper for VkIndirectCommandsStreamNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkIndirectCommandsStreamNV.html) """ struct _IndirectCommandsStreamNV <: VulkanStruct{false} vks::VkIndirectCommandsStreamNV buffer::Buffer end """ Intermediate wrapper for VkBindBufferMemoryInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindBufferMemoryInfo.html) """ struct _BindBufferMemoryInfo <: VulkanStruct{true} vks::VkBindBufferMemoryInfo deps::Vector{Any} buffer::Buffer memory::DeviceMemory end """ Intermediate wrapper for VkBufferMemoryRequirementsInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferMemoryRequirementsInfo2.html) """ struct _BufferMemoryRequirementsInfo2 <: VulkanStruct{true} vks::VkBufferMemoryRequirementsInfo2 deps::Vector{Any} buffer::Buffer end """ Intermediate wrapper for VkConditionalRenderingBeginInfoEXT. Extension: VK\\_EXT\\_conditional\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkConditionalRenderingBeginInfoEXT.html) """ struct _ConditionalRenderingBeginInfoEXT <: VulkanStruct{true} vks::VkConditionalRenderingBeginInfoEXT deps::Vector{Any} buffer::Buffer end """ Intermediate wrapper for VkGeometryTrianglesNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryTrianglesNV.html) """ struct _GeometryTrianglesNV <: VulkanStruct{true} vks::VkGeometryTrianglesNV deps::Vector{Any} vertex_data::OptionalPtr{Buffer} index_data::OptionalPtr{Buffer} transform_data::OptionalPtr{Buffer} end """ Intermediate wrapper for VkGeometryAABBNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryAABBNV.html) """ struct _GeometryAABBNV <: VulkanStruct{true} vks::VkGeometryAABBNV deps::Vector{Any} aabb_data::OptionalPtr{Buffer} end """ Intermediate wrapper for VkBufferDeviceAddressInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferDeviceAddressInfo.html) """ struct _BufferDeviceAddressInfo <: VulkanStruct{true} vks::VkBufferDeviceAddressInfo deps::Vector{Any} buffer::Buffer end """ Intermediate wrapper for VkAccelerationStructureCreateInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureCreateInfoKHR.html) """ struct _AccelerationStructureCreateInfoKHR <: VulkanStruct{true} vks::VkAccelerationStructureCreateInfoKHR deps::Vector{Any} buffer::Buffer end """ Intermediate wrapper for VkCopyBufferInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyBufferInfo2.html) """ struct _CopyBufferInfo2 <: VulkanStruct{true} vks::VkCopyBufferInfo2 deps::Vector{Any} src_buffer::Buffer dst_buffer::Buffer end """ Intermediate wrapper for VkBufferMemoryBarrier2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferMemoryBarrier2.html) """ struct _BufferMemoryBarrier2 <: VulkanStruct{true} vks::VkBufferMemoryBarrier2 deps::Vector{Any} buffer::Buffer end """ Intermediate wrapper for VkVideoDecodeInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeInfoKHR.html) """ struct _VideoDecodeInfoKHR <: VulkanStruct{true} vks::VkVideoDecodeInfoKHR deps::Vector{Any} src_buffer::Buffer end """ Intermediate wrapper for VkDescriptorBufferBindingPushDescriptorBufferHandleEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorBufferBindingPushDescriptorBufferHandleEXT.html) """ struct _DescriptorBufferBindingPushDescriptorBufferHandleEXT <: VulkanStruct{true} vks::VkDescriptorBufferBindingPushDescriptorBufferHandleEXT deps::Vector{Any} buffer::Buffer end """ Intermediate wrapper for VkBufferCaptureDescriptorDataInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCaptureDescriptorDataInfoEXT.html) """ struct _BufferCaptureDescriptorDataInfoEXT <: VulkanStruct{true} vks::VkBufferCaptureDescriptorDataInfoEXT deps::Vector{Any} buffer::Buffer end """ Intermediate wrapper for VkMicromapCreateInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapCreateInfoEXT.html) """ struct _MicromapCreateInfoEXT <: VulkanStruct{true} vks::VkMicromapCreateInfoEXT deps::Vector{Any} buffer::Buffer end """ High-level wrapper for VkDescriptorBufferInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorBufferInfo.html) """ @struct_hash_equal struct DescriptorBufferInfo <: HighLevelStruct buffer::OptionalPtr{Buffer} offset::UInt64 range::UInt64 end """ High-level wrapper for VkIndirectCommandsStreamNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkIndirectCommandsStreamNV.html) """ @struct_hash_equal struct IndirectCommandsStreamNV <: HighLevelStruct buffer::Buffer offset::UInt64 end """ High-level wrapper for VkBindBufferMemoryInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindBufferMemoryInfo.html) """ @struct_hash_equal struct BindBufferMemoryInfo <: HighLevelStruct next::Any buffer::Buffer memory::DeviceMemory memory_offset::UInt64 end """ High-level wrapper for VkBufferMemoryRequirementsInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferMemoryRequirementsInfo2.html) """ @struct_hash_equal struct BufferMemoryRequirementsInfo2 <: HighLevelStruct next::Any buffer::Buffer end """ High-level wrapper for VkGeometryAABBNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryAABBNV.html) """ @struct_hash_equal struct GeometryAABBNV <: HighLevelStruct next::Any aabb_data::OptionalPtr{Buffer} num_aab_bs::UInt32 stride::UInt32 offset::UInt64 end """ High-level wrapper for VkBufferDeviceAddressInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferDeviceAddressInfo.html) """ @struct_hash_equal struct BufferDeviceAddressInfo <: HighLevelStruct next::Any buffer::Buffer end """ High-level wrapper for VkCopyBufferInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyBufferInfo2.html) """ @struct_hash_equal struct CopyBufferInfo2 <: HighLevelStruct next::Any src_buffer::Buffer dst_buffer::Buffer regions::Vector{BufferCopy2} end """ High-level wrapper for VkBufferMemoryBarrier2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferMemoryBarrier2.html) """ @struct_hash_equal struct BufferMemoryBarrier2 <: HighLevelStruct next::Any src_stage_mask::UInt64 src_access_mask::UInt64 dst_stage_mask::UInt64 dst_access_mask::UInt64 src_queue_family_index::UInt32 dst_queue_family_index::UInt32 buffer::Buffer offset::UInt64 size::UInt64 end """ High-level wrapper for VkDescriptorBufferBindingPushDescriptorBufferHandleEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorBufferBindingPushDescriptorBufferHandleEXT.html) """ @struct_hash_equal struct DescriptorBufferBindingPushDescriptorBufferHandleEXT <: HighLevelStruct next::Any buffer::Buffer end """ High-level wrapper for VkBufferCaptureDescriptorDataInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCaptureDescriptorDataInfoEXT.html) """ @struct_hash_equal struct BufferCaptureDescriptorDataInfoEXT <: HighLevelStruct next::Any buffer::Buffer end mutable struct BufferView <: Handle vks::VkBufferView device::Device refcount::RefCounter destructor BufferView(vks::VkBufferView, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct Image <: Handle vks::VkImage device::Device refcount::RefCounter destructor Image(vks::VkImage, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkImageMemoryBarrier. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageMemoryBarrier.html) """ struct _ImageMemoryBarrier <: VulkanStruct{true} vks::VkImageMemoryBarrier deps::Vector{Any} image::Image end """ Intermediate wrapper for VkImageViewCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewCreateInfo.html) """ struct _ImageViewCreateInfo <: VulkanStruct{true} vks::VkImageViewCreateInfo deps::Vector{Any} image::Image end """ Intermediate wrapper for VkSparseImageOpaqueMemoryBindInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageOpaqueMemoryBindInfo.html) """ struct _SparseImageOpaqueMemoryBindInfo <: VulkanStruct{true} vks::VkSparseImageOpaqueMemoryBindInfo deps::Vector{Any} image::Image end """ Intermediate wrapper for VkSparseImageMemoryBindInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryBindInfo.html) """ struct _SparseImageMemoryBindInfo <: VulkanStruct{true} vks::VkSparseImageMemoryBindInfo deps::Vector{Any} image::Image end """ Intermediate wrapper for VkDedicatedAllocationMemoryAllocateInfoNV. Extension: VK\\_NV\\_dedicated\\_allocation [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDedicatedAllocationMemoryAllocateInfoNV.html) """ struct _DedicatedAllocationMemoryAllocateInfoNV <: VulkanStruct{true} vks::VkDedicatedAllocationMemoryAllocateInfoNV deps::Vector{Any} image::OptionalPtr{Image} buffer::OptionalPtr{Buffer} end """ Intermediate wrapper for VkBindImageMemoryInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImageMemoryInfo.html) """ struct _BindImageMemoryInfo <: VulkanStruct{true} vks::VkBindImageMemoryInfo deps::Vector{Any} image::Image memory::DeviceMemory end """ Intermediate wrapper for VkImageMemoryRequirementsInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageMemoryRequirementsInfo2.html) """ struct _ImageMemoryRequirementsInfo2 <: VulkanStruct{true} vks::VkImageMemoryRequirementsInfo2 deps::Vector{Any} image::Image end """ Intermediate wrapper for VkImageSparseMemoryRequirementsInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSparseMemoryRequirementsInfo2.html) """ struct _ImageSparseMemoryRequirementsInfo2 <: VulkanStruct{true} vks::VkImageSparseMemoryRequirementsInfo2 deps::Vector{Any} image::Image end """ Intermediate wrapper for VkMemoryDedicatedAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryDedicatedAllocateInfo.html) """ struct _MemoryDedicatedAllocateInfo <: VulkanStruct{true} vks::VkMemoryDedicatedAllocateInfo deps::Vector{Any} image::OptionalPtr{Image} buffer::OptionalPtr{Buffer} end """ Intermediate wrapper for VkCopyImageInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyImageInfo2.html) """ struct _CopyImageInfo2 <: VulkanStruct{true} vks::VkCopyImageInfo2 deps::Vector{Any} src_image::Image dst_image::Image end """ Intermediate wrapper for VkBlitImageInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBlitImageInfo2.html) """ struct _BlitImageInfo2 <: VulkanStruct{true} vks::VkBlitImageInfo2 deps::Vector{Any} src_image::Image dst_image::Image end """ Intermediate wrapper for VkCopyBufferToImageInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyBufferToImageInfo2.html) """ struct _CopyBufferToImageInfo2 <: VulkanStruct{true} vks::VkCopyBufferToImageInfo2 deps::Vector{Any} src_buffer::Buffer dst_image::Image end """ Intermediate wrapper for VkCopyImageToBufferInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyImageToBufferInfo2.html) """ struct _CopyImageToBufferInfo2 <: VulkanStruct{true} vks::VkCopyImageToBufferInfo2 deps::Vector{Any} src_image::Image dst_buffer::Buffer end """ Intermediate wrapper for VkResolveImageInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkResolveImageInfo2.html) """ struct _ResolveImageInfo2 <: VulkanStruct{true} vks::VkResolveImageInfo2 deps::Vector{Any} src_image::Image dst_image::Image end """ Intermediate wrapper for VkImageMemoryBarrier2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageMemoryBarrier2.html) """ struct _ImageMemoryBarrier2 <: VulkanStruct{true} vks::VkImageMemoryBarrier2 deps::Vector{Any} image::Image end """ Intermediate wrapper for VkImageCaptureDescriptorDataInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCaptureDescriptorDataInfoEXT.html) """ struct _ImageCaptureDescriptorDataInfoEXT <: VulkanStruct{true} vks::VkImageCaptureDescriptorDataInfoEXT deps::Vector{Any} image::Image end """ Intermediate wrapper for VkExportMetalIOSurfaceInfoEXT. Extension: VK\\_EXT\\_metal\\_objects [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMetalIOSurfaceInfoEXT.html) """ struct _ExportMetalIOSurfaceInfoEXT <: VulkanStruct{true} vks::VkExportMetalIOSurfaceInfoEXT deps::Vector{Any} image::Image end """ High-level wrapper for VkDedicatedAllocationMemoryAllocateInfoNV. Extension: VK\\_NV\\_dedicated\\_allocation [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDedicatedAllocationMemoryAllocateInfoNV.html) """ @struct_hash_equal struct DedicatedAllocationMemoryAllocateInfoNV <: HighLevelStruct next::Any image::OptionalPtr{Image} buffer::OptionalPtr{Buffer} end """ High-level wrapper for VkBindImageMemoryInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImageMemoryInfo.html) """ @struct_hash_equal struct BindImageMemoryInfo <: HighLevelStruct next::Any image::Image memory::DeviceMemory memory_offset::UInt64 end """ High-level wrapper for VkImageMemoryRequirementsInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageMemoryRequirementsInfo2.html) """ @struct_hash_equal struct ImageMemoryRequirementsInfo2 <: HighLevelStruct next::Any image::Image end """ High-level wrapper for VkImageSparseMemoryRequirementsInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSparseMemoryRequirementsInfo2.html) """ @struct_hash_equal struct ImageSparseMemoryRequirementsInfo2 <: HighLevelStruct next::Any image::Image end """ High-level wrapper for VkMemoryDedicatedAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryDedicatedAllocateInfo.html) """ @struct_hash_equal struct MemoryDedicatedAllocateInfo <: HighLevelStruct next::Any image::OptionalPtr{Image} buffer::OptionalPtr{Buffer} end """ High-level wrapper for VkImageCaptureDescriptorDataInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCaptureDescriptorDataInfoEXT.html) """ @struct_hash_equal struct ImageCaptureDescriptorDataInfoEXT <: HighLevelStruct next::Any image::Image end """ High-level wrapper for VkExportMetalIOSurfaceInfoEXT. Extension: VK\\_EXT\\_metal\\_objects [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMetalIOSurfaceInfoEXT.html) """ @struct_hash_equal struct ExportMetalIOSurfaceInfoEXT <: HighLevelStruct next::Any image::Image io_surface::Cvoid end mutable struct ImageView <: Handle vks::VkImageView device::Device refcount::RefCounter destructor ImageView(vks::VkImageView, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkVideoPictureResourceInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoPictureResourceInfoKHR.html) """ struct _VideoPictureResourceInfoKHR <: VulkanStruct{true} vks::VkVideoPictureResourceInfoKHR deps::Vector{Any} image_view_binding::ImageView end """ Intermediate wrapper for VkImageViewCaptureDescriptorDataInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewCaptureDescriptorDataInfoEXT.html) """ struct _ImageViewCaptureDescriptorDataInfoEXT <: VulkanStruct{true} vks::VkImageViewCaptureDescriptorDataInfoEXT deps::Vector{Any} image_view::ImageView end """ Intermediate wrapper for VkRenderingAttachmentInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingAttachmentInfo.html) """ struct _RenderingAttachmentInfo <: VulkanStruct{true} vks::VkRenderingAttachmentInfo deps::Vector{Any} image_view::OptionalPtr{ImageView} resolve_image_view::OptionalPtr{ImageView} end """ Intermediate wrapper for VkRenderingFragmentShadingRateAttachmentInfoKHR. Extension: VK\\_KHR\\_dynamic\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingFragmentShadingRateAttachmentInfoKHR.html) """ struct _RenderingFragmentShadingRateAttachmentInfoKHR <: VulkanStruct{true} vks::VkRenderingFragmentShadingRateAttachmentInfoKHR deps::Vector{Any} image_view::OptionalPtr{ImageView} end """ Intermediate wrapper for VkRenderingFragmentDensityMapAttachmentInfoEXT. Extension: VK\\_KHR\\_dynamic\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingFragmentDensityMapAttachmentInfoEXT.html) """ struct _RenderingFragmentDensityMapAttachmentInfoEXT <: VulkanStruct{true} vks::VkRenderingFragmentDensityMapAttachmentInfoEXT deps::Vector{Any} image_view::ImageView end """ Intermediate wrapper for VkExportMetalTextureInfoEXT. Extension: VK\\_EXT\\_metal\\_objects [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMetalTextureInfoEXT.html) """ struct _ExportMetalTextureInfoEXT <: VulkanStruct{true} vks::VkExportMetalTextureInfoEXT deps::Vector{Any} image::OptionalPtr{Image} image_view::OptionalPtr{ImageView} buffer_view::OptionalPtr{BufferView} end """ High-level wrapper for VkRenderPassAttachmentBeginInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassAttachmentBeginInfo.html) """ @struct_hash_equal struct RenderPassAttachmentBeginInfo <: HighLevelStruct next::Any attachments::Vector{ImageView} end """ High-level wrapper for VkVideoPictureResourceInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoPictureResourceInfoKHR.html) """ @struct_hash_equal struct VideoPictureResourceInfoKHR <: HighLevelStruct next::Any coded_offset::Offset2D coded_extent::Extent2D base_array_layer::UInt32 image_view_binding::ImageView end """ High-level wrapper for VkVideoReferenceSlotInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoReferenceSlotInfoKHR.html) """ @struct_hash_equal struct VideoReferenceSlotInfoKHR <: HighLevelStruct next::Any slot_index::Int32 picture_resource::OptionalPtr{VideoPictureResourceInfoKHR} end """ High-level wrapper for VkVideoDecodeInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeInfoKHR.html) """ @struct_hash_equal struct VideoDecodeInfoKHR <: HighLevelStruct next::Any flags::UInt32 src_buffer::Buffer src_buffer_offset::UInt64 src_buffer_range::UInt64 dst_picture_resource::VideoPictureResourceInfoKHR setup_reference_slot::OptionalPtr{VideoReferenceSlotInfoKHR} reference_slots::Vector{VideoReferenceSlotInfoKHR} end """ High-level wrapper for VkImageViewCaptureDescriptorDataInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewCaptureDescriptorDataInfoEXT.html) """ @struct_hash_equal struct ImageViewCaptureDescriptorDataInfoEXT <: HighLevelStruct next::Any image_view::ImageView end mutable struct ShaderModule <: Handle vks::VkShaderModule device::Device refcount::RefCounter destructor ShaderModule(vks::VkShaderModule, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkPipelineShaderStageCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineShaderStageCreateInfo.html) """ struct _PipelineShaderStageCreateInfo <: VulkanStruct{true} vks::VkPipelineShaderStageCreateInfo deps::Vector{Any} _module::OptionalPtr{ShaderModule} end mutable struct Pipeline <: Handle vks::VkPipeline device::Device refcount::RefCounter destructor Pipeline(vks::VkPipeline, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkPipelineInfoKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineInfoKHR.html) """ struct _PipelineInfoKHR <: VulkanStruct{true} vks::VkPipelineInfoKHR deps::Vector{Any} pipeline::Pipeline end """ Intermediate wrapper for VkPipelineExecutableInfoKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableInfoKHR.html) """ struct _PipelineExecutableInfoKHR <: VulkanStruct{true} vks::VkPipelineExecutableInfoKHR deps::Vector{Any} pipeline::Pipeline end """ High-level wrapper for VkPipelineInfoKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineInfoKHR.html) """ @struct_hash_equal struct PipelineInfoKHR <: HighLevelStruct next::Any pipeline::Pipeline end """ High-level wrapper for VkPipelineExecutableInfoKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableInfoKHR.html) """ @struct_hash_equal struct PipelineExecutableInfoKHR <: HighLevelStruct next::Any pipeline::Pipeline executable_index::UInt32 end """ High-level wrapper for VkPipelineLibraryCreateInfoKHR. Extension: VK\\_KHR\\_pipeline\\_library [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineLibraryCreateInfoKHR.html) """ @struct_hash_equal struct PipelineLibraryCreateInfoKHR <: HighLevelStruct next::Any libraries::Vector{Pipeline} end mutable struct PipelineLayout <: Handle vks::VkPipelineLayout device::Device refcount::RefCounter destructor PipelineLayout(vks::VkPipelineLayout, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkComputePipelineCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkComputePipelineCreateInfo.html) """ struct _ComputePipelineCreateInfo <: VulkanStruct{true} vks::VkComputePipelineCreateInfo deps::Vector{Any} layout::PipelineLayout base_pipeline_handle::OptionalPtr{Pipeline} end """ Intermediate wrapper for VkIndirectCommandsLayoutTokenNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkIndirectCommandsLayoutTokenNV.html) """ struct _IndirectCommandsLayoutTokenNV <: VulkanStruct{true} vks::VkIndirectCommandsLayoutTokenNV deps::Vector{Any} pushconstant_pipeline_layout::OptionalPtr{PipelineLayout} end """ Intermediate wrapper for VkRayTracingPipelineCreateInfoNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingPipelineCreateInfoNV.html) """ struct _RayTracingPipelineCreateInfoNV <: VulkanStruct{true} vks::VkRayTracingPipelineCreateInfoNV deps::Vector{Any} layout::PipelineLayout base_pipeline_handle::OptionalPtr{Pipeline} end """ Intermediate wrapper for VkRayTracingPipelineCreateInfoKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingPipelineCreateInfoKHR.html) """ struct _RayTracingPipelineCreateInfoKHR <: VulkanStruct{true} vks::VkRayTracingPipelineCreateInfoKHR deps::Vector{Any} layout::PipelineLayout base_pipeline_handle::OptionalPtr{Pipeline} end mutable struct Sampler <: Handle vks::VkSampler device::Device refcount::RefCounter destructor Sampler(vks::VkSampler, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkDescriptorImageInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorImageInfo.html) """ struct _DescriptorImageInfo <: VulkanStruct{false} vks::VkDescriptorImageInfo sampler::Sampler image_view::ImageView end """ Intermediate wrapper for VkImageViewHandleInfoNVX. Extension: VK\\_NVX\\_image\\_view\\_handle [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewHandleInfoNVX.html) """ struct _ImageViewHandleInfoNVX <: VulkanStruct{true} vks::VkImageViewHandleInfoNVX deps::Vector{Any} image_view::ImageView sampler::OptionalPtr{Sampler} end """ Intermediate wrapper for VkSamplerCaptureDescriptorDataInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerCaptureDescriptorDataInfoEXT.html) """ struct _SamplerCaptureDescriptorDataInfoEXT <: VulkanStruct{true} vks::VkSamplerCaptureDescriptorDataInfoEXT deps::Vector{Any} sampler::Sampler end """ High-level wrapper for VkSamplerCaptureDescriptorDataInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerCaptureDescriptorDataInfoEXT.html) """ @struct_hash_equal struct SamplerCaptureDescriptorDataInfoEXT <: HighLevelStruct next::Any sampler::Sampler end mutable struct DescriptorSetLayout <: Handle vks::VkDescriptorSetLayout device::Device refcount::RefCounter destructor DescriptorSetLayout(vks::VkDescriptorSetLayout, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkDescriptorUpdateTemplateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorUpdateTemplateCreateInfo.html) """ struct _DescriptorUpdateTemplateCreateInfo <: VulkanStruct{true} vks::VkDescriptorUpdateTemplateCreateInfo deps::Vector{Any} descriptor_set_layout::DescriptorSetLayout pipeline_layout::PipelineLayout end """ Intermediate wrapper for VkDescriptorSetBindingReferenceVALVE. Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetBindingReferenceVALVE.html) """ struct _DescriptorSetBindingReferenceVALVE <: VulkanStruct{true} vks::VkDescriptorSetBindingReferenceVALVE deps::Vector{Any} descriptor_set_layout::DescriptorSetLayout end """ High-level wrapper for VkDescriptorSetBindingReferenceVALVE. Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetBindingReferenceVALVE.html) """ @struct_hash_equal struct DescriptorSetBindingReferenceVALVE <: HighLevelStruct next::Any descriptor_set_layout::DescriptorSetLayout binding::UInt32 end mutable struct DescriptorPool <: Handle vks::VkDescriptorPool device::Device refcount::RefCounter destructor DescriptorPool(vks::VkDescriptorPool, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct DescriptorSet <: Handle vks::VkDescriptorSet descriptor_pool::DescriptorPool refcount::RefCounter destructor DescriptorSet(vks::VkDescriptorSet, descriptor_pool::DescriptorPool, refcount::RefCounter) = new(vks, descriptor_pool, refcount, undef) end """ Intermediate wrapper for VkWriteDescriptorSet. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSet.html) """ struct _WriteDescriptorSet <: VulkanStruct{true} vks::VkWriteDescriptorSet deps::Vector{Any} dst_set::DescriptorSet end """ Intermediate wrapper for VkCopyDescriptorSet. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyDescriptorSet.html) """ struct _CopyDescriptorSet <: VulkanStruct{true} vks::VkCopyDescriptorSet deps::Vector{Any} src_set::DescriptorSet dst_set::DescriptorSet end """ High-level wrapper for VkCopyDescriptorSet. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyDescriptorSet.html) """ @struct_hash_equal struct CopyDescriptorSet <: HighLevelStruct next::Any src_set::DescriptorSet src_binding::UInt32 src_array_element::UInt32 dst_set::DescriptorSet dst_binding::UInt32 dst_array_element::UInt32 descriptor_count::UInt32 end """ Intermediate wrapper for VkDescriptorSetAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetAllocateInfo.html) """ struct _DescriptorSetAllocateInfo <: VulkanStruct{true} vks::VkDescriptorSetAllocateInfo deps::Vector{Any} descriptor_pool::DescriptorPool end """ High-level wrapper for VkDescriptorSetAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetAllocateInfo.html) """ @struct_hash_equal struct DescriptorSetAllocateInfo <: HighLevelStruct next::Any descriptor_pool::DescriptorPool set_layouts::Vector{DescriptorSetLayout} end mutable struct Fence <: Handle vks::VkFence device::Device refcount::RefCounter destructor Fence(vks::VkFence, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkImportFenceFdInfoKHR. Extension: VK\\_KHR\\_external\\_fence\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportFenceFdInfoKHR.html) """ struct _ImportFenceFdInfoKHR <: VulkanStruct{true} vks::VkImportFenceFdInfoKHR deps::Vector{Any} fence::Fence end """ Intermediate wrapper for VkFenceGetFdInfoKHR. Extension: VK\\_KHR\\_external\\_fence\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFenceGetFdInfoKHR.html) """ struct _FenceGetFdInfoKHR <: VulkanStruct{true} vks::VkFenceGetFdInfoKHR deps::Vector{Any} fence::Fence end """ High-level wrapper for VkSwapchainPresentFenceInfoEXT. Extension: VK\\_EXT\\_swapchain\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentFenceInfoEXT.html) """ @struct_hash_equal struct SwapchainPresentFenceInfoEXT <: HighLevelStruct next::Any fences::Vector{Fence} end mutable struct Semaphore <: Handle vks::VkSemaphore device::Device refcount::RefCounter destructor Semaphore(vks::VkSemaphore, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkImportSemaphoreFdInfoKHR. Extension: VK\\_KHR\\_external\\_semaphore\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportSemaphoreFdInfoKHR.html) """ struct _ImportSemaphoreFdInfoKHR <: VulkanStruct{true} vks::VkImportSemaphoreFdInfoKHR deps::Vector{Any} semaphore::Semaphore end """ Intermediate wrapper for VkSemaphoreGetFdInfoKHR. Extension: VK\\_KHR\\_external\\_semaphore\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreGetFdInfoKHR.html) """ struct _SemaphoreGetFdInfoKHR <: VulkanStruct{true} vks::VkSemaphoreGetFdInfoKHR deps::Vector{Any} semaphore::Semaphore end """ Intermediate wrapper for VkSemaphoreSignalInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreSignalInfo.html) """ struct _SemaphoreSignalInfo <: VulkanStruct{true} vks::VkSemaphoreSignalInfo deps::Vector{Any} semaphore::Semaphore end """ Intermediate wrapper for VkSemaphoreSubmitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreSubmitInfo.html) """ struct _SemaphoreSubmitInfo <: VulkanStruct{true} vks::VkSemaphoreSubmitInfo deps::Vector{Any} semaphore::Semaphore end """ High-level wrapper for VkSemaphoreSignalInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreSignalInfo.html) """ @struct_hash_equal struct SemaphoreSignalInfo <: HighLevelStruct next::Any semaphore::Semaphore value::UInt64 end """ High-level wrapper for VkSemaphoreSubmitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreSubmitInfo.html) """ @struct_hash_equal struct SemaphoreSubmitInfo <: HighLevelStruct next::Any semaphore::Semaphore value::UInt64 stage_mask::UInt64 device_index::UInt32 end mutable struct Event <: Handle vks::VkEvent device::Device refcount::RefCounter destructor Event(vks::VkEvent, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkExportMetalSharedEventInfoEXT. Extension: VK\\_EXT\\_metal\\_objects [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMetalSharedEventInfoEXT.html) """ struct _ExportMetalSharedEventInfoEXT <: VulkanStruct{true} vks::VkExportMetalSharedEventInfoEXT deps::Vector{Any} semaphore::OptionalPtr{Semaphore} event::OptionalPtr{Event} end """ High-level wrapper for VkExportMetalSharedEventInfoEXT. Extension: VK\\_EXT\\_metal\\_objects [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMetalSharedEventInfoEXT.html) """ @struct_hash_equal struct ExportMetalSharedEventInfoEXT <: HighLevelStruct next::Any semaphore::OptionalPtr{Semaphore} event::OptionalPtr{Event} mtl_shared_event::Cvoid end mutable struct QueryPool <: Handle vks::VkQueryPool device::Device refcount::RefCounter destructor QueryPool(vks::VkQueryPool, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct Framebuffer <: Handle vks::VkFramebuffer device::Device refcount::RefCounter destructor Framebuffer(vks::VkFramebuffer, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct RenderPass <: Handle vks::VkRenderPass device::Device refcount::RefCounter destructor RenderPass(vks::VkRenderPass, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkGraphicsPipelineCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsPipelineCreateInfo.html) """ struct _GraphicsPipelineCreateInfo <: VulkanStruct{true} vks::VkGraphicsPipelineCreateInfo deps::Vector{Any} layout::OptionalPtr{PipelineLayout} render_pass::OptionalPtr{RenderPass} base_pipeline_handle::OptionalPtr{Pipeline} end """ Intermediate wrapper for VkCommandBufferInheritanceInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceInfo.html) """ struct _CommandBufferInheritanceInfo <: VulkanStruct{true} vks::VkCommandBufferInheritanceInfo deps::Vector{Any} render_pass::OptionalPtr{RenderPass} framebuffer::OptionalPtr{Framebuffer} end """ Intermediate wrapper for VkRenderPassBeginInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassBeginInfo.html) """ struct _RenderPassBeginInfo <: VulkanStruct{true} vks::VkRenderPassBeginInfo deps::Vector{Any} render_pass::RenderPass framebuffer::Framebuffer end """ Intermediate wrapper for VkFramebufferCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferCreateInfo.html) """ struct _FramebufferCreateInfo <: VulkanStruct{true} vks::VkFramebufferCreateInfo deps::Vector{Any} render_pass::RenderPass end """ Intermediate wrapper for VkSubpassShadingPipelineCreateInfoHUAWEI. Extension: VK\\_HUAWEI\\_subpass\\_shading [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassShadingPipelineCreateInfoHUAWEI.html) """ struct _SubpassShadingPipelineCreateInfoHUAWEI <: VulkanStruct{true} vks::VkSubpassShadingPipelineCreateInfoHUAWEI deps::Vector{Any} render_pass::RenderPass end """ High-level wrapper for VkRenderPassBeginInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassBeginInfo.html) """ @struct_hash_equal struct RenderPassBeginInfo <: HighLevelStruct next::Any render_pass::RenderPass framebuffer::Framebuffer render_area::Rect2D clear_values::Vector{ClearValue} end """ High-level wrapper for VkSubpassShadingPipelineCreateInfoHUAWEI. Extension: VK\\_HUAWEI\\_subpass\\_shading [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassShadingPipelineCreateInfoHUAWEI.html) """ @struct_hash_equal struct SubpassShadingPipelineCreateInfoHUAWEI <: HighLevelStruct next::Any render_pass::RenderPass subpass::UInt32 end mutable struct PipelineCache <: Handle vks::VkPipelineCache device::Device refcount::RefCounter destructor PipelineCache(vks::VkPipelineCache, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct IndirectCommandsLayoutNV <: Handle vks::VkIndirectCommandsLayoutNV device::Device refcount::RefCounter destructor IndirectCommandsLayoutNV(vks::VkIndirectCommandsLayoutNV, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkGeneratedCommandsInfoNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeneratedCommandsInfoNV.html) """ struct _GeneratedCommandsInfoNV <: VulkanStruct{true} vks::VkGeneratedCommandsInfoNV deps::Vector{Any} pipeline::Pipeline indirect_commands_layout::IndirectCommandsLayoutNV preprocess_buffer::Buffer sequences_count_buffer::OptionalPtr{Buffer} sequences_index_buffer::OptionalPtr{Buffer} end """ Intermediate wrapper for VkGeneratedCommandsMemoryRequirementsInfoNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeneratedCommandsMemoryRequirementsInfoNV.html) """ struct _GeneratedCommandsMemoryRequirementsInfoNV <: VulkanStruct{true} vks::VkGeneratedCommandsMemoryRequirementsInfoNV deps::Vector{Any} pipeline::Pipeline indirect_commands_layout::IndirectCommandsLayoutNV end mutable struct DescriptorUpdateTemplate <: Handle vks::VkDescriptorUpdateTemplate device::Device refcount::RefCounter destructor DescriptorUpdateTemplate(vks::VkDescriptorUpdateTemplate, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct SamplerYcbcrConversion <: Handle vks::VkSamplerYcbcrConversion device::Device refcount::RefCounter destructor SamplerYcbcrConversion(vks::VkSamplerYcbcrConversion, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkSamplerYcbcrConversionInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerYcbcrConversionInfo.html) """ struct _SamplerYcbcrConversionInfo <: VulkanStruct{true} vks::VkSamplerYcbcrConversionInfo deps::Vector{Any} conversion::SamplerYcbcrConversion end """ High-level wrapper for VkSamplerYcbcrConversionInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerYcbcrConversionInfo.html) """ @struct_hash_equal struct SamplerYcbcrConversionInfo <: HighLevelStruct next::Any conversion::SamplerYcbcrConversion end mutable struct ValidationCacheEXT <: Handle vks::VkValidationCacheEXT device::Device refcount::RefCounter destructor ValidationCacheEXT(vks::VkValidationCacheEXT, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkShaderModuleValidationCacheCreateInfoEXT. Extension: VK\\_EXT\\_validation\\_cache [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderModuleValidationCacheCreateInfoEXT.html) """ struct _ShaderModuleValidationCacheCreateInfoEXT <: VulkanStruct{true} vks::VkShaderModuleValidationCacheCreateInfoEXT deps::Vector{Any} validation_cache::ValidationCacheEXT end """ High-level wrapper for VkShaderModuleValidationCacheCreateInfoEXT. Extension: VK\\_EXT\\_validation\\_cache [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderModuleValidationCacheCreateInfoEXT.html) """ @struct_hash_equal struct ShaderModuleValidationCacheCreateInfoEXT <: HighLevelStruct next::Any validation_cache::ValidationCacheEXT end mutable struct AccelerationStructureKHR <: Handle vks::VkAccelerationStructureKHR device::Device refcount::RefCounter destructor AccelerationStructureKHR(vks::VkAccelerationStructureKHR, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkAccelerationStructureBuildGeometryInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureBuildGeometryInfoKHR.html) """ struct _AccelerationStructureBuildGeometryInfoKHR <: VulkanStruct{true} vks::VkAccelerationStructureBuildGeometryInfoKHR deps::Vector{Any} src_acceleration_structure::OptionalPtr{AccelerationStructureKHR} dst_acceleration_structure::OptionalPtr{AccelerationStructureKHR} end """ Intermediate wrapper for VkAccelerationStructureDeviceAddressInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureDeviceAddressInfoKHR.html) """ struct _AccelerationStructureDeviceAddressInfoKHR <: VulkanStruct{true} vks::VkAccelerationStructureDeviceAddressInfoKHR deps::Vector{Any} acceleration_structure::AccelerationStructureKHR end """ Intermediate wrapper for VkCopyAccelerationStructureInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyAccelerationStructureInfoKHR.html) """ struct _CopyAccelerationStructureInfoKHR <: VulkanStruct{true} vks::VkCopyAccelerationStructureInfoKHR deps::Vector{Any} src::AccelerationStructureKHR dst::AccelerationStructureKHR end """ Intermediate wrapper for VkCopyAccelerationStructureToMemoryInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyAccelerationStructureToMemoryInfoKHR.html) """ struct _CopyAccelerationStructureToMemoryInfoKHR <: VulkanStruct{true} vks::VkCopyAccelerationStructureToMemoryInfoKHR deps::Vector{Any} src::AccelerationStructureKHR end """ Intermediate wrapper for VkCopyMemoryToAccelerationStructureInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryToAccelerationStructureInfoKHR.html) """ struct _CopyMemoryToAccelerationStructureInfoKHR <: VulkanStruct{true} vks::VkCopyMemoryToAccelerationStructureInfoKHR deps::Vector{Any} dst::AccelerationStructureKHR end """ High-level wrapper for VkWriteDescriptorSetAccelerationStructureKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSetAccelerationStructureKHR.html) """ @struct_hash_equal struct WriteDescriptorSetAccelerationStructureKHR <: HighLevelStruct next::Any acceleration_structures::Vector{AccelerationStructureKHR} end """ High-level wrapper for VkAccelerationStructureDeviceAddressInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureDeviceAddressInfoKHR.html) """ @struct_hash_equal struct AccelerationStructureDeviceAddressInfoKHR <: HighLevelStruct next::Any acceleration_structure::AccelerationStructureKHR end mutable struct AccelerationStructureNV <: Handle vks::VkAccelerationStructureNV device::Device refcount::RefCounter destructor AccelerationStructureNV(vks::VkAccelerationStructureNV, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkBindAccelerationStructureMemoryInfoNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindAccelerationStructureMemoryInfoNV.html) """ struct _BindAccelerationStructureMemoryInfoNV <: VulkanStruct{true} vks::VkBindAccelerationStructureMemoryInfoNV deps::Vector{Any} acceleration_structure::AccelerationStructureNV memory::DeviceMemory end """ Intermediate wrapper for VkAccelerationStructureMemoryRequirementsInfoNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMemoryRequirementsInfoNV.html) """ struct _AccelerationStructureMemoryRequirementsInfoNV <: VulkanStruct{true} vks::VkAccelerationStructureMemoryRequirementsInfoNV deps::Vector{Any} acceleration_structure::AccelerationStructureNV end """ Intermediate wrapper for VkAccelerationStructureCaptureDescriptorDataInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureCaptureDescriptorDataInfoEXT.html) """ struct _AccelerationStructureCaptureDescriptorDataInfoEXT <: VulkanStruct{true} vks::VkAccelerationStructureCaptureDescriptorDataInfoEXT deps::Vector{Any} acceleration_structure::OptionalPtr{AccelerationStructureKHR} acceleration_structure_nv::OptionalPtr{AccelerationStructureNV} end """ High-level wrapper for VkBindAccelerationStructureMemoryInfoNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindAccelerationStructureMemoryInfoNV.html) """ @struct_hash_equal struct BindAccelerationStructureMemoryInfoNV <: HighLevelStruct next::Any acceleration_structure::AccelerationStructureNV memory::DeviceMemory memory_offset::UInt64 device_indices::Vector{UInt32} end """ High-level wrapper for VkWriteDescriptorSetAccelerationStructureNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSetAccelerationStructureNV.html) """ @struct_hash_equal struct WriteDescriptorSetAccelerationStructureNV <: HighLevelStruct next::Any acceleration_structures::Vector{AccelerationStructureNV} end """ High-level wrapper for VkAccelerationStructureCaptureDescriptorDataInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureCaptureDescriptorDataInfoEXT.html) """ @struct_hash_equal struct AccelerationStructureCaptureDescriptorDataInfoEXT <: HighLevelStruct next::Any acceleration_structure::OptionalPtr{AccelerationStructureKHR} acceleration_structure_nv::OptionalPtr{AccelerationStructureNV} end mutable struct PerformanceConfigurationINTEL <: Handle vks::VkPerformanceConfigurationINTEL device::Device refcount::RefCounter destructor PerformanceConfigurationINTEL(vks::VkPerformanceConfigurationINTEL, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct DeferredOperationKHR <: Handle vks::VkDeferredOperationKHR device::Device refcount::RefCounter destructor DeferredOperationKHR(vks::VkDeferredOperationKHR, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct PrivateDataSlot <: Handle vks::VkPrivateDataSlot device::Device refcount::RefCounter destructor PrivateDataSlot(vks::VkPrivateDataSlot, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct CuModuleNVX <: Handle vks::VkCuModuleNVX device::Device refcount::RefCounter destructor CuModuleNVX(vks::VkCuModuleNVX, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkCuFunctionCreateInfoNVX. Extension: VK\\_NVX\\_binary\\_import [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCuFunctionCreateInfoNVX.html) """ struct _CuFunctionCreateInfoNVX <: VulkanStruct{true} vks::VkCuFunctionCreateInfoNVX deps::Vector{Any} _module::CuModuleNVX end """ High-level wrapper for VkCuFunctionCreateInfoNVX. Extension: VK\\_NVX\\_binary\\_import [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCuFunctionCreateInfoNVX.html) """ @struct_hash_equal struct CuFunctionCreateInfoNVX <: HighLevelStruct next::Any _module::CuModuleNVX name::String end mutable struct CuFunctionNVX <: Handle vks::VkCuFunctionNVX device::Device refcount::RefCounter destructor CuFunctionNVX(vks::VkCuFunctionNVX, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkCuLaunchInfoNVX. Extension: VK\\_NVX\\_binary\\_import [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCuLaunchInfoNVX.html) """ struct _CuLaunchInfoNVX <: VulkanStruct{true} vks::VkCuLaunchInfoNVX deps::Vector{Any} _function::CuFunctionNVX end """ High-level wrapper for VkCuLaunchInfoNVX. Extension: VK\\_NVX\\_binary\\_import [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCuLaunchInfoNVX.html) """ @struct_hash_equal struct CuLaunchInfoNVX <: HighLevelStruct next::Any _function::CuFunctionNVX grid_dim_x::UInt32 grid_dim_y::UInt32 grid_dim_z::UInt32 block_dim_x::UInt32 block_dim_y::UInt32 block_dim_z::UInt32 shared_mem_bytes::UInt32 end mutable struct OpticalFlowSessionNV <: Handle vks::VkOpticalFlowSessionNV device::Device refcount::RefCounter destructor OpticalFlowSessionNV(vks::VkOpticalFlowSessionNV, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct MicromapEXT <: Handle vks::VkMicromapEXT device::Device refcount::RefCounter destructor MicromapEXT(vks::VkMicromapEXT, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkMicromapBuildInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapBuildInfoEXT.html) """ struct _MicromapBuildInfoEXT <: VulkanStruct{true} vks::VkMicromapBuildInfoEXT deps::Vector{Any} dst_micromap::OptionalPtr{MicromapEXT} end """ Intermediate wrapper for VkCopyMicromapInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMicromapInfoEXT.html) """ struct _CopyMicromapInfoEXT <: VulkanStruct{true} vks::VkCopyMicromapInfoEXT deps::Vector{Any} src::MicromapEXT dst::MicromapEXT end """ Intermediate wrapper for VkCopyMicromapToMemoryInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMicromapToMemoryInfoEXT.html) """ struct _CopyMicromapToMemoryInfoEXT <: VulkanStruct{true} vks::VkCopyMicromapToMemoryInfoEXT deps::Vector{Any} src::MicromapEXT end """ Intermediate wrapper for VkCopyMemoryToMicromapInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryToMicromapInfoEXT.html) """ struct _CopyMemoryToMicromapInfoEXT <: VulkanStruct{true} vks::VkCopyMemoryToMicromapInfoEXT deps::Vector{Any} dst::MicromapEXT end """ Intermediate wrapper for VkAccelerationStructureTrianglesOpacityMicromapEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureTrianglesOpacityMicromapEXT.html) """ struct _AccelerationStructureTrianglesOpacityMicromapEXT <: VulkanStruct{true} vks::VkAccelerationStructureTrianglesOpacityMicromapEXT deps::Vector{Any} micromap::MicromapEXT end mutable struct SwapchainKHR <: Handle vks::VkSwapchainKHR device::Device refcount::RefCounter destructor SwapchainKHR(vks::VkSwapchainKHR, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkImageSwapchainCreateInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSwapchainCreateInfoKHR.html) """ struct _ImageSwapchainCreateInfoKHR <: VulkanStruct{true} vks::VkImageSwapchainCreateInfoKHR deps::Vector{Any} swapchain::OptionalPtr{SwapchainKHR} end """ Intermediate wrapper for VkBindImageMemorySwapchainInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImageMemorySwapchainInfoKHR.html) """ struct _BindImageMemorySwapchainInfoKHR <: VulkanStruct{true} vks::VkBindImageMemorySwapchainInfoKHR deps::Vector{Any} swapchain::SwapchainKHR end """ Intermediate wrapper for VkAcquireNextImageInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAcquireNextImageInfoKHR.html) """ struct _AcquireNextImageInfoKHR <: VulkanStruct{true} vks::VkAcquireNextImageInfoKHR deps::Vector{Any} swapchain::SwapchainKHR semaphore::OptionalPtr{Semaphore} fence::OptionalPtr{Fence} end """ Intermediate wrapper for VkReleaseSwapchainImagesInfoEXT. Extension: VK\\_EXT\\_swapchain\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkReleaseSwapchainImagesInfoEXT.html) """ struct _ReleaseSwapchainImagesInfoEXT <: VulkanStruct{true} vks::VkReleaseSwapchainImagesInfoEXT deps::Vector{Any} swapchain::SwapchainKHR end """ High-level wrapper for VkImageSwapchainCreateInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSwapchainCreateInfoKHR.html) """ @struct_hash_equal struct ImageSwapchainCreateInfoKHR <: HighLevelStruct next::Any swapchain::OptionalPtr{SwapchainKHR} end """ High-level wrapper for VkBindImageMemorySwapchainInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImageMemorySwapchainInfoKHR.html) """ @struct_hash_equal struct BindImageMemorySwapchainInfoKHR <: HighLevelStruct next::Any swapchain::SwapchainKHR image_index::UInt32 end """ High-level wrapper for VkAcquireNextImageInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAcquireNextImageInfoKHR.html) """ @struct_hash_equal struct AcquireNextImageInfoKHR <: HighLevelStruct next::Any swapchain::SwapchainKHR timeout::UInt64 semaphore::OptionalPtr{Semaphore} fence::OptionalPtr{Fence} device_mask::UInt32 end """ High-level wrapper for VkReleaseSwapchainImagesInfoEXT. Extension: VK\\_EXT\\_swapchain\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkReleaseSwapchainImagesInfoEXT.html) """ @struct_hash_equal struct ReleaseSwapchainImagesInfoEXT <: HighLevelStruct next::Any swapchain::SwapchainKHR image_indices::Vector{UInt32} end mutable struct VideoSessionKHR <: Handle vks::VkVideoSessionKHR device::Device refcount::RefCounter destructor VideoSessionKHR(vks::VkVideoSessionKHR, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct VideoSessionParametersKHR <: Handle vks::VkVideoSessionParametersKHR video_session::VideoSessionKHR refcount::RefCounter destructor VideoSessionParametersKHR(vks::VkVideoSessionParametersKHR, video_session::VideoSessionKHR, refcount::RefCounter) = new(vks, video_session, refcount, undef) end """ Intermediate wrapper for VkVideoSessionParametersCreateInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionParametersCreateInfoKHR.html) """ struct _VideoSessionParametersCreateInfoKHR <: VulkanStruct{true} vks::VkVideoSessionParametersCreateInfoKHR deps::Vector{Any} video_session_parameters_template::OptionalPtr{VideoSessionParametersKHR} video_session::VideoSessionKHR end """ Intermediate wrapper for VkVideoBeginCodingInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoBeginCodingInfoKHR.html) """ struct _VideoBeginCodingInfoKHR <: VulkanStruct{true} vks::VkVideoBeginCodingInfoKHR deps::Vector{Any} video_session::VideoSessionKHR video_session_parameters::OptionalPtr{VideoSessionParametersKHR} end """ High-level wrapper for VkVideoSessionParametersCreateInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionParametersCreateInfoKHR.html) """ @struct_hash_equal struct VideoSessionParametersCreateInfoKHR <: HighLevelStruct next::Any flags::UInt32 video_session_parameters_template::OptionalPtr{VideoSessionParametersKHR} video_session::VideoSessionKHR end """ High-level wrapper for VkVideoBeginCodingInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoBeginCodingInfoKHR.html) """ @struct_hash_equal struct VideoBeginCodingInfoKHR <: HighLevelStruct next::Any flags::UInt32 video_session::VideoSessionKHR video_session_parameters::OptionalPtr{VideoSessionParametersKHR} reference_slots::Vector{VideoReferenceSlotInfoKHR} end mutable struct DisplayKHR <: Handle vks::VkDisplayKHR physical_device::PhysicalDevice refcount::RefCounter destructor DisplayKHR(vks::VkDisplayKHR, physical_device::PhysicalDevice, refcount::RefCounter) = new(vks, physical_device, refcount, undef) end mutable struct DisplayModeKHR <: Handle vks::VkDisplayModeKHR display::DisplayKHR refcount::RefCounter destructor DisplayModeKHR(vks::VkDisplayModeKHR, display::DisplayKHR, refcount::RefCounter) = new(vks, display, refcount, undef) end """ Intermediate wrapper for VkDisplayModePropertiesKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModePropertiesKHR.html) """ struct _DisplayModePropertiesKHR <: VulkanStruct{false} vks::VkDisplayModePropertiesKHR display_mode::DisplayModeKHR end """ Intermediate wrapper for VkDisplaySurfaceCreateInfoKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplaySurfaceCreateInfoKHR.html) """ struct _DisplaySurfaceCreateInfoKHR <: VulkanStruct{true} vks::VkDisplaySurfaceCreateInfoKHR deps::Vector{Any} display_mode::DisplayModeKHR end """ Intermediate wrapper for VkDisplayPlaneInfo2KHR. Extension: VK\\_KHR\\_get\\_display\\_properties2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneInfo2KHR.html) """ struct _DisplayPlaneInfo2KHR <: VulkanStruct{true} vks::VkDisplayPlaneInfo2KHR deps::Vector{Any} mode::DisplayModeKHR end """ High-level wrapper for VkDisplayModePropertiesKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModePropertiesKHR.html) """ @struct_hash_equal struct DisplayModePropertiesKHR <: HighLevelStruct display_mode::DisplayModeKHR parameters::DisplayModeParametersKHR end """ High-level wrapper for VkDisplayModeProperties2KHR. Extension: VK\\_KHR\\_get\\_display\\_properties2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModeProperties2KHR.html) """ @struct_hash_equal struct DisplayModeProperties2KHR <: HighLevelStruct next::Any display_mode_properties::DisplayModePropertiesKHR end """ High-level wrapper for VkDisplayPlaneInfo2KHR. Extension: VK\\_KHR\\_get\\_display\\_properties2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneInfo2KHR.html) """ @struct_hash_equal struct DisplayPlaneInfo2KHR <: HighLevelStruct next::Any mode::DisplayModeKHR plane_index::UInt32 end """ Intermediate wrapper for VkDisplayPropertiesKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPropertiesKHR.html) """ struct _DisplayPropertiesKHR <: VulkanStruct{true} vks::VkDisplayPropertiesKHR deps::Vector{Any} display::DisplayKHR end """ Intermediate wrapper for VkDisplayPlanePropertiesKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlanePropertiesKHR.html) """ struct _DisplayPlanePropertiesKHR <: VulkanStruct{false} vks::VkDisplayPlanePropertiesKHR current_display::DisplayKHR end """ High-level wrapper for VkDisplayPlanePropertiesKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlanePropertiesKHR.html) """ @struct_hash_equal struct DisplayPlanePropertiesKHR <: HighLevelStruct current_display::DisplayKHR current_stack_index::UInt32 end """ High-level wrapper for VkDisplayPlaneProperties2KHR. Extension: VK\\_KHR\\_get\\_display\\_properties2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneProperties2KHR.html) """ @struct_hash_equal struct DisplayPlaneProperties2KHR <: HighLevelStruct next::Any display_plane_properties::DisplayPlanePropertiesKHR end """ High-level wrapper for VkPhysicalDeviceGroupProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGroupProperties.html) """ @struct_hash_equal struct PhysicalDeviceGroupProperties <: HighLevelStruct next::Any physical_device_count::UInt32 physical_devices::NTuple{Int(VK_MAX_DEVICE_GROUP_SIZE), PhysicalDevice} subset_allocation::Bool end """ High-level wrapper for VkDeviceGroupDeviceCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupDeviceCreateInfo.html) """ @struct_hash_equal struct DeviceGroupDeviceCreateInfo <: HighLevelStruct next::Any physical_devices::Vector{PhysicalDevice} end mutable struct SurfaceKHR <: Handle vks::VkSurfaceKHR instance::Instance refcount::RefCounter destructor SurfaceKHR(vks::VkSurfaceKHR, instance::Instance, refcount::RefCounter) = new(vks, instance, refcount, undef) end """ Intermediate wrapper for VkSwapchainCreateInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainCreateInfoKHR.html) """ struct _SwapchainCreateInfoKHR <: VulkanStruct{true} vks::VkSwapchainCreateInfoKHR deps::Vector{Any} surface::SurfaceKHR old_swapchain::OptionalPtr{SwapchainKHR} end """ Intermediate wrapper for VkPhysicalDeviceSurfaceInfo2KHR. Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSurfaceInfo2KHR.html) """ struct _PhysicalDeviceSurfaceInfo2KHR <: VulkanStruct{true} vks::VkPhysicalDeviceSurfaceInfo2KHR deps::Vector{Any} surface::OptionalPtr{SurfaceKHR} end """ High-level wrapper for VkPhysicalDeviceSurfaceInfo2KHR. Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSurfaceInfo2KHR.html) """ @struct_hash_equal struct PhysicalDeviceSurfaceInfo2KHR <: HighLevelStruct next::Any surface::OptionalPtr{SurfaceKHR} end mutable struct DebugReportCallbackEXT <: Handle vks::VkDebugReportCallbackEXT instance::Instance refcount::RefCounter destructor DebugReportCallbackEXT(vks::VkDebugReportCallbackEXT, instance::Instance, refcount::RefCounter) = new(vks, instance, refcount, undef) end mutable struct DebugUtilsMessengerEXT <: Handle vks::VkDebugUtilsMessengerEXT instance::Instance refcount::RefCounter destructor DebugUtilsMessengerEXT(vks::VkDebugUtilsMessengerEXT, instance::Instance, refcount::RefCounter) = new(vks, instance, refcount, undef) end """ High-level wrapper for VkOpticalFlowExecuteInfoNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowExecuteInfoNV.html) """ @struct_hash_equal struct OpticalFlowExecuteInfoNV <: HighLevelStruct next::Any flags::OpticalFlowExecuteFlagNV regions::Vector{Rect2D} end """ High-level wrapper for VkOpticalFlowImageFormatInfoNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowImageFormatInfoNV.html) """ @struct_hash_equal struct OpticalFlowImageFormatInfoNV <: HighLevelStruct next::Any usage::OpticalFlowUsageFlagNV end """ High-level wrapper for VkPhysicalDeviceOpticalFlowPropertiesNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpticalFlowPropertiesNV.html) """ @struct_hash_equal struct PhysicalDeviceOpticalFlowPropertiesNV <: HighLevelStruct next::Any supported_output_grid_sizes::OpticalFlowGridSizeFlagNV supported_hint_grid_sizes::OpticalFlowGridSizeFlagNV hint_supported::Bool cost_supported::Bool bidirectional_flow_supported::Bool global_flow_supported::Bool min_width::UInt32 min_height::UInt32 max_width::UInt32 max_height::UInt32 max_num_regions_of_interest::UInt32 end """ High-level wrapper for VkImageCompressionControlEXT. Extension: VK\\_EXT\\_image\\_compression\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCompressionControlEXT.html) """ @struct_hash_equal struct ImageCompressionControlEXT <: HighLevelStruct next::Any flags::ImageCompressionFlagEXT fixed_rate_flags::Vector{ImageCompressionFixedRateFlagEXT} end """ High-level wrapper for VkImageCompressionPropertiesEXT. Extension: VK\\_EXT\\_image\\_compression\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCompressionPropertiesEXT.html) """ @struct_hash_equal struct ImageCompressionPropertiesEXT <: HighLevelStruct next::Any image_compression_flags::ImageCompressionFlagEXT image_compression_fixed_rate_flags::ImageCompressionFixedRateFlagEXT end """ High-level wrapper for VkInstanceCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkInstanceCreateInfo.html) """ @struct_hash_equal struct InstanceCreateInfo <: HighLevelStruct next::Any flags::InstanceCreateFlag application_info::OptionalPtr{ApplicationInfo} enabled_layer_names::Vector{String} enabled_extension_names::Vector{String} end """ High-level wrapper for VkExportMetalObjectCreateInfoEXT. Extension: VK\\_EXT\\_metal\\_objects [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMetalObjectCreateInfoEXT.html) """ @struct_hash_equal struct ExportMetalObjectCreateInfoEXT <: HighLevelStruct next::Any export_object_type::ExportMetalObjectTypeFlagEXT end """ High-level wrapper for VkVideoDecodeCapabilitiesKHR. Extension: VK\\_KHR\\_video\\_decode\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeCapabilitiesKHR.html) """ @struct_hash_equal struct VideoDecodeCapabilitiesKHR <: HighLevelStruct next::Any flags::VideoDecodeCapabilityFlagKHR end """ High-level wrapper for VkVideoDecodeUsageInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeUsageInfoKHR.html) """ @struct_hash_equal struct VideoDecodeUsageInfoKHR <: HighLevelStruct next::Any video_usage_hints::VideoDecodeUsageFlagKHR end """ High-level wrapper for VkVideoCodingControlInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoCodingControlInfoKHR.html) """ @struct_hash_equal struct VideoCodingControlInfoKHR <: HighLevelStruct next::Any flags::VideoCodingControlFlagKHR end """ High-level wrapper for VkVideoDecodeH264ProfileInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h264 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264ProfileInfoKHR.html) """ @struct_hash_equal struct VideoDecodeH264ProfileInfoKHR <: HighLevelStruct next::Any std_profile_idc::StdVideoH264ProfileIdc picture_layout::VideoDecodeH264PictureLayoutFlagKHR end """ High-level wrapper for VkVideoCapabilitiesKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoCapabilitiesKHR.html) """ @struct_hash_equal struct VideoCapabilitiesKHR <: HighLevelStruct next::Any flags::VideoCapabilityFlagKHR min_bitstream_buffer_offset_alignment::UInt64 min_bitstream_buffer_size_alignment::UInt64 picture_access_granularity::Extent2D min_coded_extent::Extent2D max_coded_extent::Extent2D max_dpb_slots::UInt32 max_active_reference_pictures::UInt32 std_header_version::ExtensionProperties end """ High-level wrapper for VkQueueFamilyVideoPropertiesKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyVideoPropertiesKHR.html) """ @struct_hash_equal struct QueueFamilyVideoPropertiesKHR <: HighLevelStruct next::Any video_codec_operations::VideoCodecOperationFlagKHR end """ High-level wrapper for VkVideoProfileInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoProfileInfoKHR.html) """ @struct_hash_equal struct VideoProfileInfoKHR <: HighLevelStruct next::Any video_codec_operation::VideoCodecOperationFlagKHR chroma_subsampling::VideoChromaSubsamplingFlagKHR luma_bit_depth::VideoComponentBitDepthFlagKHR chroma_bit_depth::VideoComponentBitDepthFlagKHR end """ High-level wrapper for VkVideoProfileListInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoProfileListInfoKHR.html) """ @struct_hash_equal struct VideoProfileListInfoKHR <: HighLevelStruct next::Any profiles::Vector{VideoProfileInfoKHR} end """ High-level wrapper for VkSurfacePresentScalingCapabilitiesEXT. Extension: VK\\_EXT\\_surface\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfacePresentScalingCapabilitiesEXT.html) """ @struct_hash_equal struct SurfacePresentScalingCapabilitiesEXT <: HighLevelStruct next::Any supported_present_scaling::PresentScalingFlagEXT supported_present_gravity_x::PresentGravityFlagEXT supported_present_gravity_y::PresentGravityFlagEXT min_scaled_image_extent::OptionalPtr{Extent2D} max_scaled_image_extent::OptionalPtr{Extent2D} end """ High-level wrapper for VkSwapchainPresentScalingCreateInfoEXT. Extension: VK\\_EXT\\_swapchain\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentScalingCreateInfoEXT.html) """ @struct_hash_equal struct SwapchainPresentScalingCreateInfoEXT <: HighLevelStruct next::Any scaling_behavior::PresentScalingFlagEXT present_gravity_x::PresentGravityFlagEXT present_gravity_y::PresentGravityFlagEXT end """ High-level wrapper for VkGraphicsPipelineLibraryCreateInfoEXT. Extension: VK\\_EXT\\_graphics\\_pipeline\\_library [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsPipelineLibraryCreateInfoEXT.html) """ @struct_hash_equal struct GraphicsPipelineLibraryCreateInfoEXT <: HighLevelStruct next::Any flags::GraphicsPipelineLibraryFlagEXT end """ High-level wrapper for VkEventCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkEventCreateInfo.html) """ @struct_hash_equal struct EventCreateInfo <: HighLevelStruct next::Any flags::EventCreateFlag end """ High-level wrapper for VkSubmitInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubmitInfo2.html) """ @struct_hash_equal struct SubmitInfo2 <: HighLevelStruct next::Any flags::SubmitFlag wait_semaphore_infos::Vector{SemaphoreSubmitInfo} command_buffer_infos::Vector{CommandBufferSubmitInfo} signal_semaphore_infos::Vector{SemaphoreSubmitInfo} end """ High-level wrapper for VkPhysicalDeviceToolProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceToolProperties.html) """ @struct_hash_equal struct PhysicalDeviceToolProperties <: HighLevelStruct next::Any name::String version::String purposes::ToolPurposeFlag description::String layer::String end """ High-level wrapper for VkPipelineCompilerControlCreateInfoAMD. Extension: VK\\_AMD\\_pipeline\\_compiler\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCompilerControlCreateInfoAMD.html) """ @struct_hash_equal struct PipelineCompilerControlCreateInfoAMD <: HighLevelStruct next::Any compiler_control_flags::PipelineCompilerControlFlagAMD end """ High-level wrapper for VkPhysicalDeviceShaderCoreProperties2AMD. Extension: VK\\_AMD\\_shader\\_core\\_properties2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCoreProperties2AMD.html) """ @struct_hash_equal struct PhysicalDeviceShaderCoreProperties2AMD <: HighLevelStruct next::Any shader_core_features::ShaderCorePropertiesFlagAMD active_compute_unit_count::UInt32 end """ High-level wrapper for VkAcquireProfilingLockInfoKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAcquireProfilingLockInfoKHR.html) """ @struct_hash_equal struct AcquireProfilingLockInfoKHR <: HighLevelStruct next::Any flags::AcquireProfilingLockFlagKHR timeout::UInt64 end """ High-level wrapper for VkPerformanceCounterDescriptionKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceCounterDescriptionKHR.html) """ @struct_hash_equal struct PerformanceCounterDescriptionKHR <: HighLevelStruct next::Any flags::PerformanceCounterDescriptionFlagKHR name::String category::String description::String end """ High-level wrapper for VkPipelineCreationFeedback. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCreationFeedback.html) """ @struct_hash_equal struct PipelineCreationFeedback <: HighLevelStruct flags::PipelineCreationFeedbackFlag duration::UInt64 end """ High-level wrapper for VkPipelineCreationFeedbackCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCreationFeedbackCreateInfo.html) """ @struct_hash_equal struct PipelineCreationFeedbackCreateInfo <: HighLevelStruct next::Any pipeline_creation_feedback::PipelineCreationFeedback pipeline_stage_creation_feedbacks::Vector{PipelineCreationFeedback} end """ High-level wrapper for VkDeviceDiagnosticsConfigCreateInfoNV. Extension: VK\\_NV\\_device\\_diagnostics\\_config [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceDiagnosticsConfigCreateInfoNV.html) """ @struct_hash_equal struct DeviceDiagnosticsConfigCreateInfoNV <: HighLevelStruct next::Any flags::DeviceDiagnosticsConfigFlagNV end """ High-level wrapper for VkFramebufferCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferCreateInfo.html) """ @struct_hash_equal struct FramebufferCreateInfo <: HighLevelStruct next::Any flags::FramebufferCreateFlag render_pass::RenderPass attachments::Vector{ImageView} width::UInt32 height::UInt32 layers::UInt32 end """ High-level wrapper for VkAccelerationStructureInstanceKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureInstanceKHR.html) """ @struct_hash_equal struct AccelerationStructureInstanceKHR <: HighLevelStruct transform::TransformMatrixKHR instance_custom_index::UInt32 mask::UInt32 instance_shader_binding_table_record_offset::UInt32 flags::GeometryInstanceFlagKHR acceleration_structure_reference::UInt64 end """ High-level wrapper for VkAccelerationStructureSRTMotionInstanceNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureSRTMotionInstanceNV.html) """ @struct_hash_equal struct AccelerationStructureSRTMotionInstanceNV <: HighLevelStruct transform_t_0::SRTDataNV transform_t_1::SRTDataNV instance_custom_index::UInt32 mask::UInt32 instance_shader_binding_table_record_offset::UInt32 flags::GeometryInstanceFlagKHR acceleration_structure_reference::UInt64 end """ High-level wrapper for VkAccelerationStructureMatrixMotionInstanceNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMatrixMotionInstanceNV.html) """ @struct_hash_equal struct AccelerationStructureMatrixMotionInstanceNV <: HighLevelStruct transform_t_0::TransformMatrixKHR transform_t_1::TransformMatrixKHR instance_custom_index::UInt32 mask::UInt32 instance_shader_binding_table_record_offset::UInt32 flags::GeometryInstanceFlagKHR acceleration_structure_reference::UInt64 end """ High-level wrapper for VkPhysicalDeviceDepthStencilResolveProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthStencilResolveProperties.html) """ @struct_hash_equal struct PhysicalDeviceDepthStencilResolveProperties <: HighLevelStruct next::Any supported_depth_resolve_modes::ResolveModeFlag supported_stencil_resolve_modes::ResolveModeFlag independent_resolve_none::Bool independent_resolve::Bool end """ High-level wrapper for VkConditionalRenderingBeginInfoEXT. Extension: VK\\_EXT\\_conditional\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkConditionalRenderingBeginInfoEXT.html) """ @struct_hash_equal struct ConditionalRenderingBeginInfoEXT <: HighLevelStruct next::Any buffer::Buffer offset::UInt64 flags::ConditionalRenderingFlagEXT end """ High-level wrapper for VkDescriptorSetLayoutBindingFlagsCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutBindingFlagsCreateInfo.html) """ @struct_hash_equal struct DescriptorSetLayoutBindingFlagsCreateInfo <: HighLevelStruct next::Any binding_flags::Vector{DescriptorBindingFlag} end """ High-level wrapper for VkDebugUtilsMessengerCreateInfoEXT. Extension: VK\\_EXT\\_debug\\_utils [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsMessengerCreateInfoEXT.html) """ @struct_hash_equal struct DebugUtilsMessengerCreateInfoEXT <: HighLevelStruct next::Any flags::UInt32 message_severity::DebugUtilsMessageSeverityFlagEXT message_type::DebugUtilsMessageTypeFlagEXT pfn_user_callback::FunctionPtr user_data::OptionalPtr{Ptr{Cvoid}} end """ High-level wrapper for VkDeviceGroupPresentCapabilitiesKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupPresentCapabilitiesKHR.html) """ @struct_hash_equal struct DeviceGroupPresentCapabilitiesKHR <: HighLevelStruct next::Any present_mask::NTuple{Int(VK_MAX_DEVICE_GROUP_SIZE), UInt32} modes::DeviceGroupPresentModeFlagKHR end """ High-level wrapper for VkDeviceGroupPresentInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupPresentInfoKHR.html) """ @struct_hash_equal struct DeviceGroupPresentInfoKHR <: HighLevelStruct next::Any device_masks::Vector{UInt32} mode::DeviceGroupPresentModeFlagKHR end """ High-level wrapper for VkDeviceGroupSwapchainCreateInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupSwapchainCreateInfoKHR.html) """ @struct_hash_equal struct DeviceGroupSwapchainCreateInfoKHR <: HighLevelStruct next::Any modes::DeviceGroupPresentModeFlagKHR end """ High-level wrapper for VkMemoryAllocateFlagsInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryAllocateFlagsInfo.html) """ @struct_hash_equal struct MemoryAllocateFlagsInfo <: HighLevelStruct next::Any flags::MemoryAllocateFlag device_mask::UInt32 end """ High-level wrapper for VkSwapchainCounterCreateInfoEXT. Extension: VK\\_EXT\\_display\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainCounterCreateInfoEXT.html) """ @struct_hash_equal struct SwapchainCounterCreateInfoEXT <: HighLevelStruct next::Any surface_counters::SurfaceCounterFlagEXT end """ High-level wrapper for VkPhysicalDeviceExternalFenceInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalFenceInfo.html) """ @struct_hash_equal struct PhysicalDeviceExternalFenceInfo <: HighLevelStruct next::Any handle_type::ExternalFenceHandleTypeFlag end """ High-level wrapper for VkExternalFenceProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalFenceProperties.html) """ @struct_hash_equal struct ExternalFenceProperties <: HighLevelStruct next::Any export_from_imported_handle_types::ExternalFenceHandleTypeFlag compatible_handle_types::ExternalFenceHandleTypeFlag external_fence_features::ExternalFenceFeatureFlag end """ High-level wrapper for VkExportFenceCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportFenceCreateInfo.html) """ @struct_hash_equal struct ExportFenceCreateInfo <: HighLevelStruct next::Any handle_types::ExternalFenceHandleTypeFlag end """ High-level wrapper for VkImportFenceFdInfoKHR. Extension: VK\\_KHR\\_external\\_fence\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportFenceFdInfoKHR.html) """ @struct_hash_equal struct ImportFenceFdInfoKHR <: HighLevelStruct next::Any fence::Fence flags::FenceImportFlag handle_type::ExternalFenceHandleTypeFlag fd::Int end """ High-level wrapper for VkFenceGetFdInfoKHR. Extension: VK\\_KHR\\_external\\_fence\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFenceGetFdInfoKHR.html) """ @struct_hash_equal struct FenceGetFdInfoKHR <: HighLevelStruct next::Any fence::Fence handle_type::ExternalFenceHandleTypeFlag end """ High-level wrapper for VkPhysicalDeviceExternalSemaphoreInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalSemaphoreInfo.html) """ @struct_hash_equal struct PhysicalDeviceExternalSemaphoreInfo <: HighLevelStruct next::Any handle_type::ExternalSemaphoreHandleTypeFlag end """ High-level wrapper for VkExternalSemaphoreProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalSemaphoreProperties.html) """ @struct_hash_equal struct ExternalSemaphoreProperties <: HighLevelStruct next::Any export_from_imported_handle_types::ExternalSemaphoreHandleTypeFlag compatible_handle_types::ExternalSemaphoreHandleTypeFlag external_semaphore_features::ExternalSemaphoreFeatureFlag end """ High-level wrapper for VkExportSemaphoreCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportSemaphoreCreateInfo.html) """ @struct_hash_equal struct ExportSemaphoreCreateInfo <: HighLevelStruct next::Any handle_types::ExternalSemaphoreHandleTypeFlag end """ High-level wrapper for VkImportSemaphoreFdInfoKHR. Extension: VK\\_KHR\\_external\\_semaphore\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportSemaphoreFdInfoKHR.html) """ @struct_hash_equal struct ImportSemaphoreFdInfoKHR <: HighLevelStruct next::Any semaphore::Semaphore flags::SemaphoreImportFlag handle_type::ExternalSemaphoreHandleTypeFlag fd::Int end """ High-level wrapper for VkSemaphoreGetFdInfoKHR. Extension: VK\\_KHR\\_external\\_semaphore\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreGetFdInfoKHR.html) """ @struct_hash_equal struct SemaphoreGetFdInfoKHR <: HighLevelStruct next::Any semaphore::Semaphore handle_type::ExternalSemaphoreHandleTypeFlag end """ High-level wrapper for VkExternalMemoryProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryProperties.html) """ @struct_hash_equal struct ExternalMemoryProperties <: HighLevelStruct external_memory_features::ExternalMemoryFeatureFlag export_from_imported_handle_types::ExternalMemoryHandleTypeFlag compatible_handle_types::ExternalMemoryHandleTypeFlag end """ High-level wrapper for VkExternalImageFormatProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalImageFormatProperties.html) """ @struct_hash_equal struct ExternalImageFormatProperties <: HighLevelStruct next::Any external_memory_properties::ExternalMemoryProperties end """ High-level wrapper for VkExternalBufferProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalBufferProperties.html) """ @struct_hash_equal struct ExternalBufferProperties <: HighLevelStruct next::Any external_memory_properties::ExternalMemoryProperties end """ High-level wrapper for VkPhysicalDeviceExternalImageFormatInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalImageFormatInfo.html) """ @struct_hash_equal struct PhysicalDeviceExternalImageFormatInfo <: HighLevelStruct next::Any handle_type::ExternalMemoryHandleTypeFlag end """ High-level wrapper for VkExternalMemoryImageCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryImageCreateInfo.html) """ @struct_hash_equal struct ExternalMemoryImageCreateInfo <: HighLevelStruct next::Any handle_types::ExternalMemoryHandleTypeFlag end """ High-level wrapper for VkExternalMemoryBufferCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryBufferCreateInfo.html) """ @struct_hash_equal struct ExternalMemoryBufferCreateInfo <: HighLevelStruct next::Any handle_types::ExternalMemoryHandleTypeFlag end """ High-level wrapper for VkExportMemoryAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMemoryAllocateInfo.html) """ @struct_hash_equal struct ExportMemoryAllocateInfo <: HighLevelStruct next::Any handle_types::ExternalMemoryHandleTypeFlag end """ High-level wrapper for VkImportMemoryFdInfoKHR. Extension: VK\\_KHR\\_external\\_memory\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMemoryFdInfoKHR.html) """ @struct_hash_equal struct ImportMemoryFdInfoKHR <: HighLevelStruct next::Any handle_type::ExternalMemoryHandleTypeFlag fd::Int end """ High-level wrapper for VkMemoryGetFdInfoKHR. Extension: VK\\_KHR\\_external\\_memory\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryGetFdInfoKHR.html) """ @struct_hash_equal struct MemoryGetFdInfoKHR <: HighLevelStruct next::Any memory::DeviceMemory handle_type::ExternalMemoryHandleTypeFlag end """ High-level wrapper for VkImportMemoryHostPointerInfoEXT. Extension: VK\\_EXT\\_external\\_memory\\_host [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMemoryHostPointerInfoEXT.html) """ @struct_hash_equal struct ImportMemoryHostPointerInfoEXT <: HighLevelStruct next::Any handle_type::ExternalMemoryHandleTypeFlag host_pointer::Ptr{Cvoid} end """ High-level wrapper for VkMemoryGetRemoteAddressInfoNV. Extension: VK\\_NV\\_external\\_memory\\_rdma [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryGetRemoteAddressInfoNV.html) """ @struct_hash_equal struct MemoryGetRemoteAddressInfoNV <: HighLevelStruct next::Any memory::DeviceMemory handle_type::ExternalMemoryHandleTypeFlag end """ High-level wrapper for VkExternalMemoryImageCreateInfoNV. Extension: VK\\_NV\\_external\\_memory [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryImageCreateInfoNV.html) """ @struct_hash_equal struct ExternalMemoryImageCreateInfoNV <: HighLevelStruct next::Any handle_types::ExternalMemoryHandleTypeFlagNV end """ High-level wrapper for VkExportMemoryAllocateInfoNV. Extension: VK\\_NV\\_external\\_memory [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMemoryAllocateInfoNV.html) """ @struct_hash_equal struct ExportMemoryAllocateInfoNV <: HighLevelStruct next::Any handle_types::ExternalMemoryHandleTypeFlagNV end """ High-level wrapper for VkDebugReportCallbackCreateInfoEXT. Extension: VK\\_EXT\\_debug\\_report [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugReportCallbackCreateInfoEXT.html) """ @struct_hash_equal struct DebugReportCallbackCreateInfoEXT <: HighLevelStruct next::Any flags::DebugReportFlagEXT pfn_callback::FunctionPtr user_data::OptionalPtr{Ptr{Cvoid}} end """ High-level wrapper for VkDisplayPropertiesKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPropertiesKHR.html) """ @struct_hash_equal struct DisplayPropertiesKHR <: HighLevelStruct display::DisplayKHR display_name::String physical_dimensions::Extent2D physical_resolution::Extent2D supported_transforms::SurfaceTransformFlagKHR plane_reorder_possible::Bool persistent_content::Bool end """ High-level wrapper for VkDisplayProperties2KHR. Extension: VK\\_KHR\\_get\\_display\\_properties2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayProperties2KHR.html) """ @struct_hash_equal struct DisplayProperties2KHR <: HighLevelStruct next::Any display_properties::DisplayPropertiesKHR end """ High-level wrapper for VkRenderPassTransformBeginInfoQCOM. Extension: VK\\_QCOM\\_render\\_pass\\_transform [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassTransformBeginInfoQCOM.html) """ @struct_hash_equal struct RenderPassTransformBeginInfoQCOM <: HighLevelStruct next::Any transform::SurfaceTransformFlagKHR end """ High-level wrapper for VkCopyCommandTransformInfoQCOM. Extension: VK\\_QCOM\\_rotated\\_copy\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyCommandTransformInfoQCOM.html) """ @struct_hash_equal struct CopyCommandTransformInfoQCOM <: HighLevelStruct next::Any transform::SurfaceTransformFlagKHR end """ High-level wrapper for VkCommandBufferInheritanceRenderPassTransformInfoQCOM. Extension: VK\\_QCOM\\_render\\_pass\\_transform [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceRenderPassTransformInfoQCOM.html) """ @struct_hash_equal struct CommandBufferInheritanceRenderPassTransformInfoQCOM <: HighLevelStruct next::Any transform::SurfaceTransformFlagKHR render_area::Rect2D end """ High-level wrapper for VkDisplayPlaneCapabilitiesKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneCapabilitiesKHR.html) """ @struct_hash_equal struct DisplayPlaneCapabilitiesKHR <: HighLevelStruct supported_alpha::DisplayPlaneAlphaFlagKHR min_src_position::Offset2D max_src_position::Offset2D min_src_extent::Extent2D max_src_extent::Extent2D min_dst_position::Offset2D max_dst_position::Offset2D min_dst_extent::Extent2D max_dst_extent::Extent2D end """ High-level wrapper for VkDisplayPlaneCapabilities2KHR. Extension: VK\\_KHR\\_get\\_display\\_properties2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneCapabilities2KHR.html) """ @struct_hash_equal struct DisplayPlaneCapabilities2KHR <: HighLevelStruct next::Any capabilities::DisplayPlaneCapabilitiesKHR end """ High-level wrapper for VkDisplaySurfaceCreateInfoKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplaySurfaceCreateInfoKHR.html) """ @struct_hash_equal struct DisplaySurfaceCreateInfoKHR <: HighLevelStruct next::Any flags::UInt32 display_mode::DisplayModeKHR plane_index::UInt32 plane_stack_index::UInt32 transform::SurfaceTransformFlagKHR global_alpha::Float32 alpha_mode::DisplayPlaneAlphaFlagKHR image_extent::Extent2D end """ High-level wrapper for VkSemaphoreWaitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreWaitInfo.html) """ @struct_hash_equal struct SemaphoreWaitInfo <: HighLevelStruct next::Any flags::SemaphoreWaitFlag semaphores::Vector{Semaphore} values::Vector{UInt64} end """ High-level wrapper for VkImageFormatProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageFormatProperties.html) """ @struct_hash_equal struct ImageFormatProperties <: HighLevelStruct max_extent::Extent3D max_mip_levels::UInt32 max_array_layers::UInt32 sample_counts::SampleCountFlag max_resource_size::UInt64 end """ High-level wrapper for VkExternalImageFormatPropertiesNV. Extension: VK\\_NV\\_external\\_memory\\_capabilities [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalImageFormatPropertiesNV.html) """ @struct_hash_equal struct ExternalImageFormatPropertiesNV <: HighLevelStruct image_format_properties::ImageFormatProperties external_memory_features::ExternalMemoryFeatureFlagNV export_from_imported_handle_types::ExternalMemoryHandleTypeFlagNV compatible_handle_types::ExternalMemoryHandleTypeFlagNV end """ High-level wrapper for VkImageFormatProperties2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageFormatProperties2.html) """ @struct_hash_equal struct ImageFormatProperties2 <: HighLevelStruct next::Any image_format_properties::ImageFormatProperties end """ High-level wrapper for VkPipelineMultisampleStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineMultisampleStateCreateInfo.html) """ @struct_hash_equal struct PipelineMultisampleStateCreateInfo <: HighLevelStruct next::Any flags::UInt32 rasterization_samples::SampleCountFlag sample_shading_enable::Bool min_sample_shading::Float32 sample_mask::OptionalPtr{Vector{UInt32}} alpha_to_coverage_enable::Bool alpha_to_one_enable::Bool end """ High-level wrapper for VkPhysicalDeviceLimits. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLimits.html) """ @struct_hash_equal struct PhysicalDeviceLimits <: HighLevelStruct max_image_dimension_1_d::UInt32 max_image_dimension_2_d::UInt32 max_image_dimension_3_d::UInt32 max_image_dimension_cube::UInt32 max_image_array_layers::UInt32 max_texel_buffer_elements::UInt32 max_uniform_buffer_range::UInt32 max_storage_buffer_range::UInt32 max_push_constants_size::UInt32 max_memory_allocation_count::UInt32 max_sampler_allocation_count::UInt32 buffer_image_granularity::UInt64 sparse_address_space_size::UInt64 max_bound_descriptor_sets::UInt32 max_per_stage_descriptor_samplers::UInt32 max_per_stage_descriptor_uniform_buffers::UInt32 max_per_stage_descriptor_storage_buffers::UInt32 max_per_stage_descriptor_sampled_images::UInt32 max_per_stage_descriptor_storage_images::UInt32 max_per_stage_descriptor_input_attachments::UInt32 max_per_stage_resources::UInt32 max_descriptor_set_samplers::UInt32 max_descriptor_set_uniform_buffers::UInt32 max_descriptor_set_uniform_buffers_dynamic::UInt32 max_descriptor_set_storage_buffers::UInt32 max_descriptor_set_storage_buffers_dynamic::UInt32 max_descriptor_set_sampled_images::UInt32 max_descriptor_set_storage_images::UInt32 max_descriptor_set_input_attachments::UInt32 max_vertex_input_attributes::UInt32 max_vertex_input_bindings::UInt32 max_vertex_input_attribute_offset::UInt32 max_vertex_input_binding_stride::UInt32 max_vertex_output_components::UInt32 max_tessellation_generation_level::UInt32 max_tessellation_patch_size::UInt32 max_tessellation_control_per_vertex_input_components::UInt32 max_tessellation_control_per_vertex_output_components::UInt32 max_tessellation_control_per_patch_output_components::UInt32 max_tessellation_control_total_output_components::UInt32 max_tessellation_evaluation_input_components::UInt32 max_tessellation_evaluation_output_components::UInt32 max_geometry_shader_invocations::UInt32 max_geometry_input_components::UInt32 max_geometry_output_components::UInt32 max_geometry_output_vertices::UInt32 max_geometry_total_output_components::UInt32 max_fragment_input_components::UInt32 max_fragment_output_attachments::UInt32 max_fragment_dual_src_attachments::UInt32 max_fragment_combined_output_resources::UInt32 max_compute_shared_memory_size::UInt32 max_compute_work_group_count::NTuple{3, UInt32} max_compute_work_group_invocations::UInt32 max_compute_work_group_size::NTuple{3, UInt32} sub_pixel_precision_bits::UInt32 sub_texel_precision_bits::UInt32 mipmap_precision_bits::UInt32 max_draw_indexed_index_value::UInt32 max_draw_indirect_count::UInt32 max_sampler_lod_bias::Float32 max_sampler_anisotropy::Float32 max_viewports::UInt32 max_viewport_dimensions::NTuple{2, UInt32} viewport_bounds_range::NTuple{2, Float32} viewport_sub_pixel_bits::UInt32 min_memory_map_alignment::UInt min_texel_buffer_offset_alignment::UInt64 min_uniform_buffer_offset_alignment::UInt64 min_storage_buffer_offset_alignment::UInt64 min_texel_offset::Int32 max_texel_offset::UInt32 min_texel_gather_offset::Int32 max_texel_gather_offset::UInt32 min_interpolation_offset::Float32 max_interpolation_offset::Float32 sub_pixel_interpolation_offset_bits::UInt32 max_framebuffer_width::UInt32 max_framebuffer_height::UInt32 max_framebuffer_layers::UInt32 framebuffer_color_sample_counts::SampleCountFlag framebuffer_depth_sample_counts::SampleCountFlag framebuffer_stencil_sample_counts::SampleCountFlag framebuffer_no_attachments_sample_counts::SampleCountFlag max_color_attachments::UInt32 sampled_image_color_sample_counts::SampleCountFlag sampled_image_integer_sample_counts::SampleCountFlag sampled_image_depth_sample_counts::SampleCountFlag sampled_image_stencil_sample_counts::SampleCountFlag storage_image_sample_counts::SampleCountFlag max_sample_mask_words::UInt32 timestamp_compute_and_graphics::Bool timestamp_period::Float32 max_clip_distances::UInt32 max_cull_distances::UInt32 max_combined_clip_and_cull_distances::UInt32 discrete_queue_priorities::UInt32 point_size_range::NTuple{2, Float32} line_width_range::NTuple{2, Float32} point_size_granularity::Float32 line_width_granularity::Float32 strict_lines::Bool standard_sample_locations::Bool optimal_buffer_copy_offset_alignment::UInt64 optimal_buffer_copy_row_pitch_alignment::UInt64 non_coherent_atom_size::UInt64 end """ High-level wrapper for VkSampleLocationsInfoEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSampleLocationsInfoEXT.html) """ @struct_hash_equal struct SampleLocationsInfoEXT <: HighLevelStruct next::Any sample_locations_per_pixel::SampleCountFlag sample_location_grid_size::Extent2D sample_locations::Vector{SampleLocationEXT} end """ High-level wrapper for VkAttachmentSampleLocationsEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentSampleLocationsEXT.html) """ @struct_hash_equal struct AttachmentSampleLocationsEXT <: HighLevelStruct attachment_index::UInt32 sample_locations_info::SampleLocationsInfoEXT end """ High-level wrapper for VkSubpassSampleLocationsEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassSampleLocationsEXT.html) """ @struct_hash_equal struct SubpassSampleLocationsEXT <: HighLevelStruct subpass_index::UInt32 sample_locations_info::SampleLocationsInfoEXT end """ High-level wrapper for VkRenderPassSampleLocationsBeginInfoEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassSampleLocationsBeginInfoEXT.html) """ @struct_hash_equal struct RenderPassSampleLocationsBeginInfoEXT <: HighLevelStruct next::Any attachment_initial_sample_locations::Vector{AttachmentSampleLocationsEXT} post_subpass_sample_locations::Vector{SubpassSampleLocationsEXT} end """ High-level wrapper for VkPipelineSampleLocationsStateCreateInfoEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineSampleLocationsStateCreateInfoEXT.html) """ @struct_hash_equal struct PipelineSampleLocationsStateCreateInfoEXT <: HighLevelStruct next::Any sample_locations_enable::Bool sample_locations_info::SampleLocationsInfoEXT end """ High-level wrapper for VkPhysicalDeviceSampleLocationsPropertiesEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSampleLocationsPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceSampleLocationsPropertiesEXT <: HighLevelStruct next::Any sample_location_sample_counts::SampleCountFlag max_sample_location_grid_size::Extent2D sample_location_coordinate_range::NTuple{2, Float32} sample_location_sub_pixel_bits::UInt32 variable_sample_locations::Bool end """ High-level wrapper for VkPhysicalDeviceFragmentShadingRatePropertiesKHR. Extension: VK\\_KHR\\_fragment\\_shading\\_rate [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRatePropertiesKHR.html) """ @struct_hash_equal struct PhysicalDeviceFragmentShadingRatePropertiesKHR <: HighLevelStruct next::Any min_fragment_shading_rate_attachment_texel_size::Extent2D max_fragment_shading_rate_attachment_texel_size::Extent2D max_fragment_shading_rate_attachment_texel_size_aspect_ratio::UInt32 primitive_fragment_shading_rate_with_multiple_viewports::Bool layered_shading_rate_attachments::Bool fragment_shading_rate_non_trivial_combiner_ops::Bool max_fragment_size::Extent2D max_fragment_size_aspect_ratio::UInt32 max_fragment_shading_rate_coverage_samples::UInt32 max_fragment_shading_rate_rasterization_samples::SampleCountFlag fragment_shading_rate_with_shader_depth_stencil_writes::Bool fragment_shading_rate_with_sample_mask::Bool fragment_shading_rate_with_shader_sample_mask::Bool fragment_shading_rate_with_conservative_rasterization::Bool fragment_shading_rate_with_fragment_shader_interlock::Bool fragment_shading_rate_with_custom_sample_locations::Bool fragment_shading_rate_strict_multiply_combiner::Bool end """ High-level wrapper for VkPhysicalDeviceFragmentShadingRateKHR. Extension: VK\\_KHR\\_fragment\\_shading\\_rate [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateKHR.html) """ @struct_hash_equal struct PhysicalDeviceFragmentShadingRateKHR <: HighLevelStruct next::Any sample_counts::SampleCountFlag fragment_size::Extent2D end """ High-level wrapper for VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV. Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV.html) """ @struct_hash_equal struct PhysicalDeviceFragmentShadingRateEnumsPropertiesNV <: HighLevelStruct next::Any max_fragment_shading_rate_invocation_count::SampleCountFlag end """ High-level wrapper for VkMultisampledRenderToSingleSampledInfoEXT. Extension: VK\\_EXT\\_multisampled\\_render\\_to\\_single\\_sampled [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultisampledRenderToSingleSampledInfoEXT.html) """ @struct_hash_equal struct MultisampledRenderToSingleSampledInfoEXT <: HighLevelStruct next::Any multisampled_render_to_single_sampled_enable::Bool rasterization_samples::SampleCountFlag end """ High-level wrapper for VkAttachmentSampleCountInfoAMD. Extension: VK\\_KHR\\_dynamic\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentSampleCountInfoAMD.html) """ @struct_hash_equal struct AttachmentSampleCountInfoAMD <: HighLevelStruct next::Any color_attachment_samples::Vector{SampleCountFlag} depth_stencil_attachment_samples::SampleCountFlag end """ High-level wrapper for VkCommandPoolCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandPoolCreateInfo.html) """ @struct_hash_equal struct CommandPoolCreateInfo <: HighLevelStruct next::Any flags::CommandPoolCreateFlag queue_family_index::UInt32 end """ High-level wrapper for VkSubmitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubmitInfo.html) """ @struct_hash_equal struct SubmitInfo <: HighLevelStruct next::Any wait_semaphores::Vector{Semaphore} wait_dst_stage_mask::Vector{PipelineStageFlag} command_buffers::Vector{CommandBuffer} signal_semaphores::Vector{Semaphore} end """ High-level wrapper for VkQueueFamilyCheckpointPropertiesNV. Extension: VK\\_NV\\_device\\_diagnostic\\_checkpoints [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyCheckpointPropertiesNV.html) """ @struct_hash_equal struct QueueFamilyCheckpointPropertiesNV <: HighLevelStruct next::Any checkpoint_execution_stage_mask::PipelineStageFlag end """ High-level wrapper for VkCheckpointDataNV. Extension: VK\\_NV\\_device\\_diagnostic\\_checkpoints [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCheckpointDataNV.html) """ @struct_hash_equal struct CheckpointDataNV <: HighLevelStruct next::Any stage::PipelineStageFlag checkpoint_marker::Ptr{Cvoid} end """ High-level wrapper for VkSparseMemoryBind. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseMemoryBind.html) """ @struct_hash_equal struct SparseMemoryBind <: HighLevelStruct resource_offset::UInt64 size::UInt64 memory::OptionalPtr{DeviceMemory} memory_offset::UInt64 flags::SparseMemoryBindFlag end """ High-level wrapper for VkSparseBufferMemoryBindInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseBufferMemoryBindInfo.html) """ @struct_hash_equal struct SparseBufferMemoryBindInfo <: HighLevelStruct buffer::Buffer binds::Vector{SparseMemoryBind} end """ High-level wrapper for VkSparseImageOpaqueMemoryBindInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageOpaqueMemoryBindInfo.html) """ @struct_hash_equal struct SparseImageOpaqueMemoryBindInfo <: HighLevelStruct image::Image binds::Vector{SparseMemoryBind} end """ High-level wrapper for VkSparseImageFormatProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageFormatProperties.html) """ @struct_hash_equal struct SparseImageFormatProperties <: HighLevelStruct aspect_mask::ImageAspectFlag image_granularity::Extent3D flags::SparseImageFormatFlag end """ High-level wrapper for VkSparseImageMemoryRequirements. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryRequirements.html) """ @struct_hash_equal struct SparseImageMemoryRequirements <: HighLevelStruct format_properties::SparseImageFormatProperties image_mip_tail_first_lod::UInt32 image_mip_tail_size::UInt64 image_mip_tail_offset::UInt64 image_mip_tail_stride::UInt64 end """ High-level wrapper for VkSparseImageMemoryRequirements2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryRequirements2.html) """ @struct_hash_equal struct SparseImageMemoryRequirements2 <: HighLevelStruct next::Any memory_requirements::SparseImageMemoryRequirements end """ High-level wrapper for VkSparseImageFormatProperties2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageFormatProperties2.html) """ @struct_hash_equal struct SparseImageFormatProperties2 <: HighLevelStruct next::Any properties::SparseImageFormatProperties end """ High-level wrapper for VkImageSubresource. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresource.html) """ @struct_hash_equal struct ImageSubresource <: HighLevelStruct aspect_mask::ImageAspectFlag mip_level::UInt32 array_layer::UInt32 end """ High-level wrapper for VkSparseImageMemoryBind. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryBind.html) """ @struct_hash_equal struct SparseImageMemoryBind <: HighLevelStruct subresource::ImageSubresource offset::Offset3D extent::Extent3D memory::OptionalPtr{DeviceMemory} memory_offset::UInt64 flags::SparseMemoryBindFlag end """ High-level wrapper for VkSparseImageMemoryBindInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryBindInfo.html) """ @struct_hash_equal struct SparseImageMemoryBindInfo <: HighLevelStruct image::Image binds::Vector{SparseImageMemoryBind} end """ High-level wrapper for VkBindSparseInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindSparseInfo.html) """ @struct_hash_equal struct BindSparseInfo <: HighLevelStruct next::Any wait_semaphores::Vector{Semaphore} buffer_binds::Vector{SparseBufferMemoryBindInfo} image_opaque_binds::Vector{SparseImageOpaqueMemoryBindInfo} image_binds::Vector{SparseImageMemoryBindInfo} signal_semaphores::Vector{Semaphore} end """ High-level wrapper for VkImageSubresource2EXT. Extension: VK\\_EXT\\_image\\_compression\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresource2EXT.html) """ @struct_hash_equal struct ImageSubresource2EXT <: HighLevelStruct next::Any image_subresource::ImageSubresource end """ High-level wrapper for VkImageSubresourceLayers. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresourceLayers.html) """ @struct_hash_equal struct ImageSubresourceLayers <: HighLevelStruct aspect_mask::ImageAspectFlag mip_level::UInt32 base_array_layer::UInt32 layer_count::UInt32 end """ High-level wrapper for VkImageCopy. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCopy.html) """ @struct_hash_equal struct ImageCopy <: HighLevelStruct src_subresource::ImageSubresourceLayers src_offset::Offset3D dst_subresource::ImageSubresourceLayers dst_offset::Offset3D extent::Extent3D end """ High-level wrapper for VkImageBlit. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageBlit.html) """ @struct_hash_equal struct ImageBlit <: HighLevelStruct src_subresource::ImageSubresourceLayers src_offsets::NTuple{2, Offset3D} dst_subresource::ImageSubresourceLayers dst_offsets::NTuple{2, Offset3D} end """ High-level wrapper for VkBufferImageCopy. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferImageCopy.html) """ @struct_hash_equal struct BufferImageCopy <: HighLevelStruct buffer_offset::UInt64 buffer_row_length::UInt32 buffer_image_height::UInt32 image_subresource::ImageSubresourceLayers image_offset::Offset3D image_extent::Extent3D end """ High-level wrapper for VkCopyMemoryToImageIndirectCommandNV. Extension: VK\\_NV\\_copy\\_memory\\_indirect [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryToImageIndirectCommandNV.html) """ @struct_hash_equal struct CopyMemoryToImageIndirectCommandNV <: HighLevelStruct src_address::UInt64 buffer_row_length::UInt32 buffer_image_height::UInt32 image_subresource::ImageSubresourceLayers image_offset::Offset3D image_extent::Extent3D end """ High-level wrapper for VkImageResolve. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageResolve.html) """ @struct_hash_equal struct ImageResolve <: HighLevelStruct src_subresource::ImageSubresourceLayers src_offset::Offset3D dst_subresource::ImageSubresourceLayers dst_offset::Offset3D extent::Extent3D end """ High-level wrapper for VkImageCopy2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCopy2.html) """ @struct_hash_equal struct ImageCopy2 <: HighLevelStruct next::Any src_subresource::ImageSubresourceLayers src_offset::Offset3D dst_subresource::ImageSubresourceLayers dst_offset::Offset3D extent::Extent3D end """ High-level wrapper for VkImageBlit2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageBlit2.html) """ @struct_hash_equal struct ImageBlit2 <: HighLevelStruct next::Any src_subresource::ImageSubresourceLayers src_offsets::NTuple{2, Offset3D} dst_subresource::ImageSubresourceLayers dst_offsets::NTuple{2, Offset3D} end """ High-level wrapper for VkBufferImageCopy2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferImageCopy2.html) """ @struct_hash_equal struct BufferImageCopy2 <: HighLevelStruct next::Any buffer_offset::UInt64 buffer_row_length::UInt32 buffer_image_height::UInt32 image_subresource::ImageSubresourceLayers image_offset::Offset3D image_extent::Extent3D end """ High-level wrapper for VkImageResolve2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageResolve2.html) """ @struct_hash_equal struct ImageResolve2 <: HighLevelStruct next::Any src_subresource::ImageSubresourceLayers src_offset::Offset3D dst_subresource::ImageSubresourceLayers dst_offset::Offset3D extent::Extent3D end """ High-level wrapper for VkImageSubresourceRange. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresourceRange.html) """ @struct_hash_equal struct ImageSubresourceRange <: HighLevelStruct aspect_mask::ImageAspectFlag base_mip_level::UInt32 level_count::UInt32 base_array_layer::UInt32 layer_count::UInt32 end """ High-level wrapper for VkClearAttachment. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearAttachment.html) """ @struct_hash_equal struct ClearAttachment <: HighLevelStruct aspect_mask::ImageAspectFlag color_attachment::UInt32 clear_value::ClearValue end """ High-level wrapper for VkInputAttachmentAspectReference. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkInputAttachmentAspectReference.html) """ @struct_hash_equal struct InputAttachmentAspectReference <: HighLevelStruct subpass::UInt32 input_attachment_index::UInt32 aspect_mask::ImageAspectFlag end """ High-level wrapper for VkRenderPassInputAttachmentAspectCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassInputAttachmentAspectCreateInfo.html) """ @struct_hash_equal struct RenderPassInputAttachmentAspectCreateInfo <: HighLevelStruct next::Any aspect_references::Vector{InputAttachmentAspectReference} end """ High-level wrapper for VkBindImagePlaneMemoryInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImagePlaneMemoryInfo.html) """ @struct_hash_equal struct BindImagePlaneMemoryInfo <: HighLevelStruct next::Any plane_aspect::ImageAspectFlag end """ High-level wrapper for VkImagePlaneMemoryRequirementsInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImagePlaneMemoryRequirementsInfo.html) """ @struct_hash_equal struct ImagePlaneMemoryRequirementsInfo <: HighLevelStruct next::Any plane_aspect::ImageAspectFlag end """ High-level wrapper for VkExportMetalTextureInfoEXT. Extension: VK\\_EXT\\_metal\\_objects [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMetalTextureInfoEXT.html) """ @struct_hash_equal struct ExportMetalTextureInfoEXT <: HighLevelStruct next::Any image::OptionalPtr{Image} image_view::OptionalPtr{ImageView} buffer_view::OptionalPtr{BufferView} plane::ImageAspectFlag mtl_texture::Cvoid end """ High-level wrapper for VkImportMetalTextureInfoEXT. Extension: VK\\_EXT\\_metal\\_objects [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMetalTextureInfoEXT.html) """ @struct_hash_equal struct ImportMetalTextureInfoEXT <: HighLevelStruct next::Any plane::ImageAspectFlag mtl_texture::Cvoid end """ High-level wrapper for VkCommandBufferInheritanceInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceInfo.html) """ @struct_hash_equal struct CommandBufferInheritanceInfo <: HighLevelStruct next::Any render_pass::OptionalPtr{RenderPass} subpass::UInt32 framebuffer::OptionalPtr{Framebuffer} occlusion_query_enable::Bool query_flags::QueryControlFlag pipeline_statistics::QueryPipelineStatisticFlag end """ High-level wrapper for VkCommandBufferBeginInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferBeginInfo.html) """ @struct_hash_equal struct CommandBufferBeginInfo <: HighLevelStruct next::Any flags::CommandBufferUsageFlag inheritance_info::OptionalPtr{CommandBufferInheritanceInfo} end """ High-level wrapper for VkFormatProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFormatProperties.html) """ @struct_hash_equal struct FormatProperties <: HighLevelStruct linear_tiling_features::FormatFeatureFlag optimal_tiling_features::FormatFeatureFlag buffer_features::FormatFeatureFlag end """ High-level wrapper for VkFormatProperties2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFormatProperties2.html) """ @struct_hash_equal struct FormatProperties2 <: HighLevelStruct next::Any format_properties::FormatProperties end """ High-level wrapper for VkDrmFormatModifierPropertiesEXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierPropertiesEXT.html) """ @struct_hash_equal struct DrmFormatModifierPropertiesEXT <: HighLevelStruct drm_format_modifier::UInt64 drm_format_modifier_plane_count::UInt32 drm_format_modifier_tiling_features::FormatFeatureFlag end """ High-level wrapper for VkDrmFormatModifierPropertiesListEXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierPropertiesListEXT.html) """ @struct_hash_equal struct DrmFormatModifierPropertiesListEXT <: HighLevelStruct next::Any drm_format_modifier_properties::OptionalPtr{Vector{DrmFormatModifierPropertiesEXT}} end """ High-level wrapper for VkFenceCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFenceCreateInfo.html) """ @struct_hash_equal struct FenceCreateInfo <: HighLevelStruct next::Any flags::FenceCreateFlag end """ High-level wrapper for VkSurfaceCapabilitiesKHR. Extension: VK\\_KHR\\_surface [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilitiesKHR.html) """ @struct_hash_equal struct SurfaceCapabilitiesKHR <: HighLevelStruct min_image_count::UInt32 max_image_count::UInt32 current_extent::Extent2D min_image_extent::Extent2D max_image_extent::Extent2D max_image_array_layers::UInt32 supported_transforms::SurfaceTransformFlagKHR current_transform::SurfaceTransformFlagKHR supported_composite_alpha::CompositeAlphaFlagKHR supported_usage_flags::ImageUsageFlag end """ High-level wrapper for VkSurfaceCapabilities2KHR. Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilities2KHR.html) """ @struct_hash_equal struct SurfaceCapabilities2KHR <: HighLevelStruct next::Any surface_capabilities::SurfaceCapabilitiesKHR end """ High-level wrapper for VkSurfaceCapabilities2EXT. Extension: VK\\_EXT\\_display\\_surface\\_counter [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilities2EXT.html) """ @struct_hash_equal struct SurfaceCapabilities2EXT <: HighLevelStruct next::Any min_image_count::UInt32 max_image_count::UInt32 current_extent::Extent2D min_image_extent::Extent2D max_image_extent::Extent2D max_image_array_layers::UInt32 supported_transforms::SurfaceTransformFlagKHR current_transform::SurfaceTransformFlagKHR supported_composite_alpha::CompositeAlphaFlagKHR supported_usage_flags::ImageUsageFlag supported_surface_counters::SurfaceCounterFlagEXT end """ High-level wrapper for VkSharedPresentSurfaceCapabilitiesKHR. Extension: VK\\_KHR\\_shared\\_presentable\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSharedPresentSurfaceCapabilitiesKHR.html) """ @struct_hash_equal struct SharedPresentSurfaceCapabilitiesKHR <: HighLevelStruct next::Any shared_present_supported_usage_flags::ImageUsageFlag end """ High-level wrapper for VkImageViewUsageCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewUsageCreateInfo.html) """ @struct_hash_equal struct ImageViewUsageCreateInfo <: HighLevelStruct next::Any usage::ImageUsageFlag end """ High-level wrapper for VkImageStencilUsageCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageStencilUsageCreateInfo.html) """ @struct_hash_equal struct ImageStencilUsageCreateInfo <: HighLevelStruct next::Any stencil_usage::ImageUsageFlag end """ High-level wrapper for VkPhysicalDeviceVideoFormatInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVideoFormatInfoKHR.html) """ @struct_hash_equal struct PhysicalDeviceVideoFormatInfoKHR <: HighLevelStruct next::Any image_usage::ImageUsageFlag end """ High-level wrapper for VkPipelineShaderStageCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineShaderStageCreateInfo.html) """ @struct_hash_equal struct PipelineShaderStageCreateInfo <: HighLevelStruct next::Any flags::PipelineShaderStageCreateFlag stage::ShaderStageFlag _module::OptionalPtr{ShaderModule} name::String specialization_info::OptionalPtr{SpecializationInfo} end """ High-level wrapper for VkComputePipelineCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkComputePipelineCreateInfo.html) """ @struct_hash_equal struct ComputePipelineCreateInfo <: HighLevelStruct next::Any flags::PipelineCreateFlag stage::PipelineShaderStageCreateInfo layout::PipelineLayout base_pipeline_handle::OptionalPtr{Pipeline} base_pipeline_index::Int32 end """ High-level wrapper for VkPushConstantRange. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPushConstantRange.html) """ @struct_hash_equal struct PushConstantRange <: HighLevelStruct stage_flags::ShaderStageFlag offset::UInt32 size::UInt32 end """ High-level wrapper for VkPipelineLayoutCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineLayoutCreateInfo.html) """ @struct_hash_equal struct PipelineLayoutCreateInfo <: HighLevelStruct next::Any flags::PipelineLayoutCreateFlag set_layouts::Vector{DescriptorSetLayout} push_constant_ranges::Vector{PushConstantRange} end """ High-level wrapper for VkPhysicalDeviceSubgroupProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubgroupProperties.html) """ @struct_hash_equal struct PhysicalDeviceSubgroupProperties <: HighLevelStruct next::Any subgroup_size::UInt32 supported_stages::ShaderStageFlag supported_operations::SubgroupFeatureFlag quad_operations_in_all_stages::Bool end """ High-level wrapper for VkShaderStatisticsInfoAMD. Extension: VK\\_AMD\\_shader\\_info [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderStatisticsInfoAMD.html) """ @struct_hash_equal struct ShaderStatisticsInfoAMD <: HighLevelStruct shader_stage_mask::ShaderStageFlag resource_usage::ShaderResourceUsageAMD num_physical_vgprs::UInt32 num_physical_sgprs::UInt32 num_available_vgprs::UInt32 num_available_sgprs::UInt32 compute_work_group_size::NTuple{3, UInt32} end """ High-level wrapper for VkPhysicalDeviceCooperativeMatrixPropertiesNV. Extension: VK\\_NV\\_cooperative\\_matrix [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCooperativeMatrixPropertiesNV.html) """ @struct_hash_equal struct PhysicalDeviceCooperativeMatrixPropertiesNV <: HighLevelStruct next::Any cooperative_matrix_supported_stages::ShaderStageFlag end """ High-level wrapper for VkPipelineExecutablePropertiesKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutablePropertiesKHR.html) """ @struct_hash_equal struct PipelineExecutablePropertiesKHR <: HighLevelStruct next::Any stages::ShaderStageFlag name::String description::String subgroup_size::UInt32 end """ High-level wrapper for VkPhysicalDeviceSubgroupSizeControlProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubgroupSizeControlProperties.html) """ @struct_hash_equal struct PhysicalDeviceSubgroupSizeControlProperties <: HighLevelStruct next::Any min_subgroup_size::UInt32 max_subgroup_size::UInt32 max_compute_workgroup_subgroups::UInt32 required_subgroup_size_stages::ShaderStageFlag end """ High-level wrapper for VkPhysicalDeviceVulkan13Properties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan13Properties.html) """ @struct_hash_equal struct PhysicalDeviceVulkan13Properties <: HighLevelStruct next::Any min_subgroup_size::UInt32 max_subgroup_size::UInt32 max_compute_workgroup_subgroups::UInt32 required_subgroup_size_stages::ShaderStageFlag max_inline_uniform_block_size::UInt32 max_per_stage_descriptor_inline_uniform_blocks::UInt32 max_per_stage_descriptor_update_after_bind_inline_uniform_blocks::UInt32 max_descriptor_set_inline_uniform_blocks::UInt32 max_descriptor_set_update_after_bind_inline_uniform_blocks::UInt32 max_inline_uniform_total_size::UInt32 integer_dot_product_8_bit_unsigned_accelerated::Bool integer_dot_product_8_bit_signed_accelerated::Bool integer_dot_product_8_bit_mixed_signedness_accelerated::Bool integer_dot_product_8_bit_packed_unsigned_accelerated::Bool integer_dot_product_8_bit_packed_signed_accelerated::Bool integer_dot_product_8_bit_packed_mixed_signedness_accelerated::Bool integer_dot_product_16_bit_unsigned_accelerated::Bool integer_dot_product_16_bit_signed_accelerated::Bool integer_dot_product_16_bit_mixed_signedness_accelerated::Bool integer_dot_product_32_bit_unsigned_accelerated::Bool integer_dot_product_32_bit_signed_accelerated::Bool integer_dot_product_32_bit_mixed_signedness_accelerated::Bool integer_dot_product_64_bit_unsigned_accelerated::Bool integer_dot_product_64_bit_signed_accelerated::Bool integer_dot_product_64_bit_mixed_signedness_accelerated::Bool integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated::Bool integer_dot_product_accumulating_saturating_8_bit_signed_accelerated::Bool integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated::Bool integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated::Bool integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated::Bool integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated::Bool integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated::Bool integer_dot_product_accumulating_saturating_16_bit_signed_accelerated::Bool integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated::Bool integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated::Bool integer_dot_product_accumulating_saturating_32_bit_signed_accelerated::Bool integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated::Bool integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated::Bool integer_dot_product_accumulating_saturating_64_bit_signed_accelerated::Bool integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated::Bool storage_texel_buffer_offset_alignment_bytes::UInt64 storage_texel_buffer_offset_single_texel_alignment::Bool uniform_texel_buffer_offset_alignment_bytes::UInt64 uniform_texel_buffer_offset_single_texel_alignment::Bool max_buffer_size::UInt64 end """ High-level wrapper for VkPhysicalDeviceExternalBufferInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalBufferInfo.html) """ @struct_hash_equal struct PhysicalDeviceExternalBufferInfo <: HighLevelStruct next::Any flags::BufferCreateFlag usage::BufferUsageFlag handle_type::ExternalMemoryHandleTypeFlag end """ High-level wrapper for VkDescriptorBufferBindingInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorBufferBindingInfoEXT.html) """ @struct_hash_equal struct DescriptorBufferBindingInfoEXT <: HighLevelStruct next::Any address::UInt64 usage::BufferUsageFlag end """ High-level wrapper for VkMemoryBarrier. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryBarrier.html) """ @struct_hash_equal struct MemoryBarrier <: HighLevelStruct next::Any src_access_mask::AccessFlag dst_access_mask::AccessFlag end """ High-level wrapper for VkBufferMemoryBarrier. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferMemoryBarrier.html) """ @struct_hash_equal struct BufferMemoryBarrier <: HighLevelStruct next::Any src_access_mask::AccessFlag dst_access_mask::AccessFlag src_queue_family_index::UInt32 dst_queue_family_index::UInt32 buffer::Buffer offset::UInt64 size::UInt64 end """ High-level wrapper for VkSubpassDependency. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDependency.html) """ @struct_hash_equal struct SubpassDependency <: HighLevelStruct src_subpass::UInt32 dst_subpass::UInt32 src_stage_mask::PipelineStageFlag dst_stage_mask::PipelineStageFlag src_access_mask::AccessFlag dst_access_mask::AccessFlag dependency_flags::DependencyFlag end """ High-level wrapper for VkSubpassDependency2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDependency2.html) """ @struct_hash_equal struct SubpassDependency2 <: HighLevelStruct next::Any src_subpass::UInt32 dst_subpass::UInt32 src_stage_mask::PipelineStageFlag dst_stage_mask::PipelineStageFlag src_access_mask::AccessFlag dst_access_mask::AccessFlag dependency_flags::DependencyFlag view_offset::Int32 end """ High-level wrapper for VkMemoryHeap. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryHeap.html) """ @struct_hash_equal struct MemoryHeap <: HighLevelStruct size::UInt64 flags::MemoryHeapFlag end """ High-level wrapper for VkMemoryType. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryType.html) """ @struct_hash_equal struct MemoryType <: HighLevelStruct property_flags::MemoryPropertyFlag heap_index::UInt32 end """ High-level wrapper for VkPhysicalDeviceMemoryProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryProperties.html) """ @struct_hash_equal struct PhysicalDeviceMemoryProperties <: HighLevelStruct memory_type_count::UInt32 memory_types::NTuple{Int(VK_MAX_MEMORY_TYPES), MemoryType} memory_heap_count::UInt32 memory_heaps::NTuple{Int(VK_MAX_MEMORY_HEAPS), MemoryHeap} end """ High-level wrapper for VkPhysicalDeviceMemoryProperties2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryProperties2.html) """ @struct_hash_equal struct PhysicalDeviceMemoryProperties2 <: HighLevelStruct next::Any memory_properties::PhysicalDeviceMemoryProperties end """ High-level wrapper for VkDeviceQueueCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceQueueCreateInfo.html) """ @struct_hash_equal struct DeviceQueueCreateInfo <: HighLevelStruct next::Any flags::DeviceQueueCreateFlag queue_family_index::UInt32 queue_priorities::Vector{Float32} end """ High-level wrapper for VkDeviceCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceCreateInfo.html) """ @struct_hash_equal struct DeviceCreateInfo <: HighLevelStruct next::Any flags::UInt32 queue_create_infos::Vector{DeviceQueueCreateInfo} enabled_layer_names::Vector{String} enabled_extension_names::Vector{String} enabled_features::OptionalPtr{PhysicalDeviceFeatures} end """ High-level wrapper for VkDeviceQueueInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceQueueInfo2.html) """ @struct_hash_equal struct DeviceQueueInfo2 <: HighLevelStruct next::Any flags::DeviceQueueCreateFlag queue_family_index::UInt32 queue_index::UInt32 end """ High-level wrapper for VkQueueFamilyProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyProperties.html) """ @struct_hash_equal struct QueueFamilyProperties <: HighLevelStruct queue_flags::QueueFlag queue_count::UInt32 timestamp_valid_bits::UInt32 min_image_transfer_granularity::Extent3D end """ High-level wrapper for VkQueueFamilyProperties2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyProperties2.html) """ @struct_hash_equal struct QueueFamilyProperties2 <: HighLevelStruct next::Any queue_family_properties::QueueFamilyProperties end """ High-level wrapper for VkPhysicalDeviceCopyMemoryIndirectPropertiesNV. Extension: VK\\_NV\\_copy\\_memory\\_indirect [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCopyMemoryIndirectPropertiesNV.html) """ @struct_hash_equal struct PhysicalDeviceCopyMemoryIndirectPropertiesNV <: HighLevelStruct next::Any supported_queues::QueueFlag end """ High-level wrapper for VkPipelineCacheCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCacheCreateInfo.html) """ @struct_hash_equal struct PipelineCacheCreateInfo <: HighLevelStruct next::Any flags::PipelineCacheCreateFlag initial_data_size::OptionalPtr{UInt} initial_data::Ptr{Cvoid} end """ High-level wrapper for VkDeviceFaultVendorBinaryHeaderVersionOneEXT. Extension: VK\\_EXT\\_device\\_fault [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultVendorBinaryHeaderVersionOneEXT.html) """ @struct_hash_equal struct DeviceFaultVendorBinaryHeaderVersionOneEXT <: HighLevelStruct header_size::UInt32 header_version::DeviceFaultVendorBinaryHeaderVersionEXT vendor_id::UInt32 device_id::UInt32 driver_version::VersionNumber pipeline_cache_uuid::NTuple{Int(VK_UUID_SIZE), UInt8} application_name_offset::UInt32 application_version::VersionNumber engine_name_offset::UInt32 end """ High-level wrapper for VkDeviceFaultAddressInfoEXT. Extension: VK\\_EXT\\_device\\_fault [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultAddressInfoEXT.html) """ @struct_hash_equal struct DeviceFaultAddressInfoEXT <: HighLevelStruct address_type::DeviceFaultAddressTypeEXT reported_address::UInt64 address_precision::UInt64 end """ High-level wrapper for VkDeviceFaultInfoEXT. Extension: VK\\_EXT\\_device\\_fault [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultInfoEXT.html) """ @struct_hash_equal struct DeviceFaultInfoEXT <: HighLevelStruct next::Any description::String address_infos::OptionalPtr{DeviceFaultAddressInfoEXT} vendor_infos::OptionalPtr{DeviceFaultVendorInfoEXT} vendor_binary_data::OptionalPtr{Ptr{Cvoid}} end """ High-level wrapper for VkCopyMicromapInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMicromapInfoEXT.html) """ @struct_hash_equal struct CopyMicromapInfoEXT <: HighLevelStruct next::Any src::MicromapEXT dst::MicromapEXT mode::CopyMicromapModeEXT end """ High-level wrapper for VkCopyMicromapToMemoryInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMicromapToMemoryInfoEXT.html) """ @struct_hash_equal struct CopyMicromapToMemoryInfoEXT <: HighLevelStruct next::Any src::MicromapEXT dst::DeviceOrHostAddressKHR mode::CopyMicromapModeEXT end """ High-level wrapper for VkCopyMemoryToMicromapInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryToMicromapInfoEXT.html) """ @struct_hash_equal struct CopyMemoryToMicromapInfoEXT <: HighLevelStruct next::Any src::DeviceOrHostAddressConstKHR dst::MicromapEXT mode::CopyMicromapModeEXT end """ High-level wrapper for VkMicromapBuildInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapBuildInfoEXT.html) """ @struct_hash_equal struct MicromapBuildInfoEXT <: HighLevelStruct next::Any type::MicromapTypeEXT flags::BuildMicromapFlagEXT mode::BuildMicromapModeEXT dst_micromap::OptionalPtr{MicromapEXT} usage_counts::OptionalPtr{Vector{MicromapUsageEXT}} usage_counts_2::OptionalPtr{Vector{MicromapUsageEXT}} data::DeviceOrHostAddressConstKHR scratch_data::DeviceOrHostAddressKHR triangle_array::DeviceOrHostAddressConstKHR triangle_array_stride::UInt64 end """ High-level wrapper for VkMicromapCreateInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapCreateInfoEXT.html) """ @struct_hash_equal struct MicromapCreateInfoEXT <: HighLevelStruct next::Any create_flags::MicromapCreateFlagEXT buffer::Buffer offset::UInt64 size::UInt64 type::MicromapTypeEXT device_address::UInt64 end """ High-level wrapper for VkPipelineRobustnessCreateInfoEXT. Extension: VK\\_EXT\\_pipeline\\_robustness [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRobustnessCreateInfoEXT.html) """ @struct_hash_equal struct PipelineRobustnessCreateInfoEXT <: HighLevelStruct next::Any storage_buffers::PipelineRobustnessBufferBehaviorEXT uniform_buffers::PipelineRobustnessBufferBehaviorEXT vertex_inputs::PipelineRobustnessBufferBehaviorEXT images::PipelineRobustnessImageBehaviorEXT end """ High-level wrapper for VkPhysicalDevicePipelineRobustnessPropertiesEXT. Extension: VK\\_EXT\\_pipeline\\_robustness [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineRobustnessPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDevicePipelineRobustnessPropertiesEXT <: HighLevelStruct next::Any default_robustness_storage_buffers::PipelineRobustnessBufferBehaviorEXT default_robustness_uniform_buffers::PipelineRobustnessBufferBehaviorEXT default_robustness_vertex_inputs::PipelineRobustnessBufferBehaviorEXT default_robustness_images::PipelineRobustnessImageBehaviorEXT end """ High-level wrapper for VkDeviceAddressBindingCallbackDataEXT. Extension: VK\\_EXT\\_device\\_address\\_binding\\_report [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceAddressBindingCallbackDataEXT.html) """ @struct_hash_equal struct DeviceAddressBindingCallbackDataEXT <: HighLevelStruct next::Any flags::DeviceAddressBindingFlagEXT base_address::UInt64 size::UInt64 binding_type::DeviceAddressBindingTypeEXT end """ High-level wrapper for VkAccelerationStructureMotionInstanceNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMotionInstanceNV.html) """ @struct_hash_equal struct AccelerationStructureMotionInstanceNV <: HighLevelStruct type::AccelerationStructureMotionInstanceTypeNV flags::UInt32 data::AccelerationStructureMotionInstanceDataNV end """ High-level wrapper for VkPipelineRasterizationProvokingVertexStateCreateInfoEXT. Extension: VK\\_EXT\\_provoking\\_vertex [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationProvokingVertexStateCreateInfoEXT.html) """ @struct_hash_equal struct PipelineRasterizationProvokingVertexStateCreateInfoEXT <: HighLevelStruct next::Any provoking_vertex_mode::ProvokingVertexModeEXT end """ High-level wrapper for VkRenderPassSubpassFeedbackInfoEXT. Extension: VK\\_EXT\\_subpass\\_merge\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassSubpassFeedbackInfoEXT.html) """ @struct_hash_equal struct RenderPassSubpassFeedbackInfoEXT <: HighLevelStruct subpass_merge_status::SubpassMergeStatusEXT description::String post_merge_index::UInt32 end """ High-level wrapper for VkRenderPassSubpassFeedbackCreateInfoEXT. Extension: VK\\_EXT\\_subpass\\_merge\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassSubpassFeedbackCreateInfoEXT.html) """ @struct_hash_equal struct RenderPassSubpassFeedbackCreateInfoEXT <: HighLevelStruct next::Any subpass_feedback::RenderPassSubpassFeedbackInfoEXT end """ High-level wrapper for VkPipelineFragmentShadingRateStateCreateInfoKHR. Extension: VK\\_KHR\\_fragment\\_shading\\_rate [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineFragmentShadingRateStateCreateInfoKHR.html) """ @struct_hash_equal struct PipelineFragmentShadingRateStateCreateInfoKHR <: HighLevelStruct next::Any fragment_size::Extent2D combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR} end """ High-level wrapper for VkPipelineFragmentShadingRateEnumStateCreateInfoNV. Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineFragmentShadingRateEnumStateCreateInfoNV.html) """ @struct_hash_equal struct PipelineFragmentShadingRateEnumStateCreateInfoNV <: HighLevelStruct next::Any shading_rate_type::FragmentShadingRateTypeNV shading_rate::FragmentShadingRateNV combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR} end """ High-level wrapper for VkPipelineRasterizationLineStateCreateInfoEXT. Extension: VK\\_EXT\\_line\\_rasterization [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationLineStateCreateInfoEXT.html) """ @struct_hash_equal struct PipelineRasterizationLineStateCreateInfoEXT <: HighLevelStruct next::Any line_rasterization_mode::LineRasterizationModeEXT stippled_line_enable::Bool line_stipple_factor::UInt32 line_stipple_pattern::UInt16 end """ High-level wrapper for VkPipelineExecutableStatisticKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableStatisticKHR.html) """ @struct_hash_equal struct PipelineExecutableStatisticKHR <: HighLevelStruct next::Any name::String description::String format::PipelineExecutableStatisticFormatKHR value::PipelineExecutableStatisticValueKHR end """ High-level wrapper for VkPhysicalDeviceFloatControlsProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFloatControlsProperties.html) """ @struct_hash_equal struct PhysicalDeviceFloatControlsProperties <: HighLevelStruct next::Any denorm_behavior_independence::ShaderFloatControlsIndependence rounding_mode_independence::ShaderFloatControlsIndependence shader_signed_zero_inf_nan_preserve_float_16::Bool shader_signed_zero_inf_nan_preserve_float_32::Bool shader_signed_zero_inf_nan_preserve_float_64::Bool shader_denorm_preserve_float_16::Bool shader_denorm_preserve_float_32::Bool shader_denorm_preserve_float_64::Bool shader_denorm_flush_to_zero_float_16::Bool shader_denorm_flush_to_zero_float_32::Bool shader_denorm_flush_to_zero_float_64::Bool shader_rounding_mode_rte_float_16::Bool shader_rounding_mode_rte_float_32::Bool shader_rounding_mode_rte_float_64::Bool shader_rounding_mode_rtz_float_16::Bool shader_rounding_mode_rtz_float_32::Bool shader_rounding_mode_rtz_float_64::Bool end """ High-level wrapper for VkPerformanceValueINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceValueINTEL.html) """ @struct_hash_equal struct PerformanceValueINTEL <: HighLevelStruct type::PerformanceValueTypeINTEL data::PerformanceValueDataINTEL end """ High-level wrapper for VkPerformanceOverrideInfoINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceOverrideInfoINTEL.html) """ @struct_hash_equal struct PerformanceOverrideInfoINTEL <: HighLevelStruct next::Any type::PerformanceOverrideTypeINTEL enable::Bool parameter::UInt64 end """ High-level wrapper for VkQueryPoolPerformanceQueryCreateInfoINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueryPoolPerformanceQueryCreateInfoINTEL.html) """ @struct_hash_equal struct QueryPoolPerformanceQueryCreateInfoINTEL <: HighLevelStruct next::Any performance_counters_sampling::QueryPoolSamplingModeINTEL end """ High-level wrapper for VkPerformanceConfigurationAcquireInfoINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceConfigurationAcquireInfoINTEL.html) """ @struct_hash_equal struct PerformanceConfigurationAcquireInfoINTEL <: HighLevelStruct next::Any type::PerformanceConfigurationTypeINTEL end """ High-level wrapper for VkPerformanceCounterKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceCounterKHR.html) """ @struct_hash_equal struct PerformanceCounterKHR <: HighLevelStruct next::Any unit::PerformanceCounterUnitKHR scope::PerformanceCounterScopeKHR storage::PerformanceCounterStorageKHR uuid::NTuple{Int(VK_UUID_SIZE), UInt8} end """ High-level wrapper for VkCooperativeMatrixPropertiesNV. Extension: VK\\_NV\\_cooperative\\_matrix [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCooperativeMatrixPropertiesNV.html) """ @struct_hash_equal struct CooperativeMatrixPropertiesNV <: HighLevelStruct next::Any m_size::UInt32 n_size::UInt32 k_size::UInt32 a_type::ComponentTypeNV b_type::ComponentTypeNV c_type::ComponentTypeNV d_type::ComponentTypeNV scope::ScopeNV end """ High-level wrapper for VkDeviceMemoryOverallocationCreateInfoAMD. Extension: VK\\_AMD\\_memory\\_overallocation\\_behavior [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceMemoryOverallocationCreateInfoAMD.html) """ @struct_hash_equal struct DeviceMemoryOverallocationCreateInfoAMD <: HighLevelStruct next::Any overallocation_behavior::MemoryOverallocationBehaviorAMD end """ High-level wrapper for VkRayTracingShaderGroupCreateInfoNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingShaderGroupCreateInfoNV.html) """ @struct_hash_equal struct RayTracingShaderGroupCreateInfoNV <: HighLevelStruct next::Any type::RayTracingShaderGroupTypeKHR general_shader::UInt32 closest_hit_shader::UInt32 any_hit_shader::UInt32 intersection_shader::UInt32 end """ High-level wrapper for VkRayTracingPipelineCreateInfoNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingPipelineCreateInfoNV.html) """ @struct_hash_equal struct RayTracingPipelineCreateInfoNV <: HighLevelStruct next::Any flags::PipelineCreateFlag stages::Vector{PipelineShaderStageCreateInfo} groups::Vector{RayTracingShaderGroupCreateInfoNV} max_recursion_depth::UInt32 layout::PipelineLayout base_pipeline_handle::OptionalPtr{Pipeline} base_pipeline_index::Int32 end """ High-level wrapper for VkRayTracingShaderGroupCreateInfoKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingShaderGroupCreateInfoKHR.html) """ @struct_hash_equal struct RayTracingShaderGroupCreateInfoKHR <: HighLevelStruct next::Any type::RayTracingShaderGroupTypeKHR general_shader::UInt32 closest_hit_shader::UInt32 any_hit_shader::UInt32 intersection_shader::UInt32 shader_group_capture_replay_handle::OptionalPtr{Ptr{Cvoid}} end """ High-level wrapper for VkAccelerationStructureMemoryRequirementsInfoNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMemoryRequirementsInfoNV.html) """ @struct_hash_equal struct AccelerationStructureMemoryRequirementsInfoNV <: HighLevelStruct next::Any type::AccelerationStructureMemoryRequirementsTypeNV acceleration_structure::AccelerationStructureNV end """ High-level wrapper for VkAccelerationStructureGeometryKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryKHR.html) """ @struct_hash_equal struct AccelerationStructureGeometryKHR <: HighLevelStruct next::Any geometry_type::GeometryTypeKHR geometry::AccelerationStructureGeometryDataKHR flags::GeometryFlagKHR end """ High-level wrapper for VkAccelerationStructureCreateInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureCreateInfoKHR.html) """ @struct_hash_equal struct AccelerationStructureCreateInfoKHR <: HighLevelStruct next::Any create_flags::AccelerationStructureCreateFlagKHR buffer::Buffer offset::UInt64 size::UInt64 type::AccelerationStructureTypeKHR device_address::UInt64 end """ High-level wrapper for VkAccelerationStructureBuildGeometryInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureBuildGeometryInfoKHR.html) """ @struct_hash_equal struct AccelerationStructureBuildGeometryInfoKHR <: HighLevelStruct next::Any type::AccelerationStructureTypeKHR flags::BuildAccelerationStructureFlagKHR mode::BuildAccelerationStructureModeKHR src_acceleration_structure::OptionalPtr{AccelerationStructureKHR} dst_acceleration_structure::OptionalPtr{AccelerationStructureKHR} geometries::OptionalPtr{Vector{AccelerationStructureGeometryKHR}} geometries_2::OptionalPtr{Vector{AccelerationStructureGeometryKHR}} scratch_data::DeviceOrHostAddressKHR end """ High-level wrapper for VkCopyAccelerationStructureInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyAccelerationStructureInfoKHR.html) """ @struct_hash_equal struct CopyAccelerationStructureInfoKHR <: HighLevelStruct next::Any src::AccelerationStructureKHR dst::AccelerationStructureKHR mode::CopyAccelerationStructureModeKHR end """ High-level wrapper for VkCopyAccelerationStructureToMemoryInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyAccelerationStructureToMemoryInfoKHR.html) """ @struct_hash_equal struct CopyAccelerationStructureToMemoryInfoKHR <: HighLevelStruct next::Any src::AccelerationStructureKHR dst::DeviceOrHostAddressKHR mode::CopyAccelerationStructureModeKHR end """ High-level wrapper for VkCopyMemoryToAccelerationStructureInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryToAccelerationStructureInfoKHR.html) """ @struct_hash_equal struct CopyMemoryToAccelerationStructureInfoKHR <: HighLevelStruct next::Any src::DeviceOrHostAddressConstKHR dst::AccelerationStructureKHR mode::CopyAccelerationStructureModeKHR end """ High-level wrapper for VkShadingRatePaletteNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShadingRatePaletteNV.html) """ @struct_hash_equal struct ShadingRatePaletteNV <: HighLevelStruct shading_rate_palette_entries::Vector{ShadingRatePaletteEntryNV} end """ High-level wrapper for VkPipelineViewportShadingRateImageStateCreateInfoNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportShadingRateImageStateCreateInfoNV.html) """ @struct_hash_equal struct PipelineViewportShadingRateImageStateCreateInfoNV <: HighLevelStruct next::Any shading_rate_image_enable::Bool shading_rate_palettes::Vector{ShadingRatePaletteNV} end """ High-level wrapper for VkCoarseSampleOrderCustomNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCoarseSampleOrderCustomNV.html) """ @struct_hash_equal struct CoarseSampleOrderCustomNV <: HighLevelStruct shading_rate::ShadingRatePaletteEntryNV sample_count::UInt32 sample_locations::Vector{CoarseSampleLocationNV} end """ High-level wrapper for VkPipelineViewportCoarseSampleOrderStateCreateInfoNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportCoarseSampleOrderStateCreateInfoNV.html) """ @struct_hash_equal struct PipelineViewportCoarseSampleOrderStateCreateInfoNV <: HighLevelStruct next::Any sample_order_type::CoarseSampleOrderTypeNV custom_sample_orders::Vector{CoarseSampleOrderCustomNV} end """ High-level wrapper for VkPhysicalDeviceDriverProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDriverProperties.html) """ @struct_hash_equal struct PhysicalDeviceDriverProperties <: HighLevelStruct next::Any driver_id::DriverId driver_name::String driver_info::String conformance_version::ConformanceVersion end """ High-level wrapper for VkPhysicalDeviceVulkan12Properties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan12Properties.html) """ @struct_hash_equal struct PhysicalDeviceVulkan12Properties <: HighLevelStruct next::Any driver_id::DriverId driver_name::String driver_info::String conformance_version::ConformanceVersion denorm_behavior_independence::ShaderFloatControlsIndependence rounding_mode_independence::ShaderFloatControlsIndependence shader_signed_zero_inf_nan_preserve_float_16::Bool shader_signed_zero_inf_nan_preserve_float_32::Bool shader_signed_zero_inf_nan_preserve_float_64::Bool shader_denorm_preserve_float_16::Bool shader_denorm_preserve_float_32::Bool shader_denorm_preserve_float_64::Bool shader_denorm_flush_to_zero_float_16::Bool shader_denorm_flush_to_zero_float_32::Bool shader_denorm_flush_to_zero_float_64::Bool shader_rounding_mode_rte_float_16::Bool shader_rounding_mode_rte_float_32::Bool shader_rounding_mode_rte_float_64::Bool shader_rounding_mode_rtz_float_16::Bool shader_rounding_mode_rtz_float_32::Bool shader_rounding_mode_rtz_float_64::Bool max_update_after_bind_descriptors_in_all_pools::UInt32 shader_uniform_buffer_array_non_uniform_indexing_native::Bool shader_sampled_image_array_non_uniform_indexing_native::Bool shader_storage_buffer_array_non_uniform_indexing_native::Bool shader_storage_image_array_non_uniform_indexing_native::Bool shader_input_attachment_array_non_uniform_indexing_native::Bool robust_buffer_access_update_after_bind::Bool quad_divergent_implicit_lod::Bool max_per_stage_descriptor_update_after_bind_samplers::UInt32 max_per_stage_descriptor_update_after_bind_uniform_buffers::UInt32 max_per_stage_descriptor_update_after_bind_storage_buffers::UInt32 max_per_stage_descriptor_update_after_bind_sampled_images::UInt32 max_per_stage_descriptor_update_after_bind_storage_images::UInt32 max_per_stage_descriptor_update_after_bind_input_attachments::UInt32 max_per_stage_update_after_bind_resources::UInt32 max_descriptor_set_update_after_bind_samplers::UInt32 max_descriptor_set_update_after_bind_uniform_buffers::UInt32 max_descriptor_set_update_after_bind_uniform_buffers_dynamic::UInt32 max_descriptor_set_update_after_bind_storage_buffers::UInt32 max_descriptor_set_update_after_bind_storage_buffers_dynamic::UInt32 max_descriptor_set_update_after_bind_sampled_images::UInt32 max_descriptor_set_update_after_bind_storage_images::UInt32 max_descriptor_set_update_after_bind_input_attachments::UInt32 supported_depth_resolve_modes::ResolveModeFlag supported_stencil_resolve_modes::ResolveModeFlag independent_resolve_none::Bool independent_resolve::Bool filter_minmax_single_component_formats::Bool filter_minmax_image_component_mapping::Bool max_timeline_semaphore_value_difference::UInt64 framebuffer_integer_color_sample_counts::SampleCountFlag end """ High-level wrapper for VkPipelineRasterizationConservativeStateCreateInfoEXT. Extension: VK\\_EXT\\_conservative\\_rasterization [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationConservativeStateCreateInfoEXT.html) """ @struct_hash_equal struct PipelineRasterizationConservativeStateCreateInfoEXT <: HighLevelStruct next::Any flags::UInt32 conservative_rasterization_mode::ConservativeRasterizationModeEXT extra_primitive_overestimation_size::Float32 end """ High-level wrapper for VkDeviceQueueGlobalPriorityCreateInfoKHR. Extension: VK\\_KHR\\_global\\_priority [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceQueueGlobalPriorityCreateInfoKHR.html) """ @struct_hash_equal struct DeviceQueueGlobalPriorityCreateInfoKHR <: HighLevelStruct next::Any global_priority::QueueGlobalPriorityKHR end """ High-level wrapper for VkQueueFamilyGlobalPriorityPropertiesKHR. Extension: VK\\_KHR\\_global\\_priority [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyGlobalPriorityPropertiesKHR.html) """ @struct_hash_equal struct QueueFamilyGlobalPriorityPropertiesKHR <: HighLevelStruct next::Any priority_count::UInt32 priorities::NTuple{Int(VK_MAX_GLOBAL_PRIORITY_SIZE_KHR), QueueGlobalPriorityKHR} end """ High-level wrapper for VkPipelineCoverageReductionStateCreateInfoNV. Extension: VK\\_NV\\_coverage\\_reduction\\_mode [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCoverageReductionStateCreateInfoNV.html) """ @struct_hash_equal struct PipelineCoverageReductionStateCreateInfoNV <: HighLevelStruct next::Any flags::UInt32 coverage_reduction_mode::CoverageReductionModeNV end """ High-level wrapper for VkFramebufferMixedSamplesCombinationNV. Extension: VK\\_NV\\_coverage\\_reduction\\_mode [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferMixedSamplesCombinationNV.html) """ @struct_hash_equal struct FramebufferMixedSamplesCombinationNV <: HighLevelStruct next::Any coverage_reduction_mode::CoverageReductionModeNV rasterization_samples::SampleCountFlag depth_stencil_samples::SampleCountFlag color_samples::SampleCountFlag end """ High-level wrapper for VkPipelineCoverageModulationStateCreateInfoNV. Extension: VK\\_NV\\_framebuffer\\_mixed\\_samples [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCoverageModulationStateCreateInfoNV.html) """ @struct_hash_equal struct PipelineCoverageModulationStateCreateInfoNV <: HighLevelStruct next::Any flags::UInt32 coverage_modulation_mode::CoverageModulationModeNV coverage_modulation_table_enable::Bool coverage_modulation_table::OptionalPtr{Vector{Float32}} end """ High-level wrapper for VkPipelineColorBlendAdvancedStateCreateInfoEXT. Extension: VK\\_EXT\\_blend\\_operation\\_advanced [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorBlendAdvancedStateCreateInfoEXT.html) """ @struct_hash_equal struct PipelineColorBlendAdvancedStateCreateInfoEXT <: HighLevelStruct next::Any src_premultiplied::Bool dst_premultiplied::Bool blend_overlap::BlendOverlapEXT end """ High-level wrapper for VkPipelineTessellationDomainOriginStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineTessellationDomainOriginStateCreateInfo.html) """ @struct_hash_equal struct PipelineTessellationDomainOriginStateCreateInfo <: HighLevelStruct next::Any domain_origin::TessellationDomainOrigin end """ High-level wrapper for VkSamplerReductionModeCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerReductionModeCreateInfo.html) """ @struct_hash_equal struct SamplerReductionModeCreateInfo <: HighLevelStruct next::Any reduction_mode::SamplerReductionMode end """ High-level wrapper for VkPhysicalDevicePointClippingProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePointClippingProperties.html) """ @struct_hash_equal struct PhysicalDevicePointClippingProperties <: HighLevelStruct next::Any point_clipping_behavior::PointClippingBehavior end """ High-level wrapper for VkPhysicalDeviceVulkan11Properties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan11Properties.html) """ @struct_hash_equal struct PhysicalDeviceVulkan11Properties <: HighLevelStruct next::Any device_uuid::NTuple{Int(VK_UUID_SIZE), UInt8} driver_uuid::NTuple{Int(VK_UUID_SIZE), UInt8} device_luid::NTuple{Int(VK_LUID_SIZE), UInt8} device_node_mask::UInt32 device_luid_valid::Bool subgroup_size::UInt32 subgroup_supported_stages::ShaderStageFlag subgroup_supported_operations::SubgroupFeatureFlag subgroup_quad_operations_in_all_stages::Bool point_clipping_behavior::PointClippingBehavior max_multiview_view_count::UInt32 max_multiview_instance_index::UInt32 protected_no_fault::Bool max_per_set_descriptors::UInt32 max_memory_allocation_size::UInt64 end """ High-level wrapper for VkPipelineDiscardRectangleStateCreateInfoEXT. Extension: VK\\_EXT\\_discard\\_rectangles [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineDiscardRectangleStateCreateInfoEXT.html) """ @struct_hash_equal struct PipelineDiscardRectangleStateCreateInfoEXT <: HighLevelStruct next::Any flags::UInt32 discard_rectangle_mode::DiscardRectangleModeEXT discard_rectangles::Vector{Rect2D} end """ High-level wrapper for VkViewportSwizzleNV. Extension: VK\\_NV\\_viewport\\_swizzle [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkViewportSwizzleNV.html) """ @struct_hash_equal struct ViewportSwizzleNV <: HighLevelStruct x::ViewportCoordinateSwizzleNV y::ViewportCoordinateSwizzleNV z::ViewportCoordinateSwizzleNV w::ViewportCoordinateSwizzleNV end """ High-level wrapper for VkPipelineViewportSwizzleStateCreateInfoNV. Extension: VK\\_NV\\_viewport\\_swizzle [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportSwizzleStateCreateInfoNV.html) """ @struct_hash_equal struct PipelineViewportSwizzleStateCreateInfoNV <: HighLevelStruct next::Any flags::UInt32 viewport_swizzles::Vector{ViewportSwizzleNV} end """ High-level wrapper for VkDisplayEventInfoEXT. Extension: VK\\_EXT\\_display\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayEventInfoEXT.html) """ @struct_hash_equal struct DisplayEventInfoEXT <: HighLevelStruct next::Any display_event::DisplayEventTypeEXT end """ High-level wrapper for VkDeviceEventInfoEXT. Extension: VK\\_EXT\\_display\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceEventInfoEXT.html) """ @struct_hash_equal struct DeviceEventInfoEXT <: HighLevelStruct next::Any device_event::DeviceEventTypeEXT end """ High-level wrapper for VkDisplayPowerInfoEXT. Extension: VK\\_EXT\\_display\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPowerInfoEXT.html) """ @struct_hash_equal struct DisplayPowerInfoEXT <: HighLevelStruct next::Any power_state::DisplayPowerStateEXT end """ High-level wrapper for VkValidationFeaturesEXT. Extension: VK\\_EXT\\_validation\\_features [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkValidationFeaturesEXT.html) """ @struct_hash_equal struct ValidationFeaturesEXT <: HighLevelStruct next::Any enabled_validation_features::Vector{ValidationFeatureEnableEXT} disabled_validation_features::Vector{ValidationFeatureDisableEXT} end """ High-level wrapper for VkValidationFlagsEXT. Extension: VK\\_EXT\\_validation\\_flags [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkValidationFlagsEXT.html) """ @struct_hash_equal struct ValidationFlagsEXT <: HighLevelStruct next::Any disabled_validation_checks::Vector{ValidationCheckEXT} end """ High-level wrapper for VkPipelineRasterizationStateRasterizationOrderAMD. Extension: VK\\_AMD\\_rasterization\\_order [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationStateRasterizationOrderAMD.html) """ @struct_hash_equal struct PipelineRasterizationStateRasterizationOrderAMD <: HighLevelStruct next::Any rasterization_order::RasterizationOrderAMD end """ High-level wrapper for VkDebugMarkerObjectNameInfoEXT. Extension: VK\\_EXT\\_debug\\_marker [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugMarkerObjectNameInfoEXT.html) """ @struct_hash_equal struct DebugMarkerObjectNameInfoEXT <: HighLevelStruct next::Any object_type::DebugReportObjectTypeEXT object::UInt64 object_name::String end """ High-level wrapper for VkDebugMarkerObjectTagInfoEXT. Extension: VK\\_EXT\\_debug\\_marker [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugMarkerObjectTagInfoEXT.html) """ @struct_hash_equal struct DebugMarkerObjectTagInfoEXT <: HighLevelStruct next::Any object_type::DebugReportObjectTypeEXT object::UInt64 tag_name::UInt64 tag_size::UInt tag::Ptr{Cvoid} end """ High-level wrapper for VkCalibratedTimestampInfoEXT. Extension: VK\\_EXT\\_calibrated\\_timestamps [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCalibratedTimestampInfoEXT.html) """ @struct_hash_equal struct CalibratedTimestampInfoEXT <: HighLevelStruct next::Any time_domain::TimeDomainEXT end """ High-level wrapper for VkSurfacePresentModeEXT. Extension: VK\\_EXT\\_surface\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfacePresentModeEXT.html) """ @struct_hash_equal struct SurfacePresentModeEXT <: HighLevelStruct next::Any present_mode::PresentModeKHR end """ High-level wrapper for VkSurfacePresentModeCompatibilityEXT. Extension: VK\\_EXT\\_surface\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfacePresentModeCompatibilityEXT.html) """ @struct_hash_equal struct SurfacePresentModeCompatibilityEXT <: HighLevelStruct next::Any present_modes::OptionalPtr{Vector{PresentModeKHR}} end """ High-level wrapper for VkSwapchainPresentModesCreateInfoEXT. Extension: VK\\_EXT\\_swapchain\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentModesCreateInfoEXT.html) """ @struct_hash_equal struct SwapchainPresentModesCreateInfoEXT <: HighLevelStruct next::Any present_modes::Vector{PresentModeKHR} end """ High-level wrapper for VkSwapchainPresentModeInfoEXT. Extension: VK\\_EXT\\_swapchain\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentModeInfoEXT.html) """ @struct_hash_equal struct SwapchainPresentModeInfoEXT <: HighLevelStruct next::Any present_modes::Vector{PresentModeKHR} end """ High-level wrapper for VkSemaphoreTypeCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreTypeCreateInfo.html) """ @struct_hash_equal struct SemaphoreTypeCreateInfo <: HighLevelStruct next::Any semaphore_type::SemaphoreType initial_value::UInt64 end """ High-level wrapper for VkDirectDriverLoadingListLUNARG. Extension: VK\\_LUNARG\\_direct\\_driver\\_loading [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDirectDriverLoadingListLUNARG.html) """ @struct_hash_equal struct DirectDriverLoadingListLUNARG <: HighLevelStruct next::Any mode::DirectDriverLoadingModeLUNARG drivers::Vector{DirectDriverLoadingInfoLUNARG} end """ High-level wrapper for VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV. Extension: VK\\_NV\\_ray\\_tracing\\_invocation\\_reorder [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV.html) """ @struct_hash_equal struct PhysicalDeviceRayTracingInvocationReorderPropertiesNV <: HighLevelStruct next::Any ray_tracing_invocation_reorder_reordering_hint::RayTracingInvocationReorderModeNV end """ High-level wrapper for VkDebugUtilsObjectNameInfoEXT. Extension: VK\\_EXT\\_debug\\_utils [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsObjectNameInfoEXT.html) """ @struct_hash_equal struct DebugUtilsObjectNameInfoEXT <: HighLevelStruct next::Any object_type::ObjectType object_handle::UInt64 object_name::String end """ High-level wrapper for VkDebugUtilsMessengerCallbackDataEXT. Extension: VK\\_EXT\\_debug\\_utils [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsMessengerCallbackDataEXT.html) """ @struct_hash_equal struct DebugUtilsMessengerCallbackDataEXT <: HighLevelStruct next::Any flags::UInt32 message_id_name::String message_id_number::Int32 message::String queue_labels::Vector{DebugUtilsLabelEXT} cmd_buf_labels::Vector{DebugUtilsLabelEXT} objects::Vector{DebugUtilsObjectNameInfoEXT} end """ High-level wrapper for VkDebugUtilsObjectTagInfoEXT. Extension: VK\\_EXT\\_debug\\_utils [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsObjectTagInfoEXT.html) """ @struct_hash_equal struct DebugUtilsObjectTagInfoEXT <: HighLevelStruct next::Any object_type::ObjectType object_handle::UInt64 tag_name::UInt64 tag_size::UInt tag::Ptr{Cvoid} end """ High-level wrapper for VkDeviceMemoryReportCallbackDataEXT. Extension: VK\\_EXT\\_device\\_memory\\_report [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceMemoryReportCallbackDataEXT.html) """ @struct_hash_equal struct DeviceMemoryReportCallbackDataEXT <: HighLevelStruct next::Any flags::UInt32 type::DeviceMemoryReportEventTypeEXT memory_object_id::UInt64 size::UInt64 object_type::ObjectType object_handle::UInt64 heap_index::UInt32 end """ High-level wrapper for VkPipelineDynamicStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineDynamicStateCreateInfo.html) """ @struct_hash_equal struct PipelineDynamicStateCreateInfo <: HighLevelStruct next::Any flags::UInt32 dynamic_states::Vector{DynamicState} end """ High-level wrapper for VkRayTracingPipelineCreateInfoKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingPipelineCreateInfoKHR.html) """ @struct_hash_equal struct RayTracingPipelineCreateInfoKHR <: HighLevelStruct next::Any flags::PipelineCreateFlag stages::Vector{PipelineShaderStageCreateInfo} groups::Vector{RayTracingShaderGroupCreateInfoKHR} max_pipeline_ray_recursion_depth::UInt32 library_info::OptionalPtr{PipelineLibraryCreateInfoKHR} library_interface::OptionalPtr{RayTracingPipelineInterfaceCreateInfoKHR} dynamic_state::OptionalPtr{PipelineDynamicStateCreateInfo} layout::PipelineLayout base_pipeline_handle::OptionalPtr{Pipeline} base_pipeline_index::Int32 end """ High-level wrapper for VkPresentInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentInfoKHR.html) """ @struct_hash_equal struct PresentInfoKHR <: HighLevelStruct next::Any wait_semaphores::Vector{Semaphore} swapchains::Vector{SwapchainKHR} image_indices::Vector{UInt32} results::OptionalPtr{Vector{Result}} end """ High-level wrapper for VkSubpassBeginInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassBeginInfo.html) """ @struct_hash_equal struct SubpassBeginInfo <: HighLevelStruct next::Any contents::SubpassContents end """ High-level wrapper for VkBufferViewCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferViewCreateInfo.html) """ @struct_hash_equal struct BufferViewCreateInfo <: HighLevelStruct next::Any flags::UInt32 buffer::Buffer format::Format offset::UInt64 range::UInt64 end """ High-level wrapper for VkVertexInputAttributeDescription. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputAttributeDescription.html) """ @struct_hash_equal struct VertexInputAttributeDescription <: HighLevelStruct location::UInt32 binding::UInt32 format::Format offset::UInt32 end """ High-level wrapper for VkSurfaceFormatKHR. Extension: VK\\_KHR\\_surface [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceFormatKHR.html) """ @struct_hash_equal struct SurfaceFormatKHR <: HighLevelStruct format::Format color_space::ColorSpaceKHR end """ High-level wrapper for VkSurfaceFormat2KHR. Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceFormat2KHR.html) """ @struct_hash_equal struct SurfaceFormat2KHR <: HighLevelStruct next::Any surface_format::SurfaceFormatKHR end """ High-level wrapper for VkImageFormatListCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageFormatListCreateInfo.html) """ @struct_hash_equal struct ImageFormatListCreateInfo <: HighLevelStruct next::Any view_formats::Vector{Format} end """ High-level wrapper for VkImageViewASTCDecodeModeEXT. Extension: VK\\_EXT\\_astc\\_decode\\_mode [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewASTCDecodeModeEXT.html) """ @struct_hash_equal struct ImageViewASTCDecodeModeEXT <: HighLevelStruct next::Any decode_mode::Format end """ High-level wrapper for VkFramebufferAttachmentImageInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferAttachmentImageInfo.html) """ @struct_hash_equal struct FramebufferAttachmentImageInfo <: HighLevelStruct next::Any flags::ImageCreateFlag usage::ImageUsageFlag width::UInt32 height::UInt32 layer_count::UInt32 view_formats::Vector{Format} end """ High-level wrapper for VkFramebufferAttachmentsCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferAttachmentsCreateInfo.html) """ @struct_hash_equal struct FramebufferAttachmentsCreateInfo <: HighLevelStruct next::Any attachment_image_infos::Vector{FramebufferAttachmentImageInfo} end """ High-level wrapper for VkSamplerCustomBorderColorCreateInfoEXT. Extension: VK\\_EXT\\_custom\\_border\\_color [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerCustomBorderColorCreateInfoEXT.html) """ @struct_hash_equal struct SamplerCustomBorderColorCreateInfoEXT <: HighLevelStruct next::Any custom_border_color::ClearColorValue format::Format end """ High-level wrapper for VkVertexInputAttributeDescription2EXT. Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputAttributeDescription2EXT.html) """ @struct_hash_equal struct VertexInputAttributeDescription2EXT <: HighLevelStruct next::Any location::UInt32 binding::UInt32 format::Format offset::UInt32 end """ High-level wrapper for VkVideoSessionCreateInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionCreateInfoKHR.html) """ @struct_hash_equal struct VideoSessionCreateInfoKHR <: HighLevelStruct next::Any queue_family_index::UInt32 flags::VideoSessionCreateFlagKHR video_profile::VideoProfileInfoKHR picture_format::Format max_coded_extent::Extent2D reference_picture_format::Format max_dpb_slots::UInt32 max_active_reference_pictures::UInt32 std_header_version::ExtensionProperties end """ High-level wrapper for VkDescriptorAddressInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorAddressInfoEXT.html) """ @struct_hash_equal struct DescriptorAddressInfoEXT <: HighLevelStruct next::Any address::UInt64 range::UInt64 format::Format end """ High-level wrapper for VkPipelineRenderingCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRenderingCreateInfo.html) """ @struct_hash_equal struct PipelineRenderingCreateInfo <: HighLevelStruct next::Any view_mask::UInt32 color_attachment_formats::Vector{Format} depth_attachment_format::Format stencil_attachment_format::Format end """ High-level wrapper for VkCommandBufferInheritanceRenderingInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceRenderingInfo.html) """ @struct_hash_equal struct CommandBufferInheritanceRenderingInfo <: HighLevelStruct next::Any flags::RenderingFlag view_mask::UInt32 color_attachment_formats::Vector{Format} depth_attachment_format::Format stencil_attachment_format::Format rasterization_samples::SampleCountFlag end """ High-level wrapper for VkOpticalFlowImageFormatPropertiesNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowImageFormatPropertiesNV.html) """ @struct_hash_equal struct OpticalFlowImageFormatPropertiesNV <: HighLevelStruct next::Any format::Format end """ High-level wrapper for VkOpticalFlowSessionCreateInfoNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowSessionCreateInfoNV.html) """ @struct_hash_equal struct OpticalFlowSessionCreateInfoNV <: HighLevelStruct next::Any width::UInt32 height::UInt32 image_format::Format flow_vector_format::Format cost_format::Format output_grid_size::OpticalFlowGridSizeFlagNV hint_grid_size::OpticalFlowGridSizeFlagNV performance_level::OpticalFlowPerformanceLevelNV flags::OpticalFlowSessionCreateFlagNV end """ High-level wrapper for VkVertexInputBindingDescription. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputBindingDescription.html) """ @struct_hash_equal struct VertexInputBindingDescription <: HighLevelStruct binding::UInt32 stride::UInt32 input_rate::VertexInputRate end """ High-level wrapper for VkPipelineVertexInputStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineVertexInputStateCreateInfo.html) """ @struct_hash_equal struct PipelineVertexInputStateCreateInfo <: HighLevelStruct next::Any flags::UInt32 vertex_binding_descriptions::Vector{VertexInputBindingDescription} vertex_attribute_descriptions::Vector{VertexInputAttributeDescription} end """ High-level wrapper for VkGraphicsShaderGroupCreateInfoNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsShaderGroupCreateInfoNV.html) """ @struct_hash_equal struct GraphicsShaderGroupCreateInfoNV <: HighLevelStruct next::Any stages::Vector{PipelineShaderStageCreateInfo} vertex_input_state::OptionalPtr{PipelineVertexInputStateCreateInfo} tessellation_state::OptionalPtr{PipelineTessellationStateCreateInfo} end """ High-level wrapper for VkGraphicsPipelineShaderGroupsCreateInfoNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsPipelineShaderGroupsCreateInfoNV.html) """ @struct_hash_equal struct GraphicsPipelineShaderGroupsCreateInfoNV <: HighLevelStruct next::Any groups::Vector{GraphicsShaderGroupCreateInfoNV} pipelines::Vector{Pipeline} end """ High-level wrapper for VkVertexInputBindingDescription2EXT. Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputBindingDescription2EXT.html) """ @struct_hash_equal struct VertexInputBindingDescription2EXT <: HighLevelStruct next::Any binding::UInt32 stride::UInt32 input_rate::VertexInputRate divisor::UInt32 end """ High-level wrapper for VkPhysicalDeviceProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProperties.html) """ @struct_hash_equal struct PhysicalDeviceProperties <: HighLevelStruct api_version::VersionNumber driver_version::VersionNumber vendor_id::UInt32 device_id::UInt32 device_type::PhysicalDeviceType device_name::String pipeline_cache_uuid::NTuple{Int(VK_UUID_SIZE), UInt8} limits::PhysicalDeviceLimits sparse_properties::PhysicalDeviceSparseProperties end """ High-level wrapper for VkPhysicalDeviceProperties2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProperties2.html) """ @struct_hash_equal struct PhysicalDeviceProperties2 <: HighLevelStruct next::Any properties::PhysicalDeviceProperties end """ High-level wrapper for VkColorBlendAdvancedEXT. Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkColorBlendAdvancedEXT.html) """ @struct_hash_equal struct ColorBlendAdvancedEXT <: HighLevelStruct advanced_blend_op::BlendOp src_premultiplied::Bool dst_premultiplied::Bool blend_overlap::BlendOverlapEXT clamp_results::Bool end """ High-level wrapper for VkPipelineColorBlendAttachmentState. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorBlendAttachmentState.html) """ @struct_hash_equal struct PipelineColorBlendAttachmentState <: HighLevelStruct blend_enable::Bool src_color_blend_factor::BlendFactor dst_color_blend_factor::BlendFactor color_blend_op::BlendOp src_alpha_blend_factor::BlendFactor dst_alpha_blend_factor::BlendFactor alpha_blend_op::BlendOp color_write_mask::ColorComponentFlag end """ High-level wrapper for VkPipelineColorBlendStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorBlendStateCreateInfo.html) """ @struct_hash_equal struct PipelineColorBlendStateCreateInfo <: HighLevelStruct next::Any flags::PipelineColorBlendStateCreateFlag logic_op_enable::Bool logic_op::LogicOp attachments::OptionalPtr{Vector{PipelineColorBlendAttachmentState}} blend_constants::NTuple{4, Float32} end """ High-level wrapper for VkColorBlendEquationEXT. Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkColorBlendEquationEXT.html) """ @struct_hash_equal struct ColorBlendEquationEXT <: HighLevelStruct src_color_blend_factor::BlendFactor dst_color_blend_factor::BlendFactor color_blend_op::BlendOp src_alpha_blend_factor::BlendFactor dst_alpha_blend_factor::BlendFactor alpha_blend_op::BlendOp end """ High-level wrapper for VkPipelineRasterizationStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationStateCreateInfo.html) """ @struct_hash_equal struct PipelineRasterizationStateCreateInfo <: HighLevelStruct next::Any flags::UInt32 depth_clamp_enable::Bool rasterizer_discard_enable::Bool polygon_mode::PolygonMode cull_mode::CullModeFlag front_face::FrontFace depth_bias_enable::Bool depth_bias_constant_factor::Float32 depth_bias_clamp::Float32 depth_bias_slope_factor::Float32 line_width::Float32 end """ High-level wrapper for VkStencilOpState. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkStencilOpState.html) """ @struct_hash_equal struct StencilOpState <: HighLevelStruct fail_op::StencilOp pass_op::StencilOp depth_fail_op::StencilOp compare_op::CompareOp compare_mask::UInt32 write_mask::UInt32 reference::UInt32 end """ High-level wrapper for VkPipelineDepthStencilStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineDepthStencilStateCreateInfo.html) """ @struct_hash_equal struct PipelineDepthStencilStateCreateInfo <: HighLevelStruct next::Any flags::PipelineDepthStencilStateCreateFlag depth_test_enable::Bool depth_write_enable::Bool depth_compare_op::CompareOp depth_bounds_test_enable::Bool stencil_test_enable::Bool front::StencilOpState back::StencilOpState min_depth_bounds::Float32 max_depth_bounds::Float32 end """ High-level wrapper for VkBindIndexBufferIndirectCommandNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindIndexBufferIndirectCommandNV.html) """ @struct_hash_equal struct BindIndexBufferIndirectCommandNV <: HighLevelStruct buffer_address::UInt64 size::UInt32 index_type::IndexType end """ High-level wrapper for VkIndirectCommandsLayoutTokenNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkIndirectCommandsLayoutTokenNV.html) """ @struct_hash_equal struct IndirectCommandsLayoutTokenNV <: HighLevelStruct next::Any token_type::IndirectCommandsTokenTypeNV stream::UInt32 offset::UInt32 vertex_binding_unit::UInt32 vertex_dynamic_stride::Bool pushconstant_pipeline_layout::OptionalPtr{PipelineLayout} pushconstant_shader_stage_flags::ShaderStageFlag pushconstant_offset::UInt32 pushconstant_size::UInt32 indirect_state_flags::IndirectStateFlagNV index_types::Vector{IndexType} index_type_values::Vector{UInt32} end """ High-level wrapper for VkGeometryTrianglesNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryTrianglesNV.html) """ @struct_hash_equal struct GeometryTrianglesNV <: HighLevelStruct next::Any vertex_data::OptionalPtr{Buffer} vertex_offset::UInt64 vertex_count::UInt32 vertex_stride::UInt64 vertex_format::Format index_data::OptionalPtr{Buffer} index_offset::UInt64 index_count::UInt32 index_type::IndexType transform_data::OptionalPtr{Buffer} transform_offset::UInt64 end """ High-level wrapper for VkGeometryDataNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryDataNV.html) """ @struct_hash_equal struct GeometryDataNV <: HighLevelStruct triangles::GeometryTrianglesNV aabbs::GeometryAABBNV end """ High-level wrapper for VkGeometryNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryNV.html) """ @struct_hash_equal struct GeometryNV <: HighLevelStruct next::Any geometry_type::GeometryTypeKHR geometry::GeometryDataNV flags::GeometryFlagKHR end """ High-level wrapper for VkAccelerationStructureInfoNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureInfoNV.html) """ @struct_hash_equal struct AccelerationStructureInfoNV <: HighLevelStruct next::Any type::VkAccelerationStructureTypeNV flags::OptionalPtr{VkBuildAccelerationStructureFlagsNV} instance_count::UInt32 geometries::Vector{GeometryNV} end """ High-level wrapper for VkAccelerationStructureCreateInfoNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureCreateInfoNV.html) """ @struct_hash_equal struct AccelerationStructureCreateInfoNV <: HighLevelStruct next::Any compacted_size::UInt64 info::AccelerationStructureInfoNV end """ High-level wrapper for VkAccelerationStructureGeometryTrianglesDataKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryTrianglesDataKHR.html) """ @struct_hash_equal struct AccelerationStructureGeometryTrianglesDataKHR <: HighLevelStruct next::Any vertex_format::Format vertex_data::DeviceOrHostAddressConstKHR vertex_stride::UInt64 max_vertex::UInt32 index_type::IndexType index_data::DeviceOrHostAddressConstKHR transform_data::DeviceOrHostAddressConstKHR end """ High-level wrapper for VkAccelerationStructureTrianglesOpacityMicromapEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureTrianglesOpacityMicromapEXT.html) """ @struct_hash_equal struct AccelerationStructureTrianglesOpacityMicromapEXT <: HighLevelStruct next::Any index_type::IndexType index_buffer::DeviceOrHostAddressConstKHR index_stride::UInt64 base_triangle::UInt32 usage_counts::OptionalPtr{Vector{MicromapUsageEXT}} usage_counts_2::OptionalPtr{Vector{MicromapUsageEXT}} micromap::MicromapEXT end """ High-level wrapper for VkBufferCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCreateInfo.html) """ @struct_hash_equal struct BufferCreateInfo <: HighLevelStruct next::Any flags::BufferCreateFlag size::UInt64 usage::BufferUsageFlag sharing_mode::SharingMode queue_family_indices::Vector{UInt32} end """ High-level wrapper for VkDeviceBufferMemoryRequirements. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceBufferMemoryRequirements.html) """ @struct_hash_equal struct DeviceBufferMemoryRequirements <: HighLevelStruct next::Any create_info::BufferCreateInfo end """ High-level wrapper for VkSwapchainCreateInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainCreateInfoKHR.html) """ @struct_hash_equal struct SwapchainCreateInfoKHR <: HighLevelStruct next::Any flags::SwapchainCreateFlagKHR surface::SurfaceKHR min_image_count::UInt32 image_format::Format image_color_space::ColorSpaceKHR image_extent::Extent2D image_array_layers::UInt32 image_usage::ImageUsageFlag image_sharing_mode::SharingMode queue_family_indices::Vector{UInt32} pre_transform::SurfaceTransformFlagKHR composite_alpha::CompositeAlphaFlagKHR present_mode::PresentModeKHR clipped::Bool old_swapchain::OptionalPtr{SwapchainKHR} end """ High-level wrapper for VkPhysicalDeviceImageDrmFormatModifierInfoEXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageDrmFormatModifierInfoEXT.html) """ @struct_hash_equal struct PhysicalDeviceImageDrmFormatModifierInfoEXT <: HighLevelStruct next::Any drm_format_modifier::UInt64 sharing_mode::SharingMode queue_family_indices::Vector{UInt32} end """ High-level wrapper for VkPipelineInputAssemblyStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineInputAssemblyStateCreateInfo.html) """ @struct_hash_equal struct PipelineInputAssemblyStateCreateInfo <: HighLevelStruct next::Any flags::UInt32 topology::PrimitiveTopology primitive_restart_enable::Bool end """ High-level wrapper for VkGraphicsPipelineCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsPipelineCreateInfo.html) """ @struct_hash_equal struct GraphicsPipelineCreateInfo <: HighLevelStruct next::Any flags::PipelineCreateFlag stages::OptionalPtr{Vector{PipelineShaderStageCreateInfo}} vertex_input_state::OptionalPtr{PipelineVertexInputStateCreateInfo} input_assembly_state::OptionalPtr{PipelineInputAssemblyStateCreateInfo} tessellation_state::OptionalPtr{PipelineTessellationStateCreateInfo} viewport_state::OptionalPtr{PipelineViewportStateCreateInfo} rasterization_state::OptionalPtr{PipelineRasterizationStateCreateInfo} multisample_state::OptionalPtr{PipelineMultisampleStateCreateInfo} depth_stencil_state::OptionalPtr{PipelineDepthStencilStateCreateInfo} color_blend_state::OptionalPtr{PipelineColorBlendStateCreateInfo} dynamic_state::OptionalPtr{PipelineDynamicStateCreateInfo} layout::OptionalPtr{PipelineLayout} render_pass::OptionalPtr{RenderPass} subpass::UInt32 base_pipeline_handle::OptionalPtr{Pipeline} base_pipeline_index::Int32 end """ High-level wrapper for VkPipelineCacheHeaderVersionOne. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCacheHeaderVersionOne.html) """ @struct_hash_equal struct PipelineCacheHeaderVersionOne <: HighLevelStruct header_size::UInt32 header_version::PipelineCacheHeaderVersion vendor_id::UInt32 device_id::UInt32 pipeline_cache_uuid::NTuple{Int(VK_UUID_SIZE), UInt8} end """ High-level wrapper for VkIndirectCommandsLayoutCreateInfoNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkIndirectCommandsLayoutCreateInfoNV.html) """ @struct_hash_equal struct IndirectCommandsLayoutCreateInfoNV <: HighLevelStruct next::Any flags::IndirectCommandsLayoutUsageFlagNV pipeline_bind_point::PipelineBindPoint tokens::Vector{IndirectCommandsLayoutTokenNV} stream_strides::Vector{UInt32} end """ High-level wrapper for VkGeneratedCommandsInfoNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeneratedCommandsInfoNV.html) """ @struct_hash_equal struct GeneratedCommandsInfoNV <: HighLevelStruct next::Any pipeline_bind_point::PipelineBindPoint pipeline::Pipeline indirect_commands_layout::IndirectCommandsLayoutNV streams::Vector{IndirectCommandsStreamNV} sequences_count::UInt32 preprocess_buffer::Buffer preprocess_offset::UInt64 preprocess_size::UInt64 sequences_count_buffer::OptionalPtr{Buffer} sequences_count_offset::UInt64 sequences_index_buffer::OptionalPtr{Buffer} sequences_index_offset::UInt64 end """ High-level wrapper for VkGeneratedCommandsMemoryRequirementsInfoNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeneratedCommandsMemoryRequirementsInfoNV.html) """ @struct_hash_equal struct GeneratedCommandsMemoryRequirementsInfoNV <: HighLevelStruct next::Any pipeline_bind_point::PipelineBindPoint pipeline::Pipeline indirect_commands_layout::IndirectCommandsLayoutNV max_sequences_count::UInt32 end """ High-level wrapper for VkSamplerCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerCreateInfo.html) """ @struct_hash_equal struct SamplerCreateInfo <: HighLevelStruct next::Any flags::SamplerCreateFlag mag_filter::Filter min_filter::Filter mipmap_mode::SamplerMipmapMode address_mode_u::SamplerAddressMode address_mode_v::SamplerAddressMode address_mode_w::SamplerAddressMode mip_lod_bias::Float32 anisotropy_enable::Bool max_anisotropy::Float32 compare_enable::Bool compare_op::CompareOp min_lod::Float32 max_lod::Float32 border_color::BorderColor unnormalized_coordinates::Bool end """ High-level wrapper for VkQueryPoolCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueryPoolCreateInfo.html) """ @struct_hash_equal struct QueryPoolCreateInfo <: HighLevelStruct next::Any flags::UInt32 query_type::QueryType query_count::UInt32 pipeline_statistics::QueryPipelineStatisticFlag end """ High-level wrapper for VkDescriptorSetLayoutBinding. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutBinding.html) """ @struct_hash_equal struct DescriptorSetLayoutBinding <: HighLevelStruct binding::UInt32 descriptor_type::DescriptorType descriptor_count::UInt32 stage_flags::ShaderStageFlag immutable_samplers::OptionalPtr{Vector{Sampler}} end """ High-level wrapper for VkDescriptorSetLayoutCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutCreateInfo.html) """ @struct_hash_equal struct DescriptorSetLayoutCreateInfo <: HighLevelStruct next::Any flags::DescriptorSetLayoutCreateFlag bindings::Vector{DescriptorSetLayoutBinding} end """ High-level wrapper for VkDescriptorPoolSize. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorPoolSize.html) """ @struct_hash_equal struct DescriptorPoolSize <: HighLevelStruct type::DescriptorType descriptor_count::UInt32 end """ High-level wrapper for VkDescriptorPoolCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorPoolCreateInfo.html) """ @struct_hash_equal struct DescriptorPoolCreateInfo <: HighLevelStruct next::Any flags::DescriptorPoolCreateFlag max_sets::UInt32 pool_sizes::Vector{DescriptorPoolSize} end """ High-level wrapper for VkDescriptorUpdateTemplateEntry. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorUpdateTemplateEntry.html) """ @struct_hash_equal struct DescriptorUpdateTemplateEntry <: HighLevelStruct dst_binding::UInt32 dst_array_element::UInt32 descriptor_count::UInt32 descriptor_type::DescriptorType offset::UInt stride::UInt end """ High-level wrapper for VkDescriptorUpdateTemplateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorUpdateTemplateCreateInfo.html) """ @struct_hash_equal struct DescriptorUpdateTemplateCreateInfo <: HighLevelStruct next::Any flags::UInt32 descriptor_update_entries::Vector{DescriptorUpdateTemplateEntry} template_type::DescriptorUpdateTemplateType descriptor_set_layout::DescriptorSetLayout pipeline_bind_point::PipelineBindPoint pipeline_layout::PipelineLayout set::UInt32 end """ High-level wrapper for VkImageViewHandleInfoNVX. Extension: VK\\_NVX\\_image\\_view\\_handle [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewHandleInfoNVX.html) """ @struct_hash_equal struct ImageViewHandleInfoNVX <: HighLevelStruct next::Any image_view::ImageView descriptor_type::DescriptorType sampler::OptionalPtr{Sampler} end """ High-level wrapper for VkMutableDescriptorTypeListEXT. Extension: VK\\_EXT\\_mutable\\_descriptor\\_type [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMutableDescriptorTypeListEXT.html) """ @struct_hash_equal struct MutableDescriptorTypeListEXT <: HighLevelStruct descriptor_types::Vector{DescriptorType} end """ High-level wrapper for VkMutableDescriptorTypeCreateInfoEXT. Extension: VK\\_EXT\\_mutable\\_descriptor\\_type [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMutableDescriptorTypeCreateInfoEXT.html) """ @struct_hash_equal struct MutableDescriptorTypeCreateInfoEXT <: HighLevelStruct next::Any mutable_descriptor_type_lists::Vector{MutableDescriptorTypeListEXT} end """ High-level wrapper for VkDescriptorGetInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorGetInfoEXT.html) """ @struct_hash_equal struct DescriptorGetInfoEXT <: HighLevelStruct next::Any type::DescriptorType data::DescriptorDataEXT end """ High-level wrapper for VkComponentMapping. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkComponentMapping.html) """ @struct_hash_equal struct ComponentMapping <: HighLevelStruct r::ComponentSwizzle g::ComponentSwizzle b::ComponentSwizzle a::ComponentSwizzle end """ High-level wrapper for VkSamplerYcbcrConversionCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerYcbcrConversionCreateInfo.html) """ @struct_hash_equal struct SamplerYcbcrConversionCreateInfo <: HighLevelStruct next::Any format::Format ycbcr_model::SamplerYcbcrModelConversion ycbcr_range::SamplerYcbcrRange components::ComponentMapping x_chroma_offset::ChromaLocation y_chroma_offset::ChromaLocation chroma_filter::Filter force_explicit_reconstruction::Bool end """ High-level wrapper for VkSamplerBorderColorComponentMappingCreateInfoEXT. Extension: VK\\_EXT\\_border\\_color\\_swizzle [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerBorderColorComponentMappingCreateInfoEXT.html) """ @struct_hash_equal struct SamplerBorderColorComponentMappingCreateInfoEXT <: HighLevelStruct next::Any components::ComponentMapping srgb::Bool end """ High-level wrapper for VkCommandBufferAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferAllocateInfo.html) """ @struct_hash_equal struct CommandBufferAllocateInfo <: HighLevelStruct next::Any command_pool::CommandPool level::CommandBufferLevel command_buffer_count::UInt32 end """ High-level wrapper for VkImageViewCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewCreateInfo.html) """ @struct_hash_equal struct ImageViewCreateInfo <: HighLevelStruct next::Any flags::ImageViewCreateFlag image::Image view_type::ImageViewType format::Format components::ComponentMapping subresource_range::ImageSubresourceRange end """ High-level wrapper for VkPhysicalDeviceImageViewImageFormatInfoEXT. Extension: VK\\_EXT\\_filter\\_cubic [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageViewImageFormatInfoEXT.html) """ @struct_hash_equal struct PhysicalDeviceImageViewImageFormatInfoEXT <: HighLevelStruct next::Any image_view_type::ImageViewType end """ High-level wrapper for VkPhysicalDeviceImageFormatInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageFormatInfo2.html) """ @struct_hash_equal struct PhysicalDeviceImageFormatInfo2 <: HighLevelStruct next::Any format::Format type::ImageType tiling::ImageTiling usage::ImageUsageFlag flags::ImageCreateFlag end """ High-level wrapper for VkPhysicalDeviceSparseImageFormatInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSparseImageFormatInfo2.html) """ @struct_hash_equal struct PhysicalDeviceSparseImageFormatInfo2 <: HighLevelStruct next::Any format::Format type::ImageType samples::SampleCountFlag usage::ImageUsageFlag tiling::ImageTiling end """ High-level wrapper for VkVideoFormatPropertiesKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoFormatPropertiesKHR.html) """ @struct_hash_equal struct VideoFormatPropertiesKHR <: HighLevelStruct next::Any format::Format component_mapping::ComponentMapping image_create_flags::ImageCreateFlag image_type::ImageType image_tiling::ImageTiling image_usage_flags::ImageUsageFlag end """ High-level wrapper for VkDescriptorImageInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorImageInfo.html) """ @struct_hash_equal struct DescriptorImageInfo <: HighLevelStruct sampler::Sampler image_view::ImageView image_layout::ImageLayout end """ High-level wrapper for VkWriteDescriptorSet. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSet.html) """ @struct_hash_equal struct WriteDescriptorSet <: HighLevelStruct next::Any dst_set::DescriptorSet dst_binding::UInt32 dst_array_element::UInt32 descriptor_count::UInt32 descriptor_type::DescriptorType image_info::Vector{DescriptorImageInfo} buffer_info::Vector{DescriptorBufferInfo} texel_buffer_view::Vector{BufferView} end """ High-level wrapper for VkImageMemoryBarrier. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageMemoryBarrier.html) """ @struct_hash_equal struct ImageMemoryBarrier <: HighLevelStruct next::Any src_access_mask::AccessFlag dst_access_mask::AccessFlag old_layout::ImageLayout new_layout::ImageLayout src_queue_family_index::UInt32 dst_queue_family_index::UInt32 image::Image subresource_range::ImageSubresourceRange end """ High-level wrapper for VkImageCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCreateInfo.html) """ @struct_hash_equal struct ImageCreateInfo <: HighLevelStruct next::Any flags::ImageCreateFlag image_type::ImageType format::Format extent::Extent3D mip_levels::UInt32 array_layers::UInt32 samples::SampleCountFlag tiling::ImageTiling usage::ImageUsageFlag sharing_mode::SharingMode queue_family_indices::Vector{UInt32} initial_layout::ImageLayout end """ High-level wrapper for VkDeviceImageMemoryRequirements. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceImageMemoryRequirements.html) """ @struct_hash_equal struct DeviceImageMemoryRequirements <: HighLevelStruct next::Any create_info::ImageCreateInfo plane_aspect::ImageAspectFlag end """ High-level wrapper for VkAttachmentDescription. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentDescription.html) """ @struct_hash_equal struct AttachmentDescription <: HighLevelStruct flags::AttachmentDescriptionFlag format::Format samples::SampleCountFlag load_op::AttachmentLoadOp store_op::AttachmentStoreOp stencil_load_op::AttachmentLoadOp stencil_store_op::AttachmentStoreOp initial_layout::ImageLayout final_layout::ImageLayout end """ High-level wrapper for VkAttachmentReference. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentReference.html) """ @struct_hash_equal struct AttachmentReference <: HighLevelStruct attachment::UInt32 layout::ImageLayout end """ High-level wrapper for VkSubpassDescription. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDescription.html) """ @struct_hash_equal struct SubpassDescription <: HighLevelStruct flags::SubpassDescriptionFlag pipeline_bind_point::PipelineBindPoint input_attachments::Vector{AttachmentReference} color_attachments::Vector{AttachmentReference} resolve_attachments::OptionalPtr{Vector{AttachmentReference}} depth_stencil_attachment::OptionalPtr{AttachmentReference} preserve_attachments::Vector{UInt32} end """ High-level wrapper for VkRenderPassCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreateInfo.html) """ @struct_hash_equal struct RenderPassCreateInfo <: HighLevelStruct next::Any flags::RenderPassCreateFlag attachments::Vector{AttachmentDescription} subpasses::Vector{SubpassDescription} dependencies::Vector{SubpassDependency} end """ High-level wrapper for VkRenderPassFragmentDensityMapCreateInfoEXT. Extension: VK\\_EXT\\_fragment\\_density\\_map [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassFragmentDensityMapCreateInfoEXT.html) """ @struct_hash_equal struct RenderPassFragmentDensityMapCreateInfoEXT <: HighLevelStruct next::Any fragment_density_map_attachment::AttachmentReference end """ High-level wrapper for VkAttachmentDescription2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentDescription2.html) """ @struct_hash_equal struct AttachmentDescription2 <: HighLevelStruct next::Any flags::AttachmentDescriptionFlag format::Format samples::SampleCountFlag load_op::AttachmentLoadOp store_op::AttachmentStoreOp stencil_load_op::AttachmentLoadOp stencil_store_op::AttachmentStoreOp initial_layout::ImageLayout final_layout::ImageLayout end """ High-level wrapper for VkAttachmentReference2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentReference2.html) """ @struct_hash_equal struct AttachmentReference2 <: HighLevelStruct next::Any attachment::UInt32 layout::ImageLayout aspect_mask::ImageAspectFlag end """ High-level wrapper for VkSubpassDescription2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDescription2.html) """ @struct_hash_equal struct SubpassDescription2 <: HighLevelStruct next::Any flags::SubpassDescriptionFlag pipeline_bind_point::PipelineBindPoint view_mask::UInt32 input_attachments::Vector{AttachmentReference2} color_attachments::Vector{AttachmentReference2} resolve_attachments::OptionalPtr{Vector{AttachmentReference2}} depth_stencil_attachment::OptionalPtr{AttachmentReference2} preserve_attachments::Vector{UInt32} end """ High-level wrapper for VkRenderPassCreateInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreateInfo2.html) """ @struct_hash_equal struct RenderPassCreateInfo2 <: HighLevelStruct next::Any flags::RenderPassCreateFlag attachments::Vector{AttachmentDescription2} subpasses::Vector{SubpassDescription2} dependencies::Vector{SubpassDependency2} correlated_view_masks::Vector{UInt32} end """ High-level wrapper for VkSubpassDescriptionDepthStencilResolve. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDescriptionDepthStencilResolve.html) """ @struct_hash_equal struct SubpassDescriptionDepthStencilResolve <: HighLevelStruct next::Any depth_resolve_mode::ResolveModeFlag stencil_resolve_mode::ResolveModeFlag depth_stencil_resolve_attachment::OptionalPtr{AttachmentReference2} end """ High-level wrapper for VkFragmentShadingRateAttachmentInfoKHR. Extension: VK\\_KHR\\_fragment\\_shading\\_rate [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFragmentShadingRateAttachmentInfoKHR.html) """ @struct_hash_equal struct FragmentShadingRateAttachmentInfoKHR <: HighLevelStruct next::Any fragment_shading_rate_attachment::OptionalPtr{AttachmentReference2} shading_rate_attachment_texel_size::Extent2D end """ High-level wrapper for VkAttachmentReferenceStencilLayout. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentReferenceStencilLayout.html) """ @struct_hash_equal struct AttachmentReferenceStencilLayout <: HighLevelStruct next::Any stencil_layout::ImageLayout end """ High-level wrapper for VkAttachmentDescriptionStencilLayout. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentDescriptionStencilLayout.html) """ @struct_hash_equal struct AttachmentDescriptionStencilLayout <: HighLevelStruct next::Any stencil_initial_layout::ImageLayout stencil_final_layout::ImageLayout end """ High-level wrapper for VkCopyImageInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyImageInfo2.html) """ @struct_hash_equal struct CopyImageInfo2 <: HighLevelStruct next::Any src_image::Image src_image_layout::ImageLayout dst_image::Image dst_image_layout::ImageLayout regions::Vector{ImageCopy2} end """ High-level wrapper for VkBlitImageInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBlitImageInfo2.html) """ @struct_hash_equal struct BlitImageInfo2 <: HighLevelStruct next::Any src_image::Image src_image_layout::ImageLayout dst_image::Image dst_image_layout::ImageLayout regions::Vector{ImageBlit2} filter::Filter end """ High-level wrapper for VkCopyBufferToImageInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyBufferToImageInfo2.html) """ @struct_hash_equal struct CopyBufferToImageInfo2 <: HighLevelStruct next::Any src_buffer::Buffer dst_image::Image dst_image_layout::ImageLayout regions::Vector{BufferImageCopy2} end """ High-level wrapper for VkCopyImageToBufferInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyImageToBufferInfo2.html) """ @struct_hash_equal struct CopyImageToBufferInfo2 <: HighLevelStruct next::Any src_image::Image src_image_layout::ImageLayout dst_buffer::Buffer regions::Vector{BufferImageCopy2} end """ High-level wrapper for VkResolveImageInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkResolveImageInfo2.html) """ @struct_hash_equal struct ResolveImageInfo2 <: HighLevelStruct next::Any src_image::Image src_image_layout::ImageLayout dst_image::Image dst_image_layout::ImageLayout regions::Vector{ImageResolve2} end """ High-level wrapper for VkImageMemoryBarrier2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageMemoryBarrier2.html) """ @struct_hash_equal struct ImageMemoryBarrier2 <: HighLevelStruct next::Any src_stage_mask::UInt64 src_access_mask::UInt64 dst_stage_mask::UInt64 dst_access_mask::UInt64 old_layout::ImageLayout new_layout::ImageLayout src_queue_family_index::UInt32 dst_queue_family_index::UInt32 image::Image subresource_range::ImageSubresourceRange end """ High-level wrapper for VkDependencyInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDependencyInfo.html) """ @struct_hash_equal struct DependencyInfo <: HighLevelStruct next::Any dependency_flags::DependencyFlag memory_barriers::Vector{MemoryBarrier2} buffer_memory_barriers::Vector{BufferMemoryBarrier2} image_memory_barriers::Vector{ImageMemoryBarrier2} end """ High-level wrapper for VkRenderingAttachmentInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingAttachmentInfo.html) """ @struct_hash_equal struct RenderingAttachmentInfo <: HighLevelStruct next::Any image_view::OptionalPtr{ImageView} image_layout::ImageLayout resolve_mode::ResolveModeFlag resolve_image_view::OptionalPtr{ImageView} resolve_image_layout::ImageLayout load_op::AttachmentLoadOp store_op::AttachmentStoreOp clear_value::ClearValue end """ High-level wrapper for VkRenderingInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingInfo.html) """ @struct_hash_equal struct RenderingInfo <: HighLevelStruct next::Any flags::RenderingFlag render_area::Rect2D layer_count::UInt32 view_mask::UInt32 color_attachments::Vector{RenderingAttachmentInfo} depth_attachment::OptionalPtr{RenderingAttachmentInfo} stencil_attachment::OptionalPtr{RenderingAttachmentInfo} end """ High-level wrapper for VkRenderingFragmentShadingRateAttachmentInfoKHR. Extension: VK\\_KHR\\_dynamic\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingFragmentShadingRateAttachmentInfoKHR.html) """ @struct_hash_equal struct RenderingFragmentShadingRateAttachmentInfoKHR <: HighLevelStruct next::Any image_view::OptionalPtr{ImageView} image_layout::ImageLayout shading_rate_attachment_texel_size::Extent2D end """ High-level wrapper for VkRenderingFragmentDensityMapAttachmentInfoEXT. Extension: VK\\_KHR\\_dynamic\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingFragmentDensityMapAttachmentInfoEXT.html) """ @struct_hash_equal struct RenderingFragmentDensityMapAttachmentInfoEXT <: HighLevelStruct next::Any image_view::ImageView image_layout::ImageLayout end parent(physical_device::PhysicalDevice) = physical_device.instance parent(device::Device) = device.physical_device parent(queue::Queue) = queue.device parent(command_buffer::CommandBuffer) = command_buffer.command_pool parent(memory::DeviceMemory) = memory.device parent(command_pool::CommandPool) = command_pool.device parent(buffer::Buffer) = buffer.device parent(buffer_view::BufferView) = buffer_view.device parent(image::Image) = image.device parent(image_view::ImageView) = image_view.device parent(shader_module::ShaderModule) = shader_module.device parent(pipeline::Pipeline) = pipeline.device parent(pipeline_layout::PipelineLayout) = pipeline_layout.device parent(sampler::Sampler) = sampler.device parent(descriptor_set::DescriptorSet) = descriptor_set.descriptor_pool parent(descriptor_set_layout::DescriptorSetLayout) = descriptor_set_layout.device parent(descriptor_pool::DescriptorPool) = descriptor_pool.device parent(fence::Fence) = fence.device parent(semaphore::Semaphore) = semaphore.device parent(event::Event) = event.device parent(query_pool::QueryPool) = query_pool.device parent(framebuffer::Framebuffer) = framebuffer.device parent(renderpass::RenderPass) = renderpass.device parent(pipeline_cache::PipelineCache) = pipeline_cache.device parent(indirect_commands_layout::IndirectCommandsLayoutNV) = indirect_commands_layout.device parent(descriptor_update_template::DescriptorUpdateTemplate) = descriptor_update_template.device parent(ycbcr_conversion::SamplerYcbcrConversion) = ycbcr_conversion.device parent(validation_cache::ValidationCacheEXT) = validation_cache.device parent(acceleration_structure::AccelerationStructureKHR) = acceleration_structure.device parent(acceleration_structure::AccelerationStructureNV) = acceleration_structure.device parent(configuration::PerformanceConfigurationINTEL) = configuration.device parent(operation::DeferredOperationKHR) = operation.device parent(private_data_slot::PrivateDataSlot) = private_data_slot.device parent(_module::CuModuleNVX) = _module.device parent(_function::CuFunctionNVX) = _function.device parent(session::OpticalFlowSessionNV) = session.device parent(micromap::MicromapEXT) = micromap.device parent(display::DisplayKHR) = display.physical_device parent(mode::DisplayModeKHR) = mode.display parent(surface::SurfaceKHR) = surface.instance parent(swapchain::SwapchainKHR) = swapchain.device parent(callback::DebugReportCallbackEXT) = callback.instance parent(messenger::DebugUtilsMessengerEXT) = messenger.instance parent(video_session::VideoSessionKHR) = video_session.device parent(video_session_parameters::VideoSessionParametersKHR) = video_session_parameters.video_session _ClearColorValue(float32::NTuple{4, Float32}) = _ClearColorValue(VkClearColorValue(float32)) _ClearColorValue(int32::NTuple{4, Int32}) = _ClearColorValue(VkClearColorValue(int32)) _ClearColorValue(uint32::NTuple{4, UInt32}) = _ClearColorValue(VkClearColorValue(uint32)) _ClearValue(color::_ClearColorValue) = _ClearValue(VkClearValue(color.vks)) _ClearValue(depth_stencil::_ClearDepthStencilValue) = _ClearValue(VkClearValue(depth_stencil.vks)) _PerformanceCounterResultKHR(int32::Int32) = _PerformanceCounterResultKHR(VkPerformanceCounterResultKHR(int32)) _PerformanceCounterResultKHR(int64::Int64) = _PerformanceCounterResultKHR(VkPerformanceCounterResultKHR(int64)) _PerformanceCounterResultKHR(uint32::UInt32) = _PerformanceCounterResultKHR(VkPerformanceCounterResultKHR(uint32)) _PerformanceCounterResultKHR(uint64::UInt64) = _PerformanceCounterResultKHR(VkPerformanceCounterResultKHR(uint64)) _PerformanceCounterResultKHR(float32::Float32) = _PerformanceCounterResultKHR(VkPerformanceCounterResultKHR(float32)) _PerformanceCounterResultKHR(float64::Float64) = _PerformanceCounterResultKHR(VkPerformanceCounterResultKHR(float64)) _PerformanceValueDataINTEL(value32::UInt32) = _PerformanceValueDataINTEL(VkPerformanceValueDataINTEL(value32)) _PerformanceValueDataINTEL(value64::UInt64) = _PerformanceValueDataINTEL(VkPerformanceValueDataINTEL(value64)) _PerformanceValueDataINTEL(value_float::AbstractFloat) = _PerformanceValueDataINTEL(VkPerformanceValueDataINTEL(value_float)) _PerformanceValueDataINTEL(value_bool::Bool) = _PerformanceValueDataINTEL(VkPerformanceValueDataINTEL(value_bool)) _PerformanceValueDataINTEL(value_string::String) = _PerformanceValueDataINTEL(VkPerformanceValueDataINTEL(value_string)) _PipelineExecutableStatisticValueKHR(b32::Bool) = _PipelineExecutableStatisticValueKHR(VkPipelineExecutableStatisticValueKHR(b32)) _PipelineExecutableStatisticValueKHR(i64::Signed) = _PipelineExecutableStatisticValueKHR(VkPipelineExecutableStatisticValueKHR(i64)) _PipelineExecutableStatisticValueKHR(u64::Unsigned) = _PipelineExecutableStatisticValueKHR(VkPipelineExecutableStatisticValueKHR(u64)) _PipelineExecutableStatisticValueKHR(f64::AbstractFloat) = _PipelineExecutableStatisticValueKHR(VkPipelineExecutableStatisticValueKHR(f64)) _DeviceOrHostAddressKHR(device_address::UInt64) = _DeviceOrHostAddressKHR(VkDeviceOrHostAddressKHR(device_address)) _DeviceOrHostAddressKHR(host_address::Ptr{Cvoid}) = _DeviceOrHostAddressKHR(VkDeviceOrHostAddressKHR(host_address)) _DeviceOrHostAddressConstKHR(device_address::UInt64) = _DeviceOrHostAddressConstKHR(VkDeviceOrHostAddressConstKHR(device_address)) _DeviceOrHostAddressConstKHR(host_address::Ptr{Cvoid}) = _DeviceOrHostAddressConstKHR(VkDeviceOrHostAddressConstKHR(host_address)) _AccelerationStructureGeometryDataKHR(triangles::_AccelerationStructureGeometryTrianglesDataKHR) = _AccelerationStructureGeometryDataKHR(VkAccelerationStructureGeometryDataKHR(triangles.vks)) _AccelerationStructureGeometryDataKHR(aabbs::_AccelerationStructureGeometryAabbsDataKHR) = _AccelerationStructureGeometryDataKHR(VkAccelerationStructureGeometryDataKHR(aabbs.vks)) _AccelerationStructureGeometryDataKHR(instances::_AccelerationStructureGeometryInstancesDataKHR) = _AccelerationStructureGeometryDataKHR(VkAccelerationStructureGeometryDataKHR(instances.vks)) _DescriptorDataEXT(x::Union{Sampler, Ptr{VkDescriptorImageInfo}, Ptr{VkDescriptorAddressInfoEXT}, UInt64}) = _DescriptorDataEXT(VkDescriptorDataEXT(x)) _AccelerationStructureMotionInstanceDataNV(static_instance::_AccelerationStructureInstanceKHR) = _AccelerationStructureMotionInstanceDataNV(VkAccelerationStructureMotionInstanceDataNV(static_instance.vks)) _AccelerationStructureMotionInstanceDataNV(matrix_motion_instance::_AccelerationStructureMatrixMotionInstanceNV) = _AccelerationStructureMotionInstanceDataNV(VkAccelerationStructureMotionInstanceDataNV(matrix_motion_instance.vks)) _AccelerationStructureMotionInstanceDataNV(srt_motion_instance::_AccelerationStructureSRTMotionInstanceNV) = _AccelerationStructureMotionInstanceDataNV(VkAccelerationStructureMotionInstanceDataNV(srt_motion_instance.vks)) ClearColorValue(float32::NTuple{4, Float32}) = ClearColorValue(VkClearColorValue(float32)) ClearColorValue(int32::NTuple{4, Int32}) = ClearColorValue(VkClearColorValue(int32)) ClearColorValue(uint32::NTuple{4, UInt32}) = ClearColorValue(VkClearColorValue(uint32)) ClearValue(color::ClearColorValue) = ClearValue(VkClearValue(color.vks)) ClearValue(depth_stencil::ClearDepthStencilValue) = ClearValue(VkClearValue((_ClearDepthStencilValue(depth_stencil)).vks)) PerformanceCounterResultKHR(int32::Int32) = PerformanceCounterResultKHR(VkPerformanceCounterResultKHR(int32)) PerformanceCounterResultKHR(int64::Int64) = PerformanceCounterResultKHR(VkPerformanceCounterResultKHR(int64)) PerformanceCounterResultKHR(uint32::UInt32) = PerformanceCounterResultKHR(VkPerformanceCounterResultKHR(uint32)) PerformanceCounterResultKHR(uint64::UInt64) = PerformanceCounterResultKHR(VkPerformanceCounterResultKHR(uint64)) PerformanceCounterResultKHR(float32::Float32) = PerformanceCounterResultKHR(VkPerformanceCounterResultKHR(float32)) PerformanceCounterResultKHR(float64::Float64) = PerformanceCounterResultKHR(VkPerformanceCounterResultKHR(float64)) PerformanceValueDataINTEL(value32::UInt32) = PerformanceValueDataINTEL(VkPerformanceValueDataINTEL(value32)) PerformanceValueDataINTEL(value64::UInt64) = PerformanceValueDataINTEL(VkPerformanceValueDataINTEL(value64)) PerformanceValueDataINTEL(value_float::AbstractFloat) = PerformanceValueDataINTEL(VkPerformanceValueDataINTEL(value_float)) PerformanceValueDataINTEL(value_bool::Bool) = PerformanceValueDataINTEL(VkPerformanceValueDataINTEL(value_bool)) PerformanceValueDataINTEL(value_string::String) = PerformanceValueDataINTEL(VkPerformanceValueDataINTEL(value_string)) PipelineExecutableStatisticValueKHR(b32::Bool) = PipelineExecutableStatisticValueKHR(VkPipelineExecutableStatisticValueKHR(b32)) PipelineExecutableStatisticValueKHR(i64::Signed) = PipelineExecutableStatisticValueKHR(VkPipelineExecutableStatisticValueKHR(i64)) PipelineExecutableStatisticValueKHR(u64::Unsigned) = PipelineExecutableStatisticValueKHR(VkPipelineExecutableStatisticValueKHR(u64)) PipelineExecutableStatisticValueKHR(f64::AbstractFloat) = PipelineExecutableStatisticValueKHR(VkPipelineExecutableStatisticValueKHR(f64)) DeviceOrHostAddressKHR(device_address::UInt64) = DeviceOrHostAddressKHR(VkDeviceOrHostAddressKHR(device_address)) DeviceOrHostAddressKHR(host_address::Ptr{Cvoid}) = DeviceOrHostAddressKHR(VkDeviceOrHostAddressKHR(host_address)) DeviceOrHostAddressConstKHR(device_address::UInt64) = DeviceOrHostAddressConstKHR(VkDeviceOrHostAddressConstKHR(device_address)) DeviceOrHostAddressConstKHR(host_address::Ptr{Cvoid}) = DeviceOrHostAddressConstKHR(VkDeviceOrHostAddressConstKHR(host_address)) AccelerationStructureGeometryDataKHR(triangles::AccelerationStructureGeometryTrianglesDataKHR) = AccelerationStructureGeometryDataKHR(VkAccelerationStructureGeometryDataKHR((_AccelerationStructureGeometryTrianglesDataKHR(triangles)).vks)) AccelerationStructureGeometryDataKHR(aabbs::AccelerationStructureGeometryAabbsDataKHR) = AccelerationStructureGeometryDataKHR(VkAccelerationStructureGeometryDataKHR((_AccelerationStructureGeometryAabbsDataKHR(aabbs)).vks)) AccelerationStructureGeometryDataKHR(instances::AccelerationStructureGeometryInstancesDataKHR) = AccelerationStructureGeometryDataKHR(VkAccelerationStructureGeometryDataKHR((_AccelerationStructureGeometryInstancesDataKHR(instances)).vks)) DescriptorDataEXT(x::Union{Sampler, Ptr{VkDescriptorImageInfo}, Ptr{VkDescriptorAddressInfoEXT}, UInt64}) = DescriptorDataEXT(VkDescriptorDataEXT(x)) AccelerationStructureMotionInstanceDataNV(static_instance::AccelerationStructureInstanceKHR) = AccelerationStructureMotionInstanceDataNV(VkAccelerationStructureMotionInstanceDataNV((_AccelerationStructureInstanceKHR(static_instance)).vks)) AccelerationStructureMotionInstanceDataNV(matrix_motion_instance::AccelerationStructureMatrixMotionInstanceNV) = AccelerationStructureMotionInstanceDataNV(VkAccelerationStructureMotionInstanceDataNV((_AccelerationStructureMatrixMotionInstanceNV(matrix_motion_instance)).vks)) AccelerationStructureMotionInstanceDataNV(srt_motion_instance::AccelerationStructureSRTMotionInstanceNV) = AccelerationStructureMotionInstanceDataNV(VkAccelerationStructureMotionInstanceDataNV((_AccelerationStructureSRTMotionInstanceNV(srt_motion_instance)).vks)) _ClearColorValue(x::ClearColorValue) = _ClearColorValue(getfield(x, :vks)) _ClearValue(x::ClearValue) = _ClearValue(getfield(x, :vks)) _PerformanceCounterResultKHR(x::PerformanceCounterResultKHR) = _PerformanceCounterResultKHR(getfield(x, :vks)) _PerformanceValueDataINTEL(x::PerformanceValueDataINTEL) = _PerformanceValueDataINTEL(getfield(x, :vks)) _PipelineExecutableStatisticValueKHR(x::PipelineExecutableStatisticValueKHR) = _PipelineExecutableStatisticValueKHR(getfield(x, :vks)) _DeviceOrHostAddressKHR(x::DeviceOrHostAddressKHR) = _DeviceOrHostAddressKHR(getfield(x, :vks)) _DeviceOrHostAddressConstKHR(x::DeviceOrHostAddressConstKHR) = _DeviceOrHostAddressConstKHR(getfield(x, :vks)) _AccelerationStructureGeometryDataKHR(x::AccelerationStructureGeometryDataKHR) = _AccelerationStructureGeometryDataKHR(getfield(x, :vks)) _DescriptorDataEXT(x::DescriptorDataEXT) = _DescriptorDataEXT(getfield(x, :vks)) _AccelerationStructureMotionInstanceDataNV(x::AccelerationStructureMotionInstanceDataNV) = _AccelerationStructureMotionInstanceDataNV(getfield(x, :vks)) convert(T::Type{_ClearColorValue}, x::ClearColorValue) = T(x) convert(T::Type{_ClearValue}, x::ClearValue) = T(x) convert(T::Type{_PerformanceCounterResultKHR}, x::PerformanceCounterResultKHR) = T(x) convert(T::Type{_PerformanceValueDataINTEL}, x::PerformanceValueDataINTEL) = T(x) convert(T::Type{_PipelineExecutableStatisticValueKHR}, x::PipelineExecutableStatisticValueKHR) = T(x) convert(T::Type{_DeviceOrHostAddressKHR}, x::DeviceOrHostAddressKHR) = T(x) convert(T::Type{_DeviceOrHostAddressConstKHR}, x::DeviceOrHostAddressConstKHR) = T(x) convert(T::Type{_AccelerationStructureGeometryDataKHR}, x::AccelerationStructureGeometryDataKHR) = T(x) convert(T::Type{_DescriptorDataEXT}, x::DescriptorDataEXT) = T(x) convert(T::Type{_AccelerationStructureMotionInstanceDataNV}, x::AccelerationStructureMotionInstanceDataNV) = T(x) function Base.getproperty(x::ClearColorValue, sym::Symbol) if sym === :float32 x.data.float32 elseif sym === :int32 x.data.int32 elseif sym === :uint32 x.data.uint32 else getfield(x, sym) end end function Base.getproperty(x::ClearValue, sym::Symbol) if sym === :color x.data.color elseif sym === :depth_stencil x.data.depthStencil else getfield(x, sym) end end function Base.getproperty(x::PerformanceCounterResultKHR, sym::Symbol) if sym === :int32 x.data.int32 elseif sym === :int64 x.data.int64 elseif sym === :uint32 x.data.uint32 elseif sym === :uint64 x.data.uint64 elseif sym === :float32 x.data.float32 elseif sym === :float64 x.data.float64 else getfield(x, sym) end end function Base.getproperty(x::PerformanceValueDataINTEL, sym::Symbol) if sym === :value32 x.data.value32 elseif sym === :value64 x.data.value64 elseif sym === :value_float x.data.valueFloat elseif sym === :value_bool x.data.valueBool elseif sym === :value_string x.data.valueString else getfield(x, sym) end end function Base.getproperty(x::PipelineExecutableStatisticValueKHR, sym::Symbol) if sym === :b32 x.data.b32 elseif sym === :i64 x.data.i64 elseif sym === :u64 x.data.u64 elseif sym === :f64 x.data.f64 else getfield(x, sym) end end function Base.getproperty(x::DeviceOrHostAddressKHR, sym::Symbol) if sym === :device_address x.data.deviceAddress elseif sym === :host_address x.data.hostAddress else getfield(x, sym) end end function Base.getproperty(x::DeviceOrHostAddressConstKHR, sym::Symbol) if sym === :device_address x.data.deviceAddress elseif sym === :host_address x.data.hostAddress else getfield(x, sym) end end function Base.getproperty(x::AccelerationStructureGeometryDataKHR, sym::Symbol) if sym === :triangles x.data.triangles elseif sym === :aabbs x.data.aabbs elseif sym === :instances x.data.instances else getfield(x, sym) end end function Base.getproperty(x::DescriptorDataEXT, sym::Symbol) if sym === :sampler x.data.pSampler elseif sym === :combined_image_sampler x.data.pCombinedImageSampler elseif sym === :input_attachment_image x.data.pInputAttachmentImage elseif sym === :sampled_image x.data.pSampledImage elseif sym === :storage_image x.data.pStorageImage elseif sym === :uniform_texel_buffer x.data.pUniformTexelBuffer elseif sym === :storage_texel_buffer x.data.pStorageTexelBuffer elseif sym === :uniform_buffer x.data.pUniformBuffer elseif sym === :storage_buffer x.data.pStorageBuffer elseif sym === :acceleration_structure x.data.accelerationStructure else getfield(x, sym) end end function Base.getproperty(x::AccelerationStructureMotionInstanceDataNV, sym::Symbol) if sym === :static_instance x.data.staticInstance elseif sym === :matrix_motion_instance x.data.matrixMotionInstance elseif sym === :srt_motion_instance x.data.srtMotionInstance else getfield(x, sym) end end """ Arguments: - `next::_BaseOutStructure`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBaseOutStructure.html) """ function _BaseOutStructure(; next = C_NULL) next = cconvert(Ptr{VkBaseOutStructure}, next) deps = Any[next] vks = VkBaseOutStructure(s_type, unsafe_convert(Ptr{VkBaseOutStructure}, next)) _BaseOutStructure(vks, deps) end """ Arguments: - `next::_BaseInStructure`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBaseInStructure.html) """ function _BaseInStructure(; next = C_NULL) next = cconvert(Ptr{VkBaseInStructure}, next) deps = Any[next] vks = VkBaseInStructure(s_type, unsafe_convert(Ptr{VkBaseInStructure}, next)) _BaseInStructure(vks, deps) end """ Arguments: - `x::Int32` - `y::Int32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOffset2D.html) """ function _Offset2D(x::Integer, y::Integer) _Offset2D(VkOffset2D(x, y)) end """ Arguments: - `x::Int32` - `y::Int32` - `z::Int32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOffset3D.html) """ function _Offset3D(x::Integer, y::Integer, z::Integer) _Offset3D(VkOffset3D(x, y, z)) end """ Arguments: - `width::UInt32` - `height::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExtent2D.html) """ function _Extent2D(width::Integer, height::Integer) _Extent2D(VkExtent2D(width, height)) end """ Arguments: - `width::UInt32` - `height::UInt32` - `depth::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExtent3D.html) """ function _Extent3D(width::Integer, height::Integer, depth::Integer) _Extent3D(VkExtent3D(width, height, depth)) end """ Arguments: - `x::Float32` - `y::Float32` - `width::Float32` - `height::Float32` - `min_depth::Float32` - `max_depth::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkViewport.html) """ function _Viewport(x::Real, y::Real, width::Real, height::Real, min_depth::Real, max_depth::Real) _Viewport(VkViewport(x, y, width, height, min_depth, max_depth)) end """ Arguments: - `offset::_Offset2D` - `extent::_Extent2D` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRect2D.html) """ function _Rect2D(offset::_Offset2D, extent::_Extent2D) _Rect2D(VkRect2D(offset.vks, extent.vks)) end """ Arguments: - `rect::_Rect2D` - `base_array_layer::UInt32` - `layer_count::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearRect.html) """ function _ClearRect(rect::_Rect2D, base_array_layer::Integer, layer_count::Integer) _ClearRect(VkClearRect(rect.vks, base_array_layer, layer_count)) end """ Arguments: - `r::ComponentSwizzle` - `g::ComponentSwizzle` - `b::ComponentSwizzle` - `a::ComponentSwizzle` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkComponentMapping.html) """ function _ComponentMapping(r::ComponentSwizzle, g::ComponentSwizzle, b::ComponentSwizzle, a::ComponentSwizzle) _ComponentMapping(VkComponentMapping(r, g, b, a)) end """ Arguments: - `api_version::VersionNumber` - `driver_version::VersionNumber` - `vendor_id::UInt32` - `device_id::UInt32` - `device_type::PhysicalDeviceType` - `device_name::String` - `pipeline_cache_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `limits::_PhysicalDeviceLimits` - `sparse_properties::_PhysicalDeviceSparseProperties` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProperties.html) """ function _PhysicalDeviceProperties(api_version::VersionNumber, driver_version::VersionNumber, vendor_id::Integer, device_id::Integer, device_type::PhysicalDeviceType, device_name::AbstractString, pipeline_cache_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}, limits::_PhysicalDeviceLimits, sparse_properties::_PhysicalDeviceSparseProperties) _PhysicalDeviceProperties(VkPhysicalDeviceProperties(to_vk(UInt32, api_version), to_vk(UInt32, driver_version), vendor_id, device_id, device_type, device_name, pipeline_cache_uuid, limits.vks, sparse_properties.vks)) end """ Arguments: - `extension_name::String` - `spec_version::VersionNumber` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExtensionProperties.html) """ function _ExtensionProperties(extension_name::AbstractString, spec_version::VersionNumber) _ExtensionProperties(VkExtensionProperties(extension_name, to_vk(UInt32, spec_version))) end """ Arguments: - `layer_name::String` - `spec_version::VersionNumber` - `implementation_version::VersionNumber` - `description::String` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkLayerProperties.html) """ function _LayerProperties(layer_name::AbstractString, spec_version::VersionNumber, implementation_version::VersionNumber, description::AbstractString) _LayerProperties(VkLayerProperties(layer_name, to_vk(UInt32, spec_version), to_vk(UInt32, implementation_version), description)) end """ Arguments: - `application_version::VersionNumber` - `engine_version::VersionNumber` - `api_version::VersionNumber` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `application_name::String`: defaults to `C_NULL` - `engine_name::String`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkApplicationInfo.html) """ function _ApplicationInfo(application_version::VersionNumber, engine_version::VersionNumber, api_version::VersionNumber; next = C_NULL, application_name = C_NULL, engine_name = C_NULL) next = cconvert(Ptr{Cvoid}, next) application_name = cconvert(Cstring, application_name) engine_name = cconvert(Cstring, engine_name) deps = Any[next, application_name, engine_name] vks = VkApplicationInfo(structure_type(VkApplicationInfo), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Cstring, application_name), to_vk(UInt32, application_version), unsafe_convert(Cstring, engine_name), to_vk(UInt32, engine_version), to_vk(UInt32, api_version)) _ApplicationInfo(vks, deps) end """ Arguments: - `pfn_allocation::FunctionPtr` - `pfn_reallocation::FunctionPtr` - `pfn_free::FunctionPtr` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` - `pfn_internal_allocation::FunctionPtr`: defaults to `0` - `pfn_internal_free::FunctionPtr`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAllocationCallbacks.html) """ function _AllocationCallbacks(pfn_allocation::FunctionPtr, pfn_reallocation::FunctionPtr, pfn_free::FunctionPtr; user_data = C_NULL, pfn_internal_allocation = 0, pfn_internal_free = 0) user_data = cconvert(Ptr{Cvoid}, user_data) deps = Any[user_data] vks = VkAllocationCallbacks(unsafe_convert(Ptr{Cvoid}, user_data), pfn_allocation, pfn_reallocation, pfn_free, pfn_internal_allocation, pfn_internal_free) _AllocationCallbacks(vks, deps) end """ Arguments: - `queue_family_index::UInt32` - `queue_priorities::Vector{Float32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::DeviceQueueCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceQueueCreateInfo.html) """ function _DeviceQueueCreateInfo(queue_family_index::Integer, queue_priorities::AbstractArray; next = C_NULL, flags = 0) queue_count = pointer_length(queue_priorities) next = cconvert(Ptr{Cvoid}, next) queue_priorities = cconvert(Ptr{Float32}, queue_priorities) deps = Any[next, queue_priorities] vks = VkDeviceQueueCreateInfo(structure_type(VkDeviceQueueCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, queue_family_index, queue_count, unsafe_convert(Ptr{Float32}, queue_priorities)) _DeviceQueueCreateInfo(vks, deps) end """ Arguments: - `queue_create_infos::Vector{_DeviceQueueCreateInfo}` - `enabled_layer_names::Vector{String}` - `enabled_extension_names::Vector{String}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `enabled_features::_PhysicalDeviceFeatures`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceCreateInfo.html) """ function _DeviceCreateInfo(queue_create_infos::AbstractArray, enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray; next = C_NULL, flags = 0, enabled_features = C_NULL) queue_create_info_count = pointer_length(queue_create_infos) enabled_layer_count = pointer_length(enabled_layer_names) enabled_extension_count = pointer_length(enabled_extension_names) next = cconvert(Ptr{Cvoid}, next) queue_create_infos = cconvert(Ptr{VkDeviceQueueCreateInfo}, queue_create_infos) enabled_layer_names = cconvert(Ptr{Cstring}, enabled_layer_names) enabled_extension_names = cconvert(Ptr{Cstring}, enabled_extension_names) enabled_features = cconvert(Ptr{VkPhysicalDeviceFeatures}, enabled_features) deps = Any[next, queue_create_infos, enabled_layer_names, enabled_extension_names, enabled_features] vks = VkDeviceCreateInfo(structure_type(VkDeviceCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, queue_create_info_count, unsafe_convert(Ptr{VkDeviceQueueCreateInfo}, queue_create_infos), enabled_layer_count, unsafe_convert(Ptr{Cstring}, enabled_layer_names), enabled_extension_count, unsafe_convert(Ptr{Cstring}, enabled_extension_names), unsafe_convert(Ptr{VkPhysicalDeviceFeatures}, enabled_features)) _DeviceCreateInfo(vks, deps) end """ Arguments: - `enabled_layer_names::Vector{String}` - `enabled_extension_names::Vector{String}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::InstanceCreateFlag`: defaults to `0` - `application_info::_ApplicationInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkInstanceCreateInfo.html) """ function _InstanceCreateInfo(enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray; next = C_NULL, flags = 0, application_info = C_NULL) enabled_layer_count = pointer_length(enabled_layer_names) enabled_extension_count = pointer_length(enabled_extension_names) next = cconvert(Ptr{Cvoid}, next) application_info = cconvert(Ptr{VkApplicationInfo}, application_info) enabled_layer_names = cconvert(Ptr{Cstring}, enabled_layer_names) enabled_extension_names = cconvert(Ptr{Cstring}, enabled_extension_names) deps = Any[next, application_info, enabled_layer_names, enabled_extension_names] vks = VkInstanceCreateInfo(structure_type(VkInstanceCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, unsafe_convert(Ptr{VkApplicationInfo}, application_info), enabled_layer_count, unsafe_convert(Ptr{Cstring}, enabled_layer_names), enabled_extension_count, unsafe_convert(Ptr{Cstring}, enabled_extension_names)) _InstanceCreateInfo(vks, deps) end """ Arguments: - `queue_count::UInt32` - `timestamp_valid_bits::UInt32` - `min_image_transfer_granularity::_Extent3D` - `queue_flags::QueueFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyProperties.html) """ function _QueueFamilyProperties(queue_count::Integer, timestamp_valid_bits::Integer, min_image_transfer_granularity::_Extent3D; queue_flags = 0) _QueueFamilyProperties(VkQueueFamilyProperties(queue_flags, queue_count, timestamp_valid_bits, min_image_transfer_granularity.vks)) end """ Arguments: - `memory_type_count::UInt32` - `memory_types::NTuple{Int(VK_MAX_MEMORY_TYPES), _MemoryType}` - `memory_heap_count::UInt32` - `memory_heaps::NTuple{Int(VK_MAX_MEMORY_HEAPS), _MemoryHeap}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryProperties.html) """ function _PhysicalDeviceMemoryProperties(memory_type_count::Integer, memory_types::NTuple{Int(VK_MAX_MEMORY_TYPES), _MemoryType}, memory_heap_count::Integer, memory_heaps::NTuple{Int(VK_MAX_MEMORY_HEAPS), _MemoryHeap}) _PhysicalDeviceMemoryProperties(VkPhysicalDeviceMemoryProperties(memory_type_count, memory_types, memory_heap_count, memory_heaps)) end """ Arguments: - `allocation_size::UInt64` - `memory_type_index::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryAllocateInfo.html) """ function _MemoryAllocateInfo(allocation_size::Integer, memory_type_index::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryAllocateInfo(structure_type(VkMemoryAllocateInfo), unsafe_convert(Ptr{Cvoid}, next), allocation_size, memory_type_index) _MemoryAllocateInfo(vks, deps) end """ Arguments: - `size::UInt64` - `alignment::UInt64` - `memory_type_bits::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryRequirements.html) """ function _MemoryRequirements(size::Integer, alignment::Integer, memory_type_bits::Integer) _MemoryRequirements(VkMemoryRequirements(size, alignment, memory_type_bits)) end """ Arguments: - `image_granularity::_Extent3D` - `aspect_mask::ImageAspectFlag`: defaults to `0` - `flags::SparseImageFormatFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageFormatProperties.html) """ function _SparseImageFormatProperties(image_granularity::_Extent3D; aspect_mask = 0, flags = 0) _SparseImageFormatProperties(VkSparseImageFormatProperties(aspect_mask, image_granularity.vks, flags)) end """ Arguments: - `format_properties::_SparseImageFormatProperties` - `image_mip_tail_first_lod::UInt32` - `image_mip_tail_size::UInt64` - `image_mip_tail_offset::UInt64` - `image_mip_tail_stride::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryRequirements.html) """ function _SparseImageMemoryRequirements(format_properties::_SparseImageFormatProperties, image_mip_tail_first_lod::Integer, image_mip_tail_size::Integer, image_mip_tail_offset::Integer, image_mip_tail_stride::Integer) _SparseImageMemoryRequirements(VkSparseImageMemoryRequirements(format_properties.vks, image_mip_tail_first_lod, image_mip_tail_size, image_mip_tail_offset, image_mip_tail_stride)) end """ Arguments: - `heap_index::UInt32` - `property_flags::MemoryPropertyFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryType.html) """ function _MemoryType(heap_index::Integer; property_flags = 0) _MemoryType(VkMemoryType(property_flags, heap_index)) end """ Arguments: - `size::UInt64` - `flags::MemoryHeapFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryHeap.html) """ function _MemoryHeap(size::Integer; flags = 0) _MemoryHeap(VkMemoryHeap(size, flags)) end """ Arguments: - `memory::DeviceMemory` - `offset::UInt64` - `size::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMappedMemoryRange.html) """ function _MappedMemoryRange(memory, offset::Integer, size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMappedMemoryRange(structure_type(VkMappedMemoryRange), unsafe_convert(Ptr{Cvoid}, next), memory, offset, size) _MappedMemoryRange(vks, deps, memory) end """ Arguments: - `linear_tiling_features::FormatFeatureFlag`: defaults to `0` - `optimal_tiling_features::FormatFeatureFlag`: defaults to `0` - `buffer_features::FormatFeatureFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFormatProperties.html) """ function _FormatProperties(; linear_tiling_features = 0, optimal_tiling_features = 0, buffer_features = 0) _FormatProperties(VkFormatProperties(linear_tiling_features, optimal_tiling_features, buffer_features)) end """ Arguments: - `max_extent::_Extent3D` - `max_mip_levels::UInt32` - `max_array_layers::UInt32` - `max_resource_size::UInt64` - `sample_counts::SampleCountFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageFormatProperties.html) """ function _ImageFormatProperties(max_extent::_Extent3D, max_mip_levels::Integer, max_array_layers::Integer, max_resource_size::Integer; sample_counts = 0) _ImageFormatProperties(VkImageFormatProperties(max_extent.vks, max_mip_levels, max_array_layers, sample_counts, max_resource_size)) end """ Arguments: - `offset::UInt64` - `range::UInt64` - `buffer::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorBufferInfo.html) """ function _DescriptorBufferInfo(offset::Integer, range::Integer; buffer = C_NULL) _DescriptorBufferInfo(VkDescriptorBufferInfo(buffer, offset, range), buffer) end """ Arguments: - `sampler::Sampler` - `image_view::ImageView` - `image_layout::ImageLayout` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorImageInfo.html) """ function _DescriptorImageInfo(sampler, image_view, image_layout::ImageLayout) _DescriptorImageInfo(VkDescriptorImageInfo(sampler, image_view, image_layout), sampler, image_view) end """ Arguments: - `dst_set::DescriptorSet` - `dst_binding::UInt32` - `dst_array_element::UInt32` - `descriptor_type::DescriptorType` - `image_info::Vector{_DescriptorImageInfo}` - `buffer_info::Vector{_DescriptorBufferInfo}` - `texel_buffer_view::Vector{BufferView}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `descriptor_count::UInt32`: defaults to `max(pointer_length(image_info), pointer_length(buffer_info), pointer_length(texel_buffer_view))` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSet.html) """ function _WriteDescriptorSet(dst_set, dst_binding::Integer, dst_array_element::Integer, descriptor_type::DescriptorType, image_info::AbstractArray, buffer_info::AbstractArray, texel_buffer_view::AbstractArray; next = C_NULL, descriptor_count = max(pointer_length(image_info), pointer_length(buffer_info), pointer_length(texel_buffer_view))) next = cconvert(Ptr{Cvoid}, next) image_info = cconvert(Ptr{VkDescriptorImageInfo}, image_info) buffer_info = cconvert(Ptr{VkDescriptorBufferInfo}, buffer_info) texel_buffer_view = cconvert(Ptr{VkBufferView}, texel_buffer_view) deps = Any[next, image_info, buffer_info, texel_buffer_view] vks = VkWriteDescriptorSet(structure_type(VkWriteDescriptorSet), unsafe_convert(Ptr{Cvoid}, next), dst_set, dst_binding, dst_array_element, descriptor_count, descriptor_type, unsafe_convert(Ptr{VkDescriptorImageInfo}, image_info), unsafe_convert(Ptr{VkDescriptorBufferInfo}, buffer_info), unsafe_convert(Ptr{VkBufferView}, texel_buffer_view)) _WriteDescriptorSet(vks, deps, dst_set) end """ Arguments: - `src_set::DescriptorSet` - `src_binding::UInt32` - `src_array_element::UInt32` - `dst_set::DescriptorSet` - `dst_binding::UInt32` - `dst_array_element::UInt32` - `descriptor_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyDescriptorSet.html) """ function _CopyDescriptorSet(src_set, src_binding::Integer, src_array_element::Integer, dst_set, dst_binding::Integer, dst_array_element::Integer, descriptor_count::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCopyDescriptorSet(structure_type(VkCopyDescriptorSet), unsafe_convert(Ptr{Cvoid}, next), src_set, src_binding, src_array_element, dst_set, dst_binding, dst_array_element, descriptor_count) _CopyDescriptorSet(vks, deps, src_set, dst_set) end """ Arguments: - `size::UInt64` - `usage::BufferUsageFlag` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::BufferCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCreateInfo.html) """ function _BufferCreateInfo(size::Integer, usage::BufferUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray; next = C_NULL, flags = 0) queue_family_index_count = pointer_length(queue_family_indices) next = cconvert(Ptr{Cvoid}, next) queue_family_indices = cconvert(Ptr{UInt32}, queue_family_indices) deps = Any[next, queue_family_indices] vks = VkBufferCreateInfo(structure_type(VkBufferCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, size, usage, sharing_mode, queue_family_index_count, unsafe_convert(Ptr{UInt32}, queue_family_indices)) _BufferCreateInfo(vks, deps) end """ Arguments: - `buffer::Buffer` - `format::Format` - `offset::UInt64` - `range::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferViewCreateInfo.html) """ function _BufferViewCreateInfo(buffer, format::Format, offset::Integer, range::Integer; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBufferViewCreateInfo(structure_type(VkBufferViewCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, buffer, format, offset, range) _BufferViewCreateInfo(vks, deps, buffer) end """ Arguments: - `aspect_mask::ImageAspectFlag` - `mip_level::UInt32` - `array_layer::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresource.html) """ function _ImageSubresource(aspect_mask::ImageAspectFlag, mip_level::Integer, array_layer::Integer) _ImageSubresource(VkImageSubresource(aspect_mask, mip_level, array_layer)) end """ Arguments: - `aspect_mask::ImageAspectFlag` - `mip_level::UInt32` - `base_array_layer::UInt32` - `layer_count::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresourceLayers.html) """ function _ImageSubresourceLayers(aspect_mask::ImageAspectFlag, mip_level::Integer, base_array_layer::Integer, layer_count::Integer) _ImageSubresourceLayers(VkImageSubresourceLayers(aspect_mask, mip_level, base_array_layer, layer_count)) end """ Arguments: - `aspect_mask::ImageAspectFlag` - `base_mip_level::UInt32` - `level_count::UInt32` - `base_array_layer::UInt32` - `layer_count::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresourceRange.html) """ function _ImageSubresourceRange(aspect_mask::ImageAspectFlag, base_mip_level::Integer, level_count::Integer, base_array_layer::Integer, layer_count::Integer) _ImageSubresourceRange(VkImageSubresourceRange(aspect_mask, base_mip_level, level_count, base_array_layer, layer_count)) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `src_access_mask::AccessFlag`: defaults to `0` - `dst_access_mask::AccessFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryBarrier.html) """ function _MemoryBarrier(; next = C_NULL, src_access_mask = 0, dst_access_mask = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryBarrier(structure_type(VkMemoryBarrier), unsafe_convert(Ptr{Cvoid}, next), src_access_mask, dst_access_mask) _MemoryBarrier(vks, deps) end """ Arguments: - `src_access_mask::AccessFlag` - `dst_access_mask::AccessFlag` - `src_queue_family_index::UInt32` - `dst_queue_family_index::UInt32` - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferMemoryBarrier.html) """ function _BufferMemoryBarrier(src_access_mask::AccessFlag, dst_access_mask::AccessFlag, src_queue_family_index::Integer, dst_queue_family_index::Integer, buffer, offset::Integer, size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBufferMemoryBarrier(structure_type(VkBufferMemoryBarrier), unsafe_convert(Ptr{Cvoid}, next), src_access_mask, dst_access_mask, src_queue_family_index, dst_queue_family_index, buffer, offset, size) _BufferMemoryBarrier(vks, deps, buffer) end """ Arguments: - `src_access_mask::AccessFlag` - `dst_access_mask::AccessFlag` - `old_layout::ImageLayout` - `new_layout::ImageLayout` - `src_queue_family_index::UInt32` - `dst_queue_family_index::UInt32` - `image::Image` - `subresource_range::_ImageSubresourceRange` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageMemoryBarrier.html) """ function _ImageMemoryBarrier(src_access_mask::AccessFlag, dst_access_mask::AccessFlag, old_layout::ImageLayout, new_layout::ImageLayout, src_queue_family_index::Integer, dst_queue_family_index::Integer, image, subresource_range::_ImageSubresourceRange; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageMemoryBarrier(structure_type(VkImageMemoryBarrier), unsafe_convert(Ptr{Cvoid}, next), src_access_mask, dst_access_mask, old_layout, new_layout, src_queue_family_index, dst_queue_family_index, image, subresource_range.vks) _ImageMemoryBarrier(vks, deps, image) end """ Arguments: - `image_type::ImageType` - `format::Format` - `extent::_Extent3D` - `mip_levels::UInt32` - `array_layers::UInt32` - `samples::SampleCountFlag` - `tiling::ImageTiling` - `usage::ImageUsageFlag` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `initial_layout::ImageLayout` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::ImageCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCreateInfo.html) """ function _ImageCreateInfo(image_type::ImageType, format::Format, extent::_Extent3D, mip_levels::Integer, array_layers::Integer, samples::SampleCountFlag, tiling::ImageTiling, usage::ImageUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, initial_layout::ImageLayout; next = C_NULL, flags = 0) queue_family_index_count = pointer_length(queue_family_indices) next = cconvert(Ptr{Cvoid}, next) queue_family_indices = cconvert(Ptr{UInt32}, queue_family_indices) deps = Any[next, queue_family_indices] vks = VkImageCreateInfo(structure_type(VkImageCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, image_type, format, extent.vks, mip_levels, array_layers, VkSampleCountFlagBits(samples.val), tiling, usage, sharing_mode, queue_family_index_count, unsafe_convert(Ptr{UInt32}, queue_family_indices), initial_layout) _ImageCreateInfo(vks, deps) end """ Arguments: - `offset::UInt64` - `size::UInt64` - `row_pitch::UInt64` - `array_pitch::UInt64` - `depth_pitch::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubresourceLayout.html) """ function _SubresourceLayout(offset::Integer, size::Integer, row_pitch::Integer, array_pitch::Integer, depth_pitch::Integer) _SubresourceLayout(VkSubresourceLayout(offset, size, row_pitch, array_pitch, depth_pitch)) end """ Arguments: - `image::Image` - `view_type::ImageViewType` - `format::Format` - `components::_ComponentMapping` - `subresource_range::_ImageSubresourceRange` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::ImageViewCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewCreateInfo.html) """ function _ImageViewCreateInfo(image, view_type::ImageViewType, format::Format, components::_ComponentMapping, subresource_range::_ImageSubresourceRange; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageViewCreateInfo(structure_type(VkImageViewCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, image, view_type, format, components.vks, subresource_range.vks) _ImageViewCreateInfo(vks, deps, image) end """ Arguments: - `src_offset::UInt64` - `dst_offset::UInt64` - `size::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCopy.html) """ function _BufferCopy(src_offset::Integer, dst_offset::Integer, size::Integer) _BufferCopy(VkBufferCopy(src_offset, dst_offset, size)) end """ Arguments: - `resource_offset::UInt64` - `size::UInt64` - `memory_offset::UInt64` - `memory::DeviceMemory`: defaults to `C_NULL` - `flags::SparseMemoryBindFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseMemoryBind.html) """ function _SparseMemoryBind(resource_offset::Integer, size::Integer, memory_offset::Integer; memory = C_NULL, flags = 0) _SparseMemoryBind(VkSparseMemoryBind(resource_offset, size, memory, memory_offset, flags), memory) end """ Arguments: - `subresource::_ImageSubresource` - `offset::_Offset3D` - `extent::_Extent3D` - `memory_offset::UInt64` - `memory::DeviceMemory`: defaults to `C_NULL` - `flags::SparseMemoryBindFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryBind.html) """ function _SparseImageMemoryBind(subresource::_ImageSubresource, offset::_Offset3D, extent::_Extent3D, memory_offset::Integer; memory = C_NULL, flags = 0) _SparseImageMemoryBind(VkSparseImageMemoryBind(subresource.vks, offset.vks, extent.vks, memory, memory_offset, flags), memory) end """ Arguments: - `buffer::Buffer` - `binds::Vector{_SparseMemoryBind}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseBufferMemoryBindInfo.html) """ function _SparseBufferMemoryBindInfo(buffer, binds::AbstractArray) bind_count = pointer_length(binds) binds = cconvert(Ptr{VkSparseMemoryBind}, binds) deps = Any[binds] vks = VkSparseBufferMemoryBindInfo(buffer, bind_count, unsafe_convert(Ptr{VkSparseMemoryBind}, binds)) _SparseBufferMemoryBindInfo(vks, deps, buffer) end """ Arguments: - `image::Image` - `binds::Vector{_SparseMemoryBind}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageOpaqueMemoryBindInfo.html) """ function _SparseImageOpaqueMemoryBindInfo(image, binds::AbstractArray) bind_count = pointer_length(binds) binds = cconvert(Ptr{VkSparseMemoryBind}, binds) deps = Any[binds] vks = VkSparseImageOpaqueMemoryBindInfo(image, bind_count, unsafe_convert(Ptr{VkSparseMemoryBind}, binds)) _SparseImageOpaqueMemoryBindInfo(vks, deps, image) end """ Arguments: - `image::Image` - `binds::Vector{_SparseImageMemoryBind}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryBindInfo.html) """ function _SparseImageMemoryBindInfo(image, binds::AbstractArray) bind_count = pointer_length(binds) binds = cconvert(Ptr{VkSparseImageMemoryBind}, binds) deps = Any[binds] vks = VkSparseImageMemoryBindInfo(image, bind_count, unsafe_convert(Ptr{VkSparseImageMemoryBind}, binds)) _SparseImageMemoryBindInfo(vks, deps, image) end """ Arguments: - `wait_semaphores::Vector{Semaphore}` - `buffer_binds::Vector{_SparseBufferMemoryBindInfo}` - `image_opaque_binds::Vector{_SparseImageOpaqueMemoryBindInfo}` - `image_binds::Vector{_SparseImageMemoryBindInfo}` - `signal_semaphores::Vector{Semaphore}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindSparseInfo.html) """ function _BindSparseInfo(wait_semaphores::AbstractArray, buffer_binds::AbstractArray, image_opaque_binds::AbstractArray, image_binds::AbstractArray, signal_semaphores::AbstractArray; next = C_NULL) wait_semaphore_count = pointer_length(wait_semaphores) buffer_bind_count = pointer_length(buffer_binds) image_opaque_bind_count = pointer_length(image_opaque_binds) image_bind_count = pointer_length(image_binds) signal_semaphore_count = pointer_length(signal_semaphores) next = cconvert(Ptr{Cvoid}, next) wait_semaphores = cconvert(Ptr{VkSemaphore}, wait_semaphores) buffer_binds = cconvert(Ptr{VkSparseBufferMemoryBindInfo}, buffer_binds) image_opaque_binds = cconvert(Ptr{VkSparseImageOpaqueMemoryBindInfo}, image_opaque_binds) image_binds = cconvert(Ptr{VkSparseImageMemoryBindInfo}, image_binds) signal_semaphores = cconvert(Ptr{VkSemaphore}, signal_semaphores) deps = Any[next, wait_semaphores, buffer_binds, image_opaque_binds, image_binds, signal_semaphores] vks = VkBindSparseInfo(structure_type(VkBindSparseInfo), unsafe_convert(Ptr{Cvoid}, next), wait_semaphore_count, unsafe_convert(Ptr{VkSemaphore}, wait_semaphores), buffer_bind_count, unsafe_convert(Ptr{VkSparseBufferMemoryBindInfo}, buffer_binds), image_opaque_bind_count, unsafe_convert(Ptr{VkSparseImageOpaqueMemoryBindInfo}, image_opaque_binds), image_bind_count, unsafe_convert(Ptr{VkSparseImageMemoryBindInfo}, image_binds), signal_semaphore_count, unsafe_convert(Ptr{VkSemaphore}, signal_semaphores)) _BindSparseInfo(vks, deps) end """ Arguments: - `src_subresource::_ImageSubresourceLayers` - `src_offset::_Offset3D` - `dst_subresource::_ImageSubresourceLayers` - `dst_offset::_Offset3D` - `extent::_Extent3D` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCopy.html) """ function _ImageCopy(src_subresource::_ImageSubresourceLayers, src_offset::_Offset3D, dst_subresource::_ImageSubresourceLayers, dst_offset::_Offset3D, extent::_Extent3D) _ImageCopy(VkImageCopy(src_subresource.vks, src_offset.vks, dst_subresource.vks, dst_offset.vks, extent.vks)) end """ Arguments: - `src_subresource::_ImageSubresourceLayers` - `src_offsets::NTuple{2, _Offset3D}` - `dst_subresource::_ImageSubresourceLayers` - `dst_offsets::NTuple{2, _Offset3D}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageBlit.html) """ function _ImageBlit(src_subresource::_ImageSubresourceLayers, src_offsets::NTuple{2, _Offset3D}, dst_subresource::_ImageSubresourceLayers, dst_offsets::NTuple{2, _Offset3D}) _ImageBlit(VkImageBlit(src_subresource.vks, to_vk(NTuple{2, VkOffset3D}, src_offsets), dst_subresource.vks, to_vk(NTuple{2, VkOffset3D}, dst_offsets))) end """ Arguments: - `buffer_offset::UInt64` - `buffer_row_length::UInt32` - `buffer_image_height::UInt32` - `image_subresource::_ImageSubresourceLayers` - `image_offset::_Offset3D` - `image_extent::_Extent3D` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferImageCopy.html) """ function _BufferImageCopy(buffer_offset::Integer, buffer_row_length::Integer, buffer_image_height::Integer, image_subresource::_ImageSubresourceLayers, image_offset::_Offset3D, image_extent::_Extent3D) _BufferImageCopy(VkBufferImageCopy(buffer_offset, buffer_row_length, buffer_image_height, image_subresource.vks, image_offset.vks, image_extent.vks)) end """ Extension: VK\\_NV\\_copy\\_memory\\_indirect Arguments: - `src_address::UInt64` - `dst_address::UInt64` - `size::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryIndirectCommandNV.html) """ function _CopyMemoryIndirectCommandNV(src_address::Integer, dst_address::Integer, size::Integer) _CopyMemoryIndirectCommandNV(VkCopyMemoryIndirectCommandNV(src_address, dst_address, size)) end """ Extension: VK\\_NV\\_copy\\_memory\\_indirect Arguments: - `src_address::UInt64` - `buffer_row_length::UInt32` - `buffer_image_height::UInt32` - `image_subresource::_ImageSubresourceLayers` - `image_offset::_Offset3D` - `image_extent::_Extent3D` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryToImageIndirectCommandNV.html) """ function _CopyMemoryToImageIndirectCommandNV(src_address::Integer, buffer_row_length::Integer, buffer_image_height::Integer, image_subresource::_ImageSubresourceLayers, image_offset::_Offset3D, image_extent::_Extent3D) _CopyMemoryToImageIndirectCommandNV(VkCopyMemoryToImageIndirectCommandNV(src_address, buffer_row_length, buffer_image_height, image_subresource.vks, image_offset.vks, image_extent.vks)) end """ Arguments: - `src_subresource::_ImageSubresourceLayers` - `src_offset::_Offset3D` - `dst_subresource::_ImageSubresourceLayers` - `dst_offset::_Offset3D` - `extent::_Extent3D` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageResolve.html) """ function _ImageResolve(src_subresource::_ImageSubresourceLayers, src_offset::_Offset3D, dst_subresource::_ImageSubresourceLayers, dst_offset::_Offset3D, extent::_Extent3D) _ImageResolve(VkImageResolve(src_subresource.vks, src_offset.vks, dst_subresource.vks, dst_offset.vks, extent.vks)) end """ Arguments: - `code_size::UInt` - `code::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderModuleCreateInfo.html) """ function _ShaderModuleCreateInfo(code_size::Integer, code::AbstractArray; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) code = cconvert(Ptr{UInt32}, code) deps = Any[next, code] vks = VkShaderModuleCreateInfo(structure_type(VkShaderModuleCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, code_size, unsafe_convert(Ptr{UInt32}, code)) _ShaderModuleCreateInfo(vks, deps) end """ Arguments: - `binding::UInt32` - `descriptor_type::DescriptorType` - `stage_flags::ShaderStageFlag` - `descriptor_count::UInt32`: defaults to `0` - `immutable_samplers::Vector{Sampler}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutBinding.html) """ function _DescriptorSetLayoutBinding(binding::Integer, descriptor_type::DescriptorType, stage_flags::ShaderStageFlag; descriptor_count = 0, immutable_samplers = C_NULL) immutable_samplers = cconvert(Ptr{VkSampler}, immutable_samplers) deps = Any[immutable_samplers] vks = VkDescriptorSetLayoutBinding(binding, descriptor_type, descriptor_count, stage_flags, unsafe_convert(Ptr{VkSampler}, immutable_samplers)) _DescriptorSetLayoutBinding(vks, deps) end """ Arguments: - `bindings::Vector{_DescriptorSetLayoutBinding}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::DescriptorSetLayoutCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutCreateInfo.html) """ function _DescriptorSetLayoutCreateInfo(bindings::AbstractArray; next = C_NULL, flags = 0) binding_count = pointer_length(bindings) next = cconvert(Ptr{Cvoid}, next) bindings = cconvert(Ptr{VkDescriptorSetLayoutBinding}, bindings) deps = Any[next, bindings] vks = VkDescriptorSetLayoutCreateInfo(structure_type(VkDescriptorSetLayoutCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, binding_count, unsafe_convert(Ptr{VkDescriptorSetLayoutBinding}, bindings)) _DescriptorSetLayoutCreateInfo(vks, deps) end """ Arguments: - `type::DescriptorType` - `descriptor_count::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorPoolSize.html) """ function _DescriptorPoolSize(type::DescriptorType, descriptor_count::Integer) _DescriptorPoolSize(VkDescriptorPoolSize(type, descriptor_count)) end """ Arguments: - `max_sets::UInt32` - `pool_sizes::Vector{_DescriptorPoolSize}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::DescriptorPoolCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorPoolCreateInfo.html) """ function _DescriptorPoolCreateInfo(max_sets::Integer, pool_sizes::AbstractArray; next = C_NULL, flags = 0) pool_size_count = pointer_length(pool_sizes) next = cconvert(Ptr{Cvoid}, next) pool_sizes = cconvert(Ptr{VkDescriptorPoolSize}, pool_sizes) deps = Any[next, pool_sizes] vks = VkDescriptorPoolCreateInfo(structure_type(VkDescriptorPoolCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, max_sets, pool_size_count, unsafe_convert(Ptr{VkDescriptorPoolSize}, pool_sizes)) _DescriptorPoolCreateInfo(vks, deps) end """ Arguments: - `descriptor_pool::DescriptorPool` - `set_layouts::Vector{DescriptorSetLayout}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetAllocateInfo.html) """ function _DescriptorSetAllocateInfo(descriptor_pool, set_layouts::AbstractArray; next = C_NULL) descriptor_set_count = pointer_length(set_layouts) next = cconvert(Ptr{Cvoid}, next) set_layouts = cconvert(Ptr{VkDescriptorSetLayout}, set_layouts) deps = Any[next, set_layouts] vks = VkDescriptorSetAllocateInfo(structure_type(VkDescriptorSetAllocateInfo), unsafe_convert(Ptr{Cvoid}, next), descriptor_pool, descriptor_set_count, unsafe_convert(Ptr{VkDescriptorSetLayout}, set_layouts)) _DescriptorSetAllocateInfo(vks, deps, descriptor_pool) end """ Arguments: - `constant_id::UInt32` - `offset::UInt32` - `size::UInt` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSpecializationMapEntry.html) """ function _SpecializationMapEntry(constant_id::Integer, offset::Integer, size::Integer) _SpecializationMapEntry(VkSpecializationMapEntry(constant_id, offset, size)) end """ Arguments: - `map_entries::Vector{_SpecializationMapEntry}` - `data::Ptr{Cvoid}` - `data_size::UInt`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSpecializationInfo.html) """ function _SpecializationInfo(map_entries::AbstractArray, data::Ptr{Cvoid}; data_size = 0) map_entry_count = pointer_length(map_entries) map_entries = cconvert(Ptr{VkSpecializationMapEntry}, map_entries) data = cconvert(Ptr{Cvoid}, data) deps = Any[map_entries, data] vks = VkSpecializationInfo(map_entry_count, unsafe_convert(Ptr{VkSpecializationMapEntry}, map_entries), data_size, unsafe_convert(Ptr{Cvoid}, data)) _SpecializationInfo(vks, deps) end """ Arguments: - `stage::ShaderStageFlag` - `_module::ShaderModule` - `name::String` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PipelineShaderStageCreateFlag`: defaults to `0` - `specialization_info::_SpecializationInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineShaderStageCreateInfo.html) """ function _PipelineShaderStageCreateInfo(stage::ShaderStageFlag, _module, name::AbstractString; next = C_NULL, flags = 0, specialization_info = C_NULL) next = cconvert(Ptr{Cvoid}, next) name = cconvert(Cstring, name) specialization_info = cconvert(Ptr{VkSpecializationInfo}, specialization_info) deps = Any[next, name, specialization_info] vks = VkPipelineShaderStageCreateInfo(structure_type(VkPipelineShaderStageCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, VkShaderStageFlagBits(stage.val), _module, unsafe_convert(Cstring, name), unsafe_convert(Ptr{VkSpecializationInfo}, specialization_info)) _PipelineShaderStageCreateInfo(vks, deps, _module) end """ Arguments: - `stage::_PipelineShaderStageCreateInfo` - `layout::PipelineLayout` - `base_pipeline_index::Int32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PipelineCreateFlag`: defaults to `0` - `base_pipeline_handle::Pipeline`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkComputePipelineCreateInfo.html) """ function _ComputePipelineCreateInfo(stage::_PipelineShaderStageCreateInfo, layout, base_pipeline_index::Integer; next = C_NULL, flags = 0, base_pipeline_handle = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkComputePipelineCreateInfo(structure_type(VkComputePipelineCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, stage.vks, layout, base_pipeline_handle, base_pipeline_index) _ComputePipelineCreateInfo(vks, deps, layout, base_pipeline_handle) end """ Arguments: - `binding::UInt32` - `stride::UInt32` - `input_rate::VertexInputRate` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputBindingDescription.html) """ function _VertexInputBindingDescription(binding::Integer, stride::Integer, input_rate::VertexInputRate) _VertexInputBindingDescription(VkVertexInputBindingDescription(binding, stride, input_rate)) end """ Arguments: - `location::UInt32` - `binding::UInt32` - `format::Format` - `offset::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputAttributeDescription.html) """ function _VertexInputAttributeDescription(location::Integer, binding::Integer, format::Format, offset::Integer) _VertexInputAttributeDescription(VkVertexInputAttributeDescription(location, binding, format, offset)) end """ Arguments: - `vertex_binding_descriptions::Vector{_VertexInputBindingDescription}` - `vertex_attribute_descriptions::Vector{_VertexInputAttributeDescription}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineVertexInputStateCreateInfo.html) """ function _PipelineVertexInputStateCreateInfo(vertex_binding_descriptions::AbstractArray, vertex_attribute_descriptions::AbstractArray; next = C_NULL, flags = 0) vertex_binding_description_count = pointer_length(vertex_binding_descriptions) vertex_attribute_description_count = pointer_length(vertex_attribute_descriptions) next = cconvert(Ptr{Cvoid}, next) vertex_binding_descriptions = cconvert(Ptr{VkVertexInputBindingDescription}, vertex_binding_descriptions) vertex_attribute_descriptions = cconvert(Ptr{VkVertexInputAttributeDescription}, vertex_attribute_descriptions) deps = Any[next, vertex_binding_descriptions, vertex_attribute_descriptions] vks = VkPipelineVertexInputStateCreateInfo(structure_type(VkPipelineVertexInputStateCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, vertex_binding_description_count, unsafe_convert(Ptr{VkVertexInputBindingDescription}, vertex_binding_descriptions), vertex_attribute_description_count, unsafe_convert(Ptr{VkVertexInputAttributeDescription}, vertex_attribute_descriptions)) _PipelineVertexInputStateCreateInfo(vks, deps) end """ Arguments: - `topology::PrimitiveTopology` - `primitive_restart_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineInputAssemblyStateCreateInfo.html) """ function _PipelineInputAssemblyStateCreateInfo(topology::PrimitiveTopology, primitive_restart_enable::Bool; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineInputAssemblyStateCreateInfo(structure_type(VkPipelineInputAssemblyStateCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, topology, primitive_restart_enable) _PipelineInputAssemblyStateCreateInfo(vks, deps) end """ Arguments: - `patch_control_points::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineTessellationStateCreateInfo.html) """ function _PipelineTessellationStateCreateInfo(patch_control_points::Integer; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineTessellationStateCreateInfo(structure_type(VkPipelineTessellationStateCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, patch_control_points) _PipelineTessellationStateCreateInfo(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `viewports::Vector{_Viewport}`: defaults to `C_NULL` - `scissors::Vector{_Rect2D}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportStateCreateInfo.html) """ function _PipelineViewportStateCreateInfo(; next = C_NULL, flags = 0, viewports = C_NULL, scissors = C_NULL) viewport_count = pointer_length(viewports) scissor_count = pointer_length(scissors) next = cconvert(Ptr{Cvoid}, next) viewports = cconvert(Ptr{VkViewport}, viewports) scissors = cconvert(Ptr{VkRect2D}, scissors) deps = Any[next, viewports, scissors] vks = VkPipelineViewportStateCreateInfo(structure_type(VkPipelineViewportStateCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, viewport_count, unsafe_convert(Ptr{VkViewport}, viewports), scissor_count, unsafe_convert(Ptr{VkRect2D}, scissors)) _PipelineViewportStateCreateInfo(vks, deps) end """ Arguments: - `depth_clamp_enable::Bool` - `rasterizer_discard_enable::Bool` - `polygon_mode::PolygonMode` - `front_face::FrontFace` - `depth_bias_enable::Bool` - `depth_bias_constant_factor::Float32` - `depth_bias_clamp::Float32` - `depth_bias_slope_factor::Float32` - `line_width::Float32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `cull_mode::CullModeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationStateCreateInfo.html) """ function _PipelineRasterizationStateCreateInfo(depth_clamp_enable::Bool, rasterizer_discard_enable::Bool, polygon_mode::PolygonMode, front_face::FrontFace, depth_bias_enable::Bool, depth_bias_constant_factor::Real, depth_bias_clamp::Real, depth_bias_slope_factor::Real, line_width::Real; next = C_NULL, flags = 0, cull_mode = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineRasterizationStateCreateInfo(structure_type(VkPipelineRasterizationStateCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, depth_clamp_enable, rasterizer_discard_enable, polygon_mode, cull_mode, front_face, depth_bias_enable, depth_bias_constant_factor, depth_bias_clamp, depth_bias_slope_factor, line_width) _PipelineRasterizationStateCreateInfo(vks, deps) end """ Arguments: - `rasterization_samples::SampleCountFlag` - `sample_shading_enable::Bool` - `min_sample_shading::Float32` - `alpha_to_coverage_enable::Bool` - `alpha_to_one_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `sample_mask::Vector{UInt32}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineMultisampleStateCreateInfo.html) """ function _PipelineMultisampleStateCreateInfo(rasterization_samples::SampleCountFlag, sample_shading_enable::Bool, min_sample_shading::Real, alpha_to_coverage_enable::Bool, alpha_to_one_enable::Bool; next = C_NULL, flags = 0, sample_mask = C_NULL) next = cconvert(Ptr{Cvoid}, next) sample_mask = cconvert(Ptr{VkSampleMask}, sample_mask) deps = Any[next, sample_mask] vks = VkPipelineMultisampleStateCreateInfo(structure_type(VkPipelineMultisampleStateCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, VkSampleCountFlagBits(rasterization_samples.val), sample_shading_enable, min_sample_shading, unsafe_convert(Ptr{VkSampleMask}, sample_mask), alpha_to_coverage_enable, alpha_to_one_enable) _PipelineMultisampleStateCreateInfo(vks, deps) end """ Arguments: - `blend_enable::Bool` - `src_color_blend_factor::BlendFactor` - `dst_color_blend_factor::BlendFactor` - `color_blend_op::BlendOp` - `src_alpha_blend_factor::BlendFactor` - `dst_alpha_blend_factor::BlendFactor` - `alpha_blend_op::BlendOp` - `color_write_mask::ColorComponentFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorBlendAttachmentState.html) """ function _PipelineColorBlendAttachmentState(blend_enable::Bool, src_color_blend_factor::BlendFactor, dst_color_blend_factor::BlendFactor, color_blend_op::BlendOp, src_alpha_blend_factor::BlendFactor, dst_alpha_blend_factor::BlendFactor, alpha_blend_op::BlendOp; color_write_mask = 0) _PipelineColorBlendAttachmentState(VkPipelineColorBlendAttachmentState(blend_enable, src_color_blend_factor, dst_color_blend_factor, color_blend_op, src_alpha_blend_factor, dst_alpha_blend_factor, alpha_blend_op, color_write_mask)) end """ Arguments: - `logic_op_enable::Bool` - `logic_op::LogicOp` - `attachments::Vector{_PipelineColorBlendAttachmentState}` - `blend_constants::NTuple{4, Float32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PipelineColorBlendStateCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorBlendStateCreateInfo.html) """ function _PipelineColorBlendStateCreateInfo(logic_op_enable::Bool, logic_op::LogicOp, attachments::AbstractArray, blend_constants::NTuple{4, Float32}; next = C_NULL, flags = 0) attachment_count = pointer_length(attachments) next = cconvert(Ptr{Cvoid}, next) attachments = cconvert(Ptr{VkPipelineColorBlendAttachmentState}, attachments) deps = Any[next, attachments] vks = VkPipelineColorBlendStateCreateInfo(structure_type(VkPipelineColorBlendStateCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, logic_op_enable, logic_op, attachment_count, unsafe_convert(Ptr{VkPipelineColorBlendAttachmentState}, attachments), blend_constants) _PipelineColorBlendStateCreateInfo(vks, deps) end """ Arguments: - `dynamic_states::Vector{DynamicState}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineDynamicStateCreateInfo.html) """ function _PipelineDynamicStateCreateInfo(dynamic_states::AbstractArray; next = C_NULL, flags = 0) dynamic_state_count = pointer_length(dynamic_states) next = cconvert(Ptr{Cvoid}, next) dynamic_states = cconvert(Ptr{VkDynamicState}, dynamic_states) deps = Any[next, dynamic_states] vks = VkPipelineDynamicStateCreateInfo(structure_type(VkPipelineDynamicStateCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, dynamic_state_count, unsafe_convert(Ptr{VkDynamicState}, dynamic_states)) _PipelineDynamicStateCreateInfo(vks, deps) end """ Arguments: - `fail_op::StencilOp` - `pass_op::StencilOp` - `depth_fail_op::StencilOp` - `compare_op::CompareOp` - `compare_mask::UInt32` - `write_mask::UInt32` - `reference::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkStencilOpState.html) """ function _StencilOpState(fail_op::StencilOp, pass_op::StencilOp, depth_fail_op::StencilOp, compare_op::CompareOp, compare_mask::Integer, write_mask::Integer, reference::Integer) _StencilOpState(VkStencilOpState(fail_op, pass_op, depth_fail_op, compare_op, compare_mask, write_mask, reference)) end """ Arguments: - `depth_test_enable::Bool` - `depth_write_enable::Bool` - `depth_compare_op::CompareOp` - `depth_bounds_test_enable::Bool` - `stencil_test_enable::Bool` - `front::_StencilOpState` - `back::_StencilOpState` - `min_depth_bounds::Float32` - `max_depth_bounds::Float32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PipelineDepthStencilStateCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineDepthStencilStateCreateInfo.html) """ function _PipelineDepthStencilStateCreateInfo(depth_test_enable::Bool, depth_write_enable::Bool, depth_compare_op::CompareOp, depth_bounds_test_enable::Bool, stencil_test_enable::Bool, front::_StencilOpState, back::_StencilOpState, min_depth_bounds::Real, max_depth_bounds::Real; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineDepthStencilStateCreateInfo(structure_type(VkPipelineDepthStencilStateCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, depth_test_enable, depth_write_enable, depth_compare_op, depth_bounds_test_enable, stencil_test_enable, front.vks, back.vks, min_depth_bounds, max_depth_bounds) _PipelineDepthStencilStateCreateInfo(vks, deps) end """ Arguments: - `stages::Vector{_PipelineShaderStageCreateInfo}` - `rasterization_state::_PipelineRasterizationStateCreateInfo` - `layout::PipelineLayout` - `subpass::UInt32` - `base_pipeline_index::Int32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PipelineCreateFlag`: defaults to `0` - `vertex_input_state::_PipelineVertexInputStateCreateInfo`: defaults to `C_NULL` - `input_assembly_state::_PipelineInputAssemblyStateCreateInfo`: defaults to `C_NULL` - `tessellation_state::_PipelineTessellationStateCreateInfo`: defaults to `C_NULL` - `viewport_state::_PipelineViewportStateCreateInfo`: defaults to `C_NULL` - `multisample_state::_PipelineMultisampleStateCreateInfo`: defaults to `C_NULL` - `depth_stencil_state::_PipelineDepthStencilStateCreateInfo`: defaults to `C_NULL` - `color_blend_state::_PipelineColorBlendStateCreateInfo`: defaults to `C_NULL` - `dynamic_state::_PipelineDynamicStateCreateInfo`: defaults to `C_NULL` - `render_pass::RenderPass`: defaults to `C_NULL` - `base_pipeline_handle::Pipeline`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsPipelineCreateInfo.html) """ function _GraphicsPipelineCreateInfo(stages::AbstractArray, rasterization_state::_PipelineRasterizationStateCreateInfo, layout, subpass::Integer, base_pipeline_index::Integer; next = C_NULL, flags = 0, vertex_input_state = C_NULL, input_assembly_state = C_NULL, tessellation_state = C_NULL, viewport_state = C_NULL, multisample_state = C_NULL, depth_stencil_state = C_NULL, color_blend_state = C_NULL, dynamic_state = C_NULL, render_pass = C_NULL, base_pipeline_handle = C_NULL) stage_count = pointer_length(stages) next = cconvert(Ptr{Cvoid}, next) stages = cconvert(Ptr{VkPipelineShaderStageCreateInfo}, stages) vertex_input_state = cconvert(Ptr{VkPipelineVertexInputStateCreateInfo}, vertex_input_state) input_assembly_state = cconvert(Ptr{VkPipelineInputAssemblyStateCreateInfo}, input_assembly_state) tessellation_state = cconvert(Ptr{VkPipelineTessellationStateCreateInfo}, tessellation_state) viewport_state = cconvert(Ptr{VkPipelineViewportStateCreateInfo}, viewport_state) rasterization_state = cconvert(Ptr{VkPipelineRasterizationStateCreateInfo}, rasterization_state) multisample_state = cconvert(Ptr{VkPipelineMultisampleStateCreateInfo}, multisample_state) depth_stencil_state = cconvert(Ptr{VkPipelineDepthStencilStateCreateInfo}, depth_stencil_state) color_blend_state = cconvert(Ptr{VkPipelineColorBlendStateCreateInfo}, color_blend_state) dynamic_state = cconvert(Ptr{VkPipelineDynamicStateCreateInfo}, dynamic_state) deps = Any[next, stages, vertex_input_state, input_assembly_state, tessellation_state, viewport_state, rasterization_state, multisample_state, depth_stencil_state, color_blend_state, dynamic_state] vks = VkGraphicsPipelineCreateInfo(structure_type(VkGraphicsPipelineCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, stage_count, unsafe_convert(Ptr{VkPipelineShaderStageCreateInfo}, stages), unsafe_convert(Ptr{VkPipelineVertexInputStateCreateInfo}, vertex_input_state), unsafe_convert(Ptr{VkPipelineInputAssemblyStateCreateInfo}, input_assembly_state), unsafe_convert(Ptr{VkPipelineTessellationStateCreateInfo}, tessellation_state), unsafe_convert(Ptr{VkPipelineViewportStateCreateInfo}, viewport_state), unsafe_convert(Ptr{VkPipelineRasterizationStateCreateInfo}, rasterization_state), unsafe_convert(Ptr{VkPipelineMultisampleStateCreateInfo}, multisample_state), unsafe_convert(Ptr{VkPipelineDepthStencilStateCreateInfo}, depth_stencil_state), unsafe_convert(Ptr{VkPipelineColorBlendStateCreateInfo}, color_blend_state), unsafe_convert(Ptr{VkPipelineDynamicStateCreateInfo}, dynamic_state), layout, render_pass, subpass, base_pipeline_handle, base_pipeline_index) _GraphicsPipelineCreateInfo(vks, deps, layout, render_pass, base_pipeline_handle) end """ Arguments: - `initial_data::Ptr{Cvoid}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PipelineCacheCreateFlag`: defaults to `0` - `initial_data_size::UInt`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCacheCreateInfo.html) """ function _PipelineCacheCreateInfo(initial_data::Ptr{Cvoid}; next = C_NULL, flags = 0, initial_data_size = 0) next = cconvert(Ptr{Cvoid}, next) initial_data = cconvert(Ptr{Cvoid}, initial_data) deps = Any[next, initial_data] vks = VkPipelineCacheCreateInfo(structure_type(VkPipelineCacheCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, initial_data_size, unsafe_convert(Ptr{Cvoid}, initial_data)) _PipelineCacheCreateInfo(vks, deps) end """ Arguments: - `header_size::UInt32` - `header_version::PipelineCacheHeaderVersion` - `vendor_id::UInt32` - `device_id::UInt32` - `pipeline_cache_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCacheHeaderVersionOne.html) """ function _PipelineCacheHeaderVersionOne(header_size::Integer, header_version::PipelineCacheHeaderVersion, vendor_id::Integer, device_id::Integer, pipeline_cache_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}) _PipelineCacheHeaderVersionOne(VkPipelineCacheHeaderVersionOne(header_size, header_version, vendor_id, device_id, pipeline_cache_uuid)) end """ Arguments: - `stage_flags::ShaderStageFlag` - `offset::UInt32` - `size::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPushConstantRange.html) """ function _PushConstantRange(stage_flags::ShaderStageFlag, offset::Integer, size::Integer) _PushConstantRange(VkPushConstantRange(stage_flags, offset, size)) end """ Arguments: - `set_layouts::Vector{DescriptorSetLayout}` - `push_constant_ranges::Vector{_PushConstantRange}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PipelineLayoutCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineLayoutCreateInfo.html) """ function _PipelineLayoutCreateInfo(set_layouts::AbstractArray, push_constant_ranges::AbstractArray; next = C_NULL, flags = 0) set_layout_count = pointer_length(set_layouts) push_constant_range_count = pointer_length(push_constant_ranges) next = cconvert(Ptr{Cvoid}, next) set_layouts = cconvert(Ptr{VkDescriptorSetLayout}, set_layouts) push_constant_ranges = cconvert(Ptr{VkPushConstantRange}, push_constant_ranges) deps = Any[next, set_layouts, push_constant_ranges] vks = VkPipelineLayoutCreateInfo(structure_type(VkPipelineLayoutCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, set_layout_count, unsafe_convert(Ptr{VkDescriptorSetLayout}, set_layouts), push_constant_range_count, unsafe_convert(Ptr{VkPushConstantRange}, push_constant_ranges)) _PipelineLayoutCreateInfo(vks, deps) end """ Arguments: - `mag_filter::Filter` - `min_filter::Filter` - `mipmap_mode::SamplerMipmapMode` - `address_mode_u::SamplerAddressMode` - `address_mode_v::SamplerAddressMode` - `address_mode_w::SamplerAddressMode` - `mip_lod_bias::Float32` - `anisotropy_enable::Bool` - `max_anisotropy::Float32` - `compare_enable::Bool` - `compare_op::CompareOp` - `min_lod::Float32` - `max_lod::Float32` - `border_color::BorderColor` - `unnormalized_coordinates::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::SamplerCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerCreateInfo.html) """ function _SamplerCreateInfo(mag_filter::Filter, min_filter::Filter, mipmap_mode::SamplerMipmapMode, address_mode_u::SamplerAddressMode, address_mode_v::SamplerAddressMode, address_mode_w::SamplerAddressMode, mip_lod_bias::Real, anisotropy_enable::Bool, max_anisotropy::Real, compare_enable::Bool, compare_op::CompareOp, min_lod::Real, max_lod::Real, border_color::BorderColor, unnormalized_coordinates::Bool; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSamplerCreateInfo(structure_type(VkSamplerCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, mag_filter, min_filter, mipmap_mode, address_mode_u, address_mode_v, address_mode_w, mip_lod_bias, anisotropy_enable, max_anisotropy, compare_enable, compare_op, min_lod, max_lod, border_color, unnormalized_coordinates) _SamplerCreateInfo(vks, deps) end """ Arguments: - `queue_family_index::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::CommandPoolCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandPoolCreateInfo.html) """ function _CommandPoolCreateInfo(queue_family_index::Integer; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCommandPoolCreateInfo(structure_type(VkCommandPoolCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, queue_family_index) _CommandPoolCreateInfo(vks, deps) end """ Arguments: - `command_pool::CommandPool` - `level::CommandBufferLevel` - `command_buffer_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferAllocateInfo.html) """ function _CommandBufferAllocateInfo(command_pool, level::CommandBufferLevel, command_buffer_count::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCommandBufferAllocateInfo(structure_type(VkCommandBufferAllocateInfo), unsafe_convert(Ptr{Cvoid}, next), command_pool, level, command_buffer_count) _CommandBufferAllocateInfo(vks, deps, command_pool) end """ Arguments: - `subpass::UInt32` - `occlusion_query_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `render_pass::RenderPass`: defaults to `C_NULL` - `framebuffer::Framebuffer`: defaults to `C_NULL` - `query_flags::QueryControlFlag`: defaults to `0` - `pipeline_statistics::QueryPipelineStatisticFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceInfo.html) """ function _CommandBufferInheritanceInfo(subpass::Integer, occlusion_query_enable::Bool; next = C_NULL, render_pass = C_NULL, framebuffer = C_NULL, query_flags = 0, pipeline_statistics = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCommandBufferInheritanceInfo(structure_type(VkCommandBufferInheritanceInfo), unsafe_convert(Ptr{Cvoid}, next), render_pass, subpass, framebuffer, occlusion_query_enable, query_flags, pipeline_statistics) _CommandBufferInheritanceInfo(vks, deps, render_pass, framebuffer) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::CommandBufferUsageFlag`: defaults to `0` - `inheritance_info::_CommandBufferInheritanceInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferBeginInfo.html) """ function _CommandBufferBeginInfo(; next = C_NULL, flags = 0, inheritance_info = C_NULL) next = cconvert(Ptr{Cvoid}, next) inheritance_info = cconvert(Ptr{VkCommandBufferInheritanceInfo}, inheritance_info) deps = Any[next, inheritance_info] vks = VkCommandBufferBeginInfo(structure_type(VkCommandBufferBeginInfo), unsafe_convert(Ptr{Cvoid}, next), flags, unsafe_convert(Ptr{VkCommandBufferInheritanceInfo}, inheritance_info)) _CommandBufferBeginInfo(vks, deps) end """ Arguments: - `render_pass::RenderPass` - `framebuffer::Framebuffer` - `render_area::_Rect2D` - `clear_values::Vector{_ClearValue}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassBeginInfo.html) """ function _RenderPassBeginInfo(render_pass, framebuffer, render_area::_Rect2D, clear_values::AbstractArray; next = C_NULL) clear_value_count = pointer_length(clear_values) next = cconvert(Ptr{Cvoid}, next) clear_values = cconvert(Ptr{VkClearValue}, clear_values) deps = Any[next, clear_values] vks = VkRenderPassBeginInfo(structure_type(VkRenderPassBeginInfo), unsafe_convert(Ptr{Cvoid}, next), render_pass, framebuffer, render_area.vks, clear_value_count, unsafe_convert(Ptr{VkClearValue}, clear_values)) _RenderPassBeginInfo(vks, deps, render_pass, framebuffer) end """ Arguments: - `depth::Float32` - `stencil::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearDepthStencilValue.html) """ function _ClearDepthStencilValue(depth::Real, stencil::Integer) _ClearDepthStencilValue(VkClearDepthStencilValue(depth, stencil)) end """ Arguments: - `aspect_mask::ImageAspectFlag` - `color_attachment::UInt32` - `clear_value::_ClearValue` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearAttachment.html) """ function _ClearAttachment(aspect_mask::ImageAspectFlag, color_attachment::Integer, clear_value::_ClearValue) _ClearAttachment(VkClearAttachment(aspect_mask, color_attachment, clear_value.vks)) end """ Arguments: - `format::Format` - `samples::SampleCountFlag` - `load_op::AttachmentLoadOp` - `store_op::AttachmentStoreOp` - `stencil_load_op::AttachmentLoadOp` - `stencil_store_op::AttachmentStoreOp` - `initial_layout::ImageLayout` - `final_layout::ImageLayout` - `flags::AttachmentDescriptionFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentDescription.html) """ function _AttachmentDescription(format::Format, samples::SampleCountFlag, load_op::AttachmentLoadOp, store_op::AttachmentStoreOp, stencil_load_op::AttachmentLoadOp, stencil_store_op::AttachmentStoreOp, initial_layout::ImageLayout, final_layout::ImageLayout; flags = 0) _AttachmentDescription(VkAttachmentDescription(flags, format, VkSampleCountFlagBits(samples.val), load_op, store_op, stencil_load_op, stencil_store_op, initial_layout, final_layout)) end """ Arguments: - `attachment::UInt32` - `layout::ImageLayout` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentReference.html) """ function _AttachmentReference(attachment::Integer, layout::ImageLayout) _AttachmentReference(VkAttachmentReference(attachment, layout)) end """ Arguments: - `pipeline_bind_point::PipelineBindPoint` - `input_attachments::Vector{_AttachmentReference}` - `color_attachments::Vector{_AttachmentReference}` - `preserve_attachments::Vector{UInt32}` - `flags::SubpassDescriptionFlag`: defaults to `0` - `resolve_attachments::Vector{_AttachmentReference}`: defaults to `C_NULL` - `depth_stencil_attachment::_AttachmentReference`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDescription.html) """ function _SubpassDescription(pipeline_bind_point::PipelineBindPoint, input_attachments::AbstractArray, color_attachments::AbstractArray, preserve_attachments::AbstractArray; flags = 0, resolve_attachments = C_NULL, depth_stencil_attachment = C_NULL) input_attachment_count = pointer_length(input_attachments) color_attachment_count = pointer_length(color_attachments) preserve_attachment_count = pointer_length(preserve_attachments) input_attachments = cconvert(Ptr{VkAttachmentReference}, input_attachments) color_attachments = cconvert(Ptr{VkAttachmentReference}, color_attachments) resolve_attachments = cconvert(Ptr{VkAttachmentReference}, resolve_attachments) depth_stencil_attachment = cconvert(Ptr{VkAttachmentReference}, depth_stencil_attachment) preserve_attachments = cconvert(Ptr{UInt32}, preserve_attachments) deps = Any[input_attachments, color_attachments, resolve_attachments, depth_stencil_attachment, preserve_attachments] vks = VkSubpassDescription(flags, pipeline_bind_point, input_attachment_count, unsafe_convert(Ptr{VkAttachmentReference}, input_attachments), color_attachment_count, unsafe_convert(Ptr{VkAttachmentReference}, color_attachments), unsafe_convert(Ptr{VkAttachmentReference}, resolve_attachments), unsafe_convert(Ptr{VkAttachmentReference}, depth_stencil_attachment), preserve_attachment_count, unsafe_convert(Ptr{UInt32}, preserve_attachments)) _SubpassDescription(vks, deps) end """ Arguments: - `src_subpass::UInt32` - `dst_subpass::UInt32` - `src_stage_mask::PipelineStageFlag`: defaults to `0` - `dst_stage_mask::PipelineStageFlag`: defaults to `0` - `src_access_mask::AccessFlag`: defaults to `0` - `dst_access_mask::AccessFlag`: defaults to `0` - `dependency_flags::DependencyFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDependency.html) """ function _SubpassDependency(src_subpass::Integer, dst_subpass::Integer; src_stage_mask = 0, dst_stage_mask = 0, src_access_mask = 0, dst_access_mask = 0, dependency_flags = 0) _SubpassDependency(VkSubpassDependency(src_subpass, dst_subpass, src_stage_mask, dst_stage_mask, src_access_mask, dst_access_mask, dependency_flags)) end """ Arguments: - `attachments::Vector{_AttachmentDescription}` - `subpasses::Vector{_SubpassDescription}` - `dependencies::Vector{_SubpassDependency}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::RenderPassCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreateInfo.html) """ function _RenderPassCreateInfo(attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray; next = C_NULL, flags = 0) attachment_count = pointer_length(attachments) subpass_count = pointer_length(subpasses) dependency_count = pointer_length(dependencies) next = cconvert(Ptr{Cvoid}, next) attachments = cconvert(Ptr{VkAttachmentDescription}, attachments) subpasses = cconvert(Ptr{VkSubpassDescription}, subpasses) dependencies = cconvert(Ptr{VkSubpassDependency}, dependencies) deps = Any[next, attachments, subpasses, dependencies] vks = VkRenderPassCreateInfo(structure_type(VkRenderPassCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, attachment_count, unsafe_convert(Ptr{VkAttachmentDescription}, attachments), subpass_count, unsafe_convert(Ptr{VkSubpassDescription}, subpasses), dependency_count, unsafe_convert(Ptr{VkSubpassDependency}, dependencies)) _RenderPassCreateInfo(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::EventCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkEventCreateInfo.html) """ function _EventCreateInfo(; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkEventCreateInfo(structure_type(VkEventCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags) _EventCreateInfo(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::FenceCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFenceCreateInfo.html) """ function _FenceCreateInfo(; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkFenceCreateInfo(structure_type(VkFenceCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags) _FenceCreateInfo(vks, deps) end """ Arguments: - `robust_buffer_access::Bool` - `full_draw_index_uint_32::Bool` - `image_cube_array::Bool` - `independent_blend::Bool` - `geometry_shader::Bool` - `tessellation_shader::Bool` - `sample_rate_shading::Bool` - `dual_src_blend::Bool` - `logic_op::Bool` - `multi_draw_indirect::Bool` - `draw_indirect_first_instance::Bool` - `depth_clamp::Bool` - `depth_bias_clamp::Bool` - `fill_mode_non_solid::Bool` - `depth_bounds::Bool` - `wide_lines::Bool` - `large_points::Bool` - `alpha_to_one::Bool` - `multi_viewport::Bool` - `sampler_anisotropy::Bool` - `texture_compression_etc_2::Bool` - `texture_compression_astc_ldr::Bool` - `texture_compression_bc::Bool` - `occlusion_query_precise::Bool` - `pipeline_statistics_query::Bool` - `vertex_pipeline_stores_and_atomics::Bool` - `fragment_stores_and_atomics::Bool` - `shader_tessellation_and_geometry_point_size::Bool` - `shader_image_gather_extended::Bool` - `shader_storage_image_extended_formats::Bool` - `shader_storage_image_multisample::Bool` - `shader_storage_image_read_without_format::Bool` - `shader_storage_image_write_without_format::Bool` - `shader_uniform_buffer_array_dynamic_indexing::Bool` - `shader_sampled_image_array_dynamic_indexing::Bool` - `shader_storage_buffer_array_dynamic_indexing::Bool` - `shader_storage_image_array_dynamic_indexing::Bool` - `shader_clip_distance::Bool` - `shader_cull_distance::Bool` - `shader_float_64::Bool` - `shader_int_64::Bool` - `shader_int_16::Bool` - `shader_resource_residency::Bool` - `shader_resource_min_lod::Bool` - `sparse_binding::Bool` - `sparse_residency_buffer::Bool` - `sparse_residency_image_2_d::Bool` - `sparse_residency_image_3_d::Bool` - `sparse_residency_2_samples::Bool` - `sparse_residency_4_samples::Bool` - `sparse_residency_8_samples::Bool` - `sparse_residency_16_samples::Bool` - `sparse_residency_aliased::Bool` - `variable_multisample_rate::Bool` - `inherited_queries::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFeatures.html) """ function _PhysicalDeviceFeatures(robust_buffer_access::Bool, full_draw_index_uint_32::Bool, image_cube_array::Bool, independent_blend::Bool, geometry_shader::Bool, tessellation_shader::Bool, sample_rate_shading::Bool, dual_src_blend::Bool, logic_op::Bool, multi_draw_indirect::Bool, draw_indirect_first_instance::Bool, depth_clamp::Bool, depth_bias_clamp::Bool, fill_mode_non_solid::Bool, depth_bounds::Bool, wide_lines::Bool, large_points::Bool, alpha_to_one::Bool, multi_viewport::Bool, sampler_anisotropy::Bool, texture_compression_etc_2::Bool, texture_compression_astc_ldr::Bool, texture_compression_bc::Bool, occlusion_query_precise::Bool, pipeline_statistics_query::Bool, vertex_pipeline_stores_and_atomics::Bool, fragment_stores_and_atomics::Bool, shader_tessellation_and_geometry_point_size::Bool, shader_image_gather_extended::Bool, shader_storage_image_extended_formats::Bool, shader_storage_image_multisample::Bool, shader_storage_image_read_without_format::Bool, shader_storage_image_write_without_format::Bool, shader_uniform_buffer_array_dynamic_indexing::Bool, shader_sampled_image_array_dynamic_indexing::Bool, shader_storage_buffer_array_dynamic_indexing::Bool, shader_storage_image_array_dynamic_indexing::Bool, shader_clip_distance::Bool, shader_cull_distance::Bool, shader_float_64::Bool, shader_int_64::Bool, shader_int_16::Bool, shader_resource_residency::Bool, shader_resource_min_lod::Bool, sparse_binding::Bool, sparse_residency_buffer::Bool, sparse_residency_image_2_d::Bool, sparse_residency_image_3_d::Bool, sparse_residency_2_samples::Bool, sparse_residency_4_samples::Bool, sparse_residency_8_samples::Bool, sparse_residency_16_samples::Bool, sparse_residency_aliased::Bool, variable_multisample_rate::Bool, inherited_queries::Bool) _PhysicalDeviceFeatures(VkPhysicalDeviceFeatures(robust_buffer_access, full_draw_index_uint_32, image_cube_array, independent_blend, geometry_shader, tessellation_shader, sample_rate_shading, dual_src_blend, logic_op, multi_draw_indirect, draw_indirect_first_instance, depth_clamp, depth_bias_clamp, fill_mode_non_solid, depth_bounds, wide_lines, large_points, alpha_to_one, multi_viewport, sampler_anisotropy, texture_compression_etc_2, texture_compression_astc_ldr, texture_compression_bc, occlusion_query_precise, pipeline_statistics_query, vertex_pipeline_stores_and_atomics, fragment_stores_and_atomics, shader_tessellation_and_geometry_point_size, shader_image_gather_extended, shader_storage_image_extended_formats, shader_storage_image_multisample, shader_storage_image_read_without_format, shader_storage_image_write_without_format, shader_uniform_buffer_array_dynamic_indexing, shader_sampled_image_array_dynamic_indexing, shader_storage_buffer_array_dynamic_indexing, shader_storage_image_array_dynamic_indexing, shader_clip_distance, shader_cull_distance, shader_float_64, shader_int_64, shader_int_16, shader_resource_residency, shader_resource_min_lod, sparse_binding, sparse_residency_buffer, sparse_residency_image_2_d, sparse_residency_image_3_d, sparse_residency_2_samples, sparse_residency_4_samples, sparse_residency_8_samples, sparse_residency_16_samples, sparse_residency_aliased, variable_multisample_rate, inherited_queries)) end """ Arguments: - `residency_standard_2_d_block_shape::Bool` - `residency_standard_2_d_multisample_block_shape::Bool` - `residency_standard_3_d_block_shape::Bool` - `residency_aligned_mip_size::Bool` - `residency_non_resident_strict::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSparseProperties.html) """ function _PhysicalDeviceSparseProperties(residency_standard_2_d_block_shape::Bool, residency_standard_2_d_multisample_block_shape::Bool, residency_standard_3_d_block_shape::Bool, residency_aligned_mip_size::Bool, residency_non_resident_strict::Bool) _PhysicalDeviceSparseProperties(VkPhysicalDeviceSparseProperties(residency_standard_2_d_block_shape, residency_standard_2_d_multisample_block_shape, residency_standard_3_d_block_shape, residency_aligned_mip_size, residency_non_resident_strict)) end """ Arguments: - `max_image_dimension_1_d::UInt32` - `max_image_dimension_2_d::UInt32` - `max_image_dimension_3_d::UInt32` - `max_image_dimension_cube::UInt32` - `max_image_array_layers::UInt32` - `max_texel_buffer_elements::UInt32` - `max_uniform_buffer_range::UInt32` - `max_storage_buffer_range::UInt32` - `max_push_constants_size::UInt32` - `max_memory_allocation_count::UInt32` - `max_sampler_allocation_count::UInt32` - `buffer_image_granularity::UInt64` - `sparse_address_space_size::UInt64` - `max_bound_descriptor_sets::UInt32` - `max_per_stage_descriptor_samplers::UInt32` - `max_per_stage_descriptor_uniform_buffers::UInt32` - `max_per_stage_descriptor_storage_buffers::UInt32` - `max_per_stage_descriptor_sampled_images::UInt32` - `max_per_stage_descriptor_storage_images::UInt32` - `max_per_stage_descriptor_input_attachments::UInt32` - `max_per_stage_resources::UInt32` - `max_descriptor_set_samplers::UInt32` - `max_descriptor_set_uniform_buffers::UInt32` - `max_descriptor_set_uniform_buffers_dynamic::UInt32` - `max_descriptor_set_storage_buffers::UInt32` - `max_descriptor_set_storage_buffers_dynamic::UInt32` - `max_descriptor_set_sampled_images::UInt32` - `max_descriptor_set_storage_images::UInt32` - `max_descriptor_set_input_attachments::UInt32` - `max_vertex_input_attributes::UInt32` - `max_vertex_input_bindings::UInt32` - `max_vertex_input_attribute_offset::UInt32` - `max_vertex_input_binding_stride::UInt32` - `max_vertex_output_components::UInt32` - `max_tessellation_generation_level::UInt32` - `max_tessellation_patch_size::UInt32` - `max_tessellation_control_per_vertex_input_components::UInt32` - `max_tessellation_control_per_vertex_output_components::UInt32` - `max_tessellation_control_per_patch_output_components::UInt32` - `max_tessellation_control_total_output_components::UInt32` - `max_tessellation_evaluation_input_components::UInt32` - `max_tessellation_evaluation_output_components::UInt32` - `max_geometry_shader_invocations::UInt32` - `max_geometry_input_components::UInt32` - `max_geometry_output_components::UInt32` - `max_geometry_output_vertices::UInt32` - `max_geometry_total_output_components::UInt32` - `max_fragment_input_components::UInt32` - `max_fragment_output_attachments::UInt32` - `max_fragment_dual_src_attachments::UInt32` - `max_fragment_combined_output_resources::UInt32` - `max_compute_shared_memory_size::UInt32` - `max_compute_work_group_count::NTuple{3, UInt32}` - `max_compute_work_group_invocations::UInt32` - `max_compute_work_group_size::NTuple{3, UInt32}` - `sub_pixel_precision_bits::UInt32` - `sub_texel_precision_bits::UInt32` - `mipmap_precision_bits::UInt32` - `max_draw_indexed_index_value::UInt32` - `max_draw_indirect_count::UInt32` - `max_sampler_lod_bias::Float32` - `max_sampler_anisotropy::Float32` - `max_viewports::UInt32` - `max_viewport_dimensions::NTuple{2, UInt32}` - `viewport_bounds_range::NTuple{2, Float32}` - `viewport_sub_pixel_bits::UInt32` - `min_memory_map_alignment::UInt` - `min_texel_buffer_offset_alignment::UInt64` - `min_uniform_buffer_offset_alignment::UInt64` - `min_storage_buffer_offset_alignment::UInt64` - `min_texel_offset::Int32` - `max_texel_offset::UInt32` - `min_texel_gather_offset::Int32` - `max_texel_gather_offset::UInt32` - `min_interpolation_offset::Float32` - `max_interpolation_offset::Float32` - `sub_pixel_interpolation_offset_bits::UInt32` - `max_framebuffer_width::UInt32` - `max_framebuffer_height::UInt32` - `max_framebuffer_layers::UInt32` - `max_color_attachments::UInt32` - `max_sample_mask_words::UInt32` - `timestamp_compute_and_graphics::Bool` - `timestamp_period::Float32` - `max_clip_distances::UInt32` - `max_cull_distances::UInt32` - `max_combined_clip_and_cull_distances::UInt32` - `discrete_queue_priorities::UInt32` - `point_size_range::NTuple{2, Float32}` - `line_width_range::NTuple{2, Float32}` - `point_size_granularity::Float32` - `line_width_granularity::Float32` - `strict_lines::Bool` - `standard_sample_locations::Bool` - `optimal_buffer_copy_offset_alignment::UInt64` - `optimal_buffer_copy_row_pitch_alignment::UInt64` - `non_coherent_atom_size::UInt64` - `framebuffer_color_sample_counts::SampleCountFlag`: defaults to `0` - `framebuffer_depth_sample_counts::SampleCountFlag`: defaults to `0` - `framebuffer_stencil_sample_counts::SampleCountFlag`: defaults to `0` - `framebuffer_no_attachments_sample_counts::SampleCountFlag`: defaults to `0` - `sampled_image_color_sample_counts::SampleCountFlag`: defaults to `0` - `sampled_image_integer_sample_counts::SampleCountFlag`: defaults to `0` - `sampled_image_depth_sample_counts::SampleCountFlag`: defaults to `0` - `sampled_image_stencil_sample_counts::SampleCountFlag`: defaults to `0` - `storage_image_sample_counts::SampleCountFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLimits.html) """ function _PhysicalDeviceLimits(max_image_dimension_1_d::Integer, max_image_dimension_2_d::Integer, max_image_dimension_3_d::Integer, max_image_dimension_cube::Integer, max_image_array_layers::Integer, max_texel_buffer_elements::Integer, max_uniform_buffer_range::Integer, max_storage_buffer_range::Integer, max_push_constants_size::Integer, max_memory_allocation_count::Integer, max_sampler_allocation_count::Integer, buffer_image_granularity::Integer, sparse_address_space_size::Integer, max_bound_descriptor_sets::Integer, max_per_stage_descriptor_samplers::Integer, max_per_stage_descriptor_uniform_buffers::Integer, max_per_stage_descriptor_storage_buffers::Integer, max_per_stage_descriptor_sampled_images::Integer, max_per_stage_descriptor_storage_images::Integer, max_per_stage_descriptor_input_attachments::Integer, max_per_stage_resources::Integer, max_descriptor_set_samplers::Integer, max_descriptor_set_uniform_buffers::Integer, max_descriptor_set_uniform_buffers_dynamic::Integer, max_descriptor_set_storage_buffers::Integer, max_descriptor_set_storage_buffers_dynamic::Integer, max_descriptor_set_sampled_images::Integer, max_descriptor_set_storage_images::Integer, max_descriptor_set_input_attachments::Integer, max_vertex_input_attributes::Integer, max_vertex_input_bindings::Integer, max_vertex_input_attribute_offset::Integer, max_vertex_input_binding_stride::Integer, max_vertex_output_components::Integer, max_tessellation_generation_level::Integer, max_tessellation_patch_size::Integer, max_tessellation_control_per_vertex_input_components::Integer, max_tessellation_control_per_vertex_output_components::Integer, max_tessellation_control_per_patch_output_components::Integer, max_tessellation_control_total_output_components::Integer, max_tessellation_evaluation_input_components::Integer, max_tessellation_evaluation_output_components::Integer, max_geometry_shader_invocations::Integer, max_geometry_input_components::Integer, max_geometry_output_components::Integer, max_geometry_output_vertices::Integer, max_geometry_total_output_components::Integer, max_fragment_input_components::Integer, max_fragment_output_attachments::Integer, max_fragment_dual_src_attachments::Integer, max_fragment_combined_output_resources::Integer, max_compute_shared_memory_size::Integer, max_compute_work_group_count::NTuple{3, UInt32}, max_compute_work_group_invocations::Integer, max_compute_work_group_size::NTuple{3, UInt32}, sub_pixel_precision_bits::Integer, sub_texel_precision_bits::Integer, mipmap_precision_bits::Integer, max_draw_indexed_index_value::Integer, max_draw_indirect_count::Integer, max_sampler_lod_bias::Real, max_sampler_anisotropy::Real, max_viewports::Integer, max_viewport_dimensions::NTuple{2, UInt32}, viewport_bounds_range::NTuple{2, Float32}, viewport_sub_pixel_bits::Integer, min_memory_map_alignment::Integer, min_texel_buffer_offset_alignment::Integer, min_uniform_buffer_offset_alignment::Integer, min_storage_buffer_offset_alignment::Integer, min_texel_offset::Integer, max_texel_offset::Integer, min_texel_gather_offset::Integer, max_texel_gather_offset::Integer, min_interpolation_offset::Real, max_interpolation_offset::Real, sub_pixel_interpolation_offset_bits::Integer, max_framebuffer_width::Integer, max_framebuffer_height::Integer, max_framebuffer_layers::Integer, max_color_attachments::Integer, max_sample_mask_words::Integer, timestamp_compute_and_graphics::Bool, timestamp_period::Real, max_clip_distances::Integer, max_cull_distances::Integer, max_combined_clip_and_cull_distances::Integer, discrete_queue_priorities::Integer, point_size_range::NTuple{2, Float32}, line_width_range::NTuple{2, Float32}, point_size_granularity::Real, line_width_granularity::Real, strict_lines::Bool, standard_sample_locations::Bool, optimal_buffer_copy_offset_alignment::Integer, optimal_buffer_copy_row_pitch_alignment::Integer, non_coherent_atom_size::Integer; framebuffer_color_sample_counts = 0, framebuffer_depth_sample_counts = 0, framebuffer_stencil_sample_counts = 0, framebuffer_no_attachments_sample_counts = 0, sampled_image_color_sample_counts = 0, sampled_image_integer_sample_counts = 0, sampled_image_depth_sample_counts = 0, sampled_image_stencil_sample_counts = 0, storage_image_sample_counts = 0) _PhysicalDeviceLimits(VkPhysicalDeviceLimits(max_image_dimension_1_d, max_image_dimension_2_d, max_image_dimension_3_d, max_image_dimension_cube, max_image_array_layers, max_texel_buffer_elements, max_uniform_buffer_range, max_storage_buffer_range, max_push_constants_size, max_memory_allocation_count, max_sampler_allocation_count, buffer_image_granularity, sparse_address_space_size, max_bound_descriptor_sets, max_per_stage_descriptor_samplers, max_per_stage_descriptor_uniform_buffers, max_per_stage_descriptor_storage_buffers, max_per_stage_descriptor_sampled_images, max_per_stage_descriptor_storage_images, max_per_stage_descriptor_input_attachments, max_per_stage_resources, max_descriptor_set_samplers, max_descriptor_set_uniform_buffers, max_descriptor_set_uniform_buffers_dynamic, max_descriptor_set_storage_buffers, max_descriptor_set_storage_buffers_dynamic, max_descriptor_set_sampled_images, max_descriptor_set_storage_images, max_descriptor_set_input_attachments, max_vertex_input_attributes, max_vertex_input_bindings, max_vertex_input_attribute_offset, max_vertex_input_binding_stride, max_vertex_output_components, max_tessellation_generation_level, max_tessellation_patch_size, max_tessellation_control_per_vertex_input_components, max_tessellation_control_per_vertex_output_components, max_tessellation_control_per_patch_output_components, max_tessellation_control_total_output_components, max_tessellation_evaluation_input_components, max_tessellation_evaluation_output_components, max_geometry_shader_invocations, max_geometry_input_components, max_geometry_output_components, max_geometry_output_vertices, max_geometry_total_output_components, max_fragment_input_components, max_fragment_output_attachments, max_fragment_dual_src_attachments, max_fragment_combined_output_resources, max_compute_shared_memory_size, max_compute_work_group_count, max_compute_work_group_invocations, max_compute_work_group_size, sub_pixel_precision_bits, sub_texel_precision_bits, mipmap_precision_bits, max_draw_indexed_index_value, max_draw_indirect_count, max_sampler_lod_bias, max_sampler_anisotropy, max_viewports, max_viewport_dimensions, viewport_bounds_range, viewport_sub_pixel_bits, min_memory_map_alignment, min_texel_buffer_offset_alignment, min_uniform_buffer_offset_alignment, min_storage_buffer_offset_alignment, min_texel_offset, max_texel_offset, min_texel_gather_offset, max_texel_gather_offset, min_interpolation_offset, max_interpolation_offset, sub_pixel_interpolation_offset_bits, max_framebuffer_width, max_framebuffer_height, max_framebuffer_layers, framebuffer_color_sample_counts, framebuffer_depth_sample_counts, framebuffer_stencil_sample_counts, framebuffer_no_attachments_sample_counts, max_color_attachments, sampled_image_color_sample_counts, sampled_image_integer_sample_counts, sampled_image_depth_sample_counts, sampled_image_stencil_sample_counts, storage_image_sample_counts, max_sample_mask_words, timestamp_compute_and_graphics, timestamp_period, max_clip_distances, max_cull_distances, max_combined_clip_and_cull_distances, discrete_queue_priorities, point_size_range, line_width_range, point_size_granularity, line_width_granularity, strict_lines, standard_sample_locations, optimal_buffer_copy_offset_alignment, optimal_buffer_copy_row_pitch_alignment, non_coherent_atom_size)) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreCreateInfo.html) """ function _SemaphoreCreateInfo(; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSemaphoreCreateInfo(structure_type(VkSemaphoreCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags) _SemaphoreCreateInfo(vks, deps) end """ Arguments: - `query_type::QueryType` - `query_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `pipeline_statistics::QueryPipelineStatisticFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueryPoolCreateInfo.html) """ function _QueryPoolCreateInfo(query_type::QueryType, query_count::Integer; next = C_NULL, flags = 0, pipeline_statistics = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkQueryPoolCreateInfo(structure_type(VkQueryPoolCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, query_type, query_count, pipeline_statistics) _QueryPoolCreateInfo(vks, deps) end """ Arguments: - `render_pass::RenderPass` - `attachments::Vector{ImageView}` - `width::UInt32` - `height::UInt32` - `layers::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::FramebufferCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferCreateInfo.html) """ function _FramebufferCreateInfo(render_pass, attachments::AbstractArray, width::Integer, height::Integer, layers::Integer; next = C_NULL, flags = 0) attachment_count = pointer_length(attachments) next = cconvert(Ptr{Cvoid}, next) attachments = cconvert(Ptr{VkImageView}, attachments) deps = Any[next, attachments] vks = VkFramebufferCreateInfo(structure_type(VkFramebufferCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, render_pass, attachment_count, unsafe_convert(Ptr{VkImageView}, attachments), width, height, layers) _FramebufferCreateInfo(vks, deps, render_pass) end """ Arguments: - `vertex_count::UInt32` - `instance_count::UInt32` - `first_vertex::UInt32` - `first_instance::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrawIndirectCommand.html) """ function _DrawIndirectCommand(vertex_count::Integer, instance_count::Integer, first_vertex::Integer, first_instance::Integer) _DrawIndirectCommand(VkDrawIndirectCommand(vertex_count, instance_count, first_vertex, first_instance)) end """ Arguments: - `index_count::UInt32` - `instance_count::UInt32` - `first_index::UInt32` - `vertex_offset::Int32` - `first_instance::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrawIndexedIndirectCommand.html) """ function _DrawIndexedIndirectCommand(index_count::Integer, instance_count::Integer, first_index::Integer, vertex_offset::Integer, first_instance::Integer) _DrawIndexedIndirectCommand(VkDrawIndexedIndirectCommand(index_count, instance_count, first_index, vertex_offset, first_instance)) end """ Arguments: - `x::UInt32` - `y::UInt32` - `z::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDispatchIndirectCommand.html) """ function _DispatchIndirectCommand(x::Integer, y::Integer, z::Integer) _DispatchIndirectCommand(VkDispatchIndirectCommand(x, y, z)) end """ Extension: VK\\_EXT\\_multi\\_draw Arguments: - `first_vertex::UInt32` - `vertex_count::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultiDrawInfoEXT.html) """ function _MultiDrawInfoEXT(first_vertex::Integer, vertex_count::Integer) _MultiDrawInfoEXT(VkMultiDrawInfoEXT(first_vertex, vertex_count)) end """ Extension: VK\\_EXT\\_multi\\_draw Arguments: - `first_index::UInt32` - `index_count::UInt32` - `vertex_offset::Int32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultiDrawIndexedInfoEXT.html) """ function _MultiDrawIndexedInfoEXT(first_index::Integer, index_count::Integer, vertex_offset::Integer) _MultiDrawIndexedInfoEXT(VkMultiDrawIndexedInfoEXT(first_index, index_count, vertex_offset)) end """ Arguments: - `wait_semaphores::Vector{Semaphore}` - `wait_dst_stage_mask::Vector{PipelineStageFlag}` - `command_buffers::Vector{CommandBuffer}` - `signal_semaphores::Vector{Semaphore}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubmitInfo.html) """ function _SubmitInfo(wait_semaphores::AbstractArray, wait_dst_stage_mask::AbstractArray, command_buffers::AbstractArray, signal_semaphores::AbstractArray; next = C_NULL) wait_semaphore_count = pointer_length(wait_semaphores) command_buffer_count = pointer_length(command_buffers) signal_semaphore_count = pointer_length(signal_semaphores) next = cconvert(Ptr{Cvoid}, next) wait_semaphores = cconvert(Ptr{VkSemaphore}, wait_semaphores) wait_dst_stage_mask = cconvert(Ptr{VkPipelineStageFlags}, wait_dst_stage_mask) command_buffers = cconvert(Ptr{VkCommandBuffer}, command_buffers) signal_semaphores = cconvert(Ptr{VkSemaphore}, signal_semaphores) deps = Any[next, wait_semaphores, wait_dst_stage_mask, command_buffers, signal_semaphores] vks = VkSubmitInfo(structure_type(VkSubmitInfo), unsafe_convert(Ptr{Cvoid}, next), wait_semaphore_count, unsafe_convert(Ptr{VkSemaphore}, wait_semaphores), unsafe_convert(Ptr{VkPipelineStageFlags}, wait_dst_stage_mask), command_buffer_count, unsafe_convert(Ptr{VkCommandBuffer}, command_buffers), signal_semaphore_count, unsafe_convert(Ptr{VkSemaphore}, signal_semaphores)) _SubmitInfo(vks, deps) end """ Extension: VK\\_KHR\\_display Arguments: - `display::DisplayKHR` - `display_name::String` - `physical_dimensions::_Extent2D` - `physical_resolution::_Extent2D` - `plane_reorder_possible::Bool` - `persistent_content::Bool` - `supported_transforms::SurfaceTransformFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPropertiesKHR.html) """ function _DisplayPropertiesKHR(display, display_name::AbstractString, physical_dimensions::_Extent2D, physical_resolution::_Extent2D, plane_reorder_possible::Bool, persistent_content::Bool; supported_transforms = 0) display_name = cconvert(Cstring, display_name) deps = Any[display_name] vks = VkDisplayPropertiesKHR(display, unsafe_convert(Cstring, display_name), physical_dimensions.vks, physical_resolution.vks, supported_transforms, plane_reorder_possible, persistent_content) _DisplayPropertiesKHR(vks, deps, display) end """ Extension: VK\\_KHR\\_display Arguments: - `current_display::DisplayKHR` - `current_stack_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlanePropertiesKHR.html) """ function _DisplayPlanePropertiesKHR(current_display, current_stack_index::Integer) _DisplayPlanePropertiesKHR(VkDisplayPlanePropertiesKHR(current_display, current_stack_index), current_display) end """ Extension: VK\\_KHR\\_display Arguments: - `visible_region::_Extent2D` - `refresh_rate::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModeParametersKHR.html) """ function _DisplayModeParametersKHR(visible_region::_Extent2D, refresh_rate::Integer) _DisplayModeParametersKHR(VkDisplayModeParametersKHR(visible_region.vks, refresh_rate)) end """ Extension: VK\\_KHR\\_display Arguments: - `display_mode::DisplayModeKHR` - `parameters::_DisplayModeParametersKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModePropertiesKHR.html) """ function _DisplayModePropertiesKHR(display_mode, parameters::_DisplayModeParametersKHR) _DisplayModePropertiesKHR(VkDisplayModePropertiesKHR(display_mode, parameters.vks), display_mode) end """ Extension: VK\\_KHR\\_display Arguments: - `parameters::_DisplayModeParametersKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModeCreateInfoKHR.html) """ function _DisplayModeCreateInfoKHR(parameters::_DisplayModeParametersKHR; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDisplayModeCreateInfoKHR(structure_type(VkDisplayModeCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), flags, parameters.vks) _DisplayModeCreateInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_display Arguments: - `min_src_position::_Offset2D` - `max_src_position::_Offset2D` - `min_src_extent::_Extent2D` - `max_src_extent::_Extent2D` - `min_dst_position::_Offset2D` - `max_dst_position::_Offset2D` - `min_dst_extent::_Extent2D` - `max_dst_extent::_Extent2D` - `supported_alpha::DisplayPlaneAlphaFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneCapabilitiesKHR.html) """ function _DisplayPlaneCapabilitiesKHR(min_src_position::_Offset2D, max_src_position::_Offset2D, min_src_extent::_Extent2D, max_src_extent::_Extent2D, min_dst_position::_Offset2D, max_dst_position::_Offset2D, min_dst_extent::_Extent2D, max_dst_extent::_Extent2D; supported_alpha = 0) _DisplayPlaneCapabilitiesKHR(VkDisplayPlaneCapabilitiesKHR(supported_alpha, min_src_position.vks, max_src_position.vks, min_src_extent.vks, max_src_extent.vks, min_dst_position.vks, max_dst_position.vks, min_dst_extent.vks, max_dst_extent.vks)) end """ Extension: VK\\_KHR\\_display Arguments: - `display_mode::DisplayModeKHR` - `plane_index::UInt32` - `plane_stack_index::UInt32` - `transform::SurfaceTransformFlagKHR` - `global_alpha::Float32` - `alpha_mode::DisplayPlaneAlphaFlagKHR` - `image_extent::_Extent2D` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplaySurfaceCreateInfoKHR.html) """ function _DisplaySurfaceCreateInfoKHR(display_mode, plane_index::Integer, plane_stack_index::Integer, transform::SurfaceTransformFlagKHR, global_alpha::Real, alpha_mode::DisplayPlaneAlphaFlagKHR, image_extent::_Extent2D; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDisplaySurfaceCreateInfoKHR(structure_type(VkDisplaySurfaceCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), flags, display_mode, plane_index, plane_stack_index, VkSurfaceTransformFlagBitsKHR(transform.val), global_alpha, VkDisplayPlaneAlphaFlagBitsKHR(alpha_mode.val), image_extent.vks) _DisplaySurfaceCreateInfoKHR(vks, deps, display_mode) end """ Extension: VK\\_KHR\\_display\\_swapchain Arguments: - `src_rect::_Rect2D` - `dst_rect::_Rect2D` - `persistent::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPresentInfoKHR.html) """ function _DisplayPresentInfoKHR(src_rect::_Rect2D, dst_rect::_Rect2D, persistent::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDisplayPresentInfoKHR(structure_type(VkDisplayPresentInfoKHR), unsafe_convert(Ptr{Cvoid}, next), src_rect.vks, dst_rect.vks, persistent) _DisplayPresentInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_surface Arguments: - `min_image_count::UInt32` - `max_image_count::UInt32` - `current_extent::_Extent2D` - `min_image_extent::_Extent2D` - `max_image_extent::_Extent2D` - `max_image_array_layers::UInt32` - `supported_transforms::SurfaceTransformFlagKHR` - `current_transform::SurfaceTransformFlagKHR` - `supported_composite_alpha::CompositeAlphaFlagKHR` - `supported_usage_flags::ImageUsageFlag` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilitiesKHR.html) """ function _SurfaceCapabilitiesKHR(min_image_count::Integer, max_image_count::Integer, current_extent::_Extent2D, min_image_extent::_Extent2D, max_image_extent::_Extent2D, max_image_array_layers::Integer, supported_transforms::SurfaceTransformFlagKHR, current_transform::SurfaceTransformFlagKHR, supported_composite_alpha::CompositeAlphaFlagKHR, supported_usage_flags::ImageUsageFlag) _SurfaceCapabilitiesKHR(VkSurfaceCapabilitiesKHR(min_image_count, max_image_count, current_extent.vks, min_image_extent.vks, max_image_extent.vks, max_image_array_layers, supported_transforms, VkSurfaceTransformFlagBitsKHR(current_transform.val), supported_composite_alpha, supported_usage_flags)) end """ Extension: VK\\_KHR\\_surface Arguments: - `format::Format` - `color_space::ColorSpaceKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceFormatKHR.html) """ function _SurfaceFormatKHR(format::Format, color_space::ColorSpaceKHR) _SurfaceFormatKHR(VkSurfaceFormatKHR(format, color_space)) end """ Extension: VK\\_KHR\\_swapchain Arguments: - `surface::SurfaceKHR` - `min_image_count::UInt32` - `image_format::Format` - `image_color_space::ColorSpaceKHR` - `image_extent::_Extent2D` - `image_array_layers::UInt32` - `image_usage::ImageUsageFlag` - `image_sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `pre_transform::SurfaceTransformFlagKHR` - `composite_alpha::CompositeAlphaFlagKHR` - `present_mode::PresentModeKHR` - `clipped::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::SwapchainCreateFlagKHR`: defaults to `0` - `old_swapchain::SwapchainKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainCreateInfoKHR.html) """ function _SwapchainCreateInfoKHR(surface, min_image_count::Integer, image_format::Format, image_color_space::ColorSpaceKHR, image_extent::_Extent2D, image_array_layers::Integer, image_usage::ImageUsageFlag, image_sharing_mode::SharingMode, queue_family_indices::AbstractArray, pre_transform::SurfaceTransformFlagKHR, composite_alpha::CompositeAlphaFlagKHR, present_mode::PresentModeKHR, clipped::Bool; next = C_NULL, flags = 0, old_swapchain = C_NULL) queue_family_index_count = pointer_length(queue_family_indices) next = cconvert(Ptr{Cvoid}, next) queue_family_indices = cconvert(Ptr{UInt32}, queue_family_indices) deps = Any[next, queue_family_indices] vks = VkSwapchainCreateInfoKHR(structure_type(VkSwapchainCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), flags, surface, min_image_count, image_format, image_color_space, image_extent.vks, image_array_layers, image_usage, image_sharing_mode, queue_family_index_count, unsafe_convert(Ptr{UInt32}, queue_family_indices), VkSurfaceTransformFlagBitsKHR(pre_transform.val), VkCompositeAlphaFlagBitsKHR(composite_alpha.val), present_mode, clipped, old_swapchain) _SwapchainCreateInfoKHR(vks, deps, surface, old_swapchain) end """ Extension: VK\\_KHR\\_swapchain Arguments: - `wait_semaphores::Vector{Semaphore}` - `swapchains::Vector{SwapchainKHR}` - `image_indices::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `results::Vector{Result}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentInfoKHR.html) """ function _PresentInfoKHR(wait_semaphores::AbstractArray, swapchains::AbstractArray, image_indices::AbstractArray; next = C_NULL, results = C_NULL) wait_semaphore_count = pointer_length(wait_semaphores) swapchain_count = pointer_length(swapchains) next = cconvert(Ptr{Cvoid}, next) wait_semaphores = cconvert(Ptr{VkSemaphore}, wait_semaphores) swapchains = cconvert(Ptr{VkSwapchainKHR}, swapchains) image_indices = cconvert(Ptr{UInt32}, image_indices) results = cconvert(Ptr{VkResult}, results) deps = Any[next, wait_semaphores, swapchains, image_indices, results] vks = VkPresentInfoKHR(structure_type(VkPresentInfoKHR), unsafe_convert(Ptr{Cvoid}, next), wait_semaphore_count, unsafe_convert(Ptr{VkSemaphore}, wait_semaphores), swapchain_count, unsafe_convert(Ptr{VkSwapchainKHR}, swapchains), unsafe_convert(Ptr{UInt32}, image_indices), unsafe_convert(Ptr{VkResult}, results)) _PresentInfoKHR(vks, deps) end """ Extension: VK\\_EXT\\_debug\\_report Arguments: - `pfn_callback::FunctionPtr` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::DebugReportFlagEXT`: defaults to `0` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugReportCallbackCreateInfoEXT.html) """ function _DebugReportCallbackCreateInfoEXT(pfn_callback::FunctionPtr; next = C_NULL, flags = 0, user_data = C_NULL) next = cconvert(Ptr{Cvoid}, next) user_data = cconvert(Ptr{Cvoid}, user_data) deps = Any[next, user_data] vks = VkDebugReportCallbackCreateInfoEXT(structure_type(VkDebugReportCallbackCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), flags, pfn_callback, unsafe_convert(Ptr{Cvoid}, user_data)) _DebugReportCallbackCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_validation\\_flags Arguments: - `disabled_validation_checks::Vector{ValidationCheckEXT}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkValidationFlagsEXT.html) """ function _ValidationFlagsEXT(disabled_validation_checks::AbstractArray; next = C_NULL) disabled_validation_check_count = pointer_length(disabled_validation_checks) next = cconvert(Ptr{Cvoid}, next) disabled_validation_checks = cconvert(Ptr{VkValidationCheckEXT}, disabled_validation_checks) deps = Any[next, disabled_validation_checks] vks = VkValidationFlagsEXT(structure_type(VkValidationFlagsEXT), unsafe_convert(Ptr{Cvoid}, next), disabled_validation_check_count, unsafe_convert(Ptr{VkValidationCheckEXT}, disabled_validation_checks)) _ValidationFlagsEXT(vks, deps) end """ Extension: VK\\_EXT\\_validation\\_features Arguments: - `enabled_validation_features::Vector{ValidationFeatureEnableEXT}` - `disabled_validation_features::Vector{ValidationFeatureDisableEXT}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkValidationFeaturesEXT.html) """ function _ValidationFeaturesEXT(enabled_validation_features::AbstractArray, disabled_validation_features::AbstractArray; next = C_NULL) enabled_validation_feature_count = pointer_length(enabled_validation_features) disabled_validation_feature_count = pointer_length(disabled_validation_features) next = cconvert(Ptr{Cvoid}, next) enabled_validation_features = cconvert(Ptr{VkValidationFeatureEnableEXT}, enabled_validation_features) disabled_validation_features = cconvert(Ptr{VkValidationFeatureDisableEXT}, disabled_validation_features) deps = Any[next, enabled_validation_features, disabled_validation_features] vks = VkValidationFeaturesEXT(structure_type(VkValidationFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), enabled_validation_feature_count, unsafe_convert(Ptr{VkValidationFeatureEnableEXT}, enabled_validation_features), disabled_validation_feature_count, unsafe_convert(Ptr{VkValidationFeatureDisableEXT}, disabled_validation_features)) _ValidationFeaturesEXT(vks, deps) end """ Extension: VK\\_AMD\\_rasterization\\_order Arguments: - `rasterization_order::RasterizationOrderAMD` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationStateRasterizationOrderAMD.html) """ function _PipelineRasterizationStateRasterizationOrderAMD(rasterization_order::RasterizationOrderAMD; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineRasterizationStateRasterizationOrderAMD(structure_type(VkPipelineRasterizationStateRasterizationOrderAMD), unsafe_convert(Ptr{Cvoid}, next), rasterization_order) _PipelineRasterizationStateRasterizationOrderAMD(vks, deps) end """ Extension: VK\\_EXT\\_debug\\_marker Arguments: - `object_type::DebugReportObjectTypeEXT` - `object::UInt64` - `object_name::String` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugMarkerObjectNameInfoEXT.html) """ function _DebugMarkerObjectNameInfoEXT(object_type::DebugReportObjectTypeEXT, object::Integer, object_name::AbstractString; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) object_name = cconvert(Cstring, object_name) deps = Any[next, object_name] vks = VkDebugMarkerObjectNameInfoEXT(structure_type(VkDebugMarkerObjectNameInfoEXT), unsafe_convert(Ptr{Cvoid}, next), object_type, object, unsafe_convert(Cstring, object_name)) _DebugMarkerObjectNameInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_debug\\_marker Arguments: - `object_type::DebugReportObjectTypeEXT` - `object::UInt64` - `tag_name::UInt64` - `tag_size::UInt` - `tag::Ptr{Cvoid}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugMarkerObjectTagInfoEXT.html) """ function _DebugMarkerObjectTagInfoEXT(object_type::DebugReportObjectTypeEXT, object::Integer, tag_name::Integer, tag_size::Integer, tag::Ptr{Cvoid}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) tag = cconvert(Ptr{Cvoid}, tag) deps = Any[next, tag] vks = VkDebugMarkerObjectTagInfoEXT(structure_type(VkDebugMarkerObjectTagInfoEXT), unsafe_convert(Ptr{Cvoid}, next), object_type, object, tag_name, tag_size, unsafe_convert(Ptr{Cvoid}, tag)) _DebugMarkerObjectTagInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_debug\\_marker Arguments: - `marker_name::String` - `color::NTuple{4, Float32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugMarkerMarkerInfoEXT.html) """ function _DebugMarkerMarkerInfoEXT(marker_name::AbstractString, color::NTuple{4, Float32}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) marker_name = cconvert(Cstring, marker_name) deps = Any[next, marker_name] vks = VkDebugMarkerMarkerInfoEXT(structure_type(VkDebugMarkerMarkerInfoEXT), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Cstring, marker_name), color) _DebugMarkerMarkerInfoEXT(vks, deps) end """ Extension: VK\\_NV\\_dedicated\\_allocation Arguments: - `dedicated_allocation::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDedicatedAllocationImageCreateInfoNV.html) """ function _DedicatedAllocationImageCreateInfoNV(dedicated_allocation::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDedicatedAllocationImageCreateInfoNV(structure_type(VkDedicatedAllocationImageCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), dedicated_allocation) _DedicatedAllocationImageCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_dedicated\\_allocation Arguments: - `dedicated_allocation::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDedicatedAllocationBufferCreateInfoNV.html) """ function _DedicatedAllocationBufferCreateInfoNV(dedicated_allocation::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDedicatedAllocationBufferCreateInfoNV(structure_type(VkDedicatedAllocationBufferCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), dedicated_allocation) _DedicatedAllocationBufferCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_dedicated\\_allocation Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `image::Image`: defaults to `C_NULL` - `buffer::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDedicatedAllocationMemoryAllocateInfoNV.html) """ function _DedicatedAllocationMemoryAllocateInfoNV(; next = C_NULL, image = C_NULL, buffer = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDedicatedAllocationMemoryAllocateInfoNV(structure_type(VkDedicatedAllocationMemoryAllocateInfoNV), unsafe_convert(Ptr{Cvoid}, next), image, buffer) _DedicatedAllocationMemoryAllocateInfoNV(vks, deps, image, buffer) end """ Extension: VK\\_NV\\_external\\_memory\\_capabilities Arguments: - `image_format_properties::_ImageFormatProperties` - `external_memory_features::ExternalMemoryFeatureFlagNV`: defaults to `0` - `export_from_imported_handle_types::ExternalMemoryHandleTypeFlagNV`: defaults to `0` - `compatible_handle_types::ExternalMemoryHandleTypeFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalImageFormatPropertiesNV.html) """ function _ExternalImageFormatPropertiesNV(image_format_properties::_ImageFormatProperties; external_memory_features = 0, export_from_imported_handle_types = 0, compatible_handle_types = 0) _ExternalImageFormatPropertiesNV(VkExternalImageFormatPropertiesNV(image_format_properties.vks, external_memory_features, export_from_imported_handle_types, compatible_handle_types)) end """ Extension: VK\\_NV\\_external\\_memory Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `handle_types::ExternalMemoryHandleTypeFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryImageCreateInfoNV.html) """ function _ExternalMemoryImageCreateInfoNV(; next = C_NULL, handle_types = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExternalMemoryImageCreateInfoNV(structure_type(VkExternalMemoryImageCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), handle_types) _ExternalMemoryImageCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_external\\_memory Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `handle_types::ExternalMemoryHandleTypeFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMemoryAllocateInfoNV.html) """ function _ExportMemoryAllocateInfoNV(; next = C_NULL, handle_types = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExportMemoryAllocateInfoNV(structure_type(VkExportMemoryAllocateInfoNV), unsafe_convert(Ptr{Cvoid}, next), handle_types) _ExportMemoryAllocateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `device_generated_commands::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV.html) """ function _PhysicalDeviceDeviceGeneratedCommandsFeaturesNV(device_generated_commands::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV(structure_type(VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), device_generated_commands) _PhysicalDeviceDeviceGeneratedCommandsFeaturesNV(vks, deps) end """ Arguments: - `private_data_slot_request_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDevicePrivateDataCreateInfo.html) """ function _DevicePrivateDataCreateInfo(private_data_slot_request_count::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDevicePrivateDataCreateInfo(structure_type(VkDevicePrivateDataCreateInfo), unsafe_convert(Ptr{Cvoid}, next), private_data_slot_request_count) _DevicePrivateDataCreateInfo(vks, deps) end """ Arguments: - `flags::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPrivateDataSlotCreateInfo.html) """ function _PrivateDataSlotCreateInfo(flags::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPrivateDataSlotCreateInfo(structure_type(VkPrivateDataSlotCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags) _PrivateDataSlotCreateInfo(vks, deps) end """ Arguments: - `private_data::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePrivateDataFeatures.html) """ function _PhysicalDevicePrivateDataFeatures(private_data::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePrivateDataFeatures(structure_type(VkPhysicalDevicePrivateDataFeatures), unsafe_convert(Ptr{Cvoid}, next), private_data) _PhysicalDevicePrivateDataFeatures(vks, deps) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `max_graphics_shader_group_count::UInt32` - `max_indirect_sequence_count::UInt32` - `max_indirect_commands_token_count::UInt32` - `max_indirect_commands_stream_count::UInt32` - `max_indirect_commands_token_offset::UInt32` - `max_indirect_commands_stream_stride::UInt32` - `min_sequences_count_buffer_offset_alignment::UInt32` - `min_sequences_index_buffer_offset_alignment::UInt32` - `min_indirect_commands_buffer_offset_alignment::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV.html) """ function _PhysicalDeviceDeviceGeneratedCommandsPropertiesNV(max_graphics_shader_group_count::Integer, max_indirect_sequence_count::Integer, max_indirect_commands_token_count::Integer, max_indirect_commands_stream_count::Integer, max_indirect_commands_token_offset::Integer, max_indirect_commands_stream_stride::Integer, min_sequences_count_buffer_offset_alignment::Integer, min_sequences_index_buffer_offset_alignment::Integer, min_indirect_commands_buffer_offset_alignment::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV(structure_type(VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), max_graphics_shader_group_count, max_indirect_sequence_count, max_indirect_commands_token_count, max_indirect_commands_stream_count, max_indirect_commands_token_offset, max_indirect_commands_stream_stride, min_sequences_count_buffer_offset_alignment, min_sequences_index_buffer_offset_alignment, min_indirect_commands_buffer_offset_alignment) _PhysicalDeviceDeviceGeneratedCommandsPropertiesNV(vks, deps) end """ Extension: VK\\_EXT\\_multi\\_draw Arguments: - `max_multi_draw_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiDrawPropertiesEXT.html) """ function _PhysicalDeviceMultiDrawPropertiesEXT(max_multi_draw_count::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMultiDrawPropertiesEXT(structure_type(VkPhysicalDeviceMultiDrawPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), max_multi_draw_count) _PhysicalDeviceMultiDrawPropertiesEXT(vks, deps) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `stages::Vector{_PipelineShaderStageCreateInfo}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `vertex_input_state::_PipelineVertexInputStateCreateInfo`: defaults to `C_NULL` - `tessellation_state::_PipelineTessellationStateCreateInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsShaderGroupCreateInfoNV.html) """ function _GraphicsShaderGroupCreateInfoNV(stages::AbstractArray; next = C_NULL, vertex_input_state = C_NULL, tessellation_state = C_NULL) stage_count = pointer_length(stages) next = cconvert(Ptr{Cvoid}, next) stages = cconvert(Ptr{VkPipelineShaderStageCreateInfo}, stages) vertex_input_state = cconvert(Ptr{VkPipelineVertexInputStateCreateInfo}, vertex_input_state) tessellation_state = cconvert(Ptr{VkPipelineTessellationStateCreateInfo}, tessellation_state) deps = Any[next, stages, vertex_input_state, tessellation_state] vks = VkGraphicsShaderGroupCreateInfoNV(structure_type(VkGraphicsShaderGroupCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), stage_count, unsafe_convert(Ptr{VkPipelineShaderStageCreateInfo}, stages), unsafe_convert(Ptr{VkPipelineVertexInputStateCreateInfo}, vertex_input_state), unsafe_convert(Ptr{VkPipelineTessellationStateCreateInfo}, tessellation_state)) _GraphicsShaderGroupCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `groups::Vector{_GraphicsShaderGroupCreateInfoNV}` - `pipelines::Vector{Pipeline}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsPipelineShaderGroupsCreateInfoNV.html) """ function _GraphicsPipelineShaderGroupsCreateInfoNV(groups::AbstractArray, pipelines::AbstractArray; next = C_NULL) group_count = pointer_length(groups) pipeline_count = pointer_length(pipelines) next = cconvert(Ptr{Cvoid}, next) groups = cconvert(Ptr{VkGraphicsShaderGroupCreateInfoNV}, groups) pipelines = cconvert(Ptr{VkPipeline}, pipelines) deps = Any[next, groups, pipelines] vks = VkGraphicsPipelineShaderGroupsCreateInfoNV(structure_type(VkGraphicsPipelineShaderGroupsCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), group_count, unsafe_convert(Ptr{VkGraphicsShaderGroupCreateInfoNV}, groups), pipeline_count, unsafe_convert(Ptr{VkPipeline}, pipelines)) _GraphicsPipelineShaderGroupsCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `group_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindShaderGroupIndirectCommandNV.html) """ function _BindShaderGroupIndirectCommandNV(group_index::Integer) _BindShaderGroupIndirectCommandNV(VkBindShaderGroupIndirectCommandNV(group_index)) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `buffer_address::UInt64` - `size::UInt32` - `index_type::IndexType` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindIndexBufferIndirectCommandNV.html) """ function _BindIndexBufferIndirectCommandNV(buffer_address::Integer, size::Integer, index_type::IndexType) _BindIndexBufferIndirectCommandNV(VkBindIndexBufferIndirectCommandNV(buffer_address, size, index_type)) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `buffer_address::UInt64` - `size::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindVertexBufferIndirectCommandNV.html) """ function _BindVertexBufferIndirectCommandNV(buffer_address::Integer, size::Integer, stride::Integer) _BindVertexBufferIndirectCommandNV(VkBindVertexBufferIndirectCommandNV(buffer_address, size, stride)) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `data::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSetStateFlagsIndirectCommandNV.html) """ function _SetStateFlagsIndirectCommandNV(data::Integer) _SetStateFlagsIndirectCommandNV(VkSetStateFlagsIndirectCommandNV(data)) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `buffer::Buffer` - `offset::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkIndirectCommandsStreamNV.html) """ function _IndirectCommandsStreamNV(buffer, offset::Integer) _IndirectCommandsStreamNV(VkIndirectCommandsStreamNV(buffer, offset), buffer) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `token_type::IndirectCommandsTokenTypeNV` - `stream::UInt32` - `offset::UInt32` - `vertex_binding_unit::UInt32` - `vertex_dynamic_stride::Bool` - `pushconstant_offset::UInt32` - `pushconstant_size::UInt32` - `index_types::Vector{IndexType}` - `index_type_values::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `pushconstant_pipeline_layout::PipelineLayout`: defaults to `C_NULL` - `pushconstant_shader_stage_flags::ShaderStageFlag`: defaults to `0` - `indirect_state_flags::IndirectStateFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkIndirectCommandsLayoutTokenNV.html) """ function _IndirectCommandsLayoutTokenNV(token_type::IndirectCommandsTokenTypeNV, stream::Integer, offset::Integer, vertex_binding_unit::Integer, vertex_dynamic_stride::Bool, pushconstant_offset::Integer, pushconstant_size::Integer, index_types::AbstractArray, index_type_values::AbstractArray; next = C_NULL, pushconstant_pipeline_layout = C_NULL, pushconstant_shader_stage_flags = 0, indirect_state_flags = 0) index_type_count = pointer_length(index_types) next = cconvert(Ptr{Cvoid}, next) index_types = cconvert(Ptr{VkIndexType}, index_types) index_type_values = cconvert(Ptr{UInt32}, index_type_values) deps = Any[next, index_types, index_type_values] vks = VkIndirectCommandsLayoutTokenNV(structure_type(VkIndirectCommandsLayoutTokenNV), unsafe_convert(Ptr{Cvoid}, next), token_type, stream, offset, vertex_binding_unit, vertex_dynamic_stride, pushconstant_pipeline_layout, pushconstant_shader_stage_flags, pushconstant_offset, pushconstant_size, indirect_state_flags, index_type_count, unsafe_convert(Ptr{VkIndexType}, index_types), unsafe_convert(Ptr{UInt32}, index_type_values)) _IndirectCommandsLayoutTokenNV(vks, deps, pushconstant_pipeline_layout) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `pipeline_bind_point::PipelineBindPoint` - `tokens::Vector{_IndirectCommandsLayoutTokenNV}` - `stream_strides::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::IndirectCommandsLayoutUsageFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkIndirectCommandsLayoutCreateInfoNV.html) """ function _IndirectCommandsLayoutCreateInfoNV(pipeline_bind_point::PipelineBindPoint, tokens::AbstractArray, stream_strides::AbstractArray; next = C_NULL, flags = 0) token_count = pointer_length(tokens) stream_count = pointer_length(stream_strides) next = cconvert(Ptr{Cvoid}, next) tokens = cconvert(Ptr{VkIndirectCommandsLayoutTokenNV}, tokens) stream_strides = cconvert(Ptr{UInt32}, stream_strides) deps = Any[next, tokens, stream_strides] vks = VkIndirectCommandsLayoutCreateInfoNV(structure_type(VkIndirectCommandsLayoutCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), flags, pipeline_bind_point, token_count, unsafe_convert(Ptr{VkIndirectCommandsLayoutTokenNV}, tokens), stream_count, unsafe_convert(Ptr{UInt32}, stream_strides)) _IndirectCommandsLayoutCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `pipeline_bind_point::PipelineBindPoint` - `pipeline::Pipeline` - `indirect_commands_layout::IndirectCommandsLayoutNV` - `streams::Vector{_IndirectCommandsStreamNV}` - `sequences_count::UInt32` - `preprocess_buffer::Buffer` - `preprocess_offset::UInt64` - `preprocess_size::UInt64` - `sequences_count_offset::UInt64` - `sequences_index_offset::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `sequences_count_buffer::Buffer`: defaults to `C_NULL` - `sequences_index_buffer::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeneratedCommandsInfoNV.html) """ function _GeneratedCommandsInfoNV(pipeline_bind_point::PipelineBindPoint, pipeline, indirect_commands_layout, streams::AbstractArray, sequences_count::Integer, preprocess_buffer, preprocess_offset::Integer, preprocess_size::Integer, sequences_count_offset::Integer, sequences_index_offset::Integer; next = C_NULL, sequences_count_buffer = C_NULL, sequences_index_buffer = C_NULL) stream_count = pointer_length(streams) next = cconvert(Ptr{Cvoid}, next) streams = cconvert(Ptr{VkIndirectCommandsStreamNV}, streams) deps = Any[next, streams] vks = VkGeneratedCommandsInfoNV(structure_type(VkGeneratedCommandsInfoNV), unsafe_convert(Ptr{Cvoid}, next), pipeline_bind_point, pipeline, indirect_commands_layout, stream_count, unsafe_convert(Ptr{VkIndirectCommandsStreamNV}, streams), sequences_count, preprocess_buffer, preprocess_offset, preprocess_size, sequences_count_buffer, sequences_count_offset, sequences_index_buffer, sequences_index_offset) _GeneratedCommandsInfoNV(vks, deps, pipeline, indirect_commands_layout, preprocess_buffer, sequences_count_buffer, sequences_index_buffer) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `pipeline_bind_point::PipelineBindPoint` - `pipeline::Pipeline` - `indirect_commands_layout::IndirectCommandsLayoutNV` - `max_sequences_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeneratedCommandsMemoryRequirementsInfoNV.html) """ function _GeneratedCommandsMemoryRequirementsInfoNV(pipeline_bind_point::PipelineBindPoint, pipeline, indirect_commands_layout, max_sequences_count::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkGeneratedCommandsMemoryRequirementsInfoNV(structure_type(VkGeneratedCommandsMemoryRequirementsInfoNV), unsafe_convert(Ptr{Cvoid}, next), pipeline_bind_point, pipeline, indirect_commands_layout, max_sequences_count) _GeneratedCommandsMemoryRequirementsInfoNV(vks, deps, pipeline, indirect_commands_layout) end """ Arguments: - `features::_PhysicalDeviceFeatures` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFeatures2.html) """ function _PhysicalDeviceFeatures2(features::_PhysicalDeviceFeatures; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFeatures2(structure_type(VkPhysicalDeviceFeatures2), unsafe_convert(Ptr{Cvoid}, next), features.vks) _PhysicalDeviceFeatures2(vks, deps) end """ Arguments: - `properties::_PhysicalDeviceProperties` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProperties2.html) """ function _PhysicalDeviceProperties2(properties::_PhysicalDeviceProperties; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceProperties2(structure_type(VkPhysicalDeviceProperties2), unsafe_convert(Ptr{Cvoid}, next), properties.vks) _PhysicalDeviceProperties2(vks, deps) end """ Arguments: - `format_properties::_FormatProperties` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFormatProperties2.html) """ function _FormatProperties2(format_properties::_FormatProperties; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkFormatProperties2(structure_type(VkFormatProperties2), unsafe_convert(Ptr{Cvoid}, next), format_properties.vks) _FormatProperties2(vks, deps) end """ Arguments: - `image_format_properties::_ImageFormatProperties` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageFormatProperties2.html) """ function _ImageFormatProperties2(image_format_properties::_ImageFormatProperties; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageFormatProperties2(structure_type(VkImageFormatProperties2), unsafe_convert(Ptr{Cvoid}, next), image_format_properties.vks) _ImageFormatProperties2(vks, deps) end """ Arguments: - `format::Format` - `type::ImageType` - `tiling::ImageTiling` - `usage::ImageUsageFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::ImageCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageFormatInfo2.html) """ function _PhysicalDeviceImageFormatInfo2(format::Format, type::ImageType, tiling::ImageTiling, usage::ImageUsageFlag; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceImageFormatInfo2(structure_type(VkPhysicalDeviceImageFormatInfo2), unsafe_convert(Ptr{Cvoid}, next), format, type, tiling, usage, flags) _PhysicalDeviceImageFormatInfo2(vks, deps) end """ Arguments: - `queue_family_properties::_QueueFamilyProperties` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyProperties2.html) """ function _QueueFamilyProperties2(queue_family_properties::_QueueFamilyProperties; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkQueueFamilyProperties2(structure_type(VkQueueFamilyProperties2), unsafe_convert(Ptr{Cvoid}, next), queue_family_properties.vks) _QueueFamilyProperties2(vks, deps) end """ Arguments: - `memory_properties::_PhysicalDeviceMemoryProperties` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryProperties2.html) """ function _PhysicalDeviceMemoryProperties2(memory_properties::_PhysicalDeviceMemoryProperties; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMemoryProperties2(structure_type(VkPhysicalDeviceMemoryProperties2), unsafe_convert(Ptr{Cvoid}, next), memory_properties.vks) _PhysicalDeviceMemoryProperties2(vks, deps) end """ Arguments: - `properties::_SparseImageFormatProperties` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageFormatProperties2.html) """ function _SparseImageFormatProperties2(properties::_SparseImageFormatProperties; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSparseImageFormatProperties2(structure_type(VkSparseImageFormatProperties2), unsafe_convert(Ptr{Cvoid}, next), properties.vks) _SparseImageFormatProperties2(vks, deps) end """ Arguments: - `format::Format` - `type::ImageType` - `samples::SampleCountFlag` - `usage::ImageUsageFlag` - `tiling::ImageTiling` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSparseImageFormatInfo2.html) """ function _PhysicalDeviceSparseImageFormatInfo2(format::Format, type::ImageType, samples::SampleCountFlag, usage::ImageUsageFlag, tiling::ImageTiling; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSparseImageFormatInfo2(structure_type(VkPhysicalDeviceSparseImageFormatInfo2), unsafe_convert(Ptr{Cvoid}, next), format, type, VkSampleCountFlagBits(samples.val), usage, tiling) _PhysicalDeviceSparseImageFormatInfo2(vks, deps) end """ Extension: VK\\_KHR\\_push\\_descriptor Arguments: - `max_push_descriptors::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePushDescriptorPropertiesKHR.html) """ function _PhysicalDevicePushDescriptorPropertiesKHR(max_push_descriptors::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePushDescriptorPropertiesKHR(structure_type(VkPhysicalDevicePushDescriptorPropertiesKHR), unsafe_convert(Ptr{Cvoid}, next), max_push_descriptors) _PhysicalDevicePushDescriptorPropertiesKHR(vks, deps) end """ Arguments: - `major::UInt8` - `minor::UInt8` - `subminor::UInt8` - `patch::UInt8` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkConformanceVersion.html) """ function _ConformanceVersion(major::Integer, minor::Integer, subminor::Integer, patch::Integer) _ConformanceVersion(VkConformanceVersion(major, minor, subminor, patch)) end """ Arguments: - `driver_id::DriverId` - `driver_name::String` - `driver_info::String` - `conformance_version::_ConformanceVersion` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDriverProperties.html) """ function _PhysicalDeviceDriverProperties(driver_id::DriverId, driver_name::AbstractString, driver_info::AbstractString, conformance_version::_ConformanceVersion; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDriverProperties(structure_type(VkPhysicalDeviceDriverProperties), unsafe_convert(Ptr{Cvoid}, next), driver_id, driver_name, driver_info, conformance_version.vks) _PhysicalDeviceDriverProperties(vks, deps) end """ Extension: VK\\_KHR\\_incremental\\_present Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `regions::Vector{_PresentRegionKHR}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentRegionsKHR.html) """ function _PresentRegionsKHR(; next = C_NULL, regions = C_NULL) swapchain_count = pointer_length(regions) next = cconvert(Ptr{Cvoid}, next) regions = cconvert(Ptr{VkPresentRegionKHR}, regions) deps = Any[next, regions] vks = VkPresentRegionsKHR(structure_type(VkPresentRegionsKHR), unsafe_convert(Ptr{Cvoid}, next), swapchain_count, unsafe_convert(Ptr{VkPresentRegionKHR}, regions)) _PresentRegionsKHR(vks, deps) end """ Extension: VK\\_KHR\\_incremental\\_present Arguments: - `rectangles::Vector{_RectLayerKHR}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentRegionKHR.html) """ function _PresentRegionKHR(; rectangles = C_NULL) rectangle_count = pointer_length(rectangles) rectangles = cconvert(Ptr{VkRectLayerKHR}, rectangles) deps = Any[rectangles] vks = VkPresentRegionKHR(rectangle_count, unsafe_convert(Ptr{VkRectLayerKHR}, rectangles)) _PresentRegionKHR(vks, deps) end """ Extension: VK\\_KHR\\_incremental\\_present Arguments: - `offset::_Offset2D` - `extent::_Extent2D` - `layer::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRectLayerKHR.html) """ function _RectLayerKHR(offset::_Offset2D, extent::_Extent2D, layer::Integer) _RectLayerKHR(VkRectLayerKHR(offset.vks, extent.vks, layer)) end """ Arguments: - `variable_pointers_storage_buffer::Bool` - `variable_pointers::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVariablePointersFeatures.html) """ function _PhysicalDeviceVariablePointersFeatures(variable_pointers_storage_buffer::Bool, variable_pointers::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceVariablePointersFeatures(structure_type(VkPhysicalDeviceVariablePointersFeatures), unsafe_convert(Ptr{Cvoid}, next), variable_pointers_storage_buffer, variable_pointers) _PhysicalDeviceVariablePointersFeatures(vks, deps) end """ Arguments: - `external_memory_features::ExternalMemoryFeatureFlag` - `compatible_handle_types::ExternalMemoryHandleTypeFlag` - `export_from_imported_handle_types::ExternalMemoryHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryProperties.html) """ function _ExternalMemoryProperties(external_memory_features::ExternalMemoryFeatureFlag, compatible_handle_types::ExternalMemoryHandleTypeFlag; export_from_imported_handle_types = 0) _ExternalMemoryProperties(VkExternalMemoryProperties(external_memory_features, export_from_imported_handle_types, compatible_handle_types)) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `handle_type::ExternalMemoryHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalImageFormatInfo.html) """ function _PhysicalDeviceExternalImageFormatInfo(; next = C_NULL, handle_type = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceExternalImageFormatInfo(structure_type(VkPhysicalDeviceExternalImageFormatInfo), unsafe_convert(Ptr{Cvoid}, next), VkExternalMemoryHandleTypeFlagBits(handle_type.val)) _PhysicalDeviceExternalImageFormatInfo(vks, deps) end """ Arguments: - `external_memory_properties::_ExternalMemoryProperties` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalImageFormatProperties.html) """ function _ExternalImageFormatProperties(external_memory_properties::_ExternalMemoryProperties; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExternalImageFormatProperties(structure_type(VkExternalImageFormatProperties), unsafe_convert(Ptr{Cvoid}, next), external_memory_properties.vks) _ExternalImageFormatProperties(vks, deps) end """ Arguments: - `usage::BufferUsageFlag` - `handle_type::ExternalMemoryHandleTypeFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::BufferCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalBufferInfo.html) """ function _PhysicalDeviceExternalBufferInfo(usage::BufferUsageFlag, handle_type::ExternalMemoryHandleTypeFlag; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceExternalBufferInfo(structure_type(VkPhysicalDeviceExternalBufferInfo), unsafe_convert(Ptr{Cvoid}, next), flags, usage, VkExternalMemoryHandleTypeFlagBits(handle_type.val)) _PhysicalDeviceExternalBufferInfo(vks, deps) end """ Arguments: - `external_memory_properties::_ExternalMemoryProperties` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalBufferProperties.html) """ function _ExternalBufferProperties(external_memory_properties::_ExternalMemoryProperties; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExternalBufferProperties(structure_type(VkExternalBufferProperties), unsafe_convert(Ptr{Cvoid}, next), external_memory_properties.vks) _ExternalBufferProperties(vks, deps) end """ Arguments: - `device_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `driver_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `device_luid::NTuple{Int(VK_LUID_SIZE), UInt8}` - `device_node_mask::UInt32` - `device_luid_valid::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceIDProperties.html) """ function _PhysicalDeviceIDProperties(device_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}, driver_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}, device_luid::NTuple{Int(VK_LUID_SIZE), UInt8}, device_node_mask::Integer, device_luid_valid::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceIDProperties(structure_type(VkPhysicalDeviceIDProperties), unsafe_convert(Ptr{Cvoid}, next), device_uuid, driver_uuid, device_luid, device_node_mask, device_luid_valid) _PhysicalDeviceIDProperties(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `handle_types::ExternalMemoryHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryImageCreateInfo.html) """ function _ExternalMemoryImageCreateInfo(; next = C_NULL, handle_types = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExternalMemoryImageCreateInfo(structure_type(VkExternalMemoryImageCreateInfo), unsafe_convert(Ptr{Cvoid}, next), handle_types) _ExternalMemoryImageCreateInfo(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `handle_types::ExternalMemoryHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryBufferCreateInfo.html) """ function _ExternalMemoryBufferCreateInfo(; next = C_NULL, handle_types = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExternalMemoryBufferCreateInfo(structure_type(VkExternalMemoryBufferCreateInfo), unsafe_convert(Ptr{Cvoid}, next), handle_types) _ExternalMemoryBufferCreateInfo(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `handle_types::ExternalMemoryHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMemoryAllocateInfo.html) """ function _ExportMemoryAllocateInfo(; next = C_NULL, handle_types = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExportMemoryAllocateInfo(structure_type(VkExportMemoryAllocateInfo), unsafe_convert(Ptr{Cvoid}, next), handle_types) _ExportMemoryAllocateInfo(vks, deps) end """ Extension: VK\\_KHR\\_external\\_memory\\_fd Arguments: - `fd::Int` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `handle_type::ExternalMemoryHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMemoryFdInfoKHR.html) """ function _ImportMemoryFdInfoKHR(fd::Integer; next = C_NULL, handle_type = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImportMemoryFdInfoKHR(structure_type(VkImportMemoryFdInfoKHR), unsafe_convert(Ptr{Cvoid}, next), VkExternalMemoryHandleTypeFlagBits(handle_type.val), fd) _ImportMemoryFdInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_external\\_memory\\_fd Arguments: - `memory_type_bits::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryFdPropertiesKHR.html) """ function _MemoryFdPropertiesKHR(memory_type_bits::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryFdPropertiesKHR(structure_type(VkMemoryFdPropertiesKHR), unsafe_convert(Ptr{Cvoid}, next), memory_type_bits) _MemoryFdPropertiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_external\\_memory\\_fd Arguments: - `memory::DeviceMemory` - `handle_type::ExternalMemoryHandleTypeFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryGetFdInfoKHR.html) """ function _MemoryGetFdInfoKHR(memory, handle_type::ExternalMemoryHandleTypeFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryGetFdInfoKHR(structure_type(VkMemoryGetFdInfoKHR), unsafe_convert(Ptr{Cvoid}, next), memory, VkExternalMemoryHandleTypeFlagBits(handle_type.val)) _MemoryGetFdInfoKHR(vks, deps, memory) end """ Arguments: - `handle_type::ExternalSemaphoreHandleTypeFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalSemaphoreInfo.html) """ function _PhysicalDeviceExternalSemaphoreInfo(handle_type::ExternalSemaphoreHandleTypeFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceExternalSemaphoreInfo(structure_type(VkPhysicalDeviceExternalSemaphoreInfo), unsafe_convert(Ptr{Cvoid}, next), VkExternalSemaphoreHandleTypeFlagBits(handle_type.val)) _PhysicalDeviceExternalSemaphoreInfo(vks, deps) end """ Arguments: - `export_from_imported_handle_types::ExternalSemaphoreHandleTypeFlag` - `compatible_handle_types::ExternalSemaphoreHandleTypeFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `external_semaphore_features::ExternalSemaphoreFeatureFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalSemaphoreProperties.html) """ function _ExternalSemaphoreProperties(export_from_imported_handle_types::ExternalSemaphoreHandleTypeFlag, compatible_handle_types::ExternalSemaphoreHandleTypeFlag; next = C_NULL, external_semaphore_features = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExternalSemaphoreProperties(structure_type(VkExternalSemaphoreProperties), unsafe_convert(Ptr{Cvoid}, next), export_from_imported_handle_types, compatible_handle_types, external_semaphore_features) _ExternalSemaphoreProperties(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `handle_types::ExternalSemaphoreHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportSemaphoreCreateInfo.html) """ function _ExportSemaphoreCreateInfo(; next = C_NULL, handle_types = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExportSemaphoreCreateInfo(structure_type(VkExportSemaphoreCreateInfo), unsafe_convert(Ptr{Cvoid}, next), handle_types) _ExportSemaphoreCreateInfo(vks, deps) end """ Extension: VK\\_KHR\\_external\\_semaphore\\_fd Arguments: - `semaphore::Semaphore` (externsync) - `handle_type::ExternalSemaphoreHandleTypeFlag` - `fd::Int` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::SemaphoreImportFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportSemaphoreFdInfoKHR.html) """ function _ImportSemaphoreFdInfoKHR(semaphore, handle_type::ExternalSemaphoreHandleTypeFlag, fd::Integer; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImportSemaphoreFdInfoKHR(structure_type(VkImportSemaphoreFdInfoKHR), unsafe_convert(Ptr{Cvoid}, next), semaphore, flags, VkExternalSemaphoreHandleTypeFlagBits(handle_type.val), fd) _ImportSemaphoreFdInfoKHR(vks, deps, semaphore) end """ Extension: VK\\_KHR\\_external\\_semaphore\\_fd Arguments: - `semaphore::Semaphore` - `handle_type::ExternalSemaphoreHandleTypeFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreGetFdInfoKHR.html) """ function _SemaphoreGetFdInfoKHR(semaphore, handle_type::ExternalSemaphoreHandleTypeFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSemaphoreGetFdInfoKHR(structure_type(VkSemaphoreGetFdInfoKHR), unsafe_convert(Ptr{Cvoid}, next), semaphore, VkExternalSemaphoreHandleTypeFlagBits(handle_type.val)) _SemaphoreGetFdInfoKHR(vks, deps, semaphore) end """ Arguments: - `handle_type::ExternalFenceHandleTypeFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalFenceInfo.html) """ function _PhysicalDeviceExternalFenceInfo(handle_type::ExternalFenceHandleTypeFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceExternalFenceInfo(structure_type(VkPhysicalDeviceExternalFenceInfo), unsafe_convert(Ptr{Cvoid}, next), VkExternalFenceHandleTypeFlagBits(handle_type.val)) _PhysicalDeviceExternalFenceInfo(vks, deps) end """ Arguments: - `export_from_imported_handle_types::ExternalFenceHandleTypeFlag` - `compatible_handle_types::ExternalFenceHandleTypeFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `external_fence_features::ExternalFenceFeatureFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalFenceProperties.html) """ function _ExternalFenceProperties(export_from_imported_handle_types::ExternalFenceHandleTypeFlag, compatible_handle_types::ExternalFenceHandleTypeFlag; next = C_NULL, external_fence_features = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExternalFenceProperties(structure_type(VkExternalFenceProperties), unsafe_convert(Ptr{Cvoid}, next), export_from_imported_handle_types, compatible_handle_types, external_fence_features) _ExternalFenceProperties(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `handle_types::ExternalFenceHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportFenceCreateInfo.html) """ function _ExportFenceCreateInfo(; next = C_NULL, handle_types = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExportFenceCreateInfo(structure_type(VkExportFenceCreateInfo), unsafe_convert(Ptr{Cvoid}, next), handle_types) _ExportFenceCreateInfo(vks, deps) end """ Extension: VK\\_KHR\\_external\\_fence\\_fd Arguments: - `fence::Fence` (externsync) - `handle_type::ExternalFenceHandleTypeFlag` - `fd::Int` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::FenceImportFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportFenceFdInfoKHR.html) """ function _ImportFenceFdInfoKHR(fence, handle_type::ExternalFenceHandleTypeFlag, fd::Integer; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImportFenceFdInfoKHR(structure_type(VkImportFenceFdInfoKHR), unsafe_convert(Ptr{Cvoid}, next), fence, flags, VkExternalFenceHandleTypeFlagBits(handle_type.val), fd) _ImportFenceFdInfoKHR(vks, deps, fence) end """ Extension: VK\\_KHR\\_external\\_fence\\_fd Arguments: - `fence::Fence` - `handle_type::ExternalFenceHandleTypeFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFenceGetFdInfoKHR.html) """ function _FenceGetFdInfoKHR(fence, handle_type::ExternalFenceHandleTypeFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkFenceGetFdInfoKHR(structure_type(VkFenceGetFdInfoKHR), unsafe_convert(Ptr{Cvoid}, next), fence, VkExternalFenceHandleTypeFlagBits(handle_type.val)) _FenceGetFdInfoKHR(vks, deps, fence) end """ Arguments: - `multiview::Bool` - `multiview_geometry_shader::Bool` - `multiview_tessellation_shader::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewFeatures.html) """ function _PhysicalDeviceMultiviewFeatures(multiview::Bool, multiview_geometry_shader::Bool, multiview_tessellation_shader::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMultiviewFeatures(structure_type(VkPhysicalDeviceMultiviewFeatures), unsafe_convert(Ptr{Cvoid}, next), multiview, multiview_geometry_shader, multiview_tessellation_shader) _PhysicalDeviceMultiviewFeatures(vks, deps) end """ Arguments: - `max_multiview_view_count::UInt32` - `max_multiview_instance_index::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewProperties.html) """ function _PhysicalDeviceMultiviewProperties(max_multiview_view_count::Integer, max_multiview_instance_index::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMultiviewProperties(structure_type(VkPhysicalDeviceMultiviewProperties), unsafe_convert(Ptr{Cvoid}, next), max_multiview_view_count, max_multiview_instance_index) _PhysicalDeviceMultiviewProperties(vks, deps) end """ Arguments: - `view_masks::Vector{UInt32}` - `view_offsets::Vector{Int32}` - `correlation_masks::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassMultiviewCreateInfo.html) """ function _RenderPassMultiviewCreateInfo(view_masks::AbstractArray, view_offsets::AbstractArray, correlation_masks::AbstractArray; next = C_NULL) subpass_count = pointer_length(view_masks) dependency_count = pointer_length(view_offsets) correlation_mask_count = pointer_length(correlation_masks) next = cconvert(Ptr{Cvoid}, next) view_masks = cconvert(Ptr{UInt32}, view_masks) view_offsets = cconvert(Ptr{Int32}, view_offsets) correlation_masks = cconvert(Ptr{UInt32}, correlation_masks) deps = Any[next, view_masks, view_offsets, correlation_masks] vks = VkRenderPassMultiviewCreateInfo(structure_type(VkRenderPassMultiviewCreateInfo), unsafe_convert(Ptr{Cvoid}, next), subpass_count, unsafe_convert(Ptr{UInt32}, view_masks), dependency_count, unsafe_convert(Ptr{Int32}, view_offsets), correlation_mask_count, unsafe_convert(Ptr{UInt32}, correlation_masks)) _RenderPassMultiviewCreateInfo(vks, deps) end """ Extension: VK\\_EXT\\_display\\_surface\\_counter Arguments: - `min_image_count::UInt32` - `max_image_count::UInt32` - `current_extent::_Extent2D` - `min_image_extent::_Extent2D` - `max_image_extent::_Extent2D` - `max_image_array_layers::UInt32` - `supported_transforms::SurfaceTransformFlagKHR` - `current_transform::SurfaceTransformFlagKHR` - `supported_composite_alpha::CompositeAlphaFlagKHR` - `supported_usage_flags::ImageUsageFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `supported_surface_counters::SurfaceCounterFlagEXT`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilities2EXT.html) """ function _SurfaceCapabilities2EXT(min_image_count::Integer, max_image_count::Integer, current_extent::_Extent2D, min_image_extent::_Extent2D, max_image_extent::_Extent2D, max_image_array_layers::Integer, supported_transforms::SurfaceTransformFlagKHR, current_transform::SurfaceTransformFlagKHR, supported_composite_alpha::CompositeAlphaFlagKHR, supported_usage_flags::ImageUsageFlag; next = C_NULL, supported_surface_counters = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSurfaceCapabilities2EXT(structure_type(VkSurfaceCapabilities2EXT), unsafe_convert(Ptr{Cvoid}, next), min_image_count, max_image_count, current_extent.vks, min_image_extent.vks, max_image_extent.vks, max_image_array_layers, supported_transforms, VkSurfaceTransformFlagBitsKHR(current_transform.val), supported_composite_alpha, supported_usage_flags, supported_surface_counters) _SurfaceCapabilities2EXT(vks, deps) end """ Extension: VK\\_EXT\\_display\\_control Arguments: - `power_state::DisplayPowerStateEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPowerInfoEXT.html) """ function _DisplayPowerInfoEXT(power_state::DisplayPowerStateEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDisplayPowerInfoEXT(structure_type(VkDisplayPowerInfoEXT), unsafe_convert(Ptr{Cvoid}, next), power_state) _DisplayPowerInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_display\\_control Arguments: - `device_event::DeviceEventTypeEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceEventInfoEXT.html) """ function _DeviceEventInfoEXT(device_event::DeviceEventTypeEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceEventInfoEXT(structure_type(VkDeviceEventInfoEXT), unsafe_convert(Ptr{Cvoid}, next), device_event) _DeviceEventInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_display\\_control Arguments: - `display_event::DisplayEventTypeEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayEventInfoEXT.html) """ function _DisplayEventInfoEXT(display_event::DisplayEventTypeEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDisplayEventInfoEXT(structure_type(VkDisplayEventInfoEXT), unsafe_convert(Ptr{Cvoid}, next), display_event) _DisplayEventInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_display\\_control Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `surface_counters::SurfaceCounterFlagEXT`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainCounterCreateInfoEXT.html) """ function _SwapchainCounterCreateInfoEXT(; next = C_NULL, surface_counters = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSwapchainCounterCreateInfoEXT(structure_type(VkSwapchainCounterCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), surface_counters) _SwapchainCounterCreateInfoEXT(vks, deps) end """ Arguments: - `physical_device_count::UInt32` - `physical_devices::NTuple{Int(VK_MAX_DEVICE_GROUP_SIZE), PhysicalDevice}` - `subset_allocation::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGroupProperties.html) """ function _PhysicalDeviceGroupProperties(physical_device_count::Integer, physical_devices::NTuple{Int(VK_MAX_DEVICE_GROUP_SIZE), PhysicalDevice}, subset_allocation::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceGroupProperties(structure_type(VkPhysicalDeviceGroupProperties), unsafe_convert(Ptr{Cvoid}, next), physical_device_count, physical_devices, subset_allocation) _PhysicalDeviceGroupProperties(vks, deps) end """ Arguments: - `device_mask::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::MemoryAllocateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryAllocateFlagsInfo.html) """ function _MemoryAllocateFlagsInfo(device_mask::Integer; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryAllocateFlagsInfo(structure_type(VkMemoryAllocateFlagsInfo), unsafe_convert(Ptr{Cvoid}, next), flags, device_mask) _MemoryAllocateFlagsInfo(vks, deps) end """ Arguments: - `buffer::Buffer` - `memory::DeviceMemory` - `memory_offset::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindBufferMemoryInfo.html) """ function _BindBufferMemoryInfo(buffer, memory, memory_offset::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBindBufferMemoryInfo(structure_type(VkBindBufferMemoryInfo), unsafe_convert(Ptr{Cvoid}, next), buffer, memory, memory_offset) _BindBufferMemoryInfo(vks, deps, buffer, memory) end """ Arguments: - `device_indices::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindBufferMemoryDeviceGroupInfo.html) """ function _BindBufferMemoryDeviceGroupInfo(device_indices::AbstractArray; next = C_NULL) device_index_count = pointer_length(device_indices) next = cconvert(Ptr{Cvoid}, next) device_indices = cconvert(Ptr{UInt32}, device_indices) deps = Any[next, device_indices] vks = VkBindBufferMemoryDeviceGroupInfo(structure_type(VkBindBufferMemoryDeviceGroupInfo), unsafe_convert(Ptr{Cvoid}, next), device_index_count, unsafe_convert(Ptr{UInt32}, device_indices)) _BindBufferMemoryDeviceGroupInfo(vks, deps) end """ Arguments: - `image::Image` - `memory::DeviceMemory` - `memory_offset::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImageMemoryInfo.html) """ function _BindImageMemoryInfo(image, memory, memory_offset::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBindImageMemoryInfo(structure_type(VkBindImageMemoryInfo), unsafe_convert(Ptr{Cvoid}, next), image, memory, memory_offset) _BindImageMemoryInfo(vks, deps, image, memory) end """ Arguments: - `device_indices::Vector{UInt32}` - `split_instance_bind_regions::Vector{_Rect2D}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImageMemoryDeviceGroupInfo.html) """ function _BindImageMemoryDeviceGroupInfo(device_indices::AbstractArray, split_instance_bind_regions::AbstractArray; next = C_NULL) device_index_count = pointer_length(device_indices) split_instance_bind_region_count = pointer_length(split_instance_bind_regions) next = cconvert(Ptr{Cvoid}, next) device_indices = cconvert(Ptr{UInt32}, device_indices) split_instance_bind_regions = cconvert(Ptr{VkRect2D}, split_instance_bind_regions) deps = Any[next, device_indices, split_instance_bind_regions] vks = VkBindImageMemoryDeviceGroupInfo(structure_type(VkBindImageMemoryDeviceGroupInfo), unsafe_convert(Ptr{Cvoid}, next), device_index_count, unsafe_convert(Ptr{UInt32}, device_indices), split_instance_bind_region_count, unsafe_convert(Ptr{VkRect2D}, split_instance_bind_regions)) _BindImageMemoryDeviceGroupInfo(vks, deps) end """ Arguments: - `device_mask::UInt32` - `device_render_areas::Vector{_Rect2D}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupRenderPassBeginInfo.html) """ function _DeviceGroupRenderPassBeginInfo(device_mask::Integer, device_render_areas::AbstractArray; next = C_NULL) device_render_area_count = pointer_length(device_render_areas) next = cconvert(Ptr{Cvoid}, next) device_render_areas = cconvert(Ptr{VkRect2D}, device_render_areas) deps = Any[next, device_render_areas] vks = VkDeviceGroupRenderPassBeginInfo(structure_type(VkDeviceGroupRenderPassBeginInfo), unsafe_convert(Ptr{Cvoid}, next), device_mask, device_render_area_count, unsafe_convert(Ptr{VkRect2D}, device_render_areas)) _DeviceGroupRenderPassBeginInfo(vks, deps) end """ Arguments: - `device_mask::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupCommandBufferBeginInfo.html) """ function _DeviceGroupCommandBufferBeginInfo(device_mask::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceGroupCommandBufferBeginInfo(structure_type(VkDeviceGroupCommandBufferBeginInfo), unsafe_convert(Ptr{Cvoid}, next), device_mask) _DeviceGroupCommandBufferBeginInfo(vks, deps) end """ Arguments: - `wait_semaphore_device_indices::Vector{UInt32}` - `command_buffer_device_masks::Vector{UInt32}` - `signal_semaphore_device_indices::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupSubmitInfo.html) """ function _DeviceGroupSubmitInfo(wait_semaphore_device_indices::AbstractArray, command_buffer_device_masks::AbstractArray, signal_semaphore_device_indices::AbstractArray; next = C_NULL) wait_semaphore_count = pointer_length(wait_semaphore_device_indices) command_buffer_count = pointer_length(command_buffer_device_masks) signal_semaphore_count = pointer_length(signal_semaphore_device_indices) next = cconvert(Ptr{Cvoid}, next) wait_semaphore_device_indices = cconvert(Ptr{UInt32}, wait_semaphore_device_indices) command_buffer_device_masks = cconvert(Ptr{UInt32}, command_buffer_device_masks) signal_semaphore_device_indices = cconvert(Ptr{UInt32}, signal_semaphore_device_indices) deps = Any[next, wait_semaphore_device_indices, command_buffer_device_masks, signal_semaphore_device_indices] vks = VkDeviceGroupSubmitInfo(structure_type(VkDeviceGroupSubmitInfo), unsafe_convert(Ptr{Cvoid}, next), wait_semaphore_count, unsafe_convert(Ptr{UInt32}, wait_semaphore_device_indices), command_buffer_count, unsafe_convert(Ptr{UInt32}, command_buffer_device_masks), signal_semaphore_count, unsafe_convert(Ptr{UInt32}, signal_semaphore_device_indices)) _DeviceGroupSubmitInfo(vks, deps) end """ Arguments: - `resource_device_index::UInt32` - `memory_device_index::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupBindSparseInfo.html) """ function _DeviceGroupBindSparseInfo(resource_device_index::Integer, memory_device_index::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceGroupBindSparseInfo(structure_type(VkDeviceGroupBindSparseInfo), unsafe_convert(Ptr{Cvoid}, next), resource_device_index, memory_device_index) _DeviceGroupBindSparseInfo(vks, deps) end """ Extension: VK\\_KHR\\_swapchain Arguments: - `present_mask::NTuple{Int(VK_MAX_DEVICE_GROUP_SIZE), UInt32}` - `modes::DeviceGroupPresentModeFlagKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupPresentCapabilitiesKHR.html) """ function _DeviceGroupPresentCapabilitiesKHR(present_mask::NTuple{Int(VK_MAX_DEVICE_GROUP_SIZE), UInt32}, modes::DeviceGroupPresentModeFlagKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceGroupPresentCapabilitiesKHR(structure_type(VkDeviceGroupPresentCapabilitiesKHR), unsafe_convert(Ptr{Cvoid}, next), present_mask, modes) _DeviceGroupPresentCapabilitiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_swapchain Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `swapchain::SwapchainKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSwapchainCreateInfoKHR.html) """ function _ImageSwapchainCreateInfoKHR(; next = C_NULL, swapchain = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageSwapchainCreateInfoKHR(structure_type(VkImageSwapchainCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), swapchain) _ImageSwapchainCreateInfoKHR(vks, deps, swapchain) end """ Extension: VK\\_KHR\\_swapchain Arguments: - `swapchain::SwapchainKHR` (externsync) - `image_index::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImageMemorySwapchainInfoKHR.html) """ function _BindImageMemorySwapchainInfoKHR(swapchain, image_index::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBindImageMemorySwapchainInfoKHR(structure_type(VkBindImageMemorySwapchainInfoKHR), unsafe_convert(Ptr{Cvoid}, next), swapchain, image_index) _BindImageMemorySwapchainInfoKHR(vks, deps, swapchain) end """ Extension: VK\\_KHR\\_swapchain Arguments: - `swapchain::SwapchainKHR` (externsync) - `timeout::UInt64` - `device_mask::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `semaphore::Semaphore`: defaults to `C_NULL` (externsync) - `fence::Fence`: defaults to `C_NULL` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAcquireNextImageInfoKHR.html) """ function _AcquireNextImageInfoKHR(swapchain, timeout::Integer, device_mask::Integer; next = C_NULL, semaphore = C_NULL, fence = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAcquireNextImageInfoKHR(structure_type(VkAcquireNextImageInfoKHR), unsafe_convert(Ptr{Cvoid}, next), swapchain, timeout, semaphore, fence, device_mask) _AcquireNextImageInfoKHR(vks, deps, swapchain, semaphore, fence) end """ Extension: VK\\_KHR\\_swapchain Arguments: - `device_masks::Vector{UInt32}` - `mode::DeviceGroupPresentModeFlagKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupPresentInfoKHR.html) """ function _DeviceGroupPresentInfoKHR(device_masks::AbstractArray, mode::DeviceGroupPresentModeFlagKHR; next = C_NULL) swapchain_count = pointer_length(device_masks) next = cconvert(Ptr{Cvoid}, next) device_masks = cconvert(Ptr{UInt32}, device_masks) deps = Any[next, device_masks] vks = VkDeviceGroupPresentInfoKHR(structure_type(VkDeviceGroupPresentInfoKHR), unsafe_convert(Ptr{Cvoid}, next), swapchain_count, unsafe_convert(Ptr{UInt32}, device_masks), VkDeviceGroupPresentModeFlagBitsKHR(mode.val)) _DeviceGroupPresentInfoKHR(vks, deps) end """ Arguments: - `physical_devices::Vector{PhysicalDevice}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupDeviceCreateInfo.html) """ function _DeviceGroupDeviceCreateInfo(physical_devices::AbstractArray; next = C_NULL) physical_device_count = pointer_length(physical_devices) next = cconvert(Ptr{Cvoid}, next) physical_devices = cconvert(Ptr{VkPhysicalDevice}, physical_devices) deps = Any[next, physical_devices] vks = VkDeviceGroupDeviceCreateInfo(structure_type(VkDeviceGroupDeviceCreateInfo), unsafe_convert(Ptr{Cvoid}, next), physical_device_count, unsafe_convert(Ptr{VkPhysicalDevice}, physical_devices)) _DeviceGroupDeviceCreateInfo(vks, deps) end """ Extension: VK\\_KHR\\_swapchain Arguments: - `modes::DeviceGroupPresentModeFlagKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupSwapchainCreateInfoKHR.html) """ function _DeviceGroupSwapchainCreateInfoKHR(modes::DeviceGroupPresentModeFlagKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceGroupSwapchainCreateInfoKHR(structure_type(VkDeviceGroupSwapchainCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), modes) _DeviceGroupSwapchainCreateInfoKHR(vks, deps) end """ Arguments: - `dst_binding::UInt32` - `dst_array_element::UInt32` - `descriptor_count::UInt32` - `descriptor_type::DescriptorType` - `offset::UInt` - `stride::UInt` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorUpdateTemplateEntry.html) """ function _DescriptorUpdateTemplateEntry(dst_binding::Integer, dst_array_element::Integer, descriptor_count::Integer, descriptor_type::DescriptorType, offset::Integer, stride::Integer) _DescriptorUpdateTemplateEntry(VkDescriptorUpdateTemplateEntry(dst_binding, dst_array_element, descriptor_count, descriptor_type, offset, stride)) end """ Arguments: - `descriptor_update_entries::Vector{_DescriptorUpdateTemplateEntry}` - `template_type::DescriptorUpdateTemplateType` - `descriptor_set_layout::DescriptorSetLayout` - `pipeline_bind_point::PipelineBindPoint` - `pipeline_layout::PipelineLayout` - `set::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorUpdateTemplateCreateInfo.html) """ function _DescriptorUpdateTemplateCreateInfo(descriptor_update_entries::AbstractArray, template_type::DescriptorUpdateTemplateType, descriptor_set_layout, pipeline_bind_point::PipelineBindPoint, pipeline_layout, set::Integer; next = C_NULL, flags = 0) descriptor_update_entry_count = pointer_length(descriptor_update_entries) next = cconvert(Ptr{Cvoid}, next) descriptor_update_entries = cconvert(Ptr{VkDescriptorUpdateTemplateEntry}, descriptor_update_entries) deps = Any[next, descriptor_update_entries] vks = VkDescriptorUpdateTemplateCreateInfo(structure_type(VkDescriptorUpdateTemplateCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, descriptor_update_entry_count, unsafe_convert(Ptr{VkDescriptorUpdateTemplateEntry}, descriptor_update_entries), template_type, descriptor_set_layout, pipeline_bind_point, pipeline_layout, set) _DescriptorUpdateTemplateCreateInfo(vks, deps, descriptor_set_layout, pipeline_layout) end """ Extension: VK\\_EXT\\_hdr\\_metadata Arguments: - `x::Float32` - `y::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkXYColorEXT.html) """ function _XYColorEXT(x::Real, y::Real) _XYColorEXT(VkXYColorEXT(x, y)) end """ Extension: VK\\_KHR\\_present\\_id Arguments: - `present_id::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePresentIdFeaturesKHR.html) """ function _PhysicalDevicePresentIdFeaturesKHR(present_id::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePresentIdFeaturesKHR(structure_type(VkPhysicalDevicePresentIdFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), present_id) _PhysicalDevicePresentIdFeaturesKHR(vks, deps) end """ Extension: VK\\_KHR\\_present\\_id Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `present_ids::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentIdKHR.html) """ function _PresentIdKHR(; next = C_NULL, present_ids = C_NULL) swapchain_count = pointer_length(present_ids) next = cconvert(Ptr{Cvoid}, next) present_ids = cconvert(Ptr{UInt64}, present_ids) deps = Any[next, present_ids] vks = VkPresentIdKHR(structure_type(VkPresentIdKHR), unsafe_convert(Ptr{Cvoid}, next), swapchain_count, unsafe_convert(Ptr{UInt64}, present_ids)) _PresentIdKHR(vks, deps) end """ Extension: VK\\_KHR\\_present\\_wait Arguments: - `present_wait::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePresentWaitFeaturesKHR.html) """ function _PhysicalDevicePresentWaitFeaturesKHR(present_wait::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePresentWaitFeaturesKHR(structure_type(VkPhysicalDevicePresentWaitFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), present_wait) _PhysicalDevicePresentWaitFeaturesKHR(vks, deps) end """ Extension: VK\\_EXT\\_hdr\\_metadata Arguments: - `display_primary_red::_XYColorEXT` - `display_primary_green::_XYColorEXT` - `display_primary_blue::_XYColorEXT` - `white_point::_XYColorEXT` - `max_luminance::Float32` - `min_luminance::Float32` - `max_content_light_level::Float32` - `max_frame_average_light_level::Float32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkHdrMetadataEXT.html) """ function _HdrMetadataEXT(display_primary_red::_XYColorEXT, display_primary_green::_XYColorEXT, display_primary_blue::_XYColorEXT, white_point::_XYColorEXT, max_luminance::Real, min_luminance::Real, max_content_light_level::Real, max_frame_average_light_level::Real; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkHdrMetadataEXT(structure_type(VkHdrMetadataEXT), unsafe_convert(Ptr{Cvoid}, next), display_primary_red.vks, display_primary_green.vks, display_primary_blue.vks, white_point.vks, max_luminance, min_luminance, max_content_light_level, max_frame_average_light_level) _HdrMetadataEXT(vks, deps) end """ Extension: VK\\_AMD\\_display\\_native\\_hdr Arguments: - `local_dimming_support::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayNativeHdrSurfaceCapabilitiesAMD.html) """ function _DisplayNativeHdrSurfaceCapabilitiesAMD(local_dimming_support::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDisplayNativeHdrSurfaceCapabilitiesAMD(structure_type(VkDisplayNativeHdrSurfaceCapabilitiesAMD), unsafe_convert(Ptr{Cvoid}, next), local_dimming_support) _DisplayNativeHdrSurfaceCapabilitiesAMD(vks, deps) end """ Extension: VK\\_AMD\\_display\\_native\\_hdr Arguments: - `local_dimming_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainDisplayNativeHdrCreateInfoAMD.html) """ function _SwapchainDisplayNativeHdrCreateInfoAMD(local_dimming_enable::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSwapchainDisplayNativeHdrCreateInfoAMD(structure_type(VkSwapchainDisplayNativeHdrCreateInfoAMD), unsafe_convert(Ptr{Cvoid}, next), local_dimming_enable) _SwapchainDisplayNativeHdrCreateInfoAMD(vks, deps) end """ Extension: VK\\_GOOGLE\\_display\\_timing Arguments: - `refresh_duration::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRefreshCycleDurationGOOGLE.html) """ function _RefreshCycleDurationGOOGLE(refresh_duration::Integer) _RefreshCycleDurationGOOGLE(VkRefreshCycleDurationGOOGLE(refresh_duration)) end """ Extension: VK\\_GOOGLE\\_display\\_timing Arguments: - `present_id::UInt32` - `desired_present_time::UInt64` - `actual_present_time::UInt64` - `earliest_present_time::UInt64` - `present_margin::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPastPresentationTimingGOOGLE.html) """ function _PastPresentationTimingGOOGLE(present_id::Integer, desired_present_time::Integer, actual_present_time::Integer, earliest_present_time::Integer, present_margin::Integer) _PastPresentationTimingGOOGLE(VkPastPresentationTimingGOOGLE(present_id, desired_present_time, actual_present_time, earliest_present_time, present_margin)) end """ Extension: VK\\_GOOGLE\\_display\\_timing Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `times::Vector{_PresentTimeGOOGLE}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentTimesInfoGOOGLE.html) """ function _PresentTimesInfoGOOGLE(; next = C_NULL, times = C_NULL) swapchain_count = pointer_length(times) next = cconvert(Ptr{Cvoid}, next) times = cconvert(Ptr{VkPresentTimeGOOGLE}, times) deps = Any[next, times] vks = VkPresentTimesInfoGOOGLE(structure_type(VkPresentTimesInfoGOOGLE), unsafe_convert(Ptr{Cvoid}, next), swapchain_count, unsafe_convert(Ptr{VkPresentTimeGOOGLE}, times)) _PresentTimesInfoGOOGLE(vks, deps) end """ Extension: VK\\_GOOGLE\\_display\\_timing Arguments: - `present_id::UInt32` - `desired_present_time::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentTimeGOOGLE.html) """ function _PresentTimeGOOGLE(present_id::Integer, desired_present_time::Integer) _PresentTimeGOOGLE(VkPresentTimeGOOGLE(present_id, desired_present_time)) end """ Extension: VK\\_MVK\\_macos\\_surface Arguments: - `view::Ptr{Cvoid}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMacOSSurfaceCreateInfoMVK.html) """ function _MacOSSurfaceCreateInfoMVK(view::Ptr{Cvoid}; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) view = cconvert(Ptr{Cvoid}, view) deps = Any[next, view] vks = VkMacOSSurfaceCreateInfoMVK(structure_type(VkMacOSSurfaceCreateInfoMVK), unsafe_convert(Ptr{Cvoid}, next), flags, unsafe_convert(Ptr{Cvoid}, view)) _MacOSSurfaceCreateInfoMVK(vks, deps) end """ Extension: VK\\_EXT\\_metal\\_surface Arguments: - `layer::Ptr{CAMetalLayer}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMetalSurfaceCreateInfoEXT.html) """ function _MetalSurfaceCreateInfoEXT(layer::Ptr{vk.CAMetalLayer}; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) layer = cconvert(Ptr{vk.CAMetalLayer}, layer) deps = Any[next, layer] vks = VkMetalSurfaceCreateInfoEXT(structure_type(VkMetalSurfaceCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), flags, unsafe_convert(Ptr{vk.CAMetalLayer}, layer)) _MetalSurfaceCreateInfoEXT(vks, deps) end """ Extension: VK\\_NV\\_clip\\_space\\_w\\_scaling Arguments: - `xcoeff::Float32` - `ycoeff::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkViewportWScalingNV.html) """ function _ViewportWScalingNV(xcoeff::Real, ycoeff::Real) _ViewportWScalingNV(VkViewportWScalingNV(xcoeff, ycoeff)) end """ Extension: VK\\_NV\\_clip\\_space\\_w\\_scaling Arguments: - `viewport_w_scaling_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `viewport_w_scalings::Vector{_ViewportWScalingNV}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportWScalingStateCreateInfoNV.html) """ function _PipelineViewportWScalingStateCreateInfoNV(viewport_w_scaling_enable::Bool; next = C_NULL, viewport_w_scalings = C_NULL) viewport_count = pointer_length(viewport_w_scalings) next = cconvert(Ptr{Cvoid}, next) viewport_w_scalings = cconvert(Ptr{VkViewportWScalingNV}, viewport_w_scalings) deps = Any[next, viewport_w_scalings] vks = VkPipelineViewportWScalingStateCreateInfoNV(structure_type(VkPipelineViewportWScalingStateCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), viewport_w_scaling_enable, viewport_count, unsafe_convert(Ptr{VkViewportWScalingNV}, viewport_w_scalings)) _PipelineViewportWScalingStateCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_viewport\\_swizzle Arguments: - `x::ViewportCoordinateSwizzleNV` - `y::ViewportCoordinateSwizzleNV` - `z::ViewportCoordinateSwizzleNV` - `w::ViewportCoordinateSwizzleNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkViewportSwizzleNV.html) """ function _ViewportSwizzleNV(x::ViewportCoordinateSwizzleNV, y::ViewportCoordinateSwizzleNV, z::ViewportCoordinateSwizzleNV, w::ViewportCoordinateSwizzleNV) _ViewportSwizzleNV(VkViewportSwizzleNV(x, y, z, w)) end """ Extension: VK\\_NV\\_viewport\\_swizzle Arguments: - `viewport_swizzles::Vector{_ViewportSwizzleNV}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportSwizzleStateCreateInfoNV.html) """ function _PipelineViewportSwizzleStateCreateInfoNV(viewport_swizzles::AbstractArray; next = C_NULL, flags = 0) viewport_count = pointer_length(viewport_swizzles) next = cconvert(Ptr{Cvoid}, next) viewport_swizzles = cconvert(Ptr{VkViewportSwizzleNV}, viewport_swizzles) deps = Any[next, viewport_swizzles] vks = VkPipelineViewportSwizzleStateCreateInfoNV(structure_type(VkPipelineViewportSwizzleStateCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), flags, viewport_count, unsafe_convert(Ptr{VkViewportSwizzleNV}, viewport_swizzles)) _PipelineViewportSwizzleStateCreateInfoNV(vks, deps) end """ Extension: VK\\_EXT\\_discard\\_rectangles Arguments: - `max_discard_rectangles::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDiscardRectanglePropertiesEXT.html) """ function _PhysicalDeviceDiscardRectanglePropertiesEXT(max_discard_rectangles::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDiscardRectanglePropertiesEXT(structure_type(VkPhysicalDeviceDiscardRectanglePropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), max_discard_rectangles) _PhysicalDeviceDiscardRectanglePropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_discard\\_rectangles Arguments: - `discard_rectangle_mode::DiscardRectangleModeEXT` - `discard_rectangles::Vector{_Rect2D}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineDiscardRectangleStateCreateInfoEXT.html) """ function _PipelineDiscardRectangleStateCreateInfoEXT(discard_rectangle_mode::DiscardRectangleModeEXT, discard_rectangles::AbstractArray; next = C_NULL, flags = 0) discard_rectangle_count = pointer_length(discard_rectangles) next = cconvert(Ptr{Cvoid}, next) discard_rectangles = cconvert(Ptr{VkRect2D}, discard_rectangles) deps = Any[next, discard_rectangles] vks = VkPipelineDiscardRectangleStateCreateInfoEXT(structure_type(VkPipelineDiscardRectangleStateCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), flags, discard_rectangle_mode, discard_rectangle_count, unsafe_convert(Ptr{VkRect2D}, discard_rectangles)) _PipelineDiscardRectangleStateCreateInfoEXT(vks, deps) end """ Extension: VK\\_NVX\\_multiview\\_per\\_view\\_attributes Arguments: - `per_view_position_all_components::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX.html) """ function _PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX(per_view_position_all_components::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX(structure_type(VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX), unsafe_convert(Ptr{Cvoid}, next), per_view_position_all_components) _PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX(vks, deps) end """ Arguments: - `subpass::UInt32` - `input_attachment_index::UInt32` - `aspect_mask::ImageAspectFlag` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkInputAttachmentAspectReference.html) """ function _InputAttachmentAspectReference(subpass::Integer, input_attachment_index::Integer, aspect_mask::ImageAspectFlag) _InputAttachmentAspectReference(VkInputAttachmentAspectReference(subpass, input_attachment_index, aspect_mask)) end """ Arguments: - `aspect_references::Vector{_InputAttachmentAspectReference}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassInputAttachmentAspectCreateInfo.html) """ function _RenderPassInputAttachmentAspectCreateInfo(aspect_references::AbstractArray; next = C_NULL) aspect_reference_count = pointer_length(aspect_references) next = cconvert(Ptr{Cvoid}, next) aspect_references = cconvert(Ptr{VkInputAttachmentAspectReference}, aspect_references) deps = Any[next, aspect_references] vks = VkRenderPassInputAttachmentAspectCreateInfo(structure_type(VkRenderPassInputAttachmentAspectCreateInfo), unsafe_convert(Ptr{Cvoid}, next), aspect_reference_count, unsafe_convert(Ptr{VkInputAttachmentAspectReference}, aspect_references)) _RenderPassInputAttachmentAspectCreateInfo(vks, deps) end """ Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `surface::SurfaceKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSurfaceInfo2KHR.html) """ function _PhysicalDeviceSurfaceInfo2KHR(; next = C_NULL, surface = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSurfaceInfo2KHR(structure_type(VkPhysicalDeviceSurfaceInfo2KHR), unsafe_convert(Ptr{Cvoid}, next), surface) _PhysicalDeviceSurfaceInfo2KHR(vks, deps, surface) end """ Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 Arguments: - `surface_capabilities::_SurfaceCapabilitiesKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilities2KHR.html) """ function _SurfaceCapabilities2KHR(surface_capabilities::_SurfaceCapabilitiesKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSurfaceCapabilities2KHR(structure_type(VkSurfaceCapabilities2KHR), unsafe_convert(Ptr{Cvoid}, next), surface_capabilities.vks) _SurfaceCapabilities2KHR(vks, deps) end """ Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 Arguments: - `surface_format::_SurfaceFormatKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceFormat2KHR.html) """ function _SurfaceFormat2KHR(surface_format::_SurfaceFormatKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSurfaceFormat2KHR(structure_type(VkSurfaceFormat2KHR), unsafe_convert(Ptr{Cvoid}, next), surface_format.vks) _SurfaceFormat2KHR(vks, deps) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Arguments: - `display_properties::_DisplayPropertiesKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayProperties2KHR.html) """ function _DisplayProperties2KHR(display_properties::_DisplayPropertiesKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDisplayProperties2KHR(structure_type(VkDisplayProperties2KHR), unsafe_convert(Ptr{Cvoid}, next), display_properties.vks) _DisplayProperties2KHR(vks, deps) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Arguments: - `display_plane_properties::_DisplayPlanePropertiesKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneProperties2KHR.html) """ function _DisplayPlaneProperties2KHR(display_plane_properties::_DisplayPlanePropertiesKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDisplayPlaneProperties2KHR(structure_type(VkDisplayPlaneProperties2KHR), unsafe_convert(Ptr{Cvoid}, next), display_plane_properties.vks) _DisplayPlaneProperties2KHR(vks, deps) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Arguments: - `display_mode_properties::_DisplayModePropertiesKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModeProperties2KHR.html) """ function _DisplayModeProperties2KHR(display_mode_properties::_DisplayModePropertiesKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDisplayModeProperties2KHR(structure_type(VkDisplayModeProperties2KHR), unsafe_convert(Ptr{Cvoid}, next), display_mode_properties.vks) _DisplayModeProperties2KHR(vks, deps) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Arguments: - `mode::DisplayModeKHR` (externsync) - `plane_index::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneInfo2KHR.html) """ function _DisplayPlaneInfo2KHR(mode, plane_index::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDisplayPlaneInfo2KHR(structure_type(VkDisplayPlaneInfo2KHR), unsafe_convert(Ptr{Cvoid}, next), mode, plane_index) _DisplayPlaneInfo2KHR(vks, deps, mode) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Arguments: - `capabilities::_DisplayPlaneCapabilitiesKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneCapabilities2KHR.html) """ function _DisplayPlaneCapabilities2KHR(capabilities::_DisplayPlaneCapabilitiesKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDisplayPlaneCapabilities2KHR(structure_type(VkDisplayPlaneCapabilities2KHR), unsafe_convert(Ptr{Cvoid}, next), capabilities.vks) _DisplayPlaneCapabilities2KHR(vks, deps) end """ Extension: VK\\_KHR\\_shared\\_presentable\\_image Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `shared_present_supported_usage_flags::ImageUsageFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSharedPresentSurfaceCapabilitiesKHR.html) """ function _SharedPresentSurfaceCapabilitiesKHR(; next = C_NULL, shared_present_supported_usage_flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSharedPresentSurfaceCapabilitiesKHR(structure_type(VkSharedPresentSurfaceCapabilitiesKHR), unsafe_convert(Ptr{Cvoid}, next), shared_present_supported_usage_flags) _SharedPresentSurfaceCapabilitiesKHR(vks, deps) end """ Arguments: - `storage_buffer_16_bit_access::Bool` - `uniform_and_storage_buffer_16_bit_access::Bool` - `storage_push_constant_16::Bool` - `storage_input_output_16::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevice16BitStorageFeatures.html) """ function _PhysicalDevice16BitStorageFeatures(storage_buffer_16_bit_access::Bool, uniform_and_storage_buffer_16_bit_access::Bool, storage_push_constant_16::Bool, storage_input_output_16::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevice16BitStorageFeatures(structure_type(VkPhysicalDevice16BitStorageFeatures), unsafe_convert(Ptr{Cvoid}, next), storage_buffer_16_bit_access, uniform_and_storage_buffer_16_bit_access, storage_push_constant_16, storage_input_output_16) _PhysicalDevice16BitStorageFeatures(vks, deps) end """ Arguments: - `subgroup_size::UInt32` - `supported_stages::ShaderStageFlag` - `supported_operations::SubgroupFeatureFlag` - `quad_operations_in_all_stages::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubgroupProperties.html) """ function _PhysicalDeviceSubgroupProperties(subgroup_size::Integer, supported_stages::ShaderStageFlag, supported_operations::SubgroupFeatureFlag, quad_operations_in_all_stages::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSubgroupProperties(structure_type(VkPhysicalDeviceSubgroupProperties), unsafe_convert(Ptr{Cvoid}, next), subgroup_size, supported_stages, supported_operations, quad_operations_in_all_stages) _PhysicalDeviceSubgroupProperties(vks, deps) end """ Arguments: - `shader_subgroup_extended_types::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures.html) """ function _PhysicalDeviceShaderSubgroupExtendedTypesFeatures(shader_subgroup_extended_types::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures(structure_type(VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures), unsafe_convert(Ptr{Cvoid}, next), shader_subgroup_extended_types) _PhysicalDeviceShaderSubgroupExtendedTypesFeatures(vks, deps) end """ Arguments: - `buffer::Buffer` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferMemoryRequirementsInfo2.html) """ function _BufferMemoryRequirementsInfo2(buffer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBufferMemoryRequirementsInfo2(structure_type(VkBufferMemoryRequirementsInfo2), unsafe_convert(Ptr{Cvoid}, next), buffer) _BufferMemoryRequirementsInfo2(vks, deps, buffer) end """ Arguments: - `create_info::_BufferCreateInfo` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceBufferMemoryRequirements.html) """ function _DeviceBufferMemoryRequirements(create_info::_BufferCreateInfo; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) create_info = cconvert(Ptr{VkBufferCreateInfo}, create_info) deps = Any[next, create_info] vks = VkDeviceBufferMemoryRequirements(structure_type(VkDeviceBufferMemoryRequirements), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{VkBufferCreateInfo}, create_info)) _DeviceBufferMemoryRequirements(vks, deps) end """ Arguments: - `image::Image` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageMemoryRequirementsInfo2.html) """ function _ImageMemoryRequirementsInfo2(image; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageMemoryRequirementsInfo2(structure_type(VkImageMemoryRequirementsInfo2), unsafe_convert(Ptr{Cvoid}, next), image) _ImageMemoryRequirementsInfo2(vks, deps, image) end """ Arguments: - `image::Image` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSparseMemoryRequirementsInfo2.html) """ function _ImageSparseMemoryRequirementsInfo2(image; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageSparseMemoryRequirementsInfo2(structure_type(VkImageSparseMemoryRequirementsInfo2), unsafe_convert(Ptr{Cvoid}, next), image) _ImageSparseMemoryRequirementsInfo2(vks, deps, image) end """ Arguments: - `create_info::_ImageCreateInfo` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `plane_aspect::ImageAspectFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceImageMemoryRequirements.html) """ function _DeviceImageMemoryRequirements(create_info::_ImageCreateInfo; next = C_NULL, plane_aspect = 0) next = cconvert(Ptr{Cvoid}, next) create_info = cconvert(Ptr{VkImageCreateInfo}, create_info) deps = Any[next, create_info] vks = VkDeviceImageMemoryRequirements(structure_type(VkDeviceImageMemoryRequirements), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{VkImageCreateInfo}, create_info), VkImageAspectFlagBits(plane_aspect.val)) _DeviceImageMemoryRequirements(vks, deps) end """ Arguments: - `memory_requirements::_MemoryRequirements` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryRequirements2.html) """ function _MemoryRequirements2(memory_requirements::_MemoryRequirements; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryRequirements2(structure_type(VkMemoryRequirements2), unsafe_convert(Ptr{Cvoid}, next), memory_requirements.vks) _MemoryRequirements2(vks, deps) end """ Arguments: - `memory_requirements::_SparseImageMemoryRequirements` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryRequirements2.html) """ function _SparseImageMemoryRequirements2(memory_requirements::_SparseImageMemoryRequirements; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSparseImageMemoryRequirements2(structure_type(VkSparseImageMemoryRequirements2), unsafe_convert(Ptr{Cvoid}, next), memory_requirements.vks) _SparseImageMemoryRequirements2(vks, deps) end """ Arguments: - `point_clipping_behavior::PointClippingBehavior` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePointClippingProperties.html) """ function _PhysicalDevicePointClippingProperties(point_clipping_behavior::PointClippingBehavior; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePointClippingProperties(structure_type(VkPhysicalDevicePointClippingProperties), unsafe_convert(Ptr{Cvoid}, next), point_clipping_behavior) _PhysicalDevicePointClippingProperties(vks, deps) end """ Arguments: - `prefers_dedicated_allocation::Bool` - `requires_dedicated_allocation::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryDedicatedRequirements.html) """ function _MemoryDedicatedRequirements(prefers_dedicated_allocation::Bool, requires_dedicated_allocation::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryDedicatedRequirements(structure_type(VkMemoryDedicatedRequirements), unsafe_convert(Ptr{Cvoid}, next), prefers_dedicated_allocation, requires_dedicated_allocation) _MemoryDedicatedRequirements(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `image::Image`: defaults to `C_NULL` - `buffer::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryDedicatedAllocateInfo.html) """ function _MemoryDedicatedAllocateInfo(; next = C_NULL, image = C_NULL, buffer = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryDedicatedAllocateInfo(structure_type(VkMemoryDedicatedAllocateInfo), unsafe_convert(Ptr{Cvoid}, next), image, buffer) _MemoryDedicatedAllocateInfo(vks, deps, image, buffer) end """ Arguments: - `usage::ImageUsageFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewUsageCreateInfo.html) """ function _ImageViewUsageCreateInfo(usage::ImageUsageFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageViewUsageCreateInfo(structure_type(VkImageViewUsageCreateInfo), unsafe_convert(Ptr{Cvoid}, next), usage) _ImageViewUsageCreateInfo(vks, deps) end """ Arguments: - `domain_origin::TessellationDomainOrigin` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineTessellationDomainOriginStateCreateInfo.html) """ function _PipelineTessellationDomainOriginStateCreateInfo(domain_origin::TessellationDomainOrigin; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineTessellationDomainOriginStateCreateInfo(structure_type(VkPipelineTessellationDomainOriginStateCreateInfo), unsafe_convert(Ptr{Cvoid}, next), domain_origin) _PipelineTessellationDomainOriginStateCreateInfo(vks, deps) end """ Arguments: - `conversion::SamplerYcbcrConversion` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerYcbcrConversionInfo.html) """ function _SamplerYcbcrConversionInfo(conversion; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSamplerYcbcrConversionInfo(structure_type(VkSamplerYcbcrConversionInfo), unsafe_convert(Ptr{Cvoid}, next), conversion) _SamplerYcbcrConversionInfo(vks, deps, conversion) end """ Arguments: - `format::Format` - `ycbcr_model::SamplerYcbcrModelConversion` - `ycbcr_range::SamplerYcbcrRange` - `components::_ComponentMapping` - `x_chroma_offset::ChromaLocation` - `y_chroma_offset::ChromaLocation` - `chroma_filter::Filter` - `force_explicit_reconstruction::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerYcbcrConversionCreateInfo.html) """ function _SamplerYcbcrConversionCreateInfo(format::Format, ycbcr_model::SamplerYcbcrModelConversion, ycbcr_range::SamplerYcbcrRange, components::_ComponentMapping, x_chroma_offset::ChromaLocation, y_chroma_offset::ChromaLocation, chroma_filter::Filter, force_explicit_reconstruction::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSamplerYcbcrConversionCreateInfo(structure_type(VkSamplerYcbcrConversionCreateInfo), unsafe_convert(Ptr{Cvoid}, next), format, ycbcr_model, ycbcr_range, components.vks, x_chroma_offset, y_chroma_offset, chroma_filter, force_explicit_reconstruction) _SamplerYcbcrConversionCreateInfo(vks, deps) end """ Arguments: - `plane_aspect::ImageAspectFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImagePlaneMemoryInfo.html) """ function _BindImagePlaneMemoryInfo(plane_aspect::ImageAspectFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBindImagePlaneMemoryInfo(structure_type(VkBindImagePlaneMemoryInfo), unsafe_convert(Ptr{Cvoid}, next), VkImageAspectFlagBits(plane_aspect.val)) _BindImagePlaneMemoryInfo(vks, deps) end """ Arguments: - `plane_aspect::ImageAspectFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImagePlaneMemoryRequirementsInfo.html) """ function _ImagePlaneMemoryRequirementsInfo(plane_aspect::ImageAspectFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImagePlaneMemoryRequirementsInfo(structure_type(VkImagePlaneMemoryRequirementsInfo), unsafe_convert(Ptr{Cvoid}, next), VkImageAspectFlagBits(plane_aspect.val)) _ImagePlaneMemoryRequirementsInfo(vks, deps) end """ Arguments: - `sampler_ycbcr_conversion::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSamplerYcbcrConversionFeatures.html) """ function _PhysicalDeviceSamplerYcbcrConversionFeatures(sampler_ycbcr_conversion::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSamplerYcbcrConversionFeatures(structure_type(VkPhysicalDeviceSamplerYcbcrConversionFeatures), unsafe_convert(Ptr{Cvoid}, next), sampler_ycbcr_conversion) _PhysicalDeviceSamplerYcbcrConversionFeatures(vks, deps) end """ Arguments: - `combined_image_sampler_descriptor_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerYcbcrConversionImageFormatProperties.html) """ function _SamplerYcbcrConversionImageFormatProperties(combined_image_sampler_descriptor_count::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSamplerYcbcrConversionImageFormatProperties(structure_type(VkSamplerYcbcrConversionImageFormatProperties), unsafe_convert(Ptr{Cvoid}, next), combined_image_sampler_descriptor_count) _SamplerYcbcrConversionImageFormatProperties(vks, deps) end """ Extension: VK\\_AMD\\_texture\\_gather\\_bias\\_lod Arguments: - `supports_texture_gather_lod_bias_amd::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTextureLODGatherFormatPropertiesAMD.html) """ function _TextureLODGatherFormatPropertiesAMD(supports_texture_gather_lod_bias_amd::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkTextureLODGatherFormatPropertiesAMD(structure_type(VkTextureLODGatherFormatPropertiesAMD), unsafe_convert(Ptr{Cvoid}, next), supports_texture_gather_lod_bias_amd) _TextureLODGatherFormatPropertiesAMD(vks, deps) end """ Extension: VK\\_EXT\\_conditional\\_rendering Arguments: - `buffer::Buffer` - `offset::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::ConditionalRenderingFlagEXT`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkConditionalRenderingBeginInfoEXT.html) """ function _ConditionalRenderingBeginInfoEXT(buffer, offset::Integer; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkConditionalRenderingBeginInfoEXT(structure_type(VkConditionalRenderingBeginInfoEXT), unsafe_convert(Ptr{Cvoid}, next), buffer, offset, flags) _ConditionalRenderingBeginInfoEXT(vks, deps, buffer) end """ Arguments: - `protected_submit::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkProtectedSubmitInfo.html) """ function _ProtectedSubmitInfo(protected_submit::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkProtectedSubmitInfo(structure_type(VkProtectedSubmitInfo), unsafe_convert(Ptr{Cvoid}, next), protected_submit) _ProtectedSubmitInfo(vks, deps) end """ Arguments: - `protected_memory::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProtectedMemoryFeatures.html) """ function _PhysicalDeviceProtectedMemoryFeatures(protected_memory::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceProtectedMemoryFeatures(structure_type(VkPhysicalDeviceProtectedMemoryFeatures), unsafe_convert(Ptr{Cvoid}, next), protected_memory) _PhysicalDeviceProtectedMemoryFeatures(vks, deps) end """ Arguments: - `protected_no_fault::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProtectedMemoryProperties.html) """ function _PhysicalDeviceProtectedMemoryProperties(protected_no_fault::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceProtectedMemoryProperties(structure_type(VkPhysicalDeviceProtectedMemoryProperties), unsafe_convert(Ptr{Cvoid}, next), protected_no_fault) _PhysicalDeviceProtectedMemoryProperties(vks, deps) end """ Arguments: - `queue_family_index::UInt32` - `queue_index::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::DeviceQueueCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceQueueInfo2.html) """ function _DeviceQueueInfo2(queue_family_index::Integer, queue_index::Integer; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceQueueInfo2(structure_type(VkDeviceQueueInfo2), unsafe_convert(Ptr{Cvoid}, next), flags, queue_family_index, queue_index) _DeviceQueueInfo2(vks, deps) end """ Extension: VK\\_NV\\_fragment\\_coverage\\_to\\_color Arguments: - `coverage_to_color_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `coverage_to_color_location::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCoverageToColorStateCreateInfoNV.html) """ function _PipelineCoverageToColorStateCreateInfoNV(coverage_to_color_enable::Bool; next = C_NULL, flags = 0, coverage_to_color_location = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineCoverageToColorStateCreateInfoNV(structure_type(VkPipelineCoverageToColorStateCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), flags, coverage_to_color_enable, coverage_to_color_location) _PipelineCoverageToColorStateCreateInfoNV(vks, deps) end """ Arguments: - `filter_minmax_single_component_formats::Bool` - `filter_minmax_image_component_mapping::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSamplerFilterMinmaxProperties.html) """ function _PhysicalDeviceSamplerFilterMinmaxProperties(filter_minmax_single_component_formats::Bool, filter_minmax_image_component_mapping::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSamplerFilterMinmaxProperties(structure_type(VkPhysicalDeviceSamplerFilterMinmaxProperties), unsafe_convert(Ptr{Cvoid}, next), filter_minmax_single_component_formats, filter_minmax_image_component_mapping) _PhysicalDeviceSamplerFilterMinmaxProperties(vks, deps) end """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `x::Float32` - `y::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSampleLocationEXT.html) """ function _SampleLocationEXT(x::Real, y::Real) _SampleLocationEXT(VkSampleLocationEXT(x, y)) end """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `sample_locations_per_pixel::SampleCountFlag` - `sample_location_grid_size::_Extent2D` - `sample_locations::Vector{_SampleLocationEXT}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSampleLocationsInfoEXT.html) """ function _SampleLocationsInfoEXT(sample_locations_per_pixel::SampleCountFlag, sample_location_grid_size::_Extent2D, sample_locations::AbstractArray; next = C_NULL) sample_locations_count = pointer_length(sample_locations) next = cconvert(Ptr{Cvoid}, next) sample_locations = cconvert(Ptr{VkSampleLocationEXT}, sample_locations) deps = Any[next, sample_locations] vks = VkSampleLocationsInfoEXT(structure_type(VkSampleLocationsInfoEXT), unsafe_convert(Ptr{Cvoid}, next), VkSampleCountFlagBits(sample_locations_per_pixel.val), sample_location_grid_size.vks, sample_locations_count, unsafe_convert(Ptr{VkSampleLocationEXT}, sample_locations)) _SampleLocationsInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `attachment_index::UInt32` - `sample_locations_info::_SampleLocationsInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentSampleLocationsEXT.html) """ function _AttachmentSampleLocationsEXT(attachment_index::Integer, sample_locations_info::_SampleLocationsInfoEXT) _AttachmentSampleLocationsEXT(VkAttachmentSampleLocationsEXT(attachment_index, sample_locations_info.vks)) end """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `subpass_index::UInt32` - `sample_locations_info::_SampleLocationsInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassSampleLocationsEXT.html) """ function _SubpassSampleLocationsEXT(subpass_index::Integer, sample_locations_info::_SampleLocationsInfoEXT) _SubpassSampleLocationsEXT(VkSubpassSampleLocationsEXT(subpass_index, sample_locations_info.vks)) end """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `attachment_initial_sample_locations::Vector{_AttachmentSampleLocationsEXT}` - `post_subpass_sample_locations::Vector{_SubpassSampleLocationsEXT}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassSampleLocationsBeginInfoEXT.html) """ function _RenderPassSampleLocationsBeginInfoEXT(attachment_initial_sample_locations::AbstractArray, post_subpass_sample_locations::AbstractArray; next = C_NULL) attachment_initial_sample_locations_count = pointer_length(attachment_initial_sample_locations) post_subpass_sample_locations_count = pointer_length(post_subpass_sample_locations) next = cconvert(Ptr{Cvoid}, next) attachment_initial_sample_locations = cconvert(Ptr{VkAttachmentSampleLocationsEXT}, attachment_initial_sample_locations) post_subpass_sample_locations = cconvert(Ptr{VkSubpassSampleLocationsEXT}, post_subpass_sample_locations) deps = Any[next, attachment_initial_sample_locations, post_subpass_sample_locations] vks = VkRenderPassSampleLocationsBeginInfoEXT(structure_type(VkRenderPassSampleLocationsBeginInfoEXT), unsafe_convert(Ptr{Cvoid}, next), attachment_initial_sample_locations_count, unsafe_convert(Ptr{VkAttachmentSampleLocationsEXT}, attachment_initial_sample_locations), post_subpass_sample_locations_count, unsafe_convert(Ptr{VkSubpassSampleLocationsEXT}, post_subpass_sample_locations)) _RenderPassSampleLocationsBeginInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `sample_locations_enable::Bool` - `sample_locations_info::_SampleLocationsInfoEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineSampleLocationsStateCreateInfoEXT.html) """ function _PipelineSampleLocationsStateCreateInfoEXT(sample_locations_enable::Bool, sample_locations_info::_SampleLocationsInfoEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineSampleLocationsStateCreateInfoEXT(structure_type(VkPipelineSampleLocationsStateCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), sample_locations_enable, sample_locations_info.vks) _PipelineSampleLocationsStateCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `sample_location_sample_counts::SampleCountFlag` - `max_sample_location_grid_size::_Extent2D` - `sample_location_coordinate_range::NTuple{2, Float32}` - `sample_location_sub_pixel_bits::UInt32` - `variable_sample_locations::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSampleLocationsPropertiesEXT.html) """ function _PhysicalDeviceSampleLocationsPropertiesEXT(sample_location_sample_counts::SampleCountFlag, max_sample_location_grid_size::_Extent2D, sample_location_coordinate_range::NTuple{2, Float32}, sample_location_sub_pixel_bits::Integer, variable_sample_locations::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSampleLocationsPropertiesEXT(structure_type(VkPhysicalDeviceSampleLocationsPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), sample_location_sample_counts, max_sample_location_grid_size.vks, sample_location_coordinate_range, sample_location_sub_pixel_bits, variable_sample_locations) _PhysicalDeviceSampleLocationsPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `max_sample_location_grid_size::_Extent2D` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultisamplePropertiesEXT.html) """ function _MultisamplePropertiesEXT(max_sample_location_grid_size::_Extent2D; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMultisamplePropertiesEXT(structure_type(VkMultisamplePropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), max_sample_location_grid_size.vks) _MultisamplePropertiesEXT(vks, deps) end """ Arguments: - `reduction_mode::SamplerReductionMode` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerReductionModeCreateInfo.html) """ function _SamplerReductionModeCreateInfo(reduction_mode::SamplerReductionMode; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSamplerReductionModeCreateInfo(structure_type(VkSamplerReductionModeCreateInfo), unsafe_convert(Ptr{Cvoid}, next), reduction_mode) _SamplerReductionModeCreateInfo(vks, deps) end """ Extension: VK\\_EXT\\_blend\\_operation\\_advanced Arguments: - `advanced_blend_coherent_operations::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT.html) """ function _PhysicalDeviceBlendOperationAdvancedFeaturesEXT(advanced_blend_coherent_operations::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT(structure_type(VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), advanced_blend_coherent_operations) _PhysicalDeviceBlendOperationAdvancedFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_multi\\_draw Arguments: - `multi_draw::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiDrawFeaturesEXT.html) """ function _PhysicalDeviceMultiDrawFeaturesEXT(multi_draw::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMultiDrawFeaturesEXT(structure_type(VkPhysicalDeviceMultiDrawFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), multi_draw) _PhysicalDeviceMultiDrawFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_blend\\_operation\\_advanced Arguments: - `advanced_blend_max_color_attachments::UInt32` - `advanced_blend_independent_blend::Bool` - `advanced_blend_non_premultiplied_src_color::Bool` - `advanced_blend_non_premultiplied_dst_color::Bool` - `advanced_blend_correlated_overlap::Bool` - `advanced_blend_all_operations::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT.html) """ function _PhysicalDeviceBlendOperationAdvancedPropertiesEXT(advanced_blend_max_color_attachments::Integer, advanced_blend_independent_blend::Bool, advanced_blend_non_premultiplied_src_color::Bool, advanced_blend_non_premultiplied_dst_color::Bool, advanced_blend_correlated_overlap::Bool, advanced_blend_all_operations::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT(structure_type(VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), advanced_blend_max_color_attachments, advanced_blend_independent_blend, advanced_blend_non_premultiplied_src_color, advanced_blend_non_premultiplied_dst_color, advanced_blend_correlated_overlap, advanced_blend_all_operations) _PhysicalDeviceBlendOperationAdvancedPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_blend\\_operation\\_advanced Arguments: - `src_premultiplied::Bool` - `dst_premultiplied::Bool` - `blend_overlap::BlendOverlapEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorBlendAdvancedStateCreateInfoEXT.html) """ function _PipelineColorBlendAdvancedStateCreateInfoEXT(src_premultiplied::Bool, dst_premultiplied::Bool, blend_overlap::BlendOverlapEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineColorBlendAdvancedStateCreateInfoEXT(structure_type(VkPipelineColorBlendAdvancedStateCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), src_premultiplied, dst_premultiplied, blend_overlap) _PipelineColorBlendAdvancedStateCreateInfoEXT(vks, deps) end """ Arguments: - `inline_uniform_block::Bool` - `descriptor_binding_inline_uniform_block_update_after_bind::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInlineUniformBlockFeatures.html) """ function _PhysicalDeviceInlineUniformBlockFeatures(inline_uniform_block::Bool, descriptor_binding_inline_uniform_block_update_after_bind::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceInlineUniformBlockFeatures(structure_type(VkPhysicalDeviceInlineUniformBlockFeatures), unsafe_convert(Ptr{Cvoid}, next), inline_uniform_block, descriptor_binding_inline_uniform_block_update_after_bind) _PhysicalDeviceInlineUniformBlockFeatures(vks, deps) end """ Arguments: - `max_inline_uniform_block_size::UInt32` - `max_per_stage_descriptor_inline_uniform_blocks::UInt32` - `max_per_stage_descriptor_update_after_bind_inline_uniform_blocks::UInt32` - `max_descriptor_set_inline_uniform_blocks::UInt32` - `max_descriptor_set_update_after_bind_inline_uniform_blocks::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInlineUniformBlockProperties.html) """ function _PhysicalDeviceInlineUniformBlockProperties(max_inline_uniform_block_size::Integer, max_per_stage_descriptor_inline_uniform_blocks::Integer, max_per_stage_descriptor_update_after_bind_inline_uniform_blocks::Integer, max_descriptor_set_inline_uniform_blocks::Integer, max_descriptor_set_update_after_bind_inline_uniform_blocks::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceInlineUniformBlockProperties(structure_type(VkPhysicalDeviceInlineUniformBlockProperties), unsafe_convert(Ptr{Cvoid}, next), max_inline_uniform_block_size, max_per_stage_descriptor_inline_uniform_blocks, max_per_stage_descriptor_update_after_bind_inline_uniform_blocks, max_descriptor_set_inline_uniform_blocks, max_descriptor_set_update_after_bind_inline_uniform_blocks) _PhysicalDeviceInlineUniformBlockProperties(vks, deps) end """ Arguments: - `data_size::UInt32` - `data::Ptr{Cvoid}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSetInlineUniformBlock.html) """ function _WriteDescriptorSetInlineUniformBlock(data_size::Integer, data::Ptr{Cvoid}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) data = cconvert(Ptr{Cvoid}, data) deps = Any[next, data] vks = VkWriteDescriptorSetInlineUniformBlock(structure_type(VkWriteDescriptorSetInlineUniformBlock), unsafe_convert(Ptr{Cvoid}, next), data_size, unsafe_convert(Ptr{Cvoid}, data)) _WriteDescriptorSetInlineUniformBlock(vks, deps) end """ Arguments: - `max_inline_uniform_block_bindings::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorPoolInlineUniformBlockCreateInfo.html) """ function _DescriptorPoolInlineUniformBlockCreateInfo(max_inline_uniform_block_bindings::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDescriptorPoolInlineUniformBlockCreateInfo(structure_type(VkDescriptorPoolInlineUniformBlockCreateInfo), unsafe_convert(Ptr{Cvoid}, next), max_inline_uniform_block_bindings) _DescriptorPoolInlineUniformBlockCreateInfo(vks, deps) end """ Extension: VK\\_NV\\_framebuffer\\_mixed\\_samples Arguments: - `coverage_modulation_mode::CoverageModulationModeNV` - `coverage_modulation_table_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `coverage_modulation_table::Vector{Float32}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCoverageModulationStateCreateInfoNV.html) """ function _PipelineCoverageModulationStateCreateInfoNV(coverage_modulation_mode::CoverageModulationModeNV, coverage_modulation_table_enable::Bool; next = C_NULL, flags = 0, coverage_modulation_table = C_NULL) coverage_modulation_table_count = pointer_length(coverage_modulation_table) next = cconvert(Ptr{Cvoid}, next) coverage_modulation_table = cconvert(Ptr{Float32}, coverage_modulation_table) deps = Any[next, coverage_modulation_table] vks = VkPipelineCoverageModulationStateCreateInfoNV(structure_type(VkPipelineCoverageModulationStateCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), flags, coverage_modulation_mode, coverage_modulation_table_enable, coverage_modulation_table_count, unsafe_convert(Ptr{Float32}, coverage_modulation_table)) _PipelineCoverageModulationStateCreateInfoNV(vks, deps) end """ Arguments: - `view_formats::Vector{Format}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageFormatListCreateInfo.html) """ function _ImageFormatListCreateInfo(view_formats::AbstractArray; next = C_NULL) view_format_count = pointer_length(view_formats) next = cconvert(Ptr{Cvoid}, next) view_formats = cconvert(Ptr{VkFormat}, view_formats) deps = Any[next, view_formats] vks = VkImageFormatListCreateInfo(structure_type(VkImageFormatListCreateInfo), unsafe_convert(Ptr{Cvoid}, next), view_format_count, unsafe_convert(Ptr{VkFormat}, view_formats)) _ImageFormatListCreateInfo(vks, deps) end """ Extension: VK\\_EXT\\_validation\\_cache Arguments: - `initial_data::Ptr{Cvoid}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `initial_data_size::UInt`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkValidationCacheCreateInfoEXT.html) """ function _ValidationCacheCreateInfoEXT(initial_data::Ptr{Cvoid}; next = C_NULL, flags = 0, initial_data_size = 0) next = cconvert(Ptr{Cvoid}, next) initial_data = cconvert(Ptr{Cvoid}, initial_data) deps = Any[next, initial_data] vks = VkValidationCacheCreateInfoEXT(structure_type(VkValidationCacheCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), flags, initial_data_size, unsafe_convert(Ptr{Cvoid}, initial_data)) _ValidationCacheCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_validation\\_cache Arguments: - `validation_cache::ValidationCacheEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderModuleValidationCacheCreateInfoEXT.html) """ function _ShaderModuleValidationCacheCreateInfoEXT(validation_cache; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkShaderModuleValidationCacheCreateInfoEXT(structure_type(VkShaderModuleValidationCacheCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), validation_cache) _ShaderModuleValidationCacheCreateInfoEXT(vks, deps, validation_cache) end """ Arguments: - `max_per_set_descriptors::UInt32` - `max_memory_allocation_size::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMaintenance3Properties.html) """ function _PhysicalDeviceMaintenance3Properties(max_per_set_descriptors::Integer, max_memory_allocation_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMaintenance3Properties(structure_type(VkPhysicalDeviceMaintenance3Properties), unsafe_convert(Ptr{Cvoid}, next), max_per_set_descriptors, max_memory_allocation_size) _PhysicalDeviceMaintenance3Properties(vks, deps) end """ Arguments: - `maintenance4::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMaintenance4Features.html) """ function _PhysicalDeviceMaintenance4Features(maintenance4::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMaintenance4Features(structure_type(VkPhysicalDeviceMaintenance4Features), unsafe_convert(Ptr{Cvoid}, next), maintenance4) _PhysicalDeviceMaintenance4Features(vks, deps) end """ Arguments: - `max_buffer_size::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMaintenance4Properties.html) """ function _PhysicalDeviceMaintenance4Properties(max_buffer_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMaintenance4Properties(structure_type(VkPhysicalDeviceMaintenance4Properties), unsafe_convert(Ptr{Cvoid}, next), max_buffer_size) _PhysicalDeviceMaintenance4Properties(vks, deps) end """ Arguments: - `supported::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutSupport.html) """ function _DescriptorSetLayoutSupport(supported::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDescriptorSetLayoutSupport(structure_type(VkDescriptorSetLayoutSupport), unsafe_convert(Ptr{Cvoid}, next), supported) _DescriptorSetLayoutSupport(vks, deps) end """ Arguments: - `shader_draw_parameters::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderDrawParametersFeatures.html) """ function _PhysicalDeviceShaderDrawParametersFeatures(shader_draw_parameters::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderDrawParametersFeatures(structure_type(VkPhysicalDeviceShaderDrawParametersFeatures), unsafe_convert(Ptr{Cvoid}, next), shader_draw_parameters) _PhysicalDeviceShaderDrawParametersFeatures(vks, deps) end """ Arguments: - `shader_float_16::Bool` - `shader_int_8::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderFloat16Int8Features.html) """ function _PhysicalDeviceShaderFloat16Int8Features(shader_float_16::Bool, shader_int_8::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderFloat16Int8Features(structure_type(VkPhysicalDeviceShaderFloat16Int8Features), unsafe_convert(Ptr{Cvoid}, next), shader_float_16, shader_int_8) _PhysicalDeviceShaderFloat16Int8Features(vks, deps) end """ Arguments: - `denorm_behavior_independence::ShaderFloatControlsIndependence` - `rounding_mode_independence::ShaderFloatControlsIndependence` - `shader_signed_zero_inf_nan_preserve_float_16::Bool` - `shader_signed_zero_inf_nan_preserve_float_32::Bool` - `shader_signed_zero_inf_nan_preserve_float_64::Bool` - `shader_denorm_preserve_float_16::Bool` - `shader_denorm_preserve_float_32::Bool` - `shader_denorm_preserve_float_64::Bool` - `shader_denorm_flush_to_zero_float_16::Bool` - `shader_denorm_flush_to_zero_float_32::Bool` - `shader_denorm_flush_to_zero_float_64::Bool` - `shader_rounding_mode_rte_float_16::Bool` - `shader_rounding_mode_rte_float_32::Bool` - `shader_rounding_mode_rte_float_64::Bool` - `shader_rounding_mode_rtz_float_16::Bool` - `shader_rounding_mode_rtz_float_32::Bool` - `shader_rounding_mode_rtz_float_64::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFloatControlsProperties.html) """ function _PhysicalDeviceFloatControlsProperties(denorm_behavior_independence::ShaderFloatControlsIndependence, rounding_mode_independence::ShaderFloatControlsIndependence, shader_signed_zero_inf_nan_preserve_float_16::Bool, shader_signed_zero_inf_nan_preserve_float_32::Bool, shader_signed_zero_inf_nan_preserve_float_64::Bool, shader_denorm_preserve_float_16::Bool, shader_denorm_preserve_float_32::Bool, shader_denorm_preserve_float_64::Bool, shader_denorm_flush_to_zero_float_16::Bool, shader_denorm_flush_to_zero_float_32::Bool, shader_denorm_flush_to_zero_float_64::Bool, shader_rounding_mode_rte_float_16::Bool, shader_rounding_mode_rte_float_32::Bool, shader_rounding_mode_rte_float_64::Bool, shader_rounding_mode_rtz_float_16::Bool, shader_rounding_mode_rtz_float_32::Bool, shader_rounding_mode_rtz_float_64::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFloatControlsProperties(structure_type(VkPhysicalDeviceFloatControlsProperties), unsafe_convert(Ptr{Cvoid}, next), denorm_behavior_independence, rounding_mode_independence, shader_signed_zero_inf_nan_preserve_float_16, shader_signed_zero_inf_nan_preserve_float_32, shader_signed_zero_inf_nan_preserve_float_64, shader_denorm_preserve_float_16, shader_denorm_preserve_float_32, shader_denorm_preserve_float_64, shader_denorm_flush_to_zero_float_16, shader_denorm_flush_to_zero_float_32, shader_denorm_flush_to_zero_float_64, shader_rounding_mode_rte_float_16, shader_rounding_mode_rte_float_32, shader_rounding_mode_rte_float_64, shader_rounding_mode_rtz_float_16, shader_rounding_mode_rtz_float_32, shader_rounding_mode_rtz_float_64) _PhysicalDeviceFloatControlsProperties(vks, deps) end """ Arguments: - `host_query_reset::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceHostQueryResetFeatures.html) """ function _PhysicalDeviceHostQueryResetFeatures(host_query_reset::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceHostQueryResetFeatures(structure_type(VkPhysicalDeviceHostQueryResetFeatures), unsafe_convert(Ptr{Cvoid}, next), host_query_reset) _PhysicalDeviceHostQueryResetFeatures(vks, deps) end """ Extension: VK\\_AMD\\_shader\\_info Arguments: - `num_used_vgprs::UInt32` - `num_used_sgprs::UInt32` - `lds_size_per_local_work_group::UInt32` - `lds_usage_size_in_bytes::UInt` - `scratch_mem_usage_in_bytes::UInt` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderResourceUsageAMD.html) """ function _ShaderResourceUsageAMD(num_used_vgprs::Integer, num_used_sgprs::Integer, lds_size_per_local_work_group::Integer, lds_usage_size_in_bytes::Integer, scratch_mem_usage_in_bytes::Integer) _ShaderResourceUsageAMD(VkShaderResourceUsageAMD(num_used_vgprs, num_used_sgprs, lds_size_per_local_work_group, lds_usage_size_in_bytes, scratch_mem_usage_in_bytes)) end """ Extension: VK\\_AMD\\_shader\\_info Arguments: - `shader_stage_mask::ShaderStageFlag` - `resource_usage::_ShaderResourceUsageAMD` - `num_physical_vgprs::UInt32` - `num_physical_sgprs::UInt32` - `num_available_vgprs::UInt32` - `num_available_sgprs::UInt32` - `compute_work_group_size::NTuple{3, UInt32}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderStatisticsInfoAMD.html) """ function _ShaderStatisticsInfoAMD(shader_stage_mask::ShaderStageFlag, resource_usage::_ShaderResourceUsageAMD, num_physical_vgprs::Integer, num_physical_sgprs::Integer, num_available_vgprs::Integer, num_available_sgprs::Integer, compute_work_group_size::NTuple{3, UInt32}) _ShaderStatisticsInfoAMD(VkShaderStatisticsInfoAMD(shader_stage_mask, resource_usage.vks, num_physical_vgprs, num_physical_sgprs, num_available_vgprs, num_available_sgprs, compute_work_group_size)) end """ Extension: VK\\_KHR\\_global\\_priority Arguments: - `global_priority::QueueGlobalPriorityKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceQueueGlobalPriorityCreateInfoKHR.html) """ function _DeviceQueueGlobalPriorityCreateInfoKHR(global_priority::QueueGlobalPriorityKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceQueueGlobalPriorityCreateInfoKHR(structure_type(VkDeviceQueueGlobalPriorityCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), global_priority) _DeviceQueueGlobalPriorityCreateInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_global\\_priority Arguments: - `global_priority_query::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR.html) """ function _PhysicalDeviceGlobalPriorityQueryFeaturesKHR(global_priority_query::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR(structure_type(VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), global_priority_query) _PhysicalDeviceGlobalPriorityQueryFeaturesKHR(vks, deps) end """ Extension: VK\\_KHR\\_global\\_priority Arguments: - `priority_count::UInt32` - `priorities::NTuple{Int(VK_MAX_GLOBAL_PRIORITY_SIZE_KHR), QueueGlobalPriorityKHR}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyGlobalPriorityPropertiesKHR.html) """ function _QueueFamilyGlobalPriorityPropertiesKHR(priority_count::Integer, priorities::NTuple{Int(VK_MAX_GLOBAL_PRIORITY_SIZE_KHR), QueueGlobalPriorityKHR}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkQueueFamilyGlobalPriorityPropertiesKHR(structure_type(VkQueueFamilyGlobalPriorityPropertiesKHR), unsafe_convert(Ptr{Cvoid}, next), priority_count, priorities) _QueueFamilyGlobalPriorityPropertiesKHR(vks, deps) end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `object_type::ObjectType` - `object_handle::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `object_name::String`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsObjectNameInfoEXT.html) """ function _DebugUtilsObjectNameInfoEXT(object_type::ObjectType, object_handle::Integer; next = C_NULL, object_name = C_NULL) next = cconvert(Ptr{Cvoid}, next) object_name = cconvert(Cstring, object_name) deps = Any[next, object_name] vks = VkDebugUtilsObjectNameInfoEXT(structure_type(VkDebugUtilsObjectNameInfoEXT), unsafe_convert(Ptr{Cvoid}, next), object_type, object_handle, unsafe_convert(Cstring, object_name)) _DebugUtilsObjectNameInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `object_type::ObjectType` - `object_handle::UInt64` - `tag_name::UInt64` - `tag_size::UInt` - `tag::Ptr{Cvoid}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsObjectTagInfoEXT.html) """ function _DebugUtilsObjectTagInfoEXT(object_type::ObjectType, object_handle::Integer, tag_name::Integer, tag_size::Integer, tag::Ptr{Cvoid}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) tag = cconvert(Ptr{Cvoid}, tag) deps = Any[next, tag] vks = VkDebugUtilsObjectTagInfoEXT(structure_type(VkDebugUtilsObjectTagInfoEXT), unsafe_convert(Ptr{Cvoid}, next), object_type, object_handle, tag_name, tag_size, unsafe_convert(Ptr{Cvoid}, tag)) _DebugUtilsObjectTagInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `label_name::String` - `color::NTuple{4, Float32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsLabelEXT.html) """ function _DebugUtilsLabelEXT(label_name::AbstractString, color::NTuple{4, Float32}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) label_name = cconvert(Cstring, label_name) deps = Any[next, label_name] vks = VkDebugUtilsLabelEXT(structure_type(VkDebugUtilsLabelEXT), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Cstring, label_name), color) _DebugUtilsLabelEXT(vks, deps) end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `message_severity::DebugUtilsMessageSeverityFlagEXT` - `message_type::DebugUtilsMessageTypeFlagEXT` - `pfn_user_callback::FunctionPtr` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsMessengerCreateInfoEXT.html) """ function _DebugUtilsMessengerCreateInfoEXT(message_severity::DebugUtilsMessageSeverityFlagEXT, message_type::DebugUtilsMessageTypeFlagEXT, pfn_user_callback::FunctionPtr; next = C_NULL, flags = 0, user_data = C_NULL) next = cconvert(Ptr{Cvoid}, next) user_data = cconvert(Ptr{Cvoid}, user_data) deps = Any[next, user_data] vks = VkDebugUtilsMessengerCreateInfoEXT(structure_type(VkDebugUtilsMessengerCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), flags, message_severity, message_type, pfn_user_callback, unsafe_convert(Ptr{Cvoid}, user_data)) _DebugUtilsMessengerCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `message_id_number::Int32` - `message::String` - `queue_labels::Vector{_DebugUtilsLabelEXT}` - `cmd_buf_labels::Vector{_DebugUtilsLabelEXT}` - `objects::Vector{_DebugUtilsObjectNameInfoEXT}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `message_id_name::String`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsMessengerCallbackDataEXT.html) """ function _DebugUtilsMessengerCallbackDataEXT(message_id_number::Integer, message::AbstractString, queue_labels::AbstractArray, cmd_buf_labels::AbstractArray, objects::AbstractArray; next = C_NULL, flags = 0, message_id_name = C_NULL) queue_label_count = pointer_length(queue_labels) cmd_buf_label_count = pointer_length(cmd_buf_labels) object_count = pointer_length(objects) next = cconvert(Ptr{Cvoid}, next) message_id_name = cconvert(Cstring, message_id_name) message = cconvert(Cstring, message) queue_labels = cconvert(Ptr{VkDebugUtilsLabelEXT}, queue_labels) cmd_buf_labels = cconvert(Ptr{VkDebugUtilsLabelEXT}, cmd_buf_labels) objects = cconvert(Ptr{VkDebugUtilsObjectNameInfoEXT}, objects) deps = Any[next, message_id_name, message, queue_labels, cmd_buf_labels, objects] vks = VkDebugUtilsMessengerCallbackDataEXT(structure_type(VkDebugUtilsMessengerCallbackDataEXT), unsafe_convert(Ptr{Cvoid}, next), flags, unsafe_convert(Cstring, message_id_name), message_id_number, unsafe_convert(Cstring, message), queue_label_count, unsafe_convert(Ptr{VkDebugUtilsLabelEXT}, queue_labels), cmd_buf_label_count, unsafe_convert(Ptr{VkDebugUtilsLabelEXT}, cmd_buf_labels), object_count, unsafe_convert(Ptr{VkDebugUtilsObjectNameInfoEXT}, objects)) _DebugUtilsMessengerCallbackDataEXT(vks, deps) end """ Extension: VK\\_EXT\\_device\\_memory\\_report Arguments: - `device_memory_report::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDeviceMemoryReportFeaturesEXT.html) """ function _PhysicalDeviceDeviceMemoryReportFeaturesEXT(device_memory_report::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDeviceMemoryReportFeaturesEXT(structure_type(VkPhysicalDeviceDeviceMemoryReportFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), device_memory_report) _PhysicalDeviceDeviceMemoryReportFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_device\\_memory\\_report Arguments: - `flags::UInt32` - `pfn_user_callback::FunctionPtr` - `user_data::Ptr{Cvoid}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceDeviceMemoryReportCreateInfoEXT.html) """ function _DeviceDeviceMemoryReportCreateInfoEXT(flags::Integer, pfn_user_callback::FunctionPtr, user_data::Ptr{Cvoid}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) user_data = cconvert(Ptr{Cvoid}, user_data) deps = Any[next, user_data] vks = VkDeviceDeviceMemoryReportCreateInfoEXT(structure_type(VkDeviceDeviceMemoryReportCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), flags, pfn_user_callback, unsafe_convert(Ptr{Cvoid}, user_data)) _DeviceDeviceMemoryReportCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_device\\_memory\\_report Arguments: - `flags::UInt32` - `type::DeviceMemoryReportEventTypeEXT` - `memory_object_id::UInt64` - `size::UInt64` - `object_type::ObjectType` - `object_handle::UInt64` - `heap_index::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceMemoryReportCallbackDataEXT.html) """ function _DeviceMemoryReportCallbackDataEXT(flags::Integer, type::DeviceMemoryReportEventTypeEXT, memory_object_id::Integer, size::Integer, object_type::ObjectType, object_handle::Integer, heap_index::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceMemoryReportCallbackDataEXT(structure_type(VkDeviceMemoryReportCallbackDataEXT), unsafe_convert(Ptr{Cvoid}, next), flags, type, memory_object_id, size, object_type, object_handle, heap_index) _DeviceMemoryReportCallbackDataEXT(vks, deps) end """ Extension: VK\\_EXT\\_external\\_memory\\_host Arguments: - `handle_type::ExternalMemoryHandleTypeFlag` - `host_pointer::Ptr{Cvoid}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMemoryHostPointerInfoEXT.html) """ function _ImportMemoryHostPointerInfoEXT(handle_type::ExternalMemoryHandleTypeFlag, host_pointer::Ptr{Cvoid}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) host_pointer = cconvert(Ptr{Cvoid}, host_pointer) deps = Any[next, host_pointer] vks = VkImportMemoryHostPointerInfoEXT(structure_type(VkImportMemoryHostPointerInfoEXT), unsafe_convert(Ptr{Cvoid}, next), VkExternalMemoryHandleTypeFlagBits(handle_type.val), unsafe_convert(Ptr{Cvoid}, host_pointer)) _ImportMemoryHostPointerInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_external\\_memory\\_host Arguments: - `memory_type_bits::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryHostPointerPropertiesEXT.html) """ function _MemoryHostPointerPropertiesEXT(memory_type_bits::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryHostPointerPropertiesEXT(structure_type(VkMemoryHostPointerPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), memory_type_bits) _MemoryHostPointerPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_external\\_memory\\_host Arguments: - `min_imported_host_pointer_alignment::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalMemoryHostPropertiesEXT.html) """ function _PhysicalDeviceExternalMemoryHostPropertiesEXT(min_imported_host_pointer_alignment::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceExternalMemoryHostPropertiesEXT(structure_type(VkPhysicalDeviceExternalMemoryHostPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), min_imported_host_pointer_alignment) _PhysicalDeviceExternalMemoryHostPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_conservative\\_rasterization Arguments: - `primitive_overestimation_size::Float32` - `max_extra_primitive_overestimation_size::Float32` - `extra_primitive_overestimation_size_granularity::Float32` - `primitive_underestimation::Bool` - `conservative_point_and_line_rasterization::Bool` - `degenerate_triangles_rasterized::Bool` - `degenerate_lines_rasterized::Bool` - `fully_covered_fragment_shader_input_variable::Bool` - `conservative_rasterization_post_depth_coverage::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceConservativeRasterizationPropertiesEXT.html) """ function _PhysicalDeviceConservativeRasterizationPropertiesEXT(primitive_overestimation_size::Real, max_extra_primitive_overestimation_size::Real, extra_primitive_overestimation_size_granularity::Real, primitive_underestimation::Bool, conservative_point_and_line_rasterization::Bool, degenerate_triangles_rasterized::Bool, degenerate_lines_rasterized::Bool, fully_covered_fragment_shader_input_variable::Bool, conservative_rasterization_post_depth_coverage::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceConservativeRasterizationPropertiesEXT(structure_type(VkPhysicalDeviceConservativeRasterizationPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), primitive_overestimation_size, max_extra_primitive_overestimation_size, extra_primitive_overestimation_size_granularity, primitive_underestimation, conservative_point_and_line_rasterization, degenerate_triangles_rasterized, degenerate_lines_rasterized, fully_covered_fragment_shader_input_variable, conservative_rasterization_post_depth_coverage) _PhysicalDeviceConservativeRasterizationPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_calibrated\\_timestamps Arguments: - `time_domain::TimeDomainEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCalibratedTimestampInfoEXT.html) """ function _CalibratedTimestampInfoEXT(time_domain::TimeDomainEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCalibratedTimestampInfoEXT(structure_type(VkCalibratedTimestampInfoEXT), unsafe_convert(Ptr{Cvoid}, next), time_domain) _CalibratedTimestampInfoEXT(vks, deps) end """ Extension: VK\\_AMD\\_shader\\_core\\_properties Arguments: - `shader_engine_count::UInt32` - `shader_arrays_per_engine_count::UInt32` - `compute_units_per_shader_array::UInt32` - `simd_per_compute_unit::UInt32` - `wavefronts_per_simd::UInt32` - `wavefront_size::UInt32` - `sgprs_per_simd::UInt32` - `min_sgpr_allocation::UInt32` - `max_sgpr_allocation::UInt32` - `sgpr_allocation_granularity::UInt32` - `vgprs_per_simd::UInt32` - `min_vgpr_allocation::UInt32` - `max_vgpr_allocation::UInt32` - `vgpr_allocation_granularity::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCorePropertiesAMD.html) """ function _PhysicalDeviceShaderCorePropertiesAMD(shader_engine_count::Integer, shader_arrays_per_engine_count::Integer, compute_units_per_shader_array::Integer, simd_per_compute_unit::Integer, wavefronts_per_simd::Integer, wavefront_size::Integer, sgprs_per_simd::Integer, min_sgpr_allocation::Integer, max_sgpr_allocation::Integer, sgpr_allocation_granularity::Integer, vgprs_per_simd::Integer, min_vgpr_allocation::Integer, max_vgpr_allocation::Integer, vgpr_allocation_granularity::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderCorePropertiesAMD(structure_type(VkPhysicalDeviceShaderCorePropertiesAMD), unsafe_convert(Ptr{Cvoid}, next), shader_engine_count, shader_arrays_per_engine_count, compute_units_per_shader_array, simd_per_compute_unit, wavefronts_per_simd, wavefront_size, sgprs_per_simd, min_sgpr_allocation, max_sgpr_allocation, sgpr_allocation_granularity, vgprs_per_simd, min_vgpr_allocation, max_vgpr_allocation, vgpr_allocation_granularity) _PhysicalDeviceShaderCorePropertiesAMD(vks, deps) end """ Extension: VK\\_AMD\\_shader\\_core\\_properties2 Arguments: - `shader_core_features::ShaderCorePropertiesFlagAMD` - `active_compute_unit_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCoreProperties2AMD.html) """ function _PhysicalDeviceShaderCoreProperties2AMD(shader_core_features::ShaderCorePropertiesFlagAMD, active_compute_unit_count::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderCoreProperties2AMD(structure_type(VkPhysicalDeviceShaderCoreProperties2AMD), unsafe_convert(Ptr{Cvoid}, next), shader_core_features, active_compute_unit_count) _PhysicalDeviceShaderCoreProperties2AMD(vks, deps) end """ Extension: VK\\_EXT\\_conservative\\_rasterization Arguments: - `conservative_rasterization_mode::ConservativeRasterizationModeEXT` - `extra_primitive_overestimation_size::Float32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationConservativeStateCreateInfoEXT.html) """ function _PipelineRasterizationConservativeStateCreateInfoEXT(conservative_rasterization_mode::ConservativeRasterizationModeEXT, extra_primitive_overestimation_size::Real; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineRasterizationConservativeStateCreateInfoEXT(structure_type(VkPipelineRasterizationConservativeStateCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), flags, conservative_rasterization_mode, extra_primitive_overestimation_size) _PipelineRasterizationConservativeStateCreateInfoEXT(vks, deps) end """ Arguments: - `shader_input_attachment_array_dynamic_indexing::Bool` - `shader_uniform_texel_buffer_array_dynamic_indexing::Bool` - `shader_storage_texel_buffer_array_dynamic_indexing::Bool` - `shader_uniform_buffer_array_non_uniform_indexing::Bool` - `shader_sampled_image_array_non_uniform_indexing::Bool` - `shader_storage_buffer_array_non_uniform_indexing::Bool` - `shader_storage_image_array_non_uniform_indexing::Bool` - `shader_input_attachment_array_non_uniform_indexing::Bool` - `shader_uniform_texel_buffer_array_non_uniform_indexing::Bool` - `shader_storage_texel_buffer_array_non_uniform_indexing::Bool` - `descriptor_binding_uniform_buffer_update_after_bind::Bool` - `descriptor_binding_sampled_image_update_after_bind::Bool` - `descriptor_binding_storage_image_update_after_bind::Bool` - `descriptor_binding_storage_buffer_update_after_bind::Bool` - `descriptor_binding_uniform_texel_buffer_update_after_bind::Bool` - `descriptor_binding_storage_texel_buffer_update_after_bind::Bool` - `descriptor_binding_update_unused_while_pending::Bool` - `descriptor_binding_partially_bound::Bool` - `descriptor_binding_variable_descriptor_count::Bool` - `runtime_descriptor_array::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorIndexingFeatures.html) """ function _PhysicalDeviceDescriptorIndexingFeatures(shader_input_attachment_array_dynamic_indexing::Bool, shader_uniform_texel_buffer_array_dynamic_indexing::Bool, shader_storage_texel_buffer_array_dynamic_indexing::Bool, shader_uniform_buffer_array_non_uniform_indexing::Bool, shader_sampled_image_array_non_uniform_indexing::Bool, shader_storage_buffer_array_non_uniform_indexing::Bool, shader_storage_image_array_non_uniform_indexing::Bool, shader_input_attachment_array_non_uniform_indexing::Bool, shader_uniform_texel_buffer_array_non_uniform_indexing::Bool, shader_storage_texel_buffer_array_non_uniform_indexing::Bool, descriptor_binding_uniform_buffer_update_after_bind::Bool, descriptor_binding_sampled_image_update_after_bind::Bool, descriptor_binding_storage_image_update_after_bind::Bool, descriptor_binding_storage_buffer_update_after_bind::Bool, descriptor_binding_uniform_texel_buffer_update_after_bind::Bool, descriptor_binding_storage_texel_buffer_update_after_bind::Bool, descriptor_binding_update_unused_while_pending::Bool, descriptor_binding_partially_bound::Bool, descriptor_binding_variable_descriptor_count::Bool, runtime_descriptor_array::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDescriptorIndexingFeatures(structure_type(VkPhysicalDeviceDescriptorIndexingFeatures), unsafe_convert(Ptr{Cvoid}, next), shader_input_attachment_array_dynamic_indexing, shader_uniform_texel_buffer_array_dynamic_indexing, shader_storage_texel_buffer_array_dynamic_indexing, shader_uniform_buffer_array_non_uniform_indexing, shader_sampled_image_array_non_uniform_indexing, shader_storage_buffer_array_non_uniform_indexing, shader_storage_image_array_non_uniform_indexing, shader_input_attachment_array_non_uniform_indexing, shader_uniform_texel_buffer_array_non_uniform_indexing, shader_storage_texel_buffer_array_non_uniform_indexing, descriptor_binding_uniform_buffer_update_after_bind, descriptor_binding_sampled_image_update_after_bind, descriptor_binding_storage_image_update_after_bind, descriptor_binding_storage_buffer_update_after_bind, descriptor_binding_uniform_texel_buffer_update_after_bind, descriptor_binding_storage_texel_buffer_update_after_bind, descriptor_binding_update_unused_while_pending, descriptor_binding_partially_bound, descriptor_binding_variable_descriptor_count, runtime_descriptor_array) _PhysicalDeviceDescriptorIndexingFeatures(vks, deps) end """ Arguments: - `max_update_after_bind_descriptors_in_all_pools::UInt32` - `shader_uniform_buffer_array_non_uniform_indexing_native::Bool` - `shader_sampled_image_array_non_uniform_indexing_native::Bool` - `shader_storage_buffer_array_non_uniform_indexing_native::Bool` - `shader_storage_image_array_non_uniform_indexing_native::Bool` - `shader_input_attachment_array_non_uniform_indexing_native::Bool` - `robust_buffer_access_update_after_bind::Bool` - `quad_divergent_implicit_lod::Bool` - `max_per_stage_descriptor_update_after_bind_samplers::UInt32` - `max_per_stage_descriptor_update_after_bind_uniform_buffers::UInt32` - `max_per_stage_descriptor_update_after_bind_storage_buffers::UInt32` - `max_per_stage_descriptor_update_after_bind_sampled_images::UInt32` - `max_per_stage_descriptor_update_after_bind_storage_images::UInt32` - `max_per_stage_descriptor_update_after_bind_input_attachments::UInt32` - `max_per_stage_update_after_bind_resources::UInt32` - `max_descriptor_set_update_after_bind_samplers::UInt32` - `max_descriptor_set_update_after_bind_uniform_buffers::UInt32` - `max_descriptor_set_update_after_bind_uniform_buffers_dynamic::UInt32` - `max_descriptor_set_update_after_bind_storage_buffers::UInt32` - `max_descriptor_set_update_after_bind_storage_buffers_dynamic::UInt32` - `max_descriptor_set_update_after_bind_sampled_images::UInt32` - `max_descriptor_set_update_after_bind_storage_images::UInt32` - `max_descriptor_set_update_after_bind_input_attachments::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorIndexingProperties.html) """ function _PhysicalDeviceDescriptorIndexingProperties(max_update_after_bind_descriptors_in_all_pools::Integer, shader_uniform_buffer_array_non_uniform_indexing_native::Bool, shader_sampled_image_array_non_uniform_indexing_native::Bool, shader_storage_buffer_array_non_uniform_indexing_native::Bool, shader_storage_image_array_non_uniform_indexing_native::Bool, shader_input_attachment_array_non_uniform_indexing_native::Bool, robust_buffer_access_update_after_bind::Bool, quad_divergent_implicit_lod::Bool, max_per_stage_descriptor_update_after_bind_samplers::Integer, max_per_stage_descriptor_update_after_bind_uniform_buffers::Integer, max_per_stage_descriptor_update_after_bind_storage_buffers::Integer, max_per_stage_descriptor_update_after_bind_sampled_images::Integer, max_per_stage_descriptor_update_after_bind_storage_images::Integer, max_per_stage_descriptor_update_after_bind_input_attachments::Integer, max_per_stage_update_after_bind_resources::Integer, max_descriptor_set_update_after_bind_samplers::Integer, max_descriptor_set_update_after_bind_uniform_buffers::Integer, max_descriptor_set_update_after_bind_uniform_buffers_dynamic::Integer, max_descriptor_set_update_after_bind_storage_buffers::Integer, max_descriptor_set_update_after_bind_storage_buffers_dynamic::Integer, max_descriptor_set_update_after_bind_sampled_images::Integer, max_descriptor_set_update_after_bind_storage_images::Integer, max_descriptor_set_update_after_bind_input_attachments::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDescriptorIndexingProperties(structure_type(VkPhysicalDeviceDescriptorIndexingProperties), unsafe_convert(Ptr{Cvoid}, next), max_update_after_bind_descriptors_in_all_pools, shader_uniform_buffer_array_non_uniform_indexing_native, shader_sampled_image_array_non_uniform_indexing_native, shader_storage_buffer_array_non_uniform_indexing_native, shader_storage_image_array_non_uniform_indexing_native, shader_input_attachment_array_non_uniform_indexing_native, robust_buffer_access_update_after_bind, quad_divergent_implicit_lod, max_per_stage_descriptor_update_after_bind_samplers, max_per_stage_descriptor_update_after_bind_uniform_buffers, max_per_stage_descriptor_update_after_bind_storage_buffers, max_per_stage_descriptor_update_after_bind_sampled_images, max_per_stage_descriptor_update_after_bind_storage_images, max_per_stage_descriptor_update_after_bind_input_attachments, max_per_stage_update_after_bind_resources, max_descriptor_set_update_after_bind_samplers, max_descriptor_set_update_after_bind_uniform_buffers, max_descriptor_set_update_after_bind_uniform_buffers_dynamic, max_descriptor_set_update_after_bind_storage_buffers, max_descriptor_set_update_after_bind_storage_buffers_dynamic, max_descriptor_set_update_after_bind_sampled_images, max_descriptor_set_update_after_bind_storage_images, max_descriptor_set_update_after_bind_input_attachments) _PhysicalDeviceDescriptorIndexingProperties(vks, deps) end """ Arguments: - `binding_flags::Vector{DescriptorBindingFlag}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutBindingFlagsCreateInfo.html) """ function _DescriptorSetLayoutBindingFlagsCreateInfo(binding_flags::AbstractArray; next = C_NULL) binding_count = pointer_length(binding_flags) next = cconvert(Ptr{Cvoid}, next) binding_flags = cconvert(Ptr{VkDescriptorBindingFlags}, binding_flags) deps = Any[next, binding_flags] vks = VkDescriptorSetLayoutBindingFlagsCreateInfo(structure_type(VkDescriptorSetLayoutBindingFlagsCreateInfo), unsafe_convert(Ptr{Cvoid}, next), binding_count, unsafe_convert(Ptr{VkDescriptorBindingFlags}, binding_flags)) _DescriptorSetLayoutBindingFlagsCreateInfo(vks, deps) end """ Arguments: - `descriptor_counts::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetVariableDescriptorCountAllocateInfo.html) """ function _DescriptorSetVariableDescriptorCountAllocateInfo(descriptor_counts::AbstractArray; next = C_NULL) descriptor_set_count = pointer_length(descriptor_counts) next = cconvert(Ptr{Cvoid}, next) descriptor_counts = cconvert(Ptr{UInt32}, descriptor_counts) deps = Any[next, descriptor_counts] vks = VkDescriptorSetVariableDescriptorCountAllocateInfo(structure_type(VkDescriptorSetVariableDescriptorCountAllocateInfo), unsafe_convert(Ptr{Cvoid}, next), descriptor_set_count, unsafe_convert(Ptr{UInt32}, descriptor_counts)) _DescriptorSetVariableDescriptorCountAllocateInfo(vks, deps) end """ Arguments: - `max_variable_descriptor_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetVariableDescriptorCountLayoutSupport.html) """ function _DescriptorSetVariableDescriptorCountLayoutSupport(max_variable_descriptor_count::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDescriptorSetVariableDescriptorCountLayoutSupport(structure_type(VkDescriptorSetVariableDescriptorCountLayoutSupport), unsafe_convert(Ptr{Cvoid}, next), max_variable_descriptor_count) _DescriptorSetVariableDescriptorCountLayoutSupport(vks, deps) end """ Arguments: - `format::Format` - `samples::SampleCountFlag` - `load_op::AttachmentLoadOp` - `store_op::AttachmentStoreOp` - `stencil_load_op::AttachmentLoadOp` - `stencil_store_op::AttachmentStoreOp` - `initial_layout::ImageLayout` - `final_layout::ImageLayout` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::AttachmentDescriptionFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentDescription2.html) """ function _AttachmentDescription2(format::Format, samples::SampleCountFlag, load_op::AttachmentLoadOp, store_op::AttachmentStoreOp, stencil_load_op::AttachmentLoadOp, stencil_store_op::AttachmentStoreOp, initial_layout::ImageLayout, final_layout::ImageLayout; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAttachmentDescription2(structure_type(VkAttachmentDescription2), unsafe_convert(Ptr{Cvoid}, next), flags, format, VkSampleCountFlagBits(samples.val), load_op, store_op, stencil_load_op, stencil_store_op, initial_layout, final_layout) _AttachmentDescription2(vks, deps) end """ Arguments: - `attachment::UInt32` - `layout::ImageLayout` - `aspect_mask::ImageAspectFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentReference2.html) """ function _AttachmentReference2(attachment::Integer, layout::ImageLayout, aspect_mask::ImageAspectFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAttachmentReference2(structure_type(VkAttachmentReference2), unsafe_convert(Ptr{Cvoid}, next), attachment, layout, aspect_mask) _AttachmentReference2(vks, deps) end """ Arguments: - `pipeline_bind_point::PipelineBindPoint` - `view_mask::UInt32` - `input_attachments::Vector{_AttachmentReference2}` - `color_attachments::Vector{_AttachmentReference2}` - `preserve_attachments::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::SubpassDescriptionFlag`: defaults to `0` - `resolve_attachments::Vector{_AttachmentReference2}`: defaults to `C_NULL` - `depth_stencil_attachment::_AttachmentReference2`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDescription2.html) """ function _SubpassDescription2(pipeline_bind_point::PipelineBindPoint, view_mask::Integer, input_attachments::AbstractArray, color_attachments::AbstractArray, preserve_attachments::AbstractArray; next = C_NULL, flags = 0, resolve_attachments = C_NULL, depth_stencil_attachment = C_NULL) input_attachment_count = pointer_length(input_attachments) color_attachment_count = pointer_length(color_attachments) preserve_attachment_count = pointer_length(preserve_attachments) next = cconvert(Ptr{Cvoid}, next) input_attachments = cconvert(Ptr{VkAttachmentReference2}, input_attachments) color_attachments = cconvert(Ptr{VkAttachmentReference2}, color_attachments) resolve_attachments = cconvert(Ptr{VkAttachmentReference2}, resolve_attachments) depth_stencil_attachment = cconvert(Ptr{VkAttachmentReference2}, depth_stencil_attachment) preserve_attachments = cconvert(Ptr{UInt32}, preserve_attachments) deps = Any[next, input_attachments, color_attachments, resolve_attachments, depth_stencil_attachment, preserve_attachments] vks = VkSubpassDescription2(structure_type(VkSubpassDescription2), unsafe_convert(Ptr{Cvoid}, next), flags, pipeline_bind_point, view_mask, input_attachment_count, unsafe_convert(Ptr{VkAttachmentReference2}, input_attachments), color_attachment_count, unsafe_convert(Ptr{VkAttachmentReference2}, color_attachments), unsafe_convert(Ptr{VkAttachmentReference2}, resolve_attachments), unsafe_convert(Ptr{VkAttachmentReference2}, depth_stencil_attachment), preserve_attachment_count, unsafe_convert(Ptr{UInt32}, preserve_attachments)) _SubpassDescription2(vks, deps) end """ Arguments: - `src_subpass::UInt32` - `dst_subpass::UInt32` - `view_offset::Int32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `src_stage_mask::PipelineStageFlag`: defaults to `0` - `dst_stage_mask::PipelineStageFlag`: defaults to `0` - `src_access_mask::AccessFlag`: defaults to `0` - `dst_access_mask::AccessFlag`: defaults to `0` - `dependency_flags::DependencyFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDependency2.html) """ function _SubpassDependency2(src_subpass::Integer, dst_subpass::Integer, view_offset::Integer; next = C_NULL, src_stage_mask = 0, dst_stage_mask = 0, src_access_mask = 0, dst_access_mask = 0, dependency_flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSubpassDependency2(structure_type(VkSubpassDependency2), unsafe_convert(Ptr{Cvoid}, next), src_subpass, dst_subpass, src_stage_mask, dst_stage_mask, src_access_mask, dst_access_mask, dependency_flags, view_offset) _SubpassDependency2(vks, deps) end """ Arguments: - `attachments::Vector{_AttachmentDescription2}` - `subpasses::Vector{_SubpassDescription2}` - `dependencies::Vector{_SubpassDependency2}` - `correlated_view_masks::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::RenderPassCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreateInfo2.html) """ function _RenderPassCreateInfo2(attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray, correlated_view_masks::AbstractArray; next = C_NULL, flags = 0) attachment_count = pointer_length(attachments) subpass_count = pointer_length(subpasses) dependency_count = pointer_length(dependencies) correlated_view_mask_count = pointer_length(correlated_view_masks) next = cconvert(Ptr{Cvoid}, next) attachments = cconvert(Ptr{VkAttachmentDescription2}, attachments) subpasses = cconvert(Ptr{VkSubpassDescription2}, subpasses) dependencies = cconvert(Ptr{VkSubpassDependency2}, dependencies) correlated_view_masks = cconvert(Ptr{UInt32}, correlated_view_masks) deps = Any[next, attachments, subpasses, dependencies, correlated_view_masks] vks = VkRenderPassCreateInfo2(structure_type(VkRenderPassCreateInfo2), unsafe_convert(Ptr{Cvoid}, next), flags, attachment_count, unsafe_convert(Ptr{VkAttachmentDescription2}, attachments), subpass_count, unsafe_convert(Ptr{VkSubpassDescription2}, subpasses), dependency_count, unsafe_convert(Ptr{VkSubpassDependency2}, dependencies), correlated_view_mask_count, unsafe_convert(Ptr{UInt32}, correlated_view_masks)) _RenderPassCreateInfo2(vks, deps) end """ Arguments: - `contents::SubpassContents` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassBeginInfo.html) """ function _SubpassBeginInfo(contents::SubpassContents; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSubpassBeginInfo(structure_type(VkSubpassBeginInfo), unsafe_convert(Ptr{Cvoid}, next), contents) _SubpassBeginInfo(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassEndInfo.html) """ function _SubpassEndInfo(; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSubpassEndInfo(structure_type(VkSubpassEndInfo), unsafe_convert(Ptr{Cvoid}, next)) _SubpassEndInfo(vks, deps) end """ Arguments: - `timeline_semaphore::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTimelineSemaphoreFeatures.html) """ function _PhysicalDeviceTimelineSemaphoreFeatures(timeline_semaphore::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceTimelineSemaphoreFeatures(structure_type(VkPhysicalDeviceTimelineSemaphoreFeatures), unsafe_convert(Ptr{Cvoid}, next), timeline_semaphore) _PhysicalDeviceTimelineSemaphoreFeatures(vks, deps) end """ Arguments: - `max_timeline_semaphore_value_difference::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTimelineSemaphoreProperties.html) """ function _PhysicalDeviceTimelineSemaphoreProperties(max_timeline_semaphore_value_difference::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceTimelineSemaphoreProperties(structure_type(VkPhysicalDeviceTimelineSemaphoreProperties), unsafe_convert(Ptr{Cvoid}, next), max_timeline_semaphore_value_difference) _PhysicalDeviceTimelineSemaphoreProperties(vks, deps) end """ Arguments: - `semaphore_type::SemaphoreType` - `initial_value::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreTypeCreateInfo.html) """ function _SemaphoreTypeCreateInfo(semaphore_type::SemaphoreType, initial_value::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSemaphoreTypeCreateInfo(structure_type(VkSemaphoreTypeCreateInfo), unsafe_convert(Ptr{Cvoid}, next), semaphore_type, initial_value) _SemaphoreTypeCreateInfo(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `wait_semaphore_values::Vector{UInt64}`: defaults to `C_NULL` - `signal_semaphore_values::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTimelineSemaphoreSubmitInfo.html) """ function _TimelineSemaphoreSubmitInfo(; next = C_NULL, wait_semaphore_values = C_NULL, signal_semaphore_values = C_NULL) wait_semaphore_value_count = pointer_length(wait_semaphore_values) signal_semaphore_value_count = pointer_length(signal_semaphore_values) next = cconvert(Ptr{Cvoid}, next) wait_semaphore_values = cconvert(Ptr{UInt64}, wait_semaphore_values) signal_semaphore_values = cconvert(Ptr{UInt64}, signal_semaphore_values) deps = Any[next, wait_semaphore_values, signal_semaphore_values] vks = VkTimelineSemaphoreSubmitInfo(structure_type(VkTimelineSemaphoreSubmitInfo), unsafe_convert(Ptr{Cvoid}, next), wait_semaphore_value_count, unsafe_convert(Ptr{UInt64}, wait_semaphore_values), signal_semaphore_value_count, unsafe_convert(Ptr{UInt64}, signal_semaphore_values)) _TimelineSemaphoreSubmitInfo(vks, deps) end """ Arguments: - `semaphores::Vector{Semaphore}` - `values::Vector{UInt64}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::SemaphoreWaitFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreWaitInfo.html) """ function _SemaphoreWaitInfo(semaphores::AbstractArray, values::AbstractArray; next = C_NULL, flags = 0) semaphore_count = pointer_length(semaphores) next = cconvert(Ptr{Cvoid}, next) semaphores = cconvert(Ptr{VkSemaphore}, semaphores) values = cconvert(Ptr{UInt64}, values) deps = Any[next, semaphores, values] vks = VkSemaphoreWaitInfo(structure_type(VkSemaphoreWaitInfo), unsafe_convert(Ptr{Cvoid}, next), flags, semaphore_count, unsafe_convert(Ptr{VkSemaphore}, semaphores), unsafe_convert(Ptr{UInt64}, values)) _SemaphoreWaitInfo(vks, deps) end """ Arguments: - `semaphore::Semaphore` - `value::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreSignalInfo.html) """ function _SemaphoreSignalInfo(semaphore, value::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSemaphoreSignalInfo(structure_type(VkSemaphoreSignalInfo), unsafe_convert(Ptr{Cvoid}, next), semaphore, value) _SemaphoreSignalInfo(vks, deps, semaphore) end """ Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor Arguments: - `binding::UInt32` - `divisor::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputBindingDivisorDescriptionEXT.html) """ function _VertexInputBindingDivisorDescriptionEXT(binding::Integer, divisor::Integer) _VertexInputBindingDivisorDescriptionEXT(VkVertexInputBindingDivisorDescriptionEXT(binding, divisor)) end """ Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor Arguments: - `vertex_binding_divisors::Vector{_VertexInputBindingDivisorDescriptionEXT}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineVertexInputDivisorStateCreateInfoEXT.html) """ function _PipelineVertexInputDivisorStateCreateInfoEXT(vertex_binding_divisors::AbstractArray; next = C_NULL) vertex_binding_divisor_count = pointer_length(vertex_binding_divisors) next = cconvert(Ptr{Cvoid}, next) vertex_binding_divisors = cconvert(Ptr{VkVertexInputBindingDivisorDescriptionEXT}, vertex_binding_divisors) deps = Any[next, vertex_binding_divisors] vks = VkPipelineVertexInputDivisorStateCreateInfoEXT(structure_type(VkPipelineVertexInputDivisorStateCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), vertex_binding_divisor_count, unsafe_convert(Ptr{VkVertexInputBindingDivisorDescriptionEXT}, vertex_binding_divisors)) _PipelineVertexInputDivisorStateCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor Arguments: - `max_vertex_attrib_divisor::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT.html) """ function _PhysicalDeviceVertexAttributeDivisorPropertiesEXT(max_vertex_attrib_divisor::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT(structure_type(VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), max_vertex_attrib_divisor) _PhysicalDeviceVertexAttributeDivisorPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_pci\\_bus\\_info Arguments: - `pci_domain::UInt32` - `pci_bus::UInt32` - `pci_device::UInt32` - `pci_function::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePCIBusInfoPropertiesEXT.html) """ function _PhysicalDevicePCIBusInfoPropertiesEXT(pci_domain::Integer, pci_bus::Integer, pci_device::Integer, pci_function::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePCIBusInfoPropertiesEXT(structure_type(VkPhysicalDevicePCIBusInfoPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), pci_domain, pci_bus, pci_device, pci_function) _PhysicalDevicePCIBusInfoPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_conditional\\_rendering Arguments: - `conditional_rendering_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceConditionalRenderingInfoEXT.html) """ function _CommandBufferInheritanceConditionalRenderingInfoEXT(conditional_rendering_enable::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCommandBufferInheritanceConditionalRenderingInfoEXT(structure_type(VkCommandBufferInheritanceConditionalRenderingInfoEXT), unsafe_convert(Ptr{Cvoid}, next), conditional_rendering_enable) _CommandBufferInheritanceConditionalRenderingInfoEXT(vks, deps) end """ Arguments: - `storage_buffer_8_bit_access::Bool` - `uniform_and_storage_buffer_8_bit_access::Bool` - `storage_push_constant_8::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevice8BitStorageFeatures.html) """ function _PhysicalDevice8BitStorageFeatures(storage_buffer_8_bit_access::Bool, uniform_and_storage_buffer_8_bit_access::Bool, storage_push_constant_8::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevice8BitStorageFeatures(structure_type(VkPhysicalDevice8BitStorageFeatures), unsafe_convert(Ptr{Cvoid}, next), storage_buffer_8_bit_access, uniform_and_storage_buffer_8_bit_access, storage_push_constant_8) _PhysicalDevice8BitStorageFeatures(vks, deps) end """ Extension: VK\\_EXT\\_conditional\\_rendering Arguments: - `conditional_rendering::Bool` - `inherited_conditional_rendering::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceConditionalRenderingFeaturesEXT.html) """ function _PhysicalDeviceConditionalRenderingFeaturesEXT(conditional_rendering::Bool, inherited_conditional_rendering::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceConditionalRenderingFeaturesEXT(structure_type(VkPhysicalDeviceConditionalRenderingFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), conditional_rendering, inherited_conditional_rendering) _PhysicalDeviceConditionalRenderingFeaturesEXT(vks, deps) end """ Arguments: - `vulkan_memory_model::Bool` - `vulkan_memory_model_device_scope::Bool` - `vulkan_memory_model_availability_visibility_chains::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkanMemoryModelFeatures.html) """ function _PhysicalDeviceVulkanMemoryModelFeatures(vulkan_memory_model::Bool, vulkan_memory_model_device_scope::Bool, vulkan_memory_model_availability_visibility_chains::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceVulkanMemoryModelFeatures(structure_type(VkPhysicalDeviceVulkanMemoryModelFeatures), unsafe_convert(Ptr{Cvoid}, next), vulkan_memory_model, vulkan_memory_model_device_scope, vulkan_memory_model_availability_visibility_chains) _PhysicalDeviceVulkanMemoryModelFeatures(vks, deps) end """ Arguments: - `shader_buffer_int_64_atomics::Bool` - `shader_shared_int_64_atomics::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderAtomicInt64Features.html) """ function _PhysicalDeviceShaderAtomicInt64Features(shader_buffer_int_64_atomics::Bool, shader_shared_int_64_atomics::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderAtomicInt64Features(structure_type(VkPhysicalDeviceShaderAtomicInt64Features), unsafe_convert(Ptr{Cvoid}, next), shader_buffer_int_64_atomics, shader_shared_int_64_atomics) _PhysicalDeviceShaderAtomicInt64Features(vks, deps) end """ Extension: VK\\_EXT\\_shader\\_atomic\\_float Arguments: - `shader_buffer_float_32_atomics::Bool` - `shader_buffer_float_32_atomic_add::Bool` - `shader_buffer_float_64_atomics::Bool` - `shader_buffer_float_64_atomic_add::Bool` - `shader_shared_float_32_atomics::Bool` - `shader_shared_float_32_atomic_add::Bool` - `shader_shared_float_64_atomics::Bool` - `shader_shared_float_64_atomic_add::Bool` - `shader_image_float_32_atomics::Bool` - `shader_image_float_32_atomic_add::Bool` - `sparse_image_float_32_atomics::Bool` - `sparse_image_float_32_atomic_add::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderAtomicFloatFeaturesEXT.html) """ function _PhysicalDeviceShaderAtomicFloatFeaturesEXT(shader_buffer_float_32_atomics::Bool, shader_buffer_float_32_atomic_add::Bool, shader_buffer_float_64_atomics::Bool, shader_buffer_float_64_atomic_add::Bool, shader_shared_float_32_atomics::Bool, shader_shared_float_32_atomic_add::Bool, shader_shared_float_64_atomics::Bool, shader_shared_float_64_atomic_add::Bool, shader_image_float_32_atomics::Bool, shader_image_float_32_atomic_add::Bool, sparse_image_float_32_atomics::Bool, sparse_image_float_32_atomic_add::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderAtomicFloatFeaturesEXT(structure_type(VkPhysicalDeviceShaderAtomicFloatFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), shader_buffer_float_32_atomics, shader_buffer_float_32_atomic_add, shader_buffer_float_64_atomics, shader_buffer_float_64_atomic_add, shader_shared_float_32_atomics, shader_shared_float_32_atomic_add, shader_shared_float_64_atomics, shader_shared_float_64_atomic_add, shader_image_float_32_atomics, shader_image_float_32_atomic_add, sparse_image_float_32_atomics, sparse_image_float_32_atomic_add) _PhysicalDeviceShaderAtomicFloatFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_shader\\_atomic\\_float2 Arguments: - `shader_buffer_float_16_atomics::Bool` - `shader_buffer_float_16_atomic_add::Bool` - `shader_buffer_float_16_atomic_min_max::Bool` - `shader_buffer_float_32_atomic_min_max::Bool` - `shader_buffer_float_64_atomic_min_max::Bool` - `shader_shared_float_16_atomics::Bool` - `shader_shared_float_16_atomic_add::Bool` - `shader_shared_float_16_atomic_min_max::Bool` - `shader_shared_float_32_atomic_min_max::Bool` - `shader_shared_float_64_atomic_min_max::Bool` - `shader_image_float_32_atomic_min_max::Bool` - `sparse_image_float_32_atomic_min_max::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT.html) """ function _PhysicalDeviceShaderAtomicFloat2FeaturesEXT(shader_buffer_float_16_atomics::Bool, shader_buffer_float_16_atomic_add::Bool, shader_buffer_float_16_atomic_min_max::Bool, shader_buffer_float_32_atomic_min_max::Bool, shader_buffer_float_64_atomic_min_max::Bool, shader_shared_float_16_atomics::Bool, shader_shared_float_16_atomic_add::Bool, shader_shared_float_16_atomic_min_max::Bool, shader_shared_float_32_atomic_min_max::Bool, shader_shared_float_64_atomic_min_max::Bool, shader_image_float_32_atomic_min_max::Bool, sparse_image_float_32_atomic_min_max::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT(structure_type(VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), shader_buffer_float_16_atomics, shader_buffer_float_16_atomic_add, shader_buffer_float_16_atomic_min_max, shader_buffer_float_32_atomic_min_max, shader_buffer_float_64_atomic_min_max, shader_shared_float_16_atomics, shader_shared_float_16_atomic_add, shader_shared_float_16_atomic_min_max, shader_shared_float_32_atomic_min_max, shader_shared_float_64_atomic_min_max, shader_image_float_32_atomic_min_max, sparse_image_float_32_atomic_min_max) _PhysicalDeviceShaderAtomicFloat2FeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor Arguments: - `vertex_attribute_instance_rate_divisor::Bool` - `vertex_attribute_instance_rate_zero_divisor::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT.html) """ function _PhysicalDeviceVertexAttributeDivisorFeaturesEXT(vertex_attribute_instance_rate_divisor::Bool, vertex_attribute_instance_rate_zero_divisor::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT(structure_type(VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), vertex_attribute_instance_rate_divisor, vertex_attribute_instance_rate_zero_divisor) _PhysicalDeviceVertexAttributeDivisorFeaturesEXT(vks, deps) end """ Extension: VK\\_NV\\_device\\_diagnostic\\_checkpoints Arguments: - `checkpoint_execution_stage_mask::PipelineStageFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyCheckpointPropertiesNV.html) """ function _QueueFamilyCheckpointPropertiesNV(checkpoint_execution_stage_mask::PipelineStageFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkQueueFamilyCheckpointPropertiesNV(structure_type(VkQueueFamilyCheckpointPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), checkpoint_execution_stage_mask) _QueueFamilyCheckpointPropertiesNV(vks, deps) end """ Extension: VK\\_NV\\_device\\_diagnostic\\_checkpoints Arguments: - `stage::PipelineStageFlag` - `checkpoint_marker::Ptr{Cvoid}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCheckpointDataNV.html) """ function _CheckpointDataNV(stage::PipelineStageFlag, checkpoint_marker::Ptr{Cvoid}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) checkpoint_marker = cconvert(Ptr{Cvoid}, checkpoint_marker) deps = Any[next, checkpoint_marker] vks = VkCheckpointDataNV(structure_type(VkCheckpointDataNV), unsafe_convert(Ptr{Cvoid}, next), VkPipelineStageFlagBits(stage.val), unsafe_convert(Ptr{Cvoid}, checkpoint_marker)) _CheckpointDataNV(vks, deps) end """ Arguments: - `supported_depth_resolve_modes::ResolveModeFlag` - `supported_stencil_resolve_modes::ResolveModeFlag` - `independent_resolve_none::Bool` - `independent_resolve::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthStencilResolveProperties.html) """ function _PhysicalDeviceDepthStencilResolveProperties(supported_depth_resolve_modes::ResolveModeFlag, supported_stencil_resolve_modes::ResolveModeFlag, independent_resolve_none::Bool, independent_resolve::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDepthStencilResolveProperties(structure_type(VkPhysicalDeviceDepthStencilResolveProperties), unsafe_convert(Ptr{Cvoid}, next), supported_depth_resolve_modes, supported_stencil_resolve_modes, independent_resolve_none, independent_resolve) _PhysicalDeviceDepthStencilResolveProperties(vks, deps) end """ Arguments: - `depth_resolve_mode::ResolveModeFlag` - `stencil_resolve_mode::ResolveModeFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `depth_stencil_resolve_attachment::_AttachmentReference2`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDescriptionDepthStencilResolve.html) """ function _SubpassDescriptionDepthStencilResolve(depth_resolve_mode::ResolveModeFlag, stencil_resolve_mode::ResolveModeFlag; next = C_NULL, depth_stencil_resolve_attachment = C_NULL) next = cconvert(Ptr{Cvoid}, next) depth_stencil_resolve_attachment = cconvert(Ptr{VkAttachmentReference2}, depth_stencil_resolve_attachment) deps = Any[next, depth_stencil_resolve_attachment] vks = VkSubpassDescriptionDepthStencilResolve(structure_type(VkSubpassDescriptionDepthStencilResolve), unsafe_convert(Ptr{Cvoid}, next), VkResolveModeFlagBits(depth_resolve_mode.val), VkResolveModeFlagBits(stencil_resolve_mode.val), unsafe_convert(Ptr{VkAttachmentReference2}, depth_stencil_resolve_attachment)) _SubpassDescriptionDepthStencilResolve(vks, deps) end """ Extension: VK\\_EXT\\_astc\\_decode\\_mode Arguments: - `decode_mode::Format` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewASTCDecodeModeEXT.html) """ function _ImageViewASTCDecodeModeEXT(decode_mode::Format; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageViewASTCDecodeModeEXT(structure_type(VkImageViewASTCDecodeModeEXT), unsafe_convert(Ptr{Cvoid}, next), decode_mode) _ImageViewASTCDecodeModeEXT(vks, deps) end """ Extension: VK\\_EXT\\_astc\\_decode\\_mode Arguments: - `decode_mode_shared_exponent::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceASTCDecodeFeaturesEXT.html) """ function _PhysicalDeviceASTCDecodeFeaturesEXT(decode_mode_shared_exponent::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceASTCDecodeFeaturesEXT(structure_type(VkPhysicalDeviceASTCDecodeFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), decode_mode_shared_exponent) _PhysicalDeviceASTCDecodeFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `transform_feedback::Bool` - `geometry_streams::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTransformFeedbackFeaturesEXT.html) """ function _PhysicalDeviceTransformFeedbackFeaturesEXT(transform_feedback::Bool, geometry_streams::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceTransformFeedbackFeaturesEXT(structure_type(VkPhysicalDeviceTransformFeedbackFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), transform_feedback, geometry_streams) _PhysicalDeviceTransformFeedbackFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `max_transform_feedback_streams::UInt32` - `max_transform_feedback_buffers::UInt32` - `max_transform_feedback_buffer_size::UInt64` - `max_transform_feedback_stream_data_size::UInt32` - `max_transform_feedback_buffer_data_size::UInt32` - `max_transform_feedback_buffer_data_stride::UInt32` - `transform_feedback_queries::Bool` - `transform_feedback_streams_lines_triangles::Bool` - `transform_feedback_rasterization_stream_select::Bool` - `transform_feedback_draw::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTransformFeedbackPropertiesEXT.html) """ function _PhysicalDeviceTransformFeedbackPropertiesEXT(max_transform_feedback_streams::Integer, max_transform_feedback_buffers::Integer, max_transform_feedback_buffer_size::Integer, max_transform_feedback_stream_data_size::Integer, max_transform_feedback_buffer_data_size::Integer, max_transform_feedback_buffer_data_stride::Integer, transform_feedback_queries::Bool, transform_feedback_streams_lines_triangles::Bool, transform_feedback_rasterization_stream_select::Bool, transform_feedback_draw::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceTransformFeedbackPropertiesEXT(structure_type(VkPhysicalDeviceTransformFeedbackPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), max_transform_feedback_streams, max_transform_feedback_buffers, max_transform_feedback_buffer_size, max_transform_feedback_stream_data_size, max_transform_feedback_buffer_data_size, max_transform_feedback_buffer_data_stride, transform_feedback_queries, transform_feedback_streams_lines_triangles, transform_feedback_rasterization_stream_select, transform_feedback_draw) _PhysicalDeviceTransformFeedbackPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `rasterization_stream::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationStateStreamCreateInfoEXT.html) """ function _PipelineRasterizationStateStreamCreateInfoEXT(rasterization_stream::Integer; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineRasterizationStateStreamCreateInfoEXT(structure_type(VkPipelineRasterizationStateStreamCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), flags, rasterization_stream) _PipelineRasterizationStateStreamCreateInfoEXT(vks, deps) end """ Extension: VK\\_NV\\_representative\\_fragment\\_test Arguments: - `representative_fragment_test::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV.html) """ function _PhysicalDeviceRepresentativeFragmentTestFeaturesNV(representative_fragment_test::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV(structure_type(VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), representative_fragment_test) _PhysicalDeviceRepresentativeFragmentTestFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_representative\\_fragment\\_test Arguments: - `representative_fragment_test_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRepresentativeFragmentTestStateCreateInfoNV.html) """ function _PipelineRepresentativeFragmentTestStateCreateInfoNV(representative_fragment_test_enable::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineRepresentativeFragmentTestStateCreateInfoNV(structure_type(VkPipelineRepresentativeFragmentTestStateCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), representative_fragment_test_enable) _PipelineRepresentativeFragmentTestStateCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_scissor\\_exclusive Arguments: - `exclusive_scissor::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExclusiveScissorFeaturesNV.html) """ function _PhysicalDeviceExclusiveScissorFeaturesNV(exclusive_scissor::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceExclusiveScissorFeaturesNV(structure_type(VkPhysicalDeviceExclusiveScissorFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), exclusive_scissor) _PhysicalDeviceExclusiveScissorFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_scissor\\_exclusive Arguments: - `exclusive_scissors::Vector{_Rect2D}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportExclusiveScissorStateCreateInfoNV.html) """ function _PipelineViewportExclusiveScissorStateCreateInfoNV(exclusive_scissors::AbstractArray; next = C_NULL) exclusive_scissor_count = pointer_length(exclusive_scissors) next = cconvert(Ptr{Cvoid}, next) exclusive_scissors = cconvert(Ptr{VkRect2D}, exclusive_scissors) deps = Any[next, exclusive_scissors] vks = VkPipelineViewportExclusiveScissorStateCreateInfoNV(structure_type(VkPipelineViewportExclusiveScissorStateCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), exclusive_scissor_count, unsafe_convert(Ptr{VkRect2D}, exclusive_scissors)) _PipelineViewportExclusiveScissorStateCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_corner\\_sampled\\_image Arguments: - `corner_sampled_image::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCornerSampledImageFeaturesNV.html) """ function _PhysicalDeviceCornerSampledImageFeaturesNV(corner_sampled_image::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceCornerSampledImageFeaturesNV(structure_type(VkPhysicalDeviceCornerSampledImageFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), corner_sampled_image) _PhysicalDeviceCornerSampledImageFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_compute\\_shader\\_derivatives Arguments: - `compute_derivative_group_quads::Bool` - `compute_derivative_group_linear::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceComputeShaderDerivativesFeaturesNV.html) """ function _PhysicalDeviceComputeShaderDerivativesFeaturesNV(compute_derivative_group_quads::Bool, compute_derivative_group_linear::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceComputeShaderDerivativesFeaturesNV(structure_type(VkPhysicalDeviceComputeShaderDerivativesFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), compute_derivative_group_quads, compute_derivative_group_linear) _PhysicalDeviceComputeShaderDerivativesFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_shader\\_image\\_footprint Arguments: - `image_footprint::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderImageFootprintFeaturesNV.html) """ function _PhysicalDeviceShaderImageFootprintFeaturesNV(image_footprint::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderImageFootprintFeaturesNV(structure_type(VkPhysicalDeviceShaderImageFootprintFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), image_footprint) _PhysicalDeviceShaderImageFootprintFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_dedicated\\_allocation\\_image\\_aliasing Arguments: - `dedicated_allocation_image_aliasing::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV.html) """ function _PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV(dedicated_allocation_image_aliasing::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV(structure_type(VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), dedicated_allocation_image_aliasing) _PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_copy\\_memory\\_indirect Arguments: - `indirect_copy::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCopyMemoryIndirectFeaturesNV.html) """ function _PhysicalDeviceCopyMemoryIndirectFeaturesNV(indirect_copy::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceCopyMemoryIndirectFeaturesNV(structure_type(VkPhysicalDeviceCopyMemoryIndirectFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), indirect_copy) _PhysicalDeviceCopyMemoryIndirectFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_copy\\_memory\\_indirect Arguments: - `supported_queues::QueueFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCopyMemoryIndirectPropertiesNV.html) """ function _PhysicalDeviceCopyMemoryIndirectPropertiesNV(supported_queues::QueueFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceCopyMemoryIndirectPropertiesNV(structure_type(VkPhysicalDeviceCopyMemoryIndirectPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), supported_queues) _PhysicalDeviceCopyMemoryIndirectPropertiesNV(vks, deps) end """ Extension: VK\\_NV\\_memory\\_decompression Arguments: - `memory_decompression::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryDecompressionFeaturesNV.html) """ function _PhysicalDeviceMemoryDecompressionFeaturesNV(memory_decompression::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMemoryDecompressionFeaturesNV(structure_type(VkPhysicalDeviceMemoryDecompressionFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), memory_decompression) _PhysicalDeviceMemoryDecompressionFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_memory\\_decompression Arguments: - `decompression_methods::UInt64` - `max_decompression_indirect_count::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryDecompressionPropertiesNV.html) """ function _PhysicalDeviceMemoryDecompressionPropertiesNV(decompression_methods::Integer, max_decompression_indirect_count::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMemoryDecompressionPropertiesNV(structure_type(VkPhysicalDeviceMemoryDecompressionPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), decompression_methods, max_decompression_indirect_count) _PhysicalDeviceMemoryDecompressionPropertiesNV(vks, deps) end """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `shading_rate_palette_entries::Vector{ShadingRatePaletteEntryNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShadingRatePaletteNV.html) """ function _ShadingRatePaletteNV(shading_rate_palette_entries::AbstractArray) shading_rate_palette_entry_count = pointer_length(shading_rate_palette_entries) shading_rate_palette_entries = cconvert(Ptr{VkShadingRatePaletteEntryNV}, shading_rate_palette_entries) deps = Any[shading_rate_palette_entries] vks = VkShadingRatePaletteNV(shading_rate_palette_entry_count, unsafe_convert(Ptr{VkShadingRatePaletteEntryNV}, shading_rate_palette_entries)) _ShadingRatePaletteNV(vks, deps) end """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `shading_rate_image_enable::Bool` - `shading_rate_palettes::Vector{_ShadingRatePaletteNV}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportShadingRateImageStateCreateInfoNV.html) """ function _PipelineViewportShadingRateImageStateCreateInfoNV(shading_rate_image_enable::Bool, shading_rate_palettes::AbstractArray; next = C_NULL) viewport_count = pointer_length(shading_rate_palettes) next = cconvert(Ptr{Cvoid}, next) shading_rate_palettes = cconvert(Ptr{VkShadingRatePaletteNV}, shading_rate_palettes) deps = Any[next, shading_rate_palettes] vks = VkPipelineViewportShadingRateImageStateCreateInfoNV(structure_type(VkPipelineViewportShadingRateImageStateCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), shading_rate_image_enable, viewport_count, unsafe_convert(Ptr{VkShadingRatePaletteNV}, shading_rate_palettes)) _PipelineViewportShadingRateImageStateCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `shading_rate_image::Bool` - `shading_rate_coarse_sample_order::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShadingRateImageFeaturesNV.html) """ function _PhysicalDeviceShadingRateImageFeaturesNV(shading_rate_image::Bool, shading_rate_coarse_sample_order::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShadingRateImageFeaturesNV(structure_type(VkPhysicalDeviceShadingRateImageFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), shading_rate_image, shading_rate_coarse_sample_order) _PhysicalDeviceShadingRateImageFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `shading_rate_texel_size::_Extent2D` - `shading_rate_palette_size::UInt32` - `shading_rate_max_coarse_samples::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShadingRateImagePropertiesNV.html) """ function _PhysicalDeviceShadingRateImagePropertiesNV(shading_rate_texel_size::_Extent2D, shading_rate_palette_size::Integer, shading_rate_max_coarse_samples::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShadingRateImagePropertiesNV(structure_type(VkPhysicalDeviceShadingRateImagePropertiesNV), unsafe_convert(Ptr{Cvoid}, next), shading_rate_texel_size.vks, shading_rate_palette_size, shading_rate_max_coarse_samples) _PhysicalDeviceShadingRateImagePropertiesNV(vks, deps) end """ Extension: VK\\_HUAWEI\\_invocation\\_mask Arguments: - `invocation_mask::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInvocationMaskFeaturesHUAWEI.html) """ function _PhysicalDeviceInvocationMaskFeaturesHUAWEI(invocation_mask::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceInvocationMaskFeaturesHUAWEI(structure_type(VkPhysicalDeviceInvocationMaskFeaturesHUAWEI), unsafe_convert(Ptr{Cvoid}, next), invocation_mask) _PhysicalDeviceInvocationMaskFeaturesHUAWEI(vks, deps) end """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `pixel_x::UInt32` - `pixel_y::UInt32` - `sample::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCoarseSampleLocationNV.html) """ function _CoarseSampleLocationNV(pixel_x::Integer, pixel_y::Integer, sample::Integer) _CoarseSampleLocationNV(VkCoarseSampleLocationNV(pixel_x, pixel_y, sample)) end """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `shading_rate::ShadingRatePaletteEntryNV` - `sample_count::UInt32` - `sample_locations::Vector{_CoarseSampleLocationNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCoarseSampleOrderCustomNV.html) """ function _CoarseSampleOrderCustomNV(shading_rate::ShadingRatePaletteEntryNV, sample_count::Integer, sample_locations::AbstractArray) sample_location_count = pointer_length(sample_locations) sample_locations = cconvert(Ptr{VkCoarseSampleLocationNV}, sample_locations) deps = Any[sample_locations] vks = VkCoarseSampleOrderCustomNV(shading_rate, sample_count, sample_location_count, unsafe_convert(Ptr{VkCoarseSampleLocationNV}, sample_locations)) _CoarseSampleOrderCustomNV(vks, deps) end """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `sample_order_type::CoarseSampleOrderTypeNV` - `custom_sample_orders::Vector{_CoarseSampleOrderCustomNV}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportCoarseSampleOrderStateCreateInfoNV.html) """ function _PipelineViewportCoarseSampleOrderStateCreateInfoNV(sample_order_type::CoarseSampleOrderTypeNV, custom_sample_orders::AbstractArray; next = C_NULL) custom_sample_order_count = pointer_length(custom_sample_orders) next = cconvert(Ptr{Cvoid}, next) custom_sample_orders = cconvert(Ptr{VkCoarseSampleOrderCustomNV}, custom_sample_orders) deps = Any[next, custom_sample_orders] vks = VkPipelineViewportCoarseSampleOrderStateCreateInfoNV(structure_type(VkPipelineViewportCoarseSampleOrderStateCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), sample_order_type, custom_sample_order_count, unsafe_convert(Ptr{VkCoarseSampleOrderCustomNV}, custom_sample_orders)) _PipelineViewportCoarseSampleOrderStateCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_mesh\\_shader Arguments: - `task_shader::Bool` - `mesh_shader::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderFeaturesNV.html) """ function _PhysicalDeviceMeshShaderFeaturesNV(task_shader::Bool, mesh_shader::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMeshShaderFeaturesNV(structure_type(VkPhysicalDeviceMeshShaderFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), task_shader, mesh_shader) _PhysicalDeviceMeshShaderFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_mesh\\_shader Arguments: - `max_draw_mesh_tasks_count::UInt32` - `max_task_work_group_invocations::UInt32` - `max_task_work_group_size::NTuple{3, UInt32}` - `max_task_total_memory_size::UInt32` - `max_task_output_count::UInt32` - `max_mesh_work_group_invocations::UInt32` - `max_mesh_work_group_size::NTuple{3, UInt32}` - `max_mesh_total_memory_size::UInt32` - `max_mesh_output_vertices::UInt32` - `max_mesh_output_primitives::UInt32` - `max_mesh_multiview_view_count::UInt32` - `mesh_output_per_vertex_granularity::UInt32` - `mesh_output_per_primitive_granularity::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderPropertiesNV.html) """ function _PhysicalDeviceMeshShaderPropertiesNV(max_draw_mesh_tasks_count::Integer, max_task_work_group_invocations::Integer, max_task_work_group_size::NTuple{3, UInt32}, max_task_total_memory_size::Integer, max_task_output_count::Integer, max_mesh_work_group_invocations::Integer, max_mesh_work_group_size::NTuple{3, UInt32}, max_mesh_total_memory_size::Integer, max_mesh_output_vertices::Integer, max_mesh_output_primitives::Integer, max_mesh_multiview_view_count::Integer, mesh_output_per_vertex_granularity::Integer, mesh_output_per_primitive_granularity::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMeshShaderPropertiesNV(structure_type(VkPhysicalDeviceMeshShaderPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), max_draw_mesh_tasks_count, max_task_work_group_invocations, max_task_work_group_size, max_task_total_memory_size, max_task_output_count, max_mesh_work_group_invocations, max_mesh_work_group_size, max_mesh_total_memory_size, max_mesh_output_vertices, max_mesh_output_primitives, max_mesh_multiview_view_count, mesh_output_per_vertex_granularity, mesh_output_per_primitive_granularity) _PhysicalDeviceMeshShaderPropertiesNV(vks, deps) end """ Extension: VK\\_NV\\_mesh\\_shader Arguments: - `task_count::UInt32` - `first_task::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrawMeshTasksIndirectCommandNV.html) """ function _DrawMeshTasksIndirectCommandNV(task_count::Integer, first_task::Integer) _DrawMeshTasksIndirectCommandNV(VkDrawMeshTasksIndirectCommandNV(task_count, first_task)) end """ Extension: VK\\_EXT\\_mesh\\_shader Arguments: - `task_shader::Bool` - `mesh_shader::Bool` - `multiview_mesh_shader::Bool` - `primitive_fragment_shading_rate_mesh_shader::Bool` - `mesh_shader_queries::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderFeaturesEXT.html) """ function _PhysicalDeviceMeshShaderFeaturesEXT(task_shader::Bool, mesh_shader::Bool, multiview_mesh_shader::Bool, primitive_fragment_shading_rate_mesh_shader::Bool, mesh_shader_queries::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMeshShaderFeaturesEXT(structure_type(VkPhysicalDeviceMeshShaderFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), task_shader, mesh_shader, multiview_mesh_shader, primitive_fragment_shading_rate_mesh_shader, mesh_shader_queries) _PhysicalDeviceMeshShaderFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_mesh\\_shader Arguments: - `max_task_work_group_total_count::UInt32` - `max_task_work_group_count::NTuple{3, UInt32}` - `max_task_work_group_invocations::UInt32` - `max_task_work_group_size::NTuple{3, UInt32}` - `max_task_payload_size::UInt32` - `max_task_shared_memory_size::UInt32` - `max_task_payload_and_shared_memory_size::UInt32` - `max_mesh_work_group_total_count::UInt32` - `max_mesh_work_group_count::NTuple{3, UInt32}` - `max_mesh_work_group_invocations::UInt32` - `max_mesh_work_group_size::NTuple{3, UInt32}` - `max_mesh_shared_memory_size::UInt32` - `max_mesh_payload_and_shared_memory_size::UInt32` - `max_mesh_output_memory_size::UInt32` - `max_mesh_payload_and_output_memory_size::UInt32` - `max_mesh_output_components::UInt32` - `max_mesh_output_vertices::UInt32` - `max_mesh_output_primitives::UInt32` - `max_mesh_output_layers::UInt32` - `max_mesh_multiview_view_count::UInt32` - `mesh_output_per_vertex_granularity::UInt32` - `mesh_output_per_primitive_granularity::UInt32` - `max_preferred_task_work_group_invocations::UInt32` - `max_preferred_mesh_work_group_invocations::UInt32` - `prefers_local_invocation_vertex_output::Bool` - `prefers_local_invocation_primitive_output::Bool` - `prefers_compact_vertex_output::Bool` - `prefers_compact_primitive_output::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderPropertiesEXT.html) """ function _PhysicalDeviceMeshShaderPropertiesEXT(max_task_work_group_total_count::Integer, max_task_work_group_count::NTuple{3, UInt32}, max_task_work_group_invocations::Integer, max_task_work_group_size::NTuple{3, UInt32}, max_task_payload_size::Integer, max_task_shared_memory_size::Integer, max_task_payload_and_shared_memory_size::Integer, max_mesh_work_group_total_count::Integer, max_mesh_work_group_count::NTuple{3, UInt32}, max_mesh_work_group_invocations::Integer, max_mesh_work_group_size::NTuple{3, UInt32}, max_mesh_shared_memory_size::Integer, max_mesh_payload_and_shared_memory_size::Integer, max_mesh_output_memory_size::Integer, max_mesh_payload_and_output_memory_size::Integer, max_mesh_output_components::Integer, max_mesh_output_vertices::Integer, max_mesh_output_primitives::Integer, max_mesh_output_layers::Integer, max_mesh_multiview_view_count::Integer, mesh_output_per_vertex_granularity::Integer, mesh_output_per_primitive_granularity::Integer, max_preferred_task_work_group_invocations::Integer, max_preferred_mesh_work_group_invocations::Integer, prefers_local_invocation_vertex_output::Bool, prefers_local_invocation_primitive_output::Bool, prefers_compact_vertex_output::Bool, prefers_compact_primitive_output::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMeshShaderPropertiesEXT(structure_type(VkPhysicalDeviceMeshShaderPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), max_task_work_group_total_count, max_task_work_group_count, max_task_work_group_invocations, max_task_work_group_size, max_task_payload_size, max_task_shared_memory_size, max_task_payload_and_shared_memory_size, max_mesh_work_group_total_count, max_mesh_work_group_count, max_mesh_work_group_invocations, max_mesh_work_group_size, max_mesh_shared_memory_size, max_mesh_payload_and_shared_memory_size, max_mesh_output_memory_size, max_mesh_payload_and_output_memory_size, max_mesh_output_components, max_mesh_output_vertices, max_mesh_output_primitives, max_mesh_output_layers, max_mesh_multiview_view_count, mesh_output_per_vertex_granularity, mesh_output_per_primitive_granularity, max_preferred_task_work_group_invocations, max_preferred_mesh_work_group_invocations, prefers_local_invocation_vertex_output, prefers_local_invocation_primitive_output, prefers_compact_vertex_output, prefers_compact_primitive_output) _PhysicalDeviceMeshShaderPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_mesh\\_shader Arguments: - `group_count_x::UInt32` - `group_count_y::UInt32` - `group_count_z::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrawMeshTasksIndirectCommandEXT.html) """ function _DrawMeshTasksIndirectCommandEXT(group_count_x::Integer, group_count_y::Integer, group_count_z::Integer) _DrawMeshTasksIndirectCommandEXT(VkDrawMeshTasksIndirectCommandEXT(group_count_x, group_count_y, group_count_z)) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `type::RayTracingShaderGroupTypeKHR` - `general_shader::UInt32` - `closest_hit_shader::UInt32` - `any_hit_shader::UInt32` - `intersection_shader::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingShaderGroupCreateInfoNV.html) """ function _RayTracingShaderGroupCreateInfoNV(type::RayTracingShaderGroupTypeKHR, general_shader::Integer, closest_hit_shader::Integer, any_hit_shader::Integer, intersection_shader::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkRayTracingShaderGroupCreateInfoNV(structure_type(VkRayTracingShaderGroupCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), type, general_shader, closest_hit_shader, any_hit_shader, intersection_shader) _RayTracingShaderGroupCreateInfoNV(vks, deps) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `type::RayTracingShaderGroupTypeKHR` - `general_shader::UInt32` - `closest_hit_shader::UInt32` - `any_hit_shader::UInt32` - `intersection_shader::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `shader_group_capture_replay_handle::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingShaderGroupCreateInfoKHR.html) """ function _RayTracingShaderGroupCreateInfoKHR(type::RayTracingShaderGroupTypeKHR, general_shader::Integer, closest_hit_shader::Integer, any_hit_shader::Integer, intersection_shader::Integer; next = C_NULL, shader_group_capture_replay_handle = C_NULL) next = cconvert(Ptr{Cvoid}, next) shader_group_capture_replay_handle = cconvert(Ptr{Cvoid}, shader_group_capture_replay_handle) deps = Any[next, shader_group_capture_replay_handle] vks = VkRayTracingShaderGroupCreateInfoKHR(structure_type(VkRayTracingShaderGroupCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), type, general_shader, closest_hit_shader, any_hit_shader, intersection_shader, unsafe_convert(Ptr{Cvoid}, shader_group_capture_replay_handle)) _RayTracingShaderGroupCreateInfoKHR(vks, deps) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `stages::Vector{_PipelineShaderStageCreateInfo}` - `groups::Vector{_RayTracingShaderGroupCreateInfoNV}` - `max_recursion_depth::UInt32` - `layout::PipelineLayout` - `base_pipeline_index::Int32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PipelineCreateFlag`: defaults to `0` - `base_pipeline_handle::Pipeline`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingPipelineCreateInfoNV.html) """ function _RayTracingPipelineCreateInfoNV(stages::AbstractArray, groups::AbstractArray, max_recursion_depth::Integer, layout, base_pipeline_index::Integer; next = C_NULL, flags = 0, base_pipeline_handle = C_NULL) stage_count = pointer_length(stages) group_count = pointer_length(groups) next = cconvert(Ptr{Cvoid}, next) stages = cconvert(Ptr{VkPipelineShaderStageCreateInfo}, stages) groups = cconvert(Ptr{VkRayTracingShaderGroupCreateInfoNV}, groups) deps = Any[next, stages, groups] vks = VkRayTracingPipelineCreateInfoNV(structure_type(VkRayTracingPipelineCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), flags, stage_count, unsafe_convert(Ptr{VkPipelineShaderStageCreateInfo}, stages), group_count, unsafe_convert(Ptr{VkRayTracingShaderGroupCreateInfoNV}, groups), max_recursion_depth, layout, base_pipeline_handle, base_pipeline_index) _RayTracingPipelineCreateInfoNV(vks, deps, layout, base_pipeline_handle) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `stages::Vector{_PipelineShaderStageCreateInfo}` - `groups::Vector{_RayTracingShaderGroupCreateInfoKHR}` - `max_pipeline_ray_recursion_depth::UInt32` - `layout::PipelineLayout` - `base_pipeline_index::Int32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PipelineCreateFlag`: defaults to `0` - `library_info::_PipelineLibraryCreateInfoKHR`: defaults to `C_NULL` - `library_interface::_RayTracingPipelineInterfaceCreateInfoKHR`: defaults to `C_NULL` - `dynamic_state::_PipelineDynamicStateCreateInfo`: defaults to `C_NULL` - `base_pipeline_handle::Pipeline`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingPipelineCreateInfoKHR.html) """ function _RayTracingPipelineCreateInfoKHR(stages::AbstractArray, groups::AbstractArray, max_pipeline_ray_recursion_depth::Integer, layout, base_pipeline_index::Integer; next = C_NULL, flags = 0, library_info = C_NULL, library_interface = C_NULL, dynamic_state = C_NULL, base_pipeline_handle = C_NULL) stage_count = pointer_length(stages) group_count = pointer_length(groups) next = cconvert(Ptr{Cvoid}, next) stages = cconvert(Ptr{VkPipelineShaderStageCreateInfo}, stages) groups = cconvert(Ptr{VkRayTracingShaderGroupCreateInfoKHR}, groups) library_info = cconvert(Ptr{VkPipelineLibraryCreateInfoKHR}, library_info) library_interface = cconvert(Ptr{VkRayTracingPipelineInterfaceCreateInfoKHR}, library_interface) dynamic_state = cconvert(Ptr{VkPipelineDynamicStateCreateInfo}, dynamic_state) deps = Any[next, stages, groups, library_info, library_interface, dynamic_state] vks = VkRayTracingPipelineCreateInfoKHR(structure_type(VkRayTracingPipelineCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), flags, stage_count, unsafe_convert(Ptr{VkPipelineShaderStageCreateInfo}, stages), group_count, unsafe_convert(Ptr{VkRayTracingShaderGroupCreateInfoKHR}, groups), max_pipeline_ray_recursion_depth, unsafe_convert(Ptr{VkPipelineLibraryCreateInfoKHR}, library_info), unsafe_convert(Ptr{VkRayTracingPipelineInterfaceCreateInfoKHR}, library_interface), unsafe_convert(Ptr{VkPipelineDynamicStateCreateInfo}, dynamic_state), layout, base_pipeline_handle, base_pipeline_index) _RayTracingPipelineCreateInfoKHR(vks, deps, layout, base_pipeline_handle) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `vertex_offset::UInt64` - `vertex_count::UInt32` - `vertex_stride::UInt64` - `vertex_format::Format` - `index_offset::UInt64` - `index_count::UInt32` - `index_type::IndexType` - `transform_offset::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `vertex_data::Buffer`: defaults to `C_NULL` - `index_data::Buffer`: defaults to `C_NULL` - `transform_data::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryTrianglesNV.html) """ function _GeometryTrianglesNV(vertex_offset::Integer, vertex_count::Integer, vertex_stride::Integer, vertex_format::Format, index_offset::Integer, index_count::Integer, index_type::IndexType, transform_offset::Integer; next = C_NULL, vertex_data = C_NULL, index_data = C_NULL, transform_data = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkGeometryTrianglesNV(structure_type(VkGeometryTrianglesNV), unsafe_convert(Ptr{Cvoid}, next), vertex_data, vertex_offset, vertex_count, vertex_stride, vertex_format, index_data, index_offset, index_count, index_type, transform_data, transform_offset) _GeometryTrianglesNV(vks, deps, vertex_data, index_data, transform_data) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `num_aab_bs::UInt32` - `stride::UInt32` - `offset::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `aabb_data::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryAABBNV.html) """ function _GeometryAABBNV(num_aab_bs::Integer, stride::Integer, offset::Integer; next = C_NULL, aabb_data = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkGeometryAABBNV(structure_type(VkGeometryAABBNV), unsafe_convert(Ptr{Cvoid}, next), aabb_data, num_aab_bs, stride, offset) _GeometryAABBNV(vks, deps, aabb_data) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `triangles::_GeometryTrianglesNV` - `aabbs::_GeometryAABBNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryDataNV.html) """ function _GeometryDataNV(triangles::_GeometryTrianglesNV, aabbs::_GeometryAABBNV) _GeometryDataNV(VkGeometryDataNV(triangles.vks, aabbs.vks)) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `geometry_type::GeometryTypeKHR` - `geometry::_GeometryDataNV` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::GeometryFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryNV.html) """ function _GeometryNV(geometry_type::GeometryTypeKHR, geometry::_GeometryDataNV; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkGeometryNV(structure_type(VkGeometryNV), unsafe_convert(Ptr{Cvoid}, next), geometry_type, geometry.vks, flags) _GeometryNV(vks, deps) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `type::VkAccelerationStructureTypeNV` - `geometries::Vector{_GeometryNV}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::VkBuildAccelerationStructureFlagsNV`: defaults to `0` - `instance_count::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureInfoNV.html) """ function _AccelerationStructureInfoNV(type::VkAccelerationStructureTypeNV, geometries::AbstractArray; next = C_NULL, flags = 0, instance_count = 0) geometry_count = pointer_length(geometries) next = cconvert(Ptr{Cvoid}, next) geometries = cconvert(Ptr{VkGeometryNV}, geometries) deps = Any[next, geometries] vks = VkAccelerationStructureInfoNV(structure_type(VkAccelerationStructureInfoNV), unsafe_convert(Ptr{Cvoid}, next), type, flags, instance_count, geometry_count, unsafe_convert(Ptr{VkGeometryNV}, geometries)) _AccelerationStructureInfoNV(vks, deps) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `compacted_size::UInt64` - `info::_AccelerationStructureInfoNV` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureCreateInfoNV.html) """ function _AccelerationStructureCreateInfoNV(compacted_size::Integer, info::_AccelerationStructureInfoNV; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAccelerationStructureCreateInfoNV(structure_type(VkAccelerationStructureCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), compacted_size, info.vks) _AccelerationStructureCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `acceleration_structure::AccelerationStructureNV` - `memory::DeviceMemory` - `memory_offset::UInt64` - `device_indices::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindAccelerationStructureMemoryInfoNV.html) """ function _BindAccelerationStructureMemoryInfoNV(acceleration_structure, memory, memory_offset::Integer, device_indices::AbstractArray; next = C_NULL) device_index_count = pointer_length(device_indices) next = cconvert(Ptr{Cvoid}, next) device_indices = cconvert(Ptr{UInt32}, device_indices) deps = Any[next, device_indices] vks = VkBindAccelerationStructureMemoryInfoNV(structure_type(VkBindAccelerationStructureMemoryInfoNV), unsafe_convert(Ptr{Cvoid}, next), acceleration_structure, memory, memory_offset, device_index_count, unsafe_convert(Ptr{UInt32}, device_indices)) _BindAccelerationStructureMemoryInfoNV(vks, deps, acceleration_structure, memory) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `acceleration_structures::Vector{AccelerationStructureKHR}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSetAccelerationStructureKHR.html) """ function _WriteDescriptorSetAccelerationStructureKHR(acceleration_structures::AbstractArray; next = C_NULL) acceleration_structure_count = pointer_length(acceleration_structures) next = cconvert(Ptr{Cvoid}, next) acceleration_structures = cconvert(Ptr{VkAccelerationStructureKHR}, acceleration_structures) deps = Any[next, acceleration_structures] vks = VkWriteDescriptorSetAccelerationStructureKHR(structure_type(VkWriteDescriptorSetAccelerationStructureKHR), unsafe_convert(Ptr{Cvoid}, next), acceleration_structure_count, unsafe_convert(Ptr{VkAccelerationStructureKHR}, acceleration_structures)) _WriteDescriptorSetAccelerationStructureKHR(vks, deps) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `acceleration_structures::Vector{AccelerationStructureNV}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSetAccelerationStructureNV.html) """ function _WriteDescriptorSetAccelerationStructureNV(acceleration_structures::AbstractArray; next = C_NULL) acceleration_structure_count = pointer_length(acceleration_structures) next = cconvert(Ptr{Cvoid}, next) acceleration_structures = cconvert(Ptr{VkAccelerationStructureNV}, acceleration_structures) deps = Any[next, acceleration_structures] vks = VkWriteDescriptorSetAccelerationStructureNV(structure_type(VkWriteDescriptorSetAccelerationStructureNV), unsafe_convert(Ptr{Cvoid}, next), acceleration_structure_count, unsafe_convert(Ptr{VkAccelerationStructureNV}, acceleration_structures)) _WriteDescriptorSetAccelerationStructureNV(vks, deps) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `type::AccelerationStructureMemoryRequirementsTypeNV` - `acceleration_structure::AccelerationStructureNV` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMemoryRequirementsInfoNV.html) """ function _AccelerationStructureMemoryRequirementsInfoNV(type::AccelerationStructureMemoryRequirementsTypeNV, acceleration_structure; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAccelerationStructureMemoryRequirementsInfoNV(structure_type(VkAccelerationStructureMemoryRequirementsInfoNV), unsafe_convert(Ptr{Cvoid}, next), type, acceleration_structure) _AccelerationStructureMemoryRequirementsInfoNV(vks, deps, acceleration_structure) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `acceleration_structure::Bool` - `acceleration_structure_capture_replay::Bool` - `acceleration_structure_indirect_build::Bool` - `acceleration_structure_host_commands::Bool` - `descriptor_binding_acceleration_structure_update_after_bind::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAccelerationStructureFeaturesKHR.html) """ function _PhysicalDeviceAccelerationStructureFeaturesKHR(acceleration_structure::Bool, acceleration_structure_capture_replay::Bool, acceleration_structure_indirect_build::Bool, acceleration_structure_host_commands::Bool, descriptor_binding_acceleration_structure_update_after_bind::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceAccelerationStructureFeaturesKHR(structure_type(VkPhysicalDeviceAccelerationStructureFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), acceleration_structure, acceleration_structure_capture_replay, acceleration_structure_indirect_build, acceleration_structure_host_commands, descriptor_binding_acceleration_structure_update_after_bind) _PhysicalDeviceAccelerationStructureFeaturesKHR(vks, deps) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `ray_tracing_pipeline::Bool` - `ray_tracing_pipeline_shader_group_handle_capture_replay::Bool` - `ray_tracing_pipeline_shader_group_handle_capture_replay_mixed::Bool` - `ray_tracing_pipeline_trace_rays_indirect::Bool` - `ray_traversal_primitive_culling::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingPipelineFeaturesKHR.html) """ function _PhysicalDeviceRayTracingPipelineFeaturesKHR(ray_tracing_pipeline::Bool, ray_tracing_pipeline_shader_group_handle_capture_replay::Bool, ray_tracing_pipeline_shader_group_handle_capture_replay_mixed::Bool, ray_tracing_pipeline_trace_rays_indirect::Bool, ray_traversal_primitive_culling::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRayTracingPipelineFeaturesKHR(structure_type(VkPhysicalDeviceRayTracingPipelineFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), ray_tracing_pipeline, ray_tracing_pipeline_shader_group_handle_capture_replay, ray_tracing_pipeline_shader_group_handle_capture_replay_mixed, ray_tracing_pipeline_trace_rays_indirect, ray_traversal_primitive_culling) _PhysicalDeviceRayTracingPipelineFeaturesKHR(vks, deps) end """ Extension: VK\\_KHR\\_ray\\_query Arguments: - `ray_query::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayQueryFeaturesKHR.html) """ function _PhysicalDeviceRayQueryFeaturesKHR(ray_query::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRayQueryFeaturesKHR(structure_type(VkPhysicalDeviceRayQueryFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), ray_query) _PhysicalDeviceRayQueryFeaturesKHR(vks, deps) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `max_geometry_count::UInt64` - `max_instance_count::UInt64` - `max_primitive_count::UInt64` - `max_per_stage_descriptor_acceleration_structures::UInt32` - `max_per_stage_descriptor_update_after_bind_acceleration_structures::UInt32` - `max_descriptor_set_acceleration_structures::UInt32` - `max_descriptor_set_update_after_bind_acceleration_structures::UInt32` - `min_acceleration_structure_scratch_offset_alignment::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAccelerationStructurePropertiesKHR.html) """ function _PhysicalDeviceAccelerationStructurePropertiesKHR(max_geometry_count::Integer, max_instance_count::Integer, max_primitive_count::Integer, max_per_stage_descriptor_acceleration_structures::Integer, max_per_stage_descriptor_update_after_bind_acceleration_structures::Integer, max_descriptor_set_acceleration_structures::Integer, max_descriptor_set_update_after_bind_acceleration_structures::Integer, min_acceleration_structure_scratch_offset_alignment::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceAccelerationStructurePropertiesKHR(structure_type(VkPhysicalDeviceAccelerationStructurePropertiesKHR), unsafe_convert(Ptr{Cvoid}, next), max_geometry_count, max_instance_count, max_primitive_count, max_per_stage_descriptor_acceleration_structures, max_per_stage_descriptor_update_after_bind_acceleration_structures, max_descriptor_set_acceleration_structures, max_descriptor_set_update_after_bind_acceleration_structures, min_acceleration_structure_scratch_offset_alignment) _PhysicalDeviceAccelerationStructurePropertiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `shader_group_handle_size::UInt32` - `max_ray_recursion_depth::UInt32` - `max_shader_group_stride::UInt32` - `shader_group_base_alignment::UInt32` - `shader_group_handle_capture_replay_size::UInt32` - `max_ray_dispatch_invocation_count::UInt32` - `shader_group_handle_alignment::UInt32` - `max_ray_hit_attribute_size::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingPipelinePropertiesKHR.html) """ function _PhysicalDeviceRayTracingPipelinePropertiesKHR(shader_group_handle_size::Integer, max_ray_recursion_depth::Integer, max_shader_group_stride::Integer, shader_group_base_alignment::Integer, shader_group_handle_capture_replay_size::Integer, max_ray_dispatch_invocation_count::Integer, shader_group_handle_alignment::Integer, max_ray_hit_attribute_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRayTracingPipelinePropertiesKHR(structure_type(VkPhysicalDeviceRayTracingPipelinePropertiesKHR), unsafe_convert(Ptr{Cvoid}, next), shader_group_handle_size, max_ray_recursion_depth, max_shader_group_stride, shader_group_base_alignment, shader_group_handle_capture_replay_size, max_ray_dispatch_invocation_count, shader_group_handle_alignment, max_ray_hit_attribute_size) _PhysicalDeviceRayTracingPipelinePropertiesKHR(vks, deps) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `shader_group_handle_size::UInt32` - `max_recursion_depth::UInt32` - `max_shader_group_stride::UInt32` - `shader_group_base_alignment::UInt32` - `max_geometry_count::UInt64` - `max_instance_count::UInt64` - `max_triangle_count::UInt64` - `max_descriptor_set_acceleration_structures::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingPropertiesNV.html) """ function _PhysicalDeviceRayTracingPropertiesNV(shader_group_handle_size::Integer, max_recursion_depth::Integer, max_shader_group_stride::Integer, shader_group_base_alignment::Integer, max_geometry_count::Integer, max_instance_count::Integer, max_triangle_count::Integer, max_descriptor_set_acceleration_structures::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRayTracingPropertiesNV(structure_type(VkPhysicalDeviceRayTracingPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), shader_group_handle_size, max_recursion_depth, max_shader_group_stride, shader_group_base_alignment, max_geometry_count, max_instance_count, max_triangle_count, max_descriptor_set_acceleration_structures) _PhysicalDeviceRayTracingPropertiesNV(vks, deps) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `stride::UInt64` - `size::UInt64` - `device_address::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkStridedDeviceAddressRegionKHR.html) """ function _StridedDeviceAddressRegionKHR(stride::Integer, size::Integer; device_address = 0) _StridedDeviceAddressRegionKHR(VkStridedDeviceAddressRegionKHR(device_address, stride, size)) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `width::UInt32` - `height::UInt32` - `depth::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTraceRaysIndirectCommandKHR.html) """ function _TraceRaysIndirectCommandKHR(width::Integer, height::Integer, depth::Integer) _TraceRaysIndirectCommandKHR(VkTraceRaysIndirectCommandKHR(width, height, depth)) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_maintenance1 Arguments: - `raygen_shader_record_address::UInt64` - `raygen_shader_record_size::UInt64` - `miss_shader_binding_table_address::UInt64` - `miss_shader_binding_table_size::UInt64` - `miss_shader_binding_table_stride::UInt64` - `hit_shader_binding_table_address::UInt64` - `hit_shader_binding_table_size::UInt64` - `hit_shader_binding_table_stride::UInt64` - `callable_shader_binding_table_address::UInt64` - `callable_shader_binding_table_size::UInt64` - `callable_shader_binding_table_stride::UInt64` - `width::UInt32` - `height::UInt32` - `depth::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTraceRaysIndirectCommand2KHR.html) """ function _TraceRaysIndirectCommand2KHR(raygen_shader_record_address::Integer, raygen_shader_record_size::Integer, miss_shader_binding_table_address::Integer, miss_shader_binding_table_size::Integer, miss_shader_binding_table_stride::Integer, hit_shader_binding_table_address::Integer, hit_shader_binding_table_size::Integer, hit_shader_binding_table_stride::Integer, callable_shader_binding_table_address::Integer, callable_shader_binding_table_size::Integer, callable_shader_binding_table_stride::Integer, width::Integer, height::Integer, depth::Integer) _TraceRaysIndirectCommand2KHR(VkTraceRaysIndirectCommand2KHR(raygen_shader_record_address, raygen_shader_record_size, miss_shader_binding_table_address, miss_shader_binding_table_size, miss_shader_binding_table_stride, hit_shader_binding_table_address, hit_shader_binding_table_size, hit_shader_binding_table_stride, callable_shader_binding_table_address, callable_shader_binding_table_size, callable_shader_binding_table_stride, width, height, depth)) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_maintenance1 Arguments: - `ray_tracing_maintenance_1::Bool` - `ray_tracing_pipeline_trace_rays_indirect_2::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR.html) """ function _PhysicalDeviceRayTracingMaintenance1FeaturesKHR(ray_tracing_maintenance_1::Bool, ray_tracing_pipeline_trace_rays_indirect_2::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR(structure_type(VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), ray_tracing_maintenance_1, ray_tracing_pipeline_trace_rays_indirect_2) _PhysicalDeviceRayTracingMaintenance1FeaturesKHR(vks, deps) end """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `drm_format_modifier_properties::Vector{_DrmFormatModifierPropertiesEXT}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierPropertiesListEXT.html) """ function _DrmFormatModifierPropertiesListEXT(; next = C_NULL, drm_format_modifier_properties = C_NULL) drm_format_modifier_count = pointer_length(drm_format_modifier_properties) next = cconvert(Ptr{Cvoid}, next) drm_format_modifier_properties = cconvert(Ptr{VkDrmFormatModifierPropertiesEXT}, drm_format_modifier_properties) deps = Any[next, drm_format_modifier_properties] vks = VkDrmFormatModifierPropertiesListEXT(structure_type(VkDrmFormatModifierPropertiesListEXT), unsafe_convert(Ptr{Cvoid}, next), drm_format_modifier_count, unsafe_convert(Ptr{VkDrmFormatModifierPropertiesEXT}, drm_format_modifier_properties)) _DrmFormatModifierPropertiesListEXT(vks, deps) end """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `drm_format_modifier::UInt64` - `drm_format_modifier_plane_count::UInt32` - `drm_format_modifier_tiling_features::FormatFeatureFlag` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierPropertiesEXT.html) """ function _DrmFormatModifierPropertiesEXT(drm_format_modifier::Integer, drm_format_modifier_plane_count::Integer, drm_format_modifier_tiling_features::FormatFeatureFlag) _DrmFormatModifierPropertiesEXT(VkDrmFormatModifierPropertiesEXT(drm_format_modifier, drm_format_modifier_plane_count, drm_format_modifier_tiling_features)) end """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `drm_format_modifier::UInt64` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageDrmFormatModifierInfoEXT.html) """ function _PhysicalDeviceImageDrmFormatModifierInfoEXT(drm_format_modifier::Integer, sharing_mode::SharingMode, queue_family_indices::AbstractArray; next = C_NULL) queue_family_index_count = pointer_length(queue_family_indices) next = cconvert(Ptr{Cvoid}, next) queue_family_indices = cconvert(Ptr{UInt32}, queue_family_indices) deps = Any[next, queue_family_indices] vks = VkPhysicalDeviceImageDrmFormatModifierInfoEXT(structure_type(VkPhysicalDeviceImageDrmFormatModifierInfoEXT), unsafe_convert(Ptr{Cvoid}, next), drm_format_modifier, sharing_mode, queue_family_index_count, unsafe_convert(Ptr{UInt32}, queue_family_indices)) _PhysicalDeviceImageDrmFormatModifierInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `drm_format_modifiers::Vector{UInt64}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageDrmFormatModifierListCreateInfoEXT.html) """ function _ImageDrmFormatModifierListCreateInfoEXT(drm_format_modifiers::AbstractArray; next = C_NULL) drm_format_modifier_count = pointer_length(drm_format_modifiers) next = cconvert(Ptr{Cvoid}, next) drm_format_modifiers = cconvert(Ptr{UInt64}, drm_format_modifiers) deps = Any[next, drm_format_modifiers] vks = VkImageDrmFormatModifierListCreateInfoEXT(structure_type(VkImageDrmFormatModifierListCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), drm_format_modifier_count, unsafe_convert(Ptr{UInt64}, drm_format_modifiers)) _ImageDrmFormatModifierListCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `drm_format_modifier::UInt64` - `plane_layouts::Vector{_SubresourceLayout}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageDrmFormatModifierExplicitCreateInfoEXT.html) """ function _ImageDrmFormatModifierExplicitCreateInfoEXT(drm_format_modifier::Integer, plane_layouts::AbstractArray; next = C_NULL) drm_format_modifier_plane_count = pointer_length(plane_layouts) next = cconvert(Ptr{Cvoid}, next) plane_layouts = cconvert(Ptr{VkSubresourceLayout}, plane_layouts) deps = Any[next, plane_layouts] vks = VkImageDrmFormatModifierExplicitCreateInfoEXT(structure_type(VkImageDrmFormatModifierExplicitCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), drm_format_modifier, drm_format_modifier_plane_count, unsafe_convert(Ptr{VkSubresourceLayout}, plane_layouts)) _ImageDrmFormatModifierExplicitCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `drm_format_modifier::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageDrmFormatModifierPropertiesEXT.html) """ function _ImageDrmFormatModifierPropertiesEXT(drm_format_modifier::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageDrmFormatModifierPropertiesEXT(structure_type(VkImageDrmFormatModifierPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), drm_format_modifier) _ImageDrmFormatModifierPropertiesEXT(vks, deps) end """ Arguments: - `stencil_usage::ImageUsageFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageStencilUsageCreateInfo.html) """ function _ImageStencilUsageCreateInfo(stencil_usage::ImageUsageFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageStencilUsageCreateInfo(structure_type(VkImageStencilUsageCreateInfo), unsafe_convert(Ptr{Cvoid}, next), stencil_usage) _ImageStencilUsageCreateInfo(vks, deps) end """ Extension: VK\\_AMD\\_memory\\_overallocation\\_behavior Arguments: - `overallocation_behavior::MemoryOverallocationBehaviorAMD` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceMemoryOverallocationCreateInfoAMD.html) """ function _DeviceMemoryOverallocationCreateInfoAMD(overallocation_behavior::MemoryOverallocationBehaviorAMD; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceMemoryOverallocationCreateInfoAMD(structure_type(VkDeviceMemoryOverallocationCreateInfoAMD), unsafe_convert(Ptr{Cvoid}, next), overallocation_behavior) _DeviceMemoryOverallocationCreateInfoAMD(vks, deps) end """ Extension: VK\\_EXT\\_fragment\\_density\\_map Arguments: - `fragment_density_map::Bool` - `fragment_density_map_dynamic::Bool` - `fragment_density_map_non_subsampled_images::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapFeaturesEXT.html) """ function _PhysicalDeviceFragmentDensityMapFeaturesEXT(fragment_density_map::Bool, fragment_density_map_dynamic::Bool, fragment_density_map_non_subsampled_images::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentDensityMapFeaturesEXT(structure_type(VkPhysicalDeviceFragmentDensityMapFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), fragment_density_map, fragment_density_map_dynamic, fragment_density_map_non_subsampled_images) _PhysicalDeviceFragmentDensityMapFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_fragment\\_density\\_map2 Arguments: - `fragment_density_map_deferred::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMap2FeaturesEXT.html) """ function _PhysicalDeviceFragmentDensityMap2FeaturesEXT(fragment_density_map_deferred::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentDensityMap2FeaturesEXT(structure_type(VkPhysicalDeviceFragmentDensityMap2FeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), fragment_density_map_deferred) _PhysicalDeviceFragmentDensityMap2FeaturesEXT(vks, deps) end """ Extension: VK\\_QCOM\\_fragment\\_density\\_map\\_offset Arguments: - `fragment_density_map_offset::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM.html) """ function _PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM(fragment_density_map_offset::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM(structure_type(VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM), unsafe_convert(Ptr{Cvoid}, next), fragment_density_map_offset) _PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM(vks, deps) end """ Extension: VK\\_EXT\\_fragment\\_density\\_map Arguments: - `min_fragment_density_texel_size::_Extent2D` - `max_fragment_density_texel_size::_Extent2D` - `fragment_density_invocations::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapPropertiesEXT.html) """ function _PhysicalDeviceFragmentDensityMapPropertiesEXT(min_fragment_density_texel_size::_Extent2D, max_fragment_density_texel_size::_Extent2D, fragment_density_invocations::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentDensityMapPropertiesEXT(structure_type(VkPhysicalDeviceFragmentDensityMapPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), min_fragment_density_texel_size.vks, max_fragment_density_texel_size.vks, fragment_density_invocations) _PhysicalDeviceFragmentDensityMapPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_fragment\\_density\\_map2 Arguments: - `subsampled_loads::Bool` - `subsampled_coarse_reconstruction_early_access::Bool` - `max_subsampled_array_layers::UInt32` - `max_descriptor_set_subsampled_samplers::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMap2PropertiesEXT.html) """ function _PhysicalDeviceFragmentDensityMap2PropertiesEXT(subsampled_loads::Bool, subsampled_coarse_reconstruction_early_access::Bool, max_subsampled_array_layers::Integer, max_descriptor_set_subsampled_samplers::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentDensityMap2PropertiesEXT(structure_type(VkPhysicalDeviceFragmentDensityMap2PropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), subsampled_loads, subsampled_coarse_reconstruction_early_access, max_subsampled_array_layers, max_descriptor_set_subsampled_samplers) _PhysicalDeviceFragmentDensityMap2PropertiesEXT(vks, deps) end """ Extension: VK\\_QCOM\\_fragment\\_density\\_map\\_offset Arguments: - `fragment_density_offset_granularity::_Extent2D` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM.html) """ function _PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM(fragment_density_offset_granularity::_Extent2D; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM(structure_type(VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM), unsafe_convert(Ptr{Cvoid}, next), fragment_density_offset_granularity.vks) _PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM(vks, deps) end """ Extension: VK\\_EXT\\_fragment\\_density\\_map Arguments: - `fragment_density_map_attachment::_AttachmentReference` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassFragmentDensityMapCreateInfoEXT.html) """ function _RenderPassFragmentDensityMapCreateInfoEXT(fragment_density_map_attachment::_AttachmentReference; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkRenderPassFragmentDensityMapCreateInfoEXT(structure_type(VkRenderPassFragmentDensityMapCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), fragment_density_map_attachment.vks) _RenderPassFragmentDensityMapCreateInfoEXT(vks, deps) end """ Extension: VK\\_QCOM\\_fragment\\_density\\_map\\_offset Arguments: - `fragment_density_offsets::Vector{_Offset2D}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassFragmentDensityMapOffsetEndInfoQCOM.html) """ function _SubpassFragmentDensityMapOffsetEndInfoQCOM(fragment_density_offsets::AbstractArray; next = C_NULL) fragment_density_offset_count = pointer_length(fragment_density_offsets) next = cconvert(Ptr{Cvoid}, next) fragment_density_offsets = cconvert(Ptr{VkOffset2D}, fragment_density_offsets) deps = Any[next, fragment_density_offsets] vks = VkSubpassFragmentDensityMapOffsetEndInfoQCOM(structure_type(VkSubpassFragmentDensityMapOffsetEndInfoQCOM), unsafe_convert(Ptr{Cvoid}, next), fragment_density_offset_count, unsafe_convert(Ptr{VkOffset2D}, fragment_density_offsets)) _SubpassFragmentDensityMapOffsetEndInfoQCOM(vks, deps) end """ Arguments: - `scalar_block_layout::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceScalarBlockLayoutFeatures.html) """ function _PhysicalDeviceScalarBlockLayoutFeatures(scalar_block_layout::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceScalarBlockLayoutFeatures(structure_type(VkPhysicalDeviceScalarBlockLayoutFeatures), unsafe_convert(Ptr{Cvoid}, next), scalar_block_layout) _PhysicalDeviceScalarBlockLayoutFeatures(vks, deps) end """ Extension: VK\\_KHR\\_surface\\_protected\\_capabilities Arguments: - `supports_protected::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceProtectedCapabilitiesKHR.html) """ function _SurfaceProtectedCapabilitiesKHR(supports_protected::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSurfaceProtectedCapabilitiesKHR(structure_type(VkSurfaceProtectedCapabilitiesKHR), unsafe_convert(Ptr{Cvoid}, next), supports_protected) _SurfaceProtectedCapabilitiesKHR(vks, deps) end """ Arguments: - `uniform_buffer_standard_layout::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceUniformBufferStandardLayoutFeatures.html) """ function _PhysicalDeviceUniformBufferStandardLayoutFeatures(uniform_buffer_standard_layout::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceUniformBufferStandardLayoutFeatures(structure_type(VkPhysicalDeviceUniformBufferStandardLayoutFeatures), unsafe_convert(Ptr{Cvoid}, next), uniform_buffer_standard_layout) _PhysicalDeviceUniformBufferStandardLayoutFeatures(vks, deps) end """ Extension: VK\\_EXT\\_depth\\_clip\\_enable Arguments: - `depth_clip_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthClipEnableFeaturesEXT.html) """ function _PhysicalDeviceDepthClipEnableFeaturesEXT(depth_clip_enable::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDepthClipEnableFeaturesEXT(structure_type(VkPhysicalDeviceDepthClipEnableFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), depth_clip_enable) _PhysicalDeviceDepthClipEnableFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_depth\\_clip\\_enable Arguments: - `depth_clip_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationDepthClipStateCreateInfoEXT.html) """ function _PipelineRasterizationDepthClipStateCreateInfoEXT(depth_clip_enable::Bool; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineRasterizationDepthClipStateCreateInfoEXT(structure_type(VkPipelineRasterizationDepthClipStateCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), flags, depth_clip_enable) _PipelineRasterizationDepthClipStateCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_memory\\_budget Arguments: - `heap_budget::NTuple{Int(VK_MAX_MEMORY_HEAPS), UInt64}` - `heap_usage::NTuple{Int(VK_MAX_MEMORY_HEAPS), UInt64}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryBudgetPropertiesEXT.html) """ function _PhysicalDeviceMemoryBudgetPropertiesEXT(heap_budget::NTuple{Int(VK_MAX_MEMORY_HEAPS), UInt64}, heap_usage::NTuple{Int(VK_MAX_MEMORY_HEAPS), UInt64}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMemoryBudgetPropertiesEXT(structure_type(VkPhysicalDeviceMemoryBudgetPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), heap_budget, heap_usage) _PhysicalDeviceMemoryBudgetPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_memory\\_priority Arguments: - `memory_priority::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryPriorityFeaturesEXT.html) """ function _PhysicalDeviceMemoryPriorityFeaturesEXT(memory_priority::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMemoryPriorityFeaturesEXT(structure_type(VkPhysicalDeviceMemoryPriorityFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), memory_priority) _PhysicalDeviceMemoryPriorityFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_memory\\_priority Arguments: - `priority::Float32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryPriorityAllocateInfoEXT.html) """ function _MemoryPriorityAllocateInfoEXT(priority::Real; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryPriorityAllocateInfoEXT(structure_type(VkMemoryPriorityAllocateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), priority) _MemoryPriorityAllocateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_pageable\\_device\\_local\\_memory Arguments: - `pageable_device_local_memory::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT.html) """ function _PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT(pageable_device_local_memory::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT(structure_type(VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), pageable_device_local_memory) _PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT(vks, deps) end """ Arguments: - `buffer_device_address::Bool` - `buffer_device_address_capture_replay::Bool` - `buffer_device_address_multi_device::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBufferDeviceAddressFeatures.html) """ function _PhysicalDeviceBufferDeviceAddressFeatures(buffer_device_address::Bool, buffer_device_address_capture_replay::Bool, buffer_device_address_multi_device::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceBufferDeviceAddressFeatures(structure_type(VkPhysicalDeviceBufferDeviceAddressFeatures), unsafe_convert(Ptr{Cvoid}, next), buffer_device_address, buffer_device_address_capture_replay, buffer_device_address_multi_device) _PhysicalDeviceBufferDeviceAddressFeatures(vks, deps) end """ Extension: VK\\_EXT\\_buffer\\_device\\_address Arguments: - `buffer_device_address::Bool` - `buffer_device_address_capture_replay::Bool` - `buffer_device_address_multi_device::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBufferDeviceAddressFeaturesEXT.html) """ function _PhysicalDeviceBufferDeviceAddressFeaturesEXT(buffer_device_address::Bool, buffer_device_address_capture_replay::Bool, buffer_device_address_multi_device::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceBufferDeviceAddressFeaturesEXT(structure_type(VkPhysicalDeviceBufferDeviceAddressFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), buffer_device_address, buffer_device_address_capture_replay, buffer_device_address_multi_device) _PhysicalDeviceBufferDeviceAddressFeaturesEXT(vks, deps) end """ Arguments: - `buffer::Buffer` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferDeviceAddressInfo.html) """ function _BufferDeviceAddressInfo(buffer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBufferDeviceAddressInfo(structure_type(VkBufferDeviceAddressInfo), unsafe_convert(Ptr{Cvoid}, next), buffer) _BufferDeviceAddressInfo(vks, deps, buffer) end """ Arguments: - `opaque_capture_address::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferOpaqueCaptureAddressCreateInfo.html) """ function _BufferOpaqueCaptureAddressCreateInfo(opaque_capture_address::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBufferOpaqueCaptureAddressCreateInfo(structure_type(VkBufferOpaqueCaptureAddressCreateInfo), unsafe_convert(Ptr{Cvoid}, next), opaque_capture_address) _BufferOpaqueCaptureAddressCreateInfo(vks, deps) end """ Extension: VK\\_EXT\\_buffer\\_device\\_address Arguments: - `device_address::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferDeviceAddressCreateInfoEXT.html) """ function _BufferDeviceAddressCreateInfoEXT(device_address::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBufferDeviceAddressCreateInfoEXT(structure_type(VkBufferDeviceAddressCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), device_address) _BufferDeviceAddressCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_filter\\_cubic Arguments: - `image_view_type::ImageViewType` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageViewImageFormatInfoEXT.html) """ function _PhysicalDeviceImageViewImageFormatInfoEXT(image_view_type::ImageViewType; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceImageViewImageFormatInfoEXT(structure_type(VkPhysicalDeviceImageViewImageFormatInfoEXT), unsafe_convert(Ptr{Cvoid}, next), image_view_type) _PhysicalDeviceImageViewImageFormatInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_filter\\_cubic Arguments: - `filter_cubic::Bool` - `filter_cubic_minmax::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFilterCubicImageViewImageFormatPropertiesEXT.html) """ function _FilterCubicImageViewImageFormatPropertiesEXT(filter_cubic::Bool, filter_cubic_minmax::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkFilterCubicImageViewImageFormatPropertiesEXT(structure_type(VkFilterCubicImageViewImageFormatPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), filter_cubic, filter_cubic_minmax) _FilterCubicImageViewImageFormatPropertiesEXT(vks, deps) end """ Arguments: - `imageless_framebuffer::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImagelessFramebufferFeatures.html) """ function _PhysicalDeviceImagelessFramebufferFeatures(imageless_framebuffer::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceImagelessFramebufferFeatures(structure_type(VkPhysicalDeviceImagelessFramebufferFeatures), unsafe_convert(Ptr{Cvoid}, next), imageless_framebuffer) _PhysicalDeviceImagelessFramebufferFeatures(vks, deps) end """ Arguments: - `attachment_image_infos::Vector{_FramebufferAttachmentImageInfo}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferAttachmentsCreateInfo.html) """ function _FramebufferAttachmentsCreateInfo(attachment_image_infos::AbstractArray; next = C_NULL) attachment_image_info_count = pointer_length(attachment_image_infos) next = cconvert(Ptr{Cvoid}, next) attachment_image_infos = cconvert(Ptr{VkFramebufferAttachmentImageInfo}, attachment_image_infos) deps = Any[next, attachment_image_infos] vks = VkFramebufferAttachmentsCreateInfo(structure_type(VkFramebufferAttachmentsCreateInfo), unsafe_convert(Ptr{Cvoid}, next), attachment_image_info_count, unsafe_convert(Ptr{VkFramebufferAttachmentImageInfo}, attachment_image_infos)) _FramebufferAttachmentsCreateInfo(vks, deps) end """ Arguments: - `usage::ImageUsageFlag` - `width::UInt32` - `height::UInt32` - `layer_count::UInt32` - `view_formats::Vector{Format}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::ImageCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferAttachmentImageInfo.html) """ function _FramebufferAttachmentImageInfo(usage::ImageUsageFlag, width::Integer, height::Integer, layer_count::Integer, view_formats::AbstractArray; next = C_NULL, flags = 0) view_format_count = pointer_length(view_formats) next = cconvert(Ptr{Cvoid}, next) view_formats = cconvert(Ptr{VkFormat}, view_formats) deps = Any[next, view_formats] vks = VkFramebufferAttachmentImageInfo(structure_type(VkFramebufferAttachmentImageInfo), unsafe_convert(Ptr{Cvoid}, next), flags, usage, width, height, layer_count, view_format_count, unsafe_convert(Ptr{VkFormat}, view_formats)) _FramebufferAttachmentImageInfo(vks, deps) end """ Arguments: - `attachments::Vector{ImageView}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassAttachmentBeginInfo.html) """ function _RenderPassAttachmentBeginInfo(attachments::AbstractArray; next = C_NULL) attachment_count = pointer_length(attachments) next = cconvert(Ptr{Cvoid}, next) attachments = cconvert(Ptr{VkImageView}, attachments) deps = Any[next, attachments] vks = VkRenderPassAttachmentBeginInfo(structure_type(VkRenderPassAttachmentBeginInfo), unsafe_convert(Ptr{Cvoid}, next), attachment_count, unsafe_convert(Ptr{VkImageView}, attachments)) _RenderPassAttachmentBeginInfo(vks, deps) end """ Arguments: - `texture_compression_astc_hdr::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTextureCompressionASTCHDRFeatures.html) """ function _PhysicalDeviceTextureCompressionASTCHDRFeatures(texture_compression_astc_hdr::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceTextureCompressionASTCHDRFeatures(structure_type(VkPhysicalDeviceTextureCompressionASTCHDRFeatures), unsafe_convert(Ptr{Cvoid}, next), texture_compression_astc_hdr) _PhysicalDeviceTextureCompressionASTCHDRFeatures(vks, deps) end """ Extension: VK\\_NV\\_cooperative\\_matrix Arguments: - `cooperative_matrix::Bool` - `cooperative_matrix_robust_buffer_access::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCooperativeMatrixFeaturesNV.html) """ function _PhysicalDeviceCooperativeMatrixFeaturesNV(cooperative_matrix::Bool, cooperative_matrix_robust_buffer_access::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceCooperativeMatrixFeaturesNV(structure_type(VkPhysicalDeviceCooperativeMatrixFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), cooperative_matrix, cooperative_matrix_robust_buffer_access) _PhysicalDeviceCooperativeMatrixFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_cooperative\\_matrix Arguments: - `cooperative_matrix_supported_stages::ShaderStageFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCooperativeMatrixPropertiesNV.html) """ function _PhysicalDeviceCooperativeMatrixPropertiesNV(cooperative_matrix_supported_stages::ShaderStageFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceCooperativeMatrixPropertiesNV(structure_type(VkPhysicalDeviceCooperativeMatrixPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), cooperative_matrix_supported_stages) _PhysicalDeviceCooperativeMatrixPropertiesNV(vks, deps) end """ Extension: VK\\_NV\\_cooperative\\_matrix Arguments: - `m_size::UInt32` - `n_size::UInt32` - `k_size::UInt32` - `a_type::ComponentTypeNV` - `b_type::ComponentTypeNV` - `c_type::ComponentTypeNV` - `d_type::ComponentTypeNV` - `scope::ScopeNV` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCooperativeMatrixPropertiesNV.html) """ function _CooperativeMatrixPropertiesNV(m_size::Integer, n_size::Integer, k_size::Integer, a_type::ComponentTypeNV, b_type::ComponentTypeNV, c_type::ComponentTypeNV, d_type::ComponentTypeNV, scope::ScopeNV; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCooperativeMatrixPropertiesNV(structure_type(VkCooperativeMatrixPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), m_size, n_size, k_size, a_type, b_type, c_type, d_type, scope) _CooperativeMatrixPropertiesNV(vks, deps) end """ Extension: VK\\_EXT\\_ycbcr\\_image\\_arrays Arguments: - `ycbcr_image_arrays::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceYcbcrImageArraysFeaturesEXT.html) """ function _PhysicalDeviceYcbcrImageArraysFeaturesEXT(ycbcr_image_arrays::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceYcbcrImageArraysFeaturesEXT(structure_type(VkPhysicalDeviceYcbcrImageArraysFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), ycbcr_image_arrays) _PhysicalDeviceYcbcrImageArraysFeaturesEXT(vks, deps) end """ Extension: VK\\_NVX\\_image\\_view\\_handle Arguments: - `image_view::ImageView` - `descriptor_type::DescriptorType` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `sampler::Sampler`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewHandleInfoNVX.html) """ function _ImageViewHandleInfoNVX(image_view, descriptor_type::DescriptorType; next = C_NULL, sampler = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageViewHandleInfoNVX(structure_type(VkImageViewHandleInfoNVX), unsafe_convert(Ptr{Cvoid}, next), image_view, descriptor_type, sampler) _ImageViewHandleInfoNVX(vks, deps, image_view, sampler) end """ Extension: VK\\_NVX\\_image\\_view\\_handle Arguments: - `device_address::UInt64` - `size::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewAddressPropertiesNVX.html) """ function _ImageViewAddressPropertiesNVX(device_address::Integer, size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageViewAddressPropertiesNVX(structure_type(VkImageViewAddressPropertiesNVX), unsafe_convert(Ptr{Cvoid}, next), device_address, size) _ImageViewAddressPropertiesNVX(vks, deps) end """ Arguments: - `flags::PipelineCreationFeedbackFlag` - `duration::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCreationFeedback.html) """ function _PipelineCreationFeedback(flags::PipelineCreationFeedbackFlag, duration::Integer) _PipelineCreationFeedback(VkPipelineCreationFeedback(flags, duration)) end """ Arguments: - `pipeline_creation_feedback::_PipelineCreationFeedback` - `pipeline_stage_creation_feedbacks::Vector{_PipelineCreationFeedback}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCreationFeedbackCreateInfo.html) """ function _PipelineCreationFeedbackCreateInfo(pipeline_creation_feedback::_PipelineCreationFeedback, pipeline_stage_creation_feedbacks::AbstractArray; next = C_NULL) pipeline_stage_creation_feedback_count = pointer_length(pipeline_stage_creation_feedbacks) next = cconvert(Ptr{Cvoid}, next) pipeline_creation_feedback = cconvert(Ptr{VkPipelineCreationFeedback}, pipeline_creation_feedback) pipeline_stage_creation_feedbacks = cconvert(Ptr{Ptr{VkPipelineCreationFeedback}}, pipeline_stage_creation_feedbacks) deps = Any[next, pipeline_creation_feedback, pipeline_stage_creation_feedbacks] vks = VkPipelineCreationFeedbackCreateInfo(structure_type(VkPipelineCreationFeedbackCreateInfo), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{VkPipelineCreationFeedback}, pipeline_creation_feedback), pipeline_stage_creation_feedback_count, unsafe_convert(Ptr{Ptr{VkPipelineCreationFeedback}}, pipeline_stage_creation_feedbacks)) _PipelineCreationFeedbackCreateInfo(vks, deps) end """ Extension: VK\\_NV\\_present\\_barrier Arguments: - `present_barrier::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePresentBarrierFeaturesNV.html) """ function _PhysicalDevicePresentBarrierFeaturesNV(present_barrier::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePresentBarrierFeaturesNV(structure_type(VkPhysicalDevicePresentBarrierFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), present_barrier) _PhysicalDevicePresentBarrierFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_present\\_barrier Arguments: - `present_barrier_supported::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilitiesPresentBarrierNV.html) """ function _SurfaceCapabilitiesPresentBarrierNV(present_barrier_supported::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSurfaceCapabilitiesPresentBarrierNV(structure_type(VkSurfaceCapabilitiesPresentBarrierNV), unsafe_convert(Ptr{Cvoid}, next), present_barrier_supported) _SurfaceCapabilitiesPresentBarrierNV(vks, deps) end """ Extension: VK\\_NV\\_present\\_barrier Arguments: - `present_barrier_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentBarrierCreateInfoNV.html) """ function _SwapchainPresentBarrierCreateInfoNV(present_barrier_enable::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSwapchainPresentBarrierCreateInfoNV(structure_type(VkSwapchainPresentBarrierCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), present_barrier_enable) _SwapchainPresentBarrierCreateInfoNV(vks, deps) end """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `performance_counter_query_pools::Bool` - `performance_counter_multiple_query_pools::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePerformanceQueryFeaturesKHR.html) """ function _PhysicalDevicePerformanceQueryFeaturesKHR(performance_counter_query_pools::Bool, performance_counter_multiple_query_pools::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePerformanceQueryFeaturesKHR(structure_type(VkPhysicalDevicePerformanceQueryFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), performance_counter_query_pools, performance_counter_multiple_query_pools) _PhysicalDevicePerformanceQueryFeaturesKHR(vks, deps) end """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `allow_command_buffer_query_copies::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePerformanceQueryPropertiesKHR.html) """ function _PhysicalDevicePerformanceQueryPropertiesKHR(allow_command_buffer_query_copies::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePerformanceQueryPropertiesKHR(structure_type(VkPhysicalDevicePerformanceQueryPropertiesKHR), unsafe_convert(Ptr{Cvoid}, next), allow_command_buffer_query_copies) _PhysicalDevicePerformanceQueryPropertiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `unit::PerformanceCounterUnitKHR` - `scope::PerformanceCounterScopeKHR` - `storage::PerformanceCounterStorageKHR` - `uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceCounterKHR.html) """ function _PerformanceCounterKHR(unit::PerformanceCounterUnitKHR, scope::PerformanceCounterScopeKHR, storage::PerformanceCounterStorageKHR, uuid::NTuple{Int(VK_UUID_SIZE), UInt8}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPerformanceCounterKHR(structure_type(VkPerformanceCounterKHR), unsafe_convert(Ptr{Cvoid}, next), unit, scope, storage, uuid) _PerformanceCounterKHR(vks, deps) end """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `name::String` - `category::String` - `description::String` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PerformanceCounterDescriptionFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceCounterDescriptionKHR.html) """ function _PerformanceCounterDescriptionKHR(name::AbstractString, category::AbstractString, description::AbstractString; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPerformanceCounterDescriptionKHR(structure_type(VkPerformanceCounterDescriptionKHR), unsafe_convert(Ptr{Cvoid}, next), flags, name, category, description) _PerformanceCounterDescriptionKHR(vks, deps) end """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `queue_family_index::UInt32` - `counter_indices::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueryPoolPerformanceCreateInfoKHR.html) """ function _QueryPoolPerformanceCreateInfoKHR(queue_family_index::Integer, counter_indices::AbstractArray; next = C_NULL) counter_index_count = pointer_length(counter_indices) next = cconvert(Ptr{Cvoid}, next) counter_indices = cconvert(Ptr{UInt32}, counter_indices) deps = Any[next, counter_indices] vks = VkQueryPoolPerformanceCreateInfoKHR(structure_type(VkQueryPoolPerformanceCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), queue_family_index, counter_index_count, unsafe_convert(Ptr{UInt32}, counter_indices)) _QueryPoolPerformanceCreateInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `timeout::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::AcquireProfilingLockFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAcquireProfilingLockInfoKHR.html) """ function _AcquireProfilingLockInfoKHR(timeout::Integer; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAcquireProfilingLockInfoKHR(structure_type(VkAcquireProfilingLockInfoKHR), unsafe_convert(Ptr{Cvoid}, next), flags, timeout) _AcquireProfilingLockInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `counter_pass_index::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceQuerySubmitInfoKHR.html) """ function _PerformanceQuerySubmitInfoKHR(counter_pass_index::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPerformanceQuerySubmitInfoKHR(structure_type(VkPerformanceQuerySubmitInfoKHR), unsafe_convert(Ptr{Cvoid}, next), counter_pass_index) _PerformanceQuerySubmitInfoKHR(vks, deps) end """ Extension: VK\\_EXT\\_headless\\_surface Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkHeadlessSurfaceCreateInfoEXT.html) """ function _HeadlessSurfaceCreateInfoEXT(; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkHeadlessSurfaceCreateInfoEXT(structure_type(VkHeadlessSurfaceCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), flags) _HeadlessSurfaceCreateInfoEXT(vks, deps) end """ Extension: VK\\_NV\\_coverage\\_reduction\\_mode Arguments: - `coverage_reduction_mode::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCoverageReductionModeFeaturesNV.html) """ function _PhysicalDeviceCoverageReductionModeFeaturesNV(coverage_reduction_mode::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceCoverageReductionModeFeaturesNV(structure_type(VkPhysicalDeviceCoverageReductionModeFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), coverage_reduction_mode) _PhysicalDeviceCoverageReductionModeFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_coverage\\_reduction\\_mode Arguments: - `coverage_reduction_mode::CoverageReductionModeNV` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCoverageReductionStateCreateInfoNV.html) """ function _PipelineCoverageReductionStateCreateInfoNV(coverage_reduction_mode::CoverageReductionModeNV; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineCoverageReductionStateCreateInfoNV(structure_type(VkPipelineCoverageReductionStateCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), flags, coverage_reduction_mode) _PipelineCoverageReductionStateCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_coverage\\_reduction\\_mode Arguments: - `coverage_reduction_mode::CoverageReductionModeNV` - `rasterization_samples::SampleCountFlag` - `depth_stencil_samples::SampleCountFlag` - `color_samples::SampleCountFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferMixedSamplesCombinationNV.html) """ function _FramebufferMixedSamplesCombinationNV(coverage_reduction_mode::CoverageReductionModeNV, rasterization_samples::SampleCountFlag, depth_stencil_samples::SampleCountFlag, color_samples::SampleCountFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkFramebufferMixedSamplesCombinationNV(structure_type(VkFramebufferMixedSamplesCombinationNV), unsafe_convert(Ptr{Cvoid}, next), coverage_reduction_mode, VkSampleCountFlagBits(rasterization_samples.val), depth_stencil_samples, color_samples) _FramebufferMixedSamplesCombinationNV(vks, deps) end """ Extension: VK\\_INTEL\\_shader\\_integer\\_functions2 Arguments: - `shader_integer_functions_2::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL.html) """ function _PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL(shader_integer_functions_2::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL(structure_type(VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL), unsafe_convert(Ptr{Cvoid}, next), shader_integer_functions_2) _PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL(vks, deps) end """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `type::PerformanceValueTypeINTEL` - `data::_PerformanceValueDataINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceValueINTEL.html) """ function _PerformanceValueINTEL(type::PerformanceValueTypeINTEL, data::_PerformanceValueDataINTEL) _PerformanceValueINTEL(VkPerformanceValueINTEL(type, data.vks)) end """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkInitializePerformanceApiInfoINTEL.html) """ function _InitializePerformanceApiInfoINTEL(; next = C_NULL, user_data = C_NULL) next = cconvert(Ptr{Cvoid}, next) user_data = cconvert(Ptr{Cvoid}, user_data) deps = Any[next, user_data] vks = VkInitializePerformanceApiInfoINTEL(structure_type(VkInitializePerformanceApiInfoINTEL), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{Cvoid}, user_data)) _InitializePerformanceApiInfoINTEL(vks, deps) end """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `performance_counters_sampling::QueryPoolSamplingModeINTEL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueryPoolPerformanceQueryCreateInfoINTEL.html) """ function _QueryPoolPerformanceQueryCreateInfoINTEL(performance_counters_sampling::QueryPoolSamplingModeINTEL; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkQueryPoolPerformanceQueryCreateInfoINTEL(structure_type(VkQueryPoolPerformanceQueryCreateInfoINTEL), unsafe_convert(Ptr{Cvoid}, next), performance_counters_sampling) _QueryPoolPerformanceQueryCreateInfoINTEL(vks, deps) end """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `marker::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceMarkerInfoINTEL.html) """ function _PerformanceMarkerInfoINTEL(marker::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPerformanceMarkerInfoINTEL(structure_type(VkPerformanceMarkerInfoINTEL), unsafe_convert(Ptr{Cvoid}, next), marker) _PerformanceMarkerInfoINTEL(vks, deps) end """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `marker::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceStreamMarkerInfoINTEL.html) """ function _PerformanceStreamMarkerInfoINTEL(marker::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPerformanceStreamMarkerInfoINTEL(structure_type(VkPerformanceStreamMarkerInfoINTEL), unsafe_convert(Ptr{Cvoid}, next), marker) _PerformanceStreamMarkerInfoINTEL(vks, deps) end """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `type::PerformanceOverrideTypeINTEL` - `enable::Bool` - `parameter::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceOverrideInfoINTEL.html) """ function _PerformanceOverrideInfoINTEL(type::PerformanceOverrideTypeINTEL, enable::Bool, parameter::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPerformanceOverrideInfoINTEL(structure_type(VkPerformanceOverrideInfoINTEL), unsafe_convert(Ptr{Cvoid}, next), type, enable, parameter) _PerformanceOverrideInfoINTEL(vks, deps) end """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `type::PerformanceConfigurationTypeINTEL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceConfigurationAcquireInfoINTEL.html) """ function _PerformanceConfigurationAcquireInfoINTEL(type::PerformanceConfigurationTypeINTEL; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPerformanceConfigurationAcquireInfoINTEL(structure_type(VkPerformanceConfigurationAcquireInfoINTEL), unsafe_convert(Ptr{Cvoid}, next), type) _PerformanceConfigurationAcquireInfoINTEL(vks, deps) end """ Extension: VK\\_KHR\\_shader\\_clock Arguments: - `shader_subgroup_clock::Bool` - `shader_device_clock::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderClockFeaturesKHR.html) """ function _PhysicalDeviceShaderClockFeaturesKHR(shader_subgroup_clock::Bool, shader_device_clock::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderClockFeaturesKHR(structure_type(VkPhysicalDeviceShaderClockFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), shader_subgroup_clock, shader_device_clock) _PhysicalDeviceShaderClockFeaturesKHR(vks, deps) end """ Extension: VK\\_EXT\\_index\\_type\\_uint8 Arguments: - `index_type_uint_8::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceIndexTypeUint8FeaturesEXT.html) """ function _PhysicalDeviceIndexTypeUint8FeaturesEXT(index_type_uint_8::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceIndexTypeUint8FeaturesEXT(structure_type(VkPhysicalDeviceIndexTypeUint8FeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), index_type_uint_8) _PhysicalDeviceIndexTypeUint8FeaturesEXT(vks, deps) end """ Extension: VK\\_NV\\_shader\\_sm\\_builtins Arguments: - `shader_sm_count::UInt32` - `shader_warps_per_sm::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSMBuiltinsPropertiesNV.html) """ function _PhysicalDeviceShaderSMBuiltinsPropertiesNV(shader_sm_count::Integer, shader_warps_per_sm::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderSMBuiltinsPropertiesNV(structure_type(VkPhysicalDeviceShaderSMBuiltinsPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), shader_sm_count, shader_warps_per_sm) _PhysicalDeviceShaderSMBuiltinsPropertiesNV(vks, deps) end """ Extension: VK\\_NV\\_shader\\_sm\\_builtins Arguments: - `shader_sm_builtins::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSMBuiltinsFeaturesNV.html) """ function _PhysicalDeviceShaderSMBuiltinsFeaturesNV(shader_sm_builtins::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderSMBuiltinsFeaturesNV(structure_type(VkPhysicalDeviceShaderSMBuiltinsFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), shader_sm_builtins) _PhysicalDeviceShaderSMBuiltinsFeaturesNV(vks, deps) end """ Extension: VK\\_EXT\\_fragment\\_shader\\_interlock Arguments: - `fragment_shader_sample_interlock::Bool` - `fragment_shader_pixel_interlock::Bool` - `fragment_shader_shading_rate_interlock::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT.html) """ function _PhysicalDeviceFragmentShaderInterlockFeaturesEXT(fragment_shader_sample_interlock::Bool, fragment_shader_pixel_interlock::Bool, fragment_shader_shading_rate_interlock::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT(structure_type(VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), fragment_shader_sample_interlock, fragment_shader_pixel_interlock, fragment_shader_shading_rate_interlock) _PhysicalDeviceFragmentShaderInterlockFeaturesEXT(vks, deps) end """ Arguments: - `separate_depth_stencil_layouts::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures.html) """ function _PhysicalDeviceSeparateDepthStencilLayoutsFeatures(separate_depth_stencil_layouts::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures(structure_type(VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures), unsafe_convert(Ptr{Cvoid}, next), separate_depth_stencil_layouts) _PhysicalDeviceSeparateDepthStencilLayoutsFeatures(vks, deps) end """ Arguments: - `stencil_layout::ImageLayout` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentReferenceStencilLayout.html) """ function _AttachmentReferenceStencilLayout(stencil_layout::ImageLayout; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAttachmentReferenceStencilLayout(structure_type(VkAttachmentReferenceStencilLayout), unsafe_convert(Ptr{Cvoid}, next), stencil_layout) _AttachmentReferenceStencilLayout(vks, deps) end """ Extension: VK\\_EXT\\_primitive\\_topology\\_list\\_restart Arguments: - `primitive_topology_list_restart::Bool` - `primitive_topology_patch_list_restart::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT.html) """ function _PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT(primitive_topology_list_restart::Bool, primitive_topology_patch_list_restart::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT(structure_type(VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), primitive_topology_list_restart, primitive_topology_patch_list_restart) _PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT(vks, deps) end """ Arguments: - `stencil_initial_layout::ImageLayout` - `stencil_final_layout::ImageLayout` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentDescriptionStencilLayout.html) """ function _AttachmentDescriptionStencilLayout(stencil_initial_layout::ImageLayout, stencil_final_layout::ImageLayout; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAttachmentDescriptionStencilLayout(structure_type(VkAttachmentDescriptionStencilLayout), unsafe_convert(Ptr{Cvoid}, next), stencil_initial_layout, stencil_final_layout) _AttachmentDescriptionStencilLayout(vks, deps) end """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Arguments: - `pipeline_executable_info::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR.html) """ function _PhysicalDevicePipelineExecutablePropertiesFeaturesKHR(pipeline_executable_info::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR(structure_type(VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), pipeline_executable_info) _PhysicalDevicePipelineExecutablePropertiesFeaturesKHR(vks, deps) end """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Arguments: - `pipeline::Pipeline` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineInfoKHR.html) """ function _PipelineInfoKHR(pipeline; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineInfoKHR(structure_type(VkPipelineInfoKHR), unsafe_convert(Ptr{Cvoid}, next), pipeline) _PipelineInfoKHR(vks, deps, pipeline) end """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Arguments: - `stages::ShaderStageFlag` - `name::String` - `description::String` - `subgroup_size::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutablePropertiesKHR.html) """ function _PipelineExecutablePropertiesKHR(stages::ShaderStageFlag, name::AbstractString, description::AbstractString, subgroup_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineExecutablePropertiesKHR(structure_type(VkPipelineExecutablePropertiesKHR), unsafe_convert(Ptr{Cvoid}, next), stages, name, description, subgroup_size) _PipelineExecutablePropertiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Arguments: - `pipeline::Pipeline` - `executable_index::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableInfoKHR.html) """ function _PipelineExecutableInfoKHR(pipeline, executable_index::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineExecutableInfoKHR(structure_type(VkPipelineExecutableInfoKHR), unsafe_convert(Ptr{Cvoid}, next), pipeline, executable_index) _PipelineExecutableInfoKHR(vks, deps, pipeline) end """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Arguments: - `name::String` - `description::String` - `format::PipelineExecutableStatisticFormatKHR` - `value::_PipelineExecutableStatisticValueKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableStatisticKHR.html) """ function _PipelineExecutableStatisticKHR(name::AbstractString, description::AbstractString, format::PipelineExecutableStatisticFormatKHR, value::_PipelineExecutableStatisticValueKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineExecutableStatisticKHR(structure_type(VkPipelineExecutableStatisticKHR), unsafe_convert(Ptr{Cvoid}, next), name, description, format, value.vks) _PipelineExecutableStatisticKHR(vks, deps) end """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Arguments: - `name::String` - `description::String` - `is_text::Bool` - `data_size::UInt` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableInternalRepresentationKHR.html) """ function _PipelineExecutableInternalRepresentationKHR(name::AbstractString, description::AbstractString, is_text::Bool, data_size::Integer; next = C_NULL, data = C_NULL) next = cconvert(Ptr{Cvoid}, next) data = cconvert(Ptr{Cvoid}, data) deps = Any[next, data] vks = VkPipelineExecutableInternalRepresentationKHR(structure_type(VkPipelineExecutableInternalRepresentationKHR), unsafe_convert(Ptr{Cvoid}, next), name, description, is_text, data_size, unsafe_convert(Ptr{Cvoid}, data)) _PipelineExecutableInternalRepresentationKHR(vks, deps) end """ Arguments: - `shader_demote_to_helper_invocation::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures.html) """ function _PhysicalDeviceShaderDemoteToHelperInvocationFeatures(shader_demote_to_helper_invocation::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures(structure_type(VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures), unsafe_convert(Ptr{Cvoid}, next), shader_demote_to_helper_invocation) _PhysicalDeviceShaderDemoteToHelperInvocationFeatures(vks, deps) end """ Extension: VK\\_EXT\\_texel\\_buffer\\_alignment Arguments: - `texel_buffer_alignment::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT.html) """ function _PhysicalDeviceTexelBufferAlignmentFeaturesEXT(texel_buffer_alignment::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT(structure_type(VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), texel_buffer_alignment) _PhysicalDeviceTexelBufferAlignmentFeaturesEXT(vks, deps) end """ Arguments: - `storage_texel_buffer_offset_alignment_bytes::UInt64` - `storage_texel_buffer_offset_single_texel_alignment::Bool` - `uniform_texel_buffer_offset_alignment_bytes::UInt64` - `uniform_texel_buffer_offset_single_texel_alignment::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTexelBufferAlignmentProperties.html) """ function _PhysicalDeviceTexelBufferAlignmentProperties(storage_texel_buffer_offset_alignment_bytes::Integer, storage_texel_buffer_offset_single_texel_alignment::Bool, uniform_texel_buffer_offset_alignment_bytes::Integer, uniform_texel_buffer_offset_single_texel_alignment::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceTexelBufferAlignmentProperties(structure_type(VkPhysicalDeviceTexelBufferAlignmentProperties), unsafe_convert(Ptr{Cvoid}, next), storage_texel_buffer_offset_alignment_bytes, storage_texel_buffer_offset_single_texel_alignment, uniform_texel_buffer_offset_alignment_bytes, uniform_texel_buffer_offset_single_texel_alignment) _PhysicalDeviceTexelBufferAlignmentProperties(vks, deps) end """ Arguments: - `subgroup_size_control::Bool` - `compute_full_subgroups::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubgroupSizeControlFeatures.html) """ function _PhysicalDeviceSubgroupSizeControlFeatures(subgroup_size_control::Bool, compute_full_subgroups::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSubgroupSizeControlFeatures(structure_type(VkPhysicalDeviceSubgroupSizeControlFeatures), unsafe_convert(Ptr{Cvoid}, next), subgroup_size_control, compute_full_subgroups) _PhysicalDeviceSubgroupSizeControlFeatures(vks, deps) end """ Arguments: - `min_subgroup_size::UInt32` - `max_subgroup_size::UInt32` - `max_compute_workgroup_subgroups::UInt32` - `required_subgroup_size_stages::ShaderStageFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubgroupSizeControlProperties.html) """ function _PhysicalDeviceSubgroupSizeControlProperties(min_subgroup_size::Integer, max_subgroup_size::Integer, max_compute_workgroup_subgroups::Integer, required_subgroup_size_stages::ShaderStageFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSubgroupSizeControlProperties(structure_type(VkPhysicalDeviceSubgroupSizeControlProperties), unsafe_convert(Ptr{Cvoid}, next), min_subgroup_size, max_subgroup_size, max_compute_workgroup_subgroups, required_subgroup_size_stages) _PhysicalDeviceSubgroupSizeControlProperties(vks, deps) end """ Arguments: - `required_subgroup_size::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineShaderStageRequiredSubgroupSizeCreateInfo.html) """ function _PipelineShaderStageRequiredSubgroupSizeCreateInfo(required_subgroup_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineShaderStageRequiredSubgroupSizeCreateInfo(structure_type(VkPipelineShaderStageRequiredSubgroupSizeCreateInfo), unsafe_convert(Ptr{Cvoid}, next), required_subgroup_size) _PipelineShaderStageRequiredSubgroupSizeCreateInfo(vks, deps) end """ Extension: VK\\_HUAWEI\\_subpass\\_shading Arguments: - `render_pass::RenderPass` - `subpass::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassShadingPipelineCreateInfoHUAWEI.html) """ function _SubpassShadingPipelineCreateInfoHUAWEI(render_pass, subpass::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSubpassShadingPipelineCreateInfoHUAWEI(structure_type(VkSubpassShadingPipelineCreateInfoHUAWEI), unsafe_convert(Ptr{Cvoid}, next), render_pass, subpass) _SubpassShadingPipelineCreateInfoHUAWEI(vks, deps, render_pass) end """ Extension: VK\\_HUAWEI\\_subpass\\_shading Arguments: - `max_subpass_shading_workgroup_size_aspect_ratio::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubpassShadingPropertiesHUAWEI.html) """ function _PhysicalDeviceSubpassShadingPropertiesHUAWEI(max_subpass_shading_workgroup_size_aspect_ratio::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSubpassShadingPropertiesHUAWEI(structure_type(VkPhysicalDeviceSubpassShadingPropertiesHUAWEI), unsafe_convert(Ptr{Cvoid}, next), max_subpass_shading_workgroup_size_aspect_ratio) _PhysicalDeviceSubpassShadingPropertiesHUAWEI(vks, deps) end """ Extension: VK\\_HUAWEI\\_cluster\\_culling\\_shader Arguments: - `max_work_group_count::NTuple{3, UInt32}` - `max_work_group_size::NTuple{3, UInt32}` - `max_output_cluster_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI.html) """ function _PhysicalDeviceClusterCullingShaderPropertiesHUAWEI(max_work_group_count::NTuple{3, UInt32}, max_work_group_size::NTuple{3, UInt32}, max_output_cluster_count::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI(structure_type(VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI), unsafe_convert(Ptr{Cvoid}, next), max_work_group_count, max_work_group_size, max_output_cluster_count) _PhysicalDeviceClusterCullingShaderPropertiesHUAWEI(vks, deps) end """ Arguments: - `opaque_capture_address::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryOpaqueCaptureAddressAllocateInfo.html) """ function _MemoryOpaqueCaptureAddressAllocateInfo(opaque_capture_address::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryOpaqueCaptureAddressAllocateInfo(structure_type(VkMemoryOpaqueCaptureAddressAllocateInfo), unsafe_convert(Ptr{Cvoid}, next), opaque_capture_address) _MemoryOpaqueCaptureAddressAllocateInfo(vks, deps) end """ Arguments: - `memory::DeviceMemory` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceMemoryOpaqueCaptureAddressInfo.html) """ function _DeviceMemoryOpaqueCaptureAddressInfo(memory; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceMemoryOpaqueCaptureAddressInfo(structure_type(VkDeviceMemoryOpaqueCaptureAddressInfo), unsafe_convert(Ptr{Cvoid}, next), memory) _DeviceMemoryOpaqueCaptureAddressInfo(vks, deps, memory) end """ Extension: VK\\_EXT\\_line\\_rasterization Arguments: - `rectangular_lines::Bool` - `bresenham_lines::Bool` - `smooth_lines::Bool` - `stippled_rectangular_lines::Bool` - `stippled_bresenham_lines::Bool` - `stippled_smooth_lines::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLineRasterizationFeaturesEXT.html) """ function _PhysicalDeviceLineRasterizationFeaturesEXT(rectangular_lines::Bool, bresenham_lines::Bool, smooth_lines::Bool, stippled_rectangular_lines::Bool, stippled_bresenham_lines::Bool, stippled_smooth_lines::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceLineRasterizationFeaturesEXT(structure_type(VkPhysicalDeviceLineRasterizationFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), rectangular_lines, bresenham_lines, smooth_lines, stippled_rectangular_lines, stippled_bresenham_lines, stippled_smooth_lines) _PhysicalDeviceLineRasterizationFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_line\\_rasterization Arguments: - `line_sub_pixel_precision_bits::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLineRasterizationPropertiesEXT.html) """ function _PhysicalDeviceLineRasterizationPropertiesEXT(line_sub_pixel_precision_bits::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceLineRasterizationPropertiesEXT(structure_type(VkPhysicalDeviceLineRasterizationPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), line_sub_pixel_precision_bits) _PhysicalDeviceLineRasterizationPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_line\\_rasterization Arguments: - `line_rasterization_mode::LineRasterizationModeEXT` - `stippled_line_enable::Bool` - `line_stipple_factor::UInt32` - `line_stipple_pattern::UInt16` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationLineStateCreateInfoEXT.html) """ function _PipelineRasterizationLineStateCreateInfoEXT(line_rasterization_mode::LineRasterizationModeEXT, stippled_line_enable::Bool, line_stipple_factor::Integer, line_stipple_pattern::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineRasterizationLineStateCreateInfoEXT(structure_type(VkPipelineRasterizationLineStateCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), line_rasterization_mode, stippled_line_enable, line_stipple_factor, line_stipple_pattern) _PipelineRasterizationLineStateCreateInfoEXT(vks, deps) end """ Arguments: - `pipeline_creation_cache_control::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineCreationCacheControlFeatures.html) """ function _PhysicalDevicePipelineCreationCacheControlFeatures(pipeline_creation_cache_control::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePipelineCreationCacheControlFeatures(structure_type(VkPhysicalDevicePipelineCreationCacheControlFeatures), unsafe_convert(Ptr{Cvoid}, next), pipeline_creation_cache_control) _PhysicalDevicePipelineCreationCacheControlFeatures(vks, deps) end """ Arguments: - `storage_buffer_16_bit_access::Bool` - `uniform_and_storage_buffer_16_bit_access::Bool` - `storage_push_constant_16::Bool` - `storage_input_output_16::Bool` - `multiview::Bool` - `multiview_geometry_shader::Bool` - `multiview_tessellation_shader::Bool` - `variable_pointers_storage_buffer::Bool` - `variable_pointers::Bool` - `protected_memory::Bool` - `sampler_ycbcr_conversion::Bool` - `shader_draw_parameters::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan11Features.html) """ function _PhysicalDeviceVulkan11Features(storage_buffer_16_bit_access::Bool, uniform_and_storage_buffer_16_bit_access::Bool, storage_push_constant_16::Bool, storage_input_output_16::Bool, multiview::Bool, multiview_geometry_shader::Bool, multiview_tessellation_shader::Bool, variable_pointers_storage_buffer::Bool, variable_pointers::Bool, protected_memory::Bool, sampler_ycbcr_conversion::Bool, shader_draw_parameters::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceVulkan11Features(structure_type(VkPhysicalDeviceVulkan11Features), unsafe_convert(Ptr{Cvoid}, next), storage_buffer_16_bit_access, uniform_and_storage_buffer_16_bit_access, storage_push_constant_16, storage_input_output_16, multiview, multiview_geometry_shader, multiview_tessellation_shader, variable_pointers_storage_buffer, variable_pointers, protected_memory, sampler_ycbcr_conversion, shader_draw_parameters) _PhysicalDeviceVulkan11Features(vks, deps) end """ Arguments: - `device_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `driver_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `device_luid::NTuple{Int(VK_LUID_SIZE), UInt8}` - `device_node_mask::UInt32` - `device_luid_valid::Bool` - `subgroup_size::UInt32` - `subgroup_supported_stages::ShaderStageFlag` - `subgroup_supported_operations::SubgroupFeatureFlag` - `subgroup_quad_operations_in_all_stages::Bool` - `point_clipping_behavior::PointClippingBehavior` - `max_multiview_view_count::UInt32` - `max_multiview_instance_index::UInt32` - `protected_no_fault::Bool` - `max_per_set_descriptors::UInt32` - `max_memory_allocation_size::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan11Properties.html) """ function _PhysicalDeviceVulkan11Properties(device_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}, driver_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}, device_luid::NTuple{Int(VK_LUID_SIZE), UInt8}, device_node_mask::Integer, device_luid_valid::Bool, subgroup_size::Integer, subgroup_supported_stages::ShaderStageFlag, subgroup_supported_operations::SubgroupFeatureFlag, subgroup_quad_operations_in_all_stages::Bool, point_clipping_behavior::PointClippingBehavior, max_multiview_view_count::Integer, max_multiview_instance_index::Integer, protected_no_fault::Bool, max_per_set_descriptors::Integer, max_memory_allocation_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceVulkan11Properties(structure_type(VkPhysicalDeviceVulkan11Properties), unsafe_convert(Ptr{Cvoid}, next), device_uuid, driver_uuid, device_luid, device_node_mask, device_luid_valid, subgroup_size, subgroup_supported_stages, subgroup_supported_operations, subgroup_quad_operations_in_all_stages, point_clipping_behavior, max_multiview_view_count, max_multiview_instance_index, protected_no_fault, max_per_set_descriptors, max_memory_allocation_size) _PhysicalDeviceVulkan11Properties(vks, deps) end """ Arguments: - `sampler_mirror_clamp_to_edge::Bool` - `draw_indirect_count::Bool` - `storage_buffer_8_bit_access::Bool` - `uniform_and_storage_buffer_8_bit_access::Bool` - `storage_push_constant_8::Bool` - `shader_buffer_int_64_atomics::Bool` - `shader_shared_int_64_atomics::Bool` - `shader_float_16::Bool` - `shader_int_8::Bool` - `descriptor_indexing::Bool` - `shader_input_attachment_array_dynamic_indexing::Bool` - `shader_uniform_texel_buffer_array_dynamic_indexing::Bool` - `shader_storage_texel_buffer_array_dynamic_indexing::Bool` - `shader_uniform_buffer_array_non_uniform_indexing::Bool` - `shader_sampled_image_array_non_uniform_indexing::Bool` - `shader_storage_buffer_array_non_uniform_indexing::Bool` - `shader_storage_image_array_non_uniform_indexing::Bool` - `shader_input_attachment_array_non_uniform_indexing::Bool` - `shader_uniform_texel_buffer_array_non_uniform_indexing::Bool` - `shader_storage_texel_buffer_array_non_uniform_indexing::Bool` - `descriptor_binding_uniform_buffer_update_after_bind::Bool` - `descriptor_binding_sampled_image_update_after_bind::Bool` - `descriptor_binding_storage_image_update_after_bind::Bool` - `descriptor_binding_storage_buffer_update_after_bind::Bool` - `descriptor_binding_uniform_texel_buffer_update_after_bind::Bool` - `descriptor_binding_storage_texel_buffer_update_after_bind::Bool` - `descriptor_binding_update_unused_while_pending::Bool` - `descriptor_binding_partially_bound::Bool` - `descriptor_binding_variable_descriptor_count::Bool` - `runtime_descriptor_array::Bool` - `sampler_filter_minmax::Bool` - `scalar_block_layout::Bool` - `imageless_framebuffer::Bool` - `uniform_buffer_standard_layout::Bool` - `shader_subgroup_extended_types::Bool` - `separate_depth_stencil_layouts::Bool` - `host_query_reset::Bool` - `timeline_semaphore::Bool` - `buffer_device_address::Bool` - `buffer_device_address_capture_replay::Bool` - `buffer_device_address_multi_device::Bool` - `vulkan_memory_model::Bool` - `vulkan_memory_model_device_scope::Bool` - `vulkan_memory_model_availability_visibility_chains::Bool` - `shader_output_viewport_index::Bool` - `shader_output_layer::Bool` - `subgroup_broadcast_dynamic_id::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan12Features.html) """ function _PhysicalDeviceVulkan12Features(sampler_mirror_clamp_to_edge::Bool, draw_indirect_count::Bool, storage_buffer_8_bit_access::Bool, uniform_and_storage_buffer_8_bit_access::Bool, storage_push_constant_8::Bool, shader_buffer_int_64_atomics::Bool, shader_shared_int_64_atomics::Bool, shader_float_16::Bool, shader_int_8::Bool, descriptor_indexing::Bool, shader_input_attachment_array_dynamic_indexing::Bool, shader_uniform_texel_buffer_array_dynamic_indexing::Bool, shader_storage_texel_buffer_array_dynamic_indexing::Bool, shader_uniform_buffer_array_non_uniform_indexing::Bool, shader_sampled_image_array_non_uniform_indexing::Bool, shader_storage_buffer_array_non_uniform_indexing::Bool, shader_storage_image_array_non_uniform_indexing::Bool, shader_input_attachment_array_non_uniform_indexing::Bool, shader_uniform_texel_buffer_array_non_uniform_indexing::Bool, shader_storage_texel_buffer_array_non_uniform_indexing::Bool, descriptor_binding_uniform_buffer_update_after_bind::Bool, descriptor_binding_sampled_image_update_after_bind::Bool, descriptor_binding_storage_image_update_after_bind::Bool, descriptor_binding_storage_buffer_update_after_bind::Bool, descriptor_binding_uniform_texel_buffer_update_after_bind::Bool, descriptor_binding_storage_texel_buffer_update_after_bind::Bool, descriptor_binding_update_unused_while_pending::Bool, descriptor_binding_partially_bound::Bool, descriptor_binding_variable_descriptor_count::Bool, runtime_descriptor_array::Bool, sampler_filter_minmax::Bool, scalar_block_layout::Bool, imageless_framebuffer::Bool, uniform_buffer_standard_layout::Bool, shader_subgroup_extended_types::Bool, separate_depth_stencil_layouts::Bool, host_query_reset::Bool, timeline_semaphore::Bool, buffer_device_address::Bool, buffer_device_address_capture_replay::Bool, buffer_device_address_multi_device::Bool, vulkan_memory_model::Bool, vulkan_memory_model_device_scope::Bool, vulkan_memory_model_availability_visibility_chains::Bool, shader_output_viewport_index::Bool, shader_output_layer::Bool, subgroup_broadcast_dynamic_id::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceVulkan12Features(structure_type(VkPhysicalDeviceVulkan12Features), unsafe_convert(Ptr{Cvoid}, next), sampler_mirror_clamp_to_edge, draw_indirect_count, storage_buffer_8_bit_access, uniform_and_storage_buffer_8_bit_access, storage_push_constant_8, shader_buffer_int_64_atomics, shader_shared_int_64_atomics, shader_float_16, shader_int_8, descriptor_indexing, shader_input_attachment_array_dynamic_indexing, shader_uniform_texel_buffer_array_dynamic_indexing, shader_storage_texel_buffer_array_dynamic_indexing, shader_uniform_buffer_array_non_uniform_indexing, shader_sampled_image_array_non_uniform_indexing, shader_storage_buffer_array_non_uniform_indexing, shader_storage_image_array_non_uniform_indexing, shader_input_attachment_array_non_uniform_indexing, shader_uniform_texel_buffer_array_non_uniform_indexing, shader_storage_texel_buffer_array_non_uniform_indexing, descriptor_binding_uniform_buffer_update_after_bind, descriptor_binding_sampled_image_update_after_bind, descriptor_binding_storage_image_update_after_bind, descriptor_binding_storage_buffer_update_after_bind, descriptor_binding_uniform_texel_buffer_update_after_bind, descriptor_binding_storage_texel_buffer_update_after_bind, descriptor_binding_update_unused_while_pending, descriptor_binding_partially_bound, descriptor_binding_variable_descriptor_count, runtime_descriptor_array, sampler_filter_minmax, scalar_block_layout, imageless_framebuffer, uniform_buffer_standard_layout, shader_subgroup_extended_types, separate_depth_stencil_layouts, host_query_reset, timeline_semaphore, buffer_device_address, buffer_device_address_capture_replay, buffer_device_address_multi_device, vulkan_memory_model, vulkan_memory_model_device_scope, vulkan_memory_model_availability_visibility_chains, shader_output_viewport_index, shader_output_layer, subgroup_broadcast_dynamic_id) _PhysicalDeviceVulkan12Features(vks, deps) end """ Arguments: - `driver_id::DriverId` - `driver_name::String` - `driver_info::String` - `conformance_version::_ConformanceVersion` - `denorm_behavior_independence::ShaderFloatControlsIndependence` - `rounding_mode_independence::ShaderFloatControlsIndependence` - `shader_signed_zero_inf_nan_preserve_float_16::Bool` - `shader_signed_zero_inf_nan_preserve_float_32::Bool` - `shader_signed_zero_inf_nan_preserve_float_64::Bool` - `shader_denorm_preserve_float_16::Bool` - `shader_denorm_preserve_float_32::Bool` - `shader_denorm_preserve_float_64::Bool` - `shader_denorm_flush_to_zero_float_16::Bool` - `shader_denorm_flush_to_zero_float_32::Bool` - `shader_denorm_flush_to_zero_float_64::Bool` - `shader_rounding_mode_rte_float_16::Bool` - `shader_rounding_mode_rte_float_32::Bool` - `shader_rounding_mode_rte_float_64::Bool` - `shader_rounding_mode_rtz_float_16::Bool` - `shader_rounding_mode_rtz_float_32::Bool` - `shader_rounding_mode_rtz_float_64::Bool` - `max_update_after_bind_descriptors_in_all_pools::UInt32` - `shader_uniform_buffer_array_non_uniform_indexing_native::Bool` - `shader_sampled_image_array_non_uniform_indexing_native::Bool` - `shader_storage_buffer_array_non_uniform_indexing_native::Bool` - `shader_storage_image_array_non_uniform_indexing_native::Bool` - `shader_input_attachment_array_non_uniform_indexing_native::Bool` - `robust_buffer_access_update_after_bind::Bool` - `quad_divergent_implicit_lod::Bool` - `max_per_stage_descriptor_update_after_bind_samplers::UInt32` - `max_per_stage_descriptor_update_after_bind_uniform_buffers::UInt32` - `max_per_stage_descriptor_update_after_bind_storage_buffers::UInt32` - `max_per_stage_descriptor_update_after_bind_sampled_images::UInt32` - `max_per_stage_descriptor_update_after_bind_storage_images::UInt32` - `max_per_stage_descriptor_update_after_bind_input_attachments::UInt32` - `max_per_stage_update_after_bind_resources::UInt32` - `max_descriptor_set_update_after_bind_samplers::UInt32` - `max_descriptor_set_update_after_bind_uniform_buffers::UInt32` - `max_descriptor_set_update_after_bind_uniform_buffers_dynamic::UInt32` - `max_descriptor_set_update_after_bind_storage_buffers::UInt32` - `max_descriptor_set_update_after_bind_storage_buffers_dynamic::UInt32` - `max_descriptor_set_update_after_bind_sampled_images::UInt32` - `max_descriptor_set_update_after_bind_storage_images::UInt32` - `max_descriptor_set_update_after_bind_input_attachments::UInt32` - `supported_depth_resolve_modes::ResolveModeFlag` - `supported_stencil_resolve_modes::ResolveModeFlag` - `independent_resolve_none::Bool` - `independent_resolve::Bool` - `filter_minmax_single_component_formats::Bool` - `filter_minmax_image_component_mapping::Bool` - `max_timeline_semaphore_value_difference::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `framebuffer_integer_color_sample_counts::SampleCountFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan12Properties.html) """ function _PhysicalDeviceVulkan12Properties(driver_id::DriverId, driver_name::AbstractString, driver_info::AbstractString, conformance_version::_ConformanceVersion, denorm_behavior_independence::ShaderFloatControlsIndependence, rounding_mode_independence::ShaderFloatControlsIndependence, shader_signed_zero_inf_nan_preserve_float_16::Bool, shader_signed_zero_inf_nan_preserve_float_32::Bool, shader_signed_zero_inf_nan_preserve_float_64::Bool, shader_denorm_preserve_float_16::Bool, shader_denorm_preserve_float_32::Bool, shader_denorm_preserve_float_64::Bool, shader_denorm_flush_to_zero_float_16::Bool, shader_denorm_flush_to_zero_float_32::Bool, shader_denorm_flush_to_zero_float_64::Bool, shader_rounding_mode_rte_float_16::Bool, shader_rounding_mode_rte_float_32::Bool, shader_rounding_mode_rte_float_64::Bool, shader_rounding_mode_rtz_float_16::Bool, shader_rounding_mode_rtz_float_32::Bool, shader_rounding_mode_rtz_float_64::Bool, max_update_after_bind_descriptors_in_all_pools::Integer, shader_uniform_buffer_array_non_uniform_indexing_native::Bool, shader_sampled_image_array_non_uniform_indexing_native::Bool, shader_storage_buffer_array_non_uniform_indexing_native::Bool, shader_storage_image_array_non_uniform_indexing_native::Bool, shader_input_attachment_array_non_uniform_indexing_native::Bool, robust_buffer_access_update_after_bind::Bool, quad_divergent_implicit_lod::Bool, max_per_stage_descriptor_update_after_bind_samplers::Integer, max_per_stage_descriptor_update_after_bind_uniform_buffers::Integer, max_per_stage_descriptor_update_after_bind_storage_buffers::Integer, max_per_stage_descriptor_update_after_bind_sampled_images::Integer, max_per_stage_descriptor_update_after_bind_storage_images::Integer, max_per_stage_descriptor_update_after_bind_input_attachments::Integer, max_per_stage_update_after_bind_resources::Integer, max_descriptor_set_update_after_bind_samplers::Integer, max_descriptor_set_update_after_bind_uniform_buffers::Integer, max_descriptor_set_update_after_bind_uniform_buffers_dynamic::Integer, max_descriptor_set_update_after_bind_storage_buffers::Integer, max_descriptor_set_update_after_bind_storage_buffers_dynamic::Integer, max_descriptor_set_update_after_bind_sampled_images::Integer, max_descriptor_set_update_after_bind_storage_images::Integer, max_descriptor_set_update_after_bind_input_attachments::Integer, supported_depth_resolve_modes::ResolveModeFlag, supported_stencil_resolve_modes::ResolveModeFlag, independent_resolve_none::Bool, independent_resolve::Bool, filter_minmax_single_component_formats::Bool, filter_minmax_image_component_mapping::Bool, max_timeline_semaphore_value_difference::Integer; next = C_NULL, framebuffer_integer_color_sample_counts = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceVulkan12Properties(structure_type(VkPhysicalDeviceVulkan12Properties), unsafe_convert(Ptr{Cvoid}, next), driver_id, driver_name, driver_info, conformance_version.vks, denorm_behavior_independence, rounding_mode_independence, shader_signed_zero_inf_nan_preserve_float_16, shader_signed_zero_inf_nan_preserve_float_32, shader_signed_zero_inf_nan_preserve_float_64, shader_denorm_preserve_float_16, shader_denorm_preserve_float_32, shader_denorm_preserve_float_64, shader_denorm_flush_to_zero_float_16, shader_denorm_flush_to_zero_float_32, shader_denorm_flush_to_zero_float_64, shader_rounding_mode_rte_float_16, shader_rounding_mode_rte_float_32, shader_rounding_mode_rte_float_64, shader_rounding_mode_rtz_float_16, shader_rounding_mode_rtz_float_32, shader_rounding_mode_rtz_float_64, max_update_after_bind_descriptors_in_all_pools, shader_uniform_buffer_array_non_uniform_indexing_native, shader_sampled_image_array_non_uniform_indexing_native, shader_storage_buffer_array_non_uniform_indexing_native, shader_storage_image_array_non_uniform_indexing_native, shader_input_attachment_array_non_uniform_indexing_native, robust_buffer_access_update_after_bind, quad_divergent_implicit_lod, max_per_stage_descriptor_update_after_bind_samplers, max_per_stage_descriptor_update_after_bind_uniform_buffers, max_per_stage_descriptor_update_after_bind_storage_buffers, max_per_stage_descriptor_update_after_bind_sampled_images, max_per_stage_descriptor_update_after_bind_storage_images, max_per_stage_descriptor_update_after_bind_input_attachments, max_per_stage_update_after_bind_resources, max_descriptor_set_update_after_bind_samplers, max_descriptor_set_update_after_bind_uniform_buffers, max_descriptor_set_update_after_bind_uniform_buffers_dynamic, max_descriptor_set_update_after_bind_storage_buffers, max_descriptor_set_update_after_bind_storage_buffers_dynamic, max_descriptor_set_update_after_bind_sampled_images, max_descriptor_set_update_after_bind_storage_images, max_descriptor_set_update_after_bind_input_attachments, supported_depth_resolve_modes, supported_stencil_resolve_modes, independent_resolve_none, independent_resolve, filter_minmax_single_component_formats, filter_minmax_image_component_mapping, max_timeline_semaphore_value_difference, framebuffer_integer_color_sample_counts) _PhysicalDeviceVulkan12Properties(vks, deps) end """ Arguments: - `robust_image_access::Bool` - `inline_uniform_block::Bool` - `descriptor_binding_inline_uniform_block_update_after_bind::Bool` - `pipeline_creation_cache_control::Bool` - `private_data::Bool` - `shader_demote_to_helper_invocation::Bool` - `shader_terminate_invocation::Bool` - `subgroup_size_control::Bool` - `compute_full_subgroups::Bool` - `synchronization2::Bool` - `texture_compression_astc_hdr::Bool` - `shader_zero_initialize_workgroup_memory::Bool` - `dynamic_rendering::Bool` - `shader_integer_dot_product::Bool` - `maintenance4::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan13Features.html) """ function _PhysicalDeviceVulkan13Features(robust_image_access::Bool, inline_uniform_block::Bool, descriptor_binding_inline_uniform_block_update_after_bind::Bool, pipeline_creation_cache_control::Bool, private_data::Bool, shader_demote_to_helper_invocation::Bool, shader_terminate_invocation::Bool, subgroup_size_control::Bool, compute_full_subgroups::Bool, synchronization2::Bool, texture_compression_astc_hdr::Bool, shader_zero_initialize_workgroup_memory::Bool, dynamic_rendering::Bool, shader_integer_dot_product::Bool, maintenance4::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceVulkan13Features(structure_type(VkPhysicalDeviceVulkan13Features), unsafe_convert(Ptr{Cvoid}, next), robust_image_access, inline_uniform_block, descriptor_binding_inline_uniform_block_update_after_bind, pipeline_creation_cache_control, private_data, shader_demote_to_helper_invocation, shader_terminate_invocation, subgroup_size_control, compute_full_subgroups, synchronization2, texture_compression_astc_hdr, shader_zero_initialize_workgroup_memory, dynamic_rendering, shader_integer_dot_product, maintenance4) _PhysicalDeviceVulkan13Features(vks, deps) end """ Arguments: - `min_subgroup_size::UInt32` - `max_subgroup_size::UInt32` - `max_compute_workgroup_subgroups::UInt32` - `required_subgroup_size_stages::ShaderStageFlag` - `max_inline_uniform_block_size::UInt32` - `max_per_stage_descriptor_inline_uniform_blocks::UInt32` - `max_per_stage_descriptor_update_after_bind_inline_uniform_blocks::UInt32` - `max_descriptor_set_inline_uniform_blocks::UInt32` - `max_descriptor_set_update_after_bind_inline_uniform_blocks::UInt32` - `max_inline_uniform_total_size::UInt32` - `integer_dot_product_8_bit_unsigned_accelerated::Bool` - `integer_dot_product_8_bit_signed_accelerated::Bool` - `integer_dot_product_8_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_8_bit_packed_unsigned_accelerated::Bool` - `integer_dot_product_8_bit_packed_signed_accelerated::Bool` - `integer_dot_product_8_bit_packed_mixed_signedness_accelerated::Bool` - `integer_dot_product_16_bit_unsigned_accelerated::Bool` - `integer_dot_product_16_bit_signed_accelerated::Bool` - `integer_dot_product_16_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_32_bit_unsigned_accelerated::Bool` - `integer_dot_product_32_bit_signed_accelerated::Bool` - `integer_dot_product_32_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_64_bit_unsigned_accelerated::Bool` - `integer_dot_product_64_bit_signed_accelerated::Bool` - `integer_dot_product_64_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_16_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_32_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_64_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated::Bool` - `storage_texel_buffer_offset_alignment_bytes::UInt64` - `storage_texel_buffer_offset_single_texel_alignment::Bool` - `uniform_texel_buffer_offset_alignment_bytes::UInt64` - `uniform_texel_buffer_offset_single_texel_alignment::Bool` - `max_buffer_size::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan13Properties.html) """ function _PhysicalDeviceVulkan13Properties(min_subgroup_size::Integer, max_subgroup_size::Integer, max_compute_workgroup_subgroups::Integer, required_subgroup_size_stages::ShaderStageFlag, max_inline_uniform_block_size::Integer, max_per_stage_descriptor_inline_uniform_blocks::Integer, max_per_stage_descriptor_update_after_bind_inline_uniform_blocks::Integer, max_descriptor_set_inline_uniform_blocks::Integer, max_descriptor_set_update_after_bind_inline_uniform_blocks::Integer, max_inline_uniform_total_size::Integer, integer_dot_product_8_bit_unsigned_accelerated::Bool, integer_dot_product_8_bit_signed_accelerated::Bool, integer_dot_product_8_bit_mixed_signedness_accelerated::Bool, integer_dot_product_8_bit_packed_unsigned_accelerated::Bool, integer_dot_product_8_bit_packed_signed_accelerated::Bool, integer_dot_product_8_bit_packed_mixed_signedness_accelerated::Bool, integer_dot_product_16_bit_unsigned_accelerated::Bool, integer_dot_product_16_bit_signed_accelerated::Bool, integer_dot_product_16_bit_mixed_signedness_accelerated::Bool, integer_dot_product_32_bit_unsigned_accelerated::Bool, integer_dot_product_32_bit_signed_accelerated::Bool, integer_dot_product_32_bit_mixed_signedness_accelerated::Bool, integer_dot_product_64_bit_unsigned_accelerated::Bool, integer_dot_product_64_bit_signed_accelerated::Bool, integer_dot_product_64_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_16_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_32_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_64_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated::Bool, storage_texel_buffer_offset_alignment_bytes::Integer, storage_texel_buffer_offset_single_texel_alignment::Bool, uniform_texel_buffer_offset_alignment_bytes::Integer, uniform_texel_buffer_offset_single_texel_alignment::Bool, max_buffer_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceVulkan13Properties(structure_type(VkPhysicalDeviceVulkan13Properties), unsafe_convert(Ptr{Cvoid}, next), min_subgroup_size, max_subgroup_size, max_compute_workgroup_subgroups, required_subgroup_size_stages, max_inline_uniform_block_size, max_per_stage_descriptor_inline_uniform_blocks, max_per_stage_descriptor_update_after_bind_inline_uniform_blocks, max_descriptor_set_inline_uniform_blocks, max_descriptor_set_update_after_bind_inline_uniform_blocks, max_inline_uniform_total_size, integer_dot_product_8_bit_unsigned_accelerated, integer_dot_product_8_bit_signed_accelerated, integer_dot_product_8_bit_mixed_signedness_accelerated, integer_dot_product_8_bit_packed_unsigned_accelerated, integer_dot_product_8_bit_packed_signed_accelerated, integer_dot_product_8_bit_packed_mixed_signedness_accelerated, integer_dot_product_16_bit_unsigned_accelerated, integer_dot_product_16_bit_signed_accelerated, integer_dot_product_16_bit_mixed_signedness_accelerated, integer_dot_product_32_bit_unsigned_accelerated, integer_dot_product_32_bit_signed_accelerated, integer_dot_product_32_bit_mixed_signedness_accelerated, integer_dot_product_64_bit_unsigned_accelerated, integer_dot_product_64_bit_signed_accelerated, integer_dot_product_64_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_8_bit_signed_accelerated, integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated, integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated, integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_16_bit_signed_accelerated, integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_32_bit_signed_accelerated, integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_64_bit_signed_accelerated, integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated, storage_texel_buffer_offset_alignment_bytes, storage_texel_buffer_offset_single_texel_alignment, uniform_texel_buffer_offset_alignment_bytes, uniform_texel_buffer_offset_single_texel_alignment, max_buffer_size) _PhysicalDeviceVulkan13Properties(vks, deps) end """ Extension: VK\\_AMD\\_pipeline\\_compiler\\_control Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `compiler_control_flags::PipelineCompilerControlFlagAMD`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCompilerControlCreateInfoAMD.html) """ function _PipelineCompilerControlCreateInfoAMD(; next = C_NULL, compiler_control_flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineCompilerControlCreateInfoAMD(structure_type(VkPipelineCompilerControlCreateInfoAMD), unsafe_convert(Ptr{Cvoid}, next), compiler_control_flags) _PipelineCompilerControlCreateInfoAMD(vks, deps) end """ Extension: VK\\_AMD\\_device\\_coherent\\_memory Arguments: - `device_coherent_memory::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCoherentMemoryFeaturesAMD.html) """ function _PhysicalDeviceCoherentMemoryFeaturesAMD(device_coherent_memory::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceCoherentMemoryFeaturesAMD(structure_type(VkPhysicalDeviceCoherentMemoryFeaturesAMD), unsafe_convert(Ptr{Cvoid}, next), device_coherent_memory) _PhysicalDeviceCoherentMemoryFeaturesAMD(vks, deps) end """ Arguments: - `name::String` - `version::String` - `purposes::ToolPurposeFlag` - `description::String` - `layer::String` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceToolProperties.html) """ function _PhysicalDeviceToolProperties(name::AbstractString, version::AbstractString, purposes::ToolPurposeFlag, description::AbstractString, layer::AbstractString; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceToolProperties(structure_type(VkPhysicalDeviceToolProperties), unsafe_convert(Ptr{Cvoid}, next), name, version, purposes, description, layer) _PhysicalDeviceToolProperties(vks, deps) end """ Extension: VK\\_EXT\\_custom\\_border\\_color Arguments: - `custom_border_color::_ClearColorValue` - `format::Format` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerCustomBorderColorCreateInfoEXT.html) """ function _SamplerCustomBorderColorCreateInfoEXT(custom_border_color::_ClearColorValue, format::Format; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSamplerCustomBorderColorCreateInfoEXT(structure_type(VkSamplerCustomBorderColorCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), custom_border_color.vks, format) _SamplerCustomBorderColorCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_custom\\_border\\_color Arguments: - `max_custom_border_color_samplers::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCustomBorderColorPropertiesEXT.html) """ function _PhysicalDeviceCustomBorderColorPropertiesEXT(max_custom_border_color_samplers::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceCustomBorderColorPropertiesEXT(structure_type(VkPhysicalDeviceCustomBorderColorPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), max_custom_border_color_samplers) _PhysicalDeviceCustomBorderColorPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_custom\\_border\\_color Arguments: - `custom_border_colors::Bool` - `custom_border_color_without_format::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCustomBorderColorFeaturesEXT.html) """ function _PhysicalDeviceCustomBorderColorFeaturesEXT(custom_border_colors::Bool, custom_border_color_without_format::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceCustomBorderColorFeaturesEXT(structure_type(VkPhysicalDeviceCustomBorderColorFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), custom_border_colors, custom_border_color_without_format) _PhysicalDeviceCustomBorderColorFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_border\\_color\\_swizzle Arguments: - `components::_ComponentMapping` - `srgb::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerBorderColorComponentMappingCreateInfoEXT.html) """ function _SamplerBorderColorComponentMappingCreateInfoEXT(components::_ComponentMapping, srgb::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSamplerBorderColorComponentMappingCreateInfoEXT(structure_type(VkSamplerBorderColorComponentMappingCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), components.vks, srgb) _SamplerBorderColorComponentMappingCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_border\\_color\\_swizzle Arguments: - `border_color_swizzle::Bool` - `border_color_swizzle_from_image::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBorderColorSwizzleFeaturesEXT.html) """ function _PhysicalDeviceBorderColorSwizzleFeaturesEXT(border_color_swizzle::Bool, border_color_swizzle_from_image::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceBorderColorSwizzleFeaturesEXT(structure_type(VkPhysicalDeviceBorderColorSwizzleFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), border_color_swizzle, border_color_swizzle_from_image) _PhysicalDeviceBorderColorSwizzleFeaturesEXT(vks, deps) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `vertex_format::Format` - `vertex_data::_DeviceOrHostAddressConstKHR` - `vertex_stride::UInt64` - `max_vertex::UInt32` - `index_type::IndexType` - `index_data::_DeviceOrHostAddressConstKHR` - `transform_data::_DeviceOrHostAddressConstKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryTrianglesDataKHR.html) """ function _AccelerationStructureGeometryTrianglesDataKHR(vertex_format::Format, vertex_data::_DeviceOrHostAddressConstKHR, vertex_stride::Integer, max_vertex::Integer, index_type::IndexType, index_data::_DeviceOrHostAddressConstKHR, transform_data::_DeviceOrHostAddressConstKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAccelerationStructureGeometryTrianglesDataKHR(structure_type(VkAccelerationStructureGeometryTrianglesDataKHR), unsafe_convert(Ptr{Cvoid}, next), vertex_format, vertex_data.vks, vertex_stride, max_vertex, index_type, index_data.vks, transform_data.vks) _AccelerationStructureGeometryTrianglesDataKHR(vks, deps) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `data::_DeviceOrHostAddressConstKHR` - `stride::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryAabbsDataKHR.html) """ function _AccelerationStructureGeometryAabbsDataKHR(data::_DeviceOrHostAddressConstKHR, stride::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAccelerationStructureGeometryAabbsDataKHR(structure_type(VkAccelerationStructureGeometryAabbsDataKHR), unsafe_convert(Ptr{Cvoid}, next), data.vks, stride) _AccelerationStructureGeometryAabbsDataKHR(vks, deps) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `array_of_pointers::Bool` - `data::_DeviceOrHostAddressConstKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryInstancesDataKHR.html) """ function _AccelerationStructureGeometryInstancesDataKHR(array_of_pointers::Bool, data::_DeviceOrHostAddressConstKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAccelerationStructureGeometryInstancesDataKHR(structure_type(VkAccelerationStructureGeometryInstancesDataKHR), unsafe_convert(Ptr{Cvoid}, next), array_of_pointers, data.vks) _AccelerationStructureGeometryInstancesDataKHR(vks, deps) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `geometry_type::GeometryTypeKHR` - `geometry::_AccelerationStructureGeometryDataKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::GeometryFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryKHR.html) """ function _AccelerationStructureGeometryKHR(geometry_type::GeometryTypeKHR, geometry::_AccelerationStructureGeometryDataKHR; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAccelerationStructureGeometryKHR(structure_type(VkAccelerationStructureGeometryKHR), unsafe_convert(Ptr{Cvoid}, next), geometry_type, geometry.vks, flags) _AccelerationStructureGeometryKHR(vks, deps) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `type::AccelerationStructureTypeKHR` - `mode::BuildAccelerationStructureModeKHR` - `scratch_data::_DeviceOrHostAddressKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::BuildAccelerationStructureFlagKHR`: defaults to `0` - `src_acceleration_structure::AccelerationStructureKHR`: defaults to `C_NULL` - `dst_acceleration_structure::AccelerationStructureKHR`: defaults to `C_NULL` - `geometries::Vector{_AccelerationStructureGeometryKHR}`: defaults to `C_NULL` - `geometries_2::Vector{_AccelerationStructureGeometryKHR}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureBuildGeometryInfoKHR.html) """ function _AccelerationStructureBuildGeometryInfoKHR(type::AccelerationStructureTypeKHR, mode::BuildAccelerationStructureModeKHR, scratch_data::_DeviceOrHostAddressKHR; next = C_NULL, flags = 0, src_acceleration_structure = C_NULL, dst_acceleration_structure = C_NULL, geometries = C_NULL, geometries_2 = C_NULL) geometry_count = pointer_length(geometries) next = cconvert(Ptr{Cvoid}, next) geometries = cconvert(Ptr{VkAccelerationStructureGeometryKHR}, geometries) geometries_2 = cconvert(Ptr{Ptr{VkAccelerationStructureGeometryKHR}}, geometries_2) deps = Any[next, geometries, geometries_2] vks = VkAccelerationStructureBuildGeometryInfoKHR(structure_type(VkAccelerationStructureBuildGeometryInfoKHR), unsafe_convert(Ptr{Cvoid}, next), type, flags, mode, src_acceleration_structure, dst_acceleration_structure, geometry_count, unsafe_convert(Ptr{VkAccelerationStructureGeometryKHR}, geometries), unsafe_convert(Ptr{Ptr{VkAccelerationStructureGeometryKHR}}, geometries), scratch_data.vks) _AccelerationStructureBuildGeometryInfoKHR(vks, deps, src_acceleration_structure, dst_acceleration_structure) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `primitive_count::UInt32` - `primitive_offset::UInt32` - `first_vertex::UInt32` - `transform_offset::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureBuildRangeInfoKHR.html) """ function _AccelerationStructureBuildRangeInfoKHR(primitive_count::Integer, primitive_offset::Integer, first_vertex::Integer, transform_offset::Integer) _AccelerationStructureBuildRangeInfoKHR(VkAccelerationStructureBuildRangeInfoKHR(primitive_count, primitive_offset, first_vertex, transform_offset)) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `type::AccelerationStructureTypeKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `create_flags::AccelerationStructureCreateFlagKHR`: defaults to `0` - `device_address::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureCreateInfoKHR.html) """ function _AccelerationStructureCreateInfoKHR(buffer, offset::Integer, size::Integer, type::AccelerationStructureTypeKHR; next = C_NULL, create_flags = 0, device_address = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAccelerationStructureCreateInfoKHR(structure_type(VkAccelerationStructureCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), create_flags, buffer, offset, size, type, device_address) _AccelerationStructureCreateInfoKHR(vks, deps, buffer) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `min_x::Float32` - `min_y::Float32` - `min_z::Float32` - `max_x::Float32` - `max_y::Float32` - `max_z::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAabbPositionsKHR.html) """ function _AabbPositionsKHR(min_x::Real, min_y::Real, min_z::Real, max_x::Real, max_y::Real, max_z::Real) _AabbPositionsKHR(VkAabbPositionsKHR(min_x, min_y, min_z, max_x, max_y, max_z)) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `matrix::NTuple{3, NTuple{4, Float32}}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTransformMatrixKHR.html) """ function _TransformMatrixKHR(matrix::NTuple{3, NTuple{4, Float32}}) _TransformMatrixKHR(VkTransformMatrixKHR(matrix)) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `transform::_TransformMatrixKHR` - `instance_custom_index::UInt32` - `mask::UInt32` - `instance_shader_binding_table_record_offset::UInt32` - `acceleration_structure_reference::UInt64` - `flags::GeometryInstanceFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureInstanceKHR.html) """ function _AccelerationStructureInstanceKHR(transform::_TransformMatrixKHR, instance_custom_index::Integer, mask::Integer, instance_shader_binding_table_record_offset::Integer, acceleration_structure_reference::Integer; flags = 0) _AccelerationStructureInstanceKHR(VkAccelerationStructureInstanceKHR(transform.vks, instance_custom_index, mask, instance_shader_binding_table_record_offset, flags, acceleration_structure_reference)) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `acceleration_structure::AccelerationStructureKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureDeviceAddressInfoKHR.html) """ function _AccelerationStructureDeviceAddressInfoKHR(acceleration_structure; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAccelerationStructureDeviceAddressInfoKHR(structure_type(VkAccelerationStructureDeviceAddressInfoKHR), unsafe_convert(Ptr{Cvoid}, next), acceleration_structure) _AccelerationStructureDeviceAddressInfoKHR(vks, deps, acceleration_structure) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `version_data::Vector{UInt8}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureVersionInfoKHR.html) """ function _AccelerationStructureVersionInfoKHR(version_data::AbstractArray; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) version_data = cconvert(Ptr{UInt8}, version_data) deps = Any[next, version_data] vks = VkAccelerationStructureVersionInfoKHR(structure_type(VkAccelerationStructureVersionInfoKHR), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{UInt8}, version_data)) _AccelerationStructureVersionInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `src::AccelerationStructureKHR` - `dst::AccelerationStructureKHR` - `mode::CopyAccelerationStructureModeKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyAccelerationStructureInfoKHR.html) """ function _CopyAccelerationStructureInfoKHR(src, dst, mode::CopyAccelerationStructureModeKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCopyAccelerationStructureInfoKHR(structure_type(VkCopyAccelerationStructureInfoKHR), unsafe_convert(Ptr{Cvoid}, next), src, dst, mode) _CopyAccelerationStructureInfoKHR(vks, deps, src, dst) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `src::AccelerationStructureKHR` - `dst::_DeviceOrHostAddressKHR` - `mode::CopyAccelerationStructureModeKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyAccelerationStructureToMemoryInfoKHR.html) """ function _CopyAccelerationStructureToMemoryInfoKHR(src, dst::_DeviceOrHostAddressKHR, mode::CopyAccelerationStructureModeKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCopyAccelerationStructureToMemoryInfoKHR(structure_type(VkCopyAccelerationStructureToMemoryInfoKHR), unsafe_convert(Ptr{Cvoid}, next), src, dst.vks, mode) _CopyAccelerationStructureToMemoryInfoKHR(vks, deps, src) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `src::_DeviceOrHostAddressConstKHR` - `dst::AccelerationStructureKHR` - `mode::CopyAccelerationStructureModeKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryToAccelerationStructureInfoKHR.html) """ function _CopyMemoryToAccelerationStructureInfoKHR(src::_DeviceOrHostAddressConstKHR, dst, mode::CopyAccelerationStructureModeKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCopyMemoryToAccelerationStructureInfoKHR(structure_type(VkCopyMemoryToAccelerationStructureInfoKHR), unsafe_convert(Ptr{Cvoid}, next), src.vks, dst, mode) _CopyMemoryToAccelerationStructureInfoKHR(vks, deps, dst) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `max_pipeline_ray_payload_size::UInt32` - `max_pipeline_ray_hit_attribute_size::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingPipelineInterfaceCreateInfoKHR.html) """ function _RayTracingPipelineInterfaceCreateInfoKHR(max_pipeline_ray_payload_size::Integer, max_pipeline_ray_hit_attribute_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkRayTracingPipelineInterfaceCreateInfoKHR(structure_type(VkRayTracingPipelineInterfaceCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), max_pipeline_ray_payload_size, max_pipeline_ray_hit_attribute_size) _RayTracingPipelineInterfaceCreateInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_pipeline\\_library Arguments: - `libraries::Vector{Pipeline}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineLibraryCreateInfoKHR.html) """ function _PipelineLibraryCreateInfoKHR(libraries::AbstractArray; next = C_NULL) library_count = pointer_length(libraries) next = cconvert(Ptr{Cvoid}, next) libraries = cconvert(Ptr{VkPipeline}, libraries) deps = Any[next, libraries] vks = VkPipelineLibraryCreateInfoKHR(structure_type(VkPipelineLibraryCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), library_count, unsafe_convert(Ptr{VkPipeline}, libraries)) _PipelineLibraryCreateInfoKHR(vks, deps) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state Arguments: - `extended_dynamic_state::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicStateFeaturesEXT.html) """ function _PhysicalDeviceExtendedDynamicStateFeaturesEXT(extended_dynamic_state::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceExtendedDynamicStateFeaturesEXT(structure_type(VkPhysicalDeviceExtendedDynamicStateFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), extended_dynamic_state) _PhysicalDeviceExtendedDynamicStateFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state2 Arguments: - `extended_dynamic_state_2::Bool` - `extended_dynamic_state_2_logic_op::Bool` - `extended_dynamic_state_2_patch_control_points::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicState2FeaturesEXT.html) """ function _PhysicalDeviceExtendedDynamicState2FeaturesEXT(extended_dynamic_state_2::Bool, extended_dynamic_state_2_logic_op::Bool, extended_dynamic_state_2_patch_control_points::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceExtendedDynamicState2FeaturesEXT(structure_type(VkPhysicalDeviceExtendedDynamicState2FeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), extended_dynamic_state_2, extended_dynamic_state_2_logic_op, extended_dynamic_state_2_patch_control_points) _PhysicalDeviceExtendedDynamicState2FeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `extended_dynamic_state_3_tessellation_domain_origin::Bool` - `extended_dynamic_state_3_depth_clamp_enable::Bool` - `extended_dynamic_state_3_polygon_mode::Bool` - `extended_dynamic_state_3_rasterization_samples::Bool` - `extended_dynamic_state_3_sample_mask::Bool` - `extended_dynamic_state_3_alpha_to_coverage_enable::Bool` - `extended_dynamic_state_3_alpha_to_one_enable::Bool` - `extended_dynamic_state_3_logic_op_enable::Bool` - `extended_dynamic_state_3_color_blend_enable::Bool` - `extended_dynamic_state_3_color_blend_equation::Bool` - `extended_dynamic_state_3_color_write_mask::Bool` - `extended_dynamic_state_3_rasterization_stream::Bool` - `extended_dynamic_state_3_conservative_rasterization_mode::Bool` - `extended_dynamic_state_3_extra_primitive_overestimation_size::Bool` - `extended_dynamic_state_3_depth_clip_enable::Bool` - `extended_dynamic_state_3_sample_locations_enable::Bool` - `extended_dynamic_state_3_color_blend_advanced::Bool` - `extended_dynamic_state_3_provoking_vertex_mode::Bool` - `extended_dynamic_state_3_line_rasterization_mode::Bool` - `extended_dynamic_state_3_line_stipple_enable::Bool` - `extended_dynamic_state_3_depth_clip_negative_one_to_one::Bool` - `extended_dynamic_state_3_viewport_w_scaling_enable::Bool` - `extended_dynamic_state_3_viewport_swizzle::Bool` - `extended_dynamic_state_3_coverage_to_color_enable::Bool` - `extended_dynamic_state_3_coverage_to_color_location::Bool` - `extended_dynamic_state_3_coverage_modulation_mode::Bool` - `extended_dynamic_state_3_coverage_modulation_table_enable::Bool` - `extended_dynamic_state_3_coverage_modulation_table::Bool` - `extended_dynamic_state_3_coverage_reduction_mode::Bool` - `extended_dynamic_state_3_representative_fragment_test_enable::Bool` - `extended_dynamic_state_3_shading_rate_image_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicState3FeaturesEXT.html) """ function _PhysicalDeviceExtendedDynamicState3FeaturesEXT(extended_dynamic_state_3_tessellation_domain_origin::Bool, extended_dynamic_state_3_depth_clamp_enable::Bool, extended_dynamic_state_3_polygon_mode::Bool, extended_dynamic_state_3_rasterization_samples::Bool, extended_dynamic_state_3_sample_mask::Bool, extended_dynamic_state_3_alpha_to_coverage_enable::Bool, extended_dynamic_state_3_alpha_to_one_enable::Bool, extended_dynamic_state_3_logic_op_enable::Bool, extended_dynamic_state_3_color_blend_enable::Bool, extended_dynamic_state_3_color_blend_equation::Bool, extended_dynamic_state_3_color_write_mask::Bool, extended_dynamic_state_3_rasterization_stream::Bool, extended_dynamic_state_3_conservative_rasterization_mode::Bool, extended_dynamic_state_3_extra_primitive_overestimation_size::Bool, extended_dynamic_state_3_depth_clip_enable::Bool, extended_dynamic_state_3_sample_locations_enable::Bool, extended_dynamic_state_3_color_blend_advanced::Bool, extended_dynamic_state_3_provoking_vertex_mode::Bool, extended_dynamic_state_3_line_rasterization_mode::Bool, extended_dynamic_state_3_line_stipple_enable::Bool, extended_dynamic_state_3_depth_clip_negative_one_to_one::Bool, extended_dynamic_state_3_viewport_w_scaling_enable::Bool, extended_dynamic_state_3_viewport_swizzle::Bool, extended_dynamic_state_3_coverage_to_color_enable::Bool, extended_dynamic_state_3_coverage_to_color_location::Bool, extended_dynamic_state_3_coverage_modulation_mode::Bool, extended_dynamic_state_3_coverage_modulation_table_enable::Bool, extended_dynamic_state_3_coverage_modulation_table::Bool, extended_dynamic_state_3_coverage_reduction_mode::Bool, extended_dynamic_state_3_representative_fragment_test_enable::Bool, extended_dynamic_state_3_shading_rate_image_enable::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceExtendedDynamicState3FeaturesEXT(structure_type(VkPhysicalDeviceExtendedDynamicState3FeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), extended_dynamic_state_3_tessellation_domain_origin, extended_dynamic_state_3_depth_clamp_enable, extended_dynamic_state_3_polygon_mode, extended_dynamic_state_3_rasterization_samples, extended_dynamic_state_3_sample_mask, extended_dynamic_state_3_alpha_to_coverage_enable, extended_dynamic_state_3_alpha_to_one_enable, extended_dynamic_state_3_logic_op_enable, extended_dynamic_state_3_color_blend_enable, extended_dynamic_state_3_color_blend_equation, extended_dynamic_state_3_color_write_mask, extended_dynamic_state_3_rasterization_stream, extended_dynamic_state_3_conservative_rasterization_mode, extended_dynamic_state_3_extra_primitive_overestimation_size, extended_dynamic_state_3_depth_clip_enable, extended_dynamic_state_3_sample_locations_enable, extended_dynamic_state_3_color_blend_advanced, extended_dynamic_state_3_provoking_vertex_mode, extended_dynamic_state_3_line_rasterization_mode, extended_dynamic_state_3_line_stipple_enable, extended_dynamic_state_3_depth_clip_negative_one_to_one, extended_dynamic_state_3_viewport_w_scaling_enable, extended_dynamic_state_3_viewport_swizzle, extended_dynamic_state_3_coverage_to_color_enable, extended_dynamic_state_3_coverage_to_color_location, extended_dynamic_state_3_coverage_modulation_mode, extended_dynamic_state_3_coverage_modulation_table_enable, extended_dynamic_state_3_coverage_modulation_table, extended_dynamic_state_3_coverage_reduction_mode, extended_dynamic_state_3_representative_fragment_test_enable, extended_dynamic_state_3_shading_rate_image_enable) _PhysicalDeviceExtendedDynamicState3FeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `dynamic_primitive_topology_unrestricted::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicState3PropertiesEXT.html) """ function _PhysicalDeviceExtendedDynamicState3PropertiesEXT(dynamic_primitive_topology_unrestricted::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceExtendedDynamicState3PropertiesEXT(structure_type(VkPhysicalDeviceExtendedDynamicState3PropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), dynamic_primitive_topology_unrestricted) _PhysicalDeviceExtendedDynamicState3PropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `src_color_blend_factor::BlendFactor` - `dst_color_blend_factor::BlendFactor` - `color_blend_op::BlendOp` - `src_alpha_blend_factor::BlendFactor` - `dst_alpha_blend_factor::BlendFactor` - `alpha_blend_op::BlendOp` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkColorBlendEquationEXT.html) """ function _ColorBlendEquationEXT(src_color_blend_factor::BlendFactor, dst_color_blend_factor::BlendFactor, color_blend_op::BlendOp, src_alpha_blend_factor::BlendFactor, dst_alpha_blend_factor::BlendFactor, alpha_blend_op::BlendOp) _ColorBlendEquationEXT(VkColorBlendEquationEXT(src_color_blend_factor, dst_color_blend_factor, color_blend_op, src_alpha_blend_factor, dst_alpha_blend_factor, alpha_blend_op)) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `advanced_blend_op::BlendOp` - `src_premultiplied::Bool` - `dst_premultiplied::Bool` - `blend_overlap::BlendOverlapEXT` - `clamp_results::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkColorBlendAdvancedEXT.html) """ function _ColorBlendAdvancedEXT(advanced_blend_op::BlendOp, src_premultiplied::Bool, dst_premultiplied::Bool, blend_overlap::BlendOverlapEXT, clamp_results::Bool) _ColorBlendAdvancedEXT(VkColorBlendAdvancedEXT(advanced_blend_op, src_premultiplied, dst_premultiplied, blend_overlap, clamp_results)) end """ Extension: VK\\_QCOM\\_render\\_pass\\_transform Arguments: - `transform::SurfaceTransformFlagKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassTransformBeginInfoQCOM.html) """ function _RenderPassTransformBeginInfoQCOM(transform::SurfaceTransformFlagKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkRenderPassTransformBeginInfoQCOM(structure_type(VkRenderPassTransformBeginInfoQCOM), unsafe_convert(Ptr{Cvoid}, next), VkSurfaceTransformFlagBitsKHR(transform.val)) _RenderPassTransformBeginInfoQCOM(vks, deps) end """ Extension: VK\\_QCOM\\_rotated\\_copy\\_commands Arguments: - `transform::SurfaceTransformFlagKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyCommandTransformInfoQCOM.html) """ function _CopyCommandTransformInfoQCOM(transform::SurfaceTransformFlagKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCopyCommandTransformInfoQCOM(structure_type(VkCopyCommandTransformInfoQCOM), unsafe_convert(Ptr{Cvoid}, next), VkSurfaceTransformFlagBitsKHR(transform.val)) _CopyCommandTransformInfoQCOM(vks, deps) end """ Extension: VK\\_QCOM\\_render\\_pass\\_transform Arguments: - `transform::SurfaceTransformFlagKHR` - `render_area::_Rect2D` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceRenderPassTransformInfoQCOM.html) """ function _CommandBufferInheritanceRenderPassTransformInfoQCOM(transform::SurfaceTransformFlagKHR, render_area::_Rect2D; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCommandBufferInheritanceRenderPassTransformInfoQCOM(structure_type(VkCommandBufferInheritanceRenderPassTransformInfoQCOM), unsafe_convert(Ptr{Cvoid}, next), VkSurfaceTransformFlagBitsKHR(transform.val), render_area.vks) _CommandBufferInheritanceRenderPassTransformInfoQCOM(vks, deps) end """ Extension: VK\\_NV\\_device\\_diagnostics\\_config Arguments: - `diagnostics_config::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDiagnosticsConfigFeaturesNV.html) """ function _PhysicalDeviceDiagnosticsConfigFeaturesNV(diagnostics_config::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDiagnosticsConfigFeaturesNV(structure_type(VkPhysicalDeviceDiagnosticsConfigFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), diagnostics_config) _PhysicalDeviceDiagnosticsConfigFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_device\\_diagnostics\\_config Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::DeviceDiagnosticsConfigFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceDiagnosticsConfigCreateInfoNV.html) """ function _DeviceDiagnosticsConfigCreateInfoNV(; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceDiagnosticsConfigCreateInfoNV(structure_type(VkDeviceDiagnosticsConfigCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), flags) _DeviceDiagnosticsConfigCreateInfoNV(vks, deps) end """ Arguments: - `shader_zero_initialize_workgroup_memory::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures.html) """ function _PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures(shader_zero_initialize_workgroup_memory::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures(structure_type(VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures), unsafe_convert(Ptr{Cvoid}, next), shader_zero_initialize_workgroup_memory) _PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures(vks, deps) end """ Extension: VK\\_KHR\\_shader\\_subgroup\\_uniform\\_control\\_flow Arguments: - `shader_subgroup_uniform_control_flow::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR.html) """ function _PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR(shader_subgroup_uniform_control_flow::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR(structure_type(VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), shader_subgroup_uniform_control_flow) _PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR(vks, deps) end """ Extension: VK\\_EXT\\_robustness2 Arguments: - `robust_buffer_access_2::Bool` - `robust_image_access_2::Bool` - `null_descriptor::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRobustness2FeaturesEXT.html) """ function _PhysicalDeviceRobustness2FeaturesEXT(robust_buffer_access_2::Bool, robust_image_access_2::Bool, null_descriptor::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRobustness2FeaturesEXT(structure_type(VkPhysicalDeviceRobustness2FeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), robust_buffer_access_2, robust_image_access_2, null_descriptor) _PhysicalDeviceRobustness2FeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_robustness2 Arguments: - `robust_storage_buffer_access_size_alignment::UInt64` - `robust_uniform_buffer_access_size_alignment::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRobustness2PropertiesEXT.html) """ function _PhysicalDeviceRobustness2PropertiesEXT(robust_storage_buffer_access_size_alignment::Integer, robust_uniform_buffer_access_size_alignment::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRobustness2PropertiesEXT(structure_type(VkPhysicalDeviceRobustness2PropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), robust_storage_buffer_access_size_alignment, robust_uniform_buffer_access_size_alignment) _PhysicalDeviceRobustness2PropertiesEXT(vks, deps) end """ Arguments: - `robust_image_access::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageRobustnessFeatures.html) """ function _PhysicalDeviceImageRobustnessFeatures(robust_image_access::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceImageRobustnessFeatures(structure_type(VkPhysicalDeviceImageRobustnessFeatures), unsafe_convert(Ptr{Cvoid}, next), robust_image_access) _PhysicalDeviceImageRobustnessFeatures(vks, deps) end """ Extension: VK\\_KHR\\_workgroup\\_memory\\_explicit\\_layout Arguments: - `workgroup_memory_explicit_layout::Bool` - `workgroup_memory_explicit_layout_scalar_block_layout::Bool` - `workgroup_memory_explicit_layout_8_bit_access::Bool` - `workgroup_memory_explicit_layout_16_bit_access::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR.html) """ function _PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR(workgroup_memory_explicit_layout::Bool, workgroup_memory_explicit_layout_scalar_block_layout::Bool, workgroup_memory_explicit_layout_8_bit_access::Bool, workgroup_memory_explicit_layout_16_bit_access::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR(structure_type(VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), workgroup_memory_explicit_layout, workgroup_memory_explicit_layout_scalar_block_layout, workgroup_memory_explicit_layout_8_bit_access, workgroup_memory_explicit_layout_16_bit_access) _PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR(vks, deps) end """ Extension: VK\\_EXT\\_4444\\_formats Arguments: - `format_a4r4g4b4::Bool` - `format_a4b4g4r4::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevice4444FormatsFeaturesEXT.html) """ function _PhysicalDevice4444FormatsFeaturesEXT(format_a4r4g4b4::Bool, format_a4b4g4r4::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevice4444FormatsFeaturesEXT(structure_type(VkPhysicalDevice4444FormatsFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), format_a4r4g4b4, format_a4b4g4r4) _PhysicalDevice4444FormatsFeaturesEXT(vks, deps) end """ Extension: VK\\_HUAWEI\\_subpass\\_shading Arguments: - `subpass_shading::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubpassShadingFeaturesHUAWEI.html) """ function _PhysicalDeviceSubpassShadingFeaturesHUAWEI(subpass_shading::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSubpassShadingFeaturesHUAWEI(structure_type(VkPhysicalDeviceSubpassShadingFeaturesHUAWEI), unsafe_convert(Ptr{Cvoid}, next), subpass_shading) _PhysicalDeviceSubpassShadingFeaturesHUAWEI(vks, deps) end """ Extension: VK\\_HUAWEI\\_cluster\\_culling\\_shader Arguments: - `clusterculling_shader::Bool` - `multiview_cluster_culling_shader::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI.html) """ function _PhysicalDeviceClusterCullingShaderFeaturesHUAWEI(clusterculling_shader::Bool, multiview_cluster_culling_shader::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI(structure_type(VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI), unsafe_convert(Ptr{Cvoid}, next), clusterculling_shader, multiview_cluster_culling_shader) _PhysicalDeviceClusterCullingShaderFeaturesHUAWEI(vks, deps) end """ Arguments: - `src_offset::UInt64` - `dst_offset::UInt64` - `size::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCopy2.html) """ function _BufferCopy2(src_offset::Integer, dst_offset::Integer, size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBufferCopy2(structure_type(VkBufferCopy2), unsafe_convert(Ptr{Cvoid}, next), src_offset, dst_offset, size) _BufferCopy2(vks, deps) end """ Arguments: - `src_subresource::_ImageSubresourceLayers` - `src_offset::_Offset3D` - `dst_subresource::_ImageSubresourceLayers` - `dst_offset::_Offset3D` - `extent::_Extent3D` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCopy2.html) """ function _ImageCopy2(src_subresource::_ImageSubresourceLayers, src_offset::_Offset3D, dst_subresource::_ImageSubresourceLayers, dst_offset::_Offset3D, extent::_Extent3D; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageCopy2(structure_type(VkImageCopy2), unsafe_convert(Ptr{Cvoid}, next), src_subresource.vks, src_offset.vks, dst_subresource.vks, dst_offset.vks, extent.vks) _ImageCopy2(vks, deps) end """ Arguments: - `src_subresource::_ImageSubresourceLayers` - `src_offsets::NTuple{2, _Offset3D}` - `dst_subresource::_ImageSubresourceLayers` - `dst_offsets::NTuple{2, _Offset3D}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageBlit2.html) """ function _ImageBlit2(src_subresource::_ImageSubresourceLayers, src_offsets::NTuple{2, _Offset3D}, dst_subresource::_ImageSubresourceLayers, dst_offsets::NTuple{2, _Offset3D}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageBlit2(structure_type(VkImageBlit2), unsafe_convert(Ptr{Cvoid}, next), src_subresource.vks, to_vk(NTuple{2, VkOffset3D}, src_offsets), dst_subresource.vks, to_vk(NTuple{2, VkOffset3D}, dst_offsets)) _ImageBlit2(vks, deps) end """ Arguments: - `buffer_offset::UInt64` - `buffer_row_length::UInt32` - `buffer_image_height::UInt32` - `image_subresource::_ImageSubresourceLayers` - `image_offset::_Offset3D` - `image_extent::_Extent3D` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferImageCopy2.html) """ function _BufferImageCopy2(buffer_offset::Integer, buffer_row_length::Integer, buffer_image_height::Integer, image_subresource::_ImageSubresourceLayers, image_offset::_Offset3D, image_extent::_Extent3D; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBufferImageCopy2(structure_type(VkBufferImageCopy2), unsafe_convert(Ptr{Cvoid}, next), buffer_offset, buffer_row_length, buffer_image_height, image_subresource.vks, image_offset.vks, image_extent.vks) _BufferImageCopy2(vks, deps) end """ Arguments: - `src_subresource::_ImageSubresourceLayers` - `src_offset::_Offset3D` - `dst_subresource::_ImageSubresourceLayers` - `dst_offset::_Offset3D` - `extent::_Extent3D` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageResolve2.html) """ function _ImageResolve2(src_subresource::_ImageSubresourceLayers, src_offset::_Offset3D, dst_subresource::_ImageSubresourceLayers, dst_offset::_Offset3D, extent::_Extent3D; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageResolve2(structure_type(VkImageResolve2), unsafe_convert(Ptr{Cvoid}, next), src_subresource.vks, src_offset.vks, dst_subresource.vks, dst_offset.vks, extent.vks) _ImageResolve2(vks, deps) end """ Arguments: - `src_buffer::Buffer` - `dst_buffer::Buffer` - `regions::Vector{_BufferCopy2}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyBufferInfo2.html) """ function _CopyBufferInfo2(src_buffer, dst_buffer, regions::AbstractArray; next = C_NULL) region_count = pointer_length(regions) next = cconvert(Ptr{Cvoid}, next) regions = cconvert(Ptr{VkBufferCopy2}, regions) deps = Any[next, regions] vks = VkCopyBufferInfo2(structure_type(VkCopyBufferInfo2), unsafe_convert(Ptr{Cvoid}, next), src_buffer, dst_buffer, region_count, unsafe_convert(Ptr{VkBufferCopy2}, regions)) _CopyBufferInfo2(vks, deps, src_buffer, dst_buffer) end """ Arguments: - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{_ImageCopy2}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyImageInfo2.html) """ function _CopyImageInfo2(src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray; next = C_NULL) region_count = pointer_length(regions) next = cconvert(Ptr{Cvoid}, next) regions = cconvert(Ptr{VkImageCopy2}, regions) deps = Any[next, regions] vks = VkCopyImageInfo2(structure_type(VkCopyImageInfo2), unsafe_convert(Ptr{Cvoid}, next), src_image, src_image_layout, dst_image, dst_image_layout, region_count, unsafe_convert(Ptr{VkImageCopy2}, regions)) _CopyImageInfo2(vks, deps, src_image, dst_image) end """ Arguments: - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{_ImageBlit2}` - `filter::Filter` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBlitImageInfo2.html) """ function _BlitImageInfo2(src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray, filter::Filter; next = C_NULL) region_count = pointer_length(regions) next = cconvert(Ptr{Cvoid}, next) regions = cconvert(Ptr{VkImageBlit2}, regions) deps = Any[next, regions] vks = VkBlitImageInfo2(structure_type(VkBlitImageInfo2), unsafe_convert(Ptr{Cvoid}, next), src_image, src_image_layout, dst_image, dst_image_layout, region_count, unsafe_convert(Ptr{VkImageBlit2}, regions), filter) _BlitImageInfo2(vks, deps, src_image, dst_image) end """ Arguments: - `src_buffer::Buffer` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{_BufferImageCopy2}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyBufferToImageInfo2.html) """ function _CopyBufferToImageInfo2(src_buffer, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray; next = C_NULL) region_count = pointer_length(regions) next = cconvert(Ptr{Cvoid}, next) regions = cconvert(Ptr{VkBufferImageCopy2}, regions) deps = Any[next, regions] vks = VkCopyBufferToImageInfo2(structure_type(VkCopyBufferToImageInfo2), unsafe_convert(Ptr{Cvoid}, next), src_buffer, dst_image, dst_image_layout, region_count, unsafe_convert(Ptr{VkBufferImageCopy2}, regions)) _CopyBufferToImageInfo2(vks, deps, src_buffer, dst_image) end """ Arguments: - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_buffer::Buffer` - `regions::Vector{_BufferImageCopy2}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyImageToBufferInfo2.html) """ function _CopyImageToBufferInfo2(src_image, src_image_layout::ImageLayout, dst_buffer, regions::AbstractArray; next = C_NULL) region_count = pointer_length(regions) next = cconvert(Ptr{Cvoid}, next) regions = cconvert(Ptr{VkBufferImageCopy2}, regions) deps = Any[next, regions] vks = VkCopyImageToBufferInfo2(structure_type(VkCopyImageToBufferInfo2), unsafe_convert(Ptr{Cvoid}, next), src_image, src_image_layout, dst_buffer, region_count, unsafe_convert(Ptr{VkBufferImageCopy2}, regions)) _CopyImageToBufferInfo2(vks, deps, src_image, dst_buffer) end """ Arguments: - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{_ImageResolve2}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkResolveImageInfo2.html) """ function _ResolveImageInfo2(src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray; next = C_NULL) region_count = pointer_length(regions) next = cconvert(Ptr{Cvoid}, next) regions = cconvert(Ptr{VkImageResolve2}, regions) deps = Any[next, regions] vks = VkResolveImageInfo2(structure_type(VkResolveImageInfo2), unsafe_convert(Ptr{Cvoid}, next), src_image, src_image_layout, dst_image, dst_image_layout, region_count, unsafe_convert(Ptr{VkImageResolve2}, regions)) _ResolveImageInfo2(vks, deps, src_image, dst_image) end """ Extension: VK\\_EXT\\_shader\\_image\\_atomic\\_int64 Arguments: - `shader_image_int_64_atomics::Bool` - `sparse_image_int_64_atomics::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT.html) """ function _PhysicalDeviceShaderImageAtomicInt64FeaturesEXT(shader_image_int_64_atomics::Bool, sparse_image_int_64_atomics::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT(structure_type(VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), shader_image_int_64_atomics, sparse_image_int_64_atomics) _PhysicalDeviceShaderImageAtomicInt64FeaturesEXT(vks, deps) end """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Arguments: - `shading_rate_attachment_texel_size::_Extent2D` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `fragment_shading_rate_attachment::_AttachmentReference2`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFragmentShadingRateAttachmentInfoKHR.html) """ function _FragmentShadingRateAttachmentInfoKHR(shading_rate_attachment_texel_size::_Extent2D; next = C_NULL, fragment_shading_rate_attachment = C_NULL) next = cconvert(Ptr{Cvoid}, next) fragment_shading_rate_attachment = cconvert(Ptr{VkAttachmentReference2}, fragment_shading_rate_attachment) deps = Any[next, fragment_shading_rate_attachment] vks = VkFragmentShadingRateAttachmentInfoKHR(structure_type(VkFragmentShadingRateAttachmentInfoKHR), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{VkAttachmentReference2}, fragment_shading_rate_attachment), shading_rate_attachment_texel_size.vks) _FragmentShadingRateAttachmentInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Arguments: - `fragment_size::_Extent2D` - `combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineFragmentShadingRateStateCreateInfoKHR.html) """ function _PipelineFragmentShadingRateStateCreateInfoKHR(fragment_size::_Extent2D, combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineFragmentShadingRateStateCreateInfoKHR(structure_type(VkPipelineFragmentShadingRateStateCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), fragment_size.vks, to_vk(NTuple{2, VkFragmentShadingRateCombinerOpKHR}, combiner_ops)) _PipelineFragmentShadingRateStateCreateInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Arguments: - `pipeline_fragment_shading_rate::Bool` - `primitive_fragment_shading_rate::Bool` - `attachment_fragment_shading_rate::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateFeaturesKHR.html) """ function _PhysicalDeviceFragmentShadingRateFeaturesKHR(pipeline_fragment_shading_rate::Bool, primitive_fragment_shading_rate::Bool, attachment_fragment_shading_rate::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentShadingRateFeaturesKHR(structure_type(VkPhysicalDeviceFragmentShadingRateFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), pipeline_fragment_shading_rate, primitive_fragment_shading_rate, attachment_fragment_shading_rate) _PhysicalDeviceFragmentShadingRateFeaturesKHR(vks, deps) end """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Arguments: - `min_fragment_shading_rate_attachment_texel_size::_Extent2D` - `max_fragment_shading_rate_attachment_texel_size::_Extent2D` - `max_fragment_shading_rate_attachment_texel_size_aspect_ratio::UInt32` - `primitive_fragment_shading_rate_with_multiple_viewports::Bool` - `layered_shading_rate_attachments::Bool` - `fragment_shading_rate_non_trivial_combiner_ops::Bool` - `max_fragment_size::_Extent2D` - `max_fragment_size_aspect_ratio::UInt32` - `max_fragment_shading_rate_coverage_samples::UInt32` - `max_fragment_shading_rate_rasterization_samples::SampleCountFlag` - `fragment_shading_rate_with_shader_depth_stencil_writes::Bool` - `fragment_shading_rate_with_sample_mask::Bool` - `fragment_shading_rate_with_shader_sample_mask::Bool` - `fragment_shading_rate_with_conservative_rasterization::Bool` - `fragment_shading_rate_with_fragment_shader_interlock::Bool` - `fragment_shading_rate_with_custom_sample_locations::Bool` - `fragment_shading_rate_strict_multiply_combiner::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRatePropertiesKHR.html) """ function _PhysicalDeviceFragmentShadingRatePropertiesKHR(min_fragment_shading_rate_attachment_texel_size::_Extent2D, max_fragment_shading_rate_attachment_texel_size::_Extent2D, max_fragment_shading_rate_attachment_texel_size_aspect_ratio::Integer, primitive_fragment_shading_rate_with_multiple_viewports::Bool, layered_shading_rate_attachments::Bool, fragment_shading_rate_non_trivial_combiner_ops::Bool, max_fragment_size::_Extent2D, max_fragment_size_aspect_ratio::Integer, max_fragment_shading_rate_coverage_samples::Integer, max_fragment_shading_rate_rasterization_samples::SampleCountFlag, fragment_shading_rate_with_shader_depth_stencil_writes::Bool, fragment_shading_rate_with_sample_mask::Bool, fragment_shading_rate_with_shader_sample_mask::Bool, fragment_shading_rate_with_conservative_rasterization::Bool, fragment_shading_rate_with_fragment_shader_interlock::Bool, fragment_shading_rate_with_custom_sample_locations::Bool, fragment_shading_rate_strict_multiply_combiner::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentShadingRatePropertiesKHR(structure_type(VkPhysicalDeviceFragmentShadingRatePropertiesKHR), unsafe_convert(Ptr{Cvoid}, next), min_fragment_shading_rate_attachment_texel_size.vks, max_fragment_shading_rate_attachment_texel_size.vks, max_fragment_shading_rate_attachment_texel_size_aspect_ratio, primitive_fragment_shading_rate_with_multiple_viewports, layered_shading_rate_attachments, fragment_shading_rate_non_trivial_combiner_ops, max_fragment_size.vks, max_fragment_size_aspect_ratio, max_fragment_shading_rate_coverage_samples, VkSampleCountFlagBits(max_fragment_shading_rate_rasterization_samples.val), fragment_shading_rate_with_shader_depth_stencil_writes, fragment_shading_rate_with_sample_mask, fragment_shading_rate_with_shader_sample_mask, fragment_shading_rate_with_conservative_rasterization, fragment_shading_rate_with_fragment_shader_interlock, fragment_shading_rate_with_custom_sample_locations, fragment_shading_rate_strict_multiply_combiner) _PhysicalDeviceFragmentShadingRatePropertiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Arguments: - `sample_counts::SampleCountFlag` - `fragment_size::_Extent2D` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateKHR.html) """ function _PhysicalDeviceFragmentShadingRateKHR(sample_counts::SampleCountFlag, fragment_size::_Extent2D; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentShadingRateKHR(structure_type(VkPhysicalDeviceFragmentShadingRateKHR), unsafe_convert(Ptr{Cvoid}, next), sample_counts, fragment_size.vks) _PhysicalDeviceFragmentShadingRateKHR(vks, deps) end """ Arguments: - `shader_terminate_invocation::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderTerminateInvocationFeatures.html) """ function _PhysicalDeviceShaderTerminateInvocationFeatures(shader_terminate_invocation::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderTerminateInvocationFeatures(structure_type(VkPhysicalDeviceShaderTerminateInvocationFeatures), unsafe_convert(Ptr{Cvoid}, next), shader_terminate_invocation) _PhysicalDeviceShaderTerminateInvocationFeatures(vks, deps) end """ Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums Arguments: - `fragment_shading_rate_enums::Bool` - `supersample_fragment_shading_rates::Bool` - `no_invocation_fragment_shading_rates::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV.html) """ function _PhysicalDeviceFragmentShadingRateEnumsFeaturesNV(fragment_shading_rate_enums::Bool, supersample_fragment_shading_rates::Bool, no_invocation_fragment_shading_rates::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV(structure_type(VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), fragment_shading_rate_enums, supersample_fragment_shading_rates, no_invocation_fragment_shading_rates) _PhysicalDeviceFragmentShadingRateEnumsFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums Arguments: - `max_fragment_shading_rate_invocation_count::SampleCountFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV.html) """ function _PhysicalDeviceFragmentShadingRateEnumsPropertiesNV(max_fragment_shading_rate_invocation_count::SampleCountFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV(structure_type(VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), VkSampleCountFlagBits(max_fragment_shading_rate_invocation_count.val)) _PhysicalDeviceFragmentShadingRateEnumsPropertiesNV(vks, deps) end """ Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums Arguments: - `shading_rate_type::FragmentShadingRateTypeNV` - `shading_rate::FragmentShadingRateNV` - `combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineFragmentShadingRateEnumStateCreateInfoNV.html) """ function _PipelineFragmentShadingRateEnumStateCreateInfoNV(shading_rate_type::FragmentShadingRateTypeNV, shading_rate::FragmentShadingRateNV, combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineFragmentShadingRateEnumStateCreateInfoNV(structure_type(VkPipelineFragmentShadingRateEnumStateCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), shading_rate_type, shading_rate, to_vk(NTuple{2, VkFragmentShadingRateCombinerOpKHR}, combiner_ops)) _PipelineFragmentShadingRateEnumStateCreateInfoNV(vks, deps) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `acceleration_structure_size::UInt64` - `update_scratch_size::UInt64` - `build_scratch_size::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureBuildSizesInfoKHR.html) """ function _AccelerationStructureBuildSizesInfoKHR(acceleration_structure_size::Integer, update_scratch_size::Integer, build_scratch_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAccelerationStructureBuildSizesInfoKHR(structure_type(VkAccelerationStructureBuildSizesInfoKHR), unsafe_convert(Ptr{Cvoid}, next), acceleration_structure_size, update_scratch_size, build_scratch_size) _AccelerationStructureBuildSizesInfoKHR(vks, deps) end """ Extension: VK\\_EXT\\_image\\_2d\\_view\\_of\\_3d Arguments: - `image_2_d_view_of_3_d::Bool` - `sampler_2_d_view_of_3_d::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImage2DViewOf3DFeaturesEXT.html) """ function _PhysicalDeviceImage2DViewOf3DFeaturesEXT(image_2_d_view_of_3_d::Bool, sampler_2_d_view_of_3_d::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceImage2DViewOf3DFeaturesEXT(structure_type(VkPhysicalDeviceImage2DViewOf3DFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), image_2_d_view_of_3_d, sampler_2_d_view_of_3_d) _PhysicalDeviceImage2DViewOf3DFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_mutable\\_descriptor\\_type Arguments: - `mutable_descriptor_type::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT.html) """ function _PhysicalDeviceMutableDescriptorTypeFeaturesEXT(mutable_descriptor_type::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT(structure_type(VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), mutable_descriptor_type) _PhysicalDeviceMutableDescriptorTypeFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_mutable\\_descriptor\\_type Arguments: - `descriptor_types::Vector{DescriptorType}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMutableDescriptorTypeListEXT.html) """ function _MutableDescriptorTypeListEXT(descriptor_types::AbstractArray) descriptor_type_count = pointer_length(descriptor_types) descriptor_types = cconvert(Ptr{VkDescriptorType}, descriptor_types) deps = Any[descriptor_types] vks = VkMutableDescriptorTypeListEXT(descriptor_type_count, unsafe_convert(Ptr{VkDescriptorType}, descriptor_types)) _MutableDescriptorTypeListEXT(vks, deps) end """ Extension: VK\\_EXT\\_mutable\\_descriptor\\_type Arguments: - `mutable_descriptor_type_lists::Vector{_MutableDescriptorTypeListEXT}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMutableDescriptorTypeCreateInfoEXT.html) """ function _MutableDescriptorTypeCreateInfoEXT(mutable_descriptor_type_lists::AbstractArray; next = C_NULL) mutable_descriptor_type_list_count = pointer_length(mutable_descriptor_type_lists) next = cconvert(Ptr{Cvoid}, next) mutable_descriptor_type_lists = cconvert(Ptr{VkMutableDescriptorTypeListEXT}, mutable_descriptor_type_lists) deps = Any[next, mutable_descriptor_type_lists] vks = VkMutableDescriptorTypeCreateInfoEXT(structure_type(VkMutableDescriptorTypeCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), mutable_descriptor_type_list_count, unsafe_convert(Ptr{VkMutableDescriptorTypeListEXT}, mutable_descriptor_type_lists)) _MutableDescriptorTypeCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_depth\\_clip\\_control Arguments: - `depth_clip_control::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthClipControlFeaturesEXT.html) """ function _PhysicalDeviceDepthClipControlFeaturesEXT(depth_clip_control::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDepthClipControlFeaturesEXT(structure_type(VkPhysicalDeviceDepthClipControlFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), depth_clip_control) _PhysicalDeviceDepthClipControlFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_depth\\_clip\\_control Arguments: - `negative_one_to_one::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportDepthClipControlCreateInfoEXT.html) """ function _PipelineViewportDepthClipControlCreateInfoEXT(negative_one_to_one::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineViewportDepthClipControlCreateInfoEXT(structure_type(VkPipelineViewportDepthClipControlCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), negative_one_to_one) _PipelineViewportDepthClipControlCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state Arguments: - `vertex_input_dynamic_state::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT.html) """ function _PhysicalDeviceVertexInputDynamicStateFeaturesEXT(vertex_input_dynamic_state::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT(structure_type(VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), vertex_input_dynamic_state) _PhysicalDeviceVertexInputDynamicStateFeaturesEXT(vks, deps) end """ Extension: VK\\_NV\\_external\\_memory\\_rdma Arguments: - `external_memory_rdma::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalMemoryRDMAFeaturesNV.html) """ function _PhysicalDeviceExternalMemoryRDMAFeaturesNV(external_memory_rdma::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceExternalMemoryRDMAFeaturesNV(structure_type(VkPhysicalDeviceExternalMemoryRDMAFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), external_memory_rdma) _PhysicalDeviceExternalMemoryRDMAFeaturesNV(vks, deps) end """ Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state Arguments: - `binding::UInt32` - `stride::UInt32` - `input_rate::VertexInputRate` - `divisor::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputBindingDescription2EXT.html) """ function _VertexInputBindingDescription2EXT(binding::Integer, stride::Integer, input_rate::VertexInputRate, divisor::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVertexInputBindingDescription2EXT(structure_type(VkVertexInputBindingDescription2EXT), unsafe_convert(Ptr{Cvoid}, next), binding, stride, input_rate, divisor) _VertexInputBindingDescription2EXT(vks, deps) end """ Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state Arguments: - `location::UInt32` - `binding::UInt32` - `format::Format` - `offset::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputAttributeDescription2EXT.html) """ function _VertexInputAttributeDescription2EXT(location::Integer, binding::Integer, format::Format, offset::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVertexInputAttributeDescription2EXT(structure_type(VkVertexInputAttributeDescription2EXT), unsafe_convert(Ptr{Cvoid}, next), location, binding, format, offset) _VertexInputAttributeDescription2EXT(vks, deps) end """ Extension: VK\\_EXT\\_color\\_write\\_enable Arguments: - `color_write_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceColorWriteEnableFeaturesEXT.html) """ function _PhysicalDeviceColorWriteEnableFeaturesEXT(color_write_enable::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceColorWriteEnableFeaturesEXT(structure_type(VkPhysicalDeviceColorWriteEnableFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), color_write_enable) _PhysicalDeviceColorWriteEnableFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_color\\_write\\_enable Arguments: - `color_write_enables::Vector{Bool}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorWriteCreateInfoEXT.html) """ function _PipelineColorWriteCreateInfoEXT(color_write_enables::AbstractArray; next = C_NULL) attachment_count = pointer_length(color_write_enables) next = cconvert(Ptr{Cvoid}, next) color_write_enables = cconvert(Ptr{VkBool32}, color_write_enables) deps = Any[next, color_write_enables] vks = VkPipelineColorWriteCreateInfoEXT(structure_type(VkPipelineColorWriteCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), attachment_count, unsafe_convert(Ptr{VkBool32}, color_write_enables)) _PipelineColorWriteCreateInfoEXT(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `src_stage_mask::UInt64`: defaults to `0` - `src_access_mask::UInt64`: defaults to `0` - `dst_stage_mask::UInt64`: defaults to `0` - `dst_access_mask::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryBarrier2.html) """ function _MemoryBarrier2(; next = C_NULL, src_stage_mask = 0, src_access_mask = 0, dst_stage_mask = 0, dst_access_mask = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryBarrier2(structure_type(VkMemoryBarrier2), unsafe_convert(Ptr{Cvoid}, next), src_stage_mask, src_access_mask, dst_stage_mask, dst_access_mask) _MemoryBarrier2(vks, deps) end """ Arguments: - `old_layout::ImageLayout` - `new_layout::ImageLayout` - `src_queue_family_index::UInt32` - `dst_queue_family_index::UInt32` - `image::Image` - `subresource_range::_ImageSubresourceRange` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `src_stage_mask::UInt64`: defaults to `0` - `src_access_mask::UInt64`: defaults to `0` - `dst_stage_mask::UInt64`: defaults to `0` - `dst_access_mask::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageMemoryBarrier2.html) """ function _ImageMemoryBarrier2(old_layout::ImageLayout, new_layout::ImageLayout, src_queue_family_index::Integer, dst_queue_family_index::Integer, image, subresource_range::_ImageSubresourceRange; next = C_NULL, src_stage_mask = 0, src_access_mask = 0, dst_stage_mask = 0, dst_access_mask = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageMemoryBarrier2(structure_type(VkImageMemoryBarrier2), unsafe_convert(Ptr{Cvoid}, next), src_stage_mask, src_access_mask, dst_stage_mask, dst_access_mask, old_layout, new_layout, src_queue_family_index, dst_queue_family_index, image, subresource_range.vks) _ImageMemoryBarrier2(vks, deps, image) end """ Arguments: - `src_queue_family_index::UInt32` - `dst_queue_family_index::UInt32` - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `src_stage_mask::UInt64`: defaults to `0` - `src_access_mask::UInt64`: defaults to `0` - `dst_stage_mask::UInt64`: defaults to `0` - `dst_access_mask::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferMemoryBarrier2.html) """ function _BufferMemoryBarrier2(src_queue_family_index::Integer, dst_queue_family_index::Integer, buffer, offset::Integer, size::Integer; next = C_NULL, src_stage_mask = 0, src_access_mask = 0, dst_stage_mask = 0, dst_access_mask = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBufferMemoryBarrier2(structure_type(VkBufferMemoryBarrier2), unsafe_convert(Ptr{Cvoid}, next), src_stage_mask, src_access_mask, dst_stage_mask, dst_access_mask, src_queue_family_index, dst_queue_family_index, buffer, offset, size) _BufferMemoryBarrier2(vks, deps, buffer) end """ Arguments: - `memory_barriers::Vector{_MemoryBarrier2}` - `buffer_memory_barriers::Vector{_BufferMemoryBarrier2}` - `image_memory_barriers::Vector{_ImageMemoryBarrier2}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `dependency_flags::DependencyFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDependencyInfo.html) """ function _DependencyInfo(memory_barriers::AbstractArray, buffer_memory_barriers::AbstractArray, image_memory_barriers::AbstractArray; next = C_NULL, dependency_flags = 0) memory_barrier_count = pointer_length(memory_barriers) buffer_memory_barrier_count = pointer_length(buffer_memory_barriers) image_memory_barrier_count = pointer_length(image_memory_barriers) next = cconvert(Ptr{Cvoid}, next) memory_barriers = cconvert(Ptr{VkMemoryBarrier2}, memory_barriers) buffer_memory_barriers = cconvert(Ptr{VkBufferMemoryBarrier2}, buffer_memory_barriers) image_memory_barriers = cconvert(Ptr{VkImageMemoryBarrier2}, image_memory_barriers) deps = Any[next, memory_barriers, buffer_memory_barriers, image_memory_barriers] vks = VkDependencyInfo(structure_type(VkDependencyInfo), unsafe_convert(Ptr{Cvoid}, next), dependency_flags, memory_barrier_count, unsafe_convert(Ptr{VkMemoryBarrier2}, memory_barriers), buffer_memory_barrier_count, unsafe_convert(Ptr{VkBufferMemoryBarrier2}, buffer_memory_barriers), image_memory_barrier_count, unsafe_convert(Ptr{VkImageMemoryBarrier2}, image_memory_barriers)) _DependencyInfo(vks, deps) end """ Arguments: - `semaphore::Semaphore` - `value::UInt64` - `device_index::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `stage_mask::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreSubmitInfo.html) """ function _SemaphoreSubmitInfo(semaphore, value::Integer, device_index::Integer; next = C_NULL, stage_mask = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSemaphoreSubmitInfo(structure_type(VkSemaphoreSubmitInfo), unsafe_convert(Ptr{Cvoid}, next), semaphore, value, stage_mask, device_index) _SemaphoreSubmitInfo(vks, deps, semaphore) end """ Arguments: - `command_buffer::CommandBuffer` - `device_mask::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferSubmitInfo.html) """ function _CommandBufferSubmitInfo(command_buffer, device_mask::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCommandBufferSubmitInfo(structure_type(VkCommandBufferSubmitInfo), unsafe_convert(Ptr{Cvoid}, next), command_buffer, device_mask) _CommandBufferSubmitInfo(vks, deps, command_buffer) end """ Arguments: - `wait_semaphore_infos::Vector{_SemaphoreSubmitInfo}` - `command_buffer_infos::Vector{_CommandBufferSubmitInfo}` - `signal_semaphore_infos::Vector{_SemaphoreSubmitInfo}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::SubmitFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubmitInfo2.html) """ function _SubmitInfo2(wait_semaphore_infos::AbstractArray, command_buffer_infos::AbstractArray, signal_semaphore_infos::AbstractArray; next = C_NULL, flags = 0) wait_semaphore_info_count = pointer_length(wait_semaphore_infos) command_buffer_info_count = pointer_length(command_buffer_infos) signal_semaphore_info_count = pointer_length(signal_semaphore_infos) next = cconvert(Ptr{Cvoid}, next) wait_semaphore_infos = cconvert(Ptr{VkSemaphoreSubmitInfo}, wait_semaphore_infos) command_buffer_infos = cconvert(Ptr{VkCommandBufferSubmitInfo}, command_buffer_infos) signal_semaphore_infos = cconvert(Ptr{VkSemaphoreSubmitInfo}, signal_semaphore_infos) deps = Any[next, wait_semaphore_infos, command_buffer_infos, signal_semaphore_infos] vks = VkSubmitInfo2(structure_type(VkSubmitInfo2), unsafe_convert(Ptr{Cvoid}, next), flags, wait_semaphore_info_count, unsafe_convert(Ptr{VkSemaphoreSubmitInfo}, wait_semaphore_infos), command_buffer_info_count, unsafe_convert(Ptr{VkCommandBufferSubmitInfo}, command_buffer_infos), signal_semaphore_info_count, unsafe_convert(Ptr{VkSemaphoreSubmitInfo}, signal_semaphore_infos)) _SubmitInfo2(vks, deps) end """ Extension: VK\\_KHR\\_synchronization2 Arguments: - `checkpoint_execution_stage_mask::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyCheckpointProperties2NV.html) """ function _QueueFamilyCheckpointProperties2NV(checkpoint_execution_stage_mask::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkQueueFamilyCheckpointProperties2NV(structure_type(VkQueueFamilyCheckpointProperties2NV), unsafe_convert(Ptr{Cvoid}, next), checkpoint_execution_stage_mask) _QueueFamilyCheckpointProperties2NV(vks, deps) end """ Extension: VK\\_KHR\\_synchronization2 Arguments: - `stage::UInt64` - `checkpoint_marker::Ptr{Cvoid}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCheckpointData2NV.html) """ function _CheckpointData2NV(stage::Integer, checkpoint_marker::Ptr{Cvoid}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) checkpoint_marker = cconvert(Ptr{Cvoid}, checkpoint_marker) deps = Any[next, checkpoint_marker] vks = VkCheckpointData2NV(structure_type(VkCheckpointData2NV), unsafe_convert(Ptr{Cvoid}, next), stage, unsafe_convert(Ptr{Cvoid}, checkpoint_marker)) _CheckpointData2NV(vks, deps) end """ Arguments: - `synchronization2::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSynchronization2Features.html) """ function _PhysicalDeviceSynchronization2Features(synchronization2::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSynchronization2Features(structure_type(VkPhysicalDeviceSynchronization2Features), unsafe_convert(Ptr{Cvoid}, next), synchronization2) _PhysicalDeviceSynchronization2Features(vks, deps) end """ Extension: VK\\_EXT\\_primitives\\_generated\\_query Arguments: - `primitives_generated_query::Bool` - `primitives_generated_query_with_rasterizer_discard::Bool` - `primitives_generated_query_with_non_zero_streams::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT.html) """ function _PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT(primitives_generated_query::Bool, primitives_generated_query_with_rasterizer_discard::Bool, primitives_generated_query_with_non_zero_streams::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT(structure_type(VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), primitives_generated_query, primitives_generated_query_with_rasterizer_discard, primitives_generated_query_with_non_zero_streams) _PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_legacy\\_dithering Arguments: - `legacy_dithering::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLegacyDitheringFeaturesEXT.html) """ function _PhysicalDeviceLegacyDitheringFeaturesEXT(legacy_dithering::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceLegacyDitheringFeaturesEXT(structure_type(VkPhysicalDeviceLegacyDitheringFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), legacy_dithering) _PhysicalDeviceLegacyDitheringFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_multisampled\\_render\\_to\\_single\\_sampled Arguments: - `multisampled_render_to_single_sampled::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT.html) """ function _PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT(multisampled_render_to_single_sampled::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT(structure_type(VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), multisampled_render_to_single_sampled) _PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_multisampled\\_render\\_to\\_single\\_sampled Arguments: - `optimal::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassResolvePerformanceQueryEXT.html) """ function _SubpassResolvePerformanceQueryEXT(optimal::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSubpassResolvePerformanceQueryEXT(structure_type(VkSubpassResolvePerformanceQueryEXT), unsafe_convert(Ptr{Cvoid}, next), optimal) _SubpassResolvePerformanceQueryEXT(vks, deps) end """ Extension: VK\\_EXT\\_multisampled\\_render\\_to\\_single\\_sampled Arguments: - `multisampled_render_to_single_sampled_enable::Bool` - `rasterization_samples::SampleCountFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultisampledRenderToSingleSampledInfoEXT.html) """ function _MultisampledRenderToSingleSampledInfoEXT(multisampled_render_to_single_sampled_enable::Bool, rasterization_samples::SampleCountFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMultisampledRenderToSingleSampledInfoEXT(structure_type(VkMultisampledRenderToSingleSampledInfoEXT), unsafe_convert(Ptr{Cvoid}, next), multisampled_render_to_single_sampled_enable, VkSampleCountFlagBits(rasterization_samples.val)) _MultisampledRenderToSingleSampledInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_pipeline\\_protected\\_access Arguments: - `pipeline_protected_access::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineProtectedAccessFeaturesEXT.html) """ function _PhysicalDevicePipelineProtectedAccessFeaturesEXT(pipeline_protected_access::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePipelineProtectedAccessFeaturesEXT(structure_type(VkPhysicalDevicePipelineProtectedAccessFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), pipeline_protected_access) _PhysicalDevicePipelineProtectedAccessFeaturesEXT(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `video_codec_operations::VideoCodecOperationFlagKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyVideoPropertiesKHR.html) """ function _QueueFamilyVideoPropertiesKHR(video_codec_operations::VideoCodecOperationFlagKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkQueueFamilyVideoPropertiesKHR(structure_type(VkQueueFamilyVideoPropertiesKHR), unsafe_convert(Ptr{Cvoid}, next), video_codec_operations) _QueueFamilyVideoPropertiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `query_result_status_support::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyQueryResultStatusPropertiesKHR.html) """ function _QueueFamilyQueryResultStatusPropertiesKHR(query_result_status_support::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkQueueFamilyQueryResultStatusPropertiesKHR(structure_type(VkQueueFamilyQueryResultStatusPropertiesKHR), unsafe_convert(Ptr{Cvoid}, next), query_result_status_support) _QueueFamilyQueryResultStatusPropertiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `profiles::Vector{_VideoProfileInfoKHR}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoProfileListInfoKHR.html) """ function _VideoProfileListInfoKHR(profiles::AbstractArray; next = C_NULL) profile_count = pointer_length(profiles) next = cconvert(Ptr{Cvoid}, next) profiles = cconvert(Ptr{VkVideoProfileInfoKHR}, profiles) deps = Any[next, profiles] vks = VkVideoProfileListInfoKHR(structure_type(VkVideoProfileListInfoKHR), unsafe_convert(Ptr{Cvoid}, next), profile_count, unsafe_convert(Ptr{VkVideoProfileInfoKHR}, profiles)) _VideoProfileListInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `image_usage::ImageUsageFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVideoFormatInfoKHR.html) """ function _PhysicalDeviceVideoFormatInfoKHR(image_usage::ImageUsageFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceVideoFormatInfoKHR(structure_type(VkPhysicalDeviceVideoFormatInfoKHR), unsafe_convert(Ptr{Cvoid}, next), image_usage) _PhysicalDeviceVideoFormatInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `format::Format` - `component_mapping::_ComponentMapping` - `image_create_flags::ImageCreateFlag` - `image_type::ImageType` - `image_tiling::ImageTiling` - `image_usage_flags::ImageUsageFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoFormatPropertiesKHR.html) """ function _VideoFormatPropertiesKHR(format::Format, component_mapping::_ComponentMapping, image_create_flags::ImageCreateFlag, image_type::ImageType, image_tiling::ImageTiling, image_usage_flags::ImageUsageFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoFormatPropertiesKHR(structure_type(VkVideoFormatPropertiesKHR), unsafe_convert(Ptr{Cvoid}, next), format, component_mapping.vks, image_create_flags, image_type, image_tiling, image_usage_flags) _VideoFormatPropertiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `video_codec_operation::VideoCodecOperationFlagKHR` - `chroma_subsampling::VideoChromaSubsamplingFlagKHR` - `luma_bit_depth::VideoComponentBitDepthFlagKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `chroma_bit_depth::VideoComponentBitDepthFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoProfileInfoKHR.html) """ function _VideoProfileInfoKHR(video_codec_operation::VideoCodecOperationFlagKHR, chroma_subsampling::VideoChromaSubsamplingFlagKHR, luma_bit_depth::VideoComponentBitDepthFlagKHR; next = C_NULL, chroma_bit_depth = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoProfileInfoKHR(structure_type(VkVideoProfileInfoKHR), unsafe_convert(Ptr{Cvoid}, next), VkVideoCodecOperationFlagBitsKHR(video_codec_operation.val), chroma_subsampling, luma_bit_depth, chroma_bit_depth) _VideoProfileInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `flags::VideoCapabilityFlagKHR` - `min_bitstream_buffer_offset_alignment::UInt64` - `min_bitstream_buffer_size_alignment::UInt64` - `picture_access_granularity::_Extent2D` - `min_coded_extent::_Extent2D` - `max_coded_extent::_Extent2D` - `max_dpb_slots::UInt32` - `max_active_reference_pictures::UInt32` - `std_header_version::_ExtensionProperties` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoCapabilitiesKHR.html) """ function _VideoCapabilitiesKHR(flags::VideoCapabilityFlagKHR, min_bitstream_buffer_offset_alignment::Integer, min_bitstream_buffer_size_alignment::Integer, picture_access_granularity::_Extent2D, min_coded_extent::_Extent2D, max_coded_extent::_Extent2D, max_dpb_slots::Integer, max_active_reference_pictures::Integer, std_header_version::_ExtensionProperties; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoCapabilitiesKHR(structure_type(VkVideoCapabilitiesKHR), unsafe_convert(Ptr{Cvoid}, next), flags, min_bitstream_buffer_offset_alignment, min_bitstream_buffer_size_alignment, picture_access_granularity.vks, min_coded_extent.vks, max_coded_extent.vks, max_dpb_slots, max_active_reference_pictures, std_header_version.vks) _VideoCapabilitiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `memory_bind_index::UInt32` - `memory_requirements::_MemoryRequirements` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionMemoryRequirementsKHR.html) """ function _VideoSessionMemoryRequirementsKHR(memory_bind_index::Integer, memory_requirements::_MemoryRequirements; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoSessionMemoryRequirementsKHR(structure_type(VkVideoSessionMemoryRequirementsKHR), unsafe_convert(Ptr{Cvoid}, next), memory_bind_index, memory_requirements.vks) _VideoSessionMemoryRequirementsKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `memory_bind_index::UInt32` - `memory::DeviceMemory` - `memory_offset::UInt64` - `memory_size::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindVideoSessionMemoryInfoKHR.html) """ function _BindVideoSessionMemoryInfoKHR(memory_bind_index::Integer, memory, memory_offset::Integer, memory_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBindVideoSessionMemoryInfoKHR(structure_type(VkBindVideoSessionMemoryInfoKHR), unsafe_convert(Ptr{Cvoid}, next), memory_bind_index, memory, memory_offset, memory_size) _BindVideoSessionMemoryInfoKHR(vks, deps, memory) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `coded_offset::_Offset2D` - `coded_extent::_Extent2D` - `base_array_layer::UInt32` - `image_view_binding::ImageView` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoPictureResourceInfoKHR.html) """ function _VideoPictureResourceInfoKHR(coded_offset::_Offset2D, coded_extent::_Extent2D, base_array_layer::Integer, image_view_binding; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoPictureResourceInfoKHR(structure_type(VkVideoPictureResourceInfoKHR), unsafe_convert(Ptr{Cvoid}, next), coded_offset.vks, coded_extent.vks, base_array_layer, image_view_binding) _VideoPictureResourceInfoKHR(vks, deps, image_view_binding) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `slot_index::Int32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `picture_resource::_VideoPictureResourceInfoKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoReferenceSlotInfoKHR.html) """ function _VideoReferenceSlotInfoKHR(slot_index::Integer; next = C_NULL, picture_resource = C_NULL) next = cconvert(Ptr{Cvoid}, next) picture_resource = cconvert(Ptr{VkVideoPictureResourceInfoKHR}, picture_resource) deps = Any[next, picture_resource] vks = VkVideoReferenceSlotInfoKHR(structure_type(VkVideoReferenceSlotInfoKHR), unsafe_convert(Ptr{Cvoid}, next), slot_index, unsafe_convert(Ptr{VkVideoPictureResourceInfoKHR}, picture_resource)) _VideoReferenceSlotInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_queue Arguments: - `flags::VideoDecodeCapabilityFlagKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeCapabilitiesKHR.html) """ function _VideoDecodeCapabilitiesKHR(flags::VideoDecodeCapabilityFlagKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoDecodeCapabilitiesKHR(structure_type(VkVideoDecodeCapabilitiesKHR), unsafe_convert(Ptr{Cvoid}, next), flags) _VideoDecodeCapabilitiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_queue Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `video_usage_hints::VideoDecodeUsageFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeUsageInfoKHR.html) """ function _VideoDecodeUsageInfoKHR(; next = C_NULL, video_usage_hints = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoDecodeUsageInfoKHR(structure_type(VkVideoDecodeUsageInfoKHR), unsafe_convert(Ptr{Cvoid}, next), video_usage_hints) _VideoDecodeUsageInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_queue Arguments: - `src_buffer::Buffer` - `src_buffer_offset::UInt64` - `src_buffer_range::UInt64` - `dst_picture_resource::_VideoPictureResourceInfoKHR` - `setup_reference_slot::_VideoReferenceSlotInfoKHR` - `reference_slots::Vector{_VideoReferenceSlotInfoKHR}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeInfoKHR.html) """ function _VideoDecodeInfoKHR(src_buffer, src_buffer_offset::Integer, src_buffer_range::Integer, dst_picture_resource::_VideoPictureResourceInfoKHR, setup_reference_slot::_VideoReferenceSlotInfoKHR, reference_slots::AbstractArray; next = C_NULL, flags = 0) reference_slot_count = pointer_length(reference_slots) next = cconvert(Ptr{Cvoid}, next) setup_reference_slot = cconvert(Ptr{VkVideoReferenceSlotInfoKHR}, setup_reference_slot) reference_slots = cconvert(Ptr{VkVideoReferenceSlotInfoKHR}, reference_slots) deps = Any[next, setup_reference_slot, reference_slots] vks = VkVideoDecodeInfoKHR(structure_type(VkVideoDecodeInfoKHR), unsafe_convert(Ptr{Cvoid}, next), flags, src_buffer, src_buffer_offset, src_buffer_range, dst_picture_resource.vks, unsafe_convert(Ptr{VkVideoReferenceSlotInfoKHR}, setup_reference_slot), reference_slot_count, unsafe_convert(Ptr{VkVideoReferenceSlotInfoKHR}, reference_slots)) _VideoDecodeInfoKHR(vks, deps, src_buffer) end """ Extension: VK\\_KHR\\_video\\_decode\\_h264 Arguments: - `std_profile_idc::StdVideoH264ProfileIdc` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `picture_layout::VideoDecodeH264PictureLayoutFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264ProfileInfoKHR.html) """ function _VideoDecodeH264ProfileInfoKHR(std_profile_idc::StdVideoH264ProfileIdc; next = C_NULL, picture_layout = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoDecodeH264ProfileInfoKHR(structure_type(VkVideoDecodeH264ProfileInfoKHR), unsafe_convert(Ptr{Cvoid}, next), std_profile_idc, VkVideoDecodeH264PictureLayoutFlagBitsKHR(picture_layout.val)) _VideoDecodeH264ProfileInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_h264 Arguments: - `max_level_idc::StdVideoH264LevelIdc` - `field_offset_granularity::_Offset2D` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264CapabilitiesKHR.html) """ function _VideoDecodeH264CapabilitiesKHR(max_level_idc::StdVideoH264LevelIdc, field_offset_granularity::_Offset2D; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoDecodeH264CapabilitiesKHR(structure_type(VkVideoDecodeH264CapabilitiesKHR), unsafe_convert(Ptr{Cvoid}, next), max_level_idc, field_offset_granularity.vks) _VideoDecodeH264CapabilitiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_h264 Arguments: - `std_sp_ss::Vector{StdVideoH264SequenceParameterSet}` - `std_pp_ss::Vector{StdVideoH264PictureParameterSet}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264SessionParametersAddInfoKHR.html) """ function _VideoDecodeH264SessionParametersAddInfoKHR(std_sp_ss::AbstractArray, std_pp_ss::AbstractArray; next = C_NULL) std_sps_count = pointer_length(std_sp_ss) std_pps_count = pointer_length(std_pp_ss) next = cconvert(Ptr{Cvoid}, next) std_sp_ss = cconvert(Ptr{StdVideoH264SequenceParameterSet}, std_sp_ss) std_pp_ss = cconvert(Ptr{StdVideoH264PictureParameterSet}, std_pp_ss) deps = Any[next, std_sp_ss, std_pp_ss] vks = VkVideoDecodeH264SessionParametersAddInfoKHR(structure_type(VkVideoDecodeH264SessionParametersAddInfoKHR), unsafe_convert(Ptr{Cvoid}, next), std_sps_count, unsafe_convert(Ptr{StdVideoH264SequenceParameterSet}, std_sp_ss), std_pps_count, unsafe_convert(Ptr{StdVideoH264PictureParameterSet}, std_pp_ss)) _VideoDecodeH264SessionParametersAddInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_h264 Arguments: - `max_std_sps_count::UInt32` - `max_std_pps_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `parameters_add_info::_VideoDecodeH264SessionParametersAddInfoKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264SessionParametersCreateInfoKHR.html) """ function _VideoDecodeH264SessionParametersCreateInfoKHR(max_std_sps_count::Integer, max_std_pps_count::Integer; next = C_NULL, parameters_add_info = C_NULL) next = cconvert(Ptr{Cvoid}, next) parameters_add_info = cconvert(Ptr{VkVideoDecodeH264SessionParametersAddInfoKHR}, parameters_add_info) deps = Any[next, parameters_add_info] vks = VkVideoDecodeH264SessionParametersCreateInfoKHR(structure_type(VkVideoDecodeH264SessionParametersCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), max_std_sps_count, max_std_pps_count, unsafe_convert(Ptr{VkVideoDecodeH264SessionParametersAddInfoKHR}, parameters_add_info)) _VideoDecodeH264SessionParametersCreateInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_h264 Arguments: - `std_picture_info::StdVideoDecodeH264PictureInfo` - `slice_offsets::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264PictureInfoKHR.html) """ function _VideoDecodeH264PictureInfoKHR(std_picture_info::StdVideoDecodeH264PictureInfo, slice_offsets::AbstractArray; next = C_NULL) slice_count = pointer_length(slice_offsets) next = cconvert(Ptr{Cvoid}, next) std_picture_info = cconvert(Ptr{StdVideoDecodeH264PictureInfo}, std_picture_info) slice_offsets = cconvert(Ptr{UInt32}, slice_offsets) deps = Any[next, std_picture_info, slice_offsets] vks = VkVideoDecodeH264PictureInfoKHR(structure_type(VkVideoDecodeH264PictureInfoKHR), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{StdVideoDecodeH264PictureInfo}, std_picture_info), slice_count, unsafe_convert(Ptr{UInt32}, slice_offsets)) _VideoDecodeH264PictureInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_h264 Arguments: - `std_reference_info::StdVideoDecodeH264ReferenceInfo` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264DpbSlotInfoKHR.html) """ function _VideoDecodeH264DpbSlotInfoKHR(std_reference_info::StdVideoDecodeH264ReferenceInfo; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) std_reference_info = cconvert(Ptr{StdVideoDecodeH264ReferenceInfo}, std_reference_info) deps = Any[next, std_reference_info] vks = VkVideoDecodeH264DpbSlotInfoKHR(structure_type(VkVideoDecodeH264DpbSlotInfoKHR), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{StdVideoDecodeH264ReferenceInfo}, std_reference_info)) _VideoDecodeH264DpbSlotInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_h265 Arguments: - `std_profile_idc::StdVideoH265ProfileIdc` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265ProfileInfoKHR.html) """ function _VideoDecodeH265ProfileInfoKHR(std_profile_idc::StdVideoH265ProfileIdc; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoDecodeH265ProfileInfoKHR(structure_type(VkVideoDecodeH265ProfileInfoKHR), unsafe_convert(Ptr{Cvoid}, next), std_profile_idc) _VideoDecodeH265ProfileInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_h265 Arguments: - `max_level_idc::StdVideoH265LevelIdc` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265CapabilitiesKHR.html) """ function _VideoDecodeH265CapabilitiesKHR(max_level_idc::StdVideoH265LevelIdc; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoDecodeH265CapabilitiesKHR(structure_type(VkVideoDecodeH265CapabilitiesKHR), unsafe_convert(Ptr{Cvoid}, next), max_level_idc) _VideoDecodeH265CapabilitiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_h265 Arguments: - `std_vp_ss::Vector{StdVideoH265VideoParameterSet}` - `std_sp_ss::Vector{StdVideoH265SequenceParameterSet}` - `std_pp_ss::Vector{StdVideoH265PictureParameterSet}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265SessionParametersAddInfoKHR.html) """ function _VideoDecodeH265SessionParametersAddInfoKHR(std_vp_ss::AbstractArray, std_sp_ss::AbstractArray, std_pp_ss::AbstractArray; next = C_NULL) std_vps_count = pointer_length(std_vp_ss) std_sps_count = pointer_length(std_sp_ss) std_pps_count = pointer_length(std_pp_ss) next = cconvert(Ptr{Cvoid}, next) std_vp_ss = cconvert(Ptr{StdVideoH265VideoParameterSet}, std_vp_ss) std_sp_ss = cconvert(Ptr{StdVideoH265SequenceParameterSet}, std_sp_ss) std_pp_ss = cconvert(Ptr{StdVideoH265PictureParameterSet}, std_pp_ss) deps = Any[next, std_vp_ss, std_sp_ss, std_pp_ss] vks = VkVideoDecodeH265SessionParametersAddInfoKHR(structure_type(VkVideoDecodeH265SessionParametersAddInfoKHR), unsafe_convert(Ptr{Cvoid}, next), std_vps_count, unsafe_convert(Ptr{StdVideoH265VideoParameterSet}, std_vp_ss), std_sps_count, unsafe_convert(Ptr{StdVideoH265SequenceParameterSet}, std_sp_ss), std_pps_count, unsafe_convert(Ptr{StdVideoH265PictureParameterSet}, std_pp_ss)) _VideoDecodeH265SessionParametersAddInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_h265 Arguments: - `max_std_vps_count::UInt32` - `max_std_sps_count::UInt32` - `max_std_pps_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `parameters_add_info::_VideoDecodeH265SessionParametersAddInfoKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265SessionParametersCreateInfoKHR.html) """ function _VideoDecodeH265SessionParametersCreateInfoKHR(max_std_vps_count::Integer, max_std_sps_count::Integer, max_std_pps_count::Integer; next = C_NULL, parameters_add_info = C_NULL) next = cconvert(Ptr{Cvoid}, next) parameters_add_info = cconvert(Ptr{VkVideoDecodeH265SessionParametersAddInfoKHR}, parameters_add_info) deps = Any[next, parameters_add_info] vks = VkVideoDecodeH265SessionParametersCreateInfoKHR(structure_type(VkVideoDecodeH265SessionParametersCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), max_std_vps_count, max_std_sps_count, max_std_pps_count, unsafe_convert(Ptr{VkVideoDecodeH265SessionParametersAddInfoKHR}, parameters_add_info)) _VideoDecodeH265SessionParametersCreateInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_h265 Arguments: - `std_picture_info::StdVideoDecodeH265PictureInfo` - `slice_segment_offsets::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265PictureInfoKHR.html) """ function _VideoDecodeH265PictureInfoKHR(std_picture_info::StdVideoDecodeH265PictureInfo, slice_segment_offsets::AbstractArray; next = C_NULL) slice_segment_count = pointer_length(slice_segment_offsets) next = cconvert(Ptr{Cvoid}, next) std_picture_info = cconvert(Ptr{StdVideoDecodeH265PictureInfo}, std_picture_info) slice_segment_offsets = cconvert(Ptr{UInt32}, slice_segment_offsets) deps = Any[next, std_picture_info, slice_segment_offsets] vks = VkVideoDecodeH265PictureInfoKHR(structure_type(VkVideoDecodeH265PictureInfoKHR), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{StdVideoDecodeH265PictureInfo}, std_picture_info), slice_segment_count, unsafe_convert(Ptr{UInt32}, slice_segment_offsets)) _VideoDecodeH265PictureInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_h265 Arguments: - `std_reference_info::StdVideoDecodeH265ReferenceInfo` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265DpbSlotInfoKHR.html) """ function _VideoDecodeH265DpbSlotInfoKHR(std_reference_info::StdVideoDecodeH265ReferenceInfo; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) std_reference_info = cconvert(Ptr{StdVideoDecodeH265ReferenceInfo}, std_reference_info) deps = Any[next, std_reference_info] vks = VkVideoDecodeH265DpbSlotInfoKHR(structure_type(VkVideoDecodeH265DpbSlotInfoKHR), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{StdVideoDecodeH265ReferenceInfo}, std_reference_info)) _VideoDecodeH265DpbSlotInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `queue_family_index::UInt32` - `video_profile::_VideoProfileInfoKHR` - `picture_format::Format` - `max_coded_extent::_Extent2D` - `reference_picture_format::Format` - `max_dpb_slots::UInt32` - `max_active_reference_pictures::UInt32` - `std_header_version::_ExtensionProperties` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::VideoSessionCreateFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionCreateInfoKHR.html) """ function _VideoSessionCreateInfoKHR(queue_family_index::Integer, video_profile::_VideoProfileInfoKHR, picture_format::Format, max_coded_extent::_Extent2D, reference_picture_format::Format, max_dpb_slots::Integer, max_active_reference_pictures::Integer, std_header_version::_ExtensionProperties; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) video_profile = cconvert(Ptr{VkVideoProfileInfoKHR}, video_profile) std_header_version = cconvert(Ptr{VkExtensionProperties}, std_header_version) deps = Any[next, video_profile, std_header_version] vks = VkVideoSessionCreateInfoKHR(structure_type(VkVideoSessionCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), queue_family_index, flags, unsafe_convert(Ptr{VkVideoProfileInfoKHR}, video_profile), picture_format, max_coded_extent.vks, reference_picture_format, max_dpb_slots, max_active_reference_pictures, unsafe_convert(Ptr{VkExtensionProperties}, std_header_version)) _VideoSessionCreateInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `video_session::VideoSessionKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `video_session_parameters_template::VideoSessionParametersKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionParametersCreateInfoKHR.html) """ function _VideoSessionParametersCreateInfoKHR(video_session; next = C_NULL, flags = 0, video_session_parameters_template = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoSessionParametersCreateInfoKHR(structure_type(VkVideoSessionParametersCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), flags, video_session_parameters_template, video_session) _VideoSessionParametersCreateInfoKHR(vks, deps, video_session_parameters_template, video_session) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `update_sequence_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionParametersUpdateInfoKHR.html) """ function _VideoSessionParametersUpdateInfoKHR(update_sequence_count::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoSessionParametersUpdateInfoKHR(structure_type(VkVideoSessionParametersUpdateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), update_sequence_count) _VideoSessionParametersUpdateInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `video_session::VideoSessionKHR` - `reference_slots::Vector{_VideoReferenceSlotInfoKHR}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `video_session_parameters::VideoSessionParametersKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoBeginCodingInfoKHR.html) """ function _VideoBeginCodingInfoKHR(video_session, reference_slots::AbstractArray; next = C_NULL, flags = 0, video_session_parameters = C_NULL) reference_slot_count = pointer_length(reference_slots) next = cconvert(Ptr{Cvoid}, next) reference_slots = cconvert(Ptr{VkVideoReferenceSlotInfoKHR}, reference_slots) deps = Any[next, reference_slots] vks = VkVideoBeginCodingInfoKHR(structure_type(VkVideoBeginCodingInfoKHR), unsafe_convert(Ptr{Cvoid}, next), flags, video_session, video_session_parameters, reference_slot_count, unsafe_convert(Ptr{VkVideoReferenceSlotInfoKHR}, reference_slots)) _VideoBeginCodingInfoKHR(vks, deps, video_session, video_session_parameters) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoEndCodingInfoKHR.html) """ function _VideoEndCodingInfoKHR(; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoEndCodingInfoKHR(structure_type(VkVideoEndCodingInfoKHR), unsafe_convert(Ptr{Cvoid}, next), flags) _VideoEndCodingInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::VideoCodingControlFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoCodingControlInfoKHR.html) """ function _VideoCodingControlInfoKHR(; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoCodingControlInfoKHR(structure_type(VkVideoCodingControlInfoKHR), unsafe_convert(Ptr{Cvoid}, next), flags) _VideoCodingControlInfoKHR(vks, deps) end """ Extension: VK\\_NV\\_inherited\\_viewport\\_scissor Arguments: - `inherited_viewport_scissor_2_d::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInheritedViewportScissorFeaturesNV.html) """ function _PhysicalDeviceInheritedViewportScissorFeaturesNV(inherited_viewport_scissor_2_d::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceInheritedViewportScissorFeaturesNV(structure_type(VkPhysicalDeviceInheritedViewportScissorFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), inherited_viewport_scissor_2_d) _PhysicalDeviceInheritedViewportScissorFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_inherited\\_viewport\\_scissor Arguments: - `viewport_scissor_2_d::Bool` - `viewport_depth_count::UInt32` - `viewport_depths::_Viewport` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceViewportScissorInfoNV.html) """ function _CommandBufferInheritanceViewportScissorInfoNV(viewport_scissor_2_d::Bool, viewport_depth_count::Integer, viewport_depths::_Viewport; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) viewport_depths = cconvert(Ptr{VkViewport}, viewport_depths) deps = Any[next, viewport_depths] vks = VkCommandBufferInheritanceViewportScissorInfoNV(structure_type(VkCommandBufferInheritanceViewportScissorInfoNV), unsafe_convert(Ptr{Cvoid}, next), viewport_scissor_2_d, viewport_depth_count, unsafe_convert(Ptr{VkViewport}, viewport_depths)) _CommandBufferInheritanceViewportScissorInfoNV(vks, deps) end """ Extension: VK\\_EXT\\_ycbcr\\_2plane\\_444\\_formats Arguments: - `ycbcr_444_formats::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT.html) """ function _PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT(ycbcr_444_formats::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT(structure_type(VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), ycbcr_444_formats) _PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_provoking\\_vertex Arguments: - `provoking_vertex_last::Bool` - `transform_feedback_preserves_provoking_vertex::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProvokingVertexFeaturesEXT.html) """ function _PhysicalDeviceProvokingVertexFeaturesEXT(provoking_vertex_last::Bool, transform_feedback_preserves_provoking_vertex::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceProvokingVertexFeaturesEXT(structure_type(VkPhysicalDeviceProvokingVertexFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), provoking_vertex_last, transform_feedback_preserves_provoking_vertex) _PhysicalDeviceProvokingVertexFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_provoking\\_vertex Arguments: - `provoking_vertex_mode_per_pipeline::Bool` - `transform_feedback_preserves_triangle_fan_provoking_vertex::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProvokingVertexPropertiesEXT.html) """ function _PhysicalDeviceProvokingVertexPropertiesEXT(provoking_vertex_mode_per_pipeline::Bool, transform_feedback_preserves_triangle_fan_provoking_vertex::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceProvokingVertexPropertiesEXT(structure_type(VkPhysicalDeviceProvokingVertexPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), provoking_vertex_mode_per_pipeline, transform_feedback_preserves_triangle_fan_provoking_vertex) _PhysicalDeviceProvokingVertexPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_provoking\\_vertex Arguments: - `provoking_vertex_mode::ProvokingVertexModeEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationProvokingVertexStateCreateInfoEXT.html) """ function _PipelineRasterizationProvokingVertexStateCreateInfoEXT(provoking_vertex_mode::ProvokingVertexModeEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineRasterizationProvokingVertexStateCreateInfoEXT(structure_type(VkPipelineRasterizationProvokingVertexStateCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), provoking_vertex_mode) _PipelineRasterizationProvokingVertexStateCreateInfoEXT(vks, deps) end """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `data_size::UInt` - `data::Ptr{Cvoid}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCuModuleCreateInfoNVX.html) """ function _CuModuleCreateInfoNVX(data_size::Integer, data::Ptr{Cvoid}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) data = cconvert(Ptr{Cvoid}, data) deps = Any[next, data] vks = VkCuModuleCreateInfoNVX(structure_type(VkCuModuleCreateInfoNVX), unsafe_convert(Ptr{Cvoid}, next), data_size, unsafe_convert(Ptr{Cvoid}, data)) _CuModuleCreateInfoNVX(vks, deps) end """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `_module::CuModuleNVX` - `name::String` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCuFunctionCreateInfoNVX.html) """ function _CuFunctionCreateInfoNVX(_module, name::AbstractString; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) name = cconvert(Cstring, name) deps = Any[next, name] vks = VkCuFunctionCreateInfoNVX(structure_type(VkCuFunctionCreateInfoNVX), unsafe_convert(Ptr{Cvoid}, next), _module, unsafe_convert(Cstring, name)) _CuFunctionCreateInfoNVX(vks, deps, _module) end """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `_function::CuFunctionNVX` - `grid_dim_x::UInt32` - `grid_dim_y::UInt32` - `grid_dim_z::UInt32` - `block_dim_x::UInt32` - `block_dim_y::UInt32` - `block_dim_z::UInt32` - `shared_mem_bytes::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCuLaunchInfoNVX.html) """ function _CuLaunchInfoNVX(_function, grid_dim_x::Integer, grid_dim_y::Integer, grid_dim_z::Integer, block_dim_x::Integer, block_dim_y::Integer, block_dim_z::Integer, shared_mem_bytes::Integer; next = C_NULL) param_count = pointer_length(params) extra_count = pointer_length(extras) next = cconvert(Ptr{Cvoid}, next) params = cconvert(Ptr{Ptr{Cvoid}}, params) extras = cconvert(Ptr{Ptr{Cvoid}}, extras) deps = Any[next, params, extras] vks = VkCuLaunchInfoNVX(structure_type(VkCuLaunchInfoNVX), unsafe_convert(Ptr{Cvoid}, next), _function, grid_dim_x, grid_dim_y, grid_dim_z, block_dim_x, block_dim_y, block_dim_z, shared_mem_bytes, param_count, unsafe_convert(Ptr{Ptr{Cvoid}}, params), extra_count, unsafe_convert(Ptr{Ptr{Cvoid}}, extras)) _CuLaunchInfoNVX(vks, deps, _function) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `descriptor_buffer::Bool` - `descriptor_buffer_capture_replay::Bool` - `descriptor_buffer_image_layout_ignored::Bool` - `descriptor_buffer_push_descriptors::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorBufferFeaturesEXT.html) """ function _PhysicalDeviceDescriptorBufferFeaturesEXT(descriptor_buffer::Bool, descriptor_buffer_capture_replay::Bool, descriptor_buffer_image_layout_ignored::Bool, descriptor_buffer_push_descriptors::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDescriptorBufferFeaturesEXT(structure_type(VkPhysicalDeviceDescriptorBufferFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), descriptor_buffer, descriptor_buffer_capture_replay, descriptor_buffer_image_layout_ignored, descriptor_buffer_push_descriptors) _PhysicalDeviceDescriptorBufferFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `combined_image_sampler_descriptor_single_array::Bool` - `bufferless_push_descriptors::Bool` - `allow_sampler_image_view_post_submit_creation::Bool` - `descriptor_buffer_offset_alignment::UInt64` - `max_descriptor_buffer_bindings::UInt32` - `max_resource_descriptor_buffer_bindings::UInt32` - `max_sampler_descriptor_buffer_bindings::UInt32` - `max_embedded_immutable_sampler_bindings::UInt32` - `max_embedded_immutable_samplers::UInt32` - `buffer_capture_replay_descriptor_data_size::UInt` - `image_capture_replay_descriptor_data_size::UInt` - `image_view_capture_replay_descriptor_data_size::UInt` - `sampler_capture_replay_descriptor_data_size::UInt` - `acceleration_structure_capture_replay_descriptor_data_size::UInt` - `sampler_descriptor_size::UInt` - `combined_image_sampler_descriptor_size::UInt` - `sampled_image_descriptor_size::UInt` - `storage_image_descriptor_size::UInt` - `uniform_texel_buffer_descriptor_size::UInt` - `robust_uniform_texel_buffer_descriptor_size::UInt` - `storage_texel_buffer_descriptor_size::UInt` - `robust_storage_texel_buffer_descriptor_size::UInt` - `uniform_buffer_descriptor_size::UInt` - `robust_uniform_buffer_descriptor_size::UInt` - `storage_buffer_descriptor_size::UInt` - `robust_storage_buffer_descriptor_size::UInt` - `input_attachment_descriptor_size::UInt` - `acceleration_structure_descriptor_size::UInt` - `max_sampler_descriptor_buffer_range::UInt64` - `max_resource_descriptor_buffer_range::UInt64` - `sampler_descriptor_buffer_address_space_size::UInt64` - `resource_descriptor_buffer_address_space_size::UInt64` - `descriptor_buffer_address_space_size::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorBufferPropertiesEXT.html) """ function _PhysicalDeviceDescriptorBufferPropertiesEXT(combined_image_sampler_descriptor_single_array::Bool, bufferless_push_descriptors::Bool, allow_sampler_image_view_post_submit_creation::Bool, descriptor_buffer_offset_alignment::Integer, max_descriptor_buffer_bindings::Integer, max_resource_descriptor_buffer_bindings::Integer, max_sampler_descriptor_buffer_bindings::Integer, max_embedded_immutable_sampler_bindings::Integer, max_embedded_immutable_samplers::Integer, buffer_capture_replay_descriptor_data_size::Integer, image_capture_replay_descriptor_data_size::Integer, image_view_capture_replay_descriptor_data_size::Integer, sampler_capture_replay_descriptor_data_size::Integer, acceleration_structure_capture_replay_descriptor_data_size::Integer, sampler_descriptor_size::Integer, combined_image_sampler_descriptor_size::Integer, sampled_image_descriptor_size::Integer, storage_image_descriptor_size::Integer, uniform_texel_buffer_descriptor_size::Integer, robust_uniform_texel_buffer_descriptor_size::Integer, storage_texel_buffer_descriptor_size::Integer, robust_storage_texel_buffer_descriptor_size::Integer, uniform_buffer_descriptor_size::Integer, robust_uniform_buffer_descriptor_size::Integer, storage_buffer_descriptor_size::Integer, robust_storage_buffer_descriptor_size::Integer, input_attachment_descriptor_size::Integer, acceleration_structure_descriptor_size::Integer, max_sampler_descriptor_buffer_range::Integer, max_resource_descriptor_buffer_range::Integer, sampler_descriptor_buffer_address_space_size::Integer, resource_descriptor_buffer_address_space_size::Integer, descriptor_buffer_address_space_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDescriptorBufferPropertiesEXT(structure_type(VkPhysicalDeviceDescriptorBufferPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), combined_image_sampler_descriptor_single_array, bufferless_push_descriptors, allow_sampler_image_view_post_submit_creation, descriptor_buffer_offset_alignment, max_descriptor_buffer_bindings, max_resource_descriptor_buffer_bindings, max_sampler_descriptor_buffer_bindings, max_embedded_immutable_sampler_bindings, max_embedded_immutable_samplers, buffer_capture_replay_descriptor_data_size, image_capture_replay_descriptor_data_size, image_view_capture_replay_descriptor_data_size, sampler_capture_replay_descriptor_data_size, acceleration_structure_capture_replay_descriptor_data_size, sampler_descriptor_size, combined_image_sampler_descriptor_size, sampled_image_descriptor_size, storage_image_descriptor_size, uniform_texel_buffer_descriptor_size, robust_uniform_texel_buffer_descriptor_size, storage_texel_buffer_descriptor_size, robust_storage_texel_buffer_descriptor_size, uniform_buffer_descriptor_size, robust_uniform_buffer_descriptor_size, storage_buffer_descriptor_size, robust_storage_buffer_descriptor_size, input_attachment_descriptor_size, acceleration_structure_descriptor_size, max_sampler_descriptor_buffer_range, max_resource_descriptor_buffer_range, sampler_descriptor_buffer_address_space_size, resource_descriptor_buffer_address_space_size, descriptor_buffer_address_space_size) _PhysicalDeviceDescriptorBufferPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `combined_image_sampler_density_map_descriptor_size::UInt` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT.html) """ function _PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT(combined_image_sampler_density_map_descriptor_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT(structure_type(VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), combined_image_sampler_density_map_descriptor_size) _PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `address::UInt64` - `range::UInt64` - `format::Format` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorAddressInfoEXT.html) """ function _DescriptorAddressInfoEXT(address::Integer, range::Integer, format::Format; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDescriptorAddressInfoEXT(structure_type(VkDescriptorAddressInfoEXT), unsafe_convert(Ptr{Cvoid}, next), address, range, format) _DescriptorAddressInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `address::UInt64` - `usage::BufferUsageFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorBufferBindingInfoEXT.html) """ function _DescriptorBufferBindingInfoEXT(address::Integer, usage::BufferUsageFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDescriptorBufferBindingInfoEXT(structure_type(VkDescriptorBufferBindingInfoEXT), unsafe_convert(Ptr{Cvoid}, next), address, usage) _DescriptorBufferBindingInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `buffer::Buffer` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorBufferBindingPushDescriptorBufferHandleEXT.html) """ function _DescriptorBufferBindingPushDescriptorBufferHandleEXT(buffer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDescriptorBufferBindingPushDescriptorBufferHandleEXT(structure_type(VkDescriptorBufferBindingPushDescriptorBufferHandleEXT), unsafe_convert(Ptr{Cvoid}, next), buffer) _DescriptorBufferBindingPushDescriptorBufferHandleEXT(vks, deps, buffer) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `type::DescriptorType` - `data::_DescriptorDataEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorGetInfoEXT.html) """ function _DescriptorGetInfoEXT(type::DescriptorType, data::_DescriptorDataEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDescriptorGetInfoEXT(structure_type(VkDescriptorGetInfoEXT), unsafe_convert(Ptr{Cvoid}, next), type, data.vks) _DescriptorGetInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `buffer::Buffer` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCaptureDescriptorDataInfoEXT.html) """ function _BufferCaptureDescriptorDataInfoEXT(buffer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBufferCaptureDescriptorDataInfoEXT(structure_type(VkBufferCaptureDescriptorDataInfoEXT), unsafe_convert(Ptr{Cvoid}, next), buffer) _BufferCaptureDescriptorDataInfoEXT(vks, deps, buffer) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `image::Image` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCaptureDescriptorDataInfoEXT.html) """ function _ImageCaptureDescriptorDataInfoEXT(image; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageCaptureDescriptorDataInfoEXT(structure_type(VkImageCaptureDescriptorDataInfoEXT), unsafe_convert(Ptr{Cvoid}, next), image) _ImageCaptureDescriptorDataInfoEXT(vks, deps, image) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `image_view::ImageView` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewCaptureDescriptorDataInfoEXT.html) """ function _ImageViewCaptureDescriptorDataInfoEXT(image_view; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageViewCaptureDescriptorDataInfoEXT(structure_type(VkImageViewCaptureDescriptorDataInfoEXT), unsafe_convert(Ptr{Cvoid}, next), image_view) _ImageViewCaptureDescriptorDataInfoEXT(vks, deps, image_view) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `sampler::Sampler` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerCaptureDescriptorDataInfoEXT.html) """ function _SamplerCaptureDescriptorDataInfoEXT(sampler; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSamplerCaptureDescriptorDataInfoEXT(structure_type(VkSamplerCaptureDescriptorDataInfoEXT), unsafe_convert(Ptr{Cvoid}, next), sampler) _SamplerCaptureDescriptorDataInfoEXT(vks, deps, sampler) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `acceleration_structure::AccelerationStructureKHR`: defaults to `C_NULL` - `acceleration_structure_nv::AccelerationStructureNV`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureCaptureDescriptorDataInfoEXT.html) """ function _AccelerationStructureCaptureDescriptorDataInfoEXT(; next = C_NULL, acceleration_structure = C_NULL, acceleration_structure_nv = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAccelerationStructureCaptureDescriptorDataInfoEXT(structure_type(VkAccelerationStructureCaptureDescriptorDataInfoEXT), unsafe_convert(Ptr{Cvoid}, next), acceleration_structure, acceleration_structure_nv) _AccelerationStructureCaptureDescriptorDataInfoEXT(vks, deps, acceleration_structure, acceleration_structure_nv) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `opaque_capture_descriptor_data::Ptr{Cvoid}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpaqueCaptureDescriptorDataCreateInfoEXT.html) """ function _OpaqueCaptureDescriptorDataCreateInfoEXT(opaque_capture_descriptor_data::Ptr{Cvoid}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) opaque_capture_descriptor_data = cconvert(Ptr{Cvoid}, opaque_capture_descriptor_data) deps = Any[next, opaque_capture_descriptor_data] vks = VkOpaqueCaptureDescriptorDataCreateInfoEXT(structure_type(VkOpaqueCaptureDescriptorDataCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{Cvoid}, opaque_capture_descriptor_data)) _OpaqueCaptureDescriptorDataCreateInfoEXT(vks, deps) end """ Arguments: - `shader_integer_dot_product::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderIntegerDotProductFeatures.html) """ function _PhysicalDeviceShaderIntegerDotProductFeatures(shader_integer_dot_product::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderIntegerDotProductFeatures(structure_type(VkPhysicalDeviceShaderIntegerDotProductFeatures), unsafe_convert(Ptr{Cvoid}, next), shader_integer_dot_product) _PhysicalDeviceShaderIntegerDotProductFeatures(vks, deps) end """ Arguments: - `integer_dot_product_8_bit_unsigned_accelerated::Bool` - `integer_dot_product_8_bit_signed_accelerated::Bool` - `integer_dot_product_8_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_8_bit_packed_unsigned_accelerated::Bool` - `integer_dot_product_8_bit_packed_signed_accelerated::Bool` - `integer_dot_product_8_bit_packed_mixed_signedness_accelerated::Bool` - `integer_dot_product_16_bit_unsigned_accelerated::Bool` - `integer_dot_product_16_bit_signed_accelerated::Bool` - `integer_dot_product_16_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_32_bit_unsigned_accelerated::Bool` - `integer_dot_product_32_bit_signed_accelerated::Bool` - `integer_dot_product_32_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_64_bit_unsigned_accelerated::Bool` - `integer_dot_product_64_bit_signed_accelerated::Bool` - `integer_dot_product_64_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_16_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_32_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_64_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderIntegerDotProductProperties.html) """ function _PhysicalDeviceShaderIntegerDotProductProperties(integer_dot_product_8_bit_unsigned_accelerated::Bool, integer_dot_product_8_bit_signed_accelerated::Bool, integer_dot_product_8_bit_mixed_signedness_accelerated::Bool, integer_dot_product_8_bit_packed_unsigned_accelerated::Bool, integer_dot_product_8_bit_packed_signed_accelerated::Bool, integer_dot_product_8_bit_packed_mixed_signedness_accelerated::Bool, integer_dot_product_16_bit_unsigned_accelerated::Bool, integer_dot_product_16_bit_signed_accelerated::Bool, integer_dot_product_16_bit_mixed_signedness_accelerated::Bool, integer_dot_product_32_bit_unsigned_accelerated::Bool, integer_dot_product_32_bit_signed_accelerated::Bool, integer_dot_product_32_bit_mixed_signedness_accelerated::Bool, integer_dot_product_64_bit_unsigned_accelerated::Bool, integer_dot_product_64_bit_signed_accelerated::Bool, integer_dot_product_64_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_16_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_32_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_64_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderIntegerDotProductProperties(structure_type(VkPhysicalDeviceShaderIntegerDotProductProperties), unsafe_convert(Ptr{Cvoid}, next), integer_dot_product_8_bit_unsigned_accelerated, integer_dot_product_8_bit_signed_accelerated, integer_dot_product_8_bit_mixed_signedness_accelerated, integer_dot_product_8_bit_packed_unsigned_accelerated, integer_dot_product_8_bit_packed_signed_accelerated, integer_dot_product_8_bit_packed_mixed_signedness_accelerated, integer_dot_product_16_bit_unsigned_accelerated, integer_dot_product_16_bit_signed_accelerated, integer_dot_product_16_bit_mixed_signedness_accelerated, integer_dot_product_32_bit_unsigned_accelerated, integer_dot_product_32_bit_signed_accelerated, integer_dot_product_32_bit_mixed_signedness_accelerated, integer_dot_product_64_bit_unsigned_accelerated, integer_dot_product_64_bit_signed_accelerated, integer_dot_product_64_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_8_bit_signed_accelerated, integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated, integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated, integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_16_bit_signed_accelerated, integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_32_bit_signed_accelerated, integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_64_bit_signed_accelerated, integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated) _PhysicalDeviceShaderIntegerDotProductProperties(vks, deps) end """ Extension: VK\\_EXT\\_physical\\_device\\_drm Arguments: - `has_primary::Bool` - `has_render::Bool` - `primary_major::Int64` - `primary_minor::Int64` - `render_major::Int64` - `render_minor::Int64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDrmPropertiesEXT.html) """ function _PhysicalDeviceDrmPropertiesEXT(has_primary::Bool, has_render::Bool, primary_major::Integer, primary_minor::Integer, render_major::Integer, render_minor::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDrmPropertiesEXT(structure_type(VkPhysicalDeviceDrmPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), has_primary, has_render, primary_major, primary_minor, render_major, render_minor) _PhysicalDeviceDrmPropertiesEXT(vks, deps) end """ Extension: VK\\_KHR\\_fragment\\_shader\\_barycentric Arguments: - `fragment_shader_barycentric::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR.html) """ function _PhysicalDeviceFragmentShaderBarycentricFeaturesKHR(fragment_shader_barycentric::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR(structure_type(VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), fragment_shader_barycentric) _PhysicalDeviceFragmentShaderBarycentricFeaturesKHR(vks, deps) end """ Extension: VK\\_KHR\\_fragment\\_shader\\_barycentric Arguments: - `tri_strip_vertex_order_independent_of_provoking_vertex::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR.html) """ function _PhysicalDeviceFragmentShaderBarycentricPropertiesKHR(tri_strip_vertex_order_independent_of_provoking_vertex::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR(structure_type(VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR), unsafe_convert(Ptr{Cvoid}, next), tri_strip_vertex_order_independent_of_provoking_vertex) _PhysicalDeviceFragmentShaderBarycentricPropertiesKHR(vks, deps) end """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `ray_tracing_motion_blur::Bool` - `ray_tracing_motion_blur_pipeline_trace_rays_indirect::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingMotionBlurFeaturesNV.html) """ function _PhysicalDeviceRayTracingMotionBlurFeaturesNV(ray_tracing_motion_blur::Bool, ray_tracing_motion_blur_pipeline_trace_rays_indirect::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRayTracingMotionBlurFeaturesNV(structure_type(VkPhysicalDeviceRayTracingMotionBlurFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), ray_tracing_motion_blur, ray_tracing_motion_blur_pipeline_trace_rays_indirect) _PhysicalDeviceRayTracingMotionBlurFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `vertex_data::_DeviceOrHostAddressConstKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryMotionTrianglesDataNV.html) """ function _AccelerationStructureGeometryMotionTrianglesDataNV(vertex_data::_DeviceOrHostAddressConstKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAccelerationStructureGeometryMotionTrianglesDataNV(structure_type(VkAccelerationStructureGeometryMotionTrianglesDataNV), unsafe_convert(Ptr{Cvoid}, next), vertex_data.vks) _AccelerationStructureGeometryMotionTrianglesDataNV(vks, deps) end """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `max_instances::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMotionInfoNV.html) """ function _AccelerationStructureMotionInfoNV(max_instances::Integer; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAccelerationStructureMotionInfoNV(structure_type(VkAccelerationStructureMotionInfoNV), unsafe_convert(Ptr{Cvoid}, next), max_instances, flags) _AccelerationStructureMotionInfoNV(vks, deps) end """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `sx::Float32` - `a::Float32` - `b::Float32` - `pvx::Float32` - `sy::Float32` - `c::Float32` - `pvy::Float32` - `sz::Float32` - `pvz::Float32` - `qx::Float32` - `qy::Float32` - `qz::Float32` - `qw::Float32` - `tx::Float32` - `ty::Float32` - `tz::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSRTDataNV.html) """ function _SRTDataNV(sx::Real, a::Real, b::Real, pvx::Real, sy::Real, c::Real, pvy::Real, sz::Real, pvz::Real, qx::Real, qy::Real, qz::Real, qw::Real, tx::Real, ty::Real, tz::Real) _SRTDataNV(VkSRTDataNV(sx, a, b, pvx, sy, c, pvy, sz, pvz, qx, qy, qz, qw, tx, ty, tz)) end """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `transform_t_0::_SRTDataNV` - `transform_t_1::_SRTDataNV` - `instance_custom_index::UInt32` - `mask::UInt32` - `instance_shader_binding_table_record_offset::UInt32` - `acceleration_structure_reference::UInt64` - `flags::GeometryInstanceFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureSRTMotionInstanceNV.html) """ function _AccelerationStructureSRTMotionInstanceNV(transform_t_0::_SRTDataNV, transform_t_1::_SRTDataNV, instance_custom_index::Integer, mask::Integer, instance_shader_binding_table_record_offset::Integer, acceleration_structure_reference::Integer; flags = 0) _AccelerationStructureSRTMotionInstanceNV(VkAccelerationStructureSRTMotionInstanceNV(transform_t_0.vks, transform_t_1.vks, instance_custom_index, mask, instance_shader_binding_table_record_offset, flags, acceleration_structure_reference)) end """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `transform_t_0::_TransformMatrixKHR` - `transform_t_1::_TransformMatrixKHR` - `instance_custom_index::UInt32` - `mask::UInt32` - `instance_shader_binding_table_record_offset::UInt32` - `acceleration_structure_reference::UInt64` - `flags::GeometryInstanceFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMatrixMotionInstanceNV.html) """ function _AccelerationStructureMatrixMotionInstanceNV(transform_t_0::_TransformMatrixKHR, transform_t_1::_TransformMatrixKHR, instance_custom_index::Integer, mask::Integer, instance_shader_binding_table_record_offset::Integer, acceleration_structure_reference::Integer; flags = 0) _AccelerationStructureMatrixMotionInstanceNV(VkAccelerationStructureMatrixMotionInstanceNV(transform_t_0.vks, transform_t_1.vks, instance_custom_index, mask, instance_shader_binding_table_record_offset, flags, acceleration_structure_reference)) end """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `type::AccelerationStructureMotionInstanceTypeNV` - `data::_AccelerationStructureMotionInstanceDataNV` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMotionInstanceNV.html) """ function _AccelerationStructureMotionInstanceNV(type::AccelerationStructureMotionInstanceTypeNV, data::_AccelerationStructureMotionInstanceDataNV; flags = 0) _AccelerationStructureMotionInstanceNV(VkAccelerationStructureMotionInstanceNV(type, flags, data.vks)) end """ Extension: VK\\_NV\\_external\\_memory\\_rdma Arguments: - `memory::DeviceMemory` - `handle_type::ExternalMemoryHandleTypeFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryGetRemoteAddressInfoNV.html) """ function _MemoryGetRemoteAddressInfoNV(memory, handle_type::ExternalMemoryHandleTypeFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryGetRemoteAddressInfoNV(structure_type(VkMemoryGetRemoteAddressInfoNV), unsafe_convert(Ptr{Cvoid}, next), memory, VkExternalMemoryHandleTypeFlagBits(handle_type.val)) _MemoryGetRemoteAddressInfoNV(vks, deps, memory) end """ Extension: VK\\_EXT\\_rgba10x6\\_formats Arguments: - `format_rgba_1_6_without_y_cb_cr_sampler::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT.html) """ function _PhysicalDeviceRGBA10X6FormatsFeaturesEXT(format_rgba_1_6_without_y_cb_cr_sampler::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT(structure_type(VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), format_rgba_1_6_without_y_cb_cr_sampler) _PhysicalDeviceRGBA10X6FormatsFeaturesEXT(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `linear_tiling_features::UInt64`: defaults to `0` - `optimal_tiling_features::UInt64`: defaults to `0` - `buffer_features::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFormatProperties3.html) """ function _FormatProperties3(; next = C_NULL, linear_tiling_features = 0, optimal_tiling_features = 0, buffer_features = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkFormatProperties3(structure_type(VkFormatProperties3), unsafe_convert(Ptr{Cvoid}, next), linear_tiling_features, optimal_tiling_features, buffer_features) _FormatProperties3(vks, deps) end """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `drm_format_modifier_properties::Vector{_DrmFormatModifierProperties2EXT}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierPropertiesList2EXT.html) """ function _DrmFormatModifierPropertiesList2EXT(; next = C_NULL, drm_format_modifier_properties = C_NULL) drm_format_modifier_count = pointer_length(drm_format_modifier_properties) next = cconvert(Ptr{Cvoid}, next) drm_format_modifier_properties = cconvert(Ptr{VkDrmFormatModifierProperties2EXT}, drm_format_modifier_properties) deps = Any[next, drm_format_modifier_properties] vks = VkDrmFormatModifierPropertiesList2EXT(structure_type(VkDrmFormatModifierPropertiesList2EXT), unsafe_convert(Ptr{Cvoid}, next), drm_format_modifier_count, unsafe_convert(Ptr{VkDrmFormatModifierProperties2EXT}, drm_format_modifier_properties)) _DrmFormatModifierPropertiesList2EXT(vks, deps) end """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `drm_format_modifier::UInt64` - `drm_format_modifier_plane_count::UInt32` - `drm_format_modifier_tiling_features::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierProperties2EXT.html) """ function _DrmFormatModifierProperties2EXT(drm_format_modifier::Integer, drm_format_modifier_plane_count::Integer, drm_format_modifier_tiling_features::Integer) _DrmFormatModifierProperties2EXT(VkDrmFormatModifierProperties2EXT(drm_format_modifier, drm_format_modifier_plane_count, drm_format_modifier_tiling_features)) end """ Arguments: - `view_mask::UInt32` - `color_attachment_formats::Vector{Format}` - `depth_attachment_format::Format` - `stencil_attachment_format::Format` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRenderingCreateInfo.html) """ function _PipelineRenderingCreateInfo(view_mask::Integer, color_attachment_formats::AbstractArray, depth_attachment_format::Format, stencil_attachment_format::Format; next = C_NULL) color_attachment_count = pointer_length(color_attachment_formats) next = cconvert(Ptr{Cvoid}, next) color_attachment_formats = cconvert(Ptr{VkFormat}, color_attachment_formats) deps = Any[next, color_attachment_formats] vks = VkPipelineRenderingCreateInfo(structure_type(VkPipelineRenderingCreateInfo), unsafe_convert(Ptr{Cvoid}, next), view_mask, color_attachment_count, unsafe_convert(Ptr{VkFormat}, color_attachment_formats), depth_attachment_format, stencil_attachment_format) _PipelineRenderingCreateInfo(vks, deps) end """ Arguments: - `render_area::_Rect2D` - `layer_count::UInt32` - `view_mask::UInt32` - `color_attachments::Vector{_RenderingAttachmentInfo}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::RenderingFlag`: defaults to `0` - `depth_attachment::_RenderingAttachmentInfo`: defaults to `C_NULL` - `stencil_attachment::_RenderingAttachmentInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingInfo.html) """ function _RenderingInfo(render_area::_Rect2D, layer_count::Integer, view_mask::Integer, color_attachments::AbstractArray; next = C_NULL, flags = 0, depth_attachment = C_NULL, stencil_attachment = C_NULL) color_attachment_count = pointer_length(color_attachments) next = cconvert(Ptr{Cvoid}, next) color_attachments = cconvert(Ptr{VkRenderingAttachmentInfo}, color_attachments) depth_attachment = cconvert(Ptr{VkRenderingAttachmentInfo}, depth_attachment) stencil_attachment = cconvert(Ptr{VkRenderingAttachmentInfo}, stencil_attachment) deps = Any[next, color_attachments, depth_attachment, stencil_attachment] vks = VkRenderingInfo(structure_type(VkRenderingInfo), unsafe_convert(Ptr{Cvoid}, next), flags, render_area.vks, layer_count, view_mask, color_attachment_count, unsafe_convert(Ptr{VkRenderingAttachmentInfo}, color_attachments), unsafe_convert(Ptr{VkRenderingAttachmentInfo}, depth_attachment), unsafe_convert(Ptr{VkRenderingAttachmentInfo}, stencil_attachment)) _RenderingInfo(vks, deps) end """ Arguments: - `image_layout::ImageLayout` - `resolve_image_layout::ImageLayout` - `load_op::AttachmentLoadOp` - `store_op::AttachmentStoreOp` - `clear_value::_ClearValue` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `image_view::ImageView`: defaults to `C_NULL` - `resolve_mode::ResolveModeFlag`: defaults to `0` - `resolve_image_view::ImageView`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingAttachmentInfo.html) """ function _RenderingAttachmentInfo(image_layout::ImageLayout, resolve_image_layout::ImageLayout, load_op::AttachmentLoadOp, store_op::AttachmentStoreOp, clear_value::_ClearValue; next = C_NULL, image_view = C_NULL, resolve_mode = 0, resolve_image_view = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkRenderingAttachmentInfo(structure_type(VkRenderingAttachmentInfo), unsafe_convert(Ptr{Cvoid}, next), image_view, image_layout, VkResolveModeFlagBits(resolve_mode.val), resolve_image_view, resolve_image_layout, load_op, store_op, clear_value.vks) _RenderingAttachmentInfo(vks, deps, image_view, resolve_image_view) end """ Extension: VK\\_KHR\\_dynamic\\_rendering Arguments: - `image_layout::ImageLayout` - `shading_rate_attachment_texel_size::_Extent2D` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `image_view::ImageView`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingFragmentShadingRateAttachmentInfoKHR.html) """ function _RenderingFragmentShadingRateAttachmentInfoKHR(image_layout::ImageLayout, shading_rate_attachment_texel_size::_Extent2D; next = C_NULL, image_view = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkRenderingFragmentShadingRateAttachmentInfoKHR(structure_type(VkRenderingFragmentShadingRateAttachmentInfoKHR), unsafe_convert(Ptr{Cvoid}, next), image_view, image_layout, shading_rate_attachment_texel_size.vks) _RenderingFragmentShadingRateAttachmentInfoKHR(vks, deps, image_view) end """ Extension: VK\\_KHR\\_dynamic\\_rendering Arguments: - `image_view::ImageView` - `image_layout::ImageLayout` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingFragmentDensityMapAttachmentInfoEXT.html) """ function _RenderingFragmentDensityMapAttachmentInfoEXT(image_view, image_layout::ImageLayout; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkRenderingFragmentDensityMapAttachmentInfoEXT(structure_type(VkRenderingFragmentDensityMapAttachmentInfoEXT), unsafe_convert(Ptr{Cvoid}, next), image_view, image_layout) _RenderingFragmentDensityMapAttachmentInfoEXT(vks, deps, image_view) end """ Arguments: - `dynamic_rendering::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDynamicRenderingFeatures.html) """ function _PhysicalDeviceDynamicRenderingFeatures(dynamic_rendering::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDynamicRenderingFeatures(structure_type(VkPhysicalDeviceDynamicRenderingFeatures), unsafe_convert(Ptr{Cvoid}, next), dynamic_rendering) _PhysicalDeviceDynamicRenderingFeatures(vks, deps) end """ Arguments: - `view_mask::UInt32` - `color_attachment_formats::Vector{Format}` - `depth_attachment_format::Format` - `stencil_attachment_format::Format` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::RenderingFlag`: defaults to `0` - `rasterization_samples::SampleCountFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceRenderingInfo.html) """ function _CommandBufferInheritanceRenderingInfo(view_mask::Integer, color_attachment_formats::AbstractArray, depth_attachment_format::Format, stencil_attachment_format::Format; next = C_NULL, flags = 0, rasterization_samples = 0) color_attachment_count = pointer_length(color_attachment_formats) next = cconvert(Ptr{Cvoid}, next) color_attachment_formats = cconvert(Ptr{VkFormat}, color_attachment_formats) deps = Any[next, color_attachment_formats] vks = VkCommandBufferInheritanceRenderingInfo(structure_type(VkCommandBufferInheritanceRenderingInfo), unsafe_convert(Ptr{Cvoid}, next), flags, view_mask, color_attachment_count, unsafe_convert(Ptr{VkFormat}, color_attachment_formats), depth_attachment_format, stencil_attachment_format, VkSampleCountFlagBits(rasterization_samples.val)) _CommandBufferInheritanceRenderingInfo(vks, deps) end """ Extension: VK\\_KHR\\_dynamic\\_rendering Arguments: - `color_attachment_samples::Vector{SampleCountFlag}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `depth_stencil_attachment_samples::SampleCountFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentSampleCountInfoAMD.html) """ function _AttachmentSampleCountInfoAMD(color_attachment_samples::AbstractArray; next = C_NULL, depth_stencil_attachment_samples = 0) color_attachment_count = pointer_length(color_attachment_samples) next = cconvert(Ptr{Cvoid}, next) color_attachment_samples = cconvert(Ptr{VkSampleCountFlagBits}, color_attachment_samples) deps = Any[next, color_attachment_samples] vks = VkAttachmentSampleCountInfoAMD(structure_type(VkAttachmentSampleCountInfoAMD), unsafe_convert(Ptr{Cvoid}, next), color_attachment_count, unsafe_convert(Ptr{VkSampleCountFlagBits}, color_attachment_samples), VkSampleCountFlagBits(depth_stencil_attachment_samples.val)) _AttachmentSampleCountInfoAMD(vks, deps) end """ Extension: VK\\_KHR\\_dynamic\\_rendering Arguments: - `per_view_attributes::Bool` - `per_view_attributes_position_x_only::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultiviewPerViewAttributesInfoNVX.html) """ function _MultiviewPerViewAttributesInfoNVX(per_view_attributes::Bool, per_view_attributes_position_x_only::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMultiviewPerViewAttributesInfoNVX(structure_type(VkMultiviewPerViewAttributesInfoNVX), unsafe_convert(Ptr{Cvoid}, next), per_view_attributes, per_view_attributes_position_x_only) _MultiviewPerViewAttributesInfoNVX(vks, deps) end """ Extension: VK\\_EXT\\_image\\_view\\_min\\_lod Arguments: - `min_lod::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageViewMinLodFeaturesEXT.html) """ function _PhysicalDeviceImageViewMinLodFeaturesEXT(min_lod::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceImageViewMinLodFeaturesEXT(structure_type(VkPhysicalDeviceImageViewMinLodFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), min_lod) _PhysicalDeviceImageViewMinLodFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_image\\_view\\_min\\_lod Arguments: - `min_lod::Float32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewMinLodCreateInfoEXT.html) """ function _ImageViewMinLodCreateInfoEXT(min_lod::Real; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageViewMinLodCreateInfoEXT(structure_type(VkImageViewMinLodCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), min_lod) _ImageViewMinLodCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_rasterization\\_order\\_attachment\\_access Arguments: - `rasterization_order_color_attachment_access::Bool` - `rasterization_order_depth_attachment_access::Bool` - `rasterization_order_stencil_attachment_access::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT.html) """ function _PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT(rasterization_order_color_attachment_access::Bool, rasterization_order_depth_attachment_access::Bool, rasterization_order_stencil_attachment_access::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT(structure_type(VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), rasterization_order_color_attachment_access, rasterization_order_depth_attachment_access, rasterization_order_stencil_attachment_access) _PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT(vks, deps) end """ Extension: VK\\_NV\\_linear\\_color\\_attachment Arguments: - `linear_color_attachment::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLinearColorAttachmentFeaturesNV.html) """ function _PhysicalDeviceLinearColorAttachmentFeaturesNV(linear_color_attachment::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceLinearColorAttachmentFeaturesNV(structure_type(VkPhysicalDeviceLinearColorAttachmentFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), linear_color_attachment) _PhysicalDeviceLinearColorAttachmentFeaturesNV(vks, deps) end """ Extension: VK\\_EXT\\_graphics\\_pipeline\\_library Arguments: - `graphics_pipeline_library::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT.html) """ function _PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT(graphics_pipeline_library::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT(structure_type(VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), graphics_pipeline_library) _PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_graphics\\_pipeline\\_library Arguments: - `graphics_pipeline_library_fast_linking::Bool` - `graphics_pipeline_library_independent_interpolation_decoration::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT.html) """ function _PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT(graphics_pipeline_library_fast_linking::Bool, graphics_pipeline_library_independent_interpolation_decoration::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT(structure_type(VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), graphics_pipeline_library_fast_linking, graphics_pipeline_library_independent_interpolation_decoration) _PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_graphics\\_pipeline\\_library Arguments: - `flags::GraphicsPipelineLibraryFlagEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsPipelineLibraryCreateInfoEXT.html) """ function _GraphicsPipelineLibraryCreateInfoEXT(flags::GraphicsPipelineLibraryFlagEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkGraphicsPipelineLibraryCreateInfoEXT(structure_type(VkGraphicsPipelineLibraryCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), flags) _GraphicsPipelineLibraryCreateInfoEXT(vks, deps) end """ Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping Arguments: - `descriptor_set_host_mapping::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE.html) """ function _PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE(descriptor_set_host_mapping::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE(structure_type(VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE), unsafe_convert(Ptr{Cvoid}, next), descriptor_set_host_mapping) _PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE(vks, deps) end """ Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping Arguments: - `descriptor_set_layout::DescriptorSetLayout` - `binding::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetBindingReferenceVALVE.html) """ function _DescriptorSetBindingReferenceVALVE(descriptor_set_layout, binding::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDescriptorSetBindingReferenceVALVE(structure_type(VkDescriptorSetBindingReferenceVALVE), unsafe_convert(Ptr{Cvoid}, next), descriptor_set_layout, binding) _DescriptorSetBindingReferenceVALVE(vks, deps, descriptor_set_layout) end """ Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping Arguments: - `descriptor_offset::UInt` - `descriptor_size::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutHostMappingInfoVALVE.html) """ function _DescriptorSetLayoutHostMappingInfoVALVE(descriptor_offset::Integer, descriptor_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDescriptorSetLayoutHostMappingInfoVALVE(structure_type(VkDescriptorSetLayoutHostMappingInfoVALVE), unsafe_convert(Ptr{Cvoid}, next), descriptor_offset, descriptor_size) _DescriptorSetLayoutHostMappingInfoVALVE(vks, deps) end """ Extension: VK\\_EXT\\_shader\\_module\\_identifier Arguments: - `shader_module_identifier::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT.html) """ function _PhysicalDeviceShaderModuleIdentifierFeaturesEXT(shader_module_identifier::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT(structure_type(VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), shader_module_identifier) _PhysicalDeviceShaderModuleIdentifierFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_shader\\_module\\_identifier Arguments: - `shader_module_identifier_algorithm_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT.html) """ function _PhysicalDeviceShaderModuleIdentifierPropertiesEXT(shader_module_identifier_algorithm_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT(structure_type(VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), shader_module_identifier_algorithm_uuid) _PhysicalDeviceShaderModuleIdentifierPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_shader\\_module\\_identifier Arguments: - `identifier::Vector{UInt8}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `identifier_size::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineShaderStageModuleIdentifierCreateInfoEXT.html) """ function _PipelineShaderStageModuleIdentifierCreateInfoEXT(identifier::AbstractArray; next = C_NULL, identifier_size = 0) next = cconvert(Ptr{Cvoid}, next) identifier = cconvert(Ptr{UInt8}, identifier) deps = Any[next, identifier] vks = VkPipelineShaderStageModuleIdentifierCreateInfoEXT(structure_type(VkPipelineShaderStageModuleIdentifierCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), identifier_size, unsafe_convert(Ptr{UInt8}, identifier)) _PipelineShaderStageModuleIdentifierCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_shader\\_module\\_identifier Arguments: - `identifier_size::UInt32` - `identifier::NTuple{Int(VK_MAX_SHADER_MODULE_IDENTIFIER_SIZE_EXT), UInt8}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderModuleIdentifierEXT.html) """ function _ShaderModuleIdentifierEXT(identifier_size::Integer, identifier::NTuple{Int(VK_MAX_SHADER_MODULE_IDENTIFIER_SIZE_EXT), UInt8}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkShaderModuleIdentifierEXT(structure_type(VkShaderModuleIdentifierEXT), unsafe_convert(Ptr{Cvoid}, next), identifier_size, identifier) _ShaderModuleIdentifierEXT(vks, deps) end """ Extension: VK\\_EXT\\_image\\_compression\\_control Arguments: - `flags::ImageCompressionFlagEXT` - `fixed_rate_flags::Vector{ImageCompressionFixedRateFlagEXT}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCompressionControlEXT.html) """ function _ImageCompressionControlEXT(flags::ImageCompressionFlagEXT, fixed_rate_flags::AbstractArray; next = C_NULL) compression_control_plane_count = pointer_length(fixed_rate_flags) next = cconvert(Ptr{Cvoid}, next) fixed_rate_flags = cconvert(Ptr{VkImageCompressionFixedRateFlagsEXT}, fixed_rate_flags) deps = Any[next, fixed_rate_flags] vks = VkImageCompressionControlEXT(structure_type(VkImageCompressionControlEXT), unsafe_convert(Ptr{Cvoid}, next), flags, compression_control_plane_count, unsafe_convert(Ptr{VkImageCompressionFixedRateFlagsEXT}, fixed_rate_flags)) _ImageCompressionControlEXT(vks, deps) end """ Extension: VK\\_EXT\\_image\\_compression\\_control Arguments: - `image_compression_control::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageCompressionControlFeaturesEXT.html) """ function _PhysicalDeviceImageCompressionControlFeaturesEXT(image_compression_control::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceImageCompressionControlFeaturesEXT(structure_type(VkPhysicalDeviceImageCompressionControlFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), image_compression_control) _PhysicalDeviceImageCompressionControlFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_image\\_compression\\_control Arguments: - `image_compression_flags::ImageCompressionFlagEXT` - `image_compression_fixed_rate_flags::ImageCompressionFixedRateFlagEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCompressionPropertiesEXT.html) """ function _ImageCompressionPropertiesEXT(image_compression_flags::ImageCompressionFlagEXT, image_compression_fixed_rate_flags::ImageCompressionFixedRateFlagEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageCompressionPropertiesEXT(structure_type(VkImageCompressionPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), image_compression_flags, image_compression_fixed_rate_flags) _ImageCompressionPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_image\\_compression\\_control\\_swapchain Arguments: - `image_compression_control_swapchain::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT.html) """ function _PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT(image_compression_control_swapchain::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT(structure_type(VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), image_compression_control_swapchain) _PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_image\\_compression\\_control Arguments: - `image_subresource::_ImageSubresource` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresource2EXT.html) """ function _ImageSubresource2EXT(image_subresource::_ImageSubresource; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageSubresource2EXT(structure_type(VkImageSubresource2EXT), unsafe_convert(Ptr{Cvoid}, next), image_subresource.vks) _ImageSubresource2EXT(vks, deps) end """ Extension: VK\\_EXT\\_image\\_compression\\_control Arguments: - `subresource_layout::_SubresourceLayout` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubresourceLayout2EXT.html) """ function _SubresourceLayout2EXT(subresource_layout::_SubresourceLayout; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSubresourceLayout2EXT(structure_type(VkSubresourceLayout2EXT), unsafe_convert(Ptr{Cvoid}, next), subresource_layout.vks) _SubresourceLayout2EXT(vks, deps) end """ Extension: VK\\_EXT\\_subpass\\_merge\\_feedback Arguments: - `disallow_merging::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreationControlEXT.html) """ function _RenderPassCreationControlEXT(disallow_merging::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkRenderPassCreationControlEXT(structure_type(VkRenderPassCreationControlEXT), unsafe_convert(Ptr{Cvoid}, next), disallow_merging) _RenderPassCreationControlEXT(vks, deps) end """ Extension: VK\\_EXT\\_subpass\\_merge\\_feedback Arguments: - `post_merge_subpass_count::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreationFeedbackInfoEXT.html) """ function _RenderPassCreationFeedbackInfoEXT(post_merge_subpass_count::Integer) _RenderPassCreationFeedbackInfoEXT(VkRenderPassCreationFeedbackInfoEXT(post_merge_subpass_count)) end """ Extension: VK\\_EXT\\_subpass\\_merge\\_feedback Arguments: - `render_pass_feedback::_RenderPassCreationFeedbackInfoEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreationFeedbackCreateInfoEXT.html) """ function _RenderPassCreationFeedbackCreateInfoEXT(render_pass_feedback::_RenderPassCreationFeedbackInfoEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) render_pass_feedback = cconvert(Ptr{VkRenderPassCreationFeedbackInfoEXT}, render_pass_feedback) deps = Any[next, render_pass_feedback] vks = VkRenderPassCreationFeedbackCreateInfoEXT(structure_type(VkRenderPassCreationFeedbackCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{VkRenderPassCreationFeedbackInfoEXT}, render_pass_feedback)) _RenderPassCreationFeedbackCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_subpass\\_merge\\_feedback Arguments: - `subpass_merge_status::SubpassMergeStatusEXT` - `description::String` - `post_merge_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassSubpassFeedbackInfoEXT.html) """ function _RenderPassSubpassFeedbackInfoEXT(subpass_merge_status::SubpassMergeStatusEXT, description::AbstractString, post_merge_index::Integer) _RenderPassSubpassFeedbackInfoEXT(VkRenderPassSubpassFeedbackInfoEXT(subpass_merge_status, description, post_merge_index)) end """ Extension: VK\\_EXT\\_subpass\\_merge\\_feedback Arguments: - `subpass_feedback::_RenderPassSubpassFeedbackInfoEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassSubpassFeedbackCreateInfoEXT.html) """ function _RenderPassSubpassFeedbackCreateInfoEXT(subpass_feedback::_RenderPassSubpassFeedbackInfoEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) subpass_feedback = cconvert(Ptr{VkRenderPassSubpassFeedbackInfoEXT}, subpass_feedback) deps = Any[next, subpass_feedback] vks = VkRenderPassSubpassFeedbackCreateInfoEXT(structure_type(VkRenderPassSubpassFeedbackCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{VkRenderPassSubpassFeedbackInfoEXT}, subpass_feedback)) _RenderPassSubpassFeedbackCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_subpass\\_merge\\_feedback Arguments: - `subpass_merge_feedback::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT.html) """ function _PhysicalDeviceSubpassMergeFeedbackFeaturesEXT(subpass_merge_feedback::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT(structure_type(VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), subpass_merge_feedback) _PhysicalDeviceSubpassMergeFeedbackFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `type::MicromapTypeEXT` - `mode::BuildMicromapModeEXT` - `data::_DeviceOrHostAddressConstKHR` - `scratch_data::_DeviceOrHostAddressKHR` - `triangle_array::_DeviceOrHostAddressConstKHR` - `triangle_array_stride::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::BuildMicromapFlagEXT`: defaults to `0` - `dst_micromap::MicromapEXT`: defaults to `C_NULL` - `usage_counts::Vector{_MicromapUsageEXT}`: defaults to `C_NULL` - `usage_counts_2::Vector{_MicromapUsageEXT}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapBuildInfoEXT.html) """ function _MicromapBuildInfoEXT(type::MicromapTypeEXT, mode::BuildMicromapModeEXT, data::_DeviceOrHostAddressConstKHR, scratch_data::_DeviceOrHostAddressKHR, triangle_array::_DeviceOrHostAddressConstKHR, triangle_array_stride::Integer; next = C_NULL, flags = 0, dst_micromap = C_NULL, usage_counts = C_NULL, usage_counts_2 = C_NULL) usage_counts_count = pointer_length(usage_counts) next = cconvert(Ptr{Cvoid}, next) usage_counts = cconvert(Ptr{VkMicromapUsageEXT}, usage_counts) usage_counts_2 = cconvert(Ptr{Ptr{VkMicromapUsageEXT}}, usage_counts_2) deps = Any[next, usage_counts, usage_counts_2] vks = VkMicromapBuildInfoEXT(structure_type(VkMicromapBuildInfoEXT), unsafe_convert(Ptr{Cvoid}, next), type, flags, mode, dst_micromap, usage_counts_count, unsafe_convert(Ptr{VkMicromapUsageEXT}, usage_counts), unsafe_convert(Ptr{Ptr{VkMicromapUsageEXT}}, usage_counts), data.vks, scratch_data.vks, triangle_array.vks, triangle_array_stride) _MicromapBuildInfoEXT(vks, deps, dst_micromap) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `type::MicromapTypeEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `create_flags::MicromapCreateFlagEXT`: defaults to `0` - `device_address::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapCreateInfoEXT.html) """ function _MicromapCreateInfoEXT(buffer, offset::Integer, size::Integer, type::MicromapTypeEXT; next = C_NULL, create_flags = 0, device_address = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMicromapCreateInfoEXT(structure_type(VkMicromapCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), create_flags, buffer, offset, size, type, device_address) _MicromapCreateInfoEXT(vks, deps, buffer) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `version_data::Vector{UInt8}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapVersionInfoEXT.html) """ function _MicromapVersionInfoEXT(version_data::AbstractArray; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) version_data = cconvert(Ptr{UInt8}, version_data) deps = Any[next, version_data] vks = VkMicromapVersionInfoEXT(structure_type(VkMicromapVersionInfoEXT), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{UInt8}, version_data)) _MicromapVersionInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `src::MicromapEXT` - `dst::MicromapEXT` - `mode::CopyMicromapModeEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMicromapInfoEXT.html) """ function _CopyMicromapInfoEXT(src, dst, mode::CopyMicromapModeEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCopyMicromapInfoEXT(structure_type(VkCopyMicromapInfoEXT), unsafe_convert(Ptr{Cvoid}, next), src, dst, mode) _CopyMicromapInfoEXT(vks, deps, src, dst) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `src::MicromapEXT` - `dst::_DeviceOrHostAddressKHR` - `mode::CopyMicromapModeEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMicromapToMemoryInfoEXT.html) """ function _CopyMicromapToMemoryInfoEXT(src, dst::_DeviceOrHostAddressKHR, mode::CopyMicromapModeEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCopyMicromapToMemoryInfoEXT(structure_type(VkCopyMicromapToMemoryInfoEXT), unsafe_convert(Ptr{Cvoid}, next), src, dst.vks, mode) _CopyMicromapToMemoryInfoEXT(vks, deps, src) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `src::_DeviceOrHostAddressConstKHR` - `dst::MicromapEXT` - `mode::CopyMicromapModeEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryToMicromapInfoEXT.html) """ function _CopyMemoryToMicromapInfoEXT(src::_DeviceOrHostAddressConstKHR, dst, mode::CopyMicromapModeEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCopyMemoryToMicromapInfoEXT(structure_type(VkCopyMemoryToMicromapInfoEXT), unsafe_convert(Ptr{Cvoid}, next), src.vks, dst, mode) _CopyMemoryToMicromapInfoEXT(vks, deps, dst) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `micromap_size::UInt64` - `build_scratch_size::UInt64` - `discardable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapBuildSizesInfoEXT.html) """ function _MicromapBuildSizesInfoEXT(micromap_size::Integer, build_scratch_size::Integer, discardable::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMicromapBuildSizesInfoEXT(structure_type(VkMicromapBuildSizesInfoEXT), unsafe_convert(Ptr{Cvoid}, next), micromap_size, build_scratch_size, discardable) _MicromapBuildSizesInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `count::UInt32` - `subdivision_level::UInt32` - `format::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapUsageEXT.html) """ function _MicromapUsageEXT(count::Integer, subdivision_level::Integer, format::Integer) _MicromapUsageEXT(VkMicromapUsageEXT(count, subdivision_level, format)) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `data_offset::UInt32` - `subdivision_level::UInt16` - `format::UInt16` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapTriangleEXT.html) """ function _MicromapTriangleEXT(data_offset::Integer, subdivision_level::Integer, format::Integer) _MicromapTriangleEXT(VkMicromapTriangleEXT(data_offset, subdivision_level, format)) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `micromap::Bool` - `micromap_capture_replay::Bool` - `micromap_host_commands::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpacityMicromapFeaturesEXT.html) """ function _PhysicalDeviceOpacityMicromapFeaturesEXT(micromap::Bool, micromap_capture_replay::Bool, micromap_host_commands::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceOpacityMicromapFeaturesEXT(structure_type(VkPhysicalDeviceOpacityMicromapFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), micromap, micromap_capture_replay, micromap_host_commands) _PhysicalDeviceOpacityMicromapFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `max_opacity_2_state_subdivision_level::UInt32` - `max_opacity_4_state_subdivision_level::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpacityMicromapPropertiesEXT.html) """ function _PhysicalDeviceOpacityMicromapPropertiesEXT(max_opacity_2_state_subdivision_level::Integer, max_opacity_4_state_subdivision_level::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceOpacityMicromapPropertiesEXT(structure_type(VkPhysicalDeviceOpacityMicromapPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), max_opacity_2_state_subdivision_level, max_opacity_4_state_subdivision_level) _PhysicalDeviceOpacityMicromapPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `index_type::IndexType` - `index_buffer::_DeviceOrHostAddressConstKHR` - `index_stride::UInt64` - `base_triangle::UInt32` - `micromap::MicromapEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `usage_counts::Vector{_MicromapUsageEXT}`: defaults to `C_NULL` - `usage_counts_2::Vector{_MicromapUsageEXT}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureTrianglesOpacityMicromapEXT.html) """ function _AccelerationStructureTrianglesOpacityMicromapEXT(index_type::IndexType, index_buffer::_DeviceOrHostAddressConstKHR, index_stride::Integer, base_triangle::Integer, micromap; next = C_NULL, usage_counts = C_NULL, usage_counts_2 = C_NULL) usage_counts_count = pointer_length(usage_counts) next = cconvert(Ptr{Cvoid}, next) usage_counts = cconvert(Ptr{VkMicromapUsageEXT}, usage_counts) usage_counts_2 = cconvert(Ptr{Ptr{VkMicromapUsageEXT}}, usage_counts_2) deps = Any[next, usage_counts, usage_counts_2] vks = VkAccelerationStructureTrianglesOpacityMicromapEXT(structure_type(VkAccelerationStructureTrianglesOpacityMicromapEXT), unsafe_convert(Ptr{Cvoid}, next), index_type, index_buffer.vks, index_stride, base_triangle, usage_counts_count, unsafe_convert(Ptr{VkMicromapUsageEXT}, usage_counts), unsafe_convert(Ptr{Ptr{VkMicromapUsageEXT}}, usage_counts), micromap) _AccelerationStructureTrianglesOpacityMicromapEXT(vks, deps, micromap) end """ Extension: VK\\_EXT\\_pipeline\\_properties Arguments: - `pipeline_identifier::NTuple{Int(VK_UUID_SIZE), UInt8}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelinePropertiesIdentifierEXT.html) """ function _PipelinePropertiesIdentifierEXT(pipeline_identifier::NTuple{Int(VK_UUID_SIZE), UInt8}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelinePropertiesIdentifierEXT(structure_type(VkPipelinePropertiesIdentifierEXT), unsafe_convert(Ptr{Cvoid}, next), pipeline_identifier) _PipelinePropertiesIdentifierEXT(vks, deps) end """ Extension: VK\\_EXT\\_pipeline\\_properties Arguments: - `pipeline_properties_identifier::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelinePropertiesFeaturesEXT.html) """ function _PhysicalDevicePipelinePropertiesFeaturesEXT(pipeline_properties_identifier::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePipelinePropertiesFeaturesEXT(structure_type(VkPhysicalDevicePipelinePropertiesFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), pipeline_properties_identifier) _PhysicalDevicePipelinePropertiesFeaturesEXT(vks, deps) end """ Extension: VK\\_AMD\\_shader\\_early\\_and\\_late\\_fragment\\_tests Arguments: - `shader_early_and_late_fragment_tests::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD.html) """ function _PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD(shader_early_and_late_fragment_tests::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD(structure_type(VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD), unsafe_convert(Ptr{Cvoid}, next), shader_early_and_late_fragment_tests) _PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD(vks, deps) end """ Extension: VK\\_EXT\\_metal\\_objects Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `export_object_type::ExportMetalObjectTypeFlagEXT`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMetalObjectCreateInfoEXT.html) """ function _ExportMetalObjectCreateInfoEXT(; next = C_NULL, export_object_type = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExportMetalObjectCreateInfoEXT(structure_type(VkExportMetalObjectCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), VkExportMetalObjectTypeFlagBitsEXT(export_object_type.val)) _ExportMetalObjectCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_metal\\_objects Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMetalObjectsInfoEXT.html) """ function _ExportMetalObjectsInfoEXT(; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExportMetalObjectsInfoEXT(structure_type(VkExportMetalObjectsInfoEXT), unsafe_convert(Ptr{Cvoid}, next)) _ExportMetalObjectsInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_metal\\_objects Arguments: - `mtl_device::Cvoid` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMetalDeviceInfoEXT.html) """ function _ExportMetalDeviceInfoEXT(mtl_device::Cvoid; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExportMetalDeviceInfoEXT(structure_type(VkExportMetalDeviceInfoEXT), unsafe_convert(Ptr{Cvoid}, next), mtl_device) _ExportMetalDeviceInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_metal\\_objects Arguments: - `queue::Queue` - `mtl_command_queue::Cvoid` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMetalCommandQueueInfoEXT.html) """ function _ExportMetalCommandQueueInfoEXT(queue, mtl_command_queue::Cvoid; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExportMetalCommandQueueInfoEXT(structure_type(VkExportMetalCommandQueueInfoEXT), unsafe_convert(Ptr{Cvoid}, next), queue, mtl_command_queue) _ExportMetalCommandQueueInfoEXT(vks, deps, queue) end """ Extension: VK\\_EXT\\_metal\\_objects Arguments: - `memory::DeviceMemory` - `mtl_buffer::Cvoid` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMetalBufferInfoEXT.html) """ function _ExportMetalBufferInfoEXT(memory, mtl_buffer::Cvoid; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExportMetalBufferInfoEXT(structure_type(VkExportMetalBufferInfoEXT), unsafe_convert(Ptr{Cvoid}, next), memory, mtl_buffer) _ExportMetalBufferInfoEXT(vks, deps, memory) end """ Extension: VK\\_EXT\\_metal\\_objects Arguments: - `mtl_buffer::Cvoid` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMetalBufferInfoEXT.html) """ function _ImportMetalBufferInfoEXT(mtl_buffer::Cvoid; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImportMetalBufferInfoEXT(structure_type(VkImportMetalBufferInfoEXT), unsafe_convert(Ptr{Cvoid}, next), mtl_buffer) _ImportMetalBufferInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_metal\\_objects Arguments: - `plane::ImageAspectFlag` - `mtl_texture::Cvoid` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `image::Image`: defaults to `C_NULL` - `image_view::ImageView`: defaults to `C_NULL` - `buffer_view::BufferView`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMetalTextureInfoEXT.html) """ function _ExportMetalTextureInfoEXT(plane::ImageAspectFlag, mtl_texture::Cvoid; next = C_NULL, image = C_NULL, image_view = C_NULL, buffer_view = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExportMetalTextureInfoEXT(structure_type(VkExportMetalTextureInfoEXT), unsafe_convert(Ptr{Cvoid}, next), image, image_view, buffer_view, VkImageAspectFlagBits(plane.val), mtl_texture) _ExportMetalTextureInfoEXT(vks, deps, image, image_view, buffer_view) end """ Extension: VK\\_EXT\\_metal\\_objects Arguments: - `plane::ImageAspectFlag` - `mtl_texture::Cvoid` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMetalTextureInfoEXT.html) """ function _ImportMetalTextureInfoEXT(plane::ImageAspectFlag, mtl_texture::Cvoid; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImportMetalTextureInfoEXT(structure_type(VkImportMetalTextureInfoEXT), unsafe_convert(Ptr{Cvoid}, next), VkImageAspectFlagBits(plane.val), mtl_texture) _ImportMetalTextureInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_metal\\_objects Arguments: - `image::Image` - `io_surface::Cvoid` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMetalIOSurfaceInfoEXT.html) """ function _ExportMetalIOSurfaceInfoEXT(image, io_surface::Cvoid; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExportMetalIOSurfaceInfoEXT(structure_type(VkExportMetalIOSurfaceInfoEXT), unsafe_convert(Ptr{Cvoid}, next), image, io_surface) _ExportMetalIOSurfaceInfoEXT(vks, deps, image) end """ Extension: VK\\_EXT\\_metal\\_objects Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `io_surface::Cvoid`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMetalIOSurfaceInfoEXT.html) """ function _ImportMetalIOSurfaceInfoEXT(; next = C_NULL, io_surface = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImportMetalIOSurfaceInfoEXT(structure_type(VkImportMetalIOSurfaceInfoEXT), unsafe_convert(Ptr{Cvoid}, next), io_surface) _ImportMetalIOSurfaceInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_metal\\_objects Arguments: - `mtl_shared_event::Cvoid` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `semaphore::Semaphore`: defaults to `C_NULL` - `event::Event`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMetalSharedEventInfoEXT.html) """ function _ExportMetalSharedEventInfoEXT(mtl_shared_event::Cvoid; next = C_NULL, semaphore = C_NULL, event = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExportMetalSharedEventInfoEXT(structure_type(VkExportMetalSharedEventInfoEXT), unsafe_convert(Ptr{Cvoid}, next), semaphore, event, mtl_shared_event) _ExportMetalSharedEventInfoEXT(vks, deps, semaphore, event) end """ Extension: VK\\_EXT\\_metal\\_objects Arguments: - `mtl_shared_event::Cvoid` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMetalSharedEventInfoEXT.html) """ function _ImportMetalSharedEventInfoEXT(mtl_shared_event::Cvoid; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImportMetalSharedEventInfoEXT(structure_type(VkImportMetalSharedEventInfoEXT), unsafe_convert(Ptr{Cvoid}, next), mtl_shared_event) _ImportMetalSharedEventInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_non\\_seamless\\_cube\\_map Arguments: - `non_seamless_cube_map::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT.html) """ function _PhysicalDeviceNonSeamlessCubeMapFeaturesEXT(non_seamless_cube_map::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT(structure_type(VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), non_seamless_cube_map) _PhysicalDeviceNonSeamlessCubeMapFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_pipeline\\_robustness Arguments: - `pipeline_robustness::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineRobustnessFeaturesEXT.html) """ function _PhysicalDevicePipelineRobustnessFeaturesEXT(pipeline_robustness::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePipelineRobustnessFeaturesEXT(structure_type(VkPhysicalDevicePipelineRobustnessFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), pipeline_robustness) _PhysicalDevicePipelineRobustnessFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_pipeline\\_robustness Arguments: - `storage_buffers::PipelineRobustnessBufferBehaviorEXT` - `uniform_buffers::PipelineRobustnessBufferBehaviorEXT` - `vertex_inputs::PipelineRobustnessBufferBehaviorEXT` - `images::PipelineRobustnessImageBehaviorEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRobustnessCreateInfoEXT.html) """ function _PipelineRobustnessCreateInfoEXT(storage_buffers::PipelineRobustnessBufferBehaviorEXT, uniform_buffers::PipelineRobustnessBufferBehaviorEXT, vertex_inputs::PipelineRobustnessBufferBehaviorEXT, images::PipelineRobustnessImageBehaviorEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineRobustnessCreateInfoEXT(structure_type(VkPipelineRobustnessCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), storage_buffers, uniform_buffers, vertex_inputs, images) _PipelineRobustnessCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_pipeline\\_robustness Arguments: - `default_robustness_storage_buffers::PipelineRobustnessBufferBehaviorEXT` - `default_robustness_uniform_buffers::PipelineRobustnessBufferBehaviorEXT` - `default_robustness_vertex_inputs::PipelineRobustnessBufferBehaviorEXT` - `default_robustness_images::PipelineRobustnessImageBehaviorEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineRobustnessPropertiesEXT.html) """ function _PhysicalDevicePipelineRobustnessPropertiesEXT(default_robustness_storage_buffers::PipelineRobustnessBufferBehaviorEXT, default_robustness_uniform_buffers::PipelineRobustnessBufferBehaviorEXT, default_robustness_vertex_inputs::PipelineRobustnessBufferBehaviorEXT, default_robustness_images::PipelineRobustnessImageBehaviorEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePipelineRobustnessPropertiesEXT(structure_type(VkPhysicalDevicePipelineRobustnessPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), default_robustness_storage_buffers, default_robustness_uniform_buffers, default_robustness_vertex_inputs, default_robustness_images) _PhysicalDevicePipelineRobustnessPropertiesEXT(vks, deps) end """ Extension: VK\\_QCOM\\_image\\_processing Arguments: - `filter_center::_Offset2D` - `filter_size::_Extent2D` - `num_phases::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewSampleWeightCreateInfoQCOM.html) """ function _ImageViewSampleWeightCreateInfoQCOM(filter_center::_Offset2D, filter_size::_Extent2D, num_phases::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageViewSampleWeightCreateInfoQCOM(structure_type(VkImageViewSampleWeightCreateInfoQCOM), unsafe_convert(Ptr{Cvoid}, next), filter_center.vks, filter_size.vks, num_phases) _ImageViewSampleWeightCreateInfoQCOM(vks, deps) end """ Extension: VK\\_QCOM\\_image\\_processing Arguments: - `texture_sample_weighted::Bool` - `texture_box_filter::Bool` - `texture_block_match::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageProcessingFeaturesQCOM.html) """ function _PhysicalDeviceImageProcessingFeaturesQCOM(texture_sample_weighted::Bool, texture_box_filter::Bool, texture_block_match::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceImageProcessingFeaturesQCOM(structure_type(VkPhysicalDeviceImageProcessingFeaturesQCOM), unsafe_convert(Ptr{Cvoid}, next), texture_sample_weighted, texture_box_filter, texture_block_match) _PhysicalDeviceImageProcessingFeaturesQCOM(vks, deps) end """ Extension: VK\\_QCOM\\_image\\_processing Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `max_weight_filter_phases::UInt32`: defaults to `0` - `max_weight_filter_dimension::_Extent2D`: defaults to `0` - `max_block_match_region::_Extent2D`: defaults to `0` - `max_box_filter_block_size::_Extent2D`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageProcessingPropertiesQCOM.html) """ function _PhysicalDeviceImageProcessingPropertiesQCOM(; next = C_NULL, max_weight_filter_phases = 0, max_weight_filter_dimension = 0, max_block_match_region = 0, max_box_filter_block_size = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceImageProcessingPropertiesQCOM(structure_type(VkPhysicalDeviceImageProcessingPropertiesQCOM), unsafe_convert(Ptr{Cvoid}, next), max_weight_filter_phases, max_weight_filter_dimension.vks, max_block_match_region.vks, max_box_filter_block_size.vks) _PhysicalDeviceImageProcessingPropertiesQCOM(vks, deps) end """ Extension: VK\\_QCOM\\_tile\\_properties Arguments: - `tile_properties::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTilePropertiesFeaturesQCOM.html) """ function _PhysicalDeviceTilePropertiesFeaturesQCOM(tile_properties::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceTilePropertiesFeaturesQCOM(structure_type(VkPhysicalDeviceTilePropertiesFeaturesQCOM), unsafe_convert(Ptr{Cvoid}, next), tile_properties) _PhysicalDeviceTilePropertiesFeaturesQCOM(vks, deps) end """ Extension: VK\\_QCOM\\_tile\\_properties Arguments: - `tile_size::_Extent3D` - `apron_size::_Extent2D` - `origin::_Offset2D` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTilePropertiesQCOM.html) """ function _TilePropertiesQCOM(tile_size::_Extent3D, apron_size::_Extent2D, origin::_Offset2D; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkTilePropertiesQCOM(structure_type(VkTilePropertiesQCOM), unsafe_convert(Ptr{Cvoid}, next), tile_size.vks, apron_size.vks, origin.vks) _TilePropertiesQCOM(vks, deps) end """ Extension: VK\\_SEC\\_amigo\\_profiling Arguments: - `amigo_profiling::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAmigoProfilingFeaturesSEC.html) """ function _PhysicalDeviceAmigoProfilingFeaturesSEC(amigo_profiling::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceAmigoProfilingFeaturesSEC(structure_type(VkPhysicalDeviceAmigoProfilingFeaturesSEC), unsafe_convert(Ptr{Cvoid}, next), amigo_profiling) _PhysicalDeviceAmigoProfilingFeaturesSEC(vks, deps) end """ Extension: VK\\_SEC\\_amigo\\_profiling Arguments: - `first_draw_timestamp::UInt64` - `swap_buffer_timestamp::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAmigoProfilingSubmitInfoSEC.html) """ function _AmigoProfilingSubmitInfoSEC(first_draw_timestamp::Integer, swap_buffer_timestamp::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAmigoProfilingSubmitInfoSEC(structure_type(VkAmigoProfilingSubmitInfoSEC), unsafe_convert(Ptr{Cvoid}, next), first_draw_timestamp, swap_buffer_timestamp) _AmigoProfilingSubmitInfoSEC(vks, deps) end """ Extension: VK\\_EXT\\_attachment\\_feedback\\_loop\\_layout Arguments: - `attachment_feedback_loop_layout::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT.html) """ function _PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT(attachment_feedback_loop_layout::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT(structure_type(VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), attachment_feedback_loop_layout) _PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_depth\\_clamp\\_zero\\_one Arguments: - `depth_clamp_zero_one::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthClampZeroOneFeaturesEXT.html) """ function _PhysicalDeviceDepthClampZeroOneFeaturesEXT(depth_clamp_zero_one::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDepthClampZeroOneFeaturesEXT(structure_type(VkPhysicalDeviceDepthClampZeroOneFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), depth_clamp_zero_one) _PhysicalDeviceDepthClampZeroOneFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_device\\_address\\_binding\\_report Arguments: - `report_address_binding::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAddressBindingReportFeaturesEXT.html) """ function _PhysicalDeviceAddressBindingReportFeaturesEXT(report_address_binding::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceAddressBindingReportFeaturesEXT(structure_type(VkPhysicalDeviceAddressBindingReportFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), report_address_binding) _PhysicalDeviceAddressBindingReportFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_device\\_address\\_binding\\_report Arguments: - `base_address::UInt64` - `size::UInt64` - `binding_type::DeviceAddressBindingTypeEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::DeviceAddressBindingFlagEXT`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceAddressBindingCallbackDataEXT.html) """ function _DeviceAddressBindingCallbackDataEXT(base_address::Integer, size::Integer, binding_type::DeviceAddressBindingTypeEXT; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceAddressBindingCallbackDataEXT(structure_type(VkDeviceAddressBindingCallbackDataEXT), unsafe_convert(Ptr{Cvoid}, next), flags, base_address, size, binding_type) _DeviceAddressBindingCallbackDataEXT(vks, deps) end """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `optical_flow::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpticalFlowFeaturesNV.html) """ function _PhysicalDeviceOpticalFlowFeaturesNV(optical_flow::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceOpticalFlowFeaturesNV(structure_type(VkPhysicalDeviceOpticalFlowFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), optical_flow) _PhysicalDeviceOpticalFlowFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `supported_output_grid_sizes::OpticalFlowGridSizeFlagNV` - `supported_hint_grid_sizes::OpticalFlowGridSizeFlagNV` - `hint_supported::Bool` - `cost_supported::Bool` - `bidirectional_flow_supported::Bool` - `global_flow_supported::Bool` - `min_width::UInt32` - `min_height::UInt32` - `max_width::UInt32` - `max_height::UInt32` - `max_num_regions_of_interest::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpticalFlowPropertiesNV.html) """ function _PhysicalDeviceOpticalFlowPropertiesNV(supported_output_grid_sizes::OpticalFlowGridSizeFlagNV, supported_hint_grid_sizes::OpticalFlowGridSizeFlagNV, hint_supported::Bool, cost_supported::Bool, bidirectional_flow_supported::Bool, global_flow_supported::Bool, min_width::Integer, min_height::Integer, max_width::Integer, max_height::Integer, max_num_regions_of_interest::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceOpticalFlowPropertiesNV(structure_type(VkPhysicalDeviceOpticalFlowPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), supported_output_grid_sizes, supported_hint_grid_sizes, hint_supported, cost_supported, bidirectional_flow_supported, global_flow_supported, min_width, min_height, max_width, max_height, max_num_regions_of_interest) _PhysicalDeviceOpticalFlowPropertiesNV(vks, deps) end """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `usage::OpticalFlowUsageFlagNV` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowImageFormatInfoNV.html) """ function _OpticalFlowImageFormatInfoNV(usage::OpticalFlowUsageFlagNV; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkOpticalFlowImageFormatInfoNV(structure_type(VkOpticalFlowImageFormatInfoNV), unsafe_convert(Ptr{Cvoid}, next), usage) _OpticalFlowImageFormatInfoNV(vks, deps) end """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `format::Format` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowImageFormatPropertiesNV.html) """ function _OpticalFlowImageFormatPropertiesNV(format::Format; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkOpticalFlowImageFormatPropertiesNV(structure_type(VkOpticalFlowImageFormatPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), format) _OpticalFlowImageFormatPropertiesNV(vks, deps) end """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `width::UInt32` - `height::UInt32` - `image_format::Format` - `flow_vector_format::Format` - `output_grid_size::OpticalFlowGridSizeFlagNV` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `cost_format::Format`: defaults to `0` - `hint_grid_size::OpticalFlowGridSizeFlagNV`: defaults to `0` - `performance_level::OpticalFlowPerformanceLevelNV`: defaults to `0` - `flags::OpticalFlowSessionCreateFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowSessionCreateInfoNV.html) """ function _OpticalFlowSessionCreateInfoNV(width::Integer, height::Integer, image_format::Format, flow_vector_format::Format, output_grid_size::OpticalFlowGridSizeFlagNV; next = C_NULL, cost_format = 0, hint_grid_size = 0, performance_level = 0, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkOpticalFlowSessionCreateInfoNV(structure_type(VkOpticalFlowSessionCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), width, height, image_format, flow_vector_format, cost_format, output_grid_size, hint_grid_size, performance_level, flags) _OpticalFlowSessionCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `id::UInt32` - `size::UInt32` - `private_data::Ptr{Cvoid}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowSessionCreatePrivateDataInfoNV.html) """ function _OpticalFlowSessionCreatePrivateDataInfoNV(id::Integer, size::Integer, private_data::Ptr{Cvoid}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) private_data = cconvert(Ptr{Cvoid}, private_data) deps = Any[next, private_data] vks = VkOpticalFlowSessionCreatePrivateDataInfoNV(structure_type(VkOpticalFlowSessionCreatePrivateDataInfoNV), unsafe_convert(Ptr{Cvoid}, next), id, size, unsafe_convert(Ptr{Cvoid}, private_data)) _OpticalFlowSessionCreatePrivateDataInfoNV(vks, deps) end """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `regions::Vector{_Rect2D}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::OpticalFlowExecuteFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowExecuteInfoNV.html) """ function _OpticalFlowExecuteInfoNV(regions::AbstractArray; next = C_NULL, flags = 0) region_count = pointer_length(regions) next = cconvert(Ptr{Cvoid}, next) regions = cconvert(Ptr{VkRect2D}, regions) deps = Any[next, regions] vks = VkOpticalFlowExecuteInfoNV(structure_type(VkOpticalFlowExecuteInfoNV), unsafe_convert(Ptr{Cvoid}, next), flags, region_count, unsafe_convert(Ptr{VkRect2D}, regions)) _OpticalFlowExecuteInfoNV(vks, deps) end """ Extension: VK\\_EXT\\_device\\_fault Arguments: - `device_fault::Bool` - `device_fault_vendor_binary::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFaultFeaturesEXT.html) """ function _PhysicalDeviceFaultFeaturesEXT(device_fault::Bool, device_fault_vendor_binary::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFaultFeaturesEXT(structure_type(VkPhysicalDeviceFaultFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), device_fault, device_fault_vendor_binary) _PhysicalDeviceFaultFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_device\\_fault Arguments: - `address_type::DeviceFaultAddressTypeEXT` - `reported_address::UInt64` - `address_precision::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultAddressInfoEXT.html) """ function _DeviceFaultAddressInfoEXT(address_type::DeviceFaultAddressTypeEXT, reported_address::Integer, address_precision::Integer) _DeviceFaultAddressInfoEXT(VkDeviceFaultAddressInfoEXT(address_type, reported_address, address_precision)) end """ Extension: VK\\_EXT\\_device\\_fault Arguments: - `description::String` - `vendor_fault_code::UInt64` - `vendor_fault_data::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultVendorInfoEXT.html) """ function _DeviceFaultVendorInfoEXT(description::AbstractString, vendor_fault_code::Integer, vendor_fault_data::Integer) _DeviceFaultVendorInfoEXT(VkDeviceFaultVendorInfoEXT(description, vendor_fault_code, vendor_fault_data)) end """ Extension: VK\\_EXT\\_device\\_fault Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `address_info_count::UInt32`: defaults to `0` - `vendor_info_count::UInt32`: defaults to `0` - `vendor_binary_size::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultCountsEXT.html) """ function _DeviceFaultCountsEXT(; next = C_NULL, address_info_count = 0, vendor_info_count = 0, vendor_binary_size = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceFaultCountsEXT(structure_type(VkDeviceFaultCountsEXT), unsafe_convert(Ptr{Cvoid}, next), address_info_count, vendor_info_count, vendor_binary_size) _DeviceFaultCountsEXT(vks, deps) end """ Extension: VK\\_EXT\\_device\\_fault Arguments: - `description::String` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `address_infos::_DeviceFaultAddressInfoEXT`: defaults to `C_NULL` - `vendor_infos::_DeviceFaultVendorInfoEXT`: defaults to `C_NULL` - `vendor_binary_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultInfoEXT.html) """ function _DeviceFaultInfoEXT(description::AbstractString; next = C_NULL, address_infos = C_NULL, vendor_infos = C_NULL, vendor_binary_data = C_NULL) next = cconvert(Ptr{Cvoid}, next) address_infos = cconvert(Ptr{VkDeviceFaultAddressInfoEXT}, address_infos) vendor_infos = cconvert(Ptr{VkDeviceFaultVendorInfoEXT}, vendor_infos) vendor_binary_data = cconvert(Ptr{Cvoid}, vendor_binary_data) deps = Any[next, address_infos, vendor_infos, vendor_binary_data] vks = VkDeviceFaultInfoEXT(structure_type(VkDeviceFaultInfoEXT), unsafe_convert(Ptr{Cvoid}, next), description, unsafe_convert(Ptr{VkDeviceFaultAddressInfoEXT}, address_infos), unsafe_convert(Ptr{VkDeviceFaultVendorInfoEXT}, vendor_infos), unsafe_convert(Ptr{Cvoid}, vendor_binary_data)) _DeviceFaultInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_device\\_fault Arguments: - `header_size::UInt32` - `header_version::DeviceFaultVendorBinaryHeaderVersionEXT` - `vendor_id::UInt32` - `device_id::UInt32` - `driver_version::VersionNumber` - `pipeline_cache_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `application_name_offset::UInt32` - `application_version::VersionNumber` - `engine_name_offset::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultVendorBinaryHeaderVersionOneEXT.html) """ function _DeviceFaultVendorBinaryHeaderVersionOneEXT(header_size::Integer, header_version::DeviceFaultVendorBinaryHeaderVersionEXT, vendor_id::Integer, device_id::Integer, driver_version::VersionNumber, pipeline_cache_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}, application_name_offset::Integer, application_version::VersionNumber, engine_name_offset::Integer) _DeviceFaultVendorBinaryHeaderVersionOneEXT(VkDeviceFaultVendorBinaryHeaderVersionOneEXT(header_size, header_version, vendor_id, device_id, to_vk(UInt32, driver_version), pipeline_cache_uuid, application_name_offset, to_vk(UInt32, application_version), engine_name_offset)) end """ Extension: VK\\_EXT\\_pipeline\\_library\\_group\\_handles Arguments: - `pipeline_library_group_handles::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT.html) """ function _PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT(pipeline_library_group_handles::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT(structure_type(VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), pipeline_library_group_handles) _PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT(vks, deps) end """ Extension: VK\\_NV\\_memory\\_decompression Arguments: - `src_address::UInt64` - `dst_address::UInt64` - `compressed_size::UInt64` - `decompressed_size::UInt64` - `decompression_method::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDecompressMemoryRegionNV.html) """ function _DecompressMemoryRegionNV(src_address::Integer, dst_address::Integer, compressed_size::Integer, decompressed_size::Integer, decompression_method::Integer) _DecompressMemoryRegionNV(VkDecompressMemoryRegionNV(src_address, dst_address, compressed_size, decompressed_size, decompression_method)) end """ Extension: VK\\_ARM\\_shader\\_core\\_builtins Arguments: - `shader_core_mask::UInt64` - `shader_core_count::UInt32` - `shader_warps_per_core::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM.html) """ function _PhysicalDeviceShaderCoreBuiltinsPropertiesARM(shader_core_mask::Integer, shader_core_count::Integer, shader_warps_per_core::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM(structure_type(VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM), unsafe_convert(Ptr{Cvoid}, next), shader_core_mask, shader_core_count, shader_warps_per_core) _PhysicalDeviceShaderCoreBuiltinsPropertiesARM(vks, deps) end """ Extension: VK\\_ARM\\_shader\\_core\\_builtins Arguments: - `shader_core_builtins::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM.html) """ function _PhysicalDeviceShaderCoreBuiltinsFeaturesARM(shader_core_builtins::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM(structure_type(VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM), unsafe_convert(Ptr{Cvoid}, next), shader_core_builtins) _PhysicalDeviceShaderCoreBuiltinsFeaturesARM(vks, deps) end """ Extension: VK\\_EXT\\_surface\\_maintenance1 Arguments: - `present_mode::PresentModeKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfacePresentModeEXT.html) """ function _SurfacePresentModeEXT(present_mode::PresentModeKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSurfacePresentModeEXT(structure_type(VkSurfacePresentModeEXT), unsafe_convert(Ptr{Cvoid}, next), present_mode) _SurfacePresentModeEXT(vks, deps) end """ Extension: VK\\_EXT\\_surface\\_maintenance1 Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `supported_present_scaling::PresentScalingFlagEXT`: defaults to `0` - `supported_present_gravity_x::PresentGravityFlagEXT`: defaults to `0` - `supported_present_gravity_y::PresentGravityFlagEXT`: defaults to `0` - `min_scaled_image_extent::_Extent2D`: defaults to `0` - `max_scaled_image_extent::_Extent2D`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfacePresentScalingCapabilitiesEXT.html) """ function _SurfacePresentScalingCapabilitiesEXT(; next = C_NULL, supported_present_scaling = 0, supported_present_gravity_x = 0, supported_present_gravity_y = 0, min_scaled_image_extent = 0, max_scaled_image_extent = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSurfacePresentScalingCapabilitiesEXT(structure_type(VkSurfacePresentScalingCapabilitiesEXT), unsafe_convert(Ptr{Cvoid}, next), supported_present_scaling, supported_present_gravity_x, supported_present_gravity_y, min_scaled_image_extent.vks, max_scaled_image_extent.vks) _SurfacePresentScalingCapabilitiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_surface\\_maintenance1 Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `present_modes::Vector{PresentModeKHR}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfacePresentModeCompatibilityEXT.html) """ function _SurfacePresentModeCompatibilityEXT(; next = C_NULL, present_modes = C_NULL) present_mode_count = pointer_length(present_modes) next = cconvert(Ptr{Cvoid}, next) present_modes = cconvert(Ptr{VkPresentModeKHR}, present_modes) deps = Any[next, present_modes] vks = VkSurfacePresentModeCompatibilityEXT(structure_type(VkSurfacePresentModeCompatibilityEXT), unsafe_convert(Ptr{Cvoid}, next), present_mode_count, unsafe_convert(Ptr{VkPresentModeKHR}, present_modes)) _SurfacePresentModeCompatibilityEXT(vks, deps) end """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Arguments: - `swapchain_maintenance_1::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT.html) """ function _PhysicalDeviceSwapchainMaintenance1FeaturesEXT(swapchain_maintenance_1::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT(structure_type(VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), swapchain_maintenance_1) _PhysicalDeviceSwapchainMaintenance1FeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Arguments: - `fences::Vector{Fence}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentFenceInfoEXT.html) """ function _SwapchainPresentFenceInfoEXT(fences::AbstractArray; next = C_NULL) swapchain_count = pointer_length(fences) next = cconvert(Ptr{Cvoid}, next) fences = cconvert(Ptr{VkFence}, fences) deps = Any[next, fences] vks = VkSwapchainPresentFenceInfoEXT(structure_type(VkSwapchainPresentFenceInfoEXT), unsafe_convert(Ptr{Cvoid}, next), swapchain_count, unsafe_convert(Ptr{VkFence}, fences)) _SwapchainPresentFenceInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Arguments: - `present_modes::Vector{PresentModeKHR}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentModesCreateInfoEXT.html) """ function _SwapchainPresentModesCreateInfoEXT(present_modes::AbstractArray; next = C_NULL) present_mode_count = pointer_length(present_modes) next = cconvert(Ptr{Cvoid}, next) present_modes = cconvert(Ptr{VkPresentModeKHR}, present_modes) deps = Any[next, present_modes] vks = VkSwapchainPresentModesCreateInfoEXT(structure_type(VkSwapchainPresentModesCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), present_mode_count, unsafe_convert(Ptr{VkPresentModeKHR}, present_modes)) _SwapchainPresentModesCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Arguments: - `present_modes::Vector{PresentModeKHR}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentModeInfoEXT.html) """ function _SwapchainPresentModeInfoEXT(present_modes::AbstractArray; next = C_NULL) swapchain_count = pointer_length(present_modes) next = cconvert(Ptr{Cvoid}, next) present_modes = cconvert(Ptr{VkPresentModeKHR}, present_modes) deps = Any[next, present_modes] vks = VkSwapchainPresentModeInfoEXT(structure_type(VkSwapchainPresentModeInfoEXT), unsafe_convert(Ptr{Cvoid}, next), swapchain_count, unsafe_convert(Ptr{VkPresentModeKHR}, present_modes)) _SwapchainPresentModeInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `scaling_behavior::PresentScalingFlagEXT`: defaults to `0` - `present_gravity_x::PresentGravityFlagEXT`: defaults to `0` - `present_gravity_y::PresentGravityFlagEXT`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentScalingCreateInfoEXT.html) """ function _SwapchainPresentScalingCreateInfoEXT(; next = C_NULL, scaling_behavior = 0, present_gravity_x = 0, present_gravity_y = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSwapchainPresentScalingCreateInfoEXT(structure_type(VkSwapchainPresentScalingCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), scaling_behavior, present_gravity_x, present_gravity_y) _SwapchainPresentScalingCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Arguments: - `swapchain::SwapchainKHR` (externsync) - `image_indices::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkReleaseSwapchainImagesInfoEXT.html) """ function _ReleaseSwapchainImagesInfoEXT(swapchain, image_indices::AbstractArray; next = C_NULL) image_index_count = pointer_length(image_indices) next = cconvert(Ptr{Cvoid}, next) image_indices = cconvert(Ptr{UInt32}, image_indices) deps = Any[next, image_indices] vks = VkReleaseSwapchainImagesInfoEXT(structure_type(VkReleaseSwapchainImagesInfoEXT), unsafe_convert(Ptr{Cvoid}, next), swapchain, image_index_count, unsafe_convert(Ptr{UInt32}, image_indices)) _ReleaseSwapchainImagesInfoEXT(vks, deps, swapchain) end """ Extension: VK\\_NV\\_ray\\_tracing\\_invocation\\_reorder Arguments: - `ray_tracing_invocation_reorder::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV.html) """ function _PhysicalDeviceRayTracingInvocationReorderFeaturesNV(ray_tracing_invocation_reorder::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV(structure_type(VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), ray_tracing_invocation_reorder) _PhysicalDeviceRayTracingInvocationReorderFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_ray\\_tracing\\_invocation\\_reorder Arguments: - `ray_tracing_invocation_reorder_reordering_hint::RayTracingInvocationReorderModeNV` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV.html) """ function _PhysicalDeviceRayTracingInvocationReorderPropertiesNV(ray_tracing_invocation_reorder_reordering_hint::RayTracingInvocationReorderModeNV; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV(structure_type(VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), ray_tracing_invocation_reorder_reordering_hint) _PhysicalDeviceRayTracingInvocationReorderPropertiesNV(vks, deps) end """ Extension: VK\\_LUNARG\\_direct\\_driver\\_loading Arguments: - `flags::UInt32` - `pfn_get_instance_proc_addr::FunctionPtr` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDirectDriverLoadingInfoLUNARG.html) """ function _DirectDriverLoadingInfoLUNARG(flags::Integer, pfn_get_instance_proc_addr::FunctionPtr; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDirectDriverLoadingInfoLUNARG(structure_type(VkDirectDriverLoadingInfoLUNARG), unsafe_convert(Ptr{Cvoid}, next), flags, pfn_get_instance_proc_addr) _DirectDriverLoadingInfoLUNARG(vks, deps) end """ Extension: VK\\_LUNARG\\_direct\\_driver\\_loading Arguments: - `mode::DirectDriverLoadingModeLUNARG` - `drivers::Vector{_DirectDriverLoadingInfoLUNARG}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDirectDriverLoadingListLUNARG.html) """ function _DirectDriverLoadingListLUNARG(mode::DirectDriverLoadingModeLUNARG, drivers::AbstractArray; next = C_NULL) driver_count = pointer_length(drivers) next = cconvert(Ptr{Cvoid}, next) drivers = cconvert(Ptr{VkDirectDriverLoadingInfoLUNARG}, drivers) deps = Any[next, drivers] vks = VkDirectDriverLoadingListLUNARG(structure_type(VkDirectDriverLoadingListLUNARG), unsafe_convert(Ptr{Cvoid}, next), mode, driver_count, unsafe_convert(Ptr{VkDirectDriverLoadingInfoLUNARG}, drivers)) _DirectDriverLoadingListLUNARG(vks, deps) end """ Extension: VK\\_QCOM\\_multiview\\_per\\_view\\_viewports Arguments: - `multiview_per_view_viewports::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM.html) """ function _PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM(multiview_per_view_viewports::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM(structure_type(VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM), unsafe_convert(Ptr{Cvoid}, next), multiview_per_view_viewports) _PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM(vks, deps) end """ Arguments: - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBaseOutStructure.html) """ BaseOutStructure(; next = C_NULL) = BaseOutStructure(next) """ Arguments: - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBaseInStructure.html) """ BaseInStructure(; next = C_NULL) = BaseInStructure(next) """ Arguments: - `application_version::VersionNumber` - `engine_version::VersionNumber` - `api_version::VersionNumber` - `next::Any`: defaults to `C_NULL` - `application_name::String`: defaults to `` - `engine_name::String`: defaults to `` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkApplicationInfo.html) """ ApplicationInfo(application_version::VersionNumber, engine_version::VersionNumber, api_version::VersionNumber; next = C_NULL, application_name = "", engine_name = "") = ApplicationInfo(next, application_name, application_version, engine_name, engine_version, api_version) """ Arguments: - `pfn_allocation::FunctionPtr` - `pfn_reallocation::FunctionPtr` - `pfn_free::FunctionPtr` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` - `pfn_internal_allocation::FunctionPtr`: defaults to `C_NULL` - `pfn_internal_free::FunctionPtr`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAllocationCallbacks.html) """ AllocationCallbacks(pfn_allocation::FunctionPtr, pfn_reallocation::FunctionPtr, pfn_free::FunctionPtr; user_data = C_NULL, pfn_internal_allocation = C_NULL, pfn_internal_free = C_NULL) = AllocationCallbacks(user_data, pfn_allocation, pfn_reallocation, pfn_free, pfn_internal_allocation, pfn_internal_free) """ Arguments: - `queue_family_index::UInt32` - `queue_priorities::Vector{Float32}` - `next::Any`: defaults to `C_NULL` - `flags::DeviceQueueCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceQueueCreateInfo.html) """ DeviceQueueCreateInfo(queue_family_index::Integer, queue_priorities::AbstractArray; next = C_NULL, flags = 0) = DeviceQueueCreateInfo(next, flags, queue_family_index, queue_priorities) """ Arguments: - `queue_create_infos::Vector{DeviceQueueCreateInfo}` - `enabled_layer_names::Vector{String}` - `enabled_extension_names::Vector{String}` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `enabled_features::PhysicalDeviceFeatures`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceCreateInfo.html) """ DeviceCreateInfo(queue_create_infos::AbstractArray, enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray; next = C_NULL, flags = 0, enabled_features = C_NULL) = DeviceCreateInfo(next, flags, queue_create_infos, enabled_layer_names, enabled_extension_names, enabled_features) """ Arguments: - `enabled_layer_names::Vector{String}` - `enabled_extension_names::Vector{String}` - `next::Any`: defaults to `C_NULL` - `flags::InstanceCreateFlag`: defaults to `0` - `application_info::ApplicationInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkInstanceCreateInfo.html) """ InstanceCreateInfo(enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray; next = C_NULL, flags = 0, application_info = C_NULL) = InstanceCreateInfo(next, flags, application_info, enabled_layer_names, enabled_extension_names) """ Arguments: - `queue_count::UInt32` - `timestamp_valid_bits::UInt32` - `min_image_transfer_granularity::Extent3D` - `queue_flags::QueueFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyProperties.html) """ QueueFamilyProperties(queue_count::Integer, timestamp_valid_bits::Integer, min_image_transfer_granularity::Extent3D; queue_flags = 0) = QueueFamilyProperties(queue_flags, queue_count, timestamp_valid_bits, min_image_transfer_granularity) """ Arguments: - `allocation_size::UInt64` - `memory_type_index::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryAllocateInfo.html) """ MemoryAllocateInfo(allocation_size::Integer, memory_type_index::Integer; next = C_NULL) = MemoryAllocateInfo(next, allocation_size, memory_type_index) """ Arguments: - `image_granularity::Extent3D` - `aspect_mask::ImageAspectFlag`: defaults to `0` - `flags::SparseImageFormatFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageFormatProperties.html) """ SparseImageFormatProperties(image_granularity::Extent3D; aspect_mask = 0, flags = 0) = SparseImageFormatProperties(aspect_mask, image_granularity, flags) """ Arguments: - `heap_index::UInt32` - `property_flags::MemoryPropertyFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryType.html) """ MemoryType(heap_index::Integer; property_flags = 0) = MemoryType(property_flags, heap_index) """ Arguments: - `size::UInt64` - `flags::MemoryHeapFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryHeap.html) """ MemoryHeap(size::Integer; flags = 0) = MemoryHeap(size, flags) """ Arguments: - `memory::DeviceMemory` - `offset::UInt64` - `size::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMappedMemoryRange.html) """ MappedMemoryRange(memory::DeviceMemory, offset::Integer, size::Integer; next = C_NULL) = MappedMemoryRange(next, memory, offset, size) """ Arguments: - `linear_tiling_features::FormatFeatureFlag`: defaults to `0` - `optimal_tiling_features::FormatFeatureFlag`: defaults to `0` - `buffer_features::FormatFeatureFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFormatProperties.html) """ FormatProperties(; linear_tiling_features = 0, optimal_tiling_features = 0, buffer_features = 0) = FormatProperties(linear_tiling_features, optimal_tiling_features, buffer_features) """ Arguments: - `max_extent::Extent3D` - `max_mip_levels::UInt32` - `max_array_layers::UInt32` - `max_resource_size::UInt64` - `sample_counts::SampleCountFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageFormatProperties.html) """ ImageFormatProperties(max_extent::Extent3D, max_mip_levels::Integer, max_array_layers::Integer, max_resource_size::Integer; sample_counts = 0) = ImageFormatProperties(max_extent, max_mip_levels, max_array_layers, sample_counts, max_resource_size) """ Arguments: - `offset::UInt64` - `range::UInt64` - `buffer::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorBufferInfo.html) """ DescriptorBufferInfo(offset::Integer, range::Integer; buffer = C_NULL) = DescriptorBufferInfo(buffer, offset, range) """ Arguments: - `dst_set::DescriptorSet` - `dst_binding::UInt32` - `dst_array_element::UInt32` - `descriptor_type::DescriptorType` - `image_info::Vector{DescriptorImageInfo}` - `buffer_info::Vector{DescriptorBufferInfo}` - `texel_buffer_view::Vector{BufferView}` - `next::Any`: defaults to `C_NULL` - `descriptor_count::UInt32`: defaults to `max(pointer_length(image_info), pointer_length(buffer_info), pointer_length(texel_buffer_view))` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSet.html) """ WriteDescriptorSet(dst_set::DescriptorSet, dst_binding::Integer, dst_array_element::Integer, descriptor_type::DescriptorType, image_info::AbstractArray, buffer_info::AbstractArray, texel_buffer_view::AbstractArray; next = C_NULL, descriptor_count = max(pointer_length(image_info), pointer_length(buffer_info), pointer_length(texel_buffer_view))) = WriteDescriptorSet(next, dst_set, dst_binding, dst_array_element, descriptor_count, descriptor_type, image_info, buffer_info, texel_buffer_view) """ Arguments: - `src_set::DescriptorSet` - `src_binding::UInt32` - `src_array_element::UInt32` - `dst_set::DescriptorSet` - `dst_binding::UInt32` - `dst_array_element::UInt32` - `descriptor_count::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyDescriptorSet.html) """ CopyDescriptorSet(src_set::DescriptorSet, src_binding::Integer, src_array_element::Integer, dst_set::DescriptorSet, dst_binding::Integer, dst_array_element::Integer, descriptor_count::Integer; next = C_NULL) = CopyDescriptorSet(next, src_set, src_binding, src_array_element, dst_set, dst_binding, dst_array_element, descriptor_count) """ Arguments: - `size::UInt64` - `usage::BufferUsageFlag` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` - `flags::BufferCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCreateInfo.html) """ BufferCreateInfo(size::Integer, usage::BufferUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray; next = C_NULL, flags = 0) = BufferCreateInfo(next, flags, size, usage, sharing_mode, queue_family_indices) """ Arguments: - `buffer::Buffer` - `format::Format` - `offset::UInt64` - `range::UInt64` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferViewCreateInfo.html) """ BufferViewCreateInfo(buffer::Buffer, format::Format, offset::Integer, range::Integer; next = C_NULL, flags = 0) = BufferViewCreateInfo(next, flags, buffer, format, offset, range) """ Arguments: - `next::Any`: defaults to `C_NULL` - `src_access_mask::AccessFlag`: defaults to `0` - `dst_access_mask::AccessFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryBarrier.html) """ MemoryBarrier(; next = C_NULL, src_access_mask = 0, dst_access_mask = 0) = MemoryBarrier(next, src_access_mask, dst_access_mask) """ Arguments: - `src_access_mask::AccessFlag` - `dst_access_mask::AccessFlag` - `src_queue_family_index::UInt32` - `dst_queue_family_index::UInt32` - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferMemoryBarrier.html) """ BufferMemoryBarrier(src_access_mask::AccessFlag, dst_access_mask::AccessFlag, src_queue_family_index::Integer, dst_queue_family_index::Integer, buffer::Buffer, offset::Integer, size::Integer; next = C_NULL) = BufferMemoryBarrier(next, src_access_mask, dst_access_mask, src_queue_family_index, dst_queue_family_index, buffer, offset, size) """ Arguments: - `src_access_mask::AccessFlag` - `dst_access_mask::AccessFlag` - `old_layout::ImageLayout` - `new_layout::ImageLayout` - `src_queue_family_index::UInt32` - `dst_queue_family_index::UInt32` - `image::Image` - `subresource_range::ImageSubresourceRange` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageMemoryBarrier.html) """ ImageMemoryBarrier(src_access_mask::AccessFlag, dst_access_mask::AccessFlag, old_layout::ImageLayout, new_layout::ImageLayout, src_queue_family_index::Integer, dst_queue_family_index::Integer, image::Image, subresource_range::ImageSubresourceRange; next = C_NULL) = ImageMemoryBarrier(next, src_access_mask, dst_access_mask, old_layout, new_layout, src_queue_family_index, dst_queue_family_index, image, subresource_range) """ Arguments: - `image_type::ImageType` - `format::Format` - `extent::Extent3D` - `mip_levels::UInt32` - `array_layers::UInt32` - `samples::SampleCountFlag` - `tiling::ImageTiling` - `usage::ImageUsageFlag` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `initial_layout::ImageLayout` - `next::Any`: defaults to `C_NULL` - `flags::ImageCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCreateInfo.html) """ ImageCreateInfo(image_type::ImageType, format::Format, extent::Extent3D, mip_levels::Integer, array_layers::Integer, samples::SampleCountFlag, tiling::ImageTiling, usage::ImageUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, initial_layout::ImageLayout; next = C_NULL, flags = 0) = ImageCreateInfo(next, flags, image_type, format, extent, mip_levels, array_layers, samples, tiling, usage, sharing_mode, queue_family_indices, initial_layout) """ Arguments: - `image::Image` - `view_type::ImageViewType` - `format::Format` - `components::ComponentMapping` - `subresource_range::ImageSubresourceRange` - `next::Any`: defaults to `C_NULL` - `flags::ImageViewCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewCreateInfo.html) """ ImageViewCreateInfo(image::Image, view_type::ImageViewType, format::Format, components::ComponentMapping, subresource_range::ImageSubresourceRange; next = C_NULL, flags = 0) = ImageViewCreateInfo(next, flags, image, view_type, format, components, subresource_range) """ Arguments: - `resource_offset::UInt64` - `size::UInt64` - `memory_offset::UInt64` - `memory::DeviceMemory`: defaults to `C_NULL` - `flags::SparseMemoryBindFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseMemoryBind.html) """ SparseMemoryBind(resource_offset::Integer, size::Integer, memory_offset::Integer; memory = C_NULL, flags = 0) = SparseMemoryBind(resource_offset, size, memory, memory_offset, flags) """ Arguments: - `subresource::ImageSubresource` - `offset::Offset3D` - `extent::Extent3D` - `memory_offset::UInt64` - `memory::DeviceMemory`: defaults to `C_NULL` - `flags::SparseMemoryBindFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryBind.html) """ SparseImageMemoryBind(subresource::ImageSubresource, offset::Offset3D, extent::Extent3D, memory_offset::Integer; memory = C_NULL, flags = 0) = SparseImageMemoryBind(subresource, offset, extent, memory, memory_offset, flags) """ Arguments: - `wait_semaphores::Vector{Semaphore}` - `buffer_binds::Vector{SparseBufferMemoryBindInfo}` - `image_opaque_binds::Vector{SparseImageOpaqueMemoryBindInfo}` - `image_binds::Vector{SparseImageMemoryBindInfo}` - `signal_semaphores::Vector{Semaphore}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindSparseInfo.html) """ BindSparseInfo(wait_semaphores::AbstractArray, buffer_binds::AbstractArray, image_opaque_binds::AbstractArray, image_binds::AbstractArray, signal_semaphores::AbstractArray; next = C_NULL) = BindSparseInfo(next, wait_semaphores, buffer_binds, image_opaque_binds, image_binds, signal_semaphores) """ Arguments: - `code_size::UInt` - `code::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderModuleCreateInfo.html) """ ShaderModuleCreateInfo(code_size::Integer, code::AbstractArray; next = C_NULL, flags = 0) = ShaderModuleCreateInfo(next, flags, code_size, code) """ Arguments: - `binding::UInt32` - `descriptor_type::DescriptorType` - `stage_flags::ShaderStageFlag` - `descriptor_count::UInt32`: defaults to `0` - `immutable_samplers::Vector{Sampler}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutBinding.html) """ DescriptorSetLayoutBinding(binding::Integer, descriptor_type::DescriptorType, stage_flags::ShaderStageFlag; descriptor_count = 0, immutable_samplers = C_NULL) = DescriptorSetLayoutBinding(binding, descriptor_type, descriptor_count, stage_flags, immutable_samplers) """ Arguments: - `bindings::Vector{DescriptorSetLayoutBinding}` - `next::Any`: defaults to `C_NULL` - `flags::DescriptorSetLayoutCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutCreateInfo.html) """ DescriptorSetLayoutCreateInfo(bindings::AbstractArray; next = C_NULL, flags = 0) = DescriptorSetLayoutCreateInfo(next, flags, bindings) """ Arguments: - `max_sets::UInt32` - `pool_sizes::Vector{DescriptorPoolSize}` - `next::Any`: defaults to `C_NULL` - `flags::DescriptorPoolCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorPoolCreateInfo.html) """ DescriptorPoolCreateInfo(max_sets::Integer, pool_sizes::AbstractArray; next = C_NULL, flags = 0) = DescriptorPoolCreateInfo(next, flags, max_sets, pool_sizes) """ Arguments: - `descriptor_pool::DescriptorPool` - `set_layouts::Vector{DescriptorSetLayout}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetAllocateInfo.html) """ DescriptorSetAllocateInfo(descriptor_pool::DescriptorPool, set_layouts::AbstractArray; next = C_NULL) = DescriptorSetAllocateInfo(next, descriptor_pool, set_layouts) """ Arguments: - `map_entries::Vector{SpecializationMapEntry}` - `data::Ptr{Cvoid}` - `data_size::UInt`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSpecializationInfo.html) """ SpecializationInfo(map_entries::AbstractArray, data::Ptr{Cvoid}; data_size = C_NULL) = SpecializationInfo(map_entries, data_size, data) """ Arguments: - `stage::ShaderStageFlag` - `_module::ShaderModule` - `name::String` - `next::Any`: defaults to `C_NULL` - `flags::PipelineShaderStageCreateFlag`: defaults to `0` - `specialization_info::SpecializationInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineShaderStageCreateInfo.html) """ PipelineShaderStageCreateInfo(stage::ShaderStageFlag, _module::ShaderModule, name::AbstractString; next = C_NULL, flags = 0, specialization_info = C_NULL) = PipelineShaderStageCreateInfo(next, flags, stage, _module, name, specialization_info) """ Arguments: - `stage::PipelineShaderStageCreateInfo` - `layout::PipelineLayout` - `base_pipeline_index::Int32` - `next::Any`: defaults to `C_NULL` - `flags::PipelineCreateFlag`: defaults to `0` - `base_pipeline_handle::Pipeline`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkComputePipelineCreateInfo.html) """ ComputePipelineCreateInfo(stage::PipelineShaderStageCreateInfo, layout::PipelineLayout, base_pipeline_index::Integer; next = C_NULL, flags = 0, base_pipeline_handle = C_NULL) = ComputePipelineCreateInfo(next, flags, stage, layout, base_pipeline_handle, base_pipeline_index) """ Arguments: - `vertex_binding_descriptions::Vector{VertexInputBindingDescription}` - `vertex_attribute_descriptions::Vector{VertexInputAttributeDescription}` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineVertexInputStateCreateInfo.html) """ PipelineVertexInputStateCreateInfo(vertex_binding_descriptions::AbstractArray, vertex_attribute_descriptions::AbstractArray; next = C_NULL, flags = 0) = PipelineVertexInputStateCreateInfo(next, flags, vertex_binding_descriptions, vertex_attribute_descriptions) """ Arguments: - `topology::PrimitiveTopology` - `primitive_restart_enable::Bool` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineInputAssemblyStateCreateInfo.html) """ PipelineInputAssemblyStateCreateInfo(topology::PrimitiveTopology, primitive_restart_enable::Bool; next = C_NULL, flags = 0) = PipelineInputAssemblyStateCreateInfo(next, flags, topology, primitive_restart_enable) """ Arguments: - `patch_control_points::UInt32` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineTessellationStateCreateInfo.html) """ PipelineTessellationStateCreateInfo(patch_control_points::Integer; next = C_NULL, flags = 0) = PipelineTessellationStateCreateInfo(next, flags, patch_control_points) """ Arguments: - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `viewports::Vector{Viewport}`: defaults to `C_NULL` - `scissors::Vector{Rect2D}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportStateCreateInfo.html) """ PipelineViewportStateCreateInfo(; next = C_NULL, flags = 0, viewports = C_NULL, scissors = C_NULL) = PipelineViewportStateCreateInfo(next, flags, viewports, scissors) """ Arguments: - `depth_clamp_enable::Bool` - `rasterizer_discard_enable::Bool` - `polygon_mode::PolygonMode` - `front_face::FrontFace` - `depth_bias_enable::Bool` - `depth_bias_constant_factor::Float32` - `depth_bias_clamp::Float32` - `depth_bias_slope_factor::Float32` - `line_width::Float32` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `cull_mode::CullModeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationStateCreateInfo.html) """ PipelineRasterizationStateCreateInfo(depth_clamp_enable::Bool, rasterizer_discard_enable::Bool, polygon_mode::PolygonMode, front_face::FrontFace, depth_bias_enable::Bool, depth_bias_constant_factor::Real, depth_bias_clamp::Real, depth_bias_slope_factor::Real, line_width::Real; next = C_NULL, flags = 0, cull_mode = 0) = PipelineRasterizationStateCreateInfo(next, flags, depth_clamp_enable, rasterizer_discard_enable, polygon_mode, cull_mode, front_face, depth_bias_enable, depth_bias_constant_factor, depth_bias_clamp, depth_bias_slope_factor, line_width) """ Arguments: - `rasterization_samples::SampleCountFlag` - `sample_shading_enable::Bool` - `min_sample_shading::Float32` - `alpha_to_coverage_enable::Bool` - `alpha_to_one_enable::Bool` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `sample_mask::Vector{UInt32}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineMultisampleStateCreateInfo.html) """ PipelineMultisampleStateCreateInfo(rasterization_samples::SampleCountFlag, sample_shading_enable::Bool, min_sample_shading::Real, alpha_to_coverage_enable::Bool, alpha_to_one_enable::Bool; next = C_NULL, flags = 0, sample_mask = C_NULL) = PipelineMultisampleStateCreateInfo(next, flags, rasterization_samples, sample_shading_enable, min_sample_shading, sample_mask, alpha_to_coverage_enable, alpha_to_one_enable) """ Arguments: - `blend_enable::Bool` - `src_color_blend_factor::BlendFactor` - `dst_color_blend_factor::BlendFactor` - `color_blend_op::BlendOp` - `src_alpha_blend_factor::BlendFactor` - `dst_alpha_blend_factor::BlendFactor` - `alpha_blend_op::BlendOp` - `color_write_mask::ColorComponentFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorBlendAttachmentState.html) """ PipelineColorBlendAttachmentState(blend_enable::Bool, src_color_blend_factor::BlendFactor, dst_color_blend_factor::BlendFactor, color_blend_op::BlendOp, src_alpha_blend_factor::BlendFactor, dst_alpha_blend_factor::BlendFactor, alpha_blend_op::BlendOp; color_write_mask = 0) = PipelineColorBlendAttachmentState(blend_enable, src_color_blend_factor, dst_color_blend_factor, color_blend_op, src_alpha_blend_factor, dst_alpha_blend_factor, alpha_blend_op, color_write_mask) """ Arguments: - `logic_op_enable::Bool` - `logic_op::LogicOp` - `attachments::Vector{PipelineColorBlendAttachmentState}` - `blend_constants::NTuple{4, Float32}` - `next::Any`: defaults to `C_NULL` - `flags::PipelineColorBlendStateCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorBlendStateCreateInfo.html) """ PipelineColorBlendStateCreateInfo(logic_op_enable::Bool, logic_op::LogicOp, attachments::AbstractArray, blend_constants::NTuple{4, Float32}; next = C_NULL, flags = 0) = PipelineColorBlendStateCreateInfo(next, flags, logic_op_enable, logic_op, attachments, blend_constants) """ Arguments: - `dynamic_states::Vector{DynamicState}` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineDynamicStateCreateInfo.html) """ PipelineDynamicStateCreateInfo(dynamic_states::AbstractArray; next = C_NULL, flags = 0) = PipelineDynamicStateCreateInfo(next, flags, dynamic_states) """ Arguments: - `depth_test_enable::Bool` - `depth_write_enable::Bool` - `depth_compare_op::CompareOp` - `depth_bounds_test_enable::Bool` - `stencil_test_enable::Bool` - `front::StencilOpState` - `back::StencilOpState` - `min_depth_bounds::Float32` - `max_depth_bounds::Float32` - `next::Any`: defaults to `C_NULL` - `flags::PipelineDepthStencilStateCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineDepthStencilStateCreateInfo.html) """ PipelineDepthStencilStateCreateInfo(depth_test_enable::Bool, depth_write_enable::Bool, depth_compare_op::CompareOp, depth_bounds_test_enable::Bool, stencil_test_enable::Bool, front::StencilOpState, back::StencilOpState, min_depth_bounds::Real, max_depth_bounds::Real; next = C_NULL, flags = 0) = PipelineDepthStencilStateCreateInfo(next, flags, depth_test_enable, depth_write_enable, depth_compare_op, depth_bounds_test_enable, stencil_test_enable, front, back, min_depth_bounds, max_depth_bounds) """ Arguments: - `stages::Vector{PipelineShaderStageCreateInfo}` - `rasterization_state::PipelineRasterizationStateCreateInfo` - `layout::PipelineLayout` - `subpass::UInt32` - `base_pipeline_index::Int32` - `next::Any`: defaults to `C_NULL` - `flags::PipelineCreateFlag`: defaults to `0` - `vertex_input_state::PipelineVertexInputStateCreateInfo`: defaults to `C_NULL` - `input_assembly_state::PipelineInputAssemblyStateCreateInfo`: defaults to `C_NULL` - `tessellation_state::PipelineTessellationStateCreateInfo`: defaults to `C_NULL` - `viewport_state::PipelineViewportStateCreateInfo`: defaults to `C_NULL` - `multisample_state::PipelineMultisampleStateCreateInfo`: defaults to `C_NULL` - `depth_stencil_state::PipelineDepthStencilStateCreateInfo`: defaults to `C_NULL` - `color_blend_state::PipelineColorBlendStateCreateInfo`: defaults to `C_NULL` - `dynamic_state::PipelineDynamicStateCreateInfo`: defaults to `C_NULL` - `render_pass::RenderPass`: defaults to `C_NULL` - `base_pipeline_handle::Pipeline`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsPipelineCreateInfo.html) """ GraphicsPipelineCreateInfo(stages::AbstractArray, rasterization_state::PipelineRasterizationStateCreateInfo, layout::PipelineLayout, subpass::Integer, base_pipeline_index::Integer; next = C_NULL, flags = 0, vertex_input_state = C_NULL, input_assembly_state = C_NULL, tessellation_state = C_NULL, viewport_state = C_NULL, multisample_state = C_NULL, depth_stencil_state = C_NULL, color_blend_state = C_NULL, dynamic_state = C_NULL, render_pass = C_NULL, base_pipeline_handle = C_NULL) = GraphicsPipelineCreateInfo(next, flags, stages, vertex_input_state, input_assembly_state, tessellation_state, viewport_state, rasterization_state, multisample_state, depth_stencil_state, color_blend_state, dynamic_state, layout, render_pass, subpass, base_pipeline_handle, base_pipeline_index) """ Arguments: - `initial_data::Ptr{Cvoid}` - `next::Any`: defaults to `C_NULL` - `flags::PipelineCacheCreateFlag`: defaults to `0` - `initial_data_size::UInt`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCacheCreateInfo.html) """ PipelineCacheCreateInfo(initial_data::Ptr{Cvoid}; next = C_NULL, flags = 0, initial_data_size = C_NULL) = PipelineCacheCreateInfo(next, flags, initial_data_size, initial_data) """ Arguments: - `set_layouts::Vector{DescriptorSetLayout}` - `push_constant_ranges::Vector{PushConstantRange}` - `next::Any`: defaults to `C_NULL` - `flags::PipelineLayoutCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineLayoutCreateInfo.html) """ PipelineLayoutCreateInfo(set_layouts::AbstractArray, push_constant_ranges::AbstractArray; next = C_NULL, flags = 0) = PipelineLayoutCreateInfo(next, flags, set_layouts, push_constant_ranges) """ Arguments: - `mag_filter::Filter` - `min_filter::Filter` - `mipmap_mode::SamplerMipmapMode` - `address_mode_u::SamplerAddressMode` - `address_mode_v::SamplerAddressMode` - `address_mode_w::SamplerAddressMode` - `mip_lod_bias::Float32` - `anisotropy_enable::Bool` - `max_anisotropy::Float32` - `compare_enable::Bool` - `compare_op::CompareOp` - `min_lod::Float32` - `max_lod::Float32` - `border_color::BorderColor` - `unnormalized_coordinates::Bool` - `next::Any`: defaults to `C_NULL` - `flags::SamplerCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerCreateInfo.html) """ SamplerCreateInfo(mag_filter::Filter, min_filter::Filter, mipmap_mode::SamplerMipmapMode, address_mode_u::SamplerAddressMode, address_mode_v::SamplerAddressMode, address_mode_w::SamplerAddressMode, mip_lod_bias::Real, anisotropy_enable::Bool, max_anisotropy::Real, compare_enable::Bool, compare_op::CompareOp, min_lod::Real, max_lod::Real, border_color::BorderColor, unnormalized_coordinates::Bool; next = C_NULL, flags = 0) = SamplerCreateInfo(next, flags, mag_filter, min_filter, mipmap_mode, address_mode_u, address_mode_v, address_mode_w, mip_lod_bias, anisotropy_enable, max_anisotropy, compare_enable, compare_op, min_lod, max_lod, border_color, unnormalized_coordinates) """ Arguments: - `queue_family_index::UInt32` - `next::Any`: defaults to `C_NULL` - `flags::CommandPoolCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandPoolCreateInfo.html) """ CommandPoolCreateInfo(queue_family_index::Integer; next = C_NULL, flags = 0) = CommandPoolCreateInfo(next, flags, queue_family_index) """ Arguments: - `command_pool::CommandPool` - `level::CommandBufferLevel` - `command_buffer_count::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferAllocateInfo.html) """ CommandBufferAllocateInfo(command_pool::CommandPool, level::CommandBufferLevel, command_buffer_count::Integer; next = C_NULL) = CommandBufferAllocateInfo(next, command_pool, level, command_buffer_count) """ Arguments: - `subpass::UInt32` - `occlusion_query_enable::Bool` - `next::Any`: defaults to `C_NULL` - `render_pass::RenderPass`: defaults to `C_NULL` - `framebuffer::Framebuffer`: defaults to `C_NULL` - `query_flags::QueryControlFlag`: defaults to `0` - `pipeline_statistics::QueryPipelineStatisticFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceInfo.html) """ CommandBufferInheritanceInfo(subpass::Integer, occlusion_query_enable::Bool; next = C_NULL, render_pass = C_NULL, framebuffer = C_NULL, query_flags = 0, pipeline_statistics = 0) = CommandBufferInheritanceInfo(next, render_pass, subpass, framebuffer, occlusion_query_enable, query_flags, pipeline_statistics) """ Arguments: - `next::Any`: defaults to `C_NULL` - `flags::CommandBufferUsageFlag`: defaults to `0` - `inheritance_info::CommandBufferInheritanceInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferBeginInfo.html) """ CommandBufferBeginInfo(; next = C_NULL, flags = 0, inheritance_info = C_NULL) = CommandBufferBeginInfo(next, flags, inheritance_info) """ Arguments: - `render_pass::RenderPass` - `framebuffer::Framebuffer` - `render_area::Rect2D` - `clear_values::Vector{ClearValue}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassBeginInfo.html) """ RenderPassBeginInfo(render_pass::RenderPass, framebuffer::Framebuffer, render_area::Rect2D, clear_values::AbstractArray; next = C_NULL) = RenderPassBeginInfo(next, render_pass, framebuffer, render_area, clear_values) """ Arguments: - `format::Format` - `samples::SampleCountFlag` - `load_op::AttachmentLoadOp` - `store_op::AttachmentStoreOp` - `stencil_load_op::AttachmentLoadOp` - `stencil_store_op::AttachmentStoreOp` - `initial_layout::ImageLayout` - `final_layout::ImageLayout` - `flags::AttachmentDescriptionFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentDescription.html) """ AttachmentDescription(format::Format, samples::SampleCountFlag, load_op::AttachmentLoadOp, store_op::AttachmentStoreOp, stencil_load_op::AttachmentLoadOp, stencil_store_op::AttachmentStoreOp, initial_layout::ImageLayout, final_layout::ImageLayout; flags = 0) = AttachmentDescription(flags, format, samples, load_op, store_op, stencil_load_op, stencil_store_op, initial_layout, final_layout) """ Arguments: - `pipeline_bind_point::PipelineBindPoint` - `input_attachments::Vector{AttachmentReference}` - `color_attachments::Vector{AttachmentReference}` - `preserve_attachments::Vector{UInt32}` - `flags::SubpassDescriptionFlag`: defaults to `0` - `resolve_attachments::Vector{AttachmentReference}`: defaults to `C_NULL` - `depth_stencil_attachment::AttachmentReference`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDescription.html) """ SubpassDescription(pipeline_bind_point::PipelineBindPoint, input_attachments::AbstractArray, color_attachments::AbstractArray, preserve_attachments::AbstractArray; flags = 0, resolve_attachments = C_NULL, depth_stencil_attachment = C_NULL) = SubpassDescription(flags, pipeline_bind_point, input_attachments, color_attachments, resolve_attachments, depth_stencil_attachment, preserve_attachments) """ Arguments: - `src_subpass::UInt32` - `dst_subpass::UInt32` - `src_stage_mask::PipelineStageFlag`: defaults to `0` - `dst_stage_mask::PipelineStageFlag`: defaults to `0` - `src_access_mask::AccessFlag`: defaults to `0` - `dst_access_mask::AccessFlag`: defaults to `0` - `dependency_flags::DependencyFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDependency.html) """ SubpassDependency(src_subpass::Integer, dst_subpass::Integer; src_stage_mask = 0, dst_stage_mask = 0, src_access_mask = 0, dst_access_mask = 0, dependency_flags = 0) = SubpassDependency(src_subpass, dst_subpass, src_stage_mask, dst_stage_mask, src_access_mask, dst_access_mask, dependency_flags) """ Arguments: - `attachments::Vector{AttachmentDescription}` - `subpasses::Vector{SubpassDescription}` - `dependencies::Vector{SubpassDependency}` - `next::Any`: defaults to `C_NULL` - `flags::RenderPassCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreateInfo.html) """ RenderPassCreateInfo(attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray; next = C_NULL, flags = 0) = RenderPassCreateInfo(next, flags, attachments, subpasses, dependencies) """ Arguments: - `next::Any`: defaults to `C_NULL` - `flags::EventCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkEventCreateInfo.html) """ EventCreateInfo(; next = C_NULL, flags = 0) = EventCreateInfo(next, flags) """ Arguments: - `next::Any`: defaults to `C_NULL` - `flags::FenceCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFenceCreateInfo.html) """ FenceCreateInfo(; next = C_NULL, flags = 0) = FenceCreateInfo(next, flags) """ Arguments: - `max_image_dimension_1_d::UInt32` - `max_image_dimension_2_d::UInt32` - `max_image_dimension_3_d::UInt32` - `max_image_dimension_cube::UInt32` - `max_image_array_layers::UInt32` - `max_texel_buffer_elements::UInt32` - `max_uniform_buffer_range::UInt32` - `max_storage_buffer_range::UInt32` - `max_push_constants_size::UInt32` - `max_memory_allocation_count::UInt32` - `max_sampler_allocation_count::UInt32` - `buffer_image_granularity::UInt64` - `sparse_address_space_size::UInt64` - `max_bound_descriptor_sets::UInt32` - `max_per_stage_descriptor_samplers::UInt32` - `max_per_stage_descriptor_uniform_buffers::UInt32` - `max_per_stage_descriptor_storage_buffers::UInt32` - `max_per_stage_descriptor_sampled_images::UInt32` - `max_per_stage_descriptor_storage_images::UInt32` - `max_per_stage_descriptor_input_attachments::UInt32` - `max_per_stage_resources::UInt32` - `max_descriptor_set_samplers::UInt32` - `max_descriptor_set_uniform_buffers::UInt32` - `max_descriptor_set_uniform_buffers_dynamic::UInt32` - `max_descriptor_set_storage_buffers::UInt32` - `max_descriptor_set_storage_buffers_dynamic::UInt32` - `max_descriptor_set_sampled_images::UInt32` - `max_descriptor_set_storage_images::UInt32` - `max_descriptor_set_input_attachments::UInt32` - `max_vertex_input_attributes::UInt32` - `max_vertex_input_bindings::UInt32` - `max_vertex_input_attribute_offset::UInt32` - `max_vertex_input_binding_stride::UInt32` - `max_vertex_output_components::UInt32` - `max_tessellation_generation_level::UInt32` - `max_tessellation_patch_size::UInt32` - `max_tessellation_control_per_vertex_input_components::UInt32` - `max_tessellation_control_per_vertex_output_components::UInt32` - `max_tessellation_control_per_patch_output_components::UInt32` - `max_tessellation_control_total_output_components::UInt32` - `max_tessellation_evaluation_input_components::UInt32` - `max_tessellation_evaluation_output_components::UInt32` - `max_geometry_shader_invocations::UInt32` - `max_geometry_input_components::UInt32` - `max_geometry_output_components::UInt32` - `max_geometry_output_vertices::UInt32` - `max_geometry_total_output_components::UInt32` - `max_fragment_input_components::UInt32` - `max_fragment_output_attachments::UInt32` - `max_fragment_dual_src_attachments::UInt32` - `max_fragment_combined_output_resources::UInt32` - `max_compute_shared_memory_size::UInt32` - `max_compute_work_group_count::NTuple{3, UInt32}` - `max_compute_work_group_invocations::UInt32` - `max_compute_work_group_size::NTuple{3, UInt32}` - `sub_pixel_precision_bits::UInt32` - `sub_texel_precision_bits::UInt32` - `mipmap_precision_bits::UInt32` - `max_draw_indexed_index_value::UInt32` - `max_draw_indirect_count::UInt32` - `max_sampler_lod_bias::Float32` - `max_sampler_anisotropy::Float32` - `max_viewports::UInt32` - `max_viewport_dimensions::NTuple{2, UInt32}` - `viewport_bounds_range::NTuple{2, Float32}` - `viewport_sub_pixel_bits::UInt32` - `min_memory_map_alignment::UInt` - `min_texel_buffer_offset_alignment::UInt64` - `min_uniform_buffer_offset_alignment::UInt64` - `min_storage_buffer_offset_alignment::UInt64` - `min_texel_offset::Int32` - `max_texel_offset::UInt32` - `min_texel_gather_offset::Int32` - `max_texel_gather_offset::UInt32` - `min_interpolation_offset::Float32` - `max_interpolation_offset::Float32` - `sub_pixel_interpolation_offset_bits::UInt32` - `max_framebuffer_width::UInt32` - `max_framebuffer_height::UInt32` - `max_framebuffer_layers::UInt32` - `max_color_attachments::UInt32` - `max_sample_mask_words::UInt32` - `timestamp_compute_and_graphics::Bool` - `timestamp_period::Float32` - `max_clip_distances::UInt32` - `max_cull_distances::UInt32` - `max_combined_clip_and_cull_distances::UInt32` - `discrete_queue_priorities::UInt32` - `point_size_range::NTuple{2, Float32}` - `line_width_range::NTuple{2, Float32}` - `point_size_granularity::Float32` - `line_width_granularity::Float32` - `strict_lines::Bool` - `standard_sample_locations::Bool` - `optimal_buffer_copy_offset_alignment::UInt64` - `optimal_buffer_copy_row_pitch_alignment::UInt64` - `non_coherent_atom_size::UInt64` - `framebuffer_color_sample_counts::SampleCountFlag`: defaults to `0` - `framebuffer_depth_sample_counts::SampleCountFlag`: defaults to `0` - `framebuffer_stencil_sample_counts::SampleCountFlag`: defaults to `0` - `framebuffer_no_attachments_sample_counts::SampleCountFlag`: defaults to `0` - `sampled_image_color_sample_counts::SampleCountFlag`: defaults to `0` - `sampled_image_integer_sample_counts::SampleCountFlag`: defaults to `0` - `sampled_image_depth_sample_counts::SampleCountFlag`: defaults to `0` - `sampled_image_stencil_sample_counts::SampleCountFlag`: defaults to `0` - `storage_image_sample_counts::SampleCountFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLimits.html) """ PhysicalDeviceLimits(max_image_dimension_1_d::Integer, max_image_dimension_2_d::Integer, max_image_dimension_3_d::Integer, max_image_dimension_cube::Integer, max_image_array_layers::Integer, max_texel_buffer_elements::Integer, max_uniform_buffer_range::Integer, max_storage_buffer_range::Integer, max_push_constants_size::Integer, max_memory_allocation_count::Integer, max_sampler_allocation_count::Integer, buffer_image_granularity::Integer, sparse_address_space_size::Integer, max_bound_descriptor_sets::Integer, max_per_stage_descriptor_samplers::Integer, max_per_stage_descriptor_uniform_buffers::Integer, max_per_stage_descriptor_storage_buffers::Integer, max_per_stage_descriptor_sampled_images::Integer, max_per_stage_descriptor_storage_images::Integer, max_per_stage_descriptor_input_attachments::Integer, max_per_stage_resources::Integer, max_descriptor_set_samplers::Integer, max_descriptor_set_uniform_buffers::Integer, max_descriptor_set_uniform_buffers_dynamic::Integer, max_descriptor_set_storage_buffers::Integer, max_descriptor_set_storage_buffers_dynamic::Integer, max_descriptor_set_sampled_images::Integer, max_descriptor_set_storage_images::Integer, max_descriptor_set_input_attachments::Integer, max_vertex_input_attributes::Integer, max_vertex_input_bindings::Integer, max_vertex_input_attribute_offset::Integer, max_vertex_input_binding_stride::Integer, max_vertex_output_components::Integer, max_tessellation_generation_level::Integer, max_tessellation_patch_size::Integer, max_tessellation_control_per_vertex_input_components::Integer, max_tessellation_control_per_vertex_output_components::Integer, max_tessellation_control_per_patch_output_components::Integer, max_tessellation_control_total_output_components::Integer, max_tessellation_evaluation_input_components::Integer, max_tessellation_evaluation_output_components::Integer, max_geometry_shader_invocations::Integer, max_geometry_input_components::Integer, max_geometry_output_components::Integer, max_geometry_output_vertices::Integer, max_geometry_total_output_components::Integer, max_fragment_input_components::Integer, max_fragment_output_attachments::Integer, max_fragment_dual_src_attachments::Integer, max_fragment_combined_output_resources::Integer, max_compute_shared_memory_size::Integer, max_compute_work_group_count::NTuple{3, UInt32}, max_compute_work_group_invocations::Integer, max_compute_work_group_size::NTuple{3, UInt32}, sub_pixel_precision_bits::Integer, sub_texel_precision_bits::Integer, mipmap_precision_bits::Integer, max_draw_indexed_index_value::Integer, max_draw_indirect_count::Integer, max_sampler_lod_bias::Real, max_sampler_anisotropy::Real, max_viewports::Integer, max_viewport_dimensions::NTuple{2, UInt32}, viewport_bounds_range::NTuple{2, Float32}, viewport_sub_pixel_bits::Integer, min_memory_map_alignment::Integer, min_texel_buffer_offset_alignment::Integer, min_uniform_buffer_offset_alignment::Integer, min_storage_buffer_offset_alignment::Integer, min_texel_offset::Integer, max_texel_offset::Integer, min_texel_gather_offset::Integer, max_texel_gather_offset::Integer, min_interpolation_offset::Real, max_interpolation_offset::Real, sub_pixel_interpolation_offset_bits::Integer, max_framebuffer_width::Integer, max_framebuffer_height::Integer, max_framebuffer_layers::Integer, max_color_attachments::Integer, max_sample_mask_words::Integer, timestamp_compute_and_graphics::Bool, timestamp_period::Real, max_clip_distances::Integer, max_cull_distances::Integer, max_combined_clip_and_cull_distances::Integer, discrete_queue_priorities::Integer, point_size_range::NTuple{2, Float32}, line_width_range::NTuple{2, Float32}, point_size_granularity::Real, line_width_granularity::Real, strict_lines::Bool, standard_sample_locations::Bool, optimal_buffer_copy_offset_alignment::Integer, optimal_buffer_copy_row_pitch_alignment::Integer, non_coherent_atom_size::Integer; framebuffer_color_sample_counts = 0, framebuffer_depth_sample_counts = 0, framebuffer_stencil_sample_counts = 0, framebuffer_no_attachments_sample_counts = 0, sampled_image_color_sample_counts = 0, sampled_image_integer_sample_counts = 0, sampled_image_depth_sample_counts = 0, sampled_image_stencil_sample_counts = 0, storage_image_sample_counts = 0) = PhysicalDeviceLimits(max_image_dimension_1_d, max_image_dimension_2_d, max_image_dimension_3_d, max_image_dimension_cube, max_image_array_layers, max_texel_buffer_elements, max_uniform_buffer_range, max_storage_buffer_range, max_push_constants_size, max_memory_allocation_count, max_sampler_allocation_count, buffer_image_granularity, sparse_address_space_size, max_bound_descriptor_sets, max_per_stage_descriptor_samplers, max_per_stage_descriptor_uniform_buffers, max_per_stage_descriptor_storage_buffers, max_per_stage_descriptor_sampled_images, max_per_stage_descriptor_storage_images, max_per_stage_descriptor_input_attachments, max_per_stage_resources, max_descriptor_set_samplers, max_descriptor_set_uniform_buffers, max_descriptor_set_uniform_buffers_dynamic, max_descriptor_set_storage_buffers, max_descriptor_set_storage_buffers_dynamic, max_descriptor_set_sampled_images, max_descriptor_set_storage_images, max_descriptor_set_input_attachments, max_vertex_input_attributes, max_vertex_input_bindings, max_vertex_input_attribute_offset, max_vertex_input_binding_stride, max_vertex_output_components, max_tessellation_generation_level, max_tessellation_patch_size, max_tessellation_control_per_vertex_input_components, max_tessellation_control_per_vertex_output_components, max_tessellation_control_per_patch_output_components, max_tessellation_control_total_output_components, max_tessellation_evaluation_input_components, max_tessellation_evaluation_output_components, max_geometry_shader_invocations, max_geometry_input_components, max_geometry_output_components, max_geometry_output_vertices, max_geometry_total_output_components, max_fragment_input_components, max_fragment_output_attachments, max_fragment_dual_src_attachments, max_fragment_combined_output_resources, max_compute_shared_memory_size, max_compute_work_group_count, max_compute_work_group_invocations, max_compute_work_group_size, sub_pixel_precision_bits, sub_texel_precision_bits, mipmap_precision_bits, max_draw_indexed_index_value, max_draw_indirect_count, max_sampler_lod_bias, max_sampler_anisotropy, max_viewports, max_viewport_dimensions, viewport_bounds_range, viewport_sub_pixel_bits, min_memory_map_alignment, min_texel_buffer_offset_alignment, min_uniform_buffer_offset_alignment, min_storage_buffer_offset_alignment, min_texel_offset, max_texel_offset, min_texel_gather_offset, max_texel_gather_offset, min_interpolation_offset, max_interpolation_offset, sub_pixel_interpolation_offset_bits, max_framebuffer_width, max_framebuffer_height, max_framebuffer_layers, framebuffer_color_sample_counts, framebuffer_depth_sample_counts, framebuffer_stencil_sample_counts, framebuffer_no_attachments_sample_counts, max_color_attachments, sampled_image_color_sample_counts, sampled_image_integer_sample_counts, sampled_image_depth_sample_counts, sampled_image_stencil_sample_counts, storage_image_sample_counts, max_sample_mask_words, timestamp_compute_and_graphics, timestamp_period, max_clip_distances, max_cull_distances, max_combined_clip_and_cull_distances, discrete_queue_priorities, point_size_range, line_width_range, point_size_granularity, line_width_granularity, strict_lines, standard_sample_locations, optimal_buffer_copy_offset_alignment, optimal_buffer_copy_row_pitch_alignment, non_coherent_atom_size) """ Arguments: - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreCreateInfo.html) """ SemaphoreCreateInfo(; next = C_NULL, flags = 0) = SemaphoreCreateInfo(next, flags) """ Arguments: - `query_type::QueryType` - `query_count::UInt32` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `pipeline_statistics::QueryPipelineStatisticFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueryPoolCreateInfo.html) """ QueryPoolCreateInfo(query_type::QueryType, query_count::Integer; next = C_NULL, flags = 0, pipeline_statistics = 0) = QueryPoolCreateInfo(next, flags, query_type, query_count, pipeline_statistics) """ Arguments: - `render_pass::RenderPass` - `attachments::Vector{ImageView}` - `width::UInt32` - `height::UInt32` - `layers::UInt32` - `next::Any`: defaults to `C_NULL` - `flags::FramebufferCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferCreateInfo.html) """ FramebufferCreateInfo(render_pass::RenderPass, attachments::AbstractArray, width::Integer, height::Integer, layers::Integer; next = C_NULL, flags = 0) = FramebufferCreateInfo(next, flags, render_pass, attachments, width, height, layers) """ Arguments: - `wait_semaphores::Vector{Semaphore}` - `wait_dst_stage_mask::Vector{PipelineStageFlag}` - `command_buffers::Vector{CommandBuffer}` - `signal_semaphores::Vector{Semaphore}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubmitInfo.html) """ SubmitInfo(wait_semaphores::AbstractArray, wait_dst_stage_mask::AbstractArray, command_buffers::AbstractArray, signal_semaphores::AbstractArray; next = C_NULL) = SubmitInfo(next, wait_semaphores, wait_dst_stage_mask, command_buffers, signal_semaphores) """ Extension: VK\\_KHR\\_display Arguments: - `display::DisplayKHR` - `display_name::String` - `physical_dimensions::Extent2D` - `physical_resolution::Extent2D` - `plane_reorder_possible::Bool` - `persistent_content::Bool` - `supported_transforms::SurfaceTransformFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPropertiesKHR.html) """ DisplayPropertiesKHR(display::DisplayKHR, display_name::AbstractString, physical_dimensions::Extent2D, physical_resolution::Extent2D, plane_reorder_possible::Bool, persistent_content::Bool; supported_transforms = 0) = DisplayPropertiesKHR(display, display_name, physical_dimensions, physical_resolution, supported_transforms, plane_reorder_possible, persistent_content) """ Extension: VK\\_KHR\\_display Arguments: - `parameters::DisplayModeParametersKHR` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModeCreateInfoKHR.html) """ DisplayModeCreateInfoKHR(parameters::DisplayModeParametersKHR; next = C_NULL, flags = 0) = DisplayModeCreateInfoKHR(next, flags, parameters) """ Extension: VK\\_KHR\\_display Arguments: - `min_src_position::Offset2D` - `max_src_position::Offset2D` - `min_src_extent::Extent2D` - `max_src_extent::Extent2D` - `min_dst_position::Offset2D` - `max_dst_position::Offset2D` - `min_dst_extent::Extent2D` - `max_dst_extent::Extent2D` - `supported_alpha::DisplayPlaneAlphaFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneCapabilitiesKHR.html) """ DisplayPlaneCapabilitiesKHR(min_src_position::Offset2D, max_src_position::Offset2D, min_src_extent::Extent2D, max_src_extent::Extent2D, min_dst_position::Offset2D, max_dst_position::Offset2D, min_dst_extent::Extent2D, max_dst_extent::Extent2D; supported_alpha = 0) = DisplayPlaneCapabilitiesKHR(supported_alpha, min_src_position, max_src_position, min_src_extent, max_src_extent, min_dst_position, max_dst_position, min_dst_extent, max_dst_extent) """ Extension: VK\\_KHR\\_display Arguments: - `display_mode::DisplayModeKHR` - `plane_index::UInt32` - `plane_stack_index::UInt32` - `transform::SurfaceTransformFlagKHR` - `global_alpha::Float32` - `alpha_mode::DisplayPlaneAlphaFlagKHR` - `image_extent::Extent2D` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplaySurfaceCreateInfoKHR.html) """ DisplaySurfaceCreateInfoKHR(display_mode::DisplayModeKHR, plane_index::Integer, plane_stack_index::Integer, transform::SurfaceTransformFlagKHR, global_alpha::Real, alpha_mode::DisplayPlaneAlphaFlagKHR, image_extent::Extent2D; next = C_NULL, flags = 0) = DisplaySurfaceCreateInfoKHR(next, flags, display_mode, plane_index, plane_stack_index, transform, global_alpha, alpha_mode, image_extent) """ Extension: VK\\_KHR\\_display\\_swapchain Arguments: - `src_rect::Rect2D` - `dst_rect::Rect2D` - `persistent::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPresentInfoKHR.html) """ DisplayPresentInfoKHR(src_rect::Rect2D, dst_rect::Rect2D, persistent::Bool; next = C_NULL) = DisplayPresentInfoKHR(next, src_rect, dst_rect, persistent) """ Extension: VK\\_KHR\\_swapchain Arguments: - `surface::SurfaceKHR` - `min_image_count::UInt32` - `image_format::Format` - `image_color_space::ColorSpaceKHR` - `image_extent::Extent2D` - `image_array_layers::UInt32` - `image_usage::ImageUsageFlag` - `image_sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `pre_transform::SurfaceTransformFlagKHR` - `composite_alpha::CompositeAlphaFlagKHR` - `present_mode::PresentModeKHR` - `clipped::Bool` - `next::Any`: defaults to `C_NULL` - `flags::SwapchainCreateFlagKHR`: defaults to `0` - `old_swapchain::SwapchainKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainCreateInfoKHR.html) """ SwapchainCreateInfoKHR(surface::SurfaceKHR, min_image_count::Integer, image_format::Format, image_color_space::ColorSpaceKHR, image_extent::Extent2D, image_array_layers::Integer, image_usage::ImageUsageFlag, image_sharing_mode::SharingMode, queue_family_indices::AbstractArray, pre_transform::SurfaceTransformFlagKHR, composite_alpha::CompositeAlphaFlagKHR, present_mode::PresentModeKHR, clipped::Bool; next = C_NULL, flags = 0, old_swapchain = C_NULL) = SwapchainCreateInfoKHR(next, flags, surface, min_image_count, image_format, image_color_space, image_extent, image_array_layers, image_usage, image_sharing_mode, queue_family_indices, pre_transform, composite_alpha, present_mode, clipped, old_swapchain) """ Extension: VK\\_KHR\\_swapchain Arguments: - `wait_semaphores::Vector{Semaphore}` - `swapchains::Vector{SwapchainKHR}` - `image_indices::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` - `results::Vector{Result}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentInfoKHR.html) """ PresentInfoKHR(wait_semaphores::AbstractArray, swapchains::AbstractArray, image_indices::AbstractArray; next = C_NULL, results = C_NULL) = PresentInfoKHR(next, wait_semaphores, swapchains, image_indices, results) """ Extension: VK\\_EXT\\_debug\\_report Arguments: - `pfn_callback::FunctionPtr` - `next::Any`: defaults to `C_NULL` - `flags::DebugReportFlagEXT`: defaults to `0` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugReportCallbackCreateInfoEXT.html) """ DebugReportCallbackCreateInfoEXT(pfn_callback::FunctionPtr; next = C_NULL, flags = 0, user_data = C_NULL) = DebugReportCallbackCreateInfoEXT(next, flags, pfn_callback, user_data) """ Extension: VK\\_EXT\\_validation\\_flags Arguments: - `disabled_validation_checks::Vector{ValidationCheckEXT}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkValidationFlagsEXT.html) """ ValidationFlagsEXT(disabled_validation_checks::AbstractArray; next = C_NULL) = ValidationFlagsEXT(next, disabled_validation_checks) """ Extension: VK\\_EXT\\_validation\\_features Arguments: - `enabled_validation_features::Vector{ValidationFeatureEnableEXT}` - `disabled_validation_features::Vector{ValidationFeatureDisableEXT}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkValidationFeaturesEXT.html) """ ValidationFeaturesEXT(enabled_validation_features::AbstractArray, disabled_validation_features::AbstractArray; next = C_NULL) = ValidationFeaturesEXT(next, enabled_validation_features, disabled_validation_features) """ Extension: VK\\_AMD\\_rasterization\\_order Arguments: - `rasterization_order::RasterizationOrderAMD` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationStateRasterizationOrderAMD.html) """ PipelineRasterizationStateRasterizationOrderAMD(rasterization_order::RasterizationOrderAMD; next = C_NULL) = PipelineRasterizationStateRasterizationOrderAMD(next, rasterization_order) """ Extension: VK\\_EXT\\_debug\\_marker Arguments: - `object_type::DebugReportObjectTypeEXT` - `object::UInt64` - `object_name::String` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugMarkerObjectNameInfoEXT.html) """ DebugMarkerObjectNameInfoEXT(object_type::DebugReportObjectTypeEXT, object::Integer, object_name::AbstractString; next = C_NULL) = DebugMarkerObjectNameInfoEXT(next, object_type, object, object_name) """ Extension: VK\\_EXT\\_debug\\_marker Arguments: - `object_type::DebugReportObjectTypeEXT` - `object::UInt64` - `tag_name::UInt64` - `tag_size::UInt` - `tag::Ptr{Cvoid}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugMarkerObjectTagInfoEXT.html) """ DebugMarkerObjectTagInfoEXT(object_type::DebugReportObjectTypeEXT, object::Integer, tag_name::Integer, tag_size::Integer, tag::Ptr{Cvoid}; next = C_NULL) = DebugMarkerObjectTagInfoEXT(next, object_type, object, tag_name, tag_size, tag) """ Extension: VK\\_EXT\\_debug\\_marker Arguments: - `marker_name::String` - `color::NTuple{4, Float32}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugMarkerMarkerInfoEXT.html) """ DebugMarkerMarkerInfoEXT(marker_name::AbstractString, color::NTuple{4, Float32}; next = C_NULL) = DebugMarkerMarkerInfoEXT(next, marker_name, color) """ Extension: VK\\_NV\\_dedicated\\_allocation Arguments: - `dedicated_allocation::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDedicatedAllocationImageCreateInfoNV.html) """ DedicatedAllocationImageCreateInfoNV(dedicated_allocation::Bool; next = C_NULL) = DedicatedAllocationImageCreateInfoNV(next, dedicated_allocation) """ Extension: VK\\_NV\\_dedicated\\_allocation Arguments: - `dedicated_allocation::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDedicatedAllocationBufferCreateInfoNV.html) """ DedicatedAllocationBufferCreateInfoNV(dedicated_allocation::Bool; next = C_NULL) = DedicatedAllocationBufferCreateInfoNV(next, dedicated_allocation) """ Extension: VK\\_NV\\_dedicated\\_allocation Arguments: - `next::Any`: defaults to `C_NULL` - `image::Image`: defaults to `C_NULL` - `buffer::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDedicatedAllocationMemoryAllocateInfoNV.html) """ DedicatedAllocationMemoryAllocateInfoNV(; next = C_NULL, image = C_NULL, buffer = C_NULL) = DedicatedAllocationMemoryAllocateInfoNV(next, image, buffer) """ Extension: VK\\_NV\\_external\\_memory\\_capabilities Arguments: - `image_format_properties::ImageFormatProperties` - `external_memory_features::ExternalMemoryFeatureFlagNV`: defaults to `0` - `export_from_imported_handle_types::ExternalMemoryHandleTypeFlagNV`: defaults to `0` - `compatible_handle_types::ExternalMemoryHandleTypeFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalImageFormatPropertiesNV.html) """ ExternalImageFormatPropertiesNV(image_format_properties::ImageFormatProperties; external_memory_features = 0, export_from_imported_handle_types = 0, compatible_handle_types = 0) = ExternalImageFormatPropertiesNV(image_format_properties, external_memory_features, export_from_imported_handle_types, compatible_handle_types) """ Extension: VK\\_NV\\_external\\_memory Arguments: - `next::Any`: defaults to `C_NULL` - `handle_types::ExternalMemoryHandleTypeFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryImageCreateInfoNV.html) """ ExternalMemoryImageCreateInfoNV(; next = C_NULL, handle_types = 0) = ExternalMemoryImageCreateInfoNV(next, handle_types) """ Extension: VK\\_NV\\_external\\_memory Arguments: - `next::Any`: defaults to `C_NULL` - `handle_types::ExternalMemoryHandleTypeFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMemoryAllocateInfoNV.html) """ ExportMemoryAllocateInfoNV(; next = C_NULL, handle_types = 0) = ExportMemoryAllocateInfoNV(next, handle_types) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `device_generated_commands::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV.html) """ PhysicalDeviceDeviceGeneratedCommandsFeaturesNV(device_generated_commands::Bool; next = C_NULL) = PhysicalDeviceDeviceGeneratedCommandsFeaturesNV(next, device_generated_commands) """ Arguments: - `private_data_slot_request_count::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDevicePrivateDataCreateInfo.html) """ DevicePrivateDataCreateInfo(private_data_slot_request_count::Integer; next = C_NULL) = DevicePrivateDataCreateInfo(next, private_data_slot_request_count) """ Arguments: - `flags::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPrivateDataSlotCreateInfo.html) """ PrivateDataSlotCreateInfo(flags::Integer; next = C_NULL) = PrivateDataSlotCreateInfo(next, flags) """ Arguments: - `private_data::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePrivateDataFeatures.html) """ PhysicalDevicePrivateDataFeatures(private_data::Bool; next = C_NULL) = PhysicalDevicePrivateDataFeatures(next, private_data) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `max_graphics_shader_group_count::UInt32` - `max_indirect_sequence_count::UInt32` - `max_indirect_commands_token_count::UInt32` - `max_indirect_commands_stream_count::UInt32` - `max_indirect_commands_token_offset::UInt32` - `max_indirect_commands_stream_stride::UInt32` - `min_sequences_count_buffer_offset_alignment::UInt32` - `min_sequences_index_buffer_offset_alignment::UInt32` - `min_indirect_commands_buffer_offset_alignment::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV.html) """ PhysicalDeviceDeviceGeneratedCommandsPropertiesNV(max_graphics_shader_group_count::Integer, max_indirect_sequence_count::Integer, max_indirect_commands_token_count::Integer, max_indirect_commands_stream_count::Integer, max_indirect_commands_token_offset::Integer, max_indirect_commands_stream_stride::Integer, min_sequences_count_buffer_offset_alignment::Integer, min_sequences_index_buffer_offset_alignment::Integer, min_indirect_commands_buffer_offset_alignment::Integer; next = C_NULL) = PhysicalDeviceDeviceGeneratedCommandsPropertiesNV(next, max_graphics_shader_group_count, max_indirect_sequence_count, max_indirect_commands_token_count, max_indirect_commands_stream_count, max_indirect_commands_token_offset, max_indirect_commands_stream_stride, min_sequences_count_buffer_offset_alignment, min_sequences_index_buffer_offset_alignment, min_indirect_commands_buffer_offset_alignment) """ Extension: VK\\_EXT\\_multi\\_draw Arguments: - `max_multi_draw_count::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiDrawPropertiesEXT.html) """ PhysicalDeviceMultiDrawPropertiesEXT(max_multi_draw_count::Integer; next = C_NULL) = PhysicalDeviceMultiDrawPropertiesEXT(next, max_multi_draw_count) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `stages::Vector{PipelineShaderStageCreateInfo}` - `next::Any`: defaults to `C_NULL` - `vertex_input_state::PipelineVertexInputStateCreateInfo`: defaults to `C_NULL` - `tessellation_state::PipelineTessellationStateCreateInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsShaderGroupCreateInfoNV.html) """ GraphicsShaderGroupCreateInfoNV(stages::AbstractArray; next = C_NULL, vertex_input_state = C_NULL, tessellation_state = C_NULL) = GraphicsShaderGroupCreateInfoNV(next, stages, vertex_input_state, tessellation_state) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `groups::Vector{GraphicsShaderGroupCreateInfoNV}` - `pipelines::Vector{Pipeline}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsPipelineShaderGroupsCreateInfoNV.html) """ GraphicsPipelineShaderGroupsCreateInfoNV(groups::AbstractArray, pipelines::AbstractArray; next = C_NULL) = GraphicsPipelineShaderGroupsCreateInfoNV(next, groups, pipelines) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `token_type::IndirectCommandsTokenTypeNV` - `stream::UInt32` - `offset::UInt32` - `vertex_binding_unit::UInt32` - `vertex_dynamic_stride::Bool` - `pushconstant_offset::UInt32` - `pushconstant_size::UInt32` - `index_types::Vector{IndexType}` - `index_type_values::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` - `pushconstant_pipeline_layout::PipelineLayout`: defaults to `C_NULL` - `pushconstant_shader_stage_flags::ShaderStageFlag`: defaults to `0` - `indirect_state_flags::IndirectStateFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkIndirectCommandsLayoutTokenNV.html) """ IndirectCommandsLayoutTokenNV(token_type::IndirectCommandsTokenTypeNV, stream::Integer, offset::Integer, vertex_binding_unit::Integer, vertex_dynamic_stride::Bool, pushconstant_offset::Integer, pushconstant_size::Integer, index_types::AbstractArray, index_type_values::AbstractArray; next = C_NULL, pushconstant_pipeline_layout = C_NULL, pushconstant_shader_stage_flags = 0, indirect_state_flags = 0) = IndirectCommandsLayoutTokenNV(next, token_type, stream, offset, vertex_binding_unit, vertex_dynamic_stride, pushconstant_pipeline_layout, pushconstant_shader_stage_flags, pushconstant_offset, pushconstant_size, indirect_state_flags, index_types, index_type_values) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `pipeline_bind_point::PipelineBindPoint` - `tokens::Vector{IndirectCommandsLayoutTokenNV}` - `stream_strides::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` - `flags::IndirectCommandsLayoutUsageFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkIndirectCommandsLayoutCreateInfoNV.html) """ IndirectCommandsLayoutCreateInfoNV(pipeline_bind_point::PipelineBindPoint, tokens::AbstractArray, stream_strides::AbstractArray; next = C_NULL, flags = 0) = IndirectCommandsLayoutCreateInfoNV(next, flags, pipeline_bind_point, tokens, stream_strides) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `pipeline_bind_point::PipelineBindPoint` - `pipeline::Pipeline` - `indirect_commands_layout::IndirectCommandsLayoutNV` - `streams::Vector{IndirectCommandsStreamNV}` - `sequences_count::UInt32` - `preprocess_buffer::Buffer` - `preprocess_offset::UInt64` - `preprocess_size::UInt64` - `sequences_count_offset::UInt64` - `sequences_index_offset::UInt64` - `next::Any`: defaults to `C_NULL` - `sequences_count_buffer::Buffer`: defaults to `C_NULL` - `sequences_index_buffer::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeneratedCommandsInfoNV.html) """ GeneratedCommandsInfoNV(pipeline_bind_point::PipelineBindPoint, pipeline::Pipeline, indirect_commands_layout::IndirectCommandsLayoutNV, streams::AbstractArray, sequences_count::Integer, preprocess_buffer::Buffer, preprocess_offset::Integer, preprocess_size::Integer, sequences_count_offset::Integer, sequences_index_offset::Integer; next = C_NULL, sequences_count_buffer = C_NULL, sequences_index_buffer = C_NULL) = GeneratedCommandsInfoNV(next, pipeline_bind_point, pipeline, indirect_commands_layout, streams, sequences_count, preprocess_buffer, preprocess_offset, preprocess_size, sequences_count_buffer, sequences_count_offset, sequences_index_buffer, sequences_index_offset) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `pipeline_bind_point::PipelineBindPoint` - `pipeline::Pipeline` - `indirect_commands_layout::IndirectCommandsLayoutNV` - `max_sequences_count::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeneratedCommandsMemoryRequirementsInfoNV.html) """ GeneratedCommandsMemoryRequirementsInfoNV(pipeline_bind_point::PipelineBindPoint, pipeline::Pipeline, indirect_commands_layout::IndirectCommandsLayoutNV, max_sequences_count::Integer; next = C_NULL) = GeneratedCommandsMemoryRequirementsInfoNV(next, pipeline_bind_point, pipeline, indirect_commands_layout, max_sequences_count) """ Arguments: - `features::PhysicalDeviceFeatures` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFeatures2.html) """ PhysicalDeviceFeatures2(features::PhysicalDeviceFeatures; next = C_NULL) = PhysicalDeviceFeatures2(next, features) """ Arguments: - `properties::PhysicalDeviceProperties` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProperties2.html) """ PhysicalDeviceProperties2(properties::PhysicalDeviceProperties; next = C_NULL) = PhysicalDeviceProperties2(next, properties) """ Arguments: - `format_properties::FormatProperties` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFormatProperties2.html) """ FormatProperties2(format_properties::FormatProperties; next = C_NULL) = FormatProperties2(next, format_properties) """ Arguments: - `image_format_properties::ImageFormatProperties` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageFormatProperties2.html) """ ImageFormatProperties2(image_format_properties::ImageFormatProperties; next = C_NULL) = ImageFormatProperties2(next, image_format_properties) """ Arguments: - `format::Format` - `type::ImageType` - `tiling::ImageTiling` - `usage::ImageUsageFlag` - `next::Any`: defaults to `C_NULL` - `flags::ImageCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageFormatInfo2.html) """ PhysicalDeviceImageFormatInfo2(format::Format, type::ImageType, tiling::ImageTiling, usage::ImageUsageFlag; next = C_NULL, flags = 0) = PhysicalDeviceImageFormatInfo2(next, format, type, tiling, usage, flags) """ Arguments: - `queue_family_properties::QueueFamilyProperties` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyProperties2.html) """ QueueFamilyProperties2(queue_family_properties::QueueFamilyProperties; next = C_NULL) = QueueFamilyProperties2(next, queue_family_properties) """ Arguments: - `memory_properties::PhysicalDeviceMemoryProperties` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryProperties2.html) """ PhysicalDeviceMemoryProperties2(memory_properties::PhysicalDeviceMemoryProperties; next = C_NULL) = PhysicalDeviceMemoryProperties2(next, memory_properties) """ Arguments: - `properties::SparseImageFormatProperties` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageFormatProperties2.html) """ SparseImageFormatProperties2(properties::SparseImageFormatProperties; next = C_NULL) = SparseImageFormatProperties2(next, properties) """ Arguments: - `format::Format` - `type::ImageType` - `samples::SampleCountFlag` - `usage::ImageUsageFlag` - `tiling::ImageTiling` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSparseImageFormatInfo2.html) """ PhysicalDeviceSparseImageFormatInfo2(format::Format, type::ImageType, samples::SampleCountFlag, usage::ImageUsageFlag, tiling::ImageTiling; next = C_NULL) = PhysicalDeviceSparseImageFormatInfo2(next, format, type, samples, usage, tiling) """ Extension: VK\\_KHR\\_push\\_descriptor Arguments: - `max_push_descriptors::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePushDescriptorPropertiesKHR.html) """ PhysicalDevicePushDescriptorPropertiesKHR(max_push_descriptors::Integer; next = C_NULL) = PhysicalDevicePushDescriptorPropertiesKHR(next, max_push_descriptors) """ Arguments: - `driver_id::DriverId` - `driver_name::String` - `driver_info::String` - `conformance_version::ConformanceVersion` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDriverProperties.html) """ PhysicalDeviceDriverProperties(driver_id::DriverId, driver_name::AbstractString, driver_info::AbstractString, conformance_version::ConformanceVersion; next = C_NULL) = PhysicalDeviceDriverProperties(next, driver_id, driver_name, driver_info, conformance_version) """ Extension: VK\\_KHR\\_incremental\\_present Arguments: - `next::Any`: defaults to `C_NULL` - `regions::Vector{PresentRegionKHR}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentRegionsKHR.html) """ PresentRegionsKHR(; next = C_NULL, regions = C_NULL) = PresentRegionsKHR(next, regions) """ Extension: VK\\_KHR\\_incremental\\_present Arguments: - `rectangles::Vector{RectLayerKHR}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentRegionKHR.html) """ PresentRegionKHR(; rectangles = C_NULL) = PresentRegionKHR(rectangles) """ Arguments: - `variable_pointers_storage_buffer::Bool` - `variable_pointers::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVariablePointersFeatures.html) """ PhysicalDeviceVariablePointersFeatures(variable_pointers_storage_buffer::Bool, variable_pointers::Bool; next = C_NULL) = PhysicalDeviceVariablePointersFeatures(next, variable_pointers_storage_buffer, variable_pointers) """ Arguments: - `external_memory_features::ExternalMemoryFeatureFlag` - `compatible_handle_types::ExternalMemoryHandleTypeFlag` - `export_from_imported_handle_types::ExternalMemoryHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryProperties.html) """ ExternalMemoryProperties(external_memory_features::ExternalMemoryFeatureFlag, compatible_handle_types::ExternalMemoryHandleTypeFlag; export_from_imported_handle_types = 0) = ExternalMemoryProperties(external_memory_features, export_from_imported_handle_types, compatible_handle_types) """ Arguments: - `next::Any`: defaults to `C_NULL` - `handle_type::ExternalMemoryHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalImageFormatInfo.html) """ PhysicalDeviceExternalImageFormatInfo(; next = C_NULL, handle_type = 0) = PhysicalDeviceExternalImageFormatInfo(next, handle_type) """ Arguments: - `external_memory_properties::ExternalMemoryProperties` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalImageFormatProperties.html) """ ExternalImageFormatProperties(external_memory_properties::ExternalMemoryProperties; next = C_NULL) = ExternalImageFormatProperties(next, external_memory_properties) """ Arguments: - `usage::BufferUsageFlag` - `handle_type::ExternalMemoryHandleTypeFlag` - `next::Any`: defaults to `C_NULL` - `flags::BufferCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalBufferInfo.html) """ PhysicalDeviceExternalBufferInfo(usage::BufferUsageFlag, handle_type::ExternalMemoryHandleTypeFlag; next = C_NULL, flags = 0) = PhysicalDeviceExternalBufferInfo(next, flags, usage, handle_type) """ Arguments: - `external_memory_properties::ExternalMemoryProperties` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalBufferProperties.html) """ ExternalBufferProperties(external_memory_properties::ExternalMemoryProperties; next = C_NULL) = ExternalBufferProperties(next, external_memory_properties) """ Arguments: - `device_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `driver_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `device_luid::NTuple{Int(VK_LUID_SIZE), UInt8}` - `device_node_mask::UInt32` - `device_luid_valid::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceIDProperties.html) """ PhysicalDeviceIDProperties(device_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}, driver_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}, device_luid::NTuple{Int(VK_LUID_SIZE), UInt8}, device_node_mask::Integer, device_luid_valid::Bool; next = C_NULL) = PhysicalDeviceIDProperties(next, device_uuid, driver_uuid, device_luid, device_node_mask, device_luid_valid) """ Arguments: - `next::Any`: defaults to `C_NULL` - `handle_types::ExternalMemoryHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryImageCreateInfo.html) """ ExternalMemoryImageCreateInfo(; next = C_NULL, handle_types = 0) = ExternalMemoryImageCreateInfo(next, handle_types) """ Arguments: - `next::Any`: defaults to `C_NULL` - `handle_types::ExternalMemoryHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryBufferCreateInfo.html) """ ExternalMemoryBufferCreateInfo(; next = C_NULL, handle_types = 0) = ExternalMemoryBufferCreateInfo(next, handle_types) """ Arguments: - `next::Any`: defaults to `C_NULL` - `handle_types::ExternalMemoryHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMemoryAllocateInfo.html) """ ExportMemoryAllocateInfo(; next = C_NULL, handle_types = 0) = ExportMemoryAllocateInfo(next, handle_types) """ Extension: VK\\_KHR\\_external\\_memory\\_fd Arguments: - `fd::Int` - `next::Any`: defaults to `C_NULL` - `handle_type::ExternalMemoryHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMemoryFdInfoKHR.html) """ ImportMemoryFdInfoKHR(fd::Integer; next = C_NULL, handle_type = 0) = ImportMemoryFdInfoKHR(next, handle_type, fd) """ Extension: VK\\_KHR\\_external\\_memory\\_fd Arguments: - `memory_type_bits::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryFdPropertiesKHR.html) """ MemoryFdPropertiesKHR(memory_type_bits::Integer; next = C_NULL) = MemoryFdPropertiesKHR(next, memory_type_bits) """ Extension: VK\\_KHR\\_external\\_memory\\_fd Arguments: - `memory::DeviceMemory` - `handle_type::ExternalMemoryHandleTypeFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryGetFdInfoKHR.html) """ MemoryGetFdInfoKHR(memory::DeviceMemory, handle_type::ExternalMemoryHandleTypeFlag; next = C_NULL) = MemoryGetFdInfoKHR(next, memory, handle_type) """ Arguments: - `handle_type::ExternalSemaphoreHandleTypeFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalSemaphoreInfo.html) """ PhysicalDeviceExternalSemaphoreInfo(handle_type::ExternalSemaphoreHandleTypeFlag; next = C_NULL) = PhysicalDeviceExternalSemaphoreInfo(next, handle_type) """ Arguments: - `export_from_imported_handle_types::ExternalSemaphoreHandleTypeFlag` - `compatible_handle_types::ExternalSemaphoreHandleTypeFlag` - `next::Any`: defaults to `C_NULL` - `external_semaphore_features::ExternalSemaphoreFeatureFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalSemaphoreProperties.html) """ ExternalSemaphoreProperties(export_from_imported_handle_types::ExternalSemaphoreHandleTypeFlag, compatible_handle_types::ExternalSemaphoreHandleTypeFlag; next = C_NULL, external_semaphore_features = 0) = ExternalSemaphoreProperties(next, export_from_imported_handle_types, compatible_handle_types, external_semaphore_features) """ Arguments: - `next::Any`: defaults to `C_NULL` - `handle_types::ExternalSemaphoreHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportSemaphoreCreateInfo.html) """ ExportSemaphoreCreateInfo(; next = C_NULL, handle_types = 0) = ExportSemaphoreCreateInfo(next, handle_types) """ Extension: VK\\_KHR\\_external\\_semaphore\\_fd Arguments: - `semaphore::Semaphore` (externsync) - `handle_type::ExternalSemaphoreHandleTypeFlag` - `fd::Int` - `next::Any`: defaults to `C_NULL` - `flags::SemaphoreImportFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportSemaphoreFdInfoKHR.html) """ ImportSemaphoreFdInfoKHR(semaphore::Semaphore, handle_type::ExternalSemaphoreHandleTypeFlag, fd::Integer; next = C_NULL, flags = 0) = ImportSemaphoreFdInfoKHR(next, semaphore, flags, handle_type, fd) """ Extension: VK\\_KHR\\_external\\_semaphore\\_fd Arguments: - `semaphore::Semaphore` - `handle_type::ExternalSemaphoreHandleTypeFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreGetFdInfoKHR.html) """ SemaphoreGetFdInfoKHR(semaphore::Semaphore, handle_type::ExternalSemaphoreHandleTypeFlag; next = C_NULL) = SemaphoreGetFdInfoKHR(next, semaphore, handle_type) """ Arguments: - `handle_type::ExternalFenceHandleTypeFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalFenceInfo.html) """ PhysicalDeviceExternalFenceInfo(handle_type::ExternalFenceHandleTypeFlag; next = C_NULL) = PhysicalDeviceExternalFenceInfo(next, handle_type) """ Arguments: - `export_from_imported_handle_types::ExternalFenceHandleTypeFlag` - `compatible_handle_types::ExternalFenceHandleTypeFlag` - `next::Any`: defaults to `C_NULL` - `external_fence_features::ExternalFenceFeatureFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalFenceProperties.html) """ ExternalFenceProperties(export_from_imported_handle_types::ExternalFenceHandleTypeFlag, compatible_handle_types::ExternalFenceHandleTypeFlag; next = C_NULL, external_fence_features = 0) = ExternalFenceProperties(next, export_from_imported_handle_types, compatible_handle_types, external_fence_features) """ Arguments: - `next::Any`: defaults to `C_NULL` - `handle_types::ExternalFenceHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportFenceCreateInfo.html) """ ExportFenceCreateInfo(; next = C_NULL, handle_types = 0) = ExportFenceCreateInfo(next, handle_types) """ Extension: VK\\_KHR\\_external\\_fence\\_fd Arguments: - `fence::Fence` (externsync) - `handle_type::ExternalFenceHandleTypeFlag` - `fd::Int` - `next::Any`: defaults to `C_NULL` - `flags::FenceImportFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportFenceFdInfoKHR.html) """ ImportFenceFdInfoKHR(fence::Fence, handle_type::ExternalFenceHandleTypeFlag, fd::Integer; next = C_NULL, flags = 0) = ImportFenceFdInfoKHR(next, fence, flags, handle_type, fd) """ Extension: VK\\_KHR\\_external\\_fence\\_fd Arguments: - `fence::Fence` - `handle_type::ExternalFenceHandleTypeFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFenceGetFdInfoKHR.html) """ FenceGetFdInfoKHR(fence::Fence, handle_type::ExternalFenceHandleTypeFlag; next = C_NULL) = FenceGetFdInfoKHR(next, fence, handle_type) """ Arguments: - `multiview::Bool` - `multiview_geometry_shader::Bool` - `multiview_tessellation_shader::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewFeatures.html) """ PhysicalDeviceMultiviewFeatures(multiview::Bool, multiview_geometry_shader::Bool, multiview_tessellation_shader::Bool; next = C_NULL) = PhysicalDeviceMultiviewFeatures(next, multiview, multiview_geometry_shader, multiview_tessellation_shader) """ Arguments: - `max_multiview_view_count::UInt32` - `max_multiview_instance_index::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewProperties.html) """ PhysicalDeviceMultiviewProperties(max_multiview_view_count::Integer, max_multiview_instance_index::Integer; next = C_NULL) = PhysicalDeviceMultiviewProperties(next, max_multiview_view_count, max_multiview_instance_index) """ Arguments: - `view_masks::Vector{UInt32}` - `view_offsets::Vector{Int32}` - `correlation_masks::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassMultiviewCreateInfo.html) """ RenderPassMultiviewCreateInfo(view_masks::AbstractArray, view_offsets::AbstractArray, correlation_masks::AbstractArray; next = C_NULL) = RenderPassMultiviewCreateInfo(next, view_masks, view_offsets, correlation_masks) """ Extension: VK\\_EXT\\_display\\_surface\\_counter Arguments: - `min_image_count::UInt32` - `max_image_count::UInt32` - `current_extent::Extent2D` - `min_image_extent::Extent2D` - `max_image_extent::Extent2D` - `max_image_array_layers::UInt32` - `supported_transforms::SurfaceTransformFlagKHR` - `current_transform::SurfaceTransformFlagKHR` - `supported_composite_alpha::CompositeAlphaFlagKHR` - `supported_usage_flags::ImageUsageFlag` - `next::Any`: defaults to `C_NULL` - `supported_surface_counters::SurfaceCounterFlagEXT`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilities2EXT.html) """ SurfaceCapabilities2EXT(min_image_count::Integer, max_image_count::Integer, current_extent::Extent2D, min_image_extent::Extent2D, max_image_extent::Extent2D, max_image_array_layers::Integer, supported_transforms::SurfaceTransformFlagKHR, current_transform::SurfaceTransformFlagKHR, supported_composite_alpha::CompositeAlphaFlagKHR, supported_usage_flags::ImageUsageFlag; next = C_NULL, supported_surface_counters = 0) = SurfaceCapabilities2EXT(next, min_image_count, max_image_count, current_extent, min_image_extent, max_image_extent, max_image_array_layers, supported_transforms, current_transform, supported_composite_alpha, supported_usage_flags, supported_surface_counters) """ Extension: VK\\_EXT\\_display\\_control Arguments: - `power_state::DisplayPowerStateEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPowerInfoEXT.html) """ DisplayPowerInfoEXT(power_state::DisplayPowerStateEXT; next = C_NULL) = DisplayPowerInfoEXT(next, power_state) """ Extension: VK\\_EXT\\_display\\_control Arguments: - `device_event::DeviceEventTypeEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceEventInfoEXT.html) """ DeviceEventInfoEXT(device_event::DeviceEventTypeEXT; next = C_NULL) = DeviceEventInfoEXT(next, device_event) """ Extension: VK\\_EXT\\_display\\_control Arguments: - `display_event::DisplayEventTypeEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayEventInfoEXT.html) """ DisplayEventInfoEXT(display_event::DisplayEventTypeEXT; next = C_NULL) = DisplayEventInfoEXT(next, display_event) """ Extension: VK\\_EXT\\_display\\_control Arguments: - `next::Any`: defaults to `C_NULL` - `surface_counters::SurfaceCounterFlagEXT`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainCounterCreateInfoEXT.html) """ SwapchainCounterCreateInfoEXT(; next = C_NULL, surface_counters = 0) = SwapchainCounterCreateInfoEXT(next, surface_counters) """ Arguments: - `physical_device_count::UInt32` - `physical_devices::NTuple{Int(VK_MAX_DEVICE_GROUP_SIZE), PhysicalDevice}` - `subset_allocation::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGroupProperties.html) """ PhysicalDeviceGroupProperties(physical_device_count::Integer, physical_devices::NTuple{Int(VK_MAX_DEVICE_GROUP_SIZE), PhysicalDevice}, subset_allocation::Bool; next = C_NULL) = PhysicalDeviceGroupProperties(next, physical_device_count, physical_devices, subset_allocation) """ Arguments: - `device_mask::UInt32` - `next::Any`: defaults to `C_NULL` - `flags::MemoryAllocateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryAllocateFlagsInfo.html) """ MemoryAllocateFlagsInfo(device_mask::Integer; next = C_NULL, flags = 0) = MemoryAllocateFlagsInfo(next, flags, device_mask) """ Arguments: - `buffer::Buffer` - `memory::DeviceMemory` - `memory_offset::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindBufferMemoryInfo.html) """ BindBufferMemoryInfo(buffer::Buffer, memory::DeviceMemory, memory_offset::Integer; next = C_NULL) = BindBufferMemoryInfo(next, buffer, memory, memory_offset) """ Arguments: - `device_indices::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindBufferMemoryDeviceGroupInfo.html) """ BindBufferMemoryDeviceGroupInfo(device_indices::AbstractArray; next = C_NULL) = BindBufferMemoryDeviceGroupInfo(next, device_indices) """ Arguments: - `image::Image` - `memory::DeviceMemory` - `memory_offset::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImageMemoryInfo.html) """ BindImageMemoryInfo(image::Image, memory::DeviceMemory, memory_offset::Integer; next = C_NULL) = BindImageMemoryInfo(next, image, memory, memory_offset) """ Arguments: - `device_indices::Vector{UInt32}` - `split_instance_bind_regions::Vector{Rect2D}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImageMemoryDeviceGroupInfo.html) """ BindImageMemoryDeviceGroupInfo(device_indices::AbstractArray, split_instance_bind_regions::AbstractArray; next = C_NULL) = BindImageMemoryDeviceGroupInfo(next, device_indices, split_instance_bind_regions) """ Arguments: - `device_mask::UInt32` - `device_render_areas::Vector{Rect2D}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupRenderPassBeginInfo.html) """ DeviceGroupRenderPassBeginInfo(device_mask::Integer, device_render_areas::AbstractArray; next = C_NULL) = DeviceGroupRenderPassBeginInfo(next, device_mask, device_render_areas) """ Arguments: - `device_mask::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupCommandBufferBeginInfo.html) """ DeviceGroupCommandBufferBeginInfo(device_mask::Integer; next = C_NULL) = DeviceGroupCommandBufferBeginInfo(next, device_mask) """ Arguments: - `wait_semaphore_device_indices::Vector{UInt32}` - `command_buffer_device_masks::Vector{UInt32}` - `signal_semaphore_device_indices::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupSubmitInfo.html) """ DeviceGroupSubmitInfo(wait_semaphore_device_indices::AbstractArray, command_buffer_device_masks::AbstractArray, signal_semaphore_device_indices::AbstractArray; next = C_NULL) = DeviceGroupSubmitInfo(next, wait_semaphore_device_indices, command_buffer_device_masks, signal_semaphore_device_indices) """ Arguments: - `resource_device_index::UInt32` - `memory_device_index::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupBindSparseInfo.html) """ DeviceGroupBindSparseInfo(resource_device_index::Integer, memory_device_index::Integer; next = C_NULL) = DeviceGroupBindSparseInfo(next, resource_device_index, memory_device_index) """ Extension: VK\\_KHR\\_swapchain Arguments: - `present_mask::NTuple{Int(VK_MAX_DEVICE_GROUP_SIZE), UInt32}` - `modes::DeviceGroupPresentModeFlagKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupPresentCapabilitiesKHR.html) """ DeviceGroupPresentCapabilitiesKHR(present_mask::NTuple{Int(VK_MAX_DEVICE_GROUP_SIZE), UInt32}, modes::DeviceGroupPresentModeFlagKHR; next = C_NULL) = DeviceGroupPresentCapabilitiesKHR(next, present_mask, modes) """ Extension: VK\\_KHR\\_swapchain Arguments: - `next::Any`: defaults to `C_NULL` - `swapchain::SwapchainKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSwapchainCreateInfoKHR.html) """ ImageSwapchainCreateInfoKHR(; next = C_NULL, swapchain = C_NULL) = ImageSwapchainCreateInfoKHR(next, swapchain) """ Extension: VK\\_KHR\\_swapchain Arguments: - `swapchain::SwapchainKHR` (externsync) - `image_index::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImageMemorySwapchainInfoKHR.html) """ BindImageMemorySwapchainInfoKHR(swapchain::SwapchainKHR, image_index::Integer; next = C_NULL) = BindImageMemorySwapchainInfoKHR(next, swapchain, image_index) """ Extension: VK\\_KHR\\_swapchain Arguments: - `swapchain::SwapchainKHR` (externsync) - `timeout::UInt64` - `device_mask::UInt32` - `next::Any`: defaults to `C_NULL` - `semaphore::Semaphore`: defaults to `C_NULL` (externsync) - `fence::Fence`: defaults to `C_NULL` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAcquireNextImageInfoKHR.html) """ AcquireNextImageInfoKHR(swapchain::SwapchainKHR, timeout::Integer, device_mask::Integer; next = C_NULL, semaphore = C_NULL, fence = C_NULL) = AcquireNextImageInfoKHR(next, swapchain, timeout, semaphore, fence, device_mask) """ Extension: VK\\_KHR\\_swapchain Arguments: - `device_masks::Vector{UInt32}` - `mode::DeviceGroupPresentModeFlagKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupPresentInfoKHR.html) """ DeviceGroupPresentInfoKHR(device_masks::AbstractArray, mode::DeviceGroupPresentModeFlagKHR; next = C_NULL) = DeviceGroupPresentInfoKHR(next, device_masks, mode) """ Arguments: - `physical_devices::Vector{PhysicalDevice}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupDeviceCreateInfo.html) """ DeviceGroupDeviceCreateInfo(physical_devices::AbstractArray; next = C_NULL) = DeviceGroupDeviceCreateInfo(next, physical_devices) """ Extension: VK\\_KHR\\_swapchain Arguments: - `modes::DeviceGroupPresentModeFlagKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupSwapchainCreateInfoKHR.html) """ DeviceGroupSwapchainCreateInfoKHR(modes::DeviceGroupPresentModeFlagKHR; next = C_NULL) = DeviceGroupSwapchainCreateInfoKHR(next, modes) """ Arguments: - `descriptor_update_entries::Vector{DescriptorUpdateTemplateEntry}` - `template_type::DescriptorUpdateTemplateType` - `descriptor_set_layout::DescriptorSetLayout` - `pipeline_bind_point::PipelineBindPoint` - `pipeline_layout::PipelineLayout` - `set::UInt32` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorUpdateTemplateCreateInfo.html) """ DescriptorUpdateTemplateCreateInfo(descriptor_update_entries::AbstractArray, template_type::DescriptorUpdateTemplateType, descriptor_set_layout::DescriptorSetLayout, pipeline_bind_point::PipelineBindPoint, pipeline_layout::PipelineLayout, set::Integer; next = C_NULL, flags = 0) = DescriptorUpdateTemplateCreateInfo(next, flags, descriptor_update_entries, template_type, descriptor_set_layout, pipeline_bind_point, pipeline_layout, set) """ Extension: VK\\_KHR\\_present\\_id Arguments: - `present_id::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePresentIdFeaturesKHR.html) """ PhysicalDevicePresentIdFeaturesKHR(present_id::Bool; next = C_NULL) = PhysicalDevicePresentIdFeaturesKHR(next, present_id) """ Extension: VK\\_KHR\\_present\\_id Arguments: - `next::Any`: defaults to `C_NULL` - `present_ids::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentIdKHR.html) """ PresentIdKHR(; next = C_NULL, present_ids = C_NULL) = PresentIdKHR(next, present_ids) """ Extension: VK\\_KHR\\_present\\_wait Arguments: - `present_wait::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePresentWaitFeaturesKHR.html) """ PhysicalDevicePresentWaitFeaturesKHR(present_wait::Bool; next = C_NULL) = PhysicalDevicePresentWaitFeaturesKHR(next, present_wait) """ Extension: VK\\_EXT\\_hdr\\_metadata Arguments: - `display_primary_red::XYColorEXT` - `display_primary_green::XYColorEXT` - `display_primary_blue::XYColorEXT` - `white_point::XYColorEXT` - `max_luminance::Float32` - `min_luminance::Float32` - `max_content_light_level::Float32` - `max_frame_average_light_level::Float32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkHdrMetadataEXT.html) """ HdrMetadataEXT(display_primary_red::XYColorEXT, display_primary_green::XYColorEXT, display_primary_blue::XYColorEXT, white_point::XYColorEXT, max_luminance::Real, min_luminance::Real, max_content_light_level::Real, max_frame_average_light_level::Real; next = C_NULL) = HdrMetadataEXT(next, display_primary_red, display_primary_green, display_primary_blue, white_point, max_luminance, min_luminance, max_content_light_level, max_frame_average_light_level) """ Extension: VK\\_AMD\\_display\\_native\\_hdr Arguments: - `local_dimming_support::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayNativeHdrSurfaceCapabilitiesAMD.html) """ DisplayNativeHdrSurfaceCapabilitiesAMD(local_dimming_support::Bool; next = C_NULL) = DisplayNativeHdrSurfaceCapabilitiesAMD(next, local_dimming_support) """ Extension: VK\\_AMD\\_display\\_native\\_hdr Arguments: - `local_dimming_enable::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainDisplayNativeHdrCreateInfoAMD.html) """ SwapchainDisplayNativeHdrCreateInfoAMD(local_dimming_enable::Bool; next = C_NULL) = SwapchainDisplayNativeHdrCreateInfoAMD(next, local_dimming_enable) """ Extension: VK\\_GOOGLE\\_display\\_timing Arguments: - `next::Any`: defaults to `C_NULL` - `times::Vector{PresentTimeGOOGLE}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentTimesInfoGOOGLE.html) """ PresentTimesInfoGOOGLE(; next = C_NULL, times = C_NULL) = PresentTimesInfoGOOGLE(next, times) """ Extension: VK\\_MVK\\_macos\\_surface Arguments: - `view::Ptr{Cvoid}` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMacOSSurfaceCreateInfoMVK.html) """ MacOSSurfaceCreateInfoMVK(view::Ptr{Cvoid}; next = C_NULL, flags = 0) = MacOSSurfaceCreateInfoMVK(next, flags, view) """ Extension: VK\\_EXT\\_metal\\_surface Arguments: - `layer::Ptr{CAMetalLayer}` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMetalSurfaceCreateInfoEXT.html) """ MetalSurfaceCreateInfoEXT(layer::Ptr{vk.CAMetalLayer}; next = C_NULL, flags = 0) = MetalSurfaceCreateInfoEXT(next, flags, layer) """ Extension: VK\\_NV\\_clip\\_space\\_w\\_scaling Arguments: - `viewport_w_scaling_enable::Bool` - `next::Any`: defaults to `C_NULL` - `viewport_w_scalings::Vector{ViewportWScalingNV}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportWScalingStateCreateInfoNV.html) """ PipelineViewportWScalingStateCreateInfoNV(viewport_w_scaling_enable::Bool; next = C_NULL, viewport_w_scalings = C_NULL) = PipelineViewportWScalingStateCreateInfoNV(next, viewport_w_scaling_enable, viewport_w_scalings) """ Extension: VK\\_NV\\_viewport\\_swizzle Arguments: - `viewport_swizzles::Vector{ViewportSwizzleNV}` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportSwizzleStateCreateInfoNV.html) """ PipelineViewportSwizzleStateCreateInfoNV(viewport_swizzles::AbstractArray; next = C_NULL, flags = 0) = PipelineViewportSwizzleStateCreateInfoNV(next, flags, viewport_swizzles) """ Extension: VK\\_EXT\\_discard\\_rectangles Arguments: - `max_discard_rectangles::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDiscardRectanglePropertiesEXT.html) """ PhysicalDeviceDiscardRectanglePropertiesEXT(max_discard_rectangles::Integer; next = C_NULL) = PhysicalDeviceDiscardRectanglePropertiesEXT(next, max_discard_rectangles) """ Extension: VK\\_EXT\\_discard\\_rectangles Arguments: - `discard_rectangle_mode::DiscardRectangleModeEXT` - `discard_rectangles::Vector{Rect2D}` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineDiscardRectangleStateCreateInfoEXT.html) """ PipelineDiscardRectangleStateCreateInfoEXT(discard_rectangle_mode::DiscardRectangleModeEXT, discard_rectangles::AbstractArray; next = C_NULL, flags = 0) = PipelineDiscardRectangleStateCreateInfoEXT(next, flags, discard_rectangle_mode, discard_rectangles) """ Extension: VK\\_NVX\\_multiview\\_per\\_view\\_attributes Arguments: - `per_view_position_all_components::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX.html) """ PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX(per_view_position_all_components::Bool; next = C_NULL) = PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX(next, per_view_position_all_components) """ Arguments: - `aspect_references::Vector{InputAttachmentAspectReference}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassInputAttachmentAspectCreateInfo.html) """ RenderPassInputAttachmentAspectCreateInfo(aspect_references::AbstractArray; next = C_NULL) = RenderPassInputAttachmentAspectCreateInfo(next, aspect_references) """ Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 Arguments: - `next::Any`: defaults to `C_NULL` - `surface::SurfaceKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSurfaceInfo2KHR.html) """ PhysicalDeviceSurfaceInfo2KHR(; next = C_NULL, surface = C_NULL) = PhysicalDeviceSurfaceInfo2KHR(next, surface) """ Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 Arguments: - `surface_capabilities::SurfaceCapabilitiesKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilities2KHR.html) """ SurfaceCapabilities2KHR(surface_capabilities::SurfaceCapabilitiesKHR; next = C_NULL) = SurfaceCapabilities2KHR(next, surface_capabilities) """ Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 Arguments: - `surface_format::SurfaceFormatKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceFormat2KHR.html) """ SurfaceFormat2KHR(surface_format::SurfaceFormatKHR; next = C_NULL) = SurfaceFormat2KHR(next, surface_format) """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Arguments: - `display_properties::DisplayPropertiesKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayProperties2KHR.html) """ DisplayProperties2KHR(display_properties::DisplayPropertiesKHR; next = C_NULL) = DisplayProperties2KHR(next, display_properties) """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Arguments: - `display_plane_properties::DisplayPlanePropertiesKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneProperties2KHR.html) """ DisplayPlaneProperties2KHR(display_plane_properties::DisplayPlanePropertiesKHR; next = C_NULL) = DisplayPlaneProperties2KHR(next, display_plane_properties) """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Arguments: - `display_mode_properties::DisplayModePropertiesKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModeProperties2KHR.html) """ DisplayModeProperties2KHR(display_mode_properties::DisplayModePropertiesKHR; next = C_NULL) = DisplayModeProperties2KHR(next, display_mode_properties) """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Arguments: - `mode::DisplayModeKHR` (externsync) - `plane_index::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneInfo2KHR.html) """ DisplayPlaneInfo2KHR(mode::DisplayModeKHR, plane_index::Integer; next = C_NULL) = DisplayPlaneInfo2KHR(next, mode, plane_index) """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Arguments: - `capabilities::DisplayPlaneCapabilitiesKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneCapabilities2KHR.html) """ DisplayPlaneCapabilities2KHR(capabilities::DisplayPlaneCapabilitiesKHR; next = C_NULL) = DisplayPlaneCapabilities2KHR(next, capabilities) """ Extension: VK\\_KHR\\_shared\\_presentable\\_image Arguments: - `next::Any`: defaults to `C_NULL` - `shared_present_supported_usage_flags::ImageUsageFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSharedPresentSurfaceCapabilitiesKHR.html) """ SharedPresentSurfaceCapabilitiesKHR(; next = C_NULL, shared_present_supported_usage_flags = 0) = SharedPresentSurfaceCapabilitiesKHR(next, shared_present_supported_usage_flags) """ Arguments: - `storage_buffer_16_bit_access::Bool` - `uniform_and_storage_buffer_16_bit_access::Bool` - `storage_push_constant_16::Bool` - `storage_input_output_16::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevice16BitStorageFeatures.html) """ PhysicalDevice16BitStorageFeatures(storage_buffer_16_bit_access::Bool, uniform_and_storage_buffer_16_bit_access::Bool, storage_push_constant_16::Bool, storage_input_output_16::Bool; next = C_NULL) = PhysicalDevice16BitStorageFeatures(next, storage_buffer_16_bit_access, uniform_and_storage_buffer_16_bit_access, storage_push_constant_16, storage_input_output_16) """ Arguments: - `subgroup_size::UInt32` - `supported_stages::ShaderStageFlag` - `supported_operations::SubgroupFeatureFlag` - `quad_operations_in_all_stages::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubgroupProperties.html) """ PhysicalDeviceSubgroupProperties(subgroup_size::Integer, supported_stages::ShaderStageFlag, supported_operations::SubgroupFeatureFlag, quad_operations_in_all_stages::Bool; next = C_NULL) = PhysicalDeviceSubgroupProperties(next, subgroup_size, supported_stages, supported_operations, quad_operations_in_all_stages) """ Arguments: - `shader_subgroup_extended_types::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures.html) """ PhysicalDeviceShaderSubgroupExtendedTypesFeatures(shader_subgroup_extended_types::Bool; next = C_NULL) = PhysicalDeviceShaderSubgroupExtendedTypesFeatures(next, shader_subgroup_extended_types) """ Arguments: - `buffer::Buffer` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferMemoryRequirementsInfo2.html) """ BufferMemoryRequirementsInfo2(buffer::Buffer; next = C_NULL) = BufferMemoryRequirementsInfo2(next, buffer) """ Arguments: - `create_info::BufferCreateInfo` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceBufferMemoryRequirements.html) """ DeviceBufferMemoryRequirements(create_info::BufferCreateInfo; next = C_NULL) = DeviceBufferMemoryRequirements(next, create_info) """ Arguments: - `image::Image` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageMemoryRequirementsInfo2.html) """ ImageMemoryRequirementsInfo2(image::Image; next = C_NULL) = ImageMemoryRequirementsInfo2(next, image) """ Arguments: - `image::Image` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSparseMemoryRequirementsInfo2.html) """ ImageSparseMemoryRequirementsInfo2(image::Image; next = C_NULL) = ImageSparseMemoryRequirementsInfo2(next, image) """ Arguments: - `create_info::ImageCreateInfo` - `next::Any`: defaults to `C_NULL` - `plane_aspect::ImageAspectFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceImageMemoryRequirements.html) """ DeviceImageMemoryRequirements(create_info::ImageCreateInfo; next = C_NULL, plane_aspect = 0) = DeviceImageMemoryRequirements(next, create_info, plane_aspect) """ Arguments: - `memory_requirements::MemoryRequirements` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryRequirements2.html) """ MemoryRequirements2(memory_requirements::MemoryRequirements; next = C_NULL) = MemoryRequirements2(next, memory_requirements) """ Arguments: - `memory_requirements::SparseImageMemoryRequirements` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryRequirements2.html) """ SparseImageMemoryRequirements2(memory_requirements::SparseImageMemoryRequirements; next = C_NULL) = SparseImageMemoryRequirements2(next, memory_requirements) """ Arguments: - `point_clipping_behavior::PointClippingBehavior` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePointClippingProperties.html) """ PhysicalDevicePointClippingProperties(point_clipping_behavior::PointClippingBehavior; next = C_NULL) = PhysicalDevicePointClippingProperties(next, point_clipping_behavior) """ Arguments: - `prefers_dedicated_allocation::Bool` - `requires_dedicated_allocation::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryDedicatedRequirements.html) """ MemoryDedicatedRequirements(prefers_dedicated_allocation::Bool, requires_dedicated_allocation::Bool; next = C_NULL) = MemoryDedicatedRequirements(next, prefers_dedicated_allocation, requires_dedicated_allocation) """ Arguments: - `next::Any`: defaults to `C_NULL` - `image::Image`: defaults to `C_NULL` - `buffer::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryDedicatedAllocateInfo.html) """ MemoryDedicatedAllocateInfo(; next = C_NULL, image = C_NULL, buffer = C_NULL) = MemoryDedicatedAllocateInfo(next, image, buffer) """ Arguments: - `usage::ImageUsageFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewUsageCreateInfo.html) """ ImageViewUsageCreateInfo(usage::ImageUsageFlag; next = C_NULL) = ImageViewUsageCreateInfo(next, usage) """ Arguments: - `domain_origin::TessellationDomainOrigin` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineTessellationDomainOriginStateCreateInfo.html) """ PipelineTessellationDomainOriginStateCreateInfo(domain_origin::TessellationDomainOrigin; next = C_NULL) = PipelineTessellationDomainOriginStateCreateInfo(next, domain_origin) """ Arguments: - `conversion::SamplerYcbcrConversion` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerYcbcrConversionInfo.html) """ SamplerYcbcrConversionInfo(conversion::SamplerYcbcrConversion; next = C_NULL) = SamplerYcbcrConversionInfo(next, conversion) """ Arguments: - `format::Format` - `ycbcr_model::SamplerYcbcrModelConversion` - `ycbcr_range::SamplerYcbcrRange` - `components::ComponentMapping` - `x_chroma_offset::ChromaLocation` - `y_chroma_offset::ChromaLocation` - `chroma_filter::Filter` - `force_explicit_reconstruction::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerYcbcrConversionCreateInfo.html) """ SamplerYcbcrConversionCreateInfo(format::Format, ycbcr_model::SamplerYcbcrModelConversion, ycbcr_range::SamplerYcbcrRange, components::ComponentMapping, x_chroma_offset::ChromaLocation, y_chroma_offset::ChromaLocation, chroma_filter::Filter, force_explicit_reconstruction::Bool; next = C_NULL) = SamplerYcbcrConversionCreateInfo(next, format, ycbcr_model, ycbcr_range, components, x_chroma_offset, y_chroma_offset, chroma_filter, force_explicit_reconstruction) """ Arguments: - `plane_aspect::ImageAspectFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImagePlaneMemoryInfo.html) """ BindImagePlaneMemoryInfo(plane_aspect::ImageAspectFlag; next = C_NULL) = BindImagePlaneMemoryInfo(next, plane_aspect) """ Arguments: - `plane_aspect::ImageAspectFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImagePlaneMemoryRequirementsInfo.html) """ ImagePlaneMemoryRequirementsInfo(plane_aspect::ImageAspectFlag; next = C_NULL) = ImagePlaneMemoryRequirementsInfo(next, plane_aspect) """ Arguments: - `sampler_ycbcr_conversion::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSamplerYcbcrConversionFeatures.html) """ PhysicalDeviceSamplerYcbcrConversionFeatures(sampler_ycbcr_conversion::Bool; next = C_NULL) = PhysicalDeviceSamplerYcbcrConversionFeatures(next, sampler_ycbcr_conversion) """ Arguments: - `combined_image_sampler_descriptor_count::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerYcbcrConversionImageFormatProperties.html) """ SamplerYcbcrConversionImageFormatProperties(combined_image_sampler_descriptor_count::Integer; next = C_NULL) = SamplerYcbcrConversionImageFormatProperties(next, combined_image_sampler_descriptor_count) """ Extension: VK\\_AMD\\_texture\\_gather\\_bias\\_lod Arguments: - `supports_texture_gather_lod_bias_amd::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTextureLODGatherFormatPropertiesAMD.html) """ TextureLODGatherFormatPropertiesAMD(supports_texture_gather_lod_bias_amd::Bool; next = C_NULL) = TextureLODGatherFormatPropertiesAMD(next, supports_texture_gather_lod_bias_amd) """ Extension: VK\\_EXT\\_conditional\\_rendering Arguments: - `buffer::Buffer` - `offset::UInt64` - `next::Any`: defaults to `C_NULL` - `flags::ConditionalRenderingFlagEXT`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkConditionalRenderingBeginInfoEXT.html) """ ConditionalRenderingBeginInfoEXT(buffer::Buffer, offset::Integer; next = C_NULL, flags = 0) = ConditionalRenderingBeginInfoEXT(next, buffer, offset, flags) """ Arguments: - `protected_submit::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkProtectedSubmitInfo.html) """ ProtectedSubmitInfo(protected_submit::Bool; next = C_NULL) = ProtectedSubmitInfo(next, protected_submit) """ Arguments: - `protected_memory::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProtectedMemoryFeatures.html) """ PhysicalDeviceProtectedMemoryFeatures(protected_memory::Bool; next = C_NULL) = PhysicalDeviceProtectedMemoryFeatures(next, protected_memory) """ Arguments: - `protected_no_fault::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProtectedMemoryProperties.html) """ PhysicalDeviceProtectedMemoryProperties(protected_no_fault::Bool; next = C_NULL) = PhysicalDeviceProtectedMemoryProperties(next, protected_no_fault) """ Arguments: - `queue_family_index::UInt32` - `queue_index::UInt32` - `next::Any`: defaults to `C_NULL` - `flags::DeviceQueueCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceQueueInfo2.html) """ DeviceQueueInfo2(queue_family_index::Integer, queue_index::Integer; next = C_NULL, flags = 0) = DeviceQueueInfo2(next, flags, queue_family_index, queue_index) """ Extension: VK\\_NV\\_fragment\\_coverage\\_to\\_color Arguments: - `coverage_to_color_enable::Bool` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `coverage_to_color_location::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCoverageToColorStateCreateInfoNV.html) """ PipelineCoverageToColorStateCreateInfoNV(coverage_to_color_enable::Bool; next = C_NULL, flags = 0, coverage_to_color_location = 0) = PipelineCoverageToColorStateCreateInfoNV(next, flags, coverage_to_color_enable, coverage_to_color_location) """ Arguments: - `filter_minmax_single_component_formats::Bool` - `filter_minmax_image_component_mapping::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSamplerFilterMinmaxProperties.html) """ PhysicalDeviceSamplerFilterMinmaxProperties(filter_minmax_single_component_formats::Bool, filter_minmax_image_component_mapping::Bool; next = C_NULL) = PhysicalDeviceSamplerFilterMinmaxProperties(next, filter_minmax_single_component_formats, filter_minmax_image_component_mapping) """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `sample_locations_per_pixel::SampleCountFlag` - `sample_location_grid_size::Extent2D` - `sample_locations::Vector{SampleLocationEXT}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSampleLocationsInfoEXT.html) """ SampleLocationsInfoEXT(sample_locations_per_pixel::SampleCountFlag, sample_location_grid_size::Extent2D, sample_locations::AbstractArray; next = C_NULL) = SampleLocationsInfoEXT(next, sample_locations_per_pixel, sample_location_grid_size, sample_locations) """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `attachment_initial_sample_locations::Vector{AttachmentSampleLocationsEXT}` - `post_subpass_sample_locations::Vector{SubpassSampleLocationsEXT}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassSampleLocationsBeginInfoEXT.html) """ RenderPassSampleLocationsBeginInfoEXT(attachment_initial_sample_locations::AbstractArray, post_subpass_sample_locations::AbstractArray; next = C_NULL) = RenderPassSampleLocationsBeginInfoEXT(next, attachment_initial_sample_locations, post_subpass_sample_locations) """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `sample_locations_enable::Bool` - `sample_locations_info::SampleLocationsInfoEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineSampleLocationsStateCreateInfoEXT.html) """ PipelineSampleLocationsStateCreateInfoEXT(sample_locations_enable::Bool, sample_locations_info::SampleLocationsInfoEXT; next = C_NULL) = PipelineSampleLocationsStateCreateInfoEXT(next, sample_locations_enable, sample_locations_info) """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `sample_location_sample_counts::SampleCountFlag` - `max_sample_location_grid_size::Extent2D` - `sample_location_coordinate_range::NTuple{2, Float32}` - `sample_location_sub_pixel_bits::UInt32` - `variable_sample_locations::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSampleLocationsPropertiesEXT.html) """ PhysicalDeviceSampleLocationsPropertiesEXT(sample_location_sample_counts::SampleCountFlag, max_sample_location_grid_size::Extent2D, sample_location_coordinate_range::NTuple{2, Float32}, sample_location_sub_pixel_bits::Integer, variable_sample_locations::Bool; next = C_NULL) = PhysicalDeviceSampleLocationsPropertiesEXT(next, sample_location_sample_counts, max_sample_location_grid_size, sample_location_coordinate_range, sample_location_sub_pixel_bits, variable_sample_locations) """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `max_sample_location_grid_size::Extent2D` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultisamplePropertiesEXT.html) """ MultisamplePropertiesEXT(max_sample_location_grid_size::Extent2D; next = C_NULL) = MultisamplePropertiesEXT(next, max_sample_location_grid_size) """ Arguments: - `reduction_mode::SamplerReductionMode` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerReductionModeCreateInfo.html) """ SamplerReductionModeCreateInfo(reduction_mode::SamplerReductionMode; next = C_NULL) = SamplerReductionModeCreateInfo(next, reduction_mode) """ Extension: VK\\_EXT\\_blend\\_operation\\_advanced Arguments: - `advanced_blend_coherent_operations::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT.html) """ PhysicalDeviceBlendOperationAdvancedFeaturesEXT(advanced_blend_coherent_operations::Bool; next = C_NULL) = PhysicalDeviceBlendOperationAdvancedFeaturesEXT(next, advanced_blend_coherent_operations) """ Extension: VK\\_EXT\\_multi\\_draw Arguments: - `multi_draw::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiDrawFeaturesEXT.html) """ PhysicalDeviceMultiDrawFeaturesEXT(multi_draw::Bool; next = C_NULL) = PhysicalDeviceMultiDrawFeaturesEXT(next, multi_draw) """ Extension: VK\\_EXT\\_blend\\_operation\\_advanced Arguments: - `advanced_blend_max_color_attachments::UInt32` - `advanced_blend_independent_blend::Bool` - `advanced_blend_non_premultiplied_src_color::Bool` - `advanced_blend_non_premultiplied_dst_color::Bool` - `advanced_blend_correlated_overlap::Bool` - `advanced_blend_all_operations::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT.html) """ PhysicalDeviceBlendOperationAdvancedPropertiesEXT(advanced_blend_max_color_attachments::Integer, advanced_blend_independent_blend::Bool, advanced_blend_non_premultiplied_src_color::Bool, advanced_blend_non_premultiplied_dst_color::Bool, advanced_blend_correlated_overlap::Bool, advanced_blend_all_operations::Bool; next = C_NULL) = PhysicalDeviceBlendOperationAdvancedPropertiesEXT(next, advanced_blend_max_color_attachments, advanced_blend_independent_blend, advanced_blend_non_premultiplied_src_color, advanced_blend_non_premultiplied_dst_color, advanced_blend_correlated_overlap, advanced_blend_all_operations) """ Extension: VK\\_EXT\\_blend\\_operation\\_advanced Arguments: - `src_premultiplied::Bool` - `dst_premultiplied::Bool` - `blend_overlap::BlendOverlapEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorBlendAdvancedStateCreateInfoEXT.html) """ PipelineColorBlendAdvancedStateCreateInfoEXT(src_premultiplied::Bool, dst_premultiplied::Bool, blend_overlap::BlendOverlapEXT; next = C_NULL) = PipelineColorBlendAdvancedStateCreateInfoEXT(next, src_premultiplied, dst_premultiplied, blend_overlap) """ Arguments: - `inline_uniform_block::Bool` - `descriptor_binding_inline_uniform_block_update_after_bind::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInlineUniformBlockFeatures.html) """ PhysicalDeviceInlineUniformBlockFeatures(inline_uniform_block::Bool, descriptor_binding_inline_uniform_block_update_after_bind::Bool; next = C_NULL) = PhysicalDeviceInlineUniformBlockFeatures(next, inline_uniform_block, descriptor_binding_inline_uniform_block_update_after_bind) """ Arguments: - `max_inline_uniform_block_size::UInt32` - `max_per_stage_descriptor_inline_uniform_blocks::UInt32` - `max_per_stage_descriptor_update_after_bind_inline_uniform_blocks::UInt32` - `max_descriptor_set_inline_uniform_blocks::UInt32` - `max_descriptor_set_update_after_bind_inline_uniform_blocks::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInlineUniformBlockProperties.html) """ PhysicalDeviceInlineUniformBlockProperties(max_inline_uniform_block_size::Integer, max_per_stage_descriptor_inline_uniform_blocks::Integer, max_per_stage_descriptor_update_after_bind_inline_uniform_blocks::Integer, max_descriptor_set_inline_uniform_blocks::Integer, max_descriptor_set_update_after_bind_inline_uniform_blocks::Integer; next = C_NULL) = PhysicalDeviceInlineUniformBlockProperties(next, max_inline_uniform_block_size, max_per_stage_descriptor_inline_uniform_blocks, max_per_stage_descriptor_update_after_bind_inline_uniform_blocks, max_descriptor_set_inline_uniform_blocks, max_descriptor_set_update_after_bind_inline_uniform_blocks) """ Arguments: - `data_size::UInt32` - `data::Ptr{Cvoid}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSetInlineUniformBlock.html) """ WriteDescriptorSetInlineUniformBlock(data_size::Integer, data::Ptr{Cvoid}; next = C_NULL) = WriteDescriptorSetInlineUniformBlock(next, data_size, data) """ Arguments: - `max_inline_uniform_block_bindings::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorPoolInlineUniformBlockCreateInfo.html) """ DescriptorPoolInlineUniformBlockCreateInfo(max_inline_uniform_block_bindings::Integer; next = C_NULL) = DescriptorPoolInlineUniformBlockCreateInfo(next, max_inline_uniform_block_bindings) """ Extension: VK\\_NV\\_framebuffer\\_mixed\\_samples Arguments: - `coverage_modulation_mode::CoverageModulationModeNV` - `coverage_modulation_table_enable::Bool` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `coverage_modulation_table::Vector{Float32}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCoverageModulationStateCreateInfoNV.html) """ PipelineCoverageModulationStateCreateInfoNV(coverage_modulation_mode::CoverageModulationModeNV, coverage_modulation_table_enable::Bool; next = C_NULL, flags = 0, coverage_modulation_table = C_NULL) = PipelineCoverageModulationStateCreateInfoNV(next, flags, coverage_modulation_mode, coverage_modulation_table_enable, coverage_modulation_table) """ Arguments: - `view_formats::Vector{Format}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageFormatListCreateInfo.html) """ ImageFormatListCreateInfo(view_formats::AbstractArray; next = C_NULL) = ImageFormatListCreateInfo(next, view_formats) """ Extension: VK\\_EXT\\_validation\\_cache Arguments: - `initial_data::Ptr{Cvoid}` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `initial_data_size::UInt`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkValidationCacheCreateInfoEXT.html) """ ValidationCacheCreateInfoEXT(initial_data::Ptr{Cvoid}; next = C_NULL, flags = 0, initial_data_size = C_NULL) = ValidationCacheCreateInfoEXT(next, flags, initial_data_size, initial_data) """ Extension: VK\\_EXT\\_validation\\_cache Arguments: - `validation_cache::ValidationCacheEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderModuleValidationCacheCreateInfoEXT.html) """ ShaderModuleValidationCacheCreateInfoEXT(validation_cache::ValidationCacheEXT; next = C_NULL) = ShaderModuleValidationCacheCreateInfoEXT(next, validation_cache) """ Arguments: - `max_per_set_descriptors::UInt32` - `max_memory_allocation_size::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMaintenance3Properties.html) """ PhysicalDeviceMaintenance3Properties(max_per_set_descriptors::Integer, max_memory_allocation_size::Integer; next = C_NULL) = PhysicalDeviceMaintenance3Properties(next, max_per_set_descriptors, max_memory_allocation_size) """ Arguments: - `maintenance4::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMaintenance4Features.html) """ PhysicalDeviceMaintenance4Features(maintenance4::Bool; next = C_NULL) = PhysicalDeviceMaintenance4Features(next, maintenance4) """ Arguments: - `max_buffer_size::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMaintenance4Properties.html) """ PhysicalDeviceMaintenance4Properties(max_buffer_size::Integer; next = C_NULL) = PhysicalDeviceMaintenance4Properties(next, max_buffer_size) """ Arguments: - `supported::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutSupport.html) """ DescriptorSetLayoutSupport(supported::Bool; next = C_NULL) = DescriptorSetLayoutSupport(next, supported) """ Arguments: - `shader_draw_parameters::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderDrawParametersFeatures.html) """ PhysicalDeviceShaderDrawParametersFeatures(shader_draw_parameters::Bool; next = C_NULL) = PhysicalDeviceShaderDrawParametersFeatures(next, shader_draw_parameters) """ Arguments: - `shader_float_16::Bool` - `shader_int_8::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderFloat16Int8Features.html) """ PhysicalDeviceShaderFloat16Int8Features(shader_float_16::Bool, shader_int_8::Bool; next = C_NULL) = PhysicalDeviceShaderFloat16Int8Features(next, shader_float_16, shader_int_8) """ Arguments: - `denorm_behavior_independence::ShaderFloatControlsIndependence` - `rounding_mode_independence::ShaderFloatControlsIndependence` - `shader_signed_zero_inf_nan_preserve_float_16::Bool` - `shader_signed_zero_inf_nan_preserve_float_32::Bool` - `shader_signed_zero_inf_nan_preserve_float_64::Bool` - `shader_denorm_preserve_float_16::Bool` - `shader_denorm_preserve_float_32::Bool` - `shader_denorm_preserve_float_64::Bool` - `shader_denorm_flush_to_zero_float_16::Bool` - `shader_denorm_flush_to_zero_float_32::Bool` - `shader_denorm_flush_to_zero_float_64::Bool` - `shader_rounding_mode_rte_float_16::Bool` - `shader_rounding_mode_rte_float_32::Bool` - `shader_rounding_mode_rte_float_64::Bool` - `shader_rounding_mode_rtz_float_16::Bool` - `shader_rounding_mode_rtz_float_32::Bool` - `shader_rounding_mode_rtz_float_64::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFloatControlsProperties.html) """ PhysicalDeviceFloatControlsProperties(denorm_behavior_independence::ShaderFloatControlsIndependence, rounding_mode_independence::ShaderFloatControlsIndependence, shader_signed_zero_inf_nan_preserve_float_16::Bool, shader_signed_zero_inf_nan_preserve_float_32::Bool, shader_signed_zero_inf_nan_preserve_float_64::Bool, shader_denorm_preserve_float_16::Bool, shader_denorm_preserve_float_32::Bool, shader_denorm_preserve_float_64::Bool, shader_denorm_flush_to_zero_float_16::Bool, shader_denorm_flush_to_zero_float_32::Bool, shader_denorm_flush_to_zero_float_64::Bool, shader_rounding_mode_rte_float_16::Bool, shader_rounding_mode_rte_float_32::Bool, shader_rounding_mode_rte_float_64::Bool, shader_rounding_mode_rtz_float_16::Bool, shader_rounding_mode_rtz_float_32::Bool, shader_rounding_mode_rtz_float_64::Bool; next = C_NULL) = PhysicalDeviceFloatControlsProperties(next, denorm_behavior_independence, rounding_mode_independence, shader_signed_zero_inf_nan_preserve_float_16, shader_signed_zero_inf_nan_preserve_float_32, shader_signed_zero_inf_nan_preserve_float_64, shader_denorm_preserve_float_16, shader_denorm_preserve_float_32, shader_denorm_preserve_float_64, shader_denorm_flush_to_zero_float_16, shader_denorm_flush_to_zero_float_32, shader_denorm_flush_to_zero_float_64, shader_rounding_mode_rte_float_16, shader_rounding_mode_rte_float_32, shader_rounding_mode_rte_float_64, shader_rounding_mode_rtz_float_16, shader_rounding_mode_rtz_float_32, shader_rounding_mode_rtz_float_64) """ Arguments: - `host_query_reset::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceHostQueryResetFeatures.html) """ PhysicalDeviceHostQueryResetFeatures(host_query_reset::Bool; next = C_NULL) = PhysicalDeviceHostQueryResetFeatures(next, host_query_reset) """ Extension: VK\\_KHR\\_global\\_priority Arguments: - `global_priority::QueueGlobalPriorityKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceQueueGlobalPriorityCreateInfoKHR.html) """ DeviceQueueGlobalPriorityCreateInfoKHR(global_priority::QueueGlobalPriorityKHR; next = C_NULL) = DeviceQueueGlobalPriorityCreateInfoKHR(next, global_priority) """ Extension: VK\\_KHR\\_global\\_priority Arguments: - `global_priority_query::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR.html) """ PhysicalDeviceGlobalPriorityQueryFeaturesKHR(global_priority_query::Bool; next = C_NULL) = PhysicalDeviceGlobalPriorityQueryFeaturesKHR(next, global_priority_query) """ Extension: VK\\_KHR\\_global\\_priority Arguments: - `priority_count::UInt32` - `priorities::NTuple{Int(VK_MAX_GLOBAL_PRIORITY_SIZE_KHR), QueueGlobalPriorityKHR}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyGlobalPriorityPropertiesKHR.html) """ QueueFamilyGlobalPriorityPropertiesKHR(priority_count::Integer, priorities::NTuple{Int(VK_MAX_GLOBAL_PRIORITY_SIZE_KHR), QueueGlobalPriorityKHR}; next = C_NULL) = QueueFamilyGlobalPriorityPropertiesKHR(next, priority_count, priorities) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `object_type::ObjectType` - `object_handle::UInt64` - `next::Any`: defaults to `C_NULL` - `object_name::String`: defaults to `` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsObjectNameInfoEXT.html) """ DebugUtilsObjectNameInfoEXT(object_type::ObjectType, object_handle::Integer; next = C_NULL, object_name = "") = DebugUtilsObjectNameInfoEXT(next, object_type, object_handle, object_name) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `object_type::ObjectType` - `object_handle::UInt64` - `tag_name::UInt64` - `tag_size::UInt` - `tag::Ptr{Cvoid}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsObjectTagInfoEXT.html) """ DebugUtilsObjectTagInfoEXT(object_type::ObjectType, object_handle::Integer, tag_name::Integer, tag_size::Integer, tag::Ptr{Cvoid}; next = C_NULL) = DebugUtilsObjectTagInfoEXT(next, object_type, object_handle, tag_name, tag_size, tag) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `label_name::String` - `color::NTuple{4, Float32}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsLabelEXT.html) """ DebugUtilsLabelEXT(label_name::AbstractString, color::NTuple{4, Float32}; next = C_NULL) = DebugUtilsLabelEXT(next, label_name, color) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `message_severity::DebugUtilsMessageSeverityFlagEXT` - `message_type::DebugUtilsMessageTypeFlagEXT` - `pfn_user_callback::FunctionPtr` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsMessengerCreateInfoEXT.html) """ DebugUtilsMessengerCreateInfoEXT(message_severity::DebugUtilsMessageSeverityFlagEXT, message_type::DebugUtilsMessageTypeFlagEXT, pfn_user_callback::FunctionPtr; next = C_NULL, flags = 0, user_data = C_NULL) = DebugUtilsMessengerCreateInfoEXT(next, flags, message_severity, message_type, pfn_user_callback, user_data) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `message_id_number::Int32` - `message::String` - `queue_labels::Vector{DebugUtilsLabelEXT}` - `cmd_buf_labels::Vector{DebugUtilsLabelEXT}` - `objects::Vector{DebugUtilsObjectNameInfoEXT}` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `message_id_name::String`: defaults to `` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsMessengerCallbackDataEXT.html) """ DebugUtilsMessengerCallbackDataEXT(message_id_number::Integer, message::AbstractString, queue_labels::AbstractArray, cmd_buf_labels::AbstractArray, objects::AbstractArray; next = C_NULL, flags = 0, message_id_name = "") = DebugUtilsMessengerCallbackDataEXT(next, flags, message_id_name, message_id_number, message, queue_labels, cmd_buf_labels, objects) """ Extension: VK\\_EXT\\_device\\_memory\\_report Arguments: - `device_memory_report::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDeviceMemoryReportFeaturesEXT.html) """ PhysicalDeviceDeviceMemoryReportFeaturesEXT(device_memory_report::Bool; next = C_NULL) = PhysicalDeviceDeviceMemoryReportFeaturesEXT(next, device_memory_report) """ Extension: VK\\_EXT\\_device\\_memory\\_report Arguments: - `flags::UInt32` - `pfn_user_callback::FunctionPtr` - `user_data::Ptr{Cvoid}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceDeviceMemoryReportCreateInfoEXT.html) """ DeviceDeviceMemoryReportCreateInfoEXT(flags::Integer, pfn_user_callback::FunctionPtr, user_data::Ptr{Cvoid}; next = C_NULL) = DeviceDeviceMemoryReportCreateInfoEXT(next, flags, pfn_user_callback, user_data) """ Extension: VK\\_EXT\\_device\\_memory\\_report Arguments: - `flags::UInt32` - `type::DeviceMemoryReportEventTypeEXT` - `memory_object_id::UInt64` - `size::UInt64` - `object_type::ObjectType` - `object_handle::UInt64` - `heap_index::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceMemoryReportCallbackDataEXT.html) """ DeviceMemoryReportCallbackDataEXT(flags::Integer, type::DeviceMemoryReportEventTypeEXT, memory_object_id::Integer, size::Integer, object_type::ObjectType, object_handle::Integer, heap_index::Integer; next = C_NULL) = DeviceMemoryReportCallbackDataEXT(next, flags, type, memory_object_id, size, object_type, object_handle, heap_index) """ Extension: VK\\_EXT\\_external\\_memory\\_host Arguments: - `handle_type::ExternalMemoryHandleTypeFlag` - `host_pointer::Ptr{Cvoid}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMemoryHostPointerInfoEXT.html) """ ImportMemoryHostPointerInfoEXT(handle_type::ExternalMemoryHandleTypeFlag, host_pointer::Ptr{Cvoid}; next = C_NULL) = ImportMemoryHostPointerInfoEXT(next, handle_type, host_pointer) """ Extension: VK\\_EXT\\_external\\_memory\\_host Arguments: - `memory_type_bits::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryHostPointerPropertiesEXT.html) """ MemoryHostPointerPropertiesEXT(memory_type_bits::Integer; next = C_NULL) = MemoryHostPointerPropertiesEXT(next, memory_type_bits) """ Extension: VK\\_EXT\\_external\\_memory\\_host Arguments: - `min_imported_host_pointer_alignment::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalMemoryHostPropertiesEXT.html) """ PhysicalDeviceExternalMemoryHostPropertiesEXT(min_imported_host_pointer_alignment::Integer; next = C_NULL) = PhysicalDeviceExternalMemoryHostPropertiesEXT(next, min_imported_host_pointer_alignment) """ Extension: VK\\_EXT\\_conservative\\_rasterization Arguments: - `primitive_overestimation_size::Float32` - `max_extra_primitive_overestimation_size::Float32` - `extra_primitive_overestimation_size_granularity::Float32` - `primitive_underestimation::Bool` - `conservative_point_and_line_rasterization::Bool` - `degenerate_triangles_rasterized::Bool` - `degenerate_lines_rasterized::Bool` - `fully_covered_fragment_shader_input_variable::Bool` - `conservative_rasterization_post_depth_coverage::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceConservativeRasterizationPropertiesEXT.html) """ PhysicalDeviceConservativeRasterizationPropertiesEXT(primitive_overestimation_size::Real, max_extra_primitive_overestimation_size::Real, extra_primitive_overestimation_size_granularity::Real, primitive_underestimation::Bool, conservative_point_and_line_rasterization::Bool, degenerate_triangles_rasterized::Bool, degenerate_lines_rasterized::Bool, fully_covered_fragment_shader_input_variable::Bool, conservative_rasterization_post_depth_coverage::Bool; next = C_NULL) = PhysicalDeviceConservativeRasterizationPropertiesEXT(next, primitive_overestimation_size, max_extra_primitive_overestimation_size, extra_primitive_overestimation_size_granularity, primitive_underestimation, conservative_point_and_line_rasterization, degenerate_triangles_rasterized, degenerate_lines_rasterized, fully_covered_fragment_shader_input_variable, conservative_rasterization_post_depth_coverage) """ Extension: VK\\_EXT\\_calibrated\\_timestamps Arguments: - `time_domain::TimeDomainEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCalibratedTimestampInfoEXT.html) """ CalibratedTimestampInfoEXT(time_domain::TimeDomainEXT; next = C_NULL) = CalibratedTimestampInfoEXT(next, time_domain) """ Extension: VK\\_AMD\\_shader\\_core\\_properties Arguments: - `shader_engine_count::UInt32` - `shader_arrays_per_engine_count::UInt32` - `compute_units_per_shader_array::UInt32` - `simd_per_compute_unit::UInt32` - `wavefronts_per_simd::UInt32` - `wavefront_size::UInt32` - `sgprs_per_simd::UInt32` - `min_sgpr_allocation::UInt32` - `max_sgpr_allocation::UInt32` - `sgpr_allocation_granularity::UInt32` - `vgprs_per_simd::UInt32` - `min_vgpr_allocation::UInt32` - `max_vgpr_allocation::UInt32` - `vgpr_allocation_granularity::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCorePropertiesAMD.html) """ PhysicalDeviceShaderCorePropertiesAMD(shader_engine_count::Integer, shader_arrays_per_engine_count::Integer, compute_units_per_shader_array::Integer, simd_per_compute_unit::Integer, wavefronts_per_simd::Integer, wavefront_size::Integer, sgprs_per_simd::Integer, min_sgpr_allocation::Integer, max_sgpr_allocation::Integer, sgpr_allocation_granularity::Integer, vgprs_per_simd::Integer, min_vgpr_allocation::Integer, max_vgpr_allocation::Integer, vgpr_allocation_granularity::Integer; next = C_NULL) = PhysicalDeviceShaderCorePropertiesAMD(next, shader_engine_count, shader_arrays_per_engine_count, compute_units_per_shader_array, simd_per_compute_unit, wavefronts_per_simd, wavefront_size, sgprs_per_simd, min_sgpr_allocation, max_sgpr_allocation, sgpr_allocation_granularity, vgprs_per_simd, min_vgpr_allocation, max_vgpr_allocation, vgpr_allocation_granularity) """ Extension: VK\\_AMD\\_shader\\_core\\_properties2 Arguments: - `shader_core_features::ShaderCorePropertiesFlagAMD` - `active_compute_unit_count::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCoreProperties2AMD.html) """ PhysicalDeviceShaderCoreProperties2AMD(shader_core_features::ShaderCorePropertiesFlagAMD, active_compute_unit_count::Integer; next = C_NULL) = PhysicalDeviceShaderCoreProperties2AMD(next, shader_core_features, active_compute_unit_count) """ Extension: VK\\_EXT\\_conservative\\_rasterization Arguments: - `conservative_rasterization_mode::ConservativeRasterizationModeEXT` - `extra_primitive_overestimation_size::Float32` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationConservativeStateCreateInfoEXT.html) """ PipelineRasterizationConservativeStateCreateInfoEXT(conservative_rasterization_mode::ConservativeRasterizationModeEXT, extra_primitive_overestimation_size::Real; next = C_NULL, flags = 0) = PipelineRasterizationConservativeStateCreateInfoEXT(next, flags, conservative_rasterization_mode, extra_primitive_overestimation_size) """ Arguments: - `shader_input_attachment_array_dynamic_indexing::Bool` - `shader_uniform_texel_buffer_array_dynamic_indexing::Bool` - `shader_storage_texel_buffer_array_dynamic_indexing::Bool` - `shader_uniform_buffer_array_non_uniform_indexing::Bool` - `shader_sampled_image_array_non_uniform_indexing::Bool` - `shader_storage_buffer_array_non_uniform_indexing::Bool` - `shader_storage_image_array_non_uniform_indexing::Bool` - `shader_input_attachment_array_non_uniform_indexing::Bool` - `shader_uniform_texel_buffer_array_non_uniform_indexing::Bool` - `shader_storage_texel_buffer_array_non_uniform_indexing::Bool` - `descriptor_binding_uniform_buffer_update_after_bind::Bool` - `descriptor_binding_sampled_image_update_after_bind::Bool` - `descriptor_binding_storage_image_update_after_bind::Bool` - `descriptor_binding_storage_buffer_update_after_bind::Bool` - `descriptor_binding_uniform_texel_buffer_update_after_bind::Bool` - `descriptor_binding_storage_texel_buffer_update_after_bind::Bool` - `descriptor_binding_update_unused_while_pending::Bool` - `descriptor_binding_partially_bound::Bool` - `descriptor_binding_variable_descriptor_count::Bool` - `runtime_descriptor_array::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorIndexingFeatures.html) """ PhysicalDeviceDescriptorIndexingFeatures(shader_input_attachment_array_dynamic_indexing::Bool, shader_uniform_texel_buffer_array_dynamic_indexing::Bool, shader_storage_texel_buffer_array_dynamic_indexing::Bool, shader_uniform_buffer_array_non_uniform_indexing::Bool, shader_sampled_image_array_non_uniform_indexing::Bool, shader_storage_buffer_array_non_uniform_indexing::Bool, shader_storage_image_array_non_uniform_indexing::Bool, shader_input_attachment_array_non_uniform_indexing::Bool, shader_uniform_texel_buffer_array_non_uniform_indexing::Bool, shader_storage_texel_buffer_array_non_uniform_indexing::Bool, descriptor_binding_uniform_buffer_update_after_bind::Bool, descriptor_binding_sampled_image_update_after_bind::Bool, descriptor_binding_storage_image_update_after_bind::Bool, descriptor_binding_storage_buffer_update_after_bind::Bool, descriptor_binding_uniform_texel_buffer_update_after_bind::Bool, descriptor_binding_storage_texel_buffer_update_after_bind::Bool, descriptor_binding_update_unused_while_pending::Bool, descriptor_binding_partially_bound::Bool, descriptor_binding_variable_descriptor_count::Bool, runtime_descriptor_array::Bool; next = C_NULL) = PhysicalDeviceDescriptorIndexingFeatures(next, shader_input_attachment_array_dynamic_indexing, shader_uniform_texel_buffer_array_dynamic_indexing, shader_storage_texel_buffer_array_dynamic_indexing, shader_uniform_buffer_array_non_uniform_indexing, shader_sampled_image_array_non_uniform_indexing, shader_storage_buffer_array_non_uniform_indexing, shader_storage_image_array_non_uniform_indexing, shader_input_attachment_array_non_uniform_indexing, shader_uniform_texel_buffer_array_non_uniform_indexing, shader_storage_texel_buffer_array_non_uniform_indexing, descriptor_binding_uniform_buffer_update_after_bind, descriptor_binding_sampled_image_update_after_bind, descriptor_binding_storage_image_update_after_bind, descriptor_binding_storage_buffer_update_after_bind, descriptor_binding_uniform_texel_buffer_update_after_bind, descriptor_binding_storage_texel_buffer_update_after_bind, descriptor_binding_update_unused_while_pending, descriptor_binding_partially_bound, descriptor_binding_variable_descriptor_count, runtime_descriptor_array) """ Arguments: - `max_update_after_bind_descriptors_in_all_pools::UInt32` - `shader_uniform_buffer_array_non_uniform_indexing_native::Bool` - `shader_sampled_image_array_non_uniform_indexing_native::Bool` - `shader_storage_buffer_array_non_uniform_indexing_native::Bool` - `shader_storage_image_array_non_uniform_indexing_native::Bool` - `shader_input_attachment_array_non_uniform_indexing_native::Bool` - `robust_buffer_access_update_after_bind::Bool` - `quad_divergent_implicit_lod::Bool` - `max_per_stage_descriptor_update_after_bind_samplers::UInt32` - `max_per_stage_descriptor_update_after_bind_uniform_buffers::UInt32` - `max_per_stage_descriptor_update_after_bind_storage_buffers::UInt32` - `max_per_stage_descriptor_update_after_bind_sampled_images::UInt32` - `max_per_stage_descriptor_update_after_bind_storage_images::UInt32` - `max_per_stage_descriptor_update_after_bind_input_attachments::UInt32` - `max_per_stage_update_after_bind_resources::UInt32` - `max_descriptor_set_update_after_bind_samplers::UInt32` - `max_descriptor_set_update_after_bind_uniform_buffers::UInt32` - `max_descriptor_set_update_after_bind_uniform_buffers_dynamic::UInt32` - `max_descriptor_set_update_after_bind_storage_buffers::UInt32` - `max_descriptor_set_update_after_bind_storage_buffers_dynamic::UInt32` - `max_descriptor_set_update_after_bind_sampled_images::UInt32` - `max_descriptor_set_update_after_bind_storage_images::UInt32` - `max_descriptor_set_update_after_bind_input_attachments::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorIndexingProperties.html) """ PhysicalDeviceDescriptorIndexingProperties(max_update_after_bind_descriptors_in_all_pools::Integer, shader_uniform_buffer_array_non_uniform_indexing_native::Bool, shader_sampled_image_array_non_uniform_indexing_native::Bool, shader_storage_buffer_array_non_uniform_indexing_native::Bool, shader_storage_image_array_non_uniform_indexing_native::Bool, shader_input_attachment_array_non_uniform_indexing_native::Bool, robust_buffer_access_update_after_bind::Bool, quad_divergent_implicit_lod::Bool, max_per_stage_descriptor_update_after_bind_samplers::Integer, max_per_stage_descriptor_update_after_bind_uniform_buffers::Integer, max_per_stage_descriptor_update_after_bind_storage_buffers::Integer, max_per_stage_descriptor_update_after_bind_sampled_images::Integer, max_per_stage_descriptor_update_after_bind_storage_images::Integer, max_per_stage_descriptor_update_after_bind_input_attachments::Integer, max_per_stage_update_after_bind_resources::Integer, max_descriptor_set_update_after_bind_samplers::Integer, max_descriptor_set_update_after_bind_uniform_buffers::Integer, max_descriptor_set_update_after_bind_uniform_buffers_dynamic::Integer, max_descriptor_set_update_after_bind_storage_buffers::Integer, max_descriptor_set_update_after_bind_storage_buffers_dynamic::Integer, max_descriptor_set_update_after_bind_sampled_images::Integer, max_descriptor_set_update_after_bind_storage_images::Integer, max_descriptor_set_update_after_bind_input_attachments::Integer; next = C_NULL) = PhysicalDeviceDescriptorIndexingProperties(next, max_update_after_bind_descriptors_in_all_pools, shader_uniform_buffer_array_non_uniform_indexing_native, shader_sampled_image_array_non_uniform_indexing_native, shader_storage_buffer_array_non_uniform_indexing_native, shader_storage_image_array_non_uniform_indexing_native, shader_input_attachment_array_non_uniform_indexing_native, robust_buffer_access_update_after_bind, quad_divergent_implicit_lod, max_per_stage_descriptor_update_after_bind_samplers, max_per_stage_descriptor_update_after_bind_uniform_buffers, max_per_stage_descriptor_update_after_bind_storage_buffers, max_per_stage_descriptor_update_after_bind_sampled_images, max_per_stage_descriptor_update_after_bind_storage_images, max_per_stage_descriptor_update_after_bind_input_attachments, max_per_stage_update_after_bind_resources, max_descriptor_set_update_after_bind_samplers, max_descriptor_set_update_after_bind_uniform_buffers, max_descriptor_set_update_after_bind_uniform_buffers_dynamic, max_descriptor_set_update_after_bind_storage_buffers, max_descriptor_set_update_after_bind_storage_buffers_dynamic, max_descriptor_set_update_after_bind_sampled_images, max_descriptor_set_update_after_bind_storage_images, max_descriptor_set_update_after_bind_input_attachments) """ Arguments: - `binding_flags::Vector{DescriptorBindingFlag}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutBindingFlagsCreateInfo.html) """ DescriptorSetLayoutBindingFlagsCreateInfo(binding_flags::AbstractArray; next = C_NULL) = DescriptorSetLayoutBindingFlagsCreateInfo(next, binding_flags) """ Arguments: - `descriptor_counts::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetVariableDescriptorCountAllocateInfo.html) """ DescriptorSetVariableDescriptorCountAllocateInfo(descriptor_counts::AbstractArray; next = C_NULL) = DescriptorSetVariableDescriptorCountAllocateInfo(next, descriptor_counts) """ Arguments: - `max_variable_descriptor_count::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetVariableDescriptorCountLayoutSupport.html) """ DescriptorSetVariableDescriptorCountLayoutSupport(max_variable_descriptor_count::Integer; next = C_NULL) = DescriptorSetVariableDescriptorCountLayoutSupport(next, max_variable_descriptor_count) """ Arguments: - `format::Format` - `samples::SampleCountFlag` - `load_op::AttachmentLoadOp` - `store_op::AttachmentStoreOp` - `stencil_load_op::AttachmentLoadOp` - `stencil_store_op::AttachmentStoreOp` - `initial_layout::ImageLayout` - `final_layout::ImageLayout` - `next::Any`: defaults to `C_NULL` - `flags::AttachmentDescriptionFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentDescription2.html) """ AttachmentDescription2(format::Format, samples::SampleCountFlag, load_op::AttachmentLoadOp, store_op::AttachmentStoreOp, stencil_load_op::AttachmentLoadOp, stencil_store_op::AttachmentStoreOp, initial_layout::ImageLayout, final_layout::ImageLayout; next = C_NULL, flags = 0) = AttachmentDescription2(next, flags, format, samples, load_op, store_op, stencil_load_op, stencil_store_op, initial_layout, final_layout) """ Arguments: - `attachment::UInt32` - `layout::ImageLayout` - `aspect_mask::ImageAspectFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentReference2.html) """ AttachmentReference2(attachment::Integer, layout::ImageLayout, aspect_mask::ImageAspectFlag; next = C_NULL) = AttachmentReference2(next, attachment, layout, aspect_mask) """ Arguments: - `pipeline_bind_point::PipelineBindPoint` - `view_mask::UInt32` - `input_attachments::Vector{AttachmentReference2}` - `color_attachments::Vector{AttachmentReference2}` - `preserve_attachments::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` - `flags::SubpassDescriptionFlag`: defaults to `0` - `resolve_attachments::Vector{AttachmentReference2}`: defaults to `C_NULL` - `depth_stencil_attachment::AttachmentReference2`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDescription2.html) """ SubpassDescription2(pipeline_bind_point::PipelineBindPoint, view_mask::Integer, input_attachments::AbstractArray, color_attachments::AbstractArray, preserve_attachments::AbstractArray; next = C_NULL, flags = 0, resolve_attachments = C_NULL, depth_stencil_attachment = C_NULL) = SubpassDescription2(next, flags, pipeline_bind_point, view_mask, input_attachments, color_attachments, resolve_attachments, depth_stencil_attachment, preserve_attachments) """ Arguments: - `src_subpass::UInt32` - `dst_subpass::UInt32` - `view_offset::Int32` - `next::Any`: defaults to `C_NULL` - `src_stage_mask::PipelineStageFlag`: defaults to `0` - `dst_stage_mask::PipelineStageFlag`: defaults to `0` - `src_access_mask::AccessFlag`: defaults to `0` - `dst_access_mask::AccessFlag`: defaults to `0` - `dependency_flags::DependencyFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDependency2.html) """ SubpassDependency2(src_subpass::Integer, dst_subpass::Integer, view_offset::Integer; next = C_NULL, src_stage_mask = 0, dst_stage_mask = 0, src_access_mask = 0, dst_access_mask = 0, dependency_flags = 0) = SubpassDependency2(next, src_subpass, dst_subpass, src_stage_mask, dst_stage_mask, src_access_mask, dst_access_mask, dependency_flags, view_offset) """ Arguments: - `attachments::Vector{AttachmentDescription2}` - `subpasses::Vector{SubpassDescription2}` - `dependencies::Vector{SubpassDependency2}` - `correlated_view_masks::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` - `flags::RenderPassCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreateInfo2.html) """ RenderPassCreateInfo2(attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray, correlated_view_masks::AbstractArray; next = C_NULL, flags = 0) = RenderPassCreateInfo2(next, flags, attachments, subpasses, dependencies, correlated_view_masks) """ Arguments: - `contents::SubpassContents` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassBeginInfo.html) """ SubpassBeginInfo(contents::SubpassContents; next = C_NULL) = SubpassBeginInfo(next, contents) """ Arguments: - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassEndInfo.html) """ SubpassEndInfo(; next = C_NULL) = SubpassEndInfo(next) """ Arguments: - `timeline_semaphore::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTimelineSemaphoreFeatures.html) """ PhysicalDeviceTimelineSemaphoreFeatures(timeline_semaphore::Bool; next = C_NULL) = PhysicalDeviceTimelineSemaphoreFeatures(next, timeline_semaphore) """ Arguments: - `max_timeline_semaphore_value_difference::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTimelineSemaphoreProperties.html) """ PhysicalDeviceTimelineSemaphoreProperties(max_timeline_semaphore_value_difference::Integer; next = C_NULL) = PhysicalDeviceTimelineSemaphoreProperties(next, max_timeline_semaphore_value_difference) """ Arguments: - `semaphore_type::SemaphoreType` - `initial_value::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreTypeCreateInfo.html) """ SemaphoreTypeCreateInfo(semaphore_type::SemaphoreType, initial_value::Integer; next = C_NULL) = SemaphoreTypeCreateInfo(next, semaphore_type, initial_value) """ Arguments: - `next::Any`: defaults to `C_NULL` - `wait_semaphore_values::Vector{UInt64}`: defaults to `C_NULL` - `signal_semaphore_values::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTimelineSemaphoreSubmitInfo.html) """ TimelineSemaphoreSubmitInfo(; next = C_NULL, wait_semaphore_values = C_NULL, signal_semaphore_values = C_NULL) = TimelineSemaphoreSubmitInfo(next, wait_semaphore_values, signal_semaphore_values) """ Arguments: - `semaphores::Vector{Semaphore}` - `values::Vector{UInt64}` - `next::Any`: defaults to `C_NULL` - `flags::SemaphoreWaitFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreWaitInfo.html) """ SemaphoreWaitInfo(semaphores::AbstractArray, values::AbstractArray; next = C_NULL, flags = 0) = SemaphoreWaitInfo(next, flags, semaphores, values) """ Arguments: - `semaphore::Semaphore` - `value::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreSignalInfo.html) """ SemaphoreSignalInfo(semaphore::Semaphore, value::Integer; next = C_NULL) = SemaphoreSignalInfo(next, semaphore, value) """ Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor Arguments: - `vertex_binding_divisors::Vector{VertexInputBindingDivisorDescriptionEXT}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineVertexInputDivisorStateCreateInfoEXT.html) """ PipelineVertexInputDivisorStateCreateInfoEXT(vertex_binding_divisors::AbstractArray; next = C_NULL) = PipelineVertexInputDivisorStateCreateInfoEXT(next, vertex_binding_divisors) """ Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor Arguments: - `max_vertex_attrib_divisor::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT.html) """ PhysicalDeviceVertexAttributeDivisorPropertiesEXT(max_vertex_attrib_divisor::Integer; next = C_NULL) = PhysicalDeviceVertexAttributeDivisorPropertiesEXT(next, max_vertex_attrib_divisor) """ Extension: VK\\_EXT\\_pci\\_bus\\_info Arguments: - `pci_domain::UInt32` - `pci_bus::UInt32` - `pci_device::UInt32` - `pci_function::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePCIBusInfoPropertiesEXT.html) """ PhysicalDevicePCIBusInfoPropertiesEXT(pci_domain::Integer, pci_bus::Integer, pci_device::Integer, pci_function::Integer; next = C_NULL) = PhysicalDevicePCIBusInfoPropertiesEXT(next, pci_domain, pci_bus, pci_device, pci_function) """ Extension: VK\\_EXT\\_conditional\\_rendering Arguments: - `conditional_rendering_enable::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceConditionalRenderingInfoEXT.html) """ CommandBufferInheritanceConditionalRenderingInfoEXT(conditional_rendering_enable::Bool; next = C_NULL) = CommandBufferInheritanceConditionalRenderingInfoEXT(next, conditional_rendering_enable) """ Arguments: - `storage_buffer_8_bit_access::Bool` - `uniform_and_storage_buffer_8_bit_access::Bool` - `storage_push_constant_8::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevice8BitStorageFeatures.html) """ PhysicalDevice8BitStorageFeatures(storage_buffer_8_bit_access::Bool, uniform_and_storage_buffer_8_bit_access::Bool, storage_push_constant_8::Bool; next = C_NULL) = PhysicalDevice8BitStorageFeatures(next, storage_buffer_8_bit_access, uniform_and_storage_buffer_8_bit_access, storage_push_constant_8) """ Extension: VK\\_EXT\\_conditional\\_rendering Arguments: - `conditional_rendering::Bool` - `inherited_conditional_rendering::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceConditionalRenderingFeaturesEXT.html) """ PhysicalDeviceConditionalRenderingFeaturesEXT(conditional_rendering::Bool, inherited_conditional_rendering::Bool; next = C_NULL) = PhysicalDeviceConditionalRenderingFeaturesEXT(next, conditional_rendering, inherited_conditional_rendering) """ Arguments: - `vulkan_memory_model::Bool` - `vulkan_memory_model_device_scope::Bool` - `vulkan_memory_model_availability_visibility_chains::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkanMemoryModelFeatures.html) """ PhysicalDeviceVulkanMemoryModelFeatures(vulkan_memory_model::Bool, vulkan_memory_model_device_scope::Bool, vulkan_memory_model_availability_visibility_chains::Bool; next = C_NULL) = PhysicalDeviceVulkanMemoryModelFeatures(next, vulkan_memory_model, vulkan_memory_model_device_scope, vulkan_memory_model_availability_visibility_chains) """ Arguments: - `shader_buffer_int_64_atomics::Bool` - `shader_shared_int_64_atomics::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderAtomicInt64Features.html) """ PhysicalDeviceShaderAtomicInt64Features(shader_buffer_int_64_atomics::Bool, shader_shared_int_64_atomics::Bool; next = C_NULL) = PhysicalDeviceShaderAtomicInt64Features(next, shader_buffer_int_64_atomics, shader_shared_int_64_atomics) """ Extension: VK\\_EXT\\_shader\\_atomic\\_float Arguments: - `shader_buffer_float_32_atomics::Bool` - `shader_buffer_float_32_atomic_add::Bool` - `shader_buffer_float_64_atomics::Bool` - `shader_buffer_float_64_atomic_add::Bool` - `shader_shared_float_32_atomics::Bool` - `shader_shared_float_32_atomic_add::Bool` - `shader_shared_float_64_atomics::Bool` - `shader_shared_float_64_atomic_add::Bool` - `shader_image_float_32_atomics::Bool` - `shader_image_float_32_atomic_add::Bool` - `sparse_image_float_32_atomics::Bool` - `sparse_image_float_32_atomic_add::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderAtomicFloatFeaturesEXT.html) """ PhysicalDeviceShaderAtomicFloatFeaturesEXT(shader_buffer_float_32_atomics::Bool, shader_buffer_float_32_atomic_add::Bool, shader_buffer_float_64_atomics::Bool, shader_buffer_float_64_atomic_add::Bool, shader_shared_float_32_atomics::Bool, shader_shared_float_32_atomic_add::Bool, shader_shared_float_64_atomics::Bool, shader_shared_float_64_atomic_add::Bool, shader_image_float_32_atomics::Bool, shader_image_float_32_atomic_add::Bool, sparse_image_float_32_atomics::Bool, sparse_image_float_32_atomic_add::Bool; next = C_NULL) = PhysicalDeviceShaderAtomicFloatFeaturesEXT(next, shader_buffer_float_32_atomics, shader_buffer_float_32_atomic_add, shader_buffer_float_64_atomics, shader_buffer_float_64_atomic_add, shader_shared_float_32_atomics, shader_shared_float_32_atomic_add, shader_shared_float_64_atomics, shader_shared_float_64_atomic_add, shader_image_float_32_atomics, shader_image_float_32_atomic_add, sparse_image_float_32_atomics, sparse_image_float_32_atomic_add) """ Extension: VK\\_EXT\\_shader\\_atomic\\_float2 Arguments: - `shader_buffer_float_16_atomics::Bool` - `shader_buffer_float_16_atomic_add::Bool` - `shader_buffer_float_16_atomic_min_max::Bool` - `shader_buffer_float_32_atomic_min_max::Bool` - `shader_buffer_float_64_atomic_min_max::Bool` - `shader_shared_float_16_atomics::Bool` - `shader_shared_float_16_atomic_add::Bool` - `shader_shared_float_16_atomic_min_max::Bool` - `shader_shared_float_32_atomic_min_max::Bool` - `shader_shared_float_64_atomic_min_max::Bool` - `shader_image_float_32_atomic_min_max::Bool` - `sparse_image_float_32_atomic_min_max::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT.html) """ PhysicalDeviceShaderAtomicFloat2FeaturesEXT(shader_buffer_float_16_atomics::Bool, shader_buffer_float_16_atomic_add::Bool, shader_buffer_float_16_atomic_min_max::Bool, shader_buffer_float_32_atomic_min_max::Bool, shader_buffer_float_64_atomic_min_max::Bool, shader_shared_float_16_atomics::Bool, shader_shared_float_16_atomic_add::Bool, shader_shared_float_16_atomic_min_max::Bool, shader_shared_float_32_atomic_min_max::Bool, shader_shared_float_64_atomic_min_max::Bool, shader_image_float_32_atomic_min_max::Bool, sparse_image_float_32_atomic_min_max::Bool; next = C_NULL) = PhysicalDeviceShaderAtomicFloat2FeaturesEXT(next, shader_buffer_float_16_atomics, shader_buffer_float_16_atomic_add, shader_buffer_float_16_atomic_min_max, shader_buffer_float_32_atomic_min_max, shader_buffer_float_64_atomic_min_max, shader_shared_float_16_atomics, shader_shared_float_16_atomic_add, shader_shared_float_16_atomic_min_max, shader_shared_float_32_atomic_min_max, shader_shared_float_64_atomic_min_max, shader_image_float_32_atomic_min_max, sparse_image_float_32_atomic_min_max) """ Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor Arguments: - `vertex_attribute_instance_rate_divisor::Bool` - `vertex_attribute_instance_rate_zero_divisor::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT.html) """ PhysicalDeviceVertexAttributeDivisorFeaturesEXT(vertex_attribute_instance_rate_divisor::Bool, vertex_attribute_instance_rate_zero_divisor::Bool; next = C_NULL) = PhysicalDeviceVertexAttributeDivisorFeaturesEXT(next, vertex_attribute_instance_rate_divisor, vertex_attribute_instance_rate_zero_divisor) """ Extension: VK\\_NV\\_device\\_diagnostic\\_checkpoints Arguments: - `checkpoint_execution_stage_mask::PipelineStageFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyCheckpointPropertiesNV.html) """ QueueFamilyCheckpointPropertiesNV(checkpoint_execution_stage_mask::PipelineStageFlag; next = C_NULL) = QueueFamilyCheckpointPropertiesNV(next, checkpoint_execution_stage_mask) """ Extension: VK\\_NV\\_device\\_diagnostic\\_checkpoints Arguments: - `stage::PipelineStageFlag` - `checkpoint_marker::Ptr{Cvoid}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCheckpointDataNV.html) """ CheckpointDataNV(stage::PipelineStageFlag, checkpoint_marker::Ptr{Cvoid}; next = C_NULL) = CheckpointDataNV(next, stage, checkpoint_marker) """ Arguments: - `supported_depth_resolve_modes::ResolveModeFlag` - `supported_stencil_resolve_modes::ResolveModeFlag` - `independent_resolve_none::Bool` - `independent_resolve::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthStencilResolveProperties.html) """ PhysicalDeviceDepthStencilResolveProperties(supported_depth_resolve_modes::ResolveModeFlag, supported_stencil_resolve_modes::ResolveModeFlag, independent_resolve_none::Bool, independent_resolve::Bool; next = C_NULL) = PhysicalDeviceDepthStencilResolveProperties(next, supported_depth_resolve_modes, supported_stencil_resolve_modes, independent_resolve_none, independent_resolve) """ Arguments: - `depth_resolve_mode::ResolveModeFlag` - `stencil_resolve_mode::ResolveModeFlag` - `next::Any`: defaults to `C_NULL` - `depth_stencil_resolve_attachment::AttachmentReference2`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDescriptionDepthStencilResolve.html) """ SubpassDescriptionDepthStencilResolve(depth_resolve_mode::ResolveModeFlag, stencil_resolve_mode::ResolveModeFlag; next = C_NULL, depth_stencil_resolve_attachment = C_NULL) = SubpassDescriptionDepthStencilResolve(next, depth_resolve_mode, stencil_resolve_mode, depth_stencil_resolve_attachment) """ Extension: VK\\_EXT\\_astc\\_decode\\_mode Arguments: - `decode_mode::Format` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewASTCDecodeModeEXT.html) """ ImageViewASTCDecodeModeEXT(decode_mode::Format; next = C_NULL) = ImageViewASTCDecodeModeEXT(next, decode_mode) """ Extension: VK\\_EXT\\_astc\\_decode\\_mode Arguments: - `decode_mode_shared_exponent::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceASTCDecodeFeaturesEXT.html) """ PhysicalDeviceASTCDecodeFeaturesEXT(decode_mode_shared_exponent::Bool; next = C_NULL) = PhysicalDeviceASTCDecodeFeaturesEXT(next, decode_mode_shared_exponent) """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `transform_feedback::Bool` - `geometry_streams::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTransformFeedbackFeaturesEXT.html) """ PhysicalDeviceTransformFeedbackFeaturesEXT(transform_feedback::Bool, geometry_streams::Bool; next = C_NULL) = PhysicalDeviceTransformFeedbackFeaturesEXT(next, transform_feedback, geometry_streams) """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `max_transform_feedback_streams::UInt32` - `max_transform_feedback_buffers::UInt32` - `max_transform_feedback_buffer_size::UInt64` - `max_transform_feedback_stream_data_size::UInt32` - `max_transform_feedback_buffer_data_size::UInt32` - `max_transform_feedback_buffer_data_stride::UInt32` - `transform_feedback_queries::Bool` - `transform_feedback_streams_lines_triangles::Bool` - `transform_feedback_rasterization_stream_select::Bool` - `transform_feedback_draw::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTransformFeedbackPropertiesEXT.html) """ PhysicalDeviceTransformFeedbackPropertiesEXT(max_transform_feedback_streams::Integer, max_transform_feedback_buffers::Integer, max_transform_feedback_buffer_size::Integer, max_transform_feedback_stream_data_size::Integer, max_transform_feedback_buffer_data_size::Integer, max_transform_feedback_buffer_data_stride::Integer, transform_feedback_queries::Bool, transform_feedback_streams_lines_triangles::Bool, transform_feedback_rasterization_stream_select::Bool, transform_feedback_draw::Bool; next = C_NULL) = PhysicalDeviceTransformFeedbackPropertiesEXT(next, max_transform_feedback_streams, max_transform_feedback_buffers, max_transform_feedback_buffer_size, max_transform_feedback_stream_data_size, max_transform_feedback_buffer_data_size, max_transform_feedback_buffer_data_stride, transform_feedback_queries, transform_feedback_streams_lines_triangles, transform_feedback_rasterization_stream_select, transform_feedback_draw) """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `rasterization_stream::UInt32` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationStateStreamCreateInfoEXT.html) """ PipelineRasterizationStateStreamCreateInfoEXT(rasterization_stream::Integer; next = C_NULL, flags = 0) = PipelineRasterizationStateStreamCreateInfoEXT(next, flags, rasterization_stream) """ Extension: VK\\_NV\\_representative\\_fragment\\_test Arguments: - `representative_fragment_test::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV.html) """ PhysicalDeviceRepresentativeFragmentTestFeaturesNV(representative_fragment_test::Bool; next = C_NULL) = PhysicalDeviceRepresentativeFragmentTestFeaturesNV(next, representative_fragment_test) """ Extension: VK\\_NV\\_representative\\_fragment\\_test Arguments: - `representative_fragment_test_enable::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRepresentativeFragmentTestStateCreateInfoNV.html) """ PipelineRepresentativeFragmentTestStateCreateInfoNV(representative_fragment_test_enable::Bool; next = C_NULL) = PipelineRepresentativeFragmentTestStateCreateInfoNV(next, representative_fragment_test_enable) """ Extension: VK\\_NV\\_scissor\\_exclusive Arguments: - `exclusive_scissor::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExclusiveScissorFeaturesNV.html) """ PhysicalDeviceExclusiveScissorFeaturesNV(exclusive_scissor::Bool; next = C_NULL) = PhysicalDeviceExclusiveScissorFeaturesNV(next, exclusive_scissor) """ Extension: VK\\_NV\\_scissor\\_exclusive Arguments: - `exclusive_scissors::Vector{Rect2D}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportExclusiveScissorStateCreateInfoNV.html) """ PipelineViewportExclusiveScissorStateCreateInfoNV(exclusive_scissors::AbstractArray; next = C_NULL) = PipelineViewportExclusiveScissorStateCreateInfoNV(next, exclusive_scissors) """ Extension: VK\\_NV\\_corner\\_sampled\\_image Arguments: - `corner_sampled_image::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCornerSampledImageFeaturesNV.html) """ PhysicalDeviceCornerSampledImageFeaturesNV(corner_sampled_image::Bool; next = C_NULL) = PhysicalDeviceCornerSampledImageFeaturesNV(next, corner_sampled_image) """ Extension: VK\\_NV\\_compute\\_shader\\_derivatives Arguments: - `compute_derivative_group_quads::Bool` - `compute_derivative_group_linear::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceComputeShaderDerivativesFeaturesNV.html) """ PhysicalDeviceComputeShaderDerivativesFeaturesNV(compute_derivative_group_quads::Bool, compute_derivative_group_linear::Bool; next = C_NULL) = PhysicalDeviceComputeShaderDerivativesFeaturesNV(next, compute_derivative_group_quads, compute_derivative_group_linear) """ Extension: VK\\_NV\\_shader\\_image\\_footprint Arguments: - `image_footprint::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderImageFootprintFeaturesNV.html) """ PhysicalDeviceShaderImageFootprintFeaturesNV(image_footprint::Bool; next = C_NULL) = PhysicalDeviceShaderImageFootprintFeaturesNV(next, image_footprint) """ Extension: VK\\_NV\\_dedicated\\_allocation\\_image\\_aliasing Arguments: - `dedicated_allocation_image_aliasing::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV.html) """ PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV(dedicated_allocation_image_aliasing::Bool; next = C_NULL) = PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV(next, dedicated_allocation_image_aliasing) """ Extension: VK\\_NV\\_copy\\_memory\\_indirect Arguments: - `indirect_copy::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCopyMemoryIndirectFeaturesNV.html) """ PhysicalDeviceCopyMemoryIndirectFeaturesNV(indirect_copy::Bool; next = C_NULL) = PhysicalDeviceCopyMemoryIndirectFeaturesNV(next, indirect_copy) """ Extension: VK\\_NV\\_copy\\_memory\\_indirect Arguments: - `supported_queues::QueueFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCopyMemoryIndirectPropertiesNV.html) """ PhysicalDeviceCopyMemoryIndirectPropertiesNV(supported_queues::QueueFlag; next = C_NULL) = PhysicalDeviceCopyMemoryIndirectPropertiesNV(next, supported_queues) """ Extension: VK\\_NV\\_memory\\_decompression Arguments: - `memory_decompression::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryDecompressionFeaturesNV.html) """ PhysicalDeviceMemoryDecompressionFeaturesNV(memory_decompression::Bool; next = C_NULL) = PhysicalDeviceMemoryDecompressionFeaturesNV(next, memory_decompression) """ Extension: VK\\_NV\\_memory\\_decompression Arguments: - `decompression_methods::UInt64` - `max_decompression_indirect_count::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryDecompressionPropertiesNV.html) """ PhysicalDeviceMemoryDecompressionPropertiesNV(decompression_methods::Integer, max_decompression_indirect_count::Integer; next = C_NULL) = PhysicalDeviceMemoryDecompressionPropertiesNV(next, decompression_methods, max_decompression_indirect_count) """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `shading_rate_image_enable::Bool` - `shading_rate_palettes::Vector{ShadingRatePaletteNV}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportShadingRateImageStateCreateInfoNV.html) """ PipelineViewportShadingRateImageStateCreateInfoNV(shading_rate_image_enable::Bool, shading_rate_palettes::AbstractArray; next = C_NULL) = PipelineViewportShadingRateImageStateCreateInfoNV(next, shading_rate_image_enable, shading_rate_palettes) """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `shading_rate_image::Bool` - `shading_rate_coarse_sample_order::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShadingRateImageFeaturesNV.html) """ PhysicalDeviceShadingRateImageFeaturesNV(shading_rate_image::Bool, shading_rate_coarse_sample_order::Bool; next = C_NULL) = PhysicalDeviceShadingRateImageFeaturesNV(next, shading_rate_image, shading_rate_coarse_sample_order) """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `shading_rate_texel_size::Extent2D` - `shading_rate_palette_size::UInt32` - `shading_rate_max_coarse_samples::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShadingRateImagePropertiesNV.html) """ PhysicalDeviceShadingRateImagePropertiesNV(shading_rate_texel_size::Extent2D, shading_rate_palette_size::Integer, shading_rate_max_coarse_samples::Integer; next = C_NULL) = PhysicalDeviceShadingRateImagePropertiesNV(next, shading_rate_texel_size, shading_rate_palette_size, shading_rate_max_coarse_samples) """ Extension: VK\\_HUAWEI\\_invocation\\_mask Arguments: - `invocation_mask::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInvocationMaskFeaturesHUAWEI.html) """ PhysicalDeviceInvocationMaskFeaturesHUAWEI(invocation_mask::Bool; next = C_NULL) = PhysicalDeviceInvocationMaskFeaturesHUAWEI(next, invocation_mask) """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `sample_order_type::CoarseSampleOrderTypeNV` - `custom_sample_orders::Vector{CoarseSampleOrderCustomNV}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportCoarseSampleOrderStateCreateInfoNV.html) """ PipelineViewportCoarseSampleOrderStateCreateInfoNV(sample_order_type::CoarseSampleOrderTypeNV, custom_sample_orders::AbstractArray; next = C_NULL) = PipelineViewportCoarseSampleOrderStateCreateInfoNV(next, sample_order_type, custom_sample_orders) """ Extension: VK\\_NV\\_mesh\\_shader Arguments: - `task_shader::Bool` - `mesh_shader::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderFeaturesNV.html) """ PhysicalDeviceMeshShaderFeaturesNV(task_shader::Bool, mesh_shader::Bool; next = C_NULL) = PhysicalDeviceMeshShaderFeaturesNV(next, task_shader, mesh_shader) """ Extension: VK\\_NV\\_mesh\\_shader Arguments: - `max_draw_mesh_tasks_count::UInt32` - `max_task_work_group_invocations::UInt32` - `max_task_work_group_size::NTuple{3, UInt32}` - `max_task_total_memory_size::UInt32` - `max_task_output_count::UInt32` - `max_mesh_work_group_invocations::UInt32` - `max_mesh_work_group_size::NTuple{3, UInt32}` - `max_mesh_total_memory_size::UInt32` - `max_mesh_output_vertices::UInt32` - `max_mesh_output_primitives::UInt32` - `max_mesh_multiview_view_count::UInt32` - `mesh_output_per_vertex_granularity::UInt32` - `mesh_output_per_primitive_granularity::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderPropertiesNV.html) """ PhysicalDeviceMeshShaderPropertiesNV(max_draw_mesh_tasks_count::Integer, max_task_work_group_invocations::Integer, max_task_work_group_size::NTuple{3, UInt32}, max_task_total_memory_size::Integer, max_task_output_count::Integer, max_mesh_work_group_invocations::Integer, max_mesh_work_group_size::NTuple{3, UInt32}, max_mesh_total_memory_size::Integer, max_mesh_output_vertices::Integer, max_mesh_output_primitives::Integer, max_mesh_multiview_view_count::Integer, mesh_output_per_vertex_granularity::Integer, mesh_output_per_primitive_granularity::Integer; next = C_NULL) = PhysicalDeviceMeshShaderPropertiesNV(next, max_draw_mesh_tasks_count, max_task_work_group_invocations, max_task_work_group_size, max_task_total_memory_size, max_task_output_count, max_mesh_work_group_invocations, max_mesh_work_group_size, max_mesh_total_memory_size, max_mesh_output_vertices, max_mesh_output_primitives, max_mesh_multiview_view_count, mesh_output_per_vertex_granularity, mesh_output_per_primitive_granularity) """ Extension: VK\\_EXT\\_mesh\\_shader Arguments: - `task_shader::Bool` - `mesh_shader::Bool` - `multiview_mesh_shader::Bool` - `primitive_fragment_shading_rate_mesh_shader::Bool` - `mesh_shader_queries::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderFeaturesEXT.html) """ PhysicalDeviceMeshShaderFeaturesEXT(task_shader::Bool, mesh_shader::Bool, multiview_mesh_shader::Bool, primitive_fragment_shading_rate_mesh_shader::Bool, mesh_shader_queries::Bool; next = C_NULL) = PhysicalDeviceMeshShaderFeaturesEXT(next, task_shader, mesh_shader, multiview_mesh_shader, primitive_fragment_shading_rate_mesh_shader, mesh_shader_queries) """ Extension: VK\\_EXT\\_mesh\\_shader Arguments: - `max_task_work_group_total_count::UInt32` - `max_task_work_group_count::NTuple{3, UInt32}` - `max_task_work_group_invocations::UInt32` - `max_task_work_group_size::NTuple{3, UInt32}` - `max_task_payload_size::UInt32` - `max_task_shared_memory_size::UInt32` - `max_task_payload_and_shared_memory_size::UInt32` - `max_mesh_work_group_total_count::UInt32` - `max_mesh_work_group_count::NTuple{3, UInt32}` - `max_mesh_work_group_invocations::UInt32` - `max_mesh_work_group_size::NTuple{3, UInt32}` - `max_mesh_shared_memory_size::UInt32` - `max_mesh_payload_and_shared_memory_size::UInt32` - `max_mesh_output_memory_size::UInt32` - `max_mesh_payload_and_output_memory_size::UInt32` - `max_mesh_output_components::UInt32` - `max_mesh_output_vertices::UInt32` - `max_mesh_output_primitives::UInt32` - `max_mesh_output_layers::UInt32` - `max_mesh_multiview_view_count::UInt32` - `mesh_output_per_vertex_granularity::UInt32` - `mesh_output_per_primitive_granularity::UInt32` - `max_preferred_task_work_group_invocations::UInt32` - `max_preferred_mesh_work_group_invocations::UInt32` - `prefers_local_invocation_vertex_output::Bool` - `prefers_local_invocation_primitive_output::Bool` - `prefers_compact_vertex_output::Bool` - `prefers_compact_primitive_output::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderPropertiesEXT.html) """ PhysicalDeviceMeshShaderPropertiesEXT(max_task_work_group_total_count::Integer, max_task_work_group_count::NTuple{3, UInt32}, max_task_work_group_invocations::Integer, max_task_work_group_size::NTuple{3, UInt32}, max_task_payload_size::Integer, max_task_shared_memory_size::Integer, max_task_payload_and_shared_memory_size::Integer, max_mesh_work_group_total_count::Integer, max_mesh_work_group_count::NTuple{3, UInt32}, max_mesh_work_group_invocations::Integer, max_mesh_work_group_size::NTuple{3, UInt32}, max_mesh_shared_memory_size::Integer, max_mesh_payload_and_shared_memory_size::Integer, max_mesh_output_memory_size::Integer, max_mesh_payload_and_output_memory_size::Integer, max_mesh_output_components::Integer, max_mesh_output_vertices::Integer, max_mesh_output_primitives::Integer, max_mesh_output_layers::Integer, max_mesh_multiview_view_count::Integer, mesh_output_per_vertex_granularity::Integer, mesh_output_per_primitive_granularity::Integer, max_preferred_task_work_group_invocations::Integer, max_preferred_mesh_work_group_invocations::Integer, prefers_local_invocation_vertex_output::Bool, prefers_local_invocation_primitive_output::Bool, prefers_compact_vertex_output::Bool, prefers_compact_primitive_output::Bool; next = C_NULL) = PhysicalDeviceMeshShaderPropertiesEXT(next, max_task_work_group_total_count, max_task_work_group_count, max_task_work_group_invocations, max_task_work_group_size, max_task_payload_size, max_task_shared_memory_size, max_task_payload_and_shared_memory_size, max_mesh_work_group_total_count, max_mesh_work_group_count, max_mesh_work_group_invocations, max_mesh_work_group_size, max_mesh_shared_memory_size, max_mesh_payload_and_shared_memory_size, max_mesh_output_memory_size, max_mesh_payload_and_output_memory_size, max_mesh_output_components, max_mesh_output_vertices, max_mesh_output_primitives, max_mesh_output_layers, max_mesh_multiview_view_count, mesh_output_per_vertex_granularity, mesh_output_per_primitive_granularity, max_preferred_task_work_group_invocations, max_preferred_mesh_work_group_invocations, prefers_local_invocation_vertex_output, prefers_local_invocation_primitive_output, prefers_compact_vertex_output, prefers_compact_primitive_output) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `type::RayTracingShaderGroupTypeKHR` - `general_shader::UInt32` - `closest_hit_shader::UInt32` - `any_hit_shader::UInt32` - `intersection_shader::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingShaderGroupCreateInfoNV.html) """ RayTracingShaderGroupCreateInfoNV(type::RayTracingShaderGroupTypeKHR, general_shader::Integer, closest_hit_shader::Integer, any_hit_shader::Integer, intersection_shader::Integer; next = C_NULL) = RayTracingShaderGroupCreateInfoNV(next, type, general_shader, closest_hit_shader, any_hit_shader, intersection_shader) """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `type::RayTracingShaderGroupTypeKHR` - `general_shader::UInt32` - `closest_hit_shader::UInt32` - `any_hit_shader::UInt32` - `intersection_shader::UInt32` - `next::Any`: defaults to `C_NULL` - `shader_group_capture_replay_handle::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingShaderGroupCreateInfoKHR.html) """ RayTracingShaderGroupCreateInfoKHR(type::RayTracingShaderGroupTypeKHR, general_shader::Integer, closest_hit_shader::Integer, any_hit_shader::Integer, intersection_shader::Integer; next = C_NULL, shader_group_capture_replay_handle = C_NULL) = RayTracingShaderGroupCreateInfoKHR(next, type, general_shader, closest_hit_shader, any_hit_shader, intersection_shader, shader_group_capture_replay_handle) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `stages::Vector{PipelineShaderStageCreateInfo}` - `groups::Vector{RayTracingShaderGroupCreateInfoNV}` - `max_recursion_depth::UInt32` - `layout::PipelineLayout` - `base_pipeline_index::Int32` - `next::Any`: defaults to `C_NULL` - `flags::PipelineCreateFlag`: defaults to `0` - `base_pipeline_handle::Pipeline`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingPipelineCreateInfoNV.html) """ RayTracingPipelineCreateInfoNV(stages::AbstractArray, groups::AbstractArray, max_recursion_depth::Integer, layout::PipelineLayout, base_pipeline_index::Integer; next = C_NULL, flags = 0, base_pipeline_handle = C_NULL) = RayTracingPipelineCreateInfoNV(next, flags, stages, groups, max_recursion_depth, layout, base_pipeline_handle, base_pipeline_index) """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `stages::Vector{PipelineShaderStageCreateInfo}` - `groups::Vector{RayTracingShaderGroupCreateInfoKHR}` - `max_pipeline_ray_recursion_depth::UInt32` - `layout::PipelineLayout` - `base_pipeline_index::Int32` - `next::Any`: defaults to `C_NULL` - `flags::PipelineCreateFlag`: defaults to `0` - `library_info::PipelineLibraryCreateInfoKHR`: defaults to `C_NULL` - `library_interface::RayTracingPipelineInterfaceCreateInfoKHR`: defaults to `C_NULL` - `dynamic_state::PipelineDynamicStateCreateInfo`: defaults to `C_NULL` - `base_pipeline_handle::Pipeline`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingPipelineCreateInfoKHR.html) """ RayTracingPipelineCreateInfoKHR(stages::AbstractArray, groups::AbstractArray, max_pipeline_ray_recursion_depth::Integer, layout::PipelineLayout, base_pipeline_index::Integer; next = C_NULL, flags = 0, library_info = C_NULL, library_interface = C_NULL, dynamic_state = C_NULL, base_pipeline_handle = C_NULL) = RayTracingPipelineCreateInfoKHR(next, flags, stages, groups, max_pipeline_ray_recursion_depth, library_info, library_interface, dynamic_state, layout, base_pipeline_handle, base_pipeline_index) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `vertex_offset::UInt64` - `vertex_count::UInt32` - `vertex_stride::UInt64` - `vertex_format::Format` - `index_offset::UInt64` - `index_count::UInt32` - `index_type::IndexType` - `transform_offset::UInt64` - `next::Any`: defaults to `C_NULL` - `vertex_data::Buffer`: defaults to `C_NULL` - `index_data::Buffer`: defaults to `C_NULL` - `transform_data::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryTrianglesNV.html) """ GeometryTrianglesNV(vertex_offset::Integer, vertex_count::Integer, vertex_stride::Integer, vertex_format::Format, index_offset::Integer, index_count::Integer, index_type::IndexType, transform_offset::Integer; next = C_NULL, vertex_data = C_NULL, index_data = C_NULL, transform_data = C_NULL) = GeometryTrianglesNV(next, vertex_data, vertex_offset, vertex_count, vertex_stride, vertex_format, index_data, index_offset, index_count, index_type, transform_data, transform_offset) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `num_aab_bs::UInt32` - `stride::UInt32` - `offset::UInt64` - `next::Any`: defaults to `C_NULL` - `aabb_data::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryAABBNV.html) """ GeometryAABBNV(num_aab_bs::Integer, stride::Integer, offset::Integer; next = C_NULL, aabb_data = C_NULL) = GeometryAABBNV(next, aabb_data, num_aab_bs, stride, offset) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `geometry_type::GeometryTypeKHR` - `geometry::GeometryDataNV` - `next::Any`: defaults to `C_NULL` - `flags::GeometryFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryNV.html) """ GeometryNV(geometry_type::GeometryTypeKHR, geometry::GeometryDataNV; next = C_NULL, flags = 0) = GeometryNV(next, geometry_type, geometry, flags) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `type::VkAccelerationStructureTypeNV` - `geometries::Vector{GeometryNV}` - `next::Any`: defaults to `C_NULL` - `flags::VkBuildAccelerationStructureFlagsNV`: defaults to `C_NULL` - `instance_count::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureInfoNV.html) """ AccelerationStructureInfoNV(type::VkAccelerationStructureTypeNV, geometries::AbstractArray; next = C_NULL, flags = C_NULL, instance_count = 0) = AccelerationStructureInfoNV(next, type, flags, instance_count, geometries) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `compacted_size::UInt64` - `info::AccelerationStructureInfoNV` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureCreateInfoNV.html) """ AccelerationStructureCreateInfoNV(compacted_size::Integer, info::AccelerationStructureInfoNV; next = C_NULL) = AccelerationStructureCreateInfoNV(next, compacted_size, info) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `acceleration_structure::AccelerationStructureNV` - `memory::DeviceMemory` - `memory_offset::UInt64` - `device_indices::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindAccelerationStructureMemoryInfoNV.html) """ BindAccelerationStructureMemoryInfoNV(acceleration_structure::AccelerationStructureNV, memory::DeviceMemory, memory_offset::Integer, device_indices::AbstractArray; next = C_NULL) = BindAccelerationStructureMemoryInfoNV(next, acceleration_structure, memory, memory_offset, device_indices) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `acceleration_structures::Vector{AccelerationStructureKHR}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSetAccelerationStructureKHR.html) """ WriteDescriptorSetAccelerationStructureKHR(acceleration_structures::AbstractArray; next = C_NULL) = WriteDescriptorSetAccelerationStructureKHR(next, acceleration_structures) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `acceleration_structures::Vector{AccelerationStructureNV}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSetAccelerationStructureNV.html) """ WriteDescriptorSetAccelerationStructureNV(acceleration_structures::AbstractArray; next = C_NULL) = WriteDescriptorSetAccelerationStructureNV(next, acceleration_structures) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `type::AccelerationStructureMemoryRequirementsTypeNV` - `acceleration_structure::AccelerationStructureNV` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMemoryRequirementsInfoNV.html) """ AccelerationStructureMemoryRequirementsInfoNV(type::AccelerationStructureMemoryRequirementsTypeNV, acceleration_structure::AccelerationStructureNV; next = C_NULL) = AccelerationStructureMemoryRequirementsInfoNV(next, type, acceleration_structure) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `acceleration_structure::Bool` - `acceleration_structure_capture_replay::Bool` - `acceleration_structure_indirect_build::Bool` - `acceleration_structure_host_commands::Bool` - `descriptor_binding_acceleration_structure_update_after_bind::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAccelerationStructureFeaturesKHR.html) """ PhysicalDeviceAccelerationStructureFeaturesKHR(acceleration_structure::Bool, acceleration_structure_capture_replay::Bool, acceleration_structure_indirect_build::Bool, acceleration_structure_host_commands::Bool, descriptor_binding_acceleration_structure_update_after_bind::Bool; next = C_NULL) = PhysicalDeviceAccelerationStructureFeaturesKHR(next, acceleration_structure, acceleration_structure_capture_replay, acceleration_structure_indirect_build, acceleration_structure_host_commands, descriptor_binding_acceleration_structure_update_after_bind) """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `ray_tracing_pipeline::Bool` - `ray_tracing_pipeline_shader_group_handle_capture_replay::Bool` - `ray_tracing_pipeline_shader_group_handle_capture_replay_mixed::Bool` - `ray_tracing_pipeline_trace_rays_indirect::Bool` - `ray_traversal_primitive_culling::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingPipelineFeaturesKHR.html) """ PhysicalDeviceRayTracingPipelineFeaturesKHR(ray_tracing_pipeline::Bool, ray_tracing_pipeline_shader_group_handle_capture_replay::Bool, ray_tracing_pipeline_shader_group_handle_capture_replay_mixed::Bool, ray_tracing_pipeline_trace_rays_indirect::Bool, ray_traversal_primitive_culling::Bool; next = C_NULL) = PhysicalDeviceRayTracingPipelineFeaturesKHR(next, ray_tracing_pipeline, ray_tracing_pipeline_shader_group_handle_capture_replay, ray_tracing_pipeline_shader_group_handle_capture_replay_mixed, ray_tracing_pipeline_trace_rays_indirect, ray_traversal_primitive_culling) """ Extension: VK\\_KHR\\_ray\\_query Arguments: - `ray_query::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayQueryFeaturesKHR.html) """ PhysicalDeviceRayQueryFeaturesKHR(ray_query::Bool; next = C_NULL) = PhysicalDeviceRayQueryFeaturesKHR(next, ray_query) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `max_geometry_count::UInt64` - `max_instance_count::UInt64` - `max_primitive_count::UInt64` - `max_per_stage_descriptor_acceleration_structures::UInt32` - `max_per_stage_descriptor_update_after_bind_acceleration_structures::UInt32` - `max_descriptor_set_acceleration_structures::UInt32` - `max_descriptor_set_update_after_bind_acceleration_structures::UInt32` - `min_acceleration_structure_scratch_offset_alignment::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAccelerationStructurePropertiesKHR.html) """ PhysicalDeviceAccelerationStructurePropertiesKHR(max_geometry_count::Integer, max_instance_count::Integer, max_primitive_count::Integer, max_per_stage_descriptor_acceleration_structures::Integer, max_per_stage_descriptor_update_after_bind_acceleration_structures::Integer, max_descriptor_set_acceleration_structures::Integer, max_descriptor_set_update_after_bind_acceleration_structures::Integer, min_acceleration_structure_scratch_offset_alignment::Integer; next = C_NULL) = PhysicalDeviceAccelerationStructurePropertiesKHR(next, max_geometry_count, max_instance_count, max_primitive_count, max_per_stage_descriptor_acceleration_structures, max_per_stage_descriptor_update_after_bind_acceleration_structures, max_descriptor_set_acceleration_structures, max_descriptor_set_update_after_bind_acceleration_structures, min_acceleration_structure_scratch_offset_alignment) """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `shader_group_handle_size::UInt32` - `max_ray_recursion_depth::UInt32` - `max_shader_group_stride::UInt32` - `shader_group_base_alignment::UInt32` - `shader_group_handle_capture_replay_size::UInt32` - `max_ray_dispatch_invocation_count::UInt32` - `shader_group_handle_alignment::UInt32` - `max_ray_hit_attribute_size::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingPipelinePropertiesKHR.html) """ PhysicalDeviceRayTracingPipelinePropertiesKHR(shader_group_handle_size::Integer, max_ray_recursion_depth::Integer, max_shader_group_stride::Integer, shader_group_base_alignment::Integer, shader_group_handle_capture_replay_size::Integer, max_ray_dispatch_invocation_count::Integer, shader_group_handle_alignment::Integer, max_ray_hit_attribute_size::Integer; next = C_NULL) = PhysicalDeviceRayTracingPipelinePropertiesKHR(next, shader_group_handle_size, max_ray_recursion_depth, max_shader_group_stride, shader_group_base_alignment, shader_group_handle_capture_replay_size, max_ray_dispatch_invocation_count, shader_group_handle_alignment, max_ray_hit_attribute_size) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `shader_group_handle_size::UInt32` - `max_recursion_depth::UInt32` - `max_shader_group_stride::UInt32` - `shader_group_base_alignment::UInt32` - `max_geometry_count::UInt64` - `max_instance_count::UInt64` - `max_triangle_count::UInt64` - `max_descriptor_set_acceleration_structures::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingPropertiesNV.html) """ PhysicalDeviceRayTracingPropertiesNV(shader_group_handle_size::Integer, max_recursion_depth::Integer, max_shader_group_stride::Integer, shader_group_base_alignment::Integer, max_geometry_count::Integer, max_instance_count::Integer, max_triangle_count::Integer, max_descriptor_set_acceleration_structures::Integer; next = C_NULL) = PhysicalDeviceRayTracingPropertiesNV(next, shader_group_handle_size, max_recursion_depth, max_shader_group_stride, shader_group_base_alignment, max_geometry_count, max_instance_count, max_triangle_count, max_descriptor_set_acceleration_structures) """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `stride::UInt64` - `size::UInt64` - `device_address::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkStridedDeviceAddressRegionKHR.html) """ StridedDeviceAddressRegionKHR(stride::Integer, size::Integer; device_address = 0) = StridedDeviceAddressRegionKHR(device_address, stride, size) """ Extension: VK\\_KHR\\_ray\\_tracing\\_maintenance1 Arguments: - `ray_tracing_maintenance_1::Bool` - `ray_tracing_pipeline_trace_rays_indirect_2::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR.html) """ PhysicalDeviceRayTracingMaintenance1FeaturesKHR(ray_tracing_maintenance_1::Bool, ray_tracing_pipeline_trace_rays_indirect_2::Bool; next = C_NULL) = PhysicalDeviceRayTracingMaintenance1FeaturesKHR(next, ray_tracing_maintenance_1, ray_tracing_pipeline_trace_rays_indirect_2) """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `next::Any`: defaults to `C_NULL` - `drm_format_modifier_properties::Vector{DrmFormatModifierPropertiesEXT}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierPropertiesListEXT.html) """ DrmFormatModifierPropertiesListEXT(; next = C_NULL, drm_format_modifier_properties = C_NULL) = DrmFormatModifierPropertiesListEXT(next, drm_format_modifier_properties) """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `drm_format_modifier::UInt64` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageDrmFormatModifierInfoEXT.html) """ PhysicalDeviceImageDrmFormatModifierInfoEXT(drm_format_modifier::Integer, sharing_mode::SharingMode, queue_family_indices::AbstractArray; next = C_NULL) = PhysicalDeviceImageDrmFormatModifierInfoEXT(next, drm_format_modifier, sharing_mode, queue_family_indices) """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `drm_format_modifiers::Vector{UInt64}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageDrmFormatModifierListCreateInfoEXT.html) """ ImageDrmFormatModifierListCreateInfoEXT(drm_format_modifiers::AbstractArray; next = C_NULL) = ImageDrmFormatModifierListCreateInfoEXT(next, drm_format_modifiers) """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `drm_format_modifier::UInt64` - `plane_layouts::Vector{SubresourceLayout}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageDrmFormatModifierExplicitCreateInfoEXT.html) """ ImageDrmFormatModifierExplicitCreateInfoEXT(drm_format_modifier::Integer, plane_layouts::AbstractArray; next = C_NULL) = ImageDrmFormatModifierExplicitCreateInfoEXT(next, drm_format_modifier, plane_layouts) """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `drm_format_modifier::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageDrmFormatModifierPropertiesEXT.html) """ ImageDrmFormatModifierPropertiesEXT(drm_format_modifier::Integer; next = C_NULL) = ImageDrmFormatModifierPropertiesEXT(next, drm_format_modifier) """ Arguments: - `stencil_usage::ImageUsageFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageStencilUsageCreateInfo.html) """ ImageStencilUsageCreateInfo(stencil_usage::ImageUsageFlag; next = C_NULL) = ImageStencilUsageCreateInfo(next, stencil_usage) """ Extension: VK\\_AMD\\_memory\\_overallocation\\_behavior Arguments: - `overallocation_behavior::MemoryOverallocationBehaviorAMD` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceMemoryOverallocationCreateInfoAMD.html) """ DeviceMemoryOverallocationCreateInfoAMD(overallocation_behavior::MemoryOverallocationBehaviorAMD; next = C_NULL) = DeviceMemoryOverallocationCreateInfoAMD(next, overallocation_behavior) """ Extension: VK\\_EXT\\_fragment\\_density\\_map Arguments: - `fragment_density_map::Bool` - `fragment_density_map_dynamic::Bool` - `fragment_density_map_non_subsampled_images::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapFeaturesEXT.html) """ PhysicalDeviceFragmentDensityMapFeaturesEXT(fragment_density_map::Bool, fragment_density_map_dynamic::Bool, fragment_density_map_non_subsampled_images::Bool; next = C_NULL) = PhysicalDeviceFragmentDensityMapFeaturesEXT(next, fragment_density_map, fragment_density_map_dynamic, fragment_density_map_non_subsampled_images) """ Extension: VK\\_EXT\\_fragment\\_density\\_map2 Arguments: - `fragment_density_map_deferred::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMap2FeaturesEXT.html) """ PhysicalDeviceFragmentDensityMap2FeaturesEXT(fragment_density_map_deferred::Bool; next = C_NULL) = PhysicalDeviceFragmentDensityMap2FeaturesEXT(next, fragment_density_map_deferred) """ Extension: VK\\_QCOM\\_fragment\\_density\\_map\\_offset Arguments: - `fragment_density_map_offset::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM.html) """ PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM(fragment_density_map_offset::Bool; next = C_NULL) = PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM(next, fragment_density_map_offset) """ Extension: VK\\_EXT\\_fragment\\_density\\_map Arguments: - `min_fragment_density_texel_size::Extent2D` - `max_fragment_density_texel_size::Extent2D` - `fragment_density_invocations::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapPropertiesEXT.html) """ PhysicalDeviceFragmentDensityMapPropertiesEXT(min_fragment_density_texel_size::Extent2D, max_fragment_density_texel_size::Extent2D, fragment_density_invocations::Bool; next = C_NULL) = PhysicalDeviceFragmentDensityMapPropertiesEXT(next, min_fragment_density_texel_size, max_fragment_density_texel_size, fragment_density_invocations) """ Extension: VK\\_EXT\\_fragment\\_density\\_map2 Arguments: - `subsampled_loads::Bool` - `subsampled_coarse_reconstruction_early_access::Bool` - `max_subsampled_array_layers::UInt32` - `max_descriptor_set_subsampled_samplers::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMap2PropertiesEXT.html) """ PhysicalDeviceFragmentDensityMap2PropertiesEXT(subsampled_loads::Bool, subsampled_coarse_reconstruction_early_access::Bool, max_subsampled_array_layers::Integer, max_descriptor_set_subsampled_samplers::Integer; next = C_NULL) = PhysicalDeviceFragmentDensityMap2PropertiesEXT(next, subsampled_loads, subsampled_coarse_reconstruction_early_access, max_subsampled_array_layers, max_descriptor_set_subsampled_samplers) """ Extension: VK\\_QCOM\\_fragment\\_density\\_map\\_offset Arguments: - `fragment_density_offset_granularity::Extent2D` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM.html) """ PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM(fragment_density_offset_granularity::Extent2D; next = C_NULL) = PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM(next, fragment_density_offset_granularity) """ Extension: VK\\_EXT\\_fragment\\_density\\_map Arguments: - `fragment_density_map_attachment::AttachmentReference` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassFragmentDensityMapCreateInfoEXT.html) """ RenderPassFragmentDensityMapCreateInfoEXT(fragment_density_map_attachment::AttachmentReference; next = C_NULL) = RenderPassFragmentDensityMapCreateInfoEXT(next, fragment_density_map_attachment) """ Extension: VK\\_QCOM\\_fragment\\_density\\_map\\_offset Arguments: - `fragment_density_offsets::Vector{Offset2D}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassFragmentDensityMapOffsetEndInfoQCOM.html) """ SubpassFragmentDensityMapOffsetEndInfoQCOM(fragment_density_offsets::AbstractArray; next = C_NULL) = SubpassFragmentDensityMapOffsetEndInfoQCOM(next, fragment_density_offsets) """ Arguments: - `scalar_block_layout::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceScalarBlockLayoutFeatures.html) """ PhysicalDeviceScalarBlockLayoutFeatures(scalar_block_layout::Bool; next = C_NULL) = PhysicalDeviceScalarBlockLayoutFeatures(next, scalar_block_layout) """ Extension: VK\\_KHR\\_surface\\_protected\\_capabilities Arguments: - `supports_protected::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceProtectedCapabilitiesKHR.html) """ SurfaceProtectedCapabilitiesKHR(supports_protected::Bool; next = C_NULL) = SurfaceProtectedCapabilitiesKHR(next, supports_protected) """ Arguments: - `uniform_buffer_standard_layout::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceUniformBufferStandardLayoutFeatures.html) """ PhysicalDeviceUniformBufferStandardLayoutFeatures(uniform_buffer_standard_layout::Bool; next = C_NULL) = PhysicalDeviceUniformBufferStandardLayoutFeatures(next, uniform_buffer_standard_layout) """ Extension: VK\\_EXT\\_depth\\_clip\\_enable Arguments: - `depth_clip_enable::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthClipEnableFeaturesEXT.html) """ PhysicalDeviceDepthClipEnableFeaturesEXT(depth_clip_enable::Bool; next = C_NULL) = PhysicalDeviceDepthClipEnableFeaturesEXT(next, depth_clip_enable) """ Extension: VK\\_EXT\\_depth\\_clip\\_enable Arguments: - `depth_clip_enable::Bool` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationDepthClipStateCreateInfoEXT.html) """ PipelineRasterizationDepthClipStateCreateInfoEXT(depth_clip_enable::Bool; next = C_NULL, flags = 0) = PipelineRasterizationDepthClipStateCreateInfoEXT(next, flags, depth_clip_enable) """ Extension: VK\\_EXT\\_memory\\_budget Arguments: - `heap_budget::NTuple{Int(VK_MAX_MEMORY_HEAPS), UInt64}` - `heap_usage::NTuple{Int(VK_MAX_MEMORY_HEAPS), UInt64}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryBudgetPropertiesEXT.html) """ PhysicalDeviceMemoryBudgetPropertiesEXT(heap_budget::NTuple{Int(VK_MAX_MEMORY_HEAPS), UInt64}, heap_usage::NTuple{Int(VK_MAX_MEMORY_HEAPS), UInt64}; next = C_NULL) = PhysicalDeviceMemoryBudgetPropertiesEXT(next, heap_budget, heap_usage) """ Extension: VK\\_EXT\\_memory\\_priority Arguments: - `memory_priority::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryPriorityFeaturesEXT.html) """ PhysicalDeviceMemoryPriorityFeaturesEXT(memory_priority::Bool; next = C_NULL) = PhysicalDeviceMemoryPriorityFeaturesEXT(next, memory_priority) """ Extension: VK\\_EXT\\_memory\\_priority Arguments: - `priority::Float32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryPriorityAllocateInfoEXT.html) """ MemoryPriorityAllocateInfoEXT(priority::Real; next = C_NULL) = MemoryPriorityAllocateInfoEXT(next, priority) """ Extension: VK\\_EXT\\_pageable\\_device\\_local\\_memory Arguments: - `pageable_device_local_memory::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT.html) """ PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT(pageable_device_local_memory::Bool; next = C_NULL) = PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT(next, pageable_device_local_memory) """ Arguments: - `buffer_device_address::Bool` - `buffer_device_address_capture_replay::Bool` - `buffer_device_address_multi_device::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBufferDeviceAddressFeatures.html) """ PhysicalDeviceBufferDeviceAddressFeatures(buffer_device_address::Bool, buffer_device_address_capture_replay::Bool, buffer_device_address_multi_device::Bool; next = C_NULL) = PhysicalDeviceBufferDeviceAddressFeatures(next, buffer_device_address, buffer_device_address_capture_replay, buffer_device_address_multi_device) """ Extension: VK\\_EXT\\_buffer\\_device\\_address Arguments: - `buffer_device_address::Bool` - `buffer_device_address_capture_replay::Bool` - `buffer_device_address_multi_device::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBufferDeviceAddressFeaturesEXT.html) """ PhysicalDeviceBufferDeviceAddressFeaturesEXT(buffer_device_address::Bool, buffer_device_address_capture_replay::Bool, buffer_device_address_multi_device::Bool; next = C_NULL) = PhysicalDeviceBufferDeviceAddressFeaturesEXT(next, buffer_device_address, buffer_device_address_capture_replay, buffer_device_address_multi_device) """ Arguments: - `buffer::Buffer` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferDeviceAddressInfo.html) """ BufferDeviceAddressInfo(buffer::Buffer; next = C_NULL) = BufferDeviceAddressInfo(next, buffer) """ Arguments: - `opaque_capture_address::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferOpaqueCaptureAddressCreateInfo.html) """ BufferOpaqueCaptureAddressCreateInfo(opaque_capture_address::Integer; next = C_NULL) = BufferOpaqueCaptureAddressCreateInfo(next, opaque_capture_address) """ Extension: VK\\_EXT\\_buffer\\_device\\_address Arguments: - `device_address::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferDeviceAddressCreateInfoEXT.html) """ BufferDeviceAddressCreateInfoEXT(device_address::Integer; next = C_NULL) = BufferDeviceAddressCreateInfoEXT(next, device_address) """ Extension: VK\\_EXT\\_filter\\_cubic Arguments: - `image_view_type::ImageViewType` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageViewImageFormatInfoEXT.html) """ PhysicalDeviceImageViewImageFormatInfoEXT(image_view_type::ImageViewType; next = C_NULL) = PhysicalDeviceImageViewImageFormatInfoEXT(next, image_view_type) """ Extension: VK\\_EXT\\_filter\\_cubic Arguments: - `filter_cubic::Bool` - `filter_cubic_minmax::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFilterCubicImageViewImageFormatPropertiesEXT.html) """ FilterCubicImageViewImageFormatPropertiesEXT(filter_cubic::Bool, filter_cubic_minmax::Bool; next = C_NULL) = FilterCubicImageViewImageFormatPropertiesEXT(next, filter_cubic, filter_cubic_minmax) """ Arguments: - `imageless_framebuffer::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImagelessFramebufferFeatures.html) """ PhysicalDeviceImagelessFramebufferFeatures(imageless_framebuffer::Bool; next = C_NULL) = PhysicalDeviceImagelessFramebufferFeatures(next, imageless_framebuffer) """ Arguments: - `attachment_image_infos::Vector{FramebufferAttachmentImageInfo}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferAttachmentsCreateInfo.html) """ FramebufferAttachmentsCreateInfo(attachment_image_infos::AbstractArray; next = C_NULL) = FramebufferAttachmentsCreateInfo(next, attachment_image_infos) """ Arguments: - `usage::ImageUsageFlag` - `width::UInt32` - `height::UInt32` - `layer_count::UInt32` - `view_formats::Vector{Format}` - `next::Any`: defaults to `C_NULL` - `flags::ImageCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferAttachmentImageInfo.html) """ FramebufferAttachmentImageInfo(usage::ImageUsageFlag, width::Integer, height::Integer, layer_count::Integer, view_formats::AbstractArray; next = C_NULL, flags = 0) = FramebufferAttachmentImageInfo(next, flags, usage, width, height, layer_count, view_formats) """ Arguments: - `attachments::Vector{ImageView}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassAttachmentBeginInfo.html) """ RenderPassAttachmentBeginInfo(attachments::AbstractArray; next = C_NULL) = RenderPassAttachmentBeginInfo(next, attachments) """ Arguments: - `texture_compression_astc_hdr::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTextureCompressionASTCHDRFeatures.html) """ PhysicalDeviceTextureCompressionASTCHDRFeatures(texture_compression_astc_hdr::Bool; next = C_NULL) = PhysicalDeviceTextureCompressionASTCHDRFeatures(next, texture_compression_astc_hdr) """ Extension: VK\\_NV\\_cooperative\\_matrix Arguments: - `cooperative_matrix::Bool` - `cooperative_matrix_robust_buffer_access::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCooperativeMatrixFeaturesNV.html) """ PhysicalDeviceCooperativeMatrixFeaturesNV(cooperative_matrix::Bool, cooperative_matrix_robust_buffer_access::Bool; next = C_NULL) = PhysicalDeviceCooperativeMatrixFeaturesNV(next, cooperative_matrix, cooperative_matrix_robust_buffer_access) """ Extension: VK\\_NV\\_cooperative\\_matrix Arguments: - `cooperative_matrix_supported_stages::ShaderStageFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCooperativeMatrixPropertiesNV.html) """ PhysicalDeviceCooperativeMatrixPropertiesNV(cooperative_matrix_supported_stages::ShaderStageFlag; next = C_NULL) = PhysicalDeviceCooperativeMatrixPropertiesNV(next, cooperative_matrix_supported_stages) """ Extension: VK\\_NV\\_cooperative\\_matrix Arguments: - `m_size::UInt32` - `n_size::UInt32` - `k_size::UInt32` - `a_type::ComponentTypeNV` - `b_type::ComponentTypeNV` - `c_type::ComponentTypeNV` - `d_type::ComponentTypeNV` - `scope::ScopeNV` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCooperativeMatrixPropertiesNV.html) """ CooperativeMatrixPropertiesNV(m_size::Integer, n_size::Integer, k_size::Integer, a_type::ComponentTypeNV, b_type::ComponentTypeNV, c_type::ComponentTypeNV, d_type::ComponentTypeNV, scope::ScopeNV; next = C_NULL) = CooperativeMatrixPropertiesNV(next, m_size, n_size, k_size, a_type, b_type, c_type, d_type, scope) """ Extension: VK\\_EXT\\_ycbcr\\_image\\_arrays Arguments: - `ycbcr_image_arrays::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceYcbcrImageArraysFeaturesEXT.html) """ PhysicalDeviceYcbcrImageArraysFeaturesEXT(ycbcr_image_arrays::Bool; next = C_NULL) = PhysicalDeviceYcbcrImageArraysFeaturesEXT(next, ycbcr_image_arrays) """ Extension: VK\\_NVX\\_image\\_view\\_handle Arguments: - `image_view::ImageView` - `descriptor_type::DescriptorType` - `next::Any`: defaults to `C_NULL` - `sampler::Sampler`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewHandleInfoNVX.html) """ ImageViewHandleInfoNVX(image_view::ImageView, descriptor_type::DescriptorType; next = C_NULL, sampler = C_NULL) = ImageViewHandleInfoNVX(next, image_view, descriptor_type, sampler) """ Extension: VK\\_NVX\\_image\\_view\\_handle Arguments: - `device_address::UInt64` - `size::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewAddressPropertiesNVX.html) """ ImageViewAddressPropertiesNVX(device_address::Integer, size::Integer; next = C_NULL) = ImageViewAddressPropertiesNVX(next, device_address, size) """ Arguments: - `pipeline_creation_feedback::PipelineCreationFeedback` - `pipeline_stage_creation_feedbacks::Vector{PipelineCreationFeedback}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCreationFeedbackCreateInfo.html) """ PipelineCreationFeedbackCreateInfo(pipeline_creation_feedback::PipelineCreationFeedback, pipeline_stage_creation_feedbacks::AbstractArray; next = C_NULL) = PipelineCreationFeedbackCreateInfo(next, pipeline_creation_feedback, pipeline_stage_creation_feedbacks) """ Extension: VK\\_NV\\_present\\_barrier Arguments: - `present_barrier::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePresentBarrierFeaturesNV.html) """ PhysicalDevicePresentBarrierFeaturesNV(present_barrier::Bool; next = C_NULL) = PhysicalDevicePresentBarrierFeaturesNV(next, present_barrier) """ Extension: VK\\_NV\\_present\\_barrier Arguments: - `present_barrier_supported::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilitiesPresentBarrierNV.html) """ SurfaceCapabilitiesPresentBarrierNV(present_barrier_supported::Bool; next = C_NULL) = SurfaceCapabilitiesPresentBarrierNV(next, present_barrier_supported) """ Extension: VK\\_NV\\_present\\_barrier Arguments: - `present_barrier_enable::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentBarrierCreateInfoNV.html) """ SwapchainPresentBarrierCreateInfoNV(present_barrier_enable::Bool; next = C_NULL) = SwapchainPresentBarrierCreateInfoNV(next, present_barrier_enable) """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `performance_counter_query_pools::Bool` - `performance_counter_multiple_query_pools::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePerformanceQueryFeaturesKHR.html) """ PhysicalDevicePerformanceQueryFeaturesKHR(performance_counter_query_pools::Bool, performance_counter_multiple_query_pools::Bool; next = C_NULL) = PhysicalDevicePerformanceQueryFeaturesKHR(next, performance_counter_query_pools, performance_counter_multiple_query_pools) """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `allow_command_buffer_query_copies::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePerformanceQueryPropertiesKHR.html) """ PhysicalDevicePerformanceQueryPropertiesKHR(allow_command_buffer_query_copies::Bool; next = C_NULL) = PhysicalDevicePerformanceQueryPropertiesKHR(next, allow_command_buffer_query_copies) """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `unit::PerformanceCounterUnitKHR` - `scope::PerformanceCounterScopeKHR` - `storage::PerformanceCounterStorageKHR` - `uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceCounterKHR.html) """ PerformanceCounterKHR(unit::PerformanceCounterUnitKHR, scope::PerformanceCounterScopeKHR, storage::PerformanceCounterStorageKHR, uuid::NTuple{Int(VK_UUID_SIZE), UInt8}; next = C_NULL) = PerformanceCounterKHR(next, unit, scope, storage, uuid) """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `name::String` - `category::String` - `description::String` - `next::Any`: defaults to `C_NULL` - `flags::PerformanceCounterDescriptionFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceCounterDescriptionKHR.html) """ PerformanceCounterDescriptionKHR(name::AbstractString, category::AbstractString, description::AbstractString; next = C_NULL, flags = 0) = PerformanceCounterDescriptionKHR(next, flags, name, category, description) """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `queue_family_index::UInt32` - `counter_indices::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueryPoolPerformanceCreateInfoKHR.html) """ QueryPoolPerformanceCreateInfoKHR(queue_family_index::Integer, counter_indices::AbstractArray; next = C_NULL) = QueryPoolPerformanceCreateInfoKHR(next, queue_family_index, counter_indices) """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `timeout::UInt64` - `next::Any`: defaults to `C_NULL` - `flags::AcquireProfilingLockFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAcquireProfilingLockInfoKHR.html) """ AcquireProfilingLockInfoKHR(timeout::Integer; next = C_NULL, flags = 0) = AcquireProfilingLockInfoKHR(next, flags, timeout) """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `counter_pass_index::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceQuerySubmitInfoKHR.html) """ PerformanceQuerySubmitInfoKHR(counter_pass_index::Integer; next = C_NULL) = PerformanceQuerySubmitInfoKHR(next, counter_pass_index) """ Extension: VK\\_EXT\\_headless\\_surface Arguments: - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkHeadlessSurfaceCreateInfoEXT.html) """ HeadlessSurfaceCreateInfoEXT(; next = C_NULL, flags = 0) = HeadlessSurfaceCreateInfoEXT(next, flags) """ Extension: VK\\_NV\\_coverage\\_reduction\\_mode Arguments: - `coverage_reduction_mode::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCoverageReductionModeFeaturesNV.html) """ PhysicalDeviceCoverageReductionModeFeaturesNV(coverage_reduction_mode::Bool; next = C_NULL) = PhysicalDeviceCoverageReductionModeFeaturesNV(next, coverage_reduction_mode) """ Extension: VK\\_NV\\_coverage\\_reduction\\_mode Arguments: - `coverage_reduction_mode::CoverageReductionModeNV` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCoverageReductionStateCreateInfoNV.html) """ PipelineCoverageReductionStateCreateInfoNV(coverage_reduction_mode::CoverageReductionModeNV; next = C_NULL, flags = 0) = PipelineCoverageReductionStateCreateInfoNV(next, flags, coverage_reduction_mode) """ Extension: VK\\_NV\\_coverage\\_reduction\\_mode Arguments: - `coverage_reduction_mode::CoverageReductionModeNV` - `rasterization_samples::SampleCountFlag` - `depth_stencil_samples::SampleCountFlag` - `color_samples::SampleCountFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferMixedSamplesCombinationNV.html) """ FramebufferMixedSamplesCombinationNV(coverage_reduction_mode::CoverageReductionModeNV, rasterization_samples::SampleCountFlag, depth_stencil_samples::SampleCountFlag, color_samples::SampleCountFlag; next = C_NULL) = FramebufferMixedSamplesCombinationNV(next, coverage_reduction_mode, rasterization_samples, depth_stencil_samples, color_samples) """ Extension: VK\\_INTEL\\_shader\\_integer\\_functions2 Arguments: - `shader_integer_functions_2::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL.html) """ PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL(shader_integer_functions_2::Bool; next = C_NULL) = PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL(next, shader_integer_functions_2) """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `next::Any`: defaults to `C_NULL` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkInitializePerformanceApiInfoINTEL.html) """ InitializePerformanceApiInfoINTEL(; next = C_NULL, user_data = C_NULL) = InitializePerformanceApiInfoINTEL(next, user_data) """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `performance_counters_sampling::QueryPoolSamplingModeINTEL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueryPoolPerformanceQueryCreateInfoINTEL.html) """ QueryPoolPerformanceQueryCreateInfoINTEL(performance_counters_sampling::QueryPoolSamplingModeINTEL; next = C_NULL) = QueryPoolPerformanceQueryCreateInfoINTEL(next, performance_counters_sampling) """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `marker::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceMarkerInfoINTEL.html) """ PerformanceMarkerInfoINTEL(marker::Integer; next = C_NULL) = PerformanceMarkerInfoINTEL(next, marker) """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `marker::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceStreamMarkerInfoINTEL.html) """ PerformanceStreamMarkerInfoINTEL(marker::Integer; next = C_NULL) = PerformanceStreamMarkerInfoINTEL(next, marker) """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `type::PerformanceOverrideTypeINTEL` - `enable::Bool` - `parameter::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceOverrideInfoINTEL.html) """ PerformanceOverrideInfoINTEL(type::PerformanceOverrideTypeINTEL, enable::Bool, parameter::Integer; next = C_NULL) = PerformanceOverrideInfoINTEL(next, type, enable, parameter) """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `type::PerformanceConfigurationTypeINTEL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceConfigurationAcquireInfoINTEL.html) """ PerformanceConfigurationAcquireInfoINTEL(type::PerformanceConfigurationTypeINTEL; next = C_NULL) = PerformanceConfigurationAcquireInfoINTEL(next, type) """ Extension: VK\\_KHR\\_shader\\_clock Arguments: - `shader_subgroup_clock::Bool` - `shader_device_clock::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderClockFeaturesKHR.html) """ PhysicalDeviceShaderClockFeaturesKHR(shader_subgroup_clock::Bool, shader_device_clock::Bool; next = C_NULL) = PhysicalDeviceShaderClockFeaturesKHR(next, shader_subgroup_clock, shader_device_clock) """ Extension: VK\\_EXT\\_index\\_type\\_uint8 Arguments: - `index_type_uint_8::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceIndexTypeUint8FeaturesEXT.html) """ PhysicalDeviceIndexTypeUint8FeaturesEXT(index_type_uint_8::Bool; next = C_NULL) = PhysicalDeviceIndexTypeUint8FeaturesEXT(next, index_type_uint_8) """ Extension: VK\\_NV\\_shader\\_sm\\_builtins Arguments: - `shader_sm_count::UInt32` - `shader_warps_per_sm::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSMBuiltinsPropertiesNV.html) """ PhysicalDeviceShaderSMBuiltinsPropertiesNV(shader_sm_count::Integer, shader_warps_per_sm::Integer; next = C_NULL) = PhysicalDeviceShaderSMBuiltinsPropertiesNV(next, shader_sm_count, shader_warps_per_sm) """ Extension: VK\\_NV\\_shader\\_sm\\_builtins Arguments: - `shader_sm_builtins::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSMBuiltinsFeaturesNV.html) """ PhysicalDeviceShaderSMBuiltinsFeaturesNV(shader_sm_builtins::Bool; next = C_NULL) = PhysicalDeviceShaderSMBuiltinsFeaturesNV(next, shader_sm_builtins) """ Extension: VK\\_EXT\\_fragment\\_shader\\_interlock Arguments: - `fragment_shader_sample_interlock::Bool` - `fragment_shader_pixel_interlock::Bool` - `fragment_shader_shading_rate_interlock::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT.html) """ PhysicalDeviceFragmentShaderInterlockFeaturesEXT(fragment_shader_sample_interlock::Bool, fragment_shader_pixel_interlock::Bool, fragment_shader_shading_rate_interlock::Bool; next = C_NULL) = PhysicalDeviceFragmentShaderInterlockFeaturesEXT(next, fragment_shader_sample_interlock, fragment_shader_pixel_interlock, fragment_shader_shading_rate_interlock) """ Arguments: - `separate_depth_stencil_layouts::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures.html) """ PhysicalDeviceSeparateDepthStencilLayoutsFeatures(separate_depth_stencil_layouts::Bool; next = C_NULL) = PhysicalDeviceSeparateDepthStencilLayoutsFeatures(next, separate_depth_stencil_layouts) """ Arguments: - `stencil_layout::ImageLayout` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentReferenceStencilLayout.html) """ AttachmentReferenceStencilLayout(stencil_layout::ImageLayout; next = C_NULL) = AttachmentReferenceStencilLayout(next, stencil_layout) """ Extension: VK\\_EXT\\_primitive\\_topology\\_list\\_restart Arguments: - `primitive_topology_list_restart::Bool` - `primitive_topology_patch_list_restart::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT.html) """ PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT(primitive_topology_list_restart::Bool, primitive_topology_patch_list_restart::Bool; next = C_NULL) = PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT(next, primitive_topology_list_restart, primitive_topology_patch_list_restart) """ Arguments: - `stencil_initial_layout::ImageLayout` - `stencil_final_layout::ImageLayout` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentDescriptionStencilLayout.html) """ AttachmentDescriptionStencilLayout(stencil_initial_layout::ImageLayout, stencil_final_layout::ImageLayout; next = C_NULL) = AttachmentDescriptionStencilLayout(next, stencil_initial_layout, stencil_final_layout) """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Arguments: - `pipeline_executable_info::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR.html) """ PhysicalDevicePipelineExecutablePropertiesFeaturesKHR(pipeline_executable_info::Bool; next = C_NULL) = PhysicalDevicePipelineExecutablePropertiesFeaturesKHR(next, pipeline_executable_info) """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Arguments: - `pipeline::Pipeline` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineInfoKHR.html) """ PipelineInfoKHR(pipeline::Pipeline; next = C_NULL) = PipelineInfoKHR(next, pipeline) """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Arguments: - `stages::ShaderStageFlag` - `name::String` - `description::String` - `subgroup_size::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutablePropertiesKHR.html) """ PipelineExecutablePropertiesKHR(stages::ShaderStageFlag, name::AbstractString, description::AbstractString, subgroup_size::Integer; next = C_NULL) = PipelineExecutablePropertiesKHR(next, stages, name, description, subgroup_size) """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Arguments: - `pipeline::Pipeline` - `executable_index::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableInfoKHR.html) """ PipelineExecutableInfoKHR(pipeline::Pipeline, executable_index::Integer; next = C_NULL) = PipelineExecutableInfoKHR(next, pipeline, executable_index) """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Arguments: - `name::String` - `description::String` - `format::PipelineExecutableStatisticFormatKHR` - `value::PipelineExecutableStatisticValueKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableStatisticKHR.html) """ PipelineExecutableStatisticKHR(name::AbstractString, description::AbstractString, format::PipelineExecutableStatisticFormatKHR, value::PipelineExecutableStatisticValueKHR; next = C_NULL) = PipelineExecutableStatisticKHR(next, name, description, format, value) """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Arguments: - `name::String` - `description::String` - `is_text::Bool` - `data_size::UInt` - `next::Any`: defaults to `C_NULL` - `data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableInternalRepresentationKHR.html) """ PipelineExecutableInternalRepresentationKHR(name::AbstractString, description::AbstractString, is_text::Bool, data_size::Integer; next = C_NULL, data = C_NULL) = PipelineExecutableInternalRepresentationKHR(next, name, description, is_text, data_size, data) """ Arguments: - `shader_demote_to_helper_invocation::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures.html) """ PhysicalDeviceShaderDemoteToHelperInvocationFeatures(shader_demote_to_helper_invocation::Bool; next = C_NULL) = PhysicalDeviceShaderDemoteToHelperInvocationFeatures(next, shader_demote_to_helper_invocation) """ Extension: VK\\_EXT\\_texel\\_buffer\\_alignment Arguments: - `texel_buffer_alignment::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT.html) """ PhysicalDeviceTexelBufferAlignmentFeaturesEXT(texel_buffer_alignment::Bool; next = C_NULL) = PhysicalDeviceTexelBufferAlignmentFeaturesEXT(next, texel_buffer_alignment) """ Arguments: - `storage_texel_buffer_offset_alignment_bytes::UInt64` - `storage_texel_buffer_offset_single_texel_alignment::Bool` - `uniform_texel_buffer_offset_alignment_bytes::UInt64` - `uniform_texel_buffer_offset_single_texel_alignment::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTexelBufferAlignmentProperties.html) """ PhysicalDeviceTexelBufferAlignmentProperties(storage_texel_buffer_offset_alignment_bytes::Integer, storage_texel_buffer_offset_single_texel_alignment::Bool, uniform_texel_buffer_offset_alignment_bytes::Integer, uniform_texel_buffer_offset_single_texel_alignment::Bool; next = C_NULL) = PhysicalDeviceTexelBufferAlignmentProperties(next, storage_texel_buffer_offset_alignment_bytes, storage_texel_buffer_offset_single_texel_alignment, uniform_texel_buffer_offset_alignment_bytes, uniform_texel_buffer_offset_single_texel_alignment) """ Arguments: - `subgroup_size_control::Bool` - `compute_full_subgroups::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubgroupSizeControlFeatures.html) """ PhysicalDeviceSubgroupSizeControlFeatures(subgroup_size_control::Bool, compute_full_subgroups::Bool; next = C_NULL) = PhysicalDeviceSubgroupSizeControlFeatures(next, subgroup_size_control, compute_full_subgroups) """ Arguments: - `min_subgroup_size::UInt32` - `max_subgroup_size::UInt32` - `max_compute_workgroup_subgroups::UInt32` - `required_subgroup_size_stages::ShaderStageFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubgroupSizeControlProperties.html) """ PhysicalDeviceSubgroupSizeControlProperties(min_subgroup_size::Integer, max_subgroup_size::Integer, max_compute_workgroup_subgroups::Integer, required_subgroup_size_stages::ShaderStageFlag; next = C_NULL) = PhysicalDeviceSubgroupSizeControlProperties(next, min_subgroup_size, max_subgroup_size, max_compute_workgroup_subgroups, required_subgroup_size_stages) """ Arguments: - `required_subgroup_size::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineShaderStageRequiredSubgroupSizeCreateInfo.html) """ PipelineShaderStageRequiredSubgroupSizeCreateInfo(required_subgroup_size::Integer; next = C_NULL) = PipelineShaderStageRequiredSubgroupSizeCreateInfo(next, required_subgroup_size) """ Extension: VK\\_HUAWEI\\_subpass\\_shading Arguments: - `render_pass::RenderPass` - `subpass::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassShadingPipelineCreateInfoHUAWEI.html) """ SubpassShadingPipelineCreateInfoHUAWEI(render_pass::RenderPass, subpass::Integer; next = C_NULL) = SubpassShadingPipelineCreateInfoHUAWEI(next, render_pass, subpass) """ Extension: VK\\_HUAWEI\\_subpass\\_shading Arguments: - `max_subpass_shading_workgroup_size_aspect_ratio::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubpassShadingPropertiesHUAWEI.html) """ PhysicalDeviceSubpassShadingPropertiesHUAWEI(max_subpass_shading_workgroup_size_aspect_ratio::Integer; next = C_NULL) = PhysicalDeviceSubpassShadingPropertiesHUAWEI(next, max_subpass_shading_workgroup_size_aspect_ratio) """ Extension: VK\\_HUAWEI\\_cluster\\_culling\\_shader Arguments: - `max_work_group_count::NTuple{3, UInt32}` - `max_work_group_size::NTuple{3, UInt32}` - `max_output_cluster_count::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI.html) """ PhysicalDeviceClusterCullingShaderPropertiesHUAWEI(max_work_group_count::NTuple{3, UInt32}, max_work_group_size::NTuple{3, UInt32}, max_output_cluster_count::Integer; next = C_NULL) = PhysicalDeviceClusterCullingShaderPropertiesHUAWEI(next, max_work_group_count, max_work_group_size, max_output_cluster_count) """ Arguments: - `opaque_capture_address::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryOpaqueCaptureAddressAllocateInfo.html) """ MemoryOpaqueCaptureAddressAllocateInfo(opaque_capture_address::Integer; next = C_NULL) = MemoryOpaqueCaptureAddressAllocateInfo(next, opaque_capture_address) """ Arguments: - `memory::DeviceMemory` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceMemoryOpaqueCaptureAddressInfo.html) """ DeviceMemoryOpaqueCaptureAddressInfo(memory::DeviceMemory; next = C_NULL) = DeviceMemoryOpaqueCaptureAddressInfo(next, memory) """ Extension: VK\\_EXT\\_line\\_rasterization Arguments: - `rectangular_lines::Bool` - `bresenham_lines::Bool` - `smooth_lines::Bool` - `stippled_rectangular_lines::Bool` - `stippled_bresenham_lines::Bool` - `stippled_smooth_lines::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLineRasterizationFeaturesEXT.html) """ PhysicalDeviceLineRasterizationFeaturesEXT(rectangular_lines::Bool, bresenham_lines::Bool, smooth_lines::Bool, stippled_rectangular_lines::Bool, stippled_bresenham_lines::Bool, stippled_smooth_lines::Bool; next = C_NULL) = PhysicalDeviceLineRasterizationFeaturesEXT(next, rectangular_lines, bresenham_lines, smooth_lines, stippled_rectangular_lines, stippled_bresenham_lines, stippled_smooth_lines) """ Extension: VK\\_EXT\\_line\\_rasterization Arguments: - `line_sub_pixel_precision_bits::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLineRasterizationPropertiesEXT.html) """ PhysicalDeviceLineRasterizationPropertiesEXT(line_sub_pixel_precision_bits::Integer; next = C_NULL) = PhysicalDeviceLineRasterizationPropertiesEXT(next, line_sub_pixel_precision_bits) """ Extension: VK\\_EXT\\_line\\_rasterization Arguments: - `line_rasterization_mode::LineRasterizationModeEXT` - `stippled_line_enable::Bool` - `line_stipple_factor::UInt32` - `line_stipple_pattern::UInt16` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationLineStateCreateInfoEXT.html) """ PipelineRasterizationLineStateCreateInfoEXT(line_rasterization_mode::LineRasterizationModeEXT, stippled_line_enable::Bool, line_stipple_factor::Integer, line_stipple_pattern::Integer; next = C_NULL) = PipelineRasterizationLineStateCreateInfoEXT(next, line_rasterization_mode, stippled_line_enable, line_stipple_factor, line_stipple_pattern) """ Arguments: - `pipeline_creation_cache_control::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineCreationCacheControlFeatures.html) """ PhysicalDevicePipelineCreationCacheControlFeatures(pipeline_creation_cache_control::Bool; next = C_NULL) = PhysicalDevicePipelineCreationCacheControlFeatures(next, pipeline_creation_cache_control) """ Arguments: - `storage_buffer_16_bit_access::Bool` - `uniform_and_storage_buffer_16_bit_access::Bool` - `storage_push_constant_16::Bool` - `storage_input_output_16::Bool` - `multiview::Bool` - `multiview_geometry_shader::Bool` - `multiview_tessellation_shader::Bool` - `variable_pointers_storage_buffer::Bool` - `variable_pointers::Bool` - `protected_memory::Bool` - `sampler_ycbcr_conversion::Bool` - `shader_draw_parameters::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan11Features.html) """ PhysicalDeviceVulkan11Features(storage_buffer_16_bit_access::Bool, uniform_and_storage_buffer_16_bit_access::Bool, storage_push_constant_16::Bool, storage_input_output_16::Bool, multiview::Bool, multiview_geometry_shader::Bool, multiview_tessellation_shader::Bool, variable_pointers_storage_buffer::Bool, variable_pointers::Bool, protected_memory::Bool, sampler_ycbcr_conversion::Bool, shader_draw_parameters::Bool; next = C_NULL) = PhysicalDeviceVulkan11Features(next, storage_buffer_16_bit_access, uniform_and_storage_buffer_16_bit_access, storage_push_constant_16, storage_input_output_16, multiview, multiview_geometry_shader, multiview_tessellation_shader, variable_pointers_storage_buffer, variable_pointers, protected_memory, sampler_ycbcr_conversion, shader_draw_parameters) """ Arguments: - `device_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `driver_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `device_luid::NTuple{Int(VK_LUID_SIZE), UInt8}` - `device_node_mask::UInt32` - `device_luid_valid::Bool` - `subgroup_size::UInt32` - `subgroup_supported_stages::ShaderStageFlag` - `subgroup_supported_operations::SubgroupFeatureFlag` - `subgroup_quad_operations_in_all_stages::Bool` - `point_clipping_behavior::PointClippingBehavior` - `max_multiview_view_count::UInt32` - `max_multiview_instance_index::UInt32` - `protected_no_fault::Bool` - `max_per_set_descriptors::UInt32` - `max_memory_allocation_size::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan11Properties.html) """ PhysicalDeviceVulkan11Properties(device_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}, driver_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}, device_luid::NTuple{Int(VK_LUID_SIZE), UInt8}, device_node_mask::Integer, device_luid_valid::Bool, subgroup_size::Integer, subgroup_supported_stages::ShaderStageFlag, subgroup_supported_operations::SubgroupFeatureFlag, subgroup_quad_operations_in_all_stages::Bool, point_clipping_behavior::PointClippingBehavior, max_multiview_view_count::Integer, max_multiview_instance_index::Integer, protected_no_fault::Bool, max_per_set_descriptors::Integer, max_memory_allocation_size::Integer; next = C_NULL) = PhysicalDeviceVulkan11Properties(next, device_uuid, driver_uuid, device_luid, device_node_mask, device_luid_valid, subgroup_size, subgroup_supported_stages, subgroup_supported_operations, subgroup_quad_operations_in_all_stages, point_clipping_behavior, max_multiview_view_count, max_multiview_instance_index, protected_no_fault, max_per_set_descriptors, max_memory_allocation_size) """ Arguments: - `sampler_mirror_clamp_to_edge::Bool` - `draw_indirect_count::Bool` - `storage_buffer_8_bit_access::Bool` - `uniform_and_storage_buffer_8_bit_access::Bool` - `storage_push_constant_8::Bool` - `shader_buffer_int_64_atomics::Bool` - `shader_shared_int_64_atomics::Bool` - `shader_float_16::Bool` - `shader_int_8::Bool` - `descriptor_indexing::Bool` - `shader_input_attachment_array_dynamic_indexing::Bool` - `shader_uniform_texel_buffer_array_dynamic_indexing::Bool` - `shader_storage_texel_buffer_array_dynamic_indexing::Bool` - `shader_uniform_buffer_array_non_uniform_indexing::Bool` - `shader_sampled_image_array_non_uniform_indexing::Bool` - `shader_storage_buffer_array_non_uniform_indexing::Bool` - `shader_storage_image_array_non_uniform_indexing::Bool` - `shader_input_attachment_array_non_uniform_indexing::Bool` - `shader_uniform_texel_buffer_array_non_uniform_indexing::Bool` - `shader_storage_texel_buffer_array_non_uniform_indexing::Bool` - `descriptor_binding_uniform_buffer_update_after_bind::Bool` - `descriptor_binding_sampled_image_update_after_bind::Bool` - `descriptor_binding_storage_image_update_after_bind::Bool` - `descriptor_binding_storage_buffer_update_after_bind::Bool` - `descriptor_binding_uniform_texel_buffer_update_after_bind::Bool` - `descriptor_binding_storage_texel_buffer_update_after_bind::Bool` - `descriptor_binding_update_unused_while_pending::Bool` - `descriptor_binding_partially_bound::Bool` - `descriptor_binding_variable_descriptor_count::Bool` - `runtime_descriptor_array::Bool` - `sampler_filter_minmax::Bool` - `scalar_block_layout::Bool` - `imageless_framebuffer::Bool` - `uniform_buffer_standard_layout::Bool` - `shader_subgroup_extended_types::Bool` - `separate_depth_stencil_layouts::Bool` - `host_query_reset::Bool` - `timeline_semaphore::Bool` - `buffer_device_address::Bool` - `buffer_device_address_capture_replay::Bool` - `buffer_device_address_multi_device::Bool` - `vulkan_memory_model::Bool` - `vulkan_memory_model_device_scope::Bool` - `vulkan_memory_model_availability_visibility_chains::Bool` - `shader_output_viewport_index::Bool` - `shader_output_layer::Bool` - `subgroup_broadcast_dynamic_id::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan12Features.html) """ PhysicalDeviceVulkan12Features(sampler_mirror_clamp_to_edge::Bool, draw_indirect_count::Bool, storage_buffer_8_bit_access::Bool, uniform_and_storage_buffer_8_bit_access::Bool, storage_push_constant_8::Bool, shader_buffer_int_64_atomics::Bool, shader_shared_int_64_atomics::Bool, shader_float_16::Bool, shader_int_8::Bool, descriptor_indexing::Bool, shader_input_attachment_array_dynamic_indexing::Bool, shader_uniform_texel_buffer_array_dynamic_indexing::Bool, shader_storage_texel_buffer_array_dynamic_indexing::Bool, shader_uniform_buffer_array_non_uniform_indexing::Bool, shader_sampled_image_array_non_uniform_indexing::Bool, shader_storage_buffer_array_non_uniform_indexing::Bool, shader_storage_image_array_non_uniform_indexing::Bool, shader_input_attachment_array_non_uniform_indexing::Bool, shader_uniform_texel_buffer_array_non_uniform_indexing::Bool, shader_storage_texel_buffer_array_non_uniform_indexing::Bool, descriptor_binding_uniform_buffer_update_after_bind::Bool, descriptor_binding_sampled_image_update_after_bind::Bool, descriptor_binding_storage_image_update_after_bind::Bool, descriptor_binding_storage_buffer_update_after_bind::Bool, descriptor_binding_uniform_texel_buffer_update_after_bind::Bool, descriptor_binding_storage_texel_buffer_update_after_bind::Bool, descriptor_binding_update_unused_while_pending::Bool, descriptor_binding_partially_bound::Bool, descriptor_binding_variable_descriptor_count::Bool, runtime_descriptor_array::Bool, sampler_filter_minmax::Bool, scalar_block_layout::Bool, imageless_framebuffer::Bool, uniform_buffer_standard_layout::Bool, shader_subgroup_extended_types::Bool, separate_depth_stencil_layouts::Bool, host_query_reset::Bool, timeline_semaphore::Bool, buffer_device_address::Bool, buffer_device_address_capture_replay::Bool, buffer_device_address_multi_device::Bool, vulkan_memory_model::Bool, vulkan_memory_model_device_scope::Bool, vulkan_memory_model_availability_visibility_chains::Bool, shader_output_viewport_index::Bool, shader_output_layer::Bool, subgroup_broadcast_dynamic_id::Bool; next = C_NULL) = PhysicalDeviceVulkan12Features(next, sampler_mirror_clamp_to_edge, draw_indirect_count, storage_buffer_8_bit_access, uniform_and_storage_buffer_8_bit_access, storage_push_constant_8, shader_buffer_int_64_atomics, shader_shared_int_64_atomics, shader_float_16, shader_int_8, descriptor_indexing, shader_input_attachment_array_dynamic_indexing, shader_uniform_texel_buffer_array_dynamic_indexing, shader_storage_texel_buffer_array_dynamic_indexing, shader_uniform_buffer_array_non_uniform_indexing, shader_sampled_image_array_non_uniform_indexing, shader_storage_buffer_array_non_uniform_indexing, shader_storage_image_array_non_uniform_indexing, shader_input_attachment_array_non_uniform_indexing, shader_uniform_texel_buffer_array_non_uniform_indexing, shader_storage_texel_buffer_array_non_uniform_indexing, descriptor_binding_uniform_buffer_update_after_bind, descriptor_binding_sampled_image_update_after_bind, descriptor_binding_storage_image_update_after_bind, descriptor_binding_storage_buffer_update_after_bind, descriptor_binding_uniform_texel_buffer_update_after_bind, descriptor_binding_storage_texel_buffer_update_after_bind, descriptor_binding_update_unused_while_pending, descriptor_binding_partially_bound, descriptor_binding_variable_descriptor_count, runtime_descriptor_array, sampler_filter_minmax, scalar_block_layout, imageless_framebuffer, uniform_buffer_standard_layout, shader_subgroup_extended_types, separate_depth_stencil_layouts, host_query_reset, timeline_semaphore, buffer_device_address, buffer_device_address_capture_replay, buffer_device_address_multi_device, vulkan_memory_model, vulkan_memory_model_device_scope, vulkan_memory_model_availability_visibility_chains, shader_output_viewport_index, shader_output_layer, subgroup_broadcast_dynamic_id) """ Arguments: - `driver_id::DriverId` - `driver_name::String` - `driver_info::String` - `conformance_version::ConformanceVersion` - `denorm_behavior_independence::ShaderFloatControlsIndependence` - `rounding_mode_independence::ShaderFloatControlsIndependence` - `shader_signed_zero_inf_nan_preserve_float_16::Bool` - `shader_signed_zero_inf_nan_preserve_float_32::Bool` - `shader_signed_zero_inf_nan_preserve_float_64::Bool` - `shader_denorm_preserve_float_16::Bool` - `shader_denorm_preserve_float_32::Bool` - `shader_denorm_preserve_float_64::Bool` - `shader_denorm_flush_to_zero_float_16::Bool` - `shader_denorm_flush_to_zero_float_32::Bool` - `shader_denorm_flush_to_zero_float_64::Bool` - `shader_rounding_mode_rte_float_16::Bool` - `shader_rounding_mode_rte_float_32::Bool` - `shader_rounding_mode_rte_float_64::Bool` - `shader_rounding_mode_rtz_float_16::Bool` - `shader_rounding_mode_rtz_float_32::Bool` - `shader_rounding_mode_rtz_float_64::Bool` - `max_update_after_bind_descriptors_in_all_pools::UInt32` - `shader_uniform_buffer_array_non_uniform_indexing_native::Bool` - `shader_sampled_image_array_non_uniform_indexing_native::Bool` - `shader_storage_buffer_array_non_uniform_indexing_native::Bool` - `shader_storage_image_array_non_uniform_indexing_native::Bool` - `shader_input_attachment_array_non_uniform_indexing_native::Bool` - `robust_buffer_access_update_after_bind::Bool` - `quad_divergent_implicit_lod::Bool` - `max_per_stage_descriptor_update_after_bind_samplers::UInt32` - `max_per_stage_descriptor_update_after_bind_uniform_buffers::UInt32` - `max_per_stage_descriptor_update_after_bind_storage_buffers::UInt32` - `max_per_stage_descriptor_update_after_bind_sampled_images::UInt32` - `max_per_stage_descriptor_update_after_bind_storage_images::UInt32` - `max_per_stage_descriptor_update_after_bind_input_attachments::UInt32` - `max_per_stage_update_after_bind_resources::UInt32` - `max_descriptor_set_update_after_bind_samplers::UInt32` - `max_descriptor_set_update_after_bind_uniform_buffers::UInt32` - `max_descriptor_set_update_after_bind_uniform_buffers_dynamic::UInt32` - `max_descriptor_set_update_after_bind_storage_buffers::UInt32` - `max_descriptor_set_update_after_bind_storage_buffers_dynamic::UInt32` - `max_descriptor_set_update_after_bind_sampled_images::UInt32` - `max_descriptor_set_update_after_bind_storage_images::UInt32` - `max_descriptor_set_update_after_bind_input_attachments::UInt32` - `supported_depth_resolve_modes::ResolveModeFlag` - `supported_stencil_resolve_modes::ResolveModeFlag` - `independent_resolve_none::Bool` - `independent_resolve::Bool` - `filter_minmax_single_component_formats::Bool` - `filter_minmax_image_component_mapping::Bool` - `max_timeline_semaphore_value_difference::UInt64` - `next::Any`: defaults to `C_NULL` - `framebuffer_integer_color_sample_counts::SampleCountFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan12Properties.html) """ PhysicalDeviceVulkan12Properties(driver_id::DriverId, driver_name::AbstractString, driver_info::AbstractString, conformance_version::ConformanceVersion, denorm_behavior_independence::ShaderFloatControlsIndependence, rounding_mode_independence::ShaderFloatControlsIndependence, shader_signed_zero_inf_nan_preserve_float_16::Bool, shader_signed_zero_inf_nan_preserve_float_32::Bool, shader_signed_zero_inf_nan_preserve_float_64::Bool, shader_denorm_preserve_float_16::Bool, shader_denorm_preserve_float_32::Bool, shader_denorm_preserve_float_64::Bool, shader_denorm_flush_to_zero_float_16::Bool, shader_denorm_flush_to_zero_float_32::Bool, shader_denorm_flush_to_zero_float_64::Bool, shader_rounding_mode_rte_float_16::Bool, shader_rounding_mode_rte_float_32::Bool, shader_rounding_mode_rte_float_64::Bool, shader_rounding_mode_rtz_float_16::Bool, shader_rounding_mode_rtz_float_32::Bool, shader_rounding_mode_rtz_float_64::Bool, max_update_after_bind_descriptors_in_all_pools::Integer, shader_uniform_buffer_array_non_uniform_indexing_native::Bool, shader_sampled_image_array_non_uniform_indexing_native::Bool, shader_storage_buffer_array_non_uniform_indexing_native::Bool, shader_storage_image_array_non_uniform_indexing_native::Bool, shader_input_attachment_array_non_uniform_indexing_native::Bool, robust_buffer_access_update_after_bind::Bool, quad_divergent_implicit_lod::Bool, max_per_stage_descriptor_update_after_bind_samplers::Integer, max_per_stage_descriptor_update_after_bind_uniform_buffers::Integer, max_per_stage_descriptor_update_after_bind_storage_buffers::Integer, max_per_stage_descriptor_update_after_bind_sampled_images::Integer, max_per_stage_descriptor_update_after_bind_storage_images::Integer, max_per_stage_descriptor_update_after_bind_input_attachments::Integer, max_per_stage_update_after_bind_resources::Integer, max_descriptor_set_update_after_bind_samplers::Integer, max_descriptor_set_update_after_bind_uniform_buffers::Integer, max_descriptor_set_update_after_bind_uniform_buffers_dynamic::Integer, max_descriptor_set_update_after_bind_storage_buffers::Integer, max_descriptor_set_update_after_bind_storage_buffers_dynamic::Integer, max_descriptor_set_update_after_bind_sampled_images::Integer, max_descriptor_set_update_after_bind_storage_images::Integer, max_descriptor_set_update_after_bind_input_attachments::Integer, supported_depth_resolve_modes::ResolveModeFlag, supported_stencil_resolve_modes::ResolveModeFlag, independent_resolve_none::Bool, independent_resolve::Bool, filter_minmax_single_component_formats::Bool, filter_minmax_image_component_mapping::Bool, max_timeline_semaphore_value_difference::Integer; next = C_NULL, framebuffer_integer_color_sample_counts = 0) = PhysicalDeviceVulkan12Properties(next, driver_id, driver_name, driver_info, conformance_version, denorm_behavior_independence, rounding_mode_independence, shader_signed_zero_inf_nan_preserve_float_16, shader_signed_zero_inf_nan_preserve_float_32, shader_signed_zero_inf_nan_preserve_float_64, shader_denorm_preserve_float_16, shader_denorm_preserve_float_32, shader_denorm_preserve_float_64, shader_denorm_flush_to_zero_float_16, shader_denorm_flush_to_zero_float_32, shader_denorm_flush_to_zero_float_64, shader_rounding_mode_rte_float_16, shader_rounding_mode_rte_float_32, shader_rounding_mode_rte_float_64, shader_rounding_mode_rtz_float_16, shader_rounding_mode_rtz_float_32, shader_rounding_mode_rtz_float_64, max_update_after_bind_descriptors_in_all_pools, shader_uniform_buffer_array_non_uniform_indexing_native, shader_sampled_image_array_non_uniform_indexing_native, shader_storage_buffer_array_non_uniform_indexing_native, shader_storage_image_array_non_uniform_indexing_native, shader_input_attachment_array_non_uniform_indexing_native, robust_buffer_access_update_after_bind, quad_divergent_implicit_lod, max_per_stage_descriptor_update_after_bind_samplers, max_per_stage_descriptor_update_after_bind_uniform_buffers, max_per_stage_descriptor_update_after_bind_storage_buffers, max_per_stage_descriptor_update_after_bind_sampled_images, max_per_stage_descriptor_update_after_bind_storage_images, max_per_stage_descriptor_update_after_bind_input_attachments, max_per_stage_update_after_bind_resources, max_descriptor_set_update_after_bind_samplers, max_descriptor_set_update_after_bind_uniform_buffers, max_descriptor_set_update_after_bind_uniform_buffers_dynamic, max_descriptor_set_update_after_bind_storage_buffers, max_descriptor_set_update_after_bind_storage_buffers_dynamic, max_descriptor_set_update_after_bind_sampled_images, max_descriptor_set_update_after_bind_storage_images, max_descriptor_set_update_after_bind_input_attachments, supported_depth_resolve_modes, supported_stencil_resolve_modes, independent_resolve_none, independent_resolve, filter_minmax_single_component_formats, filter_minmax_image_component_mapping, max_timeline_semaphore_value_difference, framebuffer_integer_color_sample_counts) """ Arguments: - `robust_image_access::Bool` - `inline_uniform_block::Bool` - `descriptor_binding_inline_uniform_block_update_after_bind::Bool` - `pipeline_creation_cache_control::Bool` - `private_data::Bool` - `shader_demote_to_helper_invocation::Bool` - `shader_terminate_invocation::Bool` - `subgroup_size_control::Bool` - `compute_full_subgroups::Bool` - `synchronization2::Bool` - `texture_compression_astc_hdr::Bool` - `shader_zero_initialize_workgroup_memory::Bool` - `dynamic_rendering::Bool` - `shader_integer_dot_product::Bool` - `maintenance4::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan13Features.html) """ PhysicalDeviceVulkan13Features(robust_image_access::Bool, inline_uniform_block::Bool, descriptor_binding_inline_uniform_block_update_after_bind::Bool, pipeline_creation_cache_control::Bool, private_data::Bool, shader_demote_to_helper_invocation::Bool, shader_terminate_invocation::Bool, subgroup_size_control::Bool, compute_full_subgroups::Bool, synchronization2::Bool, texture_compression_astc_hdr::Bool, shader_zero_initialize_workgroup_memory::Bool, dynamic_rendering::Bool, shader_integer_dot_product::Bool, maintenance4::Bool; next = C_NULL) = PhysicalDeviceVulkan13Features(next, robust_image_access, inline_uniform_block, descriptor_binding_inline_uniform_block_update_after_bind, pipeline_creation_cache_control, private_data, shader_demote_to_helper_invocation, shader_terminate_invocation, subgroup_size_control, compute_full_subgroups, synchronization2, texture_compression_astc_hdr, shader_zero_initialize_workgroup_memory, dynamic_rendering, shader_integer_dot_product, maintenance4) """ Arguments: - `min_subgroup_size::UInt32` - `max_subgroup_size::UInt32` - `max_compute_workgroup_subgroups::UInt32` - `required_subgroup_size_stages::ShaderStageFlag` - `max_inline_uniform_block_size::UInt32` - `max_per_stage_descriptor_inline_uniform_blocks::UInt32` - `max_per_stage_descriptor_update_after_bind_inline_uniform_blocks::UInt32` - `max_descriptor_set_inline_uniform_blocks::UInt32` - `max_descriptor_set_update_after_bind_inline_uniform_blocks::UInt32` - `max_inline_uniform_total_size::UInt32` - `integer_dot_product_8_bit_unsigned_accelerated::Bool` - `integer_dot_product_8_bit_signed_accelerated::Bool` - `integer_dot_product_8_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_8_bit_packed_unsigned_accelerated::Bool` - `integer_dot_product_8_bit_packed_signed_accelerated::Bool` - `integer_dot_product_8_bit_packed_mixed_signedness_accelerated::Bool` - `integer_dot_product_16_bit_unsigned_accelerated::Bool` - `integer_dot_product_16_bit_signed_accelerated::Bool` - `integer_dot_product_16_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_32_bit_unsigned_accelerated::Bool` - `integer_dot_product_32_bit_signed_accelerated::Bool` - `integer_dot_product_32_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_64_bit_unsigned_accelerated::Bool` - `integer_dot_product_64_bit_signed_accelerated::Bool` - `integer_dot_product_64_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_16_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_32_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_64_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated::Bool` - `storage_texel_buffer_offset_alignment_bytes::UInt64` - `storage_texel_buffer_offset_single_texel_alignment::Bool` - `uniform_texel_buffer_offset_alignment_bytes::UInt64` - `uniform_texel_buffer_offset_single_texel_alignment::Bool` - `max_buffer_size::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan13Properties.html) """ PhysicalDeviceVulkan13Properties(min_subgroup_size::Integer, max_subgroup_size::Integer, max_compute_workgroup_subgroups::Integer, required_subgroup_size_stages::ShaderStageFlag, max_inline_uniform_block_size::Integer, max_per_stage_descriptor_inline_uniform_blocks::Integer, max_per_stage_descriptor_update_after_bind_inline_uniform_blocks::Integer, max_descriptor_set_inline_uniform_blocks::Integer, max_descriptor_set_update_after_bind_inline_uniform_blocks::Integer, max_inline_uniform_total_size::Integer, integer_dot_product_8_bit_unsigned_accelerated::Bool, integer_dot_product_8_bit_signed_accelerated::Bool, integer_dot_product_8_bit_mixed_signedness_accelerated::Bool, integer_dot_product_8_bit_packed_unsigned_accelerated::Bool, integer_dot_product_8_bit_packed_signed_accelerated::Bool, integer_dot_product_8_bit_packed_mixed_signedness_accelerated::Bool, integer_dot_product_16_bit_unsigned_accelerated::Bool, integer_dot_product_16_bit_signed_accelerated::Bool, integer_dot_product_16_bit_mixed_signedness_accelerated::Bool, integer_dot_product_32_bit_unsigned_accelerated::Bool, integer_dot_product_32_bit_signed_accelerated::Bool, integer_dot_product_32_bit_mixed_signedness_accelerated::Bool, integer_dot_product_64_bit_unsigned_accelerated::Bool, integer_dot_product_64_bit_signed_accelerated::Bool, integer_dot_product_64_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_16_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_32_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_64_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated::Bool, storage_texel_buffer_offset_alignment_bytes::Integer, storage_texel_buffer_offset_single_texel_alignment::Bool, uniform_texel_buffer_offset_alignment_bytes::Integer, uniform_texel_buffer_offset_single_texel_alignment::Bool, max_buffer_size::Integer; next = C_NULL) = PhysicalDeviceVulkan13Properties(next, min_subgroup_size, max_subgroup_size, max_compute_workgroup_subgroups, required_subgroup_size_stages, max_inline_uniform_block_size, max_per_stage_descriptor_inline_uniform_blocks, max_per_stage_descriptor_update_after_bind_inline_uniform_blocks, max_descriptor_set_inline_uniform_blocks, max_descriptor_set_update_after_bind_inline_uniform_blocks, max_inline_uniform_total_size, integer_dot_product_8_bit_unsigned_accelerated, integer_dot_product_8_bit_signed_accelerated, integer_dot_product_8_bit_mixed_signedness_accelerated, integer_dot_product_8_bit_packed_unsigned_accelerated, integer_dot_product_8_bit_packed_signed_accelerated, integer_dot_product_8_bit_packed_mixed_signedness_accelerated, integer_dot_product_16_bit_unsigned_accelerated, integer_dot_product_16_bit_signed_accelerated, integer_dot_product_16_bit_mixed_signedness_accelerated, integer_dot_product_32_bit_unsigned_accelerated, integer_dot_product_32_bit_signed_accelerated, integer_dot_product_32_bit_mixed_signedness_accelerated, integer_dot_product_64_bit_unsigned_accelerated, integer_dot_product_64_bit_signed_accelerated, integer_dot_product_64_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_8_bit_signed_accelerated, integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated, integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated, integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_16_bit_signed_accelerated, integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_32_bit_signed_accelerated, integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_64_bit_signed_accelerated, integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated, storage_texel_buffer_offset_alignment_bytes, storage_texel_buffer_offset_single_texel_alignment, uniform_texel_buffer_offset_alignment_bytes, uniform_texel_buffer_offset_single_texel_alignment, max_buffer_size) """ Extension: VK\\_AMD\\_pipeline\\_compiler\\_control Arguments: - `next::Any`: defaults to `C_NULL` - `compiler_control_flags::PipelineCompilerControlFlagAMD`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCompilerControlCreateInfoAMD.html) """ PipelineCompilerControlCreateInfoAMD(; next = C_NULL, compiler_control_flags = 0) = PipelineCompilerControlCreateInfoAMD(next, compiler_control_flags) """ Extension: VK\\_AMD\\_device\\_coherent\\_memory Arguments: - `device_coherent_memory::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCoherentMemoryFeaturesAMD.html) """ PhysicalDeviceCoherentMemoryFeaturesAMD(device_coherent_memory::Bool; next = C_NULL) = PhysicalDeviceCoherentMemoryFeaturesAMD(next, device_coherent_memory) """ Arguments: - `name::String` - `version::String` - `purposes::ToolPurposeFlag` - `description::String` - `layer::String` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceToolProperties.html) """ PhysicalDeviceToolProperties(name::AbstractString, version::AbstractString, purposes::ToolPurposeFlag, description::AbstractString, layer::AbstractString; next = C_NULL) = PhysicalDeviceToolProperties(next, name, version, purposes, description, layer) """ Extension: VK\\_EXT\\_custom\\_border\\_color Arguments: - `custom_border_color::ClearColorValue` - `format::Format` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerCustomBorderColorCreateInfoEXT.html) """ SamplerCustomBorderColorCreateInfoEXT(custom_border_color::ClearColorValue, format::Format; next = C_NULL) = SamplerCustomBorderColorCreateInfoEXT(next, custom_border_color, format) """ Extension: VK\\_EXT\\_custom\\_border\\_color Arguments: - `max_custom_border_color_samplers::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCustomBorderColorPropertiesEXT.html) """ PhysicalDeviceCustomBorderColorPropertiesEXT(max_custom_border_color_samplers::Integer; next = C_NULL) = PhysicalDeviceCustomBorderColorPropertiesEXT(next, max_custom_border_color_samplers) """ Extension: VK\\_EXT\\_custom\\_border\\_color Arguments: - `custom_border_colors::Bool` - `custom_border_color_without_format::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCustomBorderColorFeaturesEXT.html) """ PhysicalDeviceCustomBorderColorFeaturesEXT(custom_border_colors::Bool, custom_border_color_without_format::Bool; next = C_NULL) = PhysicalDeviceCustomBorderColorFeaturesEXT(next, custom_border_colors, custom_border_color_without_format) """ Extension: VK\\_EXT\\_border\\_color\\_swizzle Arguments: - `components::ComponentMapping` - `srgb::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerBorderColorComponentMappingCreateInfoEXT.html) """ SamplerBorderColorComponentMappingCreateInfoEXT(components::ComponentMapping, srgb::Bool; next = C_NULL) = SamplerBorderColorComponentMappingCreateInfoEXT(next, components, srgb) """ Extension: VK\\_EXT\\_border\\_color\\_swizzle Arguments: - `border_color_swizzle::Bool` - `border_color_swizzle_from_image::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBorderColorSwizzleFeaturesEXT.html) """ PhysicalDeviceBorderColorSwizzleFeaturesEXT(border_color_swizzle::Bool, border_color_swizzle_from_image::Bool; next = C_NULL) = PhysicalDeviceBorderColorSwizzleFeaturesEXT(next, border_color_swizzle, border_color_swizzle_from_image) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `vertex_format::Format` - `vertex_data::DeviceOrHostAddressConstKHR` - `vertex_stride::UInt64` - `max_vertex::UInt32` - `index_type::IndexType` - `index_data::DeviceOrHostAddressConstKHR` - `transform_data::DeviceOrHostAddressConstKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryTrianglesDataKHR.html) """ AccelerationStructureGeometryTrianglesDataKHR(vertex_format::Format, vertex_data::DeviceOrHostAddressConstKHR, vertex_stride::Integer, max_vertex::Integer, index_type::IndexType, index_data::DeviceOrHostAddressConstKHR, transform_data::DeviceOrHostAddressConstKHR; next = C_NULL) = AccelerationStructureGeometryTrianglesDataKHR(next, vertex_format, vertex_data, vertex_stride, max_vertex, index_type, index_data, transform_data) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `data::DeviceOrHostAddressConstKHR` - `stride::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryAabbsDataKHR.html) """ AccelerationStructureGeometryAabbsDataKHR(data::DeviceOrHostAddressConstKHR, stride::Integer; next = C_NULL) = AccelerationStructureGeometryAabbsDataKHR(next, data, stride) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `array_of_pointers::Bool` - `data::DeviceOrHostAddressConstKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryInstancesDataKHR.html) """ AccelerationStructureGeometryInstancesDataKHR(array_of_pointers::Bool, data::DeviceOrHostAddressConstKHR; next = C_NULL) = AccelerationStructureGeometryInstancesDataKHR(next, array_of_pointers, data) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `geometry_type::GeometryTypeKHR` - `geometry::AccelerationStructureGeometryDataKHR` - `next::Any`: defaults to `C_NULL` - `flags::GeometryFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryKHR.html) """ AccelerationStructureGeometryKHR(geometry_type::GeometryTypeKHR, geometry::AccelerationStructureGeometryDataKHR; next = C_NULL, flags = 0) = AccelerationStructureGeometryKHR(next, geometry_type, geometry, flags) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `type::AccelerationStructureTypeKHR` - `mode::BuildAccelerationStructureModeKHR` - `scratch_data::DeviceOrHostAddressKHR` - `next::Any`: defaults to `C_NULL` - `flags::BuildAccelerationStructureFlagKHR`: defaults to `0` - `src_acceleration_structure::AccelerationStructureKHR`: defaults to `C_NULL` - `dst_acceleration_structure::AccelerationStructureKHR`: defaults to `C_NULL` - `geometries::Vector{AccelerationStructureGeometryKHR}`: defaults to `C_NULL` - `geometries_2::Vector{AccelerationStructureGeometryKHR}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureBuildGeometryInfoKHR.html) """ AccelerationStructureBuildGeometryInfoKHR(type::AccelerationStructureTypeKHR, mode::BuildAccelerationStructureModeKHR, scratch_data::DeviceOrHostAddressKHR; next = C_NULL, flags = 0, src_acceleration_structure = C_NULL, dst_acceleration_structure = C_NULL, geometries = C_NULL, geometries_2 = C_NULL) = AccelerationStructureBuildGeometryInfoKHR(next, type, flags, mode, src_acceleration_structure, dst_acceleration_structure, geometries, geometries_2, scratch_data) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `type::AccelerationStructureTypeKHR` - `next::Any`: defaults to `C_NULL` - `create_flags::AccelerationStructureCreateFlagKHR`: defaults to `0` - `device_address::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureCreateInfoKHR.html) """ AccelerationStructureCreateInfoKHR(buffer::Buffer, offset::Integer, size::Integer, type::AccelerationStructureTypeKHR; next = C_NULL, create_flags = 0, device_address = 0) = AccelerationStructureCreateInfoKHR(next, create_flags, buffer, offset, size, type, device_address) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `transform::TransformMatrixKHR` - `instance_custom_index::UInt32` - `mask::UInt32` - `instance_shader_binding_table_record_offset::UInt32` - `acceleration_structure_reference::UInt64` - `flags::GeometryInstanceFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureInstanceKHR.html) """ AccelerationStructureInstanceKHR(transform::TransformMatrixKHR, instance_custom_index::Integer, mask::Integer, instance_shader_binding_table_record_offset::Integer, acceleration_structure_reference::Integer; flags = 0) = AccelerationStructureInstanceKHR(transform, instance_custom_index, mask, instance_shader_binding_table_record_offset, flags, acceleration_structure_reference) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `acceleration_structure::AccelerationStructureKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureDeviceAddressInfoKHR.html) """ AccelerationStructureDeviceAddressInfoKHR(acceleration_structure::AccelerationStructureKHR; next = C_NULL) = AccelerationStructureDeviceAddressInfoKHR(next, acceleration_structure) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `version_data::Vector{UInt8}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureVersionInfoKHR.html) """ AccelerationStructureVersionInfoKHR(version_data::AbstractArray; next = C_NULL) = AccelerationStructureVersionInfoKHR(next, version_data) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `src::AccelerationStructureKHR` - `dst::AccelerationStructureKHR` - `mode::CopyAccelerationStructureModeKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyAccelerationStructureInfoKHR.html) """ CopyAccelerationStructureInfoKHR(src::AccelerationStructureKHR, dst::AccelerationStructureKHR, mode::CopyAccelerationStructureModeKHR; next = C_NULL) = CopyAccelerationStructureInfoKHR(next, src, dst, mode) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `src::AccelerationStructureKHR` - `dst::DeviceOrHostAddressKHR` - `mode::CopyAccelerationStructureModeKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyAccelerationStructureToMemoryInfoKHR.html) """ CopyAccelerationStructureToMemoryInfoKHR(src::AccelerationStructureKHR, dst::DeviceOrHostAddressKHR, mode::CopyAccelerationStructureModeKHR; next = C_NULL) = CopyAccelerationStructureToMemoryInfoKHR(next, src, dst, mode) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `src::DeviceOrHostAddressConstKHR` - `dst::AccelerationStructureKHR` - `mode::CopyAccelerationStructureModeKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryToAccelerationStructureInfoKHR.html) """ CopyMemoryToAccelerationStructureInfoKHR(src::DeviceOrHostAddressConstKHR, dst::AccelerationStructureKHR, mode::CopyAccelerationStructureModeKHR; next = C_NULL) = CopyMemoryToAccelerationStructureInfoKHR(next, src, dst, mode) """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `max_pipeline_ray_payload_size::UInt32` - `max_pipeline_ray_hit_attribute_size::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingPipelineInterfaceCreateInfoKHR.html) """ RayTracingPipelineInterfaceCreateInfoKHR(max_pipeline_ray_payload_size::Integer, max_pipeline_ray_hit_attribute_size::Integer; next = C_NULL) = RayTracingPipelineInterfaceCreateInfoKHR(next, max_pipeline_ray_payload_size, max_pipeline_ray_hit_attribute_size) """ Extension: VK\\_KHR\\_pipeline\\_library Arguments: - `libraries::Vector{Pipeline}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineLibraryCreateInfoKHR.html) """ PipelineLibraryCreateInfoKHR(libraries::AbstractArray; next = C_NULL) = PipelineLibraryCreateInfoKHR(next, libraries) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state Arguments: - `extended_dynamic_state::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicStateFeaturesEXT.html) """ PhysicalDeviceExtendedDynamicStateFeaturesEXT(extended_dynamic_state::Bool; next = C_NULL) = PhysicalDeviceExtendedDynamicStateFeaturesEXT(next, extended_dynamic_state) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state2 Arguments: - `extended_dynamic_state_2::Bool` - `extended_dynamic_state_2_logic_op::Bool` - `extended_dynamic_state_2_patch_control_points::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicState2FeaturesEXT.html) """ PhysicalDeviceExtendedDynamicState2FeaturesEXT(extended_dynamic_state_2::Bool, extended_dynamic_state_2_logic_op::Bool, extended_dynamic_state_2_patch_control_points::Bool; next = C_NULL) = PhysicalDeviceExtendedDynamicState2FeaturesEXT(next, extended_dynamic_state_2, extended_dynamic_state_2_logic_op, extended_dynamic_state_2_patch_control_points) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `extended_dynamic_state_3_tessellation_domain_origin::Bool` - `extended_dynamic_state_3_depth_clamp_enable::Bool` - `extended_dynamic_state_3_polygon_mode::Bool` - `extended_dynamic_state_3_rasterization_samples::Bool` - `extended_dynamic_state_3_sample_mask::Bool` - `extended_dynamic_state_3_alpha_to_coverage_enable::Bool` - `extended_dynamic_state_3_alpha_to_one_enable::Bool` - `extended_dynamic_state_3_logic_op_enable::Bool` - `extended_dynamic_state_3_color_blend_enable::Bool` - `extended_dynamic_state_3_color_blend_equation::Bool` - `extended_dynamic_state_3_color_write_mask::Bool` - `extended_dynamic_state_3_rasterization_stream::Bool` - `extended_dynamic_state_3_conservative_rasterization_mode::Bool` - `extended_dynamic_state_3_extra_primitive_overestimation_size::Bool` - `extended_dynamic_state_3_depth_clip_enable::Bool` - `extended_dynamic_state_3_sample_locations_enable::Bool` - `extended_dynamic_state_3_color_blend_advanced::Bool` - `extended_dynamic_state_3_provoking_vertex_mode::Bool` - `extended_dynamic_state_3_line_rasterization_mode::Bool` - `extended_dynamic_state_3_line_stipple_enable::Bool` - `extended_dynamic_state_3_depth_clip_negative_one_to_one::Bool` - `extended_dynamic_state_3_viewport_w_scaling_enable::Bool` - `extended_dynamic_state_3_viewport_swizzle::Bool` - `extended_dynamic_state_3_coverage_to_color_enable::Bool` - `extended_dynamic_state_3_coverage_to_color_location::Bool` - `extended_dynamic_state_3_coverage_modulation_mode::Bool` - `extended_dynamic_state_3_coverage_modulation_table_enable::Bool` - `extended_dynamic_state_3_coverage_modulation_table::Bool` - `extended_dynamic_state_3_coverage_reduction_mode::Bool` - `extended_dynamic_state_3_representative_fragment_test_enable::Bool` - `extended_dynamic_state_3_shading_rate_image_enable::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicState3FeaturesEXT.html) """ PhysicalDeviceExtendedDynamicState3FeaturesEXT(extended_dynamic_state_3_tessellation_domain_origin::Bool, extended_dynamic_state_3_depth_clamp_enable::Bool, extended_dynamic_state_3_polygon_mode::Bool, extended_dynamic_state_3_rasterization_samples::Bool, extended_dynamic_state_3_sample_mask::Bool, extended_dynamic_state_3_alpha_to_coverage_enable::Bool, extended_dynamic_state_3_alpha_to_one_enable::Bool, extended_dynamic_state_3_logic_op_enable::Bool, extended_dynamic_state_3_color_blend_enable::Bool, extended_dynamic_state_3_color_blend_equation::Bool, extended_dynamic_state_3_color_write_mask::Bool, extended_dynamic_state_3_rasterization_stream::Bool, extended_dynamic_state_3_conservative_rasterization_mode::Bool, extended_dynamic_state_3_extra_primitive_overestimation_size::Bool, extended_dynamic_state_3_depth_clip_enable::Bool, extended_dynamic_state_3_sample_locations_enable::Bool, extended_dynamic_state_3_color_blend_advanced::Bool, extended_dynamic_state_3_provoking_vertex_mode::Bool, extended_dynamic_state_3_line_rasterization_mode::Bool, extended_dynamic_state_3_line_stipple_enable::Bool, extended_dynamic_state_3_depth_clip_negative_one_to_one::Bool, extended_dynamic_state_3_viewport_w_scaling_enable::Bool, extended_dynamic_state_3_viewport_swizzle::Bool, extended_dynamic_state_3_coverage_to_color_enable::Bool, extended_dynamic_state_3_coverage_to_color_location::Bool, extended_dynamic_state_3_coverage_modulation_mode::Bool, extended_dynamic_state_3_coverage_modulation_table_enable::Bool, extended_dynamic_state_3_coverage_modulation_table::Bool, extended_dynamic_state_3_coverage_reduction_mode::Bool, extended_dynamic_state_3_representative_fragment_test_enable::Bool, extended_dynamic_state_3_shading_rate_image_enable::Bool; next = C_NULL) = PhysicalDeviceExtendedDynamicState3FeaturesEXT(next, extended_dynamic_state_3_tessellation_domain_origin, extended_dynamic_state_3_depth_clamp_enable, extended_dynamic_state_3_polygon_mode, extended_dynamic_state_3_rasterization_samples, extended_dynamic_state_3_sample_mask, extended_dynamic_state_3_alpha_to_coverage_enable, extended_dynamic_state_3_alpha_to_one_enable, extended_dynamic_state_3_logic_op_enable, extended_dynamic_state_3_color_blend_enable, extended_dynamic_state_3_color_blend_equation, extended_dynamic_state_3_color_write_mask, extended_dynamic_state_3_rasterization_stream, extended_dynamic_state_3_conservative_rasterization_mode, extended_dynamic_state_3_extra_primitive_overestimation_size, extended_dynamic_state_3_depth_clip_enable, extended_dynamic_state_3_sample_locations_enable, extended_dynamic_state_3_color_blend_advanced, extended_dynamic_state_3_provoking_vertex_mode, extended_dynamic_state_3_line_rasterization_mode, extended_dynamic_state_3_line_stipple_enable, extended_dynamic_state_3_depth_clip_negative_one_to_one, extended_dynamic_state_3_viewport_w_scaling_enable, extended_dynamic_state_3_viewport_swizzle, extended_dynamic_state_3_coverage_to_color_enable, extended_dynamic_state_3_coverage_to_color_location, extended_dynamic_state_3_coverage_modulation_mode, extended_dynamic_state_3_coverage_modulation_table_enable, extended_dynamic_state_3_coverage_modulation_table, extended_dynamic_state_3_coverage_reduction_mode, extended_dynamic_state_3_representative_fragment_test_enable, extended_dynamic_state_3_shading_rate_image_enable) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `dynamic_primitive_topology_unrestricted::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicState3PropertiesEXT.html) """ PhysicalDeviceExtendedDynamicState3PropertiesEXT(dynamic_primitive_topology_unrestricted::Bool; next = C_NULL) = PhysicalDeviceExtendedDynamicState3PropertiesEXT(next, dynamic_primitive_topology_unrestricted) """ Extension: VK\\_QCOM\\_render\\_pass\\_transform Arguments: - `transform::SurfaceTransformFlagKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassTransformBeginInfoQCOM.html) """ RenderPassTransformBeginInfoQCOM(transform::SurfaceTransformFlagKHR; next = C_NULL) = RenderPassTransformBeginInfoQCOM(next, transform) """ Extension: VK\\_QCOM\\_rotated\\_copy\\_commands Arguments: - `transform::SurfaceTransformFlagKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyCommandTransformInfoQCOM.html) """ CopyCommandTransformInfoQCOM(transform::SurfaceTransformFlagKHR; next = C_NULL) = CopyCommandTransformInfoQCOM(next, transform) """ Extension: VK\\_QCOM\\_render\\_pass\\_transform Arguments: - `transform::SurfaceTransformFlagKHR` - `render_area::Rect2D` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceRenderPassTransformInfoQCOM.html) """ CommandBufferInheritanceRenderPassTransformInfoQCOM(transform::SurfaceTransformFlagKHR, render_area::Rect2D; next = C_NULL) = CommandBufferInheritanceRenderPassTransformInfoQCOM(next, transform, render_area) """ Extension: VK\\_NV\\_device\\_diagnostics\\_config Arguments: - `diagnostics_config::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDiagnosticsConfigFeaturesNV.html) """ PhysicalDeviceDiagnosticsConfigFeaturesNV(diagnostics_config::Bool; next = C_NULL) = PhysicalDeviceDiagnosticsConfigFeaturesNV(next, diagnostics_config) """ Extension: VK\\_NV\\_device\\_diagnostics\\_config Arguments: - `next::Any`: defaults to `C_NULL` - `flags::DeviceDiagnosticsConfigFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceDiagnosticsConfigCreateInfoNV.html) """ DeviceDiagnosticsConfigCreateInfoNV(; next = C_NULL, flags = 0) = DeviceDiagnosticsConfigCreateInfoNV(next, flags) """ Arguments: - `shader_zero_initialize_workgroup_memory::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures.html) """ PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures(shader_zero_initialize_workgroup_memory::Bool; next = C_NULL) = PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures(next, shader_zero_initialize_workgroup_memory) """ Extension: VK\\_KHR\\_shader\\_subgroup\\_uniform\\_control\\_flow Arguments: - `shader_subgroup_uniform_control_flow::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR.html) """ PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR(shader_subgroup_uniform_control_flow::Bool; next = C_NULL) = PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR(next, shader_subgroup_uniform_control_flow) """ Extension: VK\\_EXT\\_robustness2 Arguments: - `robust_buffer_access_2::Bool` - `robust_image_access_2::Bool` - `null_descriptor::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRobustness2FeaturesEXT.html) """ PhysicalDeviceRobustness2FeaturesEXT(robust_buffer_access_2::Bool, robust_image_access_2::Bool, null_descriptor::Bool; next = C_NULL) = PhysicalDeviceRobustness2FeaturesEXT(next, robust_buffer_access_2, robust_image_access_2, null_descriptor) """ Extension: VK\\_EXT\\_robustness2 Arguments: - `robust_storage_buffer_access_size_alignment::UInt64` - `robust_uniform_buffer_access_size_alignment::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRobustness2PropertiesEXT.html) """ PhysicalDeviceRobustness2PropertiesEXT(robust_storage_buffer_access_size_alignment::Integer, robust_uniform_buffer_access_size_alignment::Integer; next = C_NULL) = PhysicalDeviceRobustness2PropertiesEXT(next, robust_storage_buffer_access_size_alignment, robust_uniform_buffer_access_size_alignment) """ Arguments: - `robust_image_access::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageRobustnessFeatures.html) """ PhysicalDeviceImageRobustnessFeatures(robust_image_access::Bool; next = C_NULL) = PhysicalDeviceImageRobustnessFeatures(next, robust_image_access) """ Extension: VK\\_KHR\\_workgroup\\_memory\\_explicit\\_layout Arguments: - `workgroup_memory_explicit_layout::Bool` - `workgroup_memory_explicit_layout_scalar_block_layout::Bool` - `workgroup_memory_explicit_layout_8_bit_access::Bool` - `workgroup_memory_explicit_layout_16_bit_access::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR.html) """ PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR(workgroup_memory_explicit_layout::Bool, workgroup_memory_explicit_layout_scalar_block_layout::Bool, workgroup_memory_explicit_layout_8_bit_access::Bool, workgroup_memory_explicit_layout_16_bit_access::Bool; next = C_NULL) = PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR(next, workgroup_memory_explicit_layout, workgroup_memory_explicit_layout_scalar_block_layout, workgroup_memory_explicit_layout_8_bit_access, workgroup_memory_explicit_layout_16_bit_access) """ Extension: VK\\_EXT\\_4444\\_formats Arguments: - `format_a4r4g4b4::Bool` - `format_a4b4g4r4::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevice4444FormatsFeaturesEXT.html) """ PhysicalDevice4444FormatsFeaturesEXT(format_a4r4g4b4::Bool, format_a4b4g4r4::Bool; next = C_NULL) = PhysicalDevice4444FormatsFeaturesEXT(next, format_a4r4g4b4, format_a4b4g4r4) """ Extension: VK\\_HUAWEI\\_subpass\\_shading Arguments: - `subpass_shading::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubpassShadingFeaturesHUAWEI.html) """ PhysicalDeviceSubpassShadingFeaturesHUAWEI(subpass_shading::Bool; next = C_NULL) = PhysicalDeviceSubpassShadingFeaturesHUAWEI(next, subpass_shading) """ Extension: VK\\_HUAWEI\\_cluster\\_culling\\_shader Arguments: - `clusterculling_shader::Bool` - `multiview_cluster_culling_shader::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI.html) """ PhysicalDeviceClusterCullingShaderFeaturesHUAWEI(clusterculling_shader::Bool, multiview_cluster_culling_shader::Bool; next = C_NULL) = PhysicalDeviceClusterCullingShaderFeaturesHUAWEI(next, clusterculling_shader, multiview_cluster_culling_shader) """ Arguments: - `src_offset::UInt64` - `dst_offset::UInt64` - `size::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCopy2.html) """ BufferCopy2(src_offset::Integer, dst_offset::Integer, size::Integer; next = C_NULL) = BufferCopy2(next, src_offset, dst_offset, size) """ Arguments: - `src_subresource::ImageSubresourceLayers` - `src_offset::Offset3D` - `dst_subresource::ImageSubresourceLayers` - `dst_offset::Offset3D` - `extent::Extent3D` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCopy2.html) """ ImageCopy2(src_subresource::ImageSubresourceLayers, src_offset::Offset3D, dst_subresource::ImageSubresourceLayers, dst_offset::Offset3D, extent::Extent3D; next = C_NULL) = ImageCopy2(next, src_subresource, src_offset, dst_subresource, dst_offset, extent) """ Arguments: - `src_subresource::ImageSubresourceLayers` - `src_offsets::NTuple{2, Offset3D}` - `dst_subresource::ImageSubresourceLayers` - `dst_offsets::NTuple{2, Offset3D}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageBlit2.html) """ ImageBlit2(src_subresource::ImageSubresourceLayers, src_offsets::NTuple{2, Offset3D}, dst_subresource::ImageSubresourceLayers, dst_offsets::NTuple{2, Offset3D}; next = C_NULL) = ImageBlit2(next, src_subresource, src_offsets, dst_subresource, dst_offsets) """ Arguments: - `buffer_offset::UInt64` - `buffer_row_length::UInt32` - `buffer_image_height::UInt32` - `image_subresource::ImageSubresourceLayers` - `image_offset::Offset3D` - `image_extent::Extent3D` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferImageCopy2.html) """ BufferImageCopy2(buffer_offset::Integer, buffer_row_length::Integer, buffer_image_height::Integer, image_subresource::ImageSubresourceLayers, image_offset::Offset3D, image_extent::Extent3D; next = C_NULL) = BufferImageCopy2(next, buffer_offset, buffer_row_length, buffer_image_height, image_subresource, image_offset, image_extent) """ Arguments: - `src_subresource::ImageSubresourceLayers` - `src_offset::Offset3D` - `dst_subresource::ImageSubresourceLayers` - `dst_offset::Offset3D` - `extent::Extent3D` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageResolve2.html) """ ImageResolve2(src_subresource::ImageSubresourceLayers, src_offset::Offset3D, dst_subresource::ImageSubresourceLayers, dst_offset::Offset3D, extent::Extent3D; next = C_NULL) = ImageResolve2(next, src_subresource, src_offset, dst_subresource, dst_offset, extent) """ Arguments: - `src_buffer::Buffer` - `dst_buffer::Buffer` - `regions::Vector{BufferCopy2}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyBufferInfo2.html) """ CopyBufferInfo2(src_buffer::Buffer, dst_buffer::Buffer, regions::AbstractArray; next = C_NULL) = CopyBufferInfo2(next, src_buffer, dst_buffer, regions) """ Arguments: - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{ImageCopy2}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyImageInfo2.html) """ CopyImageInfo2(src_image::Image, src_image_layout::ImageLayout, dst_image::Image, dst_image_layout::ImageLayout, regions::AbstractArray; next = C_NULL) = CopyImageInfo2(next, src_image, src_image_layout, dst_image, dst_image_layout, regions) """ Arguments: - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{ImageBlit2}` - `filter::Filter` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBlitImageInfo2.html) """ BlitImageInfo2(src_image::Image, src_image_layout::ImageLayout, dst_image::Image, dst_image_layout::ImageLayout, regions::AbstractArray, filter::Filter; next = C_NULL) = BlitImageInfo2(next, src_image, src_image_layout, dst_image, dst_image_layout, regions, filter) """ Arguments: - `src_buffer::Buffer` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{BufferImageCopy2}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyBufferToImageInfo2.html) """ CopyBufferToImageInfo2(src_buffer::Buffer, dst_image::Image, dst_image_layout::ImageLayout, regions::AbstractArray; next = C_NULL) = CopyBufferToImageInfo2(next, src_buffer, dst_image, dst_image_layout, regions) """ Arguments: - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_buffer::Buffer` - `regions::Vector{BufferImageCopy2}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyImageToBufferInfo2.html) """ CopyImageToBufferInfo2(src_image::Image, src_image_layout::ImageLayout, dst_buffer::Buffer, regions::AbstractArray; next = C_NULL) = CopyImageToBufferInfo2(next, src_image, src_image_layout, dst_buffer, regions) """ Arguments: - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{ImageResolve2}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkResolveImageInfo2.html) """ ResolveImageInfo2(src_image::Image, src_image_layout::ImageLayout, dst_image::Image, dst_image_layout::ImageLayout, regions::AbstractArray; next = C_NULL) = ResolveImageInfo2(next, src_image, src_image_layout, dst_image, dst_image_layout, regions) """ Extension: VK\\_EXT\\_shader\\_image\\_atomic\\_int64 Arguments: - `shader_image_int_64_atomics::Bool` - `sparse_image_int_64_atomics::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT.html) """ PhysicalDeviceShaderImageAtomicInt64FeaturesEXT(shader_image_int_64_atomics::Bool, sparse_image_int_64_atomics::Bool; next = C_NULL) = PhysicalDeviceShaderImageAtomicInt64FeaturesEXT(next, shader_image_int_64_atomics, sparse_image_int_64_atomics) """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Arguments: - `shading_rate_attachment_texel_size::Extent2D` - `next::Any`: defaults to `C_NULL` - `fragment_shading_rate_attachment::AttachmentReference2`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFragmentShadingRateAttachmentInfoKHR.html) """ FragmentShadingRateAttachmentInfoKHR(shading_rate_attachment_texel_size::Extent2D; next = C_NULL, fragment_shading_rate_attachment = C_NULL) = FragmentShadingRateAttachmentInfoKHR(next, fragment_shading_rate_attachment, shading_rate_attachment_texel_size) """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Arguments: - `fragment_size::Extent2D` - `combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineFragmentShadingRateStateCreateInfoKHR.html) """ PipelineFragmentShadingRateStateCreateInfoKHR(fragment_size::Extent2D, combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}; next = C_NULL) = PipelineFragmentShadingRateStateCreateInfoKHR(next, fragment_size, combiner_ops) """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Arguments: - `pipeline_fragment_shading_rate::Bool` - `primitive_fragment_shading_rate::Bool` - `attachment_fragment_shading_rate::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateFeaturesKHR.html) """ PhysicalDeviceFragmentShadingRateFeaturesKHR(pipeline_fragment_shading_rate::Bool, primitive_fragment_shading_rate::Bool, attachment_fragment_shading_rate::Bool; next = C_NULL) = PhysicalDeviceFragmentShadingRateFeaturesKHR(next, pipeline_fragment_shading_rate, primitive_fragment_shading_rate, attachment_fragment_shading_rate) """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Arguments: - `min_fragment_shading_rate_attachment_texel_size::Extent2D` - `max_fragment_shading_rate_attachment_texel_size::Extent2D` - `max_fragment_shading_rate_attachment_texel_size_aspect_ratio::UInt32` - `primitive_fragment_shading_rate_with_multiple_viewports::Bool` - `layered_shading_rate_attachments::Bool` - `fragment_shading_rate_non_trivial_combiner_ops::Bool` - `max_fragment_size::Extent2D` - `max_fragment_size_aspect_ratio::UInt32` - `max_fragment_shading_rate_coverage_samples::UInt32` - `max_fragment_shading_rate_rasterization_samples::SampleCountFlag` - `fragment_shading_rate_with_shader_depth_stencil_writes::Bool` - `fragment_shading_rate_with_sample_mask::Bool` - `fragment_shading_rate_with_shader_sample_mask::Bool` - `fragment_shading_rate_with_conservative_rasterization::Bool` - `fragment_shading_rate_with_fragment_shader_interlock::Bool` - `fragment_shading_rate_with_custom_sample_locations::Bool` - `fragment_shading_rate_strict_multiply_combiner::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRatePropertiesKHR.html) """ PhysicalDeviceFragmentShadingRatePropertiesKHR(min_fragment_shading_rate_attachment_texel_size::Extent2D, max_fragment_shading_rate_attachment_texel_size::Extent2D, max_fragment_shading_rate_attachment_texel_size_aspect_ratio::Integer, primitive_fragment_shading_rate_with_multiple_viewports::Bool, layered_shading_rate_attachments::Bool, fragment_shading_rate_non_trivial_combiner_ops::Bool, max_fragment_size::Extent2D, max_fragment_size_aspect_ratio::Integer, max_fragment_shading_rate_coverage_samples::Integer, max_fragment_shading_rate_rasterization_samples::SampleCountFlag, fragment_shading_rate_with_shader_depth_stencil_writes::Bool, fragment_shading_rate_with_sample_mask::Bool, fragment_shading_rate_with_shader_sample_mask::Bool, fragment_shading_rate_with_conservative_rasterization::Bool, fragment_shading_rate_with_fragment_shader_interlock::Bool, fragment_shading_rate_with_custom_sample_locations::Bool, fragment_shading_rate_strict_multiply_combiner::Bool; next = C_NULL) = PhysicalDeviceFragmentShadingRatePropertiesKHR(next, min_fragment_shading_rate_attachment_texel_size, max_fragment_shading_rate_attachment_texel_size, max_fragment_shading_rate_attachment_texel_size_aspect_ratio, primitive_fragment_shading_rate_with_multiple_viewports, layered_shading_rate_attachments, fragment_shading_rate_non_trivial_combiner_ops, max_fragment_size, max_fragment_size_aspect_ratio, max_fragment_shading_rate_coverage_samples, max_fragment_shading_rate_rasterization_samples, fragment_shading_rate_with_shader_depth_stencil_writes, fragment_shading_rate_with_sample_mask, fragment_shading_rate_with_shader_sample_mask, fragment_shading_rate_with_conservative_rasterization, fragment_shading_rate_with_fragment_shader_interlock, fragment_shading_rate_with_custom_sample_locations, fragment_shading_rate_strict_multiply_combiner) """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Arguments: - `sample_counts::SampleCountFlag` - `fragment_size::Extent2D` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateKHR.html) """ PhysicalDeviceFragmentShadingRateKHR(sample_counts::SampleCountFlag, fragment_size::Extent2D; next = C_NULL) = PhysicalDeviceFragmentShadingRateKHR(next, sample_counts, fragment_size) """ Arguments: - `shader_terminate_invocation::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderTerminateInvocationFeatures.html) """ PhysicalDeviceShaderTerminateInvocationFeatures(shader_terminate_invocation::Bool; next = C_NULL) = PhysicalDeviceShaderTerminateInvocationFeatures(next, shader_terminate_invocation) """ Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums Arguments: - `fragment_shading_rate_enums::Bool` - `supersample_fragment_shading_rates::Bool` - `no_invocation_fragment_shading_rates::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV.html) """ PhysicalDeviceFragmentShadingRateEnumsFeaturesNV(fragment_shading_rate_enums::Bool, supersample_fragment_shading_rates::Bool, no_invocation_fragment_shading_rates::Bool; next = C_NULL) = PhysicalDeviceFragmentShadingRateEnumsFeaturesNV(next, fragment_shading_rate_enums, supersample_fragment_shading_rates, no_invocation_fragment_shading_rates) """ Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums Arguments: - `max_fragment_shading_rate_invocation_count::SampleCountFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV.html) """ PhysicalDeviceFragmentShadingRateEnumsPropertiesNV(max_fragment_shading_rate_invocation_count::SampleCountFlag; next = C_NULL) = PhysicalDeviceFragmentShadingRateEnumsPropertiesNV(next, max_fragment_shading_rate_invocation_count) """ Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums Arguments: - `shading_rate_type::FragmentShadingRateTypeNV` - `shading_rate::FragmentShadingRateNV` - `combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineFragmentShadingRateEnumStateCreateInfoNV.html) """ PipelineFragmentShadingRateEnumStateCreateInfoNV(shading_rate_type::FragmentShadingRateTypeNV, shading_rate::FragmentShadingRateNV, combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}; next = C_NULL) = PipelineFragmentShadingRateEnumStateCreateInfoNV(next, shading_rate_type, shading_rate, combiner_ops) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `acceleration_structure_size::UInt64` - `update_scratch_size::UInt64` - `build_scratch_size::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureBuildSizesInfoKHR.html) """ AccelerationStructureBuildSizesInfoKHR(acceleration_structure_size::Integer, update_scratch_size::Integer, build_scratch_size::Integer; next = C_NULL) = AccelerationStructureBuildSizesInfoKHR(next, acceleration_structure_size, update_scratch_size, build_scratch_size) """ Extension: VK\\_EXT\\_image\\_2d\\_view\\_of\\_3d Arguments: - `image_2_d_view_of_3_d::Bool` - `sampler_2_d_view_of_3_d::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImage2DViewOf3DFeaturesEXT.html) """ PhysicalDeviceImage2DViewOf3DFeaturesEXT(image_2_d_view_of_3_d::Bool, sampler_2_d_view_of_3_d::Bool; next = C_NULL) = PhysicalDeviceImage2DViewOf3DFeaturesEXT(next, image_2_d_view_of_3_d, sampler_2_d_view_of_3_d) """ Extension: VK\\_EXT\\_mutable\\_descriptor\\_type Arguments: - `mutable_descriptor_type::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT.html) """ PhysicalDeviceMutableDescriptorTypeFeaturesEXT(mutable_descriptor_type::Bool; next = C_NULL) = PhysicalDeviceMutableDescriptorTypeFeaturesEXT(next, mutable_descriptor_type) """ Extension: VK\\_EXT\\_mutable\\_descriptor\\_type Arguments: - `mutable_descriptor_type_lists::Vector{MutableDescriptorTypeListEXT}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMutableDescriptorTypeCreateInfoEXT.html) """ MutableDescriptorTypeCreateInfoEXT(mutable_descriptor_type_lists::AbstractArray; next = C_NULL) = MutableDescriptorTypeCreateInfoEXT(next, mutable_descriptor_type_lists) """ Extension: VK\\_EXT\\_depth\\_clip\\_control Arguments: - `depth_clip_control::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthClipControlFeaturesEXT.html) """ PhysicalDeviceDepthClipControlFeaturesEXT(depth_clip_control::Bool; next = C_NULL) = PhysicalDeviceDepthClipControlFeaturesEXT(next, depth_clip_control) """ Extension: VK\\_EXT\\_depth\\_clip\\_control Arguments: - `negative_one_to_one::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportDepthClipControlCreateInfoEXT.html) """ PipelineViewportDepthClipControlCreateInfoEXT(negative_one_to_one::Bool; next = C_NULL) = PipelineViewportDepthClipControlCreateInfoEXT(next, negative_one_to_one) """ Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state Arguments: - `vertex_input_dynamic_state::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT.html) """ PhysicalDeviceVertexInputDynamicStateFeaturesEXT(vertex_input_dynamic_state::Bool; next = C_NULL) = PhysicalDeviceVertexInputDynamicStateFeaturesEXT(next, vertex_input_dynamic_state) """ Extension: VK\\_NV\\_external\\_memory\\_rdma Arguments: - `external_memory_rdma::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalMemoryRDMAFeaturesNV.html) """ PhysicalDeviceExternalMemoryRDMAFeaturesNV(external_memory_rdma::Bool; next = C_NULL) = PhysicalDeviceExternalMemoryRDMAFeaturesNV(next, external_memory_rdma) """ Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state Arguments: - `binding::UInt32` - `stride::UInt32` - `input_rate::VertexInputRate` - `divisor::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputBindingDescription2EXT.html) """ VertexInputBindingDescription2EXT(binding::Integer, stride::Integer, input_rate::VertexInputRate, divisor::Integer; next = C_NULL) = VertexInputBindingDescription2EXT(next, binding, stride, input_rate, divisor) """ Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state Arguments: - `location::UInt32` - `binding::UInt32` - `format::Format` - `offset::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputAttributeDescription2EXT.html) """ VertexInputAttributeDescription2EXT(location::Integer, binding::Integer, format::Format, offset::Integer; next = C_NULL) = VertexInputAttributeDescription2EXT(next, location, binding, format, offset) """ Extension: VK\\_EXT\\_color\\_write\\_enable Arguments: - `color_write_enable::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceColorWriteEnableFeaturesEXT.html) """ PhysicalDeviceColorWriteEnableFeaturesEXT(color_write_enable::Bool; next = C_NULL) = PhysicalDeviceColorWriteEnableFeaturesEXT(next, color_write_enable) """ Extension: VK\\_EXT\\_color\\_write\\_enable Arguments: - `color_write_enables::Vector{Bool}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorWriteCreateInfoEXT.html) """ PipelineColorWriteCreateInfoEXT(color_write_enables::AbstractArray; next = C_NULL) = PipelineColorWriteCreateInfoEXT(next, color_write_enables) """ Arguments: - `next::Any`: defaults to `C_NULL` - `src_stage_mask::UInt64`: defaults to `0` - `src_access_mask::UInt64`: defaults to `0` - `dst_stage_mask::UInt64`: defaults to `0` - `dst_access_mask::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryBarrier2.html) """ MemoryBarrier2(; next = C_NULL, src_stage_mask = 0, src_access_mask = 0, dst_stage_mask = 0, dst_access_mask = 0) = MemoryBarrier2(next, src_stage_mask, src_access_mask, dst_stage_mask, dst_access_mask) """ Arguments: - `old_layout::ImageLayout` - `new_layout::ImageLayout` - `src_queue_family_index::UInt32` - `dst_queue_family_index::UInt32` - `image::Image` - `subresource_range::ImageSubresourceRange` - `next::Any`: defaults to `C_NULL` - `src_stage_mask::UInt64`: defaults to `0` - `src_access_mask::UInt64`: defaults to `0` - `dst_stage_mask::UInt64`: defaults to `0` - `dst_access_mask::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageMemoryBarrier2.html) """ ImageMemoryBarrier2(old_layout::ImageLayout, new_layout::ImageLayout, src_queue_family_index::Integer, dst_queue_family_index::Integer, image::Image, subresource_range::ImageSubresourceRange; next = C_NULL, src_stage_mask = 0, src_access_mask = 0, dst_stage_mask = 0, dst_access_mask = 0) = ImageMemoryBarrier2(next, src_stage_mask, src_access_mask, dst_stage_mask, dst_access_mask, old_layout, new_layout, src_queue_family_index, dst_queue_family_index, image, subresource_range) """ Arguments: - `src_queue_family_index::UInt32` - `dst_queue_family_index::UInt32` - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `next::Any`: defaults to `C_NULL` - `src_stage_mask::UInt64`: defaults to `0` - `src_access_mask::UInt64`: defaults to `0` - `dst_stage_mask::UInt64`: defaults to `0` - `dst_access_mask::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferMemoryBarrier2.html) """ BufferMemoryBarrier2(src_queue_family_index::Integer, dst_queue_family_index::Integer, buffer::Buffer, offset::Integer, size::Integer; next = C_NULL, src_stage_mask = 0, src_access_mask = 0, dst_stage_mask = 0, dst_access_mask = 0) = BufferMemoryBarrier2(next, src_stage_mask, src_access_mask, dst_stage_mask, dst_access_mask, src_queue_family_index, dst_queue_family_index, buffer, offset, size) """ Arguments: - `memory_barriers::Vector{MemoryBarrier2}` - `buffer_memory_barriers::Vector{BufferMemoryBarrier2}` - `image_memory_barriers::Vector{ImageMemoryBarrier2}` - `next::Any`: defaults to `C_NULL` - `dependency_flags::DependencyFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDependencyInfo.html) """ DependencyInfo(memory_barriers::AbstractArray, buffer_memory_barriers::AbstractArray, image_memory_barriers::AbstractArray; next = C_NULL, dependency_flags = 0) = DependencyInfo(next, dependency_flags, memory_barriers, buffer_memory_barriers, image_memory_barriers) """ Arguments: - `semaphore::Semaphore` - `value::UInt64` - `device_index::UInt32` - `next::Any`: defaults to `C_NULL` - `stage_mask::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreSubmitInfo.html) """ SemaphoreSubmitInfo(semaphore::Semaphore, value::Integer, device_index::Integer; next = C_NULL, stage_mask = 0) = SemaphoreSubmitInfo(next, semaphore, value, stage_mask, device_index) """ Arguments: - `command_buffer::CommandBuffer` - `device_mask::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferSubmitInfo.html) """ CommandBufferSubmitInfo(command_buffer::CommandBuffer, device_mask::Integer; next = C_NULL) = CommandBufferSubmitInfo(next, command_buffer, device_mask) """ Arguments: - `wait_semaphore_infos::Vector{SemaphoreSubmitInfo}` - `command_buffer_infos::Vector{CommandBufferSubmitInfo}` - `signal_semaphore_infos::Vector{SemaphoreSubmitInfo}` - `next::Any`: defaults to `C_NULL` - `flags::SubmitFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubmitInfo2.html) """ SubmitInfo2(wait_semaphore_infos::AbstractArray, command_buffer_infos::AbstractArray, signal_semaphore_infos::AbstractArray; next = C_NULL, flags = 0) = SubmitInfo2(next, flags, wait_semaphore_infos, command_buffer_infos, signal_semaphore_infos) """ Extension: VK\\_KHR\\_synchronization2 Arguments: - `checkpoint_execution_stage_mask::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyCheckpointProperties2NV.html) """ QueueFamilyCheckpointProperties2NV(checkpoint_execution_stage_mask::Integer; next = C_NULL) = QueueFamilyCheckpointProperties2NV(next, checkpoint_execution_stage_mask) """ Extension: VK\\_KHR\\_synchronization2 Arguments: - `stage::UInt64` - `checkpoint_marker::Ptr{Cvoid}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCheckpointData2NV.html) """ CheckpointData2NV(stage::Integer, checkpoint_marker::Ptr{Cvoid}; next = C_NULL) = CheckpointData2NV(next, stage, checkpoint_marker) """ Arguments: - `synchronization2::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSynchronization2Features.html) """ PhysicalDeviceSynchronization2Features(synchronization2::Bool; next = C_NULL) = PhysicalDeviceSynchronization2Features(next, synchronization2) """ Extension: VK\\_EXT\\_primitives\\_generated\\_query Arguments: - `primitives_generated_query::Bool` - `primitives_generated_query_with_rasterizer_discard::Bool` - `primitives_generated_query_with_non_zero_streams::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT.html) """ PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT(primitives_generated_query::Bool, primitives_generated_query_with_rasterizer_discard::Bool, primitives_generated_query_with_non_zero_streams::Bool; next = C_NULL) = PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT(next, primitives_generated_query, primitives_generated_query_with_rasterizer_discard, primitives_generated_query_with_non_zero_streams) """ Extension: VK\\_EXT\\_legacy\\_dithering Arguments: - `legacy_dithering::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLegacyDitheringFeaturesEXT.html) """ PhysicalDeviceLegacyDitheringFeaturesEXT(legacy_dithering::Bool; next = C_NULL) = PhysicalDeviceLegacyDitheringFeaturesEXT(next, legacy_dithering) """ Extension: VK\\_EXT\\_multisampled\\_render\\_to\\_single\\_sampled Arguments: - `multisampled_render_to_single_sampled::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT.html) """ PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT(multisampled_render_to_single_sampled::Bool; next = C_NULL) = PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT(next, multisampled_render_to_single_sampled) """ Extension: VK\\_EXT\\_multisampled\\_render\\_to\\_single\\_sampled Arguments: - `optimal::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassResolvePerformanceQueryEXT.html) """ SubpassResolvePerformanceQueryEXT(optimal::Bool; next = C_NULL) = SubpassResolvePerformanceQueryEXT(next, optimal) """ Extension: VK\\_EXT\\_multisampled\\_render\\_to\\_single\\_sampled Arguments: - `multisampled_render_to_single_sampled_enable::Bool` - `rasterization_samples::SampleCountFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultisampledRenderToSingleSampledInfoEXT.html) """ MultisampledRenderToSingleSampledInfoEXT(multisampled_render_to_single_sampled_enable::Bool, rasterization_samples::SampleCountFlag; next = C_NULL) = MultisampledRenderToSingleSampledInfoEXT(next, multisampled_render_to_single_sampled_enable, rasterization_samples) """ Extension: VK\\_EXT\\_pipeline\\_protected\\_access Arguments: - `pipeline_protected_access::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineProtectedAccessFeaturesEXT.html) """ PhysicalDevicePipelineProtectedAccessFeaturesEXT(pipeline_protected_access::Bool; next = C_NULL) = PhysicalDevicePipelineProtectedAccessFeaturesEXT(next, pipeline_protected_access) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `video_codec_operations::VideoCodecOperationFlagKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyVideoPropertiesKHR.html) """ QueueFamilyVideoPropertiesKHR(video_codec_operations::VideoCodecOperationFlagKHR; next = C_NULL) = QueueFamilyVideoPropertiesKHR(next, video_codec_operations) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `query_result_status_support::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyQueryResultStatusPropertiesKHR.html) """ QueueFamilyQueryResultStatusPropertiesKHR(query_result_status_support::Bool; next = C_NULL) = QueueFamilyQueryResultStatusPropertiesKHR(next, query_result_status_support) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `profiles::Vector{VideoProfileInfoKHR}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoProfileListInfoKHR.html) """ VideoProfileListInfoKHR(profiles::AbstractArray; next = C_NULL) = VideoProfileListInfoKHR(next, profiles) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `image_usage::ImageUsageFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVideoFormatInfoKHR.html) """ PhysicalDeviceVideoFormatInfoKHR(image_usage::ImageUsageFlag; next = C_NULL) = PhysicalDeviceVideoFormatInfoKHR(next, image_usage) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `format::Format` - `component_mapping::ComponentMapping` - `image_create_flags::ImageCreateFlag` - `image_type::ImageType` - `image_tiling::ImageTiling` - `image_usage_flags::ImageUsageFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoFormatPropertiesKHR.html) """ VideoFormatPropertiesKHR(format::Format, component_mapping::ComponentMapping, image_create_flags::ImageCreateFlag, image_type::ImageType, image_tiling::ImageTiling, image_usage_flags::ImageUsageFlag; next = C_NULL) = VideoFormatPropertiesKHR(next, format, component_mapping, image_create_flags, image_type, image_tiling, image_usage_flags) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `video_codec_operation::VideoCodecOperationFlagKHR` - `chroma_subsampling::VideoChromaSubsamplingFlagKHR` - `luma_bit_depth::VideoComponentBitDepthFlagKHR` - `next::Any`: defaults to `C_NULL` - `chroma_bit_depth::VideoComponentBitDepthFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoProfileInfoKHR.html) """ VideoProfileInfoKHR(video_codec_operation::VideoCodecOperationFlagKHR, chroma_subsampling::VideoChromaSubsamplingFlagKHR, luma_bit_depth::VideoComponentBitDepthFlagKHR; next = C_NULL, chroma_bit_depth = 0) = VideoProfileInfoKHR(next, video_codec_operation, chroma_subsampling, luma_bit_depth, chroma_bit_depth) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `flags::VideoCapabilityFlagKHR` - `min_bitstream_buffer_offset_alignment::UInt64` - `min_bitstream_buffer_size_alignment::UInt64` - `picture_access_granularity::Extent2D` - `min_coded_extent::Extent2D` - `max_coded_extent::Extent2D` - `max_dpb_slots::UInt32` - `max_active_reference_pictures::UInt32` - `std_header_version::ExtensionProperties` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoCapabilitiesKHR.html) """ VideoCapabilitiesKHR(flags::VideoCapabilityFlagKHR, min_bitstream_buffer_offset_alignment::Integer, min_bitstream_buffer_size_alignment::Integer, picture_access_granularity::Extent2D, min_coded_extent::Extent2D, max_coded_extent::Extent2D, max_dpb_slots::Integer, max_active_reference_pictures::Integer, std_header_version::ExtensionProperties; next = C_NULL) = VideoCapabilitiesKHR(next, flags, min_bitstream_buffer_offset_alignment, min_bitstream_buffer_size_alignment, picture_access_granularity, min_coded_extent, max_coded_extent, max_dpb_slots, max_active_reference_pictures, std_header_version) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `memory_bind_index::UInt32` - `memory_requirements::MemoryRequirements` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionMemoryRequirementsKHR.html) """ VideoSessionMemoryRequirementsKHR(memory_bind_index::Integer, memory_requirements::MemoryRequirements; next = C_NULL) = VideoSessionMemoryRequirementsKHR(next, memory_bind_index, memory_requirements) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `memory_bind_index::UInt32` - `memory::DeviceMemory` - `memory_offset::UInt64` - `memory_size::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindVideoSessionMemoryInfoKHR.html) """ BindVideoSessionMemoryInfoKHR(memory_bind_index::Integer, memory::DeviceMemory, memory_offset::Integer, memory_size::Integer; next = C_NULL) = BindVideoSessionMemoryInfoKHR(next, memory_bind_index, memory, memory_offset, memory_size) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `coded_offset::Offset2D` - `coded_extent::Extent2D` - `base_array_layer::UInt32` - `image_view_binding::ImageView` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoPictureResourceInfoKHR.html) """ VideoPictureResourceInfoKHR(coded_offset::Offset2D, coded_extent::Extent2D, base_array_layer::Integer, image_view_binding::ImageView; next = C_NULL) = VideoPictureResourceInfoKHR(next, coded_offset, coded_extent, base_array_layer, image_view_binding) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `slot_index::Int32` - `next::Any`: defaults to `C_NULL` - `picture_resource::VideoPictureResourceInfoKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoReferenceSlotInfoKHR.html) """ VideoReferenceSlotInfoKHR(slot_index::Integer; next = C_NULL, picture_resource = C_NULL) = VideoReferenceSlotInfoKHR(next, slot_index, picture_resource) """ Extension: VK\\_KHR\\_video\\_decode\\_queue Arguments: - `flags::VideoDecodeCapabilityFlagKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeCapabilitiesKHR.html) """ VideoDecodeCapabilitiesKHR(flags::VideoDecodeCapabilityFlagKHR; next = C_NULL) = VideoDecodeCapabilitiesKHR(next, flags) """ Extension: VK\\_KHR\\_video\\_decode\\_queue Arguments: - `next::Any`: defaults to `C_NULL` - `video_usage_hints::VideoDecodeUsageFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeUsageInfoKHR.html) """ VideoDecodeUsageInfoKHR(; next = C_NULL, video_usage_hints = 0) = VideoDecodeUsageInfoKHR(next, video_usage_hints) """ Extension: VK\\_KHR\\_video\\_decode\\_queue Arguments: - `src_buffer::Buffer` - `src_buffer_offset::UInt64` - `src_buffer_range::UInt64` - `dst_picture_resource::VideoPictureResourceInfoKHR` - `setup_reference_slot::VideoReferenceSlotInfoKHR` - `reference_slots::Vector{VideoReferenceSlotInfoKHR}` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeInfoKHR.html) """ VideoDecodeInfoKHR(src_buffer::Buffer, src_buffer_offset::Integer, src_buffer_range::Integer, dst_picture_resource::VideoPictureResourceInfoKHR, setup_reference_slot::VideoReferenceSlotInfoKHR, reference_slots::AbstractArray; next = C_NULL, flags = 0) = VideoDecodeInfoKHR(next, flags, src_buffer, src_buffer_offset, src_buffer_range, dst_picture_resource, setup_reference_slot, reference_slots) """ Extension: VK\\_KHR\\_video\\_decode\\_h264 Arguments: - `std_profile_idc::StdVideoH264ProfileIdc` - `next::Any`: defaults to `C_NULL` - `picture_layout::VideoDecodeH264PictureLayoutFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264ProfileInfoKHR.html) """ VideoDecodeH264ProfileInfoKHR(std_profile_idc::StdVideoH264ProfileIdc; next = C_NULL, picture_layout = 0) = VideoDecodeH264ProfileInfoKHR(next, std_profile_idc, picture_layout) """ Extension: VK\\_KHR\\_video\\_decode\\_h264 Arguments: - `max_level_idc::StdVideoH264LevelIdc` - `field_offset_granularity::Offset2D` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264CapabilitiesKHR.html) """ VideoDecodeH264CapabilitiesKHR(max_level_idc::StdVideoH264LevelIdc, field_offset_granularity::Offset2D; next = C_NULL) = VideoDecodeH264CapabilitiesKHR(next, max_level_idc, field_offset_granularity) """ Extension: VK\\_KHR\\_video\\_decode\\_h264 Arguments: - `std_sp_ss::Vector{StdVideoH264SequenceParameterSet}` - `std_pp_ss::Vector{StdVideoH264PictureParameterSet}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264SessionParametersAddInfoKHR.html) """ VideoDecodeH264SessionParametersAddInfoKHR(std_sp_ss::AbstractArray, std_pp_ss::AbstractArray; next = C_NULL) = VideoDecodeH264SessionParametersAddInfoKHR(next, std_sp_ss, std_pp_ss) """ Extension: VK\\_KHR\\_video\\_decode\\_h264 Arguments: - `max_std_sps_count::UInt32` - `max_std_pps_count::UInt32` - `next::Any`: defaults to `C_NULL` - `parameters_add_info::VideoDecodeH264SessionParametersAddInfoKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264SessionParametersCreateInfoKHR.html) """ VideoDecodeH264SessionParametersCreateInfoKHR(max_std_sps_count::Integer, max_std_pps_count::Integer; next = C_NULL, parameters_add_info = C_NULL) = VideoDecodeH264SessionParametersCreateInfoKHR(next, max_std_sps_count, max_std_pps_count, parameters_add_info) """ Extension: VK\\_KHR\\_video\\_decode\\_h264 Arguments: - `std_picture_info::StdVideoDecodeH264PictureInfo` - `slice_offsets::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264PictureInfoKHR.html) """ VideoDecodeH264PictureInfoKHR(std_picture_info::StdVideoDecodeH264PictureInfo, slice_offsets::AbstractArray; next = C_NULL) = VideoDecodeH264PictureInfoKHR(next, std_picture_info, slice_offsets) """ Extension: VK\\_KHR\\_video\\_decode\\_h264 Arguments: - `std_reference_info::StdVideoDecodeH264ReferenceInfo` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264DpbSlotInfoKHR.html) """ VideoDecodeH264DpbSlotInfoKHR(std_reference_info::StdVideoDecodeH264ReferenceInfo; next = C_NULL) = VideoDecodeH264DpbSlotInfoKHR(next, std_reference_info) """ Extension: VK\\_KHR\\_video\\_decode\\_h265 Arguments: - `std_profile_idc::StdVideoH265ProfileIdc` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265ProfileInfoKHR.html) """ VideoDecodeH265ProfileInfoKHR(std_profile_idc::StdVideoH265ProfileIdc; next = C_NULL) = VideoDecodeH265ProfileInfoKHR(next, std_profile_idc) """ Extension: VK\\_KHR\\_video\\_decode\\_h265 Arguments: - `max_level_idc::StdVideoH265LevelIdc` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265CapabilitiesKHR.html) """ VideoDecodeH265CapabilitiesKHR(max_level_idc::StdVideoH265LevelIdc; next = C_NULL) = VideoDecodeH265CapabilitiesKHR(next, max_level_idc) """ Extension: VK\\_KHR\\_video\\_decode\\_h265 Arguments: - `std_vp_ss::Vector{StdVideoH265VideoParameterSet}` - `std_sp_ss::Vector{StdVideoH265SequenceParameterSet}` - `std_pp_ss::Vector{StdVideoH265PictureParameterSet}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265SessionParametersAddInfoKHR.html) """ VideoDecodeH265SessionParametersAddInfoKHR(std_vp_ss::AbstractArray, std_sp_ss::AbstractArray, std_pp_ss::AbstractArray; next = C_NULL) = VideoDecodeH265SessionParametersAddInfoKHR(next, std_vp_ss, std_sp_ss, std_pp_ss) """ Extension: VK\\_KHR\\_video\\_decode\\_h265 Arguments: - `max_std_vps_count::UInt32` - `max_std_sps_count::UInt32` - `max_std_pps_count::UInt32` - `next::Any`: defaults to `C_NULL` - `parameters_add_info::VideoDecodeH265SessionParametersAddInfoKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265SessionParametersCreateInfoKHR.html) """ VideoDecodeH265SessionParametersCreateInfoKHR(max_std_vps_count::Integer, max_std_sps_count::Integer, max_std_pps_count::Integer; next = C_NULL, parameters_add_info = C_NULL) = VideoDecodeH265SessionParametersCreateInfoKHR(next, max_std_vps_count, max_std_sps_count, max_std_pps_count, parameters_add_info) """ Extension: VK\\_KHR\\_video\\_decode\\_h265 Arguments: - `std_picture_info::StdVideoDecodeH265PictureInfo` - `slice_segment_offsets::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265PictureInfoKHR.html) """ VideoDecodeH265PictureInfoKHR(std_picture_info::StdVideoDecodeH265PictureInfo, slice_segment_offsets::AbstractArray; next = C_NULL) = VideoDecodeH265PictureInfoKHR(next, std_picture_info, slice_segment_offsets) """ Extension: VK\\_KHR\\_video\\_decode\\_h265 Arguments: - `std_reference_info::StdVideoDecodeH265ReferenceInfo` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265DpbSlotInfoKHR.html) """ VideoDecodeH265DpbSlotInfoKHR(std_reference_info::StdVideoDecodeH265ReferenceInfo; next = C_NULL) = VideoDecodeH265DpbSlotInfoKHR(next, std_reference_info) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `queue_family_index::UInt32` - `video_profile::VideoProfileInfoKHR` - `picture_format::Format` - `max_coded_extent::Extent2D` - `reference_picture_format::Format` - `max_dpb_slots::UInt32` - `max_active_reference_pictures::UInt32` - `std_header_version::ExtensionProperties` - `next::Any`: defaults to `C_NULL` - `flags::VideoSessionCreateFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionCreateInfoKHR.html) """ VideoSessionCreateInfoKHR(queue_family_index::Integer, video_profile::VideoProfileInfoKHR, picture_format::Format, max_coded_extent::Extent2D, reference_picture_format::Format, max_dpb_slots::Integer, max_active_reference_pictures::Integer, std_header_version::ExtensionProperties; next = C_NULL, flags = 0) = VideoSessionCreateInfoKHR(next, queue_family_index, flags, video_profile, picture_format, max_coded_extent, reference_picture_format, max_dpb_slots, max_active_reference_pictures, std_header_version) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `video_session::VideoSessionKHR` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `video_session_parameters_template::VideoSessionParametersKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionParametersCreateInfoKHR.html) """ VideoSessionParametersCreateInfoKHR(video_session::VideoSessionKHR; next = C_NULL, flags = 0, video_session_parameters_template = C_NULL) = VideoSessionParametersCreateInfoKHR(next, flags, video_session_parameters_template, video_session) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `update_sequence_count::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionParametersUpdateInfoKHR.html) """ VideoSessionParametersUpdateInfoKHR(update_sequence_count::Integer; next = C_NULL) = VideoSessionParametersUpdateInfoKHR(next, update_sequence_count) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `video_session::VideoSessionKHR` - `reference_slots::Vector{VideoReferenceSlotInfoKHR}` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `video_session_parameters::VideoSessionParametersKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoBeginCodingInfoKHR.html) """ VideoBeginCodingInfoKHR(video_session::VideoSessionKHR, reference_slots::AbstractArray; next = C_NULL, flags = 0, video_session_parameters = C_NULL) = VideoBeginCodingInfoKHR(next, flags, video_session, video_session_parameters, reference_slots) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoEndCodingInfoKHR.html) """ VideoEndCodingInfoKHR(; next = C_NULL, flags = 0) = VideoEndCodingInfoKHR(next, flags) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `next::Any`: defaults to `C_NULL` - `flags::VideoCodingControlFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoCodingControlInfoKHR.html) """ VideoCodingControlInfoKHR(; next = C_NULL, flags = 0) = VideoCodingControlInfoKHR(next, flags) """ Extension: VK\\_NV\\_inherited\\_viewport\\_scissor Arguments: - `inherited_viewport_scissor_2_d::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInheritedViewportScissorFeaturesNV.html) """ PhysicalDeviceInheritedViewportScissorFeaturesNV(inherited_viewport_scissor_2_d::Bool; next = C_NULL) = PhysicalDeviceInheritedViewportScissorFeaturesNV(next, inherited_viewport_scissor_2_d) """ Extension: VK\\_NV\\_inherited\\_viewport\\_scissor Arguments: - `viewport_scissor_2_d::Bool` - `viewport_depth_count::UInt32` - `viewport_depths::Viewport` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceViewportScissorInfoNV.html) """ CommandBufferInheritanceViewportScissorInfoNV(viewport_scissor_2_d::Bool, viewport_depth_count::Integer, viewport_depths::Viewport; next = C_NULL) = CommandBufferInheritanceViewportScissorInfoNV(next, viewport_scissor_2_d, viewport_depth_count, viewport_depths) """ Extension: VK\\_EXT\\_ycbcr\\_2plane\\_444\\_formats Arguments: - `ycbcr_444_formats::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT.html) """ PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT(ycbcr_444_formats::Bool; next = C_NULL) = PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT(next, ycbcr_444_formats) """ Extension: VK\\_EXT\\_provoking\\_vertex Arguments: - `provoking_vertex_last::Bool` - `transform_feedback_preserves_provoking_vertex::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProvokingVertexFeaturesEXT.html) """ PhysicalDeviceProvokingVertexFeaturesEXT(provoking_vertex_last::Bool, transform_feedback_preserves_provoking_vertex::Bool; next = C_NULL) = PhysicalDeviceProvokingVertexFeaturesEXT(next, provoking_vertex_last, transform_feedback_preserves_provoking_vertex) """ Extension: VK\\_EXT\\_provoking\\_vertex Arguments: - `provoking_vertex_mode_per_pipeline::Bool` - `transform_feedback_preserves_triangle_fan_provoking_vertex::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProvokingVertexPropertiesEXT.html) """ PhysicalDeviceProvokingVertexPropertiesEXT(provoking_vertex_mode_per_pipeline::Bool, transform_feedback_preserves_triangle_fan_provoking_vertex::Bool; next = C_NULL) = PhysicalDeviceProvokingVertexPropertiesEXT(next, provoking_vertex_mode_per_pipeline, transform_feedback_preserves_triangle_fan_provoking_vertex) """ Extension: VK\\_EXT\\_provoking\\_vertex Arguments: - `provoking_vertex_mode::ProvokingVertexModeEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationProvokingVertexStateCreateInfoEXT.html) """ PipelineRasterizationProvokingVertexStateCreateInfoEXT(provoking_vertex_mode::ProvokingVertexModeEXT; next = C_NULL) = PipelineRasterizationProvokingVertexStateCreateInfoEXT(next, provoking_vertex_mode) """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `data_size::UInt` - `data::Ptr{Cvoid}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCuModuleCreateInfoNVX.html) """ CuModuleCreateInfoNVX(data_size::Integer, data::Ptr{Cvoid}; next = C_NULL) = CuModuleCreateInfoNVX(next, data_size, data) """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `_module::CuModuleNVX` - `name::String` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCuFunctionCreateInfoNVX.html) """ CuFunctionCreateInfoNVX(_module::CuModuleNVX, name::AbstractString; next = C_NULL) = CuFunctionCreateInfoNVX(next, _module, name) """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `_function::CuFunctionNVX` - `grid_dim_x::UInt32` - `grid_dim_y::UInt32` - `grid_dim_z::UInt32` - `block_dim_x::UInt32` - `block_dim_y::UInt32` - `block_dim_z::UInt32` - `shared_mem_bytes::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCuLaunchInfoNVX.html) """ CuLaunchInfoNVX(_function::CuFunctionNVX, grid_dim_x::Integer, grid_dim_y::Integer, grid_dim_z::Integer, block_dim_x::Integer, block_dim_y::Integer, block_dim_z::Integer, shared_mem_bytes::Integer; next = C_NULL) = CuLaunchInfoNVX(next, _function, grid_dim_x, grid_dim_y, grid_dim_z, block_dim_x, block_dim_y, block_dim_z, shared_mem_bytes) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `descriptor_buffer::Bool` - `descriptor_buffer_capture_replay::Bool` - `descriptor_buffer_image_layout_ignored::Bool` - `descriptor_buffer_push_descriptors::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorBufferFeaturesEXT.html) """ PhysicalDeviceDescriptorBufferFeaturesEXT(descriptor_buffer::Bool, descriptor_buffer_capture_replay::Bool, descriptor_buffer_image_layout_ignored::Bool, descriptor_buffer_push_descriptors::Bool; next = C_NULL) = PhysicalDeviceDescriptorBufferFeaturesEXT(next, descriptor_buffer, descriptor_buffer_capture_replay, descriptor_buffer_image_layout_ignored, descriptor_buffer_push_descriptors) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `combined_image_sampler_descriptor_single_array::Bool` - `bufferless_push_descriptors::Bool` - `allow_sampler_image_view_post_submit_creation::Bool` - `descriptor_buffer_offset_alignment::UInt64` - `max_descriptor_buffer_bindings::UInt32` - `max_resource_descriptor_buffer_bindings::UInt32` - `max_sampler_descriptor_buffer_bindings::UInt32` - `max_embedded_immutable_sampler_bindings::UInt32` - `max_embedded_immutable_samplers::UInt32` - `buffer_capture_replay_descriptor_data_size::UInt` - `image_capture_replay_descriptor_data_size::UInt` - `image_view_capture_replay_descriptor_data_size::UInt` - `sampler_capture_replay_descriptor_data_size::UInt` - `acceleration_structure_capture_replay_descriptor_data_size::UInt` - `sampler_descriptor_size::UInt` - `combined_image_sampler_descriptor_size::UInt` - `sampled_image_descriptor_size::UInt` - `storage_image_descriptor_size::UInt` - `uniform_texel_buffer_descriptor_size::UInt` - `robust_uniform_texel_buffer_descriptor_size::UInt` - `storage_texel_buffer_descriptor_size::UInt` - `robust_storage_texel_buffer_descriptor_size::UInt` - `uniform_buffer_descriptor_size::UInt` - `robust_uniform_buffer_descriptor_size::UInt` - `storage_buffer_descriptor_size::UInt` - `robust_storage_buffer_descriptor_size::UInt` - `input_attachment_descriptor_size::UInt` - `acceleration_structure_descriptor_size::UInt` - `max_sampler_descriptor_buffer_range::UInt64` - `max_resource_descriptor_buffer_range::UInt64` - `sampler_descriptor_buffer_address_space_size::UInt64` - `resource_descriptor_buffer_address_space_size::UInt64` - `descriptor_buffer_address_space_size::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorBufferPropertiesEXT.html) """ PhysicalDeviceDescriptorBufferPropertiesEXT(combined_image_sampler_descriptor_single_array::Bool, bufferless_push_descriptors::Bool, allow_sampler_image_view_post_submit_creation::Bool, descriptor_buffer_offset_alignment::Integer, max_descriptor_buffer_bindings::Integer, max_resource_descriptor_buffer_bindings::Integer, max_sampler_descriptor_buffer_bindings::Integer, max_embedded_immutable_sampler_bindings::Integer, max_embedded_immutable_samplers::Integer, buffer_capture_replay_descriptor_data_size::Integer, image_capture_replay_descriptor_data_size::Integer, image_view_capture_replay_descriptor_data_size::Integer, sampler_capture_replay_descriptor_data_size::Integer, acceleration_structure_capture_replay_descriptor_data_size::Integer, sampler_descriptor_size::Integer, combined_image_sampler_descriptor_size::Integer, sampled_image_descriptor_size::Integer, storage_image_descriptor_size::Integer, uniform_texel_buffer_descriptor_size::Integer, robust_uniform_texel_buffer_descriptor_size::Integer, storage_texel_buffer_descriptor_size::Integer, robust_storage_texel_buffer_descriptor_size::Integer, uniform_buffer_descriptor_size::Integer, robust_uniform_buffer_descriptor_size::Integer, storage_buffer_descriptor_size::Integer, robust_storage_buffer_descriptor_size::Integer, input_attachment_descriptor_size::Integer, acceleration_structure_descriptor_size::Integer, max_sampler_descriptor_buffer_range::Integer, max_resource_descriptor_buffer_range::Integer, sampler_descriptor_buffer_address_space_size::Integer, resource_descriptor_buffer_address_space_size::Integer, descriptor_buffer_address_space_size::Integer; next = C_NULL) = PhysicalDeviceDescriptorBufferPropertiesEXT(next, combined_image_sampler_descriptor_single_array, bufferless_push_descriptors, allow_sampler_image_view_post_submit_creation, descriptor_buffer_offset_alignment, max_descriptor_buffer_bindings, max_resource_descriptor_buffer_bindings, max_sampler_descriptor_buffer_bindings, max_embedded_immutable_sampler_bindings, max_embedded_immutable_samplers, buffer_capture_replay_descriptor_data_size, image_capture_replay_descriptor_data_size, image_view_capture_replay_descriptor_data_size, sampler_capture_replay_descriptor_data_size, acceleration_structure_capture_replay_descriptor_data_size, sampler_descriptor_size, combined_image_sampler_descriptor_size, sampled_image_descriptor_size, storage_image_descriptor_size, uniform_texel_buffer_descriptor_size, robust_uniform_texel_buffer_descriptor_size, storage_texel_buffer_descriptor_size, robust_storage_texel_buffer_descriptor_size, uniform_buffer_descriptor_size, robust_uniform_buffer_descriptor_size, storage_buffer_descriptor_size, robust_storage_buffer_descriptor_size, input_attachment_descriptor_size, acceleration_structure_descriptor_size, max_sampler_descriptor_buffer_range, max_resource_descriptor_buffer_range, sampler_descriptor_buffer_address_space_size, resource_descriptor_buffer_address_space_size, descriptor_buffer_address_space_size) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `combined_image_sampler_density_map_descriptor_size::UInt` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT.html) """ PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT(combined_image_sampler_density_map_descriptor_size::Integer; next = C_NULL) = PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT(next, combined_image_sampler_density_map_descriptor_size) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `address::UInt64` - `range::UInt64` - `format::Format` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorAddressInfoEXT.html) """ DescriptorAddressInfoEXT(address::Integer, range::Integer, format::Format; next = C_NULL) = DescriptorAddressInfoEXT(next, address, range, format) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `address::UInt64` - `usage::BufferUsageFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorBufferBindingInfoEXT.html) """ DescriptorBufferBindingInfoEXT(address::Integer, usage::BufferUsageFlag; next = C_NULL) = DescriptorBufferBindingInfoEXT(next, address, usage) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `buffer::Buffer` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorBufferBindingPushDescriptorBufferHandleEXT.html) """ DescriptorBufferBindingPushDescriptorBufferHandleEXT(buffer::Buffer; next = C_NULL) = DescriptorBufferBindingPushDescriptorBufferHandleEXT(next, buffer) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `type::DescriptorType` - `data::DescriptorDataEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorGetInfoEXT.html) """ DescriptorGetInfoEXT(type::DescriptorType, data::DescriptorDataEXT; next = C_NULL) = DescriptorGetInfoEXT(next, type, data) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `buffer::Buffer` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCaptureDescriptorDataInfoEXT.html) """ BufferCaptureDescriptorDataInfoEXT(buffer::Buffer; next = C_NULL) = BufferCaptureDescriptorDataInfoEXT(next, buffer) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `image::Image` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCaptureDescriptorDataInfoEXT.html) """ ImageCaptureDescriptorDataInfoEXT(image::Image; next = C_NULL) = ImageCaptureDescriptorDataInfoEXT(next, image) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `image_view::ImageView` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewCaptureDescriptorDataInfoEXT.html) """ ImageViewCaptureDescriptorDataInfoEXT(image_view::ImageView; next = C_NULL) = ImageViewCaptureDescriptorDataInfoEXT(next, image_view) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `sampler::Sampler` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerCaptureDescriptorDataInfoEXT.html) """ SamplerCaptureDescriptorDataInfoEXT(sampler::Sampler; next = C_NULL) = SamplerCaptureDescriptorDataInfoEXT(next, sampler) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `next::Any`: defaults to `C_NULL` - `acceleration_structure::AccelerationStructureKHR`: defaults to `C_NULL` - `acceleration_structure_nv::AccelerationStructureNV`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureCaptureDescriptorDataInfoEXT.html) """ AccelerationStructureCaptureDescriptorDataInfoEXT(; next = C_NULL, acceleration_structure = C_NULL, acceleration_structure_nv = C_NULL) = AccelerationStructureCaptureDescriptorDataInfoEXT(next, acceleration_structure, acceleration_structure_nv) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `opaque_capture_descriptor_data::Ptr{Cvoid}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpaqueCaptureDescriptorDataCreateInfoEXT.html) """ OpaqueCaptureDescriptorDataCreateInfoEXT(opaque_capture_descriptor_data::Ptr{Cvoid}; next = C_NULL) = OpaqueCaptureDescriptorDataCreateInfoEXT(next, opaque_capture_descriptor_data) """ Arguments: - `shader_integer_dot_product::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderIntegerDotProductFeatures.html) """ PhysicalDeviceShaderIntegerDotProductFeatures(shader_integer_dot_product::Bool; next = C_NULL) = PhysicalDeviceShaderIntegerDotProductFeatures(next, shader_integer_dot_product) """ Arguments: - `integer_dot_product_8_bit_unsigned_accelerated::Bool` - `integer_dot_product_8_bit_signed_accelerated::Bool` - `integer_dot_product_8_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_8_bit_packed_unsigned_accelerated::Bool` - `integer_dot_product_8_bit_packed_signed_accelerated::Bool` - `integer_dot_product_8_bit_packed_mixed_signedness_accelerated::Bool` - `integer_dot_product_16_bit_unsigned_accelerated::Bool` - `integer_dot_product_16_bit_signed_accelerated::Bool` - `integer_dot_product_16_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_32_bit_unsigned_accelerated::Bool` - `integer_dot_product_32_bit_signed_accelerated::Bool` - `integer_dot_product_32_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_64_bit_unsigned_accelerated::Bool` - `integer_dot_product_64_bit_signed_accelerated::Bool` - `integer_dot_product_64_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_16_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_32_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_64_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderIntegerDotProductProperties.html) """ PhysicalDeviceShaderIntegerDotProductProperties(integer_dot_product_8_bit_unsigned_accelerated::Bool, integer_dot_product_8_bit_signed_accelerated::Bool, integer_dot_product_8_bit_mixed_signedness_accelerated::Bool, integer_dot_product_8_bit_packed_unsigned_accelerated::Bool, integer_dot_product_8_bit_packed_signed_accelerated::Bool, integer_dot_product_8_bit_packed_mixed_signedness_accelerated::Bool, integer_dot_product_16_bit_unsigned_accelerated::Bool, integer_dot_product_16_bit_signed_accelerated::Bool, integer_dot_product_16_bit_mixed_signedness_accelerated::Bool, integer_dot_product_32_bit_unsigned_accelerated::Bool, integer_dot_product_32_bit_signed_accelerated::Bool, integer_dot_product_32_bit_mixed_signedness_accelerated::Bool, integer_dot_product_64_bit_unsigned_accelerated::Bool, integer_dot_product_64_bit_signed_accelerated::Bool, integer_dot_product_64_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_16_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_32_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_64_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated::Bool; next = C_NULL) = PhysicalDeviceShaderIntegerDotProductProperties(next, integer_dot_product_8_bit_unsigned_accelerated, integer_dot_product_8_bit_signed_accelerated, integer_dot_product_8_bit_mixed_signedness_accelerated, integer_dot_product_8_bit_packed_unsigned_accelerated, integer_dot_product_8_bit_packed_signed_accelerated, integer_dot_product_8_bit_packed_mixed_signedness_accelerated, integer_dot_product_16_bit_unsigned_accelerated, integer_dot_product_16_bit_signed_accelerated, integer_dot_product_16_bit_mixed_signedness_accelerated, integer_dot_product_32_bit_unsigned_accelerated, integer_dot_product_32_bit_signed_accelerated, integer_dot_product_32_bit_mixed_signedness_accelerated, integer_dot_product_64_bit_unsigned_accelerated, integer_dot_product_64_bit_signed_accelerated, integer_dot_product_64_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_8_bit_signed_accelerated, integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated, integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated, integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_16_bit_signed_accelerated, integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_32_bit_signed_accelerated, integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_64_bit_signed_accelerated, integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated) """ Extension: VK\\_EXT\\_physical\\_device\\_drm Arguments: - `has_primary::Bool` - `has_render::Bool` - `primary_major::Int64` - `primary_minor::Int64` - `render_major::Int64` - `render_minor::Int64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDrmPropertiesEXT.html) """ PhysicalDeviceDrmPropertiesEXT(has_primary::Bool, has_render::Bool, primary_major::Integer, primary_minor::Integer, render_major::Integer, render_minor::Integer; next = C_NULL) = PhysicalDeviceDrmPropertiesEXT(next, has_primary, has_render, primary_major, primary_minor, render_major, render_minor) """ Extension: VK\\_KHR\\_fragment\\_shader\\_barycentric Arguments: - `fragment_shader_barycentric::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR.html) """ PhysicalDeviceFragmentShaderBarycentricFeaturesKHR(fragment_shader_barycentric::Bool; next = C_NULL) = PhysicalDeviceFragmentShaderBarycentricFeaturesKHR(next, fragment_shader_barycentric) """ Extension: VK\\_KHR\\_fragment\\_shader\\_barycentric Arguments: - `tri_strip_vertex_order_independent_of_provoking_vertex::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR.html) """ PhysicalDeviceFragmentShaderBarycentricPropertiesKHR(tri_strip_vertex_order_independent_of_provoking_vertex::Bool; next = C_NULL) = PhysicalDeviceFragmentShaderBarycentricPropertiesKHR(next, tri_strip_vertex_order_independent_of_provoking_vertex) """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `ray_tracing_motion_blur::Bool` - `ray_tracing_motion_blur_pipeline_trace_rays_indirect::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingMotionBlurFeaturesNV.html) """ PhysicalDeviceRayTracingMotionBlurFeaturesNV(ray_tracing_motion_blur::Bool, ray_tracing_motion_blur_pipeline_trace_rays_indirect::Bool; next = C_NULL) = PhysicalDeviceRayTracingMotionBlurFeaturesNV(next, ray_tracing_motion_blur, ray_tracing_motion_blur_pipeline_trace_rays_indirect) """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `vertex_data::DeviceOrHostAddressConstKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryMotionTrianglesDataNV.html) """ AccelerationStructureGeometryMotionTrianglesDataNV(vertex_data::DeviceOrHostAddressConstKHR; next = C_NULL) = AccelerationStructureGeometryMotionTrianglesDataNV(next, vertex_data) """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `max_instances::UInt32` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMotionInfoNV.html) """ AccelerationStructureMotionInfoNV(max_instances::Integer; next = C_NULL, flags = 0) = AccelerationStructureMotionInfoNV(next, max_instances, flags) """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `transform_t_0::SRTDataNV` - `transform_t_1::SRTDataNV` - `instance_custom_index::UInt32` - `mask::UInt32` - `instance_shader_binding_table_record_offset::UInt32` - `acceleration_structure_reference::UInt64` - `flags::GeometryInstanceFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureSRTMotionInstanceNV.html) """ AccelerationStructureSRTMotionInstanceNV(transform_t_0::SRTDataNV, transform_t_1::SRTDataNV, instance_custom_index::Integer, mask::Integer, instance_shader_binding_table_record_offset::Integer, acceleration_structure_reference::Integer; flags = 0) = AccelerationStructureSRTMotionInstanceNV(transform_t_0, transform_t_1, instance_custom_index, mask, instance_shader_binding_table_record_offset, flags, acceleration_structure_reference) """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `transform_t_0::TransformMatrixKHR` - `transform_t_1::TransformMatrixKHR` - `instance_custom_index::UInt32` - `mask::UInt32` - `instance_shader_binding_table_record_offset::UInt32` - `acceleration_structure_reference::UInt64` - `flags::GeometryInstanceFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMatrixMotionInstanceNV.html) """ AccelerationStructureMatrixMotionInstanceNV(transform_t_0::TransformMatrixKHR, transform_t_1::TransformMatrixKHR, instance_custom_index::Integer, mask::Integer, instance_shader_binding_table_record_offset::Integer, acceleration_structure_reference::Integer; flags = 0) = AccelerationStructureMatrixMotionInstanceNV(transform_t_0, transform_t_1, instance_custom_index, mask, instance_shader_binding_table_record_offset, flags, acceleration_structure_reference) """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `type::AccelerationStructureMotionInstanceTypeNV` - `data::AccelerationStructureMotionInstanceDataNV` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMotionInstanceNV.html) """ AccelerationStructureMotionInstanceNV(type::AccelerationStructureMotionInstanceTypeNV, data::AccelerationStructureMotionInstanceDataNV; flags = 0) = AccelerationStructureMotionInstanceNV(type, flags, data) """ Extension: VK\\_NV\\_external\\_memory\\_rdma Arguments: - `memory::DeviceMemory` - `handle_type::ExternalMemoryHandleTypeFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryGetRemoteAddressInfoNV.html) """ MemoryGetRemoteAddressInfoNV(memory::DeviceMemory, handle_type::ExternalMemoryHandleTypeFlag; next = C_NULL) = MemoryGetRemoteAddressInfoNV(next, memory, handle_type) """ Extension: VK\\_EXT\\_rgba10x6\\_formats Arguments: - `format_rgba_1_6_without_y_cb_cr_sampler::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT.html) """ PhysicalDeviceRGBA10X6FormatsFeaturesEXT(format_rgba_1_6_without_y_cb_cr_sampler::Bool; next = C_NULL) = PhysicalDeviceRGBA10X6FormatsFeaturesEXT(next, format_rgba_1_6_without_y_cb_cr_sampler) """ Arguments: - `next::Any`: defaults to `C_NULL` - `linear_tiling_features::UInt64`: defaults to `0` - `optimal_tiling_features::UInt64`: defaults to `0` - `buffer_features::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFormatProperties3.html) """ FormatProperties3(; next = C_NULL, linear_tiling_features = 0, optimal_tiling_features = 0, buffer_features = 0) = FormatProperties3(next, linear_tiling_features, optimal_tiling_features, buffer_features) """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `next::Any`: defaults to `C_NULL` - `drm_format_modifier_properties::Vector{DrmFormatModifierProperties2EXT}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierPropertiesList2EXT.html) """ DrmFormatModifierPropertiesList2EXT(; next = C_NULL, drm_format_modifier_properties = C_NULL) = DrmFormatModifierPropertiesList2EXT(next, drm_format_modifier_properties) """ Arguments: - `view_mask::UInt32` - `color_attachment_formats::Vector{Format}` - `depth_attachment_format::Format` - `stencil_attachment_format::Format` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRenderingCreateInfo.html) """ PipelineRenderingCreateInfo(view_mask::Integer, color_attachment_formats::AbstractArray, depth_attachment_format::Format, stencil_attachment_format::Format; next = C_NULL) = PipelineRenderingCreateInfo(next, view_mask, color_attachment_formats, depth_attachment_format, stencil_attachment_format) """ Arguments: - `render_area::Rect2D` - `layer_count::UInt32` - `view_mask::UInt32` - `color_attachments::Vector{RenderingAttachmentInfo}` - `next::Any`: defaults to `C_NULL` - `flags::RenderingFlag`: defaults to `0` - `depth_attachment::RenderingAttachmentInfo`: defaults to `C_NULL` - `stencil_attachment::RenderingAttachmentInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingInfo.html) """ RenderingInfo(render_area::Rect2D, layer_count::Integer, view_mask::Integer, color_attachments::AbstractArray; next = C_NULL, flags = 0, depth_attachment = C_NULL, stencil_attachment = C_NULL) = RenderingInfo(next, flags, render_area, layer_count, view_mask, color_attachments, depth_attachment, stencil_attachment) """ Arguments: - `image_layout::ImageLayout` - `resolve_image_layout::ImageLayout` - `load_op::AttachmentLoadOp` - `store_op::AttachmentStoreOp` - `clear_value::ClearValue` - `next::Any`: defaults to `C_NULL` - `image_view::ImageView`: defaults to `C_NULL` - `resolve_mode::ResolveModeFlag`: defaults to `0` - `resolve_image_view::ImageView`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingAttachmentInfo.html) """ RenderingAttachmentInfo(image_layout::ImageLayout, resolve_image_layout::ImageLayout, load_op::AttachmentLoadOp, store_op::AttachmentStoreOp, clear_value::ClearValue; next = C_NULL, image_view = C_NULL, resolve_mode = 0, resolve_image_view = C_NULL) = RenderingAttachmentInfo(next, image_view, image_layout, resolve_mode, resolve_image_view, resolve_image_layout, load_op, store_op, clear_value) """ Extension: VK\\_KHR\\_dynamic\\_rendering Arguments: - `image_layout::ImageLayout` - `shading_rate_attachment_texel_size::Extent2D` - `next::Any`: defaults to `C_NULL` - `image_view::ImageView`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingFragmentShadingRateAttachmentInfoKHR.html) """ RenderingFragmentShadingRateAttachmentInfoKHR(image_layout::ImageLayout, shading_rate_attachment_texel_size::Extent2D; next = C_NULL, image_view = C_NULL) = RenderingFragmentShadingRateAttachmentInfoKHR(next, image_view, image_layout, shading_rate_attachment_texel_size) """ Extension: VK\\_KHR\\_dynamic\\_rendering Arguments: - `image_view::ImageView` - `image_layout::ImageLayout` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingFragmentDensityMapAttachmentInfoEXT.html) """ RenderingFragmentDensityMapAttachmentInfoEXT(image_view::ImageView, image_layout::ImageLayout; next = C_NULL) = RenderingFragmentDensityMapAttachmentInfoEXT(next, image_view, image_layout) """ Arguments: - `dynamic_rendering::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDynamicRenderingFeatures.html) """ PhysicalDeviceDynamicRenderingFeatures(dynamic_rendering::Bool; next = C_NULL) = PhysicalDeviceDynamicRenderingFeatures(next, dynamic_rendering) """ Arguments: - `view_mask::UInt32` - `color_attachment_formats::Vector{Format}` - `depth_attachment_format::Format` - `stencil_attachment_format::Format` - `next::Any`: defaults to `C_NULL` - `flags::RenderingFlag`: defaults to `0` - `rasterization_samples::SampleCountFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceRenderingInfo.html) """ CommandBufferInheritanceRenderingInfo(view_mask::Integer, color_attachment_formats::AbstractArray, depth_attachment_format::Format, stencil_attachment_format::Format; next = C_NULL, flags = 0, rasterization_samples = 0) = CommandBufferInheritanceRenderingInfo(next, flags, view_mask, color_attachment_formats, depth_attachment_format, stencil_attachment_format, rasterization_samples) """ Extension: VK\\_KHR\\_dynamic\\_rendering Arguments: - `color_attachment_samples::Vector{SampleCountFlag}` - `next::Any`: defaults to `C_NULL` - `depth_stencil_attachment_samples::SampleCountFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentSampleCountInfoAMD.html) """ AttachmentSampleCountInfoAMD(color_attachment_samples::AbstractArray; next = C_NULL, depth_stencil_attachment_samples = 0) = AttachmentSampleCountInfoAMD(next, color_attachment_samples, depth_stencil_attachment_samples) """ Extension: VK\\_KHR\\_dynamic\\_rendering Arguments: - `per_view_attributes::Bool` - `per_view_attributes_position_x_only::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultiviewPerViewAttributesInfoNVX.html) """ MultiviewPerViewAttributesInfoNVX(per_view_attributes::Bool, per_view_attributes_position_x_only::Bool; next = C_NULL) = MultiviewPerViewAttributesInfoNVX(next, per_view_attributes, per_view_attributes_position_x_only) """ Extension: VK\\_EXT\\_image\\_view\\_min\\_lod Arguments: - `min_lod::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageViewMinLodFeaturesEXT.html) """ PhysicalDeviceImageViewMinLodFeaturesEXT(min_lod::Bool; next = C_NULL) = PhysicalDeviceImageViewMinLodFeaturesEXT(next, min_lod) """ Extension: VK\\_EXT\\_image\\_view\\_min\\_lod Arguments: - `min_lod::Float32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewMinLodCreateInfoEXT.html) """ ImageViewMinLodCreateInfoEXT(min_lod::Real; next = C_NULL) = ImageViewMinLodCreateInfoEXT(next, min_lod) """ Extension: VK\\_EXT\\_rasterization\\_order\\_attachment\\_access Arguments: - `rasterization_order_color_attachment_access::Bool` - `rasterization_order_depth_attachment_access::Bool` - `rasterization_order_stencil_attachment_access::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT.html) """ PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT(rasterization_order_color_attachment_access::Bool, rasterization_order_depth_attachment_access::Bool, rasterization_order_stencil_attachment_access::Bool; next = C_NULL) = PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT(next, rasterization_order_color_attachment_access, rasterization_order_depth_attachment_access, rasterization_order_stencil_attachment_access) """ Extension: VK\\_NV\\_linear\\_color\\_attachment Arguments: - `linear_color_attachment::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLinearColorAttachmentFeaturesNV.html) """ PhysicalDeviceLinearColorAttachmentFeaturesNV(linear_color_attachment::Bool; next = C_NULL) = PhysicalDeviceLinearColorAttachmentFeaturesNV(next, linear_color_attachment) """ Extension: VK\\_EXT\\_graphics\\_pipeline\\_library Arguments: - `graphics_pipeline_library::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT.html) """ PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT(graphics_pipeline_library::Bool; next = C_NULL) = PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT(next, graphics_pipeline_library) """ Extension: VK\\_EXT\\_graphics\\_pipeline\\_library Arguments: - `graphics_pipeline_library_fast_linking::Bool` - `graphics_pipeline_library_independent_interpolation_decoration::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT.html) """ PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT(graphics_pipeline_library_fast_linking::Bool, graphics_pipeline_library_independent_interpolation_decoration::Bool; next = C_NULL) = PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT(next, graphics_pipeline_library_fast_linking, graphics_pipeline_library_independent_interpolation_decoration) """ Extension: VK\\_EXT\\_graphics\\_pipeline\\_library Arguments: - `flags::GraphicsPipelineLibraryFlagEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsPipelineLibraryCreateInfoEXT.html) """ GraphicsPipelineLibraryCreateInfoEXT(flags::GraphicsPipelineLibraryFlagEXT; next = C_NULL) = GraphicsPipelineLibraryCreateInfoEXT(next, flags) """ Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping Arguments: - `descriptor_set_host_mapping::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE.html) """ PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE(descriptor_set_host_mapping::Bool; next = C_NULL) = PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE(next, descriptor_set_host_mapping) """ Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping Arguments: - `descriptor_set_layout::DescriptorSetLayout` - `binding::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetBindingReferenceVALVE.html) """ DescriptorSetBindingReferenceVALVE(descriptor_set_layout::DescriptorSetLayout, binding::Integer; next = C_NULL) = DescriptorSetBindingReferenceVALVE(next, descriptor_set_layout, binding) """ Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping Arguments: - `descriptor_offset::UInt` - `descriptor_size::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutHostMappingInfoVALVE.html) """ DescriptorSetLayoutHostMappingInfoVALVE(descriptor_offset::Integer, descriptor_size::Integer; next = C_NULL) = DescriptorSetLayoutHostMappingInfoVALVE(next, descriptor_offset, descriptor_size) """ Extension: VK\\_EXT\\_shader\\_module\\_identifier Arguments: - `shader_module_identifier::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT.html) """ PhysicalDeviceShaderModuleIdentifierFeaturesEXT(shader_module_identifier::Bool; next = C_NULL) = PhysicalDeviceShaderModuleIdentifierFeaturesEXT(next, shader_module_identifier) """ Extension: VK\\_EXT\\_shader\\_module\\_identifier Arguments: - `shader_module_identifier_algorithm_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT.html) """ PhysicalDeviceShaderModuleIdentifierPropertiesEXT(shader_module_identifier_algorithm_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}; next = C_NULL) = PhysicalDeviceShaderModuleIdentifierPropertiesEXT(next, shader_module_identifier_algorithm_uuid) """ Extension: VK\\_EXT\\_shader\\_module\\_identifier Arguments: - `identifier::Vector{UInt8}` - `next::Any`: defaults to `C_NULL` - `identifier_size::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineShaderStageModuleIdentifierCreateInfoEXT.html) """ PipelineShaderStageModuleIdentifierCreateInfoEXT(identifier::AbstractArray; next = C_NULL, identifier_size = 0) = PipelineShaderStageModuleIdentifierCreateInfoEXT(next, identifier_size, identifier) """ Extension: VK\\_EXT\\_shader\\_module\\_identifier Arguments: - `identifier_size::UInt32` - `identifier::NTuple{Int(VK_MAX_SHADER_MODULE_IDENTIFIER_SIZE_EXT), UInt8}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderModuleIdentifierEXT.html) """ ShaderModuleIdentifierEXT(identifier_size::Integer, identifier::NTuple{Int(VK_MAX_SHADER_MODULE_IDENTIFIER_SIZE_EXT), UInt8}; next = C_NULL) = ShaderModuleIdentifierEXT(next, identifier_size, identifier) """ Extension: VK\\_EXT\\_image\\_compression\\_control Arguments: - `flags::ImageCompressionFlagEXT` - `fixed_rate_flags::Vector{ImageCompressionFixedRateFlagEXT}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCompressionControlEXT.html) """ ImageCompressionControlEXT(flags::ImageCompressionFlagEXT, fixed_rate_flags::AbstractArray; next = C_NULL) = ImageCompressionControlEXT(next, flags, fixed_rate_flags) """ Extension: VK\\_EXT\\_image\\_compression\\_control Arguments: - `image_compression_control::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageCompressionControlFeaturesEXT.html) """ PhysicalDeviceImageCompressionControlFeaturesEXT(image_compression_control::Bool; next = C_NULL) = PhysicalDeviceImageCompressionControlFeaturesEXT(next, image_compression_control) """ Extension: VK\\_EXT\\_image\\_compression\\_control Arguments: - `image_compression_flags::ImageCompressionFlagEXT` - `image_compression_fixed_rate_flags::ImageCompressionFixedRateFlagEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCompressionPropertiesEXT.html) """ ImageCompressionPropertiesEXT(image_compression_flags::ImageCompressionFlagEXT, image_compression_fixed_rate_flags::ImageCompressionFixedRateFlagEXT; next = C_NULL) = ImageCompressionPropertiesEXT(next, image_compression_flags, image_compression_fixed_rate_flags) """ Extension: VK\\_EXT\\_image\\_compression\\_control\\_swapchain Arguments: - `image_compression_control_swapchain::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT.html) """ PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT(image_compression_control_swapchain::Bool; next = C_NULL) = PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT(next, image_compression_control_swapchain) """ Extension: VK\\_EXT\\_image\\_compression\\_control Arguments: - `image_subresource::ImageSubresource` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresource2EXT.html) """ ImageSubresource2EXT(image_subresource::ImageSubresource; next = C_NULL) = ImageSubresource2EXT(next, image_subresource) """ Extension: VK\\_EXT\\_image\\_compression\\_control Arguments: - `subresource_layout::SubresourceLayout` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubresourceLayout2EXT.html) """ SubresourceLayout2EXT(subresource_layout::SubresourceLayout; next = C_NULL) = SubresourceLayout2EXT(next, subresource_layout) """ Extension: VK\\_EXT\\_subpass\\_merge\\_feedback Arguments: - `disallow_merging::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreationControlEXT.html) """ RenderPassCreationControlEXT(disallow_merging::Bool; next = C_NULL) = RenderPassCreationControlEXT(next, disallow_merging) """ Extension: VK\\_EXT\\_subpass\\_merge\\_feedback Arguments: - `render_pass_feedback::RenderPassCreationFeedbackInfoEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreationFeedbackCreateInfoEXT.html) """ RenderPassCreationFeedbackCreateInfoEXT(render_pass_feedback::RenderPassCreationFeedbackInfoEXT; next = C_NULL) = RenderPassCreationFeedbackCreateInfoEXT(next, render_pass_feedback) """ Extension: VK\\_EXT\\_subpass\\_merge\\_feedback Arguments: - `subpass_feedback::RenderPassSubpassFeedbackInfoEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassSubpassFeedbackCreateInfoEXT.html) """ RenderPassSubpassFeedbackCreateInfoEXT(subpass_feedback::RenderPassSubpassFeedbackInfoEXT; next = C_NULL) = RenderPassSubpassFeedbackCreateInfoEXT(next, subpass_feedback) """ Extension: VK\\_EXT\\_subpass\\_merge\\_feedback Arguments: - `subpass_merge_feedback::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT.html) """ PhysicalDeviceSubpassMergeFeedbackFeaturesEXT(subpass_merge_feedback::Bool; next = C_NULL) = PhysicalDeviceSubpassMergeFeedbackFeaturesEXT(next, subpass_merge_feedback) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `type::MicromapTypeEXT` - `mode::BuildMicromapModeEXT` - `data::DeviceOrHostAddressConstKHR` - `scratch_data::DeviceOrHostAddressKHR` - `triangle_array::DeviceOrHostAddressConstKHR` - `triangle_array_stride::UInt64` - `next::Any`: defaults to `C_NULL` - `flags::BuildMicromapFlagEXT`: defaults to `0` - `dst_micromap::MicromapEXT`: defaults to `C_NULL` - `usage_counts::Vector{MicromapUsageEXT}`: defaults to `C_NULL` - `usage_counts_2::Vector{MicromapUsageEXT}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapBuildInfoEXT.html) """ MicromapBuildInfoEXT(type::MicromapTypeEXT, mode::BuildMicromapModeEXT, data::DeviceOrHostAddressConstKHR, scratch_data::DeviceOrHostAddressKHR, triangle_array::DeviceOrHostAddressConstKHR, triangle_array_stride::Integer; next = C_NULL, flags = 0, dst_micromap = C_NULL, usage_counts = C_NULL, usage_counts_2 = C_NULL) = MicromapBuildInfoEXT(next, type, flags, mode, dst_micromap, usage_counts, usage_counts_2, data, scratch_data, triangle_array, triangle_array_stride) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `type::MicromapTypeEXT` - `next::Any`: defaults to `C_NULL` - `create_flags::MicromapCreateFlagEXT`: defaults to `0` - `device_address::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapCreateInfoEXT.html) """ MicromapCreateInfoEXT(buffer::Buffer, offset::Integer, size::Integer, type::MicromapTypeEXT; next = C_NULL, create_flags = 0, device_address = 0) = MicromapCreateInfoEXT(next, create_flags, buffer, offset, size, type, device_address) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `version_data::Vector{UInt8}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapVersionInfoEXT.html) """ MicromapVersionInfoEXT(version_data::AbstractArray; next = C_NULL) = MicromapVersionInfoEXT(next, version_data) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `src::MicromapEXT` - `dst::MicromapEXT` - `mode::CopyMicromapModeEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMicromapInfoEXT.html) """ CopyMicromapInfoEXT(src::MicromapEXT, dst::MicromapEXT, mode::CopyMicromapModeEXT; next = C_NULL) = CopyMicromapInfoEXT(next, src, dst, mode) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `src::MicromapEXT` - `dst::DeviceOrHostAddressKHR` - `mode::CopyMicromapModeEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMicromapToMemoryInfoEXT.html) """ CopyMicromapToMemoryInfoEXT(src::MicromapEXT, dst::DeviceOrHostAddressKHR, mode::CopyMicromapModeEXT; next = C_NULL) = CopyMicromapToMemoryInfoEXT(next, src, dst, mode) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `src::DeviceOrHostAddressConstKHR` - `dst::MicromapEXT` - `mode::CopyMicromapModeEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryToMicromapInfoEXT.html) """ CopyMemoryToMicromapInfoEXT(src::DeviceOrHostAddressConstKHR, dst::MicromapEXT, mode::CopyMicromapModeEXT; next = C_NULL) = CopyMemoryToMicromapInfoEXT(next, src, dst, mode) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `micromap_size::UInt64` - `build_scratch_size::UInt64` - `discardable::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapBuildSizesInfoEXT.html) """ MicromapBuildSizesInfoEXT(micromap_size::Integer, build_scratch_size::Integer, discardable::Bool; next = C_NULL) = MicromapBuildSizesInfoEXT(next, micromap_size, build_scratch_size, discardable) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `micromap::Bool` - `micromap_capture_replay::Bool` - `micromap_host_commands::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpacityMicromapFeaturesEXT.html) """ PhysicalDeviceOpacityMicromapFeaturesEXT(micromap::Bool, micromap_capture_replay::Bool, micromap_host_commands::Bool; next = C_NULL) = PhysicalDeviceOpacityMicromapFeaturesEXT(next, micromap, micromap_capture_replay, micromap_host_commands) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `max_opacity_2_state_subdivision_level::UInt32` - `max_opacity_4_state_subdivision_level::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpacityMicromapPropertiesEXT.html) """ PhysicalDeviceOpacityMicromapPropertiesEXT(max_opacity_2_state_subdivision_level::Integer, max_opacity_4_state_subdivision_level::Integer; next = C_NULL) = PhysicalDeviceOpacityMicromapPropertiesEXT(next, max_opacity_2_state_subdivision_level, max_opacity_4_state_subdivision_level) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `index_type::IndexType` - `index_buffer::DeviceOrHostAddressConstKHR` - `index_stride::UInt64` - `base_triangle::UInt32` - `micromap::MicromapEXT` - `next::Any`: defaults to `C_NULL` - `usage_counts::Vector{MicromapUsageEXT}`: defaults to `C_NULL` - `usage_counts_2::Vector{MicromapUsageEXT}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureTrianglesOpacityMicromapEXT.html) """ AccelerationStructureTrianglesOpacityMicromapEXT(index_type::IndexType, index_buffer::DeviceOrHostAddressConstKHR, index_stride::Integer, base_triangle::Integer, micromap::MicromapEXT; next = C_NULL, usage_counts = C_NULL, usage_counts_2 = C_NULL) = AccelerationStructureTrianglesOpacityMicromapEXT(next, index_type, index_buffer, index_stride, base_triangle, usage_counts, usage_counts_2, micromap) """ Extension: VK\\_EXT\\_pipeline\\_properties Arguments: - `pipeline_identifier::NTuple{Int(VK_UUID_SIZE), UInt8}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelinePropertiesIdentifierEXT.html) """ PipelinePropertiesIdentifierEXT(pipeline_identifier::NTuple{Int(VK_UUID_SIZE), UInt8}; next = C_NULL) = PipelinePropertiesIdentifierEXT(next, pipeline_identifier) """ Extension: VK\\_EXT\\_pipeline\\_properties Arguments: - `pipeline_properties_identifier::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelinePropertiesFeaturesEXT.html) """ PhysicalDevicePipelinePropertiesFeaturesEXT(pipeline_properties_identifier::Bool; next = C_NULL) = PhysicalDevicePipelinePropertiesFeaturesEXT(next, pipeline_properties_identifier) """ Extension: VK\\_AMD\\_shader\\_early\\_and\\_late\\_fragment\\_tests Arguments: - `shader_early_and_late_fragment_tests::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD.html) """ PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD(shader_early_and_late_fragment_tests::Bool; next = C_NULL) = PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD(next, shader_early_and_late_fragment_tests) """ Extension: VK\\_EXT\\_metal\\_objects Arguments: - `next::Any`: defaults to `C_NULL` - `export_object_type::ExportMetalObjectTypeFlagEXT`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMetalObjectCreateInfoEXT.html) """ ExportMetalObjectCreateInfoEXT(; next = C_NULL, export_object_type = 0) = ExportMetalObjectCreateInfoEXT(next, export_object_type) """ Extension: VK\\_EXT\\_metal\\_objects Arguments: - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMetalObjectsInfoEXT.html) """ ExportMetalObjectsInfoEXT(; next = C_NULL) = ExportMetalObjectsInfoEXT(next) """ Extension: VK\\_EXT\\_metal\\_objects Arguments: - `mtl_device::Cvoid` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMetalDeviceInfoEXT.html) """ ExportMetalDeviceInfoEXT(mtl_device::Cvoid; next = C_NULL) = ExportMetalDeviceInfoEXT(next, mtl_device) """ Extension: VK\\_EXT\\_metal\\_objects Arguments: - `queue::Queue` - `mtl_command_queue::Cvoid` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMetalCommandQueueInfoEXT.html) """ ExportMetalCommandQueueInfoEXT(queue::Queue, mtl_command_queue::Cvoid; next = C_NULL) = ExportMetalCommandQueueInfoEXT(next, queue, mtl_command_queue) """ Extension: VK\\_EXT\\_metal\\_objects Arguments: - `memory::DeviceMemory` - `mtl_buffer::Cvoid` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMetalBufferInfoEXT.html) """ ExportMetalBufferInfoEXT(memory::DeviceMemory, mtl_buffer::Cvoid; next = C_NULL) = ExportMetalBufferInfoEXT(next, memory, mtl_buffer) """ Extension: VK\\_EXT\\_metal\\_objects Arguments: - `mtl_buffer::Cvoid` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMetalBufferInfoEXT.html) """ ImportMetalBufferInfoEXT(mtl_buffer::Cvoid; next = C_NULL) = ImportMetalBufferInfoEXT(next, mtl_buffer) """ Extension: VK\\_EXT\\_metal\\_objects Arguments: - `plane::ImageAspectFlag` - `mtl_texture::Cvoid` - `next::Any`: defaults to `C_NULL` - `image::Image`: defaults to `C_NULL` - `image_view::ImageView`: defaults to `C_NULL` - `buffer_view::BufferView`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMetalTextureInfoEXT.html) """ ExportMetalTextureInfoEXT(plane::ImageAspectFlag, mtl_texture::Cvoid; next = C_NULL, image = C_NULL, image_view = C_NULL, buffer_view = C_NULL) = ExportMetalTextureInfoEXT(next, image, image_view, buffer_view, plane, mtl_texture) """ Extension: VK\\_EXT\\_metal\\_objects Arguments: - `plane::ImageAspectFlag` - `mtl_texture::Cvoid` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMetalTextureInfoEXT.html) """ ImportMetalTextureInfoEXT(plane::ImageAspectFlag, mtl_texture::Cvoid; next = C_NULL) = ImportMetalTextureInfoEXT(next, plane, mtl_texture) """ Extension: VK\\_EXT\\_metal\\_objects Arguments: - `image::Image` - `io_surface::Cvoid` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMetalIOSurfaceInfoEXT.html) """ ExportMetalIOSurfaceInfoEXT(image::Image, io_surface::Cvoid; next = C_NULL) = ExportMetalIOSurfaceInfoEXT(next, image, io_surface) """ Extension: VK\\_EXT\\_metal\\_objects Arguments: - `next::Any`: defaults to `C_NULL` - `io_surface::Cvoid`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMetalIOSurfaceInfoEXT.html) """ ImportMetalIOSurfaceInfoEXT(; next = C_NULL, io_surface = C_NULL) = ImportMetalIOSurfaceInfoEXT(next, io_surface) """ Extension: VK\\_EXT\\_metal\\_objects Arguments: - `mtl_shared_event::Cvoid` - `next::Any`: defaults to `C_NULL` - `semaphore::Semaphore`: defaults to `C_NULL` - `event::Event`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMetalSharedEventInfoEXT.html) """ ExportMetalSharedEventInfoEXT(mtl_shared_event::Cvoid; next = C_NULL, semaphore = C_NULL, event = C_NULL) = ExportMetalSharedEventInfoEXT(next, semaphore, event, mtl_shared_event) """ Extension: VK\\_EXT\\_metal\\_objects Arguments: - `mtl_shared_event::Cvoid` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMetalSharedEventInfoEXT.html) """ ImportMetalSharedEventInfoEXT(mtl_shared_event::Cvoid; next = C_NULL) = ImportMetalSharedEventInfoEXT(next, mtl_shared_event) """ Extension: VK\\_EXT\\_non\\_seamless\\_cube\\_map Arguments: - `non_seamless_cube_map::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT.html) """ PhysicalDeviceNonSeamlessCubeMapFeaturesEXT(non_seamless_cube_map::Bool; next = C_NULL) = PhysicalDeviceNonSeamlessCubeMapFeaturesEXT(next, non_seamless_cube_map) """ Extension: VK\\_EXT\\_pipeline\\_robustness Arguments: - `pipeline_robustness::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineRobustnessFeaturesEXT.html) """ PhysicalDevicePipelineRobustnessFeaturesEXT(pipeline_robustness::Bool; next = C_NULL) = PhysicalDevicePipelineRobustnessFeaturesEXT(next, pipeline_robustness) """ Extension: VK\\_EXT\\_pipeline\\_robustness Arguments: - `storage_buffers::PipelineRobustnessBufferBehaviorEXT` - `uniform_buffers::PipelineRobustnessBufferBehaviorEXT` - `vertex_inputs::PipelineRobustnessBufferBehaviorEXT` - `images::PipelineRobustnessImageBehaviorEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRobustnessCreateInfoEXT.html) """ PipelineRobustnessCreateInfoEXT(storage_buffers::PipelineRobustnessBufferBehaviorEXT, uniform_buffers::PipelineRobustnessBufferBehaviorEXT, vertex_inputs::PipelineRobustnessBufferBehaviorEXT, images::PipelineRobustnessImageBehaviorEXT; next = C_NULL) = PipelineRobustnessCreateInfoEXT(next, storage_buffers, uniform_buffers, vertex_inputs, images) """ Extension: VK\\_EXT\\_pipeline\\_robustness Arguments: - `default_robustness_storage_buffers::PipelineRobustnessBufferBehaviorEXT` - `default_robustness_uniform_buffers::PipelineRobustnessBufferBehaviorEXT` - `default_robustness_vertex_inputs::PipelineRobustnessBufferBehaviorEXT` - `default_robustness_images::PipelineRobustnessImageBehaviorEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineRobustnessPropertiesEXT.html) """ PhysicalDevicePipelineRobustnessPropertiesEXT(default_robustness_storage_buffers::PipelineRobustnessBufferBehaviorEXT, default_robustness_uniform_buffers::PipelineRobustnessBufferBehaviorEXT, default_robustness_vertex_inputs::PipelineRobustnessBufferBehaviorEXT, default_robustness_images::PipelineRobustnessImageBehaviorEXT; next = C_NULL) = PhysicalDevicePipelineRobustnessPropertiesEXT(next, default_robustness_storage_buffers, default_robustness_uniform_buffers, default_robustness_vertex_inputs, default_robustness_images) """ Extension: VK\\_QCOM\\_image\\_processing Arguments: - `filter_center::Offset2D` - `filter_size::Extent2D` - `num_phases::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewSampleWeightCreateInfoQCOM.html) """ ImageViewSampleWeightCreateInfoQCOM(filter_center::Offset2D, filter_size::Extent2D, num_phases::Integer; next = C_NULL) = ImageViewSampleWeightCreateInfoQCOM(next, filter_center, filter_size, num_phases) """ Extension: VK\\_QCOM\\_image\\_processing Arguments: - `texture_sample_weighted::Bool` - `texture_box_filter::Bool` - `texture_block_match::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageProcessingFeaturesQCOM.html) """ PhysicalDeviceImageProcessingFeaturesQCOM(texture_sample_weighted::Bool, texture_box_filter::Bool, texture_block_match::Bool; next = C_NULL) = PhysicalDeviceImageProcessingFeaturesQCOM(next, texture_sample_weighted, texture_box_filter, texture_block_match) """ Extension: VK\\_QCOM\\_image\\_processing Arguments: - `next::Any`: defaults to `C_NULL` - `max_weight_filter_phases::UInt32`: defaults to `0` - `max_weight_filter_dimension::Extent2D`: defaults to `C_NULL` - `max_block_match_region::Extent2D`: defaults to `C_NULL` - `max_box_filter_block_size::Extent2D`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageProcessingPropertiesQCOM.html) """ PhysicalDeviceImageProcessingPropertiesQCOM(; next = C_NULL, max_weight_filter_phases = 0, max_weight_filter_dimension = C_NULL, max_block_match_region = C_NULL, max_box_filter_block_size = C_NULL) = PhysicalDeviceImageProcessingPropertiesQCOM(next, max_weight_filter_phases, max_weight_filter_dimension, max_block_match_region, max_box_filter_block_size) """ Extension: VK\\_QCOM\\_tile\\_properties Arguments: - `tile_properties::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTilePropertiesFeaturesQCOM.html) """ PhysicalDeviceTilePropertiesFeaturesQCOM(tile_properties::Bool; next = C_NULL) = PhysicalDeviceTilePropertiesFeaturesQCOM(next, tile_properties) """ Extension: VK\\_QCOM\\_tile\\_properties Arguments: - `tile_size::Extent3D` - `apron_size::Extent2D` - `origin::Offset2D` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTilePropertiesQCOM.html) """ TilePropertiesQCOM(tile_size::Extent3D, apron_size::Extent2D, origin::Offset2D; next = C_NULL) = TilePropertiesQCOM(next, tile_size, apron_size, origin) """ Extension: VK\\_SEC\\_amigo\\_profiling Arguments: - `amigo_profiling::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAmigoProfilingFeaturesSEC.html) """ PhysicalDeviceAmigoProfilingFeaturesSEC(amigo_profiling::Bool; next = C_NULL) = PhysicalDeviceAmigoProfilingFeaturesSEC(next, amigo_profiling) """ Extension: VK\\_SEC\\_amigo\\_profiling Arguments: - `first_draw_timestamp::UInt64` - `swap_buffer_timestamp::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAmigoProfilingSubmitInfoSEC.html) """ AmigoProfilingSubmitInfoSEC(first_draw_timestamp::Integer, swap_buffer_timestamp::Integer; next = C_NULL) = AmigoProfilingSubmitInfoSEC(next, first_draw_timestamp, swap_buffer_timestamp) """ Extension: VK\\_EXT\\_attachment\\_feedback\\_loop\\_layout Arguments: - `attachment_feedback_loop_layout::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT.html) """ PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT(attachment_feedback_loop_layout::Bool; next = C_NULL) = PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT(next, attachment_feedback_loop_layout) """ Extension: VK\\_EXT\\_depth\\_clamp\\_zero\\_one Arguments: - `depth_clamp_zero_one::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthClampZeroOneFeaturesEXT.html) """ PhysicalDeviceDepthClampZeroOneFeaturesEXT(depth_clamp_zero_one::Bool; next = C_NULL) = PhysicalDeviceDepthClampZeroOneFeaturesEXT(next, depth_clamp_zero_one) """ Extension: VK\\_EXT\\_device\\_address\\_binding\\_report Arguments: - `report_address_binding::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAddressBindingReportFeaturesEXT.html) """ PhysicalDeviceAddressBindingReportFeaturesEXT(report_address_binding::Bool; next = C_NULL) = PhysicalDeviceAddressBindingReportFeaturesEXT(next, report_address_binding) """ Extension: VK\\_EXT\\_device\\_address\\_binding\\_report Arguments: - `base_address::UInt64` - `size::UInt64` - `binding_type::DeviceAddressBindingTypeEXT` - `next::Any`: defaults to `C_NULL` - `flags::DeviceAddressBindingFlagEXT`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceAddressBindingCallbackDataEXT.html) """ DeviceAddressBindingCallbackDataEXT(base_address::Integer, size::Integer, binding_type::DeviceAddressBindingTypeEXT; next = C_NULL, flags = 0) = DeviceAddressBindingCallbackDataEXT(next, flags, base_address, size, binding_type) """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `optical_flow::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpticalFlowFeaturesNV.html) """ PhysicalDeviceOpticalFlowFeaturesNV(optical_flow::Bool; next = C_NULL) = PhysicalDeviceOpticalFlowFeaturesNV(next, optical_flow) """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `supported_output_grid_sizes::OpticalFlowGridSizeFlagNV` - `supported_hint_grid_sizes::OpticalFlowGridSizeFlagNV` - `hint_supported::Bool` - `cost_supported::Bool` - `bidirectional_flow_supported::Bool` - `global_flow_supported::Bool` - `min_width::UInt32` - `min_height::UInt32` - `max_width::UInt32` - `max_height::UInt32` - `max_num_regions_of_interest::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpticalFlowPropertiesNV.html) """ PhysicalDeviceOpticalFlowPropertiesNV(supported_output_grid_sizes::OpticalFlowGridSizeFlagNV, supported_hint_grid_sizes::OpticalFlowGridSizeFlagNV, hint_supported::Bool, cost_supported::Bool, bidirectional_flow_supported::Bool, global_flow_supported::Bool, min_width::Integer, min_height::Integer, max_width::Integer, max_height::Integer, max_num_regions_of_interest::Integer; next = C_NULL) = PhysicalDeviceOpticalFlowPropertiesNV(next, supported_output_grid_sizes, supported_hint_grid_sizes, hint_supported, cost_supported, bidirectional_flow_supported, global_flow_supported, min_width, min_height, max_width, max_height, max_num_regions_of_interest) """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `usage::OpticalFlowUsageFlagNV` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowImageFormatInfoNV.html) """ OpticalFlowImageFormatInfoNV(usage::OpticalFlowUsageFlagNV; next = C_NULL) = OpticalFlowImageFormatInfoNV(next, usage) """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `format::Format` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowImageFormatPropertiesNV.html) """ OpticalFlowImageFormatPropertiesNV(format::Format; next = C_NULL) = OpticalFlowImageFormatPropertiesNV(next, format) """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `width::UInt32` - `height::UInt32` - `image_format::Format` - `flow_vector_format::Format` - `output_grid_size::OpticalFlowGridSizeFlagNV` - `next::Any`: defaults to `C_NULL` - `cost_format::Format`: defaults to `0` - `hint_grid_size::OpticalFlowGridSizeFlagNV`: defaults to `0` - `performance_level::OpticalFlowPerformanceLevelNV`: defaults to `0` - `flags::OpticalFlowSessionCreateFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowSessionCreateInfoNV.html) """ OpticalFlowSessionCreateInfoNV(width::Integer, height::Integer, image_format::Format, flow_vector_format::Format, output_grid_size::OpticalFlowGridSizeFlagNV; next = C_NULL, cost_format = 0, hint_grid_size = 0, performance_level = 0, flags = 0) = OpticalFlowSessionCreateInfoNV(next, width, height, image_format, flow_vector_format, cost_format, output_grid_size, hint_grid_size, performance_level, flags) """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `id::UInt32` - `size::UInt32` - `private_data::Ptr{Cvoid}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowSessionCreatePrivateDataInfoNV.html) """ OpticalFlowSessionCreatePrivateDataInfoNV(id::Integer, size::Integer, private_data::Ptr{Cvoid}; next = C_NULL) = OpticalFlowSessionCreatePrivateDataInfoNV(next, id, size, private_data) """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `regions::Vector{Rect2D}` - `next::Any`: defaults to `C_NULL` - `flags::OpticalFlowExecuteFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowExecuteInfoNV.html) """ OpticalFlowExecuteInfoNV(regions::AbstractArray; next = C_NULL, flags = 0) = OpticalFlowExecuteInfoNV(next, flags, regions) """ Extension: VK\\_EXT\\_device\\_fault Arguments: - `device_fault::Bool` - `device_fault_vendor_binary::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFaultFeaturesEXT.html) """ PhysicalDeviceFaultFeaturesEXT(device_fault::Bool, device_fault_vendor_binary::Bool; next = C_NULL) = PhysicalDeviceFaultFeaturesEXT(next, device_fault, device_fault_vendor_binary) """ Extension: VK\\_EXT\\_device\\_fault Arguments: - `next::Any`: defaults to `C_NULL` - `address_info_count::UInt32`: defaults to `0` - `vendor_info_count::UInt32`: defaults to `0` - `vendor_binary_size::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultCountsEXT.html) """ DeviceFaultCountsEXT(; next = C_NULL, address_info_count = 0, vendor_info_count = 0, vendor_binary_size = 0) = DeviceFaultCountsEXT(next, address_info_count, vendor_info_count, vendor_binary_size) """ Extension: VK\\_EXT\\_device\\_fault Arguments: - `description::String` - `next::Any`: defaults to `C_NULL` - `address_infos::DeviceFaultAddressInfoEXT`: defaults to `C_NULL` - `vendor_infos::DeviceFaultVendorInfoEXT`: defaults to `C_NULL` - `vendor_binary_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultInfoEXT.html) """ DeviceFaultInfoEXT(description::AbstractString; next = C_NULL, address_infos = C_NULL, vendor_infos = C_NULL, vendor_binary_data = C_NULL) = DeviceFaultInfoEXT(next, description, address_infos, vendor_infos, vendor_binary_data) """ Extension: VK\\_EXT\\_pipeline\\_library\\_group\\_handles Arguments: - `pipeline_library_group_handles::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT.html) """ PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT(pipeline_library_group_handles::Bool; next = C_NULL) = PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT(next, pipeline_library_group_handles) """ Extension: VK\\_ARM\\_shader\\_core\\_builtins Arguments: - `shader_core_mask::UInt64` - `shader_core_count::UInt32` - `shader_warps_per_core::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM.html) """ PhysicalDeviceShaderCoreBuiltinsPropertiesARM(shader_core_mask::Integer, shader_core_count::Integer, shader_warps_per_core::Integer; next = C_NULL) = PhysicalDeviceShaderCoreBuiltinsPropertiesARM(next, shader_core_mask, shader_core_count, shader_warps_per_core) """ Extension: VK\\_ARM\\_shader\\_core\\_builtins Arguments: - `shader_core_builtins::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM.html) """ PhysicalDeviceShaderCoreBuiltinsFeaturesARM(shader_core_builtins::Bool; next = C_NULL) = PhysicalDeviceShaderCoreBuiltinsFeaturesARM(next, shader_core_builtins) """ Extension: VK\\_EXT\\_surface\\_maintenance1 Arguments: - `present_mode::PresentModeKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfacePresentModeEXT.html) """ SurfacePresentModeEXT(present_mode::PresentModeKHR; next = C_NULL) = SurfacePresentModeEXT(next, present_mode) """ Extension: VK\\_EXT\\_surface\\_maintenance1 Arguments: - `next::Any`: defaults to `C_NULL` - `supported_present_scaling::PresentScalingFlagEXT`: defaults to `0` - `supported_present_gravity_x::PresentGravityFlagEXT`: defaults to `0` - `supported_present_gravity_y::PresentGravityFlagEXT`: defaults to `0` - `min_scaled_image_extent::Extent2D`: defaults to `C_NULL` - `max_scaled_image_extent::Extent2D`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfacePresentScalingCapabilitiesEXT.html) """ SurfacePresentScalingCapabilitiesEXT(; next = C_NULL, supported_present_scaling = 0, supported_present_gravity_x = 0, supported_present_gravity_y = 0, min_scaled_image_extent = C_NULL, max_scaled_image_extent = C_NULL) = SurfacePresentScalingCapabilitiesEXT(next, supported_present_scaling, supported_present_gravity_x, supported_present_gravity_y, min_scaled_image_extent, max_scaled_image_extent) """ Extension: VK\\_EXT\\_surface\\_maintenance1 Arguments: - `next::Any`: defaults to `C_NULL` - `present_modes::Vector{PresentModeKHR}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfacePresentModeCompatibilityEXT.html) """ SurfacePresentModeCompatibilityEXT(; next = C_NULL, present_modes = C_NULL) = SurfacePresentModeCompatibilityEXT(next, present_modes) """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Arguments: - `swapchain_maintenance_1::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT.html) """ PhysicalDeviceSwapchainMaintenance1FeaturesEXT(swapchain_maintenance_1::Bool; next = C_NULL) = PhysicalDeviceSwapchainMaintenance1FeaturesEXT(next, swapchain_maintenance_1) """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Arguments: - `fences::Vector{Fence}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentFenceInfoEXT.html) """ SwapchainPresentFenceInfoEXT(fences::AbstractArray; next = C_NULL) = SwapchainPresentFenceInfoEXT(next, fences) """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Arguments: - `present_modes::Vector{PresentModeKHR}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentModesCreateInfoEXT.html) """ SwapchainPresentModesCreateInfoEXT(present_modes::AbstractArray; next = C_NULL) = SwapchainPresentModesCreateInfoEXT(next, present_modes) """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Arguments: - `present_modes::Vector{PresentModeKHR}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentModeInfoEXT.html) """ SwapchainPresentModeInfoEXT(present_modes::AbstractArray; next = C_NULL) = SwapchainPresentModeInfoEXT(next, present_modes) """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Arguments: - `next::Any`: defaults to `C_NULL` - `scaling_behavior::PresentScalingFlagEXT`: defaults to `0` - `present_gravity_x::PresentGravityFlagEXT`: defaults to `0` - `present_gravity_y::PresentGravityFlagEXT`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentScalingCreateInfoEXT.html) """ SwapchainPresentScalingCreateInfoEXT(; next = C_NULL, scaling_behavior = 0, present_gravity_x = 0, present_gravity_y = 0) = SwapchainPresentScalingCreateInfoEXT(next, scaling_behavior, present_gravity_x, present_gravity_y) """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Arguments: - `swapchain::SwapchainKHR` (externsync) - `image_indices::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkReleaseSwapchainImagesInfoEXT.html) """ ReleaseSwapchainImagesInfoEXT(swapchain::SwapchainKHR, image_indices::AbstractArray; next = C_NULL) = ReleaseSwapchainImagesInfoEXT(next, swapchain, image_indices) """ Extension: VK\\_NV\\_ray\\_tracing\\_invocation\\_reorder Arguments: - `ray_tracing_invocation_reorder::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV.html) """ PhysicalDeviceRayTracingInvocationReorderFeaturesNV(ray_tracing_invocation_reorder::Bool; next = C_NULL) = PhysicalDeviceRayTracingInvocationReorderFeaturesNV(next, ray_tracing_invocation_reorder) """ Extension: VK\\_NV\\_ray\\_tracing\\_invocation\\_reorder Arguments: - `ray_tracing_invocation_reorder_reordering_hint::RayTracingInvocationReorderModeNV` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV.html) """ PhysicalDeviceRayTracingInvocationReorderPropertiesNV(ray_tracing_invocation_reorder_reordering_hint::RayTracingInvocationReorderModeNV; next = C_NULL) = PhysicalDeviceRayTracingInvocationReorderPropertiesNV(next, ray_tracing_invocation_reorder_reordering_hint) """ Extension: VK\\_LUNARG\\_direct\\_driver\\_loading Arguments: - `flags::UInt32` - `pfn_get_instance_proc_addr::FunctionPtr` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDirectDriverLoadingInfoLUNARG.html) """ DirectDriverLoadingInfoLUNARG(flags::Integer, pfn_get_instance_proc_addr::FunctionPtr; next = C_NULL) = DirectDriverLoadingInfoLUNARG(next, flags, pfn_get_instance_proc_addr) """ Extension: VK\\_LUNARG\\_direct\\_driver\\_loading Arguments: - `mode::DirectDriverLoadingModeLUNARG` - `drivers::Vector{DirectDriverLoadingInfoLUNARG}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDirectDriverLoadingListLUNARG.html) """ DirectDriverLoadingListLUNARG(mode::DirectDriverLoadingModeLUNARG, drivers::AbstractArray; next = C_NULL) = DirectDriverLoadingListLUNARG(next, mode, drivers) """ Extension: VK\\_QCOM\\_multiview\\_per\\_view\\_viewports Arguments: - `multiview_per_view_viewports::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM.html) """ PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM(multiview_per_view_viewports::Bool; next = C_NULL) = PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM(next, multiview_per_view_viewports) _BaseOutStructure(x::BaseOutStructure) = _BaseOutStructure(; x.next) _BaseInStructure(x::BaseInStructure) = _BaseInStructure(; x.next) _Offset2D(x::Offset2D) = _Offset2D(x.x, x.y) _Offset3D(x::Offset3D) = _Offset3D(x.x, x.y, x.z) _Extent2D(x::Extent2D) = _Extent2D(x.width, x.height) _Extent3D(x::Extent3D) = _Extent3D(x.width, x.height, x.depth) _Viewport(x::Viewport) = _Viewport(x.x, x.y, x.width, x.height, x.min_depth, x.max_depth) _Rect2D(x::Rect2D) = _Rect2D(convert_nonnull(_Offset2D, x.offset), convert_nonnull(_Extent2D, x.extent)) _ClearRect(x::ClearRect) = _ClearRect(convert_nonnull(_Rect2D, x.rect), x.base_array_layer, x.layer_count) _ComponentMapping(x::ComponentMapping) = _ComponentMapping(x.r, x.g, x.b, x.a) _PhysicalDeviceProperties(x::PhysicalDeviceProperties) = _PhysicalDeviceProperties(x.api_version, x.driver_version, x.vendor_id, x.device_id, x.device_type, x.device_name, x.pipeline_cache_uuid, convert_nonnull(_PhysicalDeviceLimits, x.limits), convert_nonnull(_PhysicalDeviceSparseProperties, x.sparse_properties)) _ExtensionProperties(x::ExtensionProperties) = _ExtensionProperties(x.extension_name, x.spec_version) _LayerProperties(x::LayerProperties) = _LayerProperties(x.layer_name, x.spec_version, x.implementation_version, x.description) _ApplicationInfo(x::ApplicationInfo) = _ApplicationInfo(x.application_version, x.engine_version, x.api_version; x.next, x.application_name, x.engine_name) _AllocationCallbacks(x::AllocationCallbacks) = _AllocationCallbacks(x.pfn_allocation, x.pfn_reallocation, x.pfn_free; x.user_data, x.pfn_internal_allocation, x.pfn_internal_free) _DeviceQueueCreateInfo(x::DeviceQueueCreateInfo) = _DeviceQueueCreateInfo(x.queue_family_index, x.queue_priorities; x.next, x.flags) _DeviceCreateInfo(x::DeviceCreateInfo) = _DeviceCreateInfo(convert_nonnull(Vector{_DeviceQueueCreateInfo}, x.queue_create_infos), x.enabled_layer_names, x.enabled_extension_names; x.next, x.flags, enabled_features = convert_nonnull(_PhysicalDeviceFeatures, x.enabled_features)) _InstanceCreateInfo(x::InstanceCreateInfo) = _InstanceCreateInfo(x.enabled_layer_names, x.enabled_extension_names; x.next, x.flags, application_info = convert_nonnull(_ApplicationInfo, x.application_info)) _QueueFamilyProperties(x::QueueFamilyProperties) = _QueueFamilyProperties(x.queue_count, x.timestamp_valid_bits, convert_nonnull(_Extent3D, x.min_image_transfer_granularity); x.queue_flags) _PhysicalDeviceMemoryProperties(x::PhysicalDeviceMemoryProperties) = _PhysicalDeviceMemoryProperties(x.memory_type_count, convert_nonnull(NTuple{Int(VK_MAX_MEMORY_TYPES), _MemoryType}, x.memory_types), x.memory_heap_count, convert_nonnull(NTuple{Int(VK_MAX_MEMORY_HEAPS), _MemoryHeap}, x.memory_heaps)) _MemoryAllocateInfo(x::MemoryAllocateInfo) = _MemoryAllocateInfo(x.allocation_size, x.memory_type_index; x.next) _MemoryRequirements(x::MemoryRequirements) = _MemoryRequirements(x.size, x.alignment, x.memory_type_bits) _SparseImageFormatProperties(x::SparseImageFormatProperties) = _SparseImageFormatProperties(convert_nonnull(_Extent3D, x.image_granularity); x.aspect_mask, x.flags) _SparseImageMemoryRequirements(x::SparseImageMemoryRequirements) = _SparseImageMemoryRequirements(convert_nonnull(_SparseImageFormatProperties, x.format_properties), x.image_mip_tail_first_lod, x.image_mip_tail_size, x.image_mip_tail_offset, x.image_mip_tail_stride) _MemoryType(x::MemoryType) = _MemoryType(x.heap_index; x.property_flags) _MemoryHeap(x::MemoryHeap) = _MemoryHeap(x.size; x.flags) _MappedMemoryRange(x::MappedMemoryRange) = _MappedMemoryRange(x.memory, x.offset, x.size; x.next) _FormatProperties(x::FormatProperties) = _FormatProperties(; x.linear_tiling_features, x.optimal_tiling_features, x.buffer_features) _ImageFormatProperties(x::ImageFormatProperties) = _ImageFormatProperties(convert_nonnull(_Extent3D, x.max_extent), x.max_mip_levels, x.max_array_layers, x.max_resource_size; x.sample_counts) _DescriptorBufferInfo(x::DescriptorBufferInfo) = _DescriptorBufferInfo(x.offset, x.range; x.buffer) _DescriptorImageInfo(x::DescriptorImageInfo) = _DescriptorImageInfo(x.sampler, x.image_view, x.image_layout) _WriteDescriptorSet(x::WriteDescriptorSet) = _WriteDescriptorSet(x.dst_set, x.dst_binding, x.dst_array_element, x.descriptor_type, convert_nonnull(Vector{_DescriptorImageInfo}, x.image_info), convert_nonnull(Vector{_DescriptorBufferInfo}, x.buffer_info), x.texel_buffer_view; x.next, x.descriptor_count) _CopyDescriptorSet(x::CopyDescriptorSet) = _CopyDescriptorSet(x.src_set, x.src_binding, x.src_array_element, x.dst_set, x.dst_binding, x.dst_array_element, x.descriptor_count; x.next) _BufferCreateInfo(x::BufferCreateInfo) = _BufferCreateInfo(x.size, x.usage, x.sharing_mode, x.queue_family_indices; x.next, x.flags) _BufferViewCreateInfo(x::BufferViewCreateInfo) = _BufferViewCreateInfo(x.buffer, x.format, x.offset, x.range; x.next, x.flags) _ImageSubresource(x::ImageSubresource) = _ImageSubresource(x.aspect_mask, x.mip_level, x.array_layer) _ImageSubresourceLayers(x::ImageSubresourceLayers) = _ImageSubresourceLayers(x.aspect_mask, x.mip_level, x.base_array_layer, x.layer_count) _ImageSubresourceRange(x::ImageSubresourceRange) = _ImageSubresourceRange(x.aspect_mask, x.base_mip_level, x.level_count, x.base_array_layer, x.layer_count) _MemoryBarrier(x::MemoryBarrier) = _MemoryBarrier(; x.next, x.src_access_mask, x.dst_access_mask) _BufferMemoryBarrier(x::BufferMemoryBarrier) = _BufferMemoryBarrier(x.src_access_mask, x.dst_access_mask, x.src_queue_family_index, x.dst_queue_family_index, x.buffer, x.offset, x.size; x.next) _ImageMemoryBarrier(x::ImageMemoryBarrier) = _ImageMemoryBarrier(x.src_access_mask, x.dst_access_mask, x.old_layout, x.new_layout, x.src_queue_family_index, x.dst_queue_family_index, x.image, convert_nonnull(_ImageSubresourceRange, x.subresource_range); x.next) _ImageCreateInfo(x::ImageCreateInfo) = _ImageCreateInfo(x.image_type, x.format, convert_nonnull(_Extent3D, x.extent), x.mip_levels, x.array_layers, x.samples, x.tiling, x.usage, x.sharing_mode, x.queue_family_indices, x.initial_layout; x.next, x.flags) _SubresourceLayout(x::SubresourceLayout) = _SubresourceLayout(x.offset, x.size, x.row_pitch, x.array_pitch, x.depth_pitch) _ImageViewCreateInfo(x::ImageViewCreateInfo) = _ImageViewCreateInfo(x.image, x.view_type, x.format, convert_nonnull(_ComponentMapping, x.components), convert_nonnull(_ImageSubresourceRange, x.subresource_range); x.next, x.flags) _BufferCopy(x::BufferCopy) = _BufferCopy(x.src_offset, x.dst_offset, x.size) _SparseMemoryBind(x::SparseMemoryBind) = _SparseMemoryBind(x.resource_offset, x.size, x.memory_offset; x.memory, x.flags) _SparseImageMemoryBind(x::SparseImageMemoryBind) = _SparseImageMemoryBind(convert_nonnull(_ImageSubresource, x.subresource), convert_nonnull(_Offset3D, x.offset), convert_nonnull(_Extent3D, x.extent), x.memory_offset; x.memory, x.flags) _SparseBufferMemoryBindInfo(x::SparseBufferMemoryBindInfo) = _SparseBufferMemoryBindInfo(x.buffer, convert_nonnull(Vector{_SparseMemoryBind}, x.binds)) _SparseImageOpaqueMemoryBindInfo(x::SparseImageOpaqueMemoryBindInfo) = _SparseImageOpaqueMemoryBindInfo(x.image, convert_nonnull(Vector{_SparseMemoryBind}, x.binds)) _SparseImageMemoryBindInfo(x::SparseImageMemoryBindInfo) = _SparseImageMemoryBindInfo(x.image, convert_nonnull(Vector{_SparseImageMemoryBind}, x.binds)) _BindSparseInfo(x::BindSparseInfo) = _BindSparseInfo(x.wait_semaphores, convert_nonnull(Vector{_SparseBufferMemoryBindInfo}, x.buffer_binds), convert_nonnull(Vector{_SparseImageOpaqueMemoryBindInfo}, x.image_opaque_binds), convert_nonnull(Vector{_SparseImageMemoryBindInfo}, x.image_binds), x.signal_semaphores; x.next) _ImageCopy(x::ImageCopy) = _ImageCopy(convert_nonnull(_ImageSubresourceLayers, x.src_subresource), convert_nonnull(_Offset3D, x.src_offset), convert_nonnull(_ImageSubresourceLayers, x.dst_subresource), convert_nonnull(_Offset3D, x.dst_offset), convert_nonnull(_Extent3D, x.extent)) _ImageBlit(x::ImageBlit) = _ImageBlit(convert_nonnull(_ImageSubresourceLayers, x.src_subresource), convert_nonnull(NTuple{2, _Offset3D}, x.src_offsets), convert_nonnull(_ImageSubresourceLayers, x.dst_subresource), convert_nonnull(NTuple{2, _Offset3D}, x.dst_offsets)) _BufferImageCopy(x::BufferImageCopy) = _BufferImageCopy(x.buffer_offset, x.buffer_row_length, x.buffer_image_height, convert_nonnull(_ImageSubresourceLayers, x.image_subresource), convert_nonnull(_Offset3D, x.image_offset), convert_nonnull(_Extent3D, x.image_extent)) _CopyMemoryIndirectCommandNV(x::CopyMemoryIndirectCommandNV) = _CopyMemoryIndirectCommandNV(x.src_address, x.dst_address, x.size) _CopyMemoryToImageIndirectCommandNV(x::CopyMemoryToImageIndirectCommandNV) = _CopyMemoryToImageIndirectCommandNV(x.src_address, x.buffer_row_length, x.buffer_image_height, convert_nonnull(_ImageSubresourceLayers, x.image_subresource), convert_nonnull(_Offset3D, x.image_offset), convert_nonnull(_Extent3D, x.image_extent)) _ImageResolve(x::ImageResolve) = _ImageResolve(convert_nonnull(_ImageSubresourceLayers, x.src_subresource), convert_nonnull(_Offset3D, x.src_offset), convert_nonnull(_ImageSubresourceLayers, x.dst_subresource), convert_nonnull(_Offset3D, x.dst_offset), convert_nonnull(_Extent3D, x.extent)) _ShaderModuleCreateInfo(x::ShaderModuleCreateInfo) = _ShaderModuleCreateInfo(x.code_size, x.code; x.next, x.flags) _DescriptorSetLayoutBinding(x::DescriptorSetLayoutBinding) = _DescriptorSetLayoutBinding(x.binding, x.descriptor_type, x.stage_flags; x.descriptor_count, x.immutable_samplers) _DescriptorSetLayoutCreateInfo(x::DescriptorSetLayoutCreateInfo) = _DescriptorSetLayoutCreateInfo(convert_nonnull(Vector{_DescriptorSetLayoutBinding}, x.bindings); x.next, x.flags) _DescriptorPoolSize(x::DescriptorPoolSize) = _DescriptorPoolSize(x.type, x.descriptor_count) _DescriptorPoolCreateInfo(x::DescriptorPoolCreateInfo) = _DescriptorPoolCreateInfo(x.max_sets, convert_nonnull(Vector{_DescriptorPoolSize}, x.pool_sizes); x.next, x.flags) _DescriptorSetAllocateInfo(x::DescriptorSetAllocateInfo) = _DescriptorSetAllocateInfo(x.descriptor_pool, x.set_layouts; x.next) _SpecializationMapEntry(x::SpecializationMapEntry) = _SpecializationMapEntry(x.constant_id, x.offset, x.size) _SpecializationInfo(x::SpecializationInfo) = _SpecializationInfo(convert_nonnull(Vector{_SpecializationMapEntry}, x.map_entries), x.data; x.data_size) _PipelineShaderStageCreateInfo(x::PipelineShaderStageCreateInfo) = _PipelineShaderStageCreateInfo(x.stage, x._module, x.name; x.next, x.flags, specialization_info = convert_nonnull(_SpecializationInfo, x.specialization_info)) _ComputePipelineCreateInfo(x::ComputePipelineCreateInfo) = _ComputePipelineCreateInfo(convert_nonnull(_PipelineShaderStageCreateInfo, x.stage), x.layout, x.base_pipeline_index; x.next, x.flags, x.base_pipeline_handle) _VertexInputBindingDescription(x::VertexInputBindingDescription) = _VertexInputBindingDescription(x.binding, x.stride, x.input_rate) _VertexInputAttributeDescription(x::VertexInputAttributeDescription) = _VertexInputAttributeDescription(x.location, x.binding, x.format, x.offset) _PipelineVertexInputStateCreateInfo(x::PipelineVertexInputStateCreateInfo) = _PipelineVertexInputStateCreateInfo(convert_nonnull(Vector{_VertexInputBindingDescription}, x.vertex_binding_descriptions), convert_nonnull(Vector{_VertexInputAttributeDescription}, x.vertex_attribute_descriptions); x.next, x.flags) _PipelineInputAssemblyStateCreateInfo(x::PipelineInputAssemblyStateCreateInfo) = _PipelineInputAssemblyStateCreateInfo(x.topology, x.primitive_restart_enable; x.next, x.flags) _PipelineTessellationStateCreateInfo(x::PipelineTessellationStateCreateInfo) = _PipelineTessellationStateCreateInfo(x.patch_control_points; x.next, x.flags) _PipelineViewportStateCreateInfo(x::PipelineViewportStateCreateInfo) = _PipelineViewportStateCreateInfo(; x.next, x.flags, viewports = convert_nonnull(Vector{_Viewport}, x.viewports), scissors = convert_nonnull(Vector{_Rect2D}, x.scissors)) _PipelineRasterizationStateCreateInfo(x::PipelineRasterizationStateCreateInfo) = _PipelineRasterizationStateCreateInfo(x.depth_clamp_enable, x.rasterizer_discard_enable, x.polygon_mode, x.front_face, x.depth_bias_enable, x.depth_bias_constant_factor, x.depth_bias_clamp, x.depth_bias_slope_factor, x.line_width; x.next, x.flags, x.cull_mode) _PipelineMultisampleStateCreateInfo(x::PipelineMultisampleStateCreateInfo) = _PipelineMultisampleStateCreateInfo(x.rasterization_samples, x.sample_shading_enable, x.min_sample_shading, x.alpha_to_coverage_enable, x.alpha_to_one_enable; x.next, x.flags, x.sample_mask) _PipelineColorBlendAttachmentState(x::PipelineColorBlendAttachmentState) = _PipelineColorBlendAttachmentState(x.blend_enable, x.src_color_blend_factor, x.dst_color_blend_factor, x.color_blend_op, x.src_alpha_blend_factor, x.dst_alpha_blend_factor, x.alpha_blend_op; x.color_write_mask) _PipelineColorBlendStateCreateInfo(x::PipelineColorBlendStateCreateInfo) = _PipelineColorBlendStateCreateInfo(x.logic_op_enable, x.logic_op, convert_nonnull(Vector{_PipelineColorBlendAttachmentState}, x.attachments), x.blend_constants; x.next, x.flags) _PipelineDynamicStateCreateInfo(x::PipelineDynamicStateCreateInfo) = _PipelineDynamicStateCreateInfo(x.dynamic_states; x.next, x.flags) _StencilOpState(x::StencilOpState) = _StencilOpState(x.fail_op, x.pass_op, x.depth_fail_op, x.compare_op, x.compare_mask, x.write_mask, x.reference) _PipelineDepthStencilStateCreateInfo(x::PipelineDepthStencilStateCreateInfo) = _PipelineDepthStencilStateCreateInfo(x.depth_test_enable, x.depth_write_enable, x.depth_compare_op, x.depth_bounds_test_enable, x.stencil_test_enable, convert_nonnull(_StencilOpState, x.front), convert_nonnull(_StencilOpState, x.back), x.min_depth_bounds, x.max_depth_bounds; x.next, x.flags) _GraphicsPipelineCreateInfo(x::GraphicsPipelineCreateInfo) = _GraphicsPipelineCreateInfo(convert_nonnull(Vector{_PipelineShaderStageCreateInfo}, x.stages), convert_nonnull(_PipelineRasterizationStateCreateInfo, x.rasterization_state), x.layout, x.subpass, x.base_pipeline_index; x.next, x.flags, vertex_input_state = convert_nonnull(_PipelineVertexInputStateCreateInfo, x.vertex_input_state), input_assembly_state = convert_nonnull(_PipelineInputAssemblyStateCreateInfo, x.input_assembly_state), tessellation_state = convert_nonnull(_PipelineTessellationStateCreateInfo, x.tessellation_state), viewport_state = convert_nonnull(_PipelineViewportStateCreateInfo, x.viewport_state), multisample_state = convert_nonnull(_PipelineMultisampleStateCreateInfo, x.multisample_state), depth_stencil_state = convert_nonnull(_PipelineDepthStencilStateCreateInfo, x.depth_stencil_state), color_blend_state = convert_nonnull(_PipelineColorBlendStateCreateInfo, x.color_blend_state), dynamic_state = convert_nonnull(_PipelineDynamicStateCreateInfo, x.dynamic_state), x.render_pass, x.base_pipeline_handle) _PipelineCacheCreateInfo(x::PipelineCacheCreateInfo) = _PipelineCacheCreateInfo(x.initial_data; x.next, x.flags, x.initial_data_size) _PipelineCacheHeaderVersionOne(x::PipelineCacheHeaderVersionOne) = _PipelineCacheHeaderVersionOne(x.header_size, x.header_version, x.vendor_id, x.device_id, x.pipeline_cache_uuid) _PushConstantRange(x::PushConstantRange) = _PushConstantRange(x.stage_flags, x.offset, x.size) _PipelineLayoutCreateInfo(x::PipelineLayoutCreateInfo) = _PipelineLayoutCreateInfo(x.set_layouts, convert_nonnull(Vector{_PushConstantRange}, x.push_constant_ranges); x.next, x.flags) _SamplerCreateInfo(x::SamplerCreateInfo) = _SamplerCreateInfo(x.mag_filter, x.min_filter, x.mipmap_mode, x.address_mode_u, x.address_mode_v, x.address_mode_w, x.mip_lod_bias, x.anisotropy_enable, x.max_anisotropy, x.compare_enable, x.compare_op, x.min_lod, x.max_lod, x.border_color, x.unnormalized_coordinates; x.next, x.flags) _CommandPoolCreateInfo(x::CommandPoolCreateInfo) = _CommandPoolCreateInfo(x.queue_family_index; x.next, x.flags) _CommandBufferAllocateInfo(x::CommandBufferAllocateInfo) = _CommandBufferAllocateInfo(x.command_pool, x.level, x.command_buffer_count; x.next) _CommandBufferInheritanceInfo(x::CommandBufferInheritanceInfo) = _CommandBufferInheritanceInfo(x.subpass, x.occlusion_query_enable; x.next, x.render_pass, x.framebuffer, x.query_flags, x.pipeline_statistics) _CommandBufferBeginInfo(x::CommandBufferBeginInfo) = _CommandBufferBeginInfo(; x.next, x.flags, inheritance_info = convert_nonnull(_CommandBufferInheritanceInfo, x.inheritance_info)) _RenderPassBeginInfo(x::RenderPassBeginInfo) = _RenderPassBeginInfo(x.render_pass, x.framebuffer, convert_nonnull(_Rect2D, x.render_area), convert_nonnull(Vector{_ClearValue}, x.clear_values); x.next) _ClearDepthStencilValue(x::ClearDepthStencilValue) = _ClearDepthStencilValue(x.depth, x.stencil) _ClearAttachment(x::ClearAttachment) = _ClearAttachment(x.aspect_mask, x.color_attachment, convert_nonnull(_ClearValue, x.clear_value)) _AttachmentDescription(x::AttachmentDescription) = _AttachmentDescription(x.format, x.samples, x.load_op, x.store_op, x.stencil_load_op, x.stencil_store_op, x.initial_layout, x.final_layout; x.flags) _AttachmentReference(x::AttachmentReference) = _AttachmentReference(x.attachment, x.layout) _SubpassDescription(x::SubpassDescription) = _SubpassDescription(x.pipeline_bind_point, convert_nonnull(Vector{_AttachmentReference}, x.input_attachments), convert_nonnull(Vector{_AttachmentReference}, x.color_attachments), x.preserve_attachments; x.flags, resolve_attachments = convert_nonnull(Vector{_AttachmentReference}, x.resolve_attachments), depth_stencil_attachment = convert_nonnull(_AttachmentReference, x.depth_stencil_attachment)) _SubpassDependency(x::SubpassDependency) = _SubpassDependency(x.src_subpass, x.dst_subpass; x.src_stage_mask, x.dst_stage_mask, x.src_access_mask, x.dst_access_mask, x.dependency_flags) _RenderPassCreateInfo(x::RenderPassCreateInfo) = _RenderPassCreateInfo(convert_nonnull(Vector{_AttachmentDescription}, x.attachments), convert_nonnull(Vector{_SubpassDescription}, x.subpasses), convert_nonnull(Vector{_SubpassDependency}, x.dependencies); x.next, x.flags) _EventCreateInfo(x::EventCreateInfo) = _EventCreateInfo(; x.next, x.flags) _FenceCreateInfo(x::FenceCreateInfo) = _FenceCreateInfo(; x.next, x.flags) _PhysicalDeviceFeatures(x::PhysicalDeviceFeatures) = _PhysicalDeviceFeatures(x.robust_buffer_access, x.full_draw_index_uint_32, x.image_cube_array, x.independent_blend, x.geometry_shader, x.tessellation_shader, x.sample_rate_shading, x.dual_src_blend, x.logic_op, x.multi_draw_indirect, x.draw_indirect_first_instance, x.depth_clamp, x.depth_bias_clamp, x.fill_mode_non_solid, x.depth_bounds, x.wide_lines, x.large_points, x.alpha_to_one, x.multi_viewport, x.sampler_anisotropy, x.texture_compression_etc_2, x.texture_compression_astc_ldr, x.texture_compression_bc, x.occlusion_query_precise, x.pipeline_statistics_query, x.vertex_pipeline_stores_and_atomics, x.fragment_stores_and_atomics, x.shader_tessellation_and_geometry_point_size, x.shader_image_gather_extended, x.shader_storage_image_extended_formats, x.shader_storage_image_multisample, x.shader_storage_image_read_without_format, x.shader_storage_image_write_without_format, x.shader_uniform_buffer_array_dynamic_indexing, x.shader_sampled_image_array_dynamic_indexing, x.shader_storage_buffer_array_dynamic_indexing, x.shader_storage_image_array_dynamic_indexing, x.shader_clip_distance, x.shader_cull_distance, x.shader_float_64, x.shader_int_64, x.shader_int_16, x.shader_resource_residency, x.shader_resource_min_lod, x.sparse_binding, x.sparse_residency_buffer, x.sparse_residency_image_2_d, x.sparse_residency_image_3_d, x.sparse_residency_2_samples, x.sparse_residency_4_samples, x.sparse_residency_8_samples, x.sparse_residency_16_samples, x.sparse_residency_aliased, x.variable_multisample_rate, x.inherited_queries) _PhysicalDeviceSparseProperties(x::PhysicalDeviceSparseProperties) = _PhysicalDeviceSparseProperties(x.residency_standard_2_d_block_shape, x.residency_standard_2_d_multisample_block_shape, x.residency_standard_3_d_block_shape, x.residency_aligned_mip_size, x.residency_non_resident_strict) _PhysicalDeviceLimits(x::PhysicalDeviceLimits) = _PhysicalDeviceLimits(x.max_image_dimension_1_d, x.max_image_dimension_2_d, x.max_image_dimension_3_d, x.max_image_dimension_cube, x.max_image_array_layers, x.max_texel_buffer_elements, x.max_uniform_buffer_range, x.max_storage_buffer_range, x.max_push_constants_size, x.max_memory_allocation_count, x.max_sampler_allocation_count, x.buffer_image_granularity, x.sparse_address_space_size, x.max_bound_descriptor_sets, x.max_per_stage_descriptor_samplers, x.max_per_stage_descriptor_uniform_buffers, x.max_per_stage_descriptor_storage_buffers, x.max_per_stage_descriptor_sampled_images, x.max_per_stage_descriptor_storage_images, x.max_per_stage_descriptor_input_attachments, x.max_per_stage_resources, x.max_descriptor_set_samplers, x.max_descriptor_set_uniform_buffers, x.max_descriptor_set_uniform_buffers_dynamic, x.max_descriptor_set_storage_buffers, x.max_descriptor_set_storage_buffers_dynamic, x.max_descriptor_set_sampled_images, x.max_descriptor_set_storage_images, x.max_descriptor_set_input_attachments, x.max_vertex_input_attributes, x.max_vertex_input_bindings, x.max_vertex_input_attribute_offset, x.max_vertex_input_binding_stride, x.max_vertex_output_components, x.max_tessellation_generation_level, x.max_tessellation_patch_size, x.max_tessellation_control_per_vertex_input_components, x.max_tessellation_control_per_vertex_output_components, x.max_tessellation_control_per_patch_output_components, x.max_tessellation_control_total_output_components, x.max_tessellation_evaluation_input_components, x.max_tessellation_evaluation_output_components, x.max_geometry_shader_invocations, x.max_geometry_input_components, x.max_geometry_output_components, x.max_geometry_output_vertices, x.max_geometry_total_output_components, x.max_fragment_input_components, x.max_fragment_output_attachments, x.max_fragment_dual_src_attachments, x.max_fragment_combined_output_resources, x.max_compute_shared_memory_size, x.max_compute_work_group_count, x.max_compute_work_group_invocations, x.max_compute_work_group_size, x.sub_pixel_precision_bits, x.sub_texel_precision_bits, x.mipmap_precision_bits, x.max_draw_indexed_index_value, x.max_draw_indirect_count, x.max_sampler_lod_bias, x.max_sampler_anisotropy, x.max_viewports, x.max_viewport_dimensions, x.viewport_bounds_range, x.viewport_sub_pixel_bits, x.min_memory_map_alignment, x.min_texel_buffer_offset_alignment, x.min_uniform_buffer_offset_alignment, x.min_storage_buffer_offset_alignment, x.min_texel_offset, x.max_texel_offset, x.min_texel_gather_offset, x.max_texel_gather_offset, x.min_interpolation_offset, x.max_interpolation_offset, x.sub_pixel_interpolation_offset_bits, x.max_framebuffer_width, x.max_framebuffer_height, x.max_framebuffer_layers, x.max_color_attachments, x.max_sample_mask_words, x.timestamp_compute_and_graphics, x.timestamp_period, x.max_clip_distances, x.max_cull_distances, x.max_combined_clip_and_cull_distances, x.discrete_queue_priorities, x.point_size_range, x.line_width_range, x.point_size_granularity, x.line_width_granularity, x.strict_lines, x.standard_sample_locations, x.optimal_buffer_copy_offset_alignment, x.optimal_buffer_copy_row_pitch_alignment, x.non_coherent_atom_size; x.framebuffer_color_sample_counts, x.framebuffer_depth_sample_counts, x.framebuffer_stencil_sample_counts, x.framebuffer_no_attachments_sample_counts, x.sampled_image_color_sample_counts, x.sampled_image_integer_sample_counts, x.sampled_image_depth_sample_counts, x.sampled_image_stencil_sample_counts, x.storage_image_sample_counts) _SemaphoreCreateInfo(x::SemaphoreCreateInfo) = _SemaphoreCreateInfo(; x.next, x.flags) _QueryPoolCreateInfo(x::QueryPoolCreateInfo) = _QueryPoolCreateInfo(x.query_type, x.query_count; x.next, x.flags, x.pipeline_statistics) _FramebufferCreateInfo(x::FramebufferCreateInfo) = _FramebufferCreateInfo(x.render_pass, x.attachments, x.width, x.height, x.layers; x.next, x.flags) _DrawIndirectCommand(x::DrawIndirectCommand) = _DrawIndirectCommand(x.vertex_count, x.instance_count, x.first_vertex, x.first_instance) _DrawIndexedIndirectCommand(x::DrawIndexedIndirectCommand) = _DrawIndexedIndirectCommand(x.index_count, x.instance_count, x.first_index, x.vertex_offset, x.first_instance) _DispatchIndirectCommand(x::DispatchIndirectCommand) = _DispatchIndirectCommand(x.x, x.y, x.z) _MultiDrawInfoEXT(x::MultiDrawInfoEXT) = _MultiDrawInfoEXT(x.first_vertex, x.vertex_count) _MultiDrawIndexedInfoEXT(x::MultiDrawIndexedInfoEXT) = _MultiDrawIndexedInfoEXT(x.first_index, x.index_count, x.vertex_offset) _SubmitInfo(x::SubmitInfo) = _SubmitInfo(x.wait_semaphores, x.wait_dst_stage_mask, x.command_buffers, x.signal_semaphores; x.next) _DisplayPropertiesKHR(x::DisplayPropertiesKHR) = _DisplayPropertiesKHR(x.display, x.display_name, convert_nonnull(_Extent2D, x.physical_dimensions), convert_nonnull(_Extent2D, x.physical_resolution), x.plane_reorder_possible, x.persistent_content; x.supported_transforms) _DisplayPlanePropertiesKHR(x::DisplayPlanePropertiesKHR) = _DisplayPlanePropertiesKHR(x.current_display, x.current_stack_index) _DisplayModeParametersKHR(x::DisplayModeParametersKHR) = _DisplayModeParametersKHR(convert_nonnull(_Extent2D, x.visible_region), x.refresh_rate) _DisplayModePropertiesKHR(x::DisplayModePropertiesKHR) = _DisplayModePropertiesKHR(x.display_mode, convert_nonnull(_DisplayModeParametersKHR, x.parameters)) _DisplayModeCreateInfoKHR(x::DisplayModeCreateInfoKHR) = _DisplayModeCreateInfoKHR(convert_nonnull(_DisplayModeParametersKHR, x.parameters); x.next, x.flags) _DisplayPlaneCapabilitiesKHR(x::DisplayPlaneCapabilitiesKHR) = _DisplayPlaneCapabilitiesKHR(convert_nonnull(_Offset2D, x.min_src_position), convert_nonnull(_Offset2D, x.max_src_position), convert_nonnull(_Extent2D, x.min_src_extent), convert_nonnull(_Extent2D, x.max_src_extent), convert_nonnull(_Offset2D, x.min_dst_position), convert_nonnull(_Offset2D, x.max_dst_position), convert_nonnull(_Extent2D, x.min_dst_extent), convert_nonnull(_Extent2D, x.max_dst_extent); x.supported_alpha) _DisplaySurfaceCreateInfoKHR(x::DisplaySurfaceCreateInfoKHR) = _DisplaySurfaceCreateInfoKHR(x.display_mode, x.plane_index, x.plane_stack_index, x.transform, x.global_alpha, x.alpha_mode, convert_nonnull(_Extent2D, x.image_extent); x.next, x.flags) _DisplayPresentInfoKHR(x::DisplayPresentInfoKHR) = _DisplayPresentInfoKHR(convert_nonnull(_Rect2D, x.src_rect), convert_nonnull(_Rect2D, x.dst_rect), x.persistent; x.next) _SurfaceCapabilitiesKHR(x::SurfaceCapabilitiesKHR) = _SurfaceCapabilitiesKHR(x.min_image_count, x.max_image_count, convert_nonnull(_Extent2D, x.current_extent), convert_nonnull(_Extent2D, x.min_image_extent), convert_nonnull(_Extent2D, x.max_image_extent), x.max_image_array_layers, x.supported_transforms, x.current_transform, x.supported_composite_alpha, x.supported_usage_flags) _SurfaceFormatKHR(x::SurfaceFormatKHR) = _SurfaceFormatKHR(x.format, x.color_space) _SwapchainCreateInfoKHR(x::SwapchainCreateInfoKHR) = _SwapchainCreateInfoKHR(x.surface, x.min_image_count, x.image_format, x.image_color_space, convert_nonnull(_Extent2D, x.image_extent), x.image_array_layers, x.image_usage, x.image_sharing_mode, x.queue_family_indices, x.pre_transform, x.composite_alpha, x.present_mode, x.clipped; x.next, x.flags, x.old_swapchain) _PresentInfoKHR(x::PresentInfoKHR) = _PresentInfoKHR(x.wait_semaphores, x.swapchains, x.image_indices; x.next, x.results) _DebugReportCallbackCreateInfoEXT(x::DebugReportCallbackCreateInfoEXT) = _DebugReportCallbackCreateInfoEXT(x.pfn_callback; x.next, x.flags, x.user_data) _ValidationFlagsEXT(x::ValidationFlagsEXT) = _ValidationFlagsEXT(x.disabled_validation_checks; x.next) _ValidationFeaturesEXT(x::ValidationFeaturesEXT) = _ValidationFeaturesEXT(x.enabled_validation_features, x.disabled_validation_features; x.next) _PipelineRasterizationStateRasterizationOrderAMD(x::PipelineRasterizationStateRasterizationOrderAMD) = _PipelineRasterizationStateRasterizationOrderAMD(x.rasterization_order; x.next) _DebugMarkerObjectNameInfoEXT(x::DebugMarkerObjectNameInfoEXT) = _DebugMarkerObjectNameInfoEXT(x.object_type, x.object, x.object_name; x.next) _DebugMarkerObjectTagInfoEXT(x::DebugMarkerObjectTagInfoEXT) = _DebugMarkerObjectTagInfoEXT(x.object_type, x.object, x.tag_name, x.tag_size, x.tag; x.next) _DebugMarkerMarkerInfoEXT(x::DebugMarkerMarkerInfoEXT) = _DebugMarkerMarkerInfoEXT(x.marker_name, x.color; x.next) _DedicatedAllocationImageCreateInfoNV(x::DedicatedAllocationImageCreateInfoNV) = _DedicatedAllocationImageCreateInfoNV(x.dedicated_allocation; x.next) _DedicatedAllocationBufferCreateInfoNV(x::DedicatedAllocationBufferCreateInfoNV) = _DedicatedAllocationBufferCreateInfoNV(x.dedicated_allocation; x.next) _DedicatedAllocationMemoryAllocateInfoNV(x::DedicatedAllocationMemoryAllocateInfoNV) = _DedicatedAllocationMemoryAllocateInfoNV(; x.next, x.image, x.buffer) _ExternalImageFormatPropertiesNV(x::ExternalImageFormatPropertiesNV) = _ExternalImageFormatPropertiesNV(convert_nonnull(_ImageFormatProperties, x.image_format_properties); x.external_memory_features, x.export_from_imported_handle_types, x.compatible_handle_types) _ExternalMemoryImageCreateInfoNV(x::ExternalMemoryImageCreateInfoNV) = _ExternalMemoryImageCreateInfoNV(; x.next, x.handle_types) _ExportMemoryAllocateInfoNV(x::ExportMemoryAllocateInfoNV) = _ExportMemoryAllocateInfoNV(; x.next, x.handle_types) _PhysicalDeviceDeviceGeneratedCommandsFeaturesNV(x::PhysicalDeviceDeviceGeneratedCommandsFeaturesNV) = _PhysicalDeviceDeviceGeneratedCommandsFeaturesNV(x.device_generated_commands; x.next) _DevicePrivateDataCreateInfo(x::DevicePrivateDataCreateInfo) = _DevicePrivateDataCreateInfo(x.private_data_slot_request_count; x.next) _PrivateDataSlotCreateInfo(x::PrivateDataSlotCreateInfo) = _PrivateDataSlotCreateInfo(x.flags; x.next) _PhysicalDevicePrivateDataFeatures(x::PhysicalDevicePrivateDataFeatures) = _PhysicalDevicePrivateDataFeatures(x.private_data; x.next) _PhysicalDeviceDeviceGeneratedCommandsPropertiesNV(x::PhysicalDeviceDeviceGeneratedCommandsPropertiesNV) = _PhysicalDeviceDeviceGeneratedCommandsPropertiesNV(x.max_graphics_shader_group_count, x.max_indirect_sequence_count, x.max_indirect_commands_token_count, x.max_indirect_commands_stream_count, x.max_indirect_commands_token_offset, x.max_indirect_commands_stream_stride, x.min_sequences_count_buffer_offset_alignment, x.min_sequences_index_buffer_offset_alignment, x.min_indirect_commands_buffer_offset_alignment; x.next) _PhysicalDeviceMultiDrawPropertiesEXT(x::PhysicalDeviceMultiDrawPropertiesEXT) = _PhysicalDeviceMultiDrawPropertiesEXT(x.max_multi_draw_count; x.next) _GraphicsShaderGroupCreateInfoNV(x::GraphicsShaderGroupCreateInfoNV) = _GraphicsShaderGroupCreateInfoNV(convert_nonnull(Vector{_PipelineShaderStageCreateInfo}, x.stages); x.next, vertex_input_state = convert_nonnull(_PipelineVertexInputStateCreateInfo, x.vertex_input_state), tessellation_state = convert_nonnull(_PipelineTessellationStateCreateInfo, x.tessellation_state)) _GraphicsPipelineShaderGroupsCreateInfoNV(x::GraphicsPipelineShaderGroupsCreateInfoNV) = _GraphicsPipelineShaderGroupsCreateInfoNV(convert_nonnull(Vector{_GraphicsShaderGroupCreateInfoNV}, x.groups), x.pipelines; x.next) _BindShaderGroupIndirectCommandNV(x::BindShaderGroupIndirectCommandNV) = _BindShaderGroupIndirectCommandNV(x.group_index) _BindIndexBufferIndirectCommandNV(x::BindIndexBufferIndirectCommandNV) = _BindIndexBufferIndirectCommandNV(x.buffer_address, x.size, x.index_type) _BindVertexBufferIndirectCommandNV(x::BindVertexBufferIndirectCommandNV) = _BindVertexBufferIndirectCommandNV(x.buffer_address, x.size, x.stride) _SetStateFlagsIndirectCommandNV(x::SetStateFlagsIndirectCommandNV) = _SetStateFlagsIndirectCommandNV(x.data) _IndirectCommandsStreamNV(x::IndirectCommandsStreamNV) = _IndirectCommandsStreamNV(x.buffer, x.offset) _IndirectCommandsLayoutTokenNV(x::IndirectCommandsLayoutTokenNV) = _IndirectCommandsLayoutTokenNV(x.token_type, x.stream, x.offset, x.vertex_binding_unit, x.vertex_dynamic_stride, x.pushconstant_offset, x.pushconstant_size, x.index_types, x.index_type_values; x.next, x.pushconstant_pipeline_layout, x.pushconstant_shader_stage_flags, x.indirect_state_flags) _IndirectCommandsLayoutCreateInfoNV(x::IndirectCommandsLayoutCreateInfoNV) = _IndirectCommandsLayoutCreateInfoNV(x.pipeline_bind_point, convert_nonnull(Vector{_IndirectCommandsLayoutTokenNV}, x.tokens), x.stream_strides; x.next, x.flags) _GeneratedCommandsInfoNV(x::GeneratedCommandsInfoNV) = _GeneratedCommandsInfoNV(x.pipeline_bind_point, x.pipeline, x.indirect_commands_layout, convert_nonnull(Vector{_IndirectCommandsStreamNV}, x.streams), x.sequences_count, x.preprocess_buffer, x.preprocess_offset, x.preprocess_size, x.sequences_count_offset, x.sequences_index_offset; x.next, x.sequences_count_buffer, x.sequences_index_buffer) _GeneratedCommandsMemoryRequirementsInfoNV(x::GeneratedCommandsMemoryRequirementsInfoNV) = _GeneratedCommandsMemoryRequirementsInfoNV(x.pipeline_bind_point, x.pipeline, x.indirect_commands_layout, x.max_sequences_count; x.next) _PhysicalDeviceFeatures2(x::PhysicalDeviceFeatures2) = _PhysicalDeviceFeatures2(convert_nonnull(_PhysicalDeviceFeatures, x.features); x.next) _PhysicalDeviceProperties2(x::PhysicalDeviceProperties2) = _PhysicalDeviceProperties2(convert_nonnull(_PhysicalDeviceProperties, x.properties); x.next) _FormatProperties2(x::FormatProperties2) = _FormatProperties2(convert_nonnull(_FormatProperties, x.format_properties); x.next) _ImageFormatProperties2(x::ImageFormatProperties2) = _ImageFormatProperties2(convert_nonnull(_ImageFormatProperties, x.image_format_properties); x.next) _PhysicalDeviceImageFormatInfo2(x::PhysicalDeviceImageFormatInfo2) = _PhysicalDeviceImageFormatInfo2(x.format, x.type, x.tiling, x.usage; x.next, x.flags) _QueueFamilyProperties2(x::QueueFamilyProperties2) = _QueueFamilyProperties2(convert_nonnull(_QueueFamilyProperties, x.queue_family_properties); x.next) _PhysicalDeviceMemoryProperties2(x::PhysicalDeviceMemoryProperties2) = _PhysicalDeviceMemoryProperties2(convert_nonnull(_PhysicalDeviceMemoryProperties, x.memory_properties); x.next) _SparseImageFormatProperties2(x::SparseImageFormatProperties2) = _SparseImageFormatProperties2(convert_nonnull(_SparseImageFormatProperties, x.properties); x.next) _PhysicalDeviceSparseImageFormatInfo2(x::PhysicalDeviceSparseImageFormatInfo2) = _PhysicalDeviceSparseImageFormatInfo2(x.format, x.type, x.samples, x.usage, x.tiling; x.next) _PhysicalDevicePushDescriptorPropertiesKHR(x::PhysicalDevicePushDescriptorPropertiesKHR) = _PhysicalDevicePushDescriptorPropertiesKHR(x.max_push_descriptors; x.next) _ConformanceVersion(x::ConformanceVersion) = _ConformanceVersion(x.major, x.minor, x.subminor, x.patch) _PhysicalDeviceDriverProperties(x::PhysicalDeviceDriverProperties) = _PhysicalDeviceDriverProperties(x.driver_id, x.driver_name, x.driver_info, convert_nonnull(_ConformanceVersion, x.conformance_version); x.next) _PresentRegionsKHR(x::PresentRegionsKHR) = _PresentRegionsKHR(; x.next, regions = convert_nonnull(Vector{_PresentRegionKHR}, x.regions)) _PresentRegionKHR(x::PresentRegionKHR) = _PresentRegionKHR(; rectangles = convert_nonnull(Vector{_RectLayerKHR}, x.rectangles)) _RectLayerKHR(x::RectLayerKHR) = _RectLayerKHR(convert_nonnull(_Offset2D, x.offset), convert_nonnull(_Extent2D, x.extent), x.layer) _PhysicalDeviceVariablePointersFeatures(x::PhysicalDeviceVariablePointersFeatures) = _PhysicalDeviceVariablePointersFeatures(x.variable_pointers_storage_buffer, x.variable_pointers; x.next) _ExternalMemoryProperties(x::ExternalMemoryProperties) = _ExternalMemoryProperties(x.external_memory_features, x.compatible_handle_types; x.export_from_imported_handle_types) _PhysicalDeviceExternalImageFormatInfo(x::PhysicalDeviceExternalImageFormatInfo) = _PhysicalDeviceExternalImageFormatInfo(; x.next, x.handle_type) _ExternalImageFormatProperties(x::ExternalImageFormatProperties) = _ExternalImageFormatProperties(convert_nonnull(_ExternalMemoryProperties, x.external_memory_properties); x.next) _PhysicalDeviceExternalBufferInfo(x::PhysicalDeviceExternalBufferInfo) = _PhysicalDeviceExternalBufferInfo(x.usage, x.handle_type; x.next, x.flags) _ExternalBufferProperties(x::ExternalBufferProperties) = _ExternalBufferProperties(convert_nonnull(_ExternalMemoryProperties, x.external_memory_properties); x.next) _PhysicalDeviceIDProperties(x::PhysicalDeviceIDProperties) = _PhysicalDeviceIDProperties(x.device_uuid, x.driver_uuid, x.device_luid, x.device_node_mask, x.device_luid_valid; x.next) _ExternalMemoryImageCreateInfo(x::ExternalMemoryImageCreateInfo) = _ExternalMemoryImageCreateInfo(; x.next, x.handle_types) _ExternalMemoryBufferCreateInfo(x::ExternalMemoryBufferCreateInfo) = _ExternalMemoryBufferCreateInfo(; x.next, x.handle_types) _ExportMemoryAllocateInfo(x::ExportMemoryAllocateInfo) = _ExportMemoryAllocateInfo(; x.next, x.handle_types) _ImportMemoryFdInfoKHR(x::ImportMemoryFdInfoKHR) = _ImportMemoryFdInfoKHR(x.fd; x.next, x.handle_type) _MemoryFdPropertiesKHR(x::MemoryFdPropertiesKHR) = _MemoryFdPropertiesKHR(x.memory_type_bits; x.next) _MemoryGetFdInfoKHR(x::MemoryGetFdInfoKHR) = _MemoryGetFdInfoKHR(x.memory, x.handle_type; x.next) _PhysicalDeviceExternalSemaphoreInfo(x::PhysicalDeviceExternalSemaphoreInfo) = _PhysicalDeviceExternalSemaphoreInfo(x.handle_type; x.next) _ExternalSemaphoreProperties(x::ExternalSemaphoreProperties) = _ExternalSemaphoreProperties(x.export_from_imported_handle_types, x.compatible_handle_types; x.next, x.external_semaphore_features) _ExportSemaphoreCreateInfo(x::ExportSemaphoreCreateInfo) = _ExportSemaphoreCreateInfo(; x.next, x.handle_types) _ImportSemaphoreFdInfoKHR(x::ImportSemaphoreFdInfoKHR) = _ImportSemaphoreFdInfoKHR(x.semaphore, x.handle_type, x.fd; x.next, x.flags) _SemaphoreGetFdInfoKHR(x::SemaphoreGetFdInfoKHR) = _SemaphoreGetFdInfoKHR(x.semaphore, x.handle_type; x.next) _PhysicalDeviceExternalFenceInfo(x::PhysicalDeviceExternalFenceInfo) = _PhysicalDeviceExternalFenceInfo(x.handle_type; x.next) _ExternalFenceProperties(x::ExternalFenceProperties) = _ExternalFenceProperties(x.export_from_imported_handle_types, x.compatible_handle_types; x.next, x.external_fence_features) _ExportFenceCreateInfo(x::ExportFenceCreateInfo) = _ExportFenceCreateInfo(; x.next, x.handle_types) _ImportFenceFdInfoKHR(x::ImportFenceFdInfoKHR) = _ImportFenceFdInfoKHR(x.fence, x.handle_type, x.fd; x.next, x.flags) _FenceGetFdInfoKHR(x::FenceGetFdInfoKHR) = _FenceGetFdInfoKHR(x.fence, x.handle_type; x.next) _PhysicalDeviceMultiviewFeatures(x::PhysicalDeviceMultiviewFeatures) = _PhysicalDeviceMultiviewFeatures(x.multiview, x.multiview_geometry_shader, x.multiview_tessellation_shader; x.next) _PhysicalDeviceMultiviewProperties(x::PhysicalDeviceMultiviewProperties) = _PhysicalDeviceMultiviewProperties(x.max_multiview_view_count, x.max_multiview_instance_index; x.next) _RenderPassMultiviewCreateInfo(x::RenderPassMultiviewCreateInfo) = _RenderPassMultiviewCreateInfo(x.view_masks, x.view_offsets, x.correlation_masks; x.next) _SurfaceCapabilities2EXT(x::SurfaceCapabilities2EXT) = _SurfaceCapabilities2EXT(x.min_image_count, x.max_image_count, convert_nonnull(_Extent2D, x.current_extent), convert_nonnull(_Extent2D, x.min_image_extent), convert_nonnull(_Extent2D, x.max_image_extent), x.max_image_array_layers, x.supported_transforms, x.current_transform, x.supported_composite_alpha, x.supported_usage_flags; x.next, x.supported_surface_counters) _DisplayPowerInfoEXT(x::DisplayPowerInfoEXT) = _DisplayPowerInfoEXT(x.power_state; x.next) _DeviceEventInfoEXT(x::DeviceEventInfoEXT) = _DeviceEventInfoEXT(x.device_event; x.next) _DisplayEventInfoEXT(x::DisplayEventInfoEXT) = _DisplayEventInfoEXT(x.display_event; x.next) _SwapchainCounterCreateInfoEXT(x::SwapchainCounterCreateInfoEXT) = _SwapchainCounterCreateInfoEXT(; x.next, x.surface_counters) _PhysicalDeviceGroupProperties(x::PhysicalDeviceGroupProperties) = _PhysicalDeviceGroupProperties(x.physical_device_count, x.physical_devices, x.subset_allocation; x.next) _MemoryAllocateFlagsInfo(x::MemoryAllocateFlagsInfo) = _MemoryAllocateFlagsInfo(x.device_mask; x.next, x.flags) _BindBufferMemoryInfo(x::BindBufferMemoryInfo) = _BindBufferMemoryInfo(x.buffer, x.memory, x.memory_offset; x.next) _BindBufferMemoryDeviceGroupInfo(x::BindBufferMemoryDeviceGroupInfo) = _BindBufferMemoryDeviceGroupInfo(x.device_indices; x.next) _BindImageMemoryInfo(x::BindImageMemoryInfo) = _BindImageMemoryInfo(x.image, x.memory, x.memory_offset; x.next) _BindImageMemoryDeviceGroupInfo(x::BindImageMemoryDeviceGroupInfo) = _BindImageMemoryDeviceGroupInfo(x.device_indices, convert_nonnull(Vector{_Rect2D}, x.split_instance_bind_regions); x.next) _DeviceGroupRenderPassBeginInfo(x::DeviceGroupRenderPassBeginInfo) = _DeviceGroupRenderPassBeginInfo(x.device_mask, convert_nonnull(Vector{_Rect2D}, x.device_render_areas); x.next) _DeviceGroupCommandBufferBeginInfo(x::DeviceGroupCommandBufferBeginInfo) = _DeviceGroupCommandBufferBeginInfo(x.device_mask; x.next) _DeviceGroupSubmitInfo(x::DeviceGroupSubmitInfo) = _DeviceGroupSubmitInfo(x.wait_semaphore_device_indices, x.command_buffer_device_masks, x.signal_semaphore_device_indices; x.next) _DeviceGroupBindSparseInfo(x::DeviceGroupBindSparseInfo) = _DeviceGroupBindSparseInfo(x.resource_device_index, x.memory_device_index; x.next) _DeviceGroupPresentCapabilitiesKHR(x::DeviceGroupPresentCapabilitiesKHR) = _DeviceGroupPresentCapabilitiesKHR(x.present_mask, x.modes; x.next) _ImageSwapchainCreateInfoKHR(x::ImageSwapchainCreateInfoKHR) = _ImageSwapchainCreateInfoKHR(; x.next, x.swapchain) _BindImageMemorySwapchainInfoKHR(x::BindImageMemorySwapchainInfoKHR) = _BindImageMemorySwapchainInfoKHR(x.swapchain, x.image_index; x.next) _AcquireNextImageInfoKHR(x::AcquireNextImageInfoKHR) = _AcquireNextImageInfoKHR(x.swapchain, x.timeout, x.device_mask; x.next, x.semaphore, x.fence) _DeviceGroupPresentInfoKHR(x::DeviceGroupPresentInfoKHR) = _DeviceGroupPresentInfoKHR(x.device_masks, x.mode; x.next) _DeviceGroupDeviceCreateInfo(x::DeviceGroupDeviceCreateInfo) = _DeviceGroupDeviceCreateInfo(x.physical_devices; x.next) _DeviceGroupSwapchainCreateInfoKHR(x::DeviceGroupSwapchainCreateInfoKHR) = _DeviceGroupSwapchainCreateInfoKHR(x.modes; x.next) _DescriptorUpdateTemplateEntry(x::DescriptorUpdateTemplateEntry) = _DescriptorUpdateTemplateEntry(x.dst_binding, x.dst_array_element, x.descriptor_count, x.descriptor_type, x.offset, x.stride) _DescriptorUpdateTemplateCreateInfo(x::DescriptorUpdateTemplateCreateInfo) = _DescriptorUpdateTemplateCreateInfo(convert_nonnull(Vector{_DescriptorUpdateTemplateEntry}, x.descriptor_update_entries), x.template_type, x.descriptor_set_layout, x.pipeline_bind_point, x.pipeline_layout, x.set; x.next, x.flags) _XYColorEXT(x::XYColorEXT) = _XYColorEXT(x.x, x.y) _PhysicalDevicePresentIdFeaturesKHR(x::PhysicalDevicePresentIdFeaturesKHR) = _PhysicalDevicePresentIdFeaturesKHR(x.present_id; x.next) _PresentIdKHR(x::PresentIdKHR) = _PresentIdKHR(; x.next, x.present_ids) _PhysicalDevicePresentWaitFeaturesKHR(x::PhysicalDevicePresentWaitFeaturesKHR) = _PhysicalDevicePresentWaitFeaturesKHR(x.present_wait; x.next) _HdrMetadataEXT(x::HdrMetadataEXT) = _HdrMetadataEXT(convert_nonnull(_XYColorEXT, x.display_primary_red), convert_nonnull(_XYColorEXT, x.display_primary_green), convert_nonnull(_XYColorEXT, x.display_primary_blue), convert_nonnull(_XYColorEXT, x.white_point), x.max_luminance, x.min_luminance, x.max_content_light_level, x.max_frame_average_light_level; x.next) _DisplayNativeHdrSurfaceCapabilitiesAMD(x::DisplayNativeHdrSurfaceCapabilitiesAMD) = _DisplayNativeHdrSurfaceCapabilitiesAMD(x.local_dimming_support; x.next) _SwapchainDisplayNativeHdrCreateInfoAMD(x::SwapchainDisplayNativeHdrCreateInfoAMD) = _SwapchainDisplayNativeHdrCreateInfoAMD(x.local_dimming_enable; x.next) _RefreshCycleDurationGOOGLE(x::RefreshCycleDurationGOOGLE) = _RefreshCycleDurationGOOGLE(x.refresh_duration) _PastPresentationTimingGOOGLE(x::PastPresentationTimingGOOGLE) = _PastPresentationTimingGOOGLE(x.present_id, x.desired_present_time, x.actual_present_time, x.earliest_present_time, x.present_margin) _PresentTimesInfoGOOGLE(x::PresentTimesInfoGOOGLE) = _PresentTimesInfoGOOGLE(; x.next, times = convert_nonnull(Vector{_PresentTimeGOOGLE}, x.times)) _PresentTimeGOOGLE(x::PresentTimeGOOGLE) = _PresentTimeGOOGLE(x.present_id, x.desired_present_time) _MacOSSurfaceCreateInfoMVK(x::MacOSSurfaceCreateInfoMVK) = _MacOSSurfaceCreateInfoMVK(x.view; x.next, x.flags) _MetalSurfaceCreateInfoEXT(x::MetalSurfaceCreateInfoEXT) = _MetalSurfaceCreateInfoEXT(x.layer; x.next, x.flags) _ViewportWScalingNV(x::ViewportWScalingNV) = _ViewportWScalingNV(x.xcoeff, x.ycoeff) _PipelineViewportWScalingStateCreateInfoNV(x::PipelineViewportWScalingStateCreateInfoNV) = _PipelineViewportWScalingStateCreateInfoNV(x.viewport_w_scaling_enable; x.next, viewport_w_scalings = convert_nonnull(Vector{_ViewportWScalingNV}, x.viewport_w_scalings)) _ViewportSwizzleNV(x::ViewportSwizzleNV) = _ViewportSwizzleNV(x.x, x.y, x.z, x.w) _PipelineViewportSwizzleStateCreateInfoNV(x::PipelineViewportSwizzleStateCreateInfoNV) = _PipelineViewportSwizzleStateCreateInfoNV(convert_nonnull(Vector{_ViewportSwizzleNV}, x.viewport_swizzles); x.next, x.flags) _PhysicalDeviceDiscardRectanglePropertiesEXT(x::PhysicalDeviceDiscardRectanglePropertiesEXT) = _PhysicalDeviceDiscardRectanglePropertiesEXT(x.max_discard_rectangles; x.next) _PipelineDiscardRectangleStateCreateInfoEXT(x::PipelineDiscardRectangleStateCreateInfoEXT) = _PipelineDiscardRectangleStateCreateInfoEXT(x.discard_rectangle_mode, convert_nonnull(Vector{_Rect2D}, x.discard_rectangles); x.next, x.flags) _PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX(x::PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX) = _PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX(x.per_view_position_all_components; x.next) _InputAttachmentAspectReference(x::InputAttachmentAspectReference) = _InputAttachmentAspectReference(x.subpass, x.input_attachment_index, x.aspect_mask) _RenderPassInputAttachmentAspectCreateInfo(x::RenderPassInputAttachmentAspectCreateInfo) = _RenderPassInputAttachmentAspectCreateInfo(convert_nonnull(Vector{_InputAttachmentAspectReference}, x.aspect_references); x.next) _PhysicalDeviceSurfaceInfo2KHR(x::PhysicalDeviceSurfaceInfo2KHR) = _PhysicalDeviceSurfaceInfo2KHR(; x.next, x.surface) _SurfaceCapabilities2KHR(x::SurfaceCapabilities2KHR) = _SurfaceCapabilities2KHR(convert_nonnull(_SurfaceCapabilitiesKHR, x.surface_capabilities); x.next) _SurfaceFormat2KHR(x::SurfaceFormat2KHR) = _SurfaceFormat2KHR(convert_nonnull(_SurfaceFormatKHR, x.surface_format); x.next) _DisplayProperties2KHR(x::DisplayProperties2KHR) = _DisplayProperties2KHR(convert_nonnull(_DisplayPropertiesKHR, x.display_properties); x.next) _DisplayPlaneProperties2KHR(x::DisplayPlaneProperties2KHR) = _DisplayPlaneProperties2KHR(convert_nonnull(_DisplayPlanePropertiesKHR, x.display_plane_properties); x.next) _DisplayModeProperties2KHR(x::DisplayModeProperties2KHR) = _DisplayModeProperties2KHR(convert_nonnull(_DisplayModePropertiesKHR, x.display_mode_properties); x.next) _DisplayPlaneInfo2KHR(x::DisplayPlaneInfo2KHR) = _DisplayPlaneInfo2KHR(x.mode, x.plane_index; x.next) _DisplayPlaneCapabilities2KHR(x::DisplayPlaneCapabilities2KHR) = _DisplayPlaneCapabilities2KHR(convert_nonnull(_DisplayPlaneCapabilitiesKHR, x.capabilities); x.next) _SharedPresentSurfaceCapabilitiesKHR(x::SharedPresentSurfaceCapabilitiesKHR) = _SharedPresentSurfaceCapabilitiesKHR(; x.next, x.shared_present_supported_usage_flags) _PhysicalDevice16BitStorageFeatures(x::PhysicalDevice16BitStorageFeatures) = _PhysicalDevice16BitStorageFeatures(x.storage_buffer_16_bit_access, x.uniform_and_storage_buffer_16_bit_access, x.storage_push_constant_16, x.storage_input_output_16; x.next) _PhysicalDeviceSubgroupProperties(x::PhysicalDeviceSubgroupProperties) = _PhysicalDeviceSubgroupProperties(x.subgroup_size, x.supported_stages, x.supported_operations, x.quad_operations_in_all_stages; x.next) _PhysicalDeviceShaderSubgroupExtendedTypesFeatures(x::PhysicalDeviceShaderSubgroupExtendedTypesFeatures) = _PhysicalDeviceShaderSubgroupExtendedTypesFeatures(x.shader_subgroup_extended_types; x.next) _BufferMemoryRequirementsInfo2(x::BufferMemoryRequirementsInfo2) = _BufferMemoryRequirementsInfo2(x.buffer; x.next) _DeviceBufferMemoryRequirements(x::DeviceBufferMemoryRequirements) = _DeviceBufferMemoryRequirements(convert_nonnull(_BufferCreateInfo, x.create_info); x.next) _ImageMemoryRequirementsInfo2(x::ImageMemoryRequirementsInfo2) = _ImageMemoryRequirementsInfo2(x.image; x.next) _ImageSparseMemoryRequirementsInfo2(x::ImageSparseMemoryRequirementsInfo2) = _ImageSparseMemoryRequirementsInfo2(x.image; x.next) _DeviceImageMemoryRequirements(x::DeviceImageMemoryRequirements) = _DeviceImageMemoryRequirements(convert_nonnull(_ImageCreateInfo, x.create_info); x.next, x.plane_aspect) _MemoryRequirements2(x::MemoryRequirements2) = _MemoryRequirements2(convert_nonnull(_MemoryRequirements, x.memory_requirements); x.next) _SparseImageMemoryRequirements2(x::SparseImageMemoryRequirements2) = _SparseImageMemoryRequirements2(convert_nonnull(_SparseImageMemoryRequirements, x.memory_requirements); x.next) _PhysicalDevicePointClippingProperties(x::PhysicalDevicePointClippingProperties) = _PhysicalDevicePointClippingProperties(x.point_clipping_behavior; x.next) _MemoryDedicatedRequirements(x::MemoryDedicatedRequirements) = _MemoryDedicatedRequirements(x.prefers_dedicated_allocation, x.requires_dedicated_allocation; x.next) _MemoryDedicatedAllocateInfo(x::MemoryDedicatedAllocateInfo) = _MemoryDedicatedAllocateInfo(; x.next, x.image, x.buffer) _ImageViewUsageCreateInfo(x::ImageViewUsageCreateInfo) = _ImageViewUsageCreateInfo(x.usage; x.next) _PipelineTessellationDomainOriginStateCreateInfo(x::PipelineTessellationDomainOriginStateCreateInfo) = _PipelineTessellationDomainOriginStateCreateInfo(x.domain_origin; x.next) _SamplerYcbcrConversionInfo(x::SamplerYcbcrConversionInfo) = _SamplerYcbcrConversionInfo(x.conversion; x.next) _SamplerYcbcrConversionCreateInfo(x::SamplerYcbcrConversionCreateInfo) = _SamplerYcbcrConversionCreateInfo(x.format, x.ycbcr_model, x.ycbcr_range, convert_nonnull(_ComponentMapping, x.components), x.x_chroma_offset, x.y_chroma_offset, x.chroma_filter, x.force_explicit_reconstruction; x.next) _BindImagePlaneMemoryInfo(x::BindImagePlaneMemoryInfo) = _BindImagePlaneMemoryInfo(x.plane_aspect; x.next) _ImagePlaneMemoryRequirementsInfo(x::ImagePlaneMemoryRequirementsInfo) = _ImagePlaneMemoryRequirementsInfo(x.plane_aspect; x.next) _PhysicalDeviceSamplerYcbcrConversionFeatures(x::PhysicalDeviceSamplerYcbcrConversionFeatures) = _PhysicalDeviceSamplerYcbcrConversionFeatures(x.sampler_ycbcr_conversion; x.next) _SamplerYcbcrConversionImageFormatProperties(x::SamplerYcbcrConversionImageFormatProperties) = _SamplerYcbcrConversionImageFormatProperties(x.combined_image_sampler_descriptor_count; x.next) _TextureLODGatherFormatPropertiesAMD(x::TextureLODGatherFormatPropertiesAMD) = _TextureLODGatherFormatPropertiesAMD(x.supports_texture_gather_lod_bias_amd; x.next) _ConditionalRenderingBeginInfoEXT(x::ConditionalRenderingBeginInfoEXT) = _ConditionalRenderingBeginInfoEXT(x.buffer, x.offset; x.next, x.flags) _ProtectedSubmitInfo(x::ProtectedSubmitInfo) = _ProtectedSubmitInfo(x.protected_submit; x.next) _PhysicalDeviceProtectedMemoryFeatures(x::PhysicalDeviceProtectedMemoryFeatures) = _PhysicalDeviceProtectedMemoryFeatures(x.protected_memory; x.next) _PhysicalDeviceProtectedMemoryProperties(x::PhysicalDeviceProtectedMemoryProperties) = _PhysicalDeviceProtectedMemoryProperties(x.protected_no_fault; x.next) _DeviceQueueInfo2(x::DeviceQueueInfo2) = _DeviceQueueInfo2(x.queue_family_index, x.queue_index; x.next, x.flags) _PipelineCoverageToColorStateCreateInfoNV(x::PipelineCoverageToColorStateCreateInfoNV) = _PipelineCoverageToColorStateCreateInfoNV(x.coverage_to_color_enable; x.next, x.flags, x.coverage_to_color_location) _PhysicalDeviceSamplerFilterMinmaxProperties(x::PhysicalDeviceSamplerFilterMinmaxProperties) = _PhysicalDeviceSamplerFilterMinmaxProperties(x.filter_minmax_single_component_formats, x.filter_minmax_image_component_mapping; x.next) _SampleLocationEXT(x::SampleLocationEXT) = _SampleLocationEXT(x.x, x.y) _SampleLocationsInfoEXT(x::SampleLocationsInfoEXT) = _SampleLocationsInfoEXT(x.sample_locations_per_pixel, convert_nonnull(_Extent2D, x.sample_location_grid_size), convert_nonnull(Vector{_SampleLocationEXT}, x.sample_locations); x.next) _AttachmentSampleLocationsEXT(x::AttachmentSampleLocationsEXT) = _AttachmentSampleLocationsEXT(x.attachment_index, convert_nonnull(_SampleLocationsInfoEXT, x.sample_locations_info)) _SubpassSampleLocationsEXT(x::SubpassSampleLocationsEXT) = _SubpassSampleLocationsEXT(x.subpass_index, convert_nonnull(_SampleLocationsInfoEXT, x.sample_locations_info)) _RenderPassSampleLocationsBeginInfoEXT(x::RenderPassSampleLocationsBeginInfoEXT) = _RenderPassSampleLocationsBeginInfoEXT(convert_nonnull(Vector{_AttachmentSampleLocationsEXT}, x.attachment_initial_sample_locations), convert_nonnull(Vector{_SubpassSampleLocationsEXT}, x.post_subpass_sample_locations); x.next) _PipelineSampleLocationsStateCreateInfoEXT(x::PipelineSampleLocationsStateCreateInfoEXT) = _PipelineSampleLocationsStateCreateInfoEXT(x.sample_locations_enable, convert_nonnull(_SampleLocationsInfoEXT, x.sample_locations_info); x.next) _PhysicalDeviceSampleLocationsPropertiesEXT(x::PhysicalDeviceSampleLocationsPropertiesEXT) = _PhysicalDeviceSampleLocationsPropertiesEXT(x.sample_location_sample_counts, convert_nonnull(_Extent2D, x.max_sample_location_grid_size), x.sample_location_coordinate_range, x.sample_location_sub_pixel_bits, x.variable_sample_locations; x.next) _MultisamplePropertiesEXT(x::MultisamplePropertiesEXT) = _MultisamplePropertiesEXT(convert_nonnull(_Extent2D, x.max_sample_location_grid_size); x.next) _SamplerReductionModeCreateInfo(x::SamplerReductionModeCreateInfo) = _SamplerReductionModeCreateInfo(x.reduction_mode; x.next) _PhysicalDeviceBlendOperationAdvancedFeaturesEXT(x::PhysicalDeviceBlendOperationAdvancedFeaturesEXT) = _PhysicalDeviceBlendOperationAdvancedFeaturesEXT(x.advanced_blend_coherent_operations; x.next) _PhysicalDeviceMultiDrawFeaturesEXT(x::PhysicalDeviceMultiDrawFeaturesEXT) = _PhysicalDeviceMultiDrawFeaturesEXT(x.multi_draw; x.next) _PhysicalDeviceBlendOperationAdvancedPropertiesEXT(x::PhysicalDeviceBlendOperationAdvancedPropertiesEXT) = _PhysicalDeviceBlendOperationAdvancedPropertiesEXT(x.advanced_blend_max_color_attachments, x.advanced_blend_independent_blend, x.advanced_blend_non_premultiplied_src_color, x.advanced_blend_non_premultiplied_dst_color, x.advanced_blend_correlated_overlap, x.advanced_blend_all_operations; x.next) _PipelineColorBlendAdvancedStateCreateInfoEXT(x::PipelineColorBlendAdvancedStateCreateInfoEXT) = _PipelineColorBlendAdvancedStateCreateInfoEXT(x.src_premultiplied, x.dst_premultiplied, x.blend_overlap; x.next) _PhysicalDeviceInlineUniformBlockFeatures(x::PhysicalDeviceInlineUniformBlockFeatures) = _PhysicalDeviceInlineUniformBlockFeatures(x.inline_uniform_block, x.descriptor_binding_inline_uniform_block_update_after_bind; x.next) _PhysicalDeviceInlineUniformBlockProperties(x::PhysicalDeviceInlineUniformBlockProperties) = _PhysicalDeviceInlineUniformBlockProperties(x.max_inline_uniform_block_size, x.max_per_stage_descriptor_inline_uniform_blocks, x.max_per_stage_descriptor_update_after_bind_inline_uniform_blocks, x.max_descriptor_set_inline_uniform_blocks, x.max_descriptor_set_update_after_bind_inline_uniform_blocks; x.next) _WriteDescriptorSetInlineUniformBlock(x::WriteDescriptorSetInlineUniformBlock) = _WriteDescriptorSetInlineUniformBlock(x.data_size, x.data; x.next) _DescriptorPoolInlineUniformBlockCreateInfo(x::DescriptorPoolInlineUniformBlockCreateInfo) = _DescriptorPoolInlineUniformBlockCreateInfo(x.max_inline_uniform_block_bindings; x.next) _PipelineCoverageModulationStateCreateInfoNV(x::PipelineCoverageModulationStateCreateInfoNV) = _PipelineCoverageModulationStateCreateInfoNV(x.coverage_modulation_mode, x.coverage_modulation_table_enable; x.next, x.flags, x.coverage_modulation_table) _ImageFormatListCreateInfo(x::ImageFormatListCreateInfo) = _ImageFormatListCreateInfo(x.view_formats; x.next) _ValidationCacheCreateInfoEXT(x::ValidationCacheCreateInfoEXT) = _ValidationCacheCreateInfoEXT(x.initial_data; x.next, x.flags, x.initial_data_size) _ShaderModuleValidationCacheCreateInfoEXT(x::ShaderModuleValidationCacheCreateInfoEXT) = _ShaderModuleValidationCacheCreateInfoEXT(x.validation_cache; x.next) _PhysicalDeviceMaintenance3Properties(x::PhysicalDeviceMaintenance3Properties) = _PhysicalDeviceMaintenance3Properties(x.max_per_set_descriptors, x.max_memory_allocation_size; x.next) _PhysicalDeviceMaintenance4Features(x::PhysicalDeviceMaintenance4Features) = _PhysicalDeviceMaintenance4Features(x.maintenance4; x.next) _PhysicalDeviceMaintenance4Properties(x::PhysicalDeviceMaintenance4Properties) = _PhysicalDeviceMaintenance4Properties(x.max_buffer_size; x.next) _DescriptorSetLayoutSupport(x::DescriptorSetLayoutSupport) = _DescriptorSetLayoutSupport(x.supported; x.next) _PhysicalDeviceShaderDrawParametersFeatures(x::PhysicalDeviceShaderDrawParametersFeatures) = _PhysicalDeviceShaderDrawParametersFeatures(x.shader_draw_parameters; x.next) _PhysicalDeviceShaderFloat16Int8Features(x::PhysicalDeviceShaderFloat16Int8Features) = _PhysicalDeviceShaderFloat16Int8Features(x.shader_float_16, x.shader_int_8; x.next) _PhysicalDeviceFloatControlsProperties(x::PhysicalDeviceFloatControlsProperties) = _PhysicalDeviceFloatControlsProperties(x.denorm_behavior_independence, x.rounding_mode_independence, x.shader_signed_zero_inf_nan_preserve_float_16, x.shader_signed_zero_inf_nan_preserve_float_32, x.shader_signed_zero_inf_nan_preserve_float_64, x.shader_denorm_preserve_float_16, x.shader_denorm_preserve_float_32, x.shader_denorm_preserve_float_64, x.shader_denorm_flush_to_zero_float_16, x.shader_denorm_flush_to_zero_float_32, x.shader_denorm_flush_to_zero_float_64, x.shader_rounding_mode_rte_float_16, x.shader_rounding_mode_rte_float_32, x.shader_rounding_mode_rte_float_64, x.shader_rounding_mode_rtz_float_16, x.shader_rounding_mode_rtz_float_32, x.shader_rounding_mode_rtz_float_64; x.next) _PhysicalDeviceHostQueryResetFeatures(x::PhysicalDeviceHostQueryResetFeatures) = _PhysicalDeviceHostQueryResetFeatures(x.host_query_reset; x.next) _ShaderResourceUsageAMD(x::ShaderResourceUsageAMD) = _ShaderResourceUsageAMD(x.num_used_vgprs, x.num_used_sgprs, x.lds_size_per_local_work_group, x.lds_usage_size_in_bytes, x.scratch_mem_usage_in_bytes) _ShaderStatisticsInfoAMD(x::ShaderStatisticsInfoAMD) = _ShaderStatisticsInfoAMD(x.shader_stage_mask, convert_nonnull(_ShaderResourceUsageAMD, x.resource_usage), x.num_physical_vgprs, x.num_physical_sgprs, x.num_available_vgprs, x.num_available_sgprs, x.compute_work_group_size) _DeviceQueueGlobalPriorityCreateInfoKHR(x::DeviceQueueGlobalPriorityCreateInfoKHR) = _DeviceQueueGlobalPriorityCreateInfoKHR(x.global_priority; x.next) _PhysicalDeviceGlobalPriorityQueryFeaturesKHR(x::PhysicalDeviceGlobalPriorityQueryFeaturesKHR) = _PhysicalDeviceGlobalPriorityQueryFeaturesKHR(x.global_priority_query; x.next) _QueueFamilyGlobalPriorityPropertiesKHR(x::QueueFamilyGlobalPriorityPropertiesKHR) = _QueueFamilyGlobalPriorityPropertiesKHR(x.priority_count, x.priorities; x.next) _DebugUtilsObjectNameInfoEXT(x::DebugUtilsObjectNameInfoEXT) = _DebugUtilsObjectNameInfoEXT(x.object_type, x.object_handle; x.next, x.object_name) _DebugUtilsObjectTagInfoEXT(x::DebugUtilsObjectTagInfoEXT) = _DebugUtilsObjectTagInfoEXT(x.object_type, x.object_handle, x.tag_name, x.tag_size, x.tag; x.next) _DebugUtilsLabelEXT(x::DebugUtilsLabelEXT) = _DebugUtilsLabelEXT(x.label_name, x.color; x.next) _DebugUtilsMessengerCreateInfoEXT(x::DebugUtilsMessengerCreateInfoEXT) = _DebugUtilsMessengerCreateInfoEXT(x.message_severity, x.message_type, x.pfn_user_callback; x.next, x.flags, x.user_data) _DebugUtilsMessengerCallbackDataEXT(x::DebugUtilsMessengerCallbackDataEXT) = _DebugUtilsMessengerCallbackDataEXT(x.message_id_number, x.message, convert_nonnull(Vector{_DebugUtilsLabelEXT}, x.queue_labels), convert_nonnull(Vector{_DebugUtilsLabelEXT}, x.cmd_buf_labels), convert_nonnull(Vector{_DebugUtilsObjectNameInfoEXT}, x.objects); x.next, x.flags, x.message_id_name) _PhysicalDeviceDeviceMemoryReportFeaturesEXT(x::PhysicalDeviceDeviceMemoryReportFeaturesEXT) = _PhysicalDeviceDeviceMemoryReportFeaturesEXT(x.device_memory_report; x.next) _DeviceDeviceMemoryReportCreateInfoEXT(x::DeviceDeviceMemoryReportCreateInfoEXT) = _DeviceDeviceMemoryReportCreateInfoEXT(x.flags, x.pfn_user_callback, x.user_data; x.next) _DeviceMemoryReportCallbackDataEXT(x::DeviceMemoryReportCallbackDataEXT) = _DeviceMemoryReportCallbackDataEXT(x.flags, x.type, x.memory_object_id, x.size, x.object_type, x.object_handle, x.heap_index; x.next) _ImportMemoryHostPointerInfoEXT(x::ImportMemoryHostPointerInfoEXT) = _ImportMemoryHostPointerInfoEXT(x.handle_type, x.host_pointer; x.next) _MemoryHostPointerPropertiesEXT(x::MemoryHostPointerPropertiesEXT) = _MemoryHostPointerPropertiesEXT(x.memory_type_bits; x.next) _PhysicalDeviceExternalMemoryHostPropertiesEXT(x::PhysicalDeviceExternalMemoryHostPropertiesEXT) = _PhysicalDeviceExternalMemoryHostPropertiesEXT(x.min_imported_host_pointer_alignment; x.next) _PhysicalDeviceConservativeRasterizationPropertiesEXT(x::PhysicalDeviceConservativeRasterizationPropertiesEXT) = _PhysicalDeviceConservativeRasterizationPropertiesEXT(x.primitive_overestimation_size, x.max_extra_primitive_overestimation_size, x.extra_primitive_overestimation_size_granularity, x.primitive_underestimation, x.conservative_point_and_line_rasterization, x.degenerate_triangles_rasterized, x.degenerate_lines_rasterized, x.fully_covered_fragment_shader_input_variable, x.conservative_rasterization_post_depth_coverage; x.next) _CalibratedTimestampInfoEXT(x::CalibratedTimestampInfoEXT) = _CalibratedTimestampInfoEXT(x.time_domain; x.next) _PhysicalDeviceShaderCorePropertiesAMD(x::PhysicalDeviceShaderCorePropertiesAMD) = _PhysicalDeviceShaderCorePropertiesAMD(x.shader_engine_count, x.shader_arrays_per_engine_count, x.compute_units_per_shader_array, x.simd_per_compute_unit, x.wavefronts_per_simd, x.wavefront_size, x.sgprs_per_simd, x.min_sgpr_allocation, x.max_sgpr_allocation, x.sgpr_allocation_granularity, x.vgprs_per_simd, x.min_vgpr_allocation, x.max_vgpr_allocation, x.vgpr_allocation_granularity; x.next) _PhysicalDeviceShaderCoreProperties2AMD(x::PhysicalDeviceShaderCoreProperties2AMD) = _PhysicalDeviceShaderCoreProperties2AMD(x.shader_core_features, x.active_compute_unit_count; x.next) _PipelineRasterizationConservativeStateCreateInfoEXT(x::PipelineRasterizationConservativeStateCreateInfoEXT) = _PipelineRasterizationConservativeStateCreateInfoEXT(x.conservative_rasterization_mode, x.extra_primitive_overestimation_size; x.next, x.flags) _PhysicalDeviceDescriptorIndexingFeatures(x::PhysicalDeviceDescriptorIndexingFeatures) = _PhysicalDeviceDescriptorIndexingFeatures(x.shader_input_attachment_array_dynamic_indexing, x.shader_uniform_texel_buffer_array_dynamic_indexing, x.shader_storage_texel_buffer_array_dynamic_indexing, x.shader_uniform_buffer_array_non_uniform_indexing, x.shader_sampled_image_array_non_uniform_indexing, x.shader_storage_buffer_array_non_uniform_indexing, x.shader_storage_image_array_non_uniform_indexing, x.shader_input_attachment_array_non_uniform_indexing, x.shader_uniform_texel_buffer_array_non_uniform_indexing, x.shader_storage_texel_buffer_array_non_uniform_indexing, x.descriptor_binding_uniform_buffer_update_after_bind, x.descriptor_binding_sampled_image_update_after_bind, x.descriptor_binding_storage_image_update_after_bind, x.descriptor_binding_storage_buffer_update_after_bind, x.descriptor_binding_uniform_texel_buffer_update_after_bind, x.descriptor_binding_storage_texel_buffer_update_after_bind, x.descriptor_binding_update_unused_while_pending, x.descriptor_binding_partially_bound, x.descriptor_binding_variable_descriptor_count, x.runtime_descriptor_array; x.next) _PhysicalDeviceDescriptorIndexingProperties(x::PhysicalDeviceDescriptorIndexingProperties) = _PhysicalDeviceDescriptorIndexingProperties(x.max_update_after_bind_descriptors_in_all_pools, x.shader_uniform_buffer_array_non_uniform_indexing_native, x.shader_sampled_image_array_non_uniform_indexing_native, x.shader_storage_buffer_array_non_uniform_indexing_native, x.shader_storage_image_array_non_uniform_indexing_native, x.shader_input_attachment_array_non_uniform_indexing_native, x.robust_buffer_access_update_after_bind, x.quad_divergent_implicit_lod, x.max_per_stage_descriptor_update_after_bind_samplers, x.max_per_stage_descriptor_update_after_bind_uniform_buffers, x.max_per_stage_descriptor_update_after_bind_storage_buffers, x.max_per_stage_descriptor_update_after_bind_sampled_images, x.max_per_stage_descriptor_update_after_bind_storage_images, x.max_per_stage_descriptor_update_after_bind_input_attachments, x.max_per_stage_update_after_bind_resources, x.max_descriptor_set_update_after_bind_samplers, x.max_descriptor_set_update_after_bind_uniform_buffers, x.max_descriptor_set_update_after_bind_uniform_buffers_dynamic, x.max_descriptor_set_update_after_bind_storage_buffers, x.max_descriptor_set_update_after_bind_storage_buffers_dynamic, x.max_descriptor_set_update_after_bind_sampled_images, x.max_descriptor_set_update_after_bind_storage_images, x.max_descriptor_set_update_after_bind_input_attachments; x.next) _DescriptorSetLayoutBindingFlagsCreateInfo(x::DescriptorSetLayoutBindingFlagsCreateInfo) = _DescriptorSetLayoutBindingFlagsCreateInfo(x.binding_flags; x.next) _DescriptorSetVariableDescriptorCountAllocateInfo(x::DescriptorSetVariableDescriptorCountAllocateInfo) = _DescriptorSetVariableDescriptorCountAllocateInfo(x.descriptor_counts; x.next) _DescriptorSetVariableDescriptorCountLayoutSupport(x::DescriptorSetVariableDescriptorCountLayoutSupport) = _DescriptorSetVariableDescriptorCountLayoutSupport(x.max_variable_descriptor_count; x.next) _AttachmentDescription2(x::AttachmentDescription2) = _AttachmentDescription2(x.format, x.samples, x.load_op, x.store_op, x.stencil_load_op, x.stencil_store_op, x.initial_layout, x.final_layout; x.next, x.flags) _AttachmentReference2(x::AttachmentReference2) = _AttachmentReference2(x.attachment, x.layout, x.aspect_mask; x.next) _SubpassDescription2(x::SubpassDescription2) = _SubpassDescription2(x.pipeline_bind_point, x.view_mask, convert_nonnull(Vector{_AttachmentReference2}, x.input_attachments), convert_nonnull(Vector{_AttachmentReference2}, x.color_attachments), x.preserve_attachments; x.next, x.flags, resolve_attachments = convert_nonnull(Vector{_AttachmentReference2}, x.resolve_attachments), depth_stencil_attachment = convert_nonnull(_AttachmentReference2, x.depth_stencil_attachment)) _SubpassDependency2(x::SubpassDependency2) = _SubpassDependency2(x.src_subpass, x.dst_subpass, x.view_offset; x.next, x.src_stage_mask, x.dst_stage_mask, x.src_access_mask, x.dst_access_mask, x.dependency_flags) _RenderPassCreateInfo2(x::RenderPassCreateInfo2) = _RenderPassCreateInfo2(convert_nonnull(Vector{_AttachmentDescription2}, x.attachments), convert_nonnull(Vector{_SubpassDescription2}, x.subpasses), convert_nonnull(Vector{_SubpassDependency2}, x.dependencies), x.correlated_view_masks; x.next, x.flags) _SubpassBeginInfo(x::SubpassBeginInfo) = _SubpassBeginInfo(x.contents; x.next) _SubpassEndInfo(x::SubpassEndInfo) = _SubpassEndInfo(; x.next) _PhysicalDeviceTimelineSemaphoreFeatures(x::PhysicalDeviceTimelineSemaphoreFeatures) = _PhysicalDeviceTimelineSemaphoreFeatures(x.timeline_semaphore; x.next) _PhysicalDeviceTimelineSemaphoreProperties(x::PhysicalDeviceTimelineSemaphoreProperties) = _PhysicalDeviceTimelineSemaphoreProperties(x.max_timeline_semaphore_value_difference; x.next) _SemaphoreTypeCreateInfo(x::SemaphoreTypeCreateInfo) = _SemaphoreTypeCreateInfo(x.semaphore_type, x.initial_value; x.next) _TimelineSemaphoreSubmitInfo(x::TimelineSemaphoreSubmitInfo) = _TimelineSemaphoreSubmitInfo(; x.next, x.wait_semaphore_values, x.signal_semaphore_values) _SemaphoreWaitInfo(x::SemaphoreWaitInfo) = _SemaphoreWaitInfo(x.semaphores, x.values; x.next, x.flags) _SemaphoreSignalInfo(x::SemaphoreSignalInfo) = _SemaphoreSignalInfo(x.semaphore, x.value; x.next) _VertexInputBindingDivisorDescriptionEXT(x::VertexInputBindingDivisorDescriptionEXT) = _VertexInputBindingDivisorDescriptionEXT(x.binding, x.divisor) _PipelineVertexInputDivisorStateCreateInfoEXT(x::PipelineVertexInputDivisorStateCreateInfoEXT) = _PipelineVertexInputDivisorStateCreateInfoEXT(convert_nonnull(Vector{_VertexInputBindingDivisorDescriptionEXT}, x.vertex_binding_divisors); x.next) _PhysicalDeviceVertexAttributeDivisorPropertiesEXT(x::PhysicalDeviceVertexAttributeDivisorPropertiesEXT) = _PhysicalDeviceVertexAttributeDivisorPropertiesEXT(x.max_vertex_attrib_divisor; x.next) _PhysicalDevicePCIBusInfoPropertiesEXT(x::PhysicalDevicePCIBusInfoPropertiesEXT) = _PhysicalDevicePCIBusInfoPropertiesEXT(x.pci_domain, x.pci_bus, x.pci_device, x.pci_function; x.next) _CommandBufferInheritanceConditionalRenderingInfoEXT(x::CommandBufferInheritanceConditionalRenderingInfoEXT) = _CommandBufferInheritanceConditionalRenderingInfoEXT(x.conditional_rendering_enable; x.next) _PhysicalDevice8BitStorageFeatures(x::PhysicalDevice8BitStorageFeatures) = _PhysicalDevice8BitStorageFeatures(x.storage_buffer_8_bit_access, x.uniform_and_storage_buffer_8_bit_access, x.storage_push_constant_8; x.next) _PhysicalDeviceConditionalRenderingFeaturesEXT(x::PhysicalDeviceConditionalRenderingFeaturesEXT) = _PhysicalDeviceConditionalRenderingFeaturesEXT(x.conditional_rendering, x.inherited_conditional_rendering; x.next) _PhysicalDeviceVulkanMemoryModelFeatures(x::PhysicalDeviceVulkanMemoryModelFeatures) = _PhysicalDeviceVulkanMemoryModelFeatures(x.vulkan_memory_model, x.vulkan_memory_model_device_scope, x.vulkan_memory_model_availability_visibility_chains; x.next) _PhysicalDeviceShaderAtomicInt64Features(x::PhysicalDeviceShaderAtomicInt64Features) = _PhysicalDeviceShaderAtomicInt64Features(x.shader_buffer_int_64_atomics, x.shader_shared_int_64_atomics; x.next) _PhysicalDeviceShaderAtomicFloatFeaturesEXT(x::PhysicalDeviceShaderAtomicFloatFeaturesEXT) = _PhysicalDeviceShaderAtomicFloatFeaturesEXT(x.shader_buffer_float_32_atomics, x.shader_buffer_float_32_atomic_add, x.shader_buffer_float_64_atomics, x.shader_buffer_float_64_atomic_add, x.shader_shared_float_32_atomics, x.shader_shared_float_32_atomic_add, x.shader_shared_float_64_atomics, x.shader_shared_float_64_atomic_add, x.shader_image_float_32_atomics, x.shader_image_float_32_atomic_add, x.sparse_image_float_32_atomics, x.sparse_image_float_32_atomic_add; x.next) _PhysicalDeviceShaderAtomicFloat2FeaturesEXT(x::PhysicalDeviceShaderAtomicFloat2FeaturesEXT) = _PhysicalDeviceShaderAtomicFloat2FeaturesEXT(x.shader_buffer_float_16_atomics, x.shader_buffer_float_16_atomic_add, x.shader_buffer_float_16_atomic_min_max, x.shader_buffer_float_32_atomic_min_max, x.shader_buffer_float_64_atomic_min_max, x.shader_shared_float_16_atomics, x.shader_shared_float_16_atomic_add, x.shader_shared_float_16_atomic_min_max, x.shader_shared_float_32_atomic_min_max, x.shader_shared_float_64_atomic_min_max, x.shader_image_float_32_atomic_min_max, x.sparse_image_float_32_atomic_min_max; x.next) _PhysicalDeviceVertexAttributeDivisorFeaturesEXT(x::PhysicalDeviceVertexAttributeDivisorFeaturesEXT) = _PhysicalDeviceVertexAttributeDivisorFeaturesEXT(x.vertex_attribute_instance_rate_divisor, x.vertex_attribute_instance_rate_zero_divisor; x.next) _QueueFamilyCheckpointPropertiesNV(x::QueueFamilyCheckpointPropertiesNV) = _QueueFamilyCheckpointPropertiesNV(x.checkpoint_execution_stage_mask; x.next) _CheckpointDataNV(x::CheckpointDataNV) = _CheckpointDataNV(x.stage, x.checkpoint_marker; x.next) _PhysicalDeviceDepthStencilResolveProperties(x::PhysicalDeviceDepthStencilResolveProperties) = _PhysicalDeviceDepthStencilResolveProperties(x.supported_depth_resolve_modes, x.supported_stencil_resolve_modes, x.independent_resolve_none, x.independent_resolve; x.next) _SubpassDescriptionDepthStencilResolve(x::SubpassDescriptionDepthStencilResolve) = _SubpassDescriptionDepthStencilResolve(x.depth_resolve_mode, x.stencil_resolve_mode; x.next, depth_stencil_resolve_attachment = convert_nonnull(_AttachmentReference2, x.depth_stencil_resolve_attachment)) _ImageViewASTCDecodeModeEXT(x::ImageViewASTCDecodeModeEXT) = _ImageViewASTCDecodeModeEXT(x.decode_mode; x.next) _PhysicalDeviceASTCDecodeFeaturesEXT(x::PhysicalDeviceASTCDecodeFeaturesEXT) = _PhysicalDeviceASTCDecodeFeaturesEXT(x.decode_mode_shared_exponent; x.next) _PhysicalDeviceTransformFeedbackFeaturesEXT(x::PhysicalDeviceTransformFeedbackFeaturesEXT) = _PhysicalDeviceTransformFeedbackFeaturesEXT(x.transform_feedback, x.geometry_streams; x.next) _PhysicalDeviceTransformFeedbackPropertiesEXT(x::PhysicalDeviceTransformFeedbackPropertiesEXT) = _PhysicalDeviceTransformFeedbackPropertiesEXT(x.max_transform_feedback_streams, x.max_transform_feedback_buffers, x.max_transform_feedback_buffer_size, x.max_transform_feedback_stream_data_size, x.max_transform_feedback_buffer_data_size, x.max_transform_feedback_buffer_data_stride, x.transform_feedback_queries, x.transform_feedback_streams_lines_triangles, x.transform_feedback_rasterization_stream_select, x.transform_feedback_draw; x.next) _PipelineRasterizationStateStreamCreateInfoEXT(x::PipelineRasterizationStateStreamCreateInfoEXT) = _PipelineRasterizationStateStreamCreateInfoEXT(x.rasterization_stream; x.next, x.flags) _PhysicalDeviceRepresentativeFragmentTestFeaturesNV(x::PhysicalDeviceRepresentativeFragmentTestFeaturesNV) = _PhysicalDeviceRepresentativeFragmentTestFeaturesNV(x.representative_fragment_test; x.next) _PipelineRepresentativeFragmentTestStateCreateInfoNV(x::PipelineRepresentativeFragmentTestStateCreateInfoNV) = _PipelineRepresentativeFragmentTestStateCreateInfoNV(x.representative_fragment_test_enable; x.next) _PhysicalDeviceExclusiveScissorFeaturesNV(x::PhysicalDeviceExclusiveScissorFeaturesNV) = _PhysicalDeviceExclusiveScissorFeaturesNV(x.exclusive_scissor; x.next) _PipelineViewportExclusiveScissorStateCreateInfoNV(x::PipelineViewportExclusiveScissorStateCreateInfoNV) = _PipelineViewportExclusiveScissorStateCreateInfoNV(convert_nonnull(Vector{_Rect2D}, x.exclusive_scissors); x.next) _PhysicalDeviceCornerSampledImageFeaturesNV(x::PhysicalDeviceCornerSampledImageFeaturesNV) = _PhysicalDeviceCornerSampledImageFeaturesNV(x.corner_sampled_image; x.next) _PhysicalDeviceComputeShaderDerivativesFeaturesNV(x::PhysicalDeviceComputeShaderDerivativesFeaturesNV) = _PhysicalDeviceComputeShaderDerivativesFeaturesNV(x.compute_derivative_group_quads, x.compute_derivative_group_linear; x.next) _PhysicalDeviceShaderImageFootprintFeaturesNV(x::PhysicalDeviceShaderImageFootprintFeaturesNV) = _PhysicalDeviceShaderImageFootprintFeaturesNV(x.image_footprint; x.next) _PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV(x::PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV) = _PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV(x.dedicated_allocation_image_aliasing; x.next) _PhysicalDeviceCopyMemoryIndirectFeaturesNV(x::PhysicalDeviceCopyMemoryIndirectFeaturesNV) = _PhysicalDeviceCopyMemoryIndirectFeaturesNV(x.indirect_copy; x.next) _PhysicalDeviceCopyMemoryIndirectPropertiesNV(x::PhysicalDeviceCopyMemoryIndirectPropertiesNV) = _PhysicalDeviceCopyMemoryIndirectPropertiesNV(x.supported_queues; x.next) _PhysicalDeviceMemoryDecompressionFeaturesNV(x::PhysicalDeviceMemoryDecompressionFeaturesNV) = _PhysicalDeviceMemoryDecompressionFeaturesNV(x.memory_decompression; x.next) _PhysicalDeviceMemoryDecompressionPropertiesNV(x::PhysicalDeviceMemoryDecompressionPropertiesNV) = _PhysicalDeviceMemoryDecompressionPropertiesNV(x.decompression_methods, x.max_decompression_indirect_count; x.next) _ShadingRatePaletteNV(x::ShadingRatePaletteNV) = _ShadingRatePaletteNV(x.shading_rate_palette_entries) _PipelineViewportShadingRateImageStateCreateInfoNV(x::PipelineViewportShadingRateImageStateCreateInfoNV) = _PipelineViewportShadingRateImageStateCreateInfoNV(x.shading_rate_image_enable, convert_nonnull(Vector{_ShadingRatePaletteNV}, x.shading_rate_palettes); x.next) _PhysicalDeviceShadingRateImageFeaturesNV(x::PhysicalDeviceShadingRateImageFeaturesNV) = _PhysicalDeviceShadingRateImageFeaturesNV(x.shading_rate_image, x.shading_rate_coarse_sample_order; x.next) _PhysicalDeviceShadingRateImagePropertiesNV(x::PhysicalDeviceShadingRateImagePropertiesNV) = _PhysicalDeviceShadingRateImagePropertiesNV(convert_nonnull(_Extent2D, x.shading_rate_texel_size), x.shading_rate_palette_size, x.shading_rate_max_coarse_samples; x.next) _PhysicalDeviceInvocationMaskFeaturesHUAWEI(x::PhysicalDeviceInvocationMaskFeaturesHUAWEI) = _PhysicalDeviceInvocationMaskFeaturesHUAWEI(x.invocation_mask; x.next) _CoarseSampleLocationNV(x::CoarseSampleLocationNV) = _CoarseSampleLocationNV(x.pixel_x, x.pixel_y, x.sample) _CoarseSampleOrderCustomNV(x::CoarseSampleOrderCustomNV) = _CoarseSampleOrderCustomNV(x.shading_rate, x.sample_count, convert_nonnull(Vector{_CoarseSampleLocationNV}, x.sample_locations)) _PipelineViewportCoarseSampleOrderStateCreateInfoNV(x::PipelineViewportCoarseSampleOrderStateCreateInfoNV) = _PipelineViewportCoarseSampleOrderStateCreateInfoNV(x.sample_order_type, convert_nonnull(Vector{_CoarseSampleOrderCustomNV}, x.custom_sample_orders); x.next) _PhysicalDeviceMeshShaderFeaturesNV(x::PhysicalDeviceMeshShaderFeaturesNV) = _PhysicalDeviceMeshShaderFeaturesNV(x.task_shader, x.mesh_shader; x.next) _PhysicalDeviceMeshShaderPropertiesNV(x::PhysicalDeviceMeshShaderPropertiesNV) = _PhysicalDeviceMeshShaderPropertiesNV(x.max_draw_mesh_tasks_count, x.max_task_work_group_invocations, x.max_task_work_group_size, x.max_task_total_memory_size, x.max_task_output_count, x.max_mesh_work_group_invocations, x.max_mesh_work_group_size, x.max_mesh_total_memory_size, x.max_mesh_output_vertices, x.max_mesh_output_primitives, x.max_mesh_multiview_view_count, x.mesh_output_per_vertex_granularity, x.mesh_output_per_primitive_granularity; x.next) _DrawMeshTasksIndirectCommandNV(x::DrawMeshTasksIndirectCommandNV) = _DrawMeshTasksIndirectCommandNV(x.task_count, x.first_task) _PhysicalDeviceMeshShaderFeaturesEXT(x::PhysicalDeviceMeshShaderFeaturesEXT) = _PhysicalDeviceMeshShaderFeaturesEXT(x.task_shader, x.mesh_shader, x.multiview_mesh_shader, x.primitive_fragment_shading_rate_mesh_shader, x.mesh_shader_queries; x.next) _PhysicalDeviceMeshShaderPropertiesEXT(x::PhysicalDeviceMeshShaderPropertiesEXT) = _PhysicalDeviceMeshShaderPropertiesEXT(x.max_task_work_group_total_count, x.max_task_work_group_count, x.max_task_work_group_invocations, x.max_task_work_group_size, x.max_task_payload_size, x.max_task_shared_memory_size, x.max_task_payload_and_shared_memory_size, x.max_mesh_work_group_total_count, x.max_mesh_work_group_count, x.max_mesh_work_group_invocations, x.max_mesh_work_group_size, x.max_mesh_shared_memory_size, x.max_mesh_payload_and_shared_memory_size, x.max_mesh_output_memory_size, x.max_mesh_payload_and_output_memory_size, x.max_mesh_output_components, x.max_mesh_output_vertices, x.max_mesh_output_primitives, x.max_mesh_output_layers, x.max_mesh_multiview_view_count, x.mesh_output_per_vertex_granularity, x.mesh_output_per_primitive_granularity, x.max_preferred_task_work_group_invocations, x.max_preferred_mesh_work_group_invocations, x.prefers_local_invocation_vertex_output, x.prefers_local_invocation_primitive_output, x.prefers_compact_vertex_output, x.prefers_compact_primitive_output; x.next) _DrawMeshTasksIndirectCommandEXT(x::DrawMeshTasksIndirectCommandEXT) = _DrawMeshTasksIndirectCommandEXT(x.group_count_x, x.group_count_y, x.group_count_z) _RayTracingShaderGroupCreateInfoNV(x::RayTracingShaderGroupCreateInfoNV) = _RayTracingShaderGroupCreateInfoNV(x.type, x.general_shader, x.closest_hit_shader, x.any_hit_shader, x.intersection_shader; x.next) _RayTracingShaderGroupCreateInfoKHR(x::RayTracingShaderGroupCreateInfoKHR) = _RayTracingShaderGroupCreateInfoKHR(x.type, x.general_shader, x.closest_hit_shader, x.any_hit_shader, x.intersection_shader; x.next, x.shader_group_capture_replay_handle) _RayTracingPipelineCreateInfoNV(x::RayTracingPipelineCreateInfoNV) = _RayTracingPipelineCreateInfoNV(convert_nonnull(Vector{_PipelineShaderStageCreateInfo}, x.stages), convert_nonnull(Vector{_RayTracingShaderGroupCreateInfoNV}, x.groups), x.max_recursion_depth, x.layout, x.base_pipeline_index; x.next, x.flags, x.base_pipeline_handle) _RayTracingPipelineCreateInfoKHR(x::RayTracingPipelineCreateInfoKHR) = _RayTracingPipelineCreateInfoKHR(convert_nonnull(Vector{_PipelineShaderStageCreateInfo}, x.stages), convert_nonnull(Vector{_RayTracingShaderGroupCreateInfoKHR}, x.groups), x.max_pipeline_ray_recursion_depth, x.layout, x.base_pipeline_index; x.next, x.flags, library_info = convert_nonnull(_PipelineLibraryCreateInfoKHR, x.library_info), library_interface = convert_nonnull(_RayTracingPipelineInterfaceCreateInfoKHR, x.library_interface), dynamic_state = convert_nonnull(_PipelineDynamicStateCreateInfo, x.dynamic_state), x.base_pipeline_handle) _GeometryTrianglesNV(x::GeometryTrianglesNV) = _GeometryTrianglesNV(x.vertex_offset, x.vertex_count, x.vertex_stride, x.vertex_format, x.index_offset, x.index_count, x.index_type, x.transform_offset; x.next, x.vertex_data, x.index_data, x.transform_data) _GeometryAABBNV(x::GeometryAABBNV) = _GeometryAABBNV(x.num_aab_bs, x.stride, x.offset; x.next, x.aabb_data) _GeometryDataNV(x::GeometryDataNV) = _GeometryDataNV(convert_nonnull(_GeometryTrianglesNV, x.triangles), convert_nonnull(_GeometryAABBNV, x.aabbs)) _GeometryNV(x::GeometryNV) = _GeometryNV(x.geometry_type, convert_nonnull(_GeometryDataNV, x.geometry); x.next, x.flags) _AccelerationStructureInfoNV(x::AccelerationStructureInfoNV) = _AccelerationStructureInfoNV(x.type, convert_nonnull(Vector{_GeometryNV}, x.geometries); x.next, x.flags, x.instance_count) _AccelerationStructureCreateInfoNV(x::AccelerationStructureCreateInfoNV) = _AccelerationStructureCreateInfoNV(x.compacted_size, convert_nonnull(_AccelerationStructureInfoNV, x.info); x.next) _BindAccelerationStructureMemoryInfoNV(x::BindAccelerationStructureMemoryInfoNV) = _BindAccelerationStructureMemoryInfoNV(x.acceleration_structure, x.memory, x.memory_offset, x.device_indices; x.next) _WriteDescriptorSetAccelerationStructureKHR(x::WriteDescriptorSetAccelerationStructureKHR) = _WriteDescriptorSetAccelerationStructureKHR(x.acceleration_structures; x.next) _WriteDescriptorSetAccelerationStructureNV(x::WriteDescriptorSetAccelerationStructureNV) = _WriteDescriptorSetAccelerationStructureNV(x.acceleration_structures; x.next) _AccelerationStructureMemoryRequirementsInfoNV(x::AccelerationStructureMemoryRequirementsInfoNV) = _AccelerationStructureMemoryRequirementsInfoNV(x.type, x.acceleration_structure; x.next) _PhysicalDeviceAccelerationStructureFeaturesKHR(x::PhysicalDeviceAccelerationStructureFeaturesKHR) = _PhysicalDeviceAccelerationStructureFeaturesKHR(x.acceleration_structure, x.acceleration_structure_capture_replay, x.acceleration_structure_indirect_build, x.acceleration_structure_host_commands, x.descriptor_binding_acceleration_structure_update_after_bind; x.next) _PhysicalDeviceRayTracingPipelineFeaturesKHR(x::PhysicalDeviceRayTracingPipelineFeaturesKHR) = _PhysicalDeviceRayTracingPipelineFeaturesKHR(x.ray_tracing_pipeline, x.ray_tracing_pipeline_shader_group_handle_capture_replay, x.ray_tracing_pipeline_shader_group_handle_capture_replay_mixed, x.ray_tracing_pipeline_trace_rays_indirect, x.ray_traversal_primitive_culling; x.next) _PhysicalDeviceRayQueryFeaturesKHR(x::PhysicalDeviceRayQueryFeaturesKHR) = _PhysicalDeviceRayQueryFeaturesKHR(x.ray_query; x.next) _PhysicalDeviceAccelerationStructurePropertiesKHR(x::PhysicalDeviceAccelerationStructurePropertiesKHR) = _PhysicalDeviceAccelerationStructurePropertiesKHR(x.max_geometry_count, x.max_instance_count, x.max_primitive_count, x.max_per_stage_descriptor_acceleration_structures, x.max_per_stage_descriptor_update_after_bind_acceleration_structures, x.max_descriptor_set_acceleration_structures, x.max_descriptor_set_update_after_bind_acceleration_structures, x.min_acceleration_structure_scratch_offset_alignment; x.next) _PhysicalDeviceRayTracingPipelinePropertiesKHR(x::PhysicalDeviceRayTracingPipelinePropertiesKHR) = _PhysicalDeviceRayTracingPipelinePropertiesKHR(x.shader_group_handle_size, x.max_ray_recursion_depth, x.max_shader_group_stride, x.shader_group_base_alignment, x.shader_group_handle_capture_replay_size, x.max_ray_dispatch_invocation_count, x.shader_group_handle_alignment, x.max_ray_hit_attribute_size; x.next) _PhysicalDeviceRayTracingPropertiesNV(x::PhysicalDeviceRayTracingPropertiesNV) = _PhysicalDeviceRayTracingPropertiesNV(x.shader_group_handle_size, x.max_recursion_depth, x.max_shader_group_stride, x.shader_group_base_alignment, x.max_geometry_count, x.max_instance_count, x.max_triangle_count, x.max_descriptor_set_acceleration_structures; x.next) _StridedDeviceAddressRegionKHR(x::StridedDeviceAddressRegionKHR) = _StridedDeviceAddressRegionKHR(x.stride, x.size; x.device_address) _TraceRaysIndirectCommandKHR(x::TraceRaysIndirectCommandKHR) = _TraceRaysIndirectCommandKHR(x.width, x.height, x.depth) _TraceRaysIndirectCommand2KHR(x::TraceRaysIndirectCommand2KHR) = _TraceRaysIndirectCommand2KHR(x.raygen_shader_record_address, x.raygen_shader_record_size, x.miss_shader_binding_table_address, x.miss_shader_binding_table_size, x.miss_shader_binding_table_stride, x.hit_shader_binding_table_address, x.hit_shader_binding_table_size, x.hit_shader_binding_table_stride, x.callable_shader_binding_table_address, x.callable_shader_binding_table_size, x.callable_shader_binding_table_stride, x.width, x.height, x.depth) _PhysicalDeviceRayTracingMaintenance1FeaturesKHR(x::PhysicalDeviceRayTracingMaintenance1FeaturesKHR) = _PhysicalDeviceRayTracingMaintenance1FeaturesKHR(x.ray_tracing_maintenance_1, x.ray_tracing_pipeline_trace_rays_indirect_2; x.next) _DrmFormatModifierPropertiesListEXT(x::DrmFormatModifierPropertiesListEXT) = _DrmFormatModifierPropertiesListEXT(; x.next, drm_format_modifier_properties = convert_nonnull(Vector{_DrmFormatModifierPropertiesEXT}, x.drm_format_modifier_properties)) _DrmFormatModifierPropertiesEXT(x::DrmFormatModifierPropertiesEXT) = _DrmFormatModifierPropertiesEXT(x.drm_format_modifier, x.drm_format_modifier_plane_count, x.drm_format_modifier_tiling_features) _PhysicalDeviceImageDrmFormatModifierInfoEXT(x::PhysicalDeviceImageDrmFormatModifierInfoEXT) = _PhysicalDeviceImageDrmFormatModifierInfoEXT(x.drm_format_modifier, x.sharing_mode, x.queue_family_indices; x.next) _ImageDrmFormatModifierListCreateInfoEXT(x::ImageDrmFormatModifierListCreateInfoEXT) = _ImageDrmFormatModifierListCreateInfoEXT(x.drm_format_modifiers; x.next) _ImageDrmFormatModifierExplicitCreateInfoEXT(x::ImageDrmFormatModifierExplicitCreateInfoEXT) = _ImageDrmFormatModifierExplicitCreateInfoEXT(x.drm_format_modifier, convert_nonnull(Vector{_SubresourceLayout}, x.plane_layouts); x.next) _ImageDrmFormatModifierPropertiesEXT(x::ImageDrmFormatModifierPropertiesEXT) = _ImageDrmFormatModifierPropertiesEXT(x.drm_format_modifier; x.next) _ImageStencilUsageCreateInfo(x::ImageStencilUsageCreateInfo) = _ImageStencilUsageCreateInfo(x.stencil_usage; x.next) _DeviceMemoryOverallocationCreateInfoAMD(x::DeviceMemoryOverallocationCreateInfoAMD) = _DeviceMemoryOverallocationCreateInfoAMD(x.overallocation_behavior; x.next) _PhysicalDeviceFragmentDensityMapFeaturesEXT(x::PhysicalDeviceFragmentDensityMapFeaturesEXT) = _PhysicalDeviceFragmentDensityMapFeaturesEXT(x.fragment_density_map, x.fragment_density_map_dynamic, x.fragment_density_map_non_subsampled_images; x.next) _PhysicalDeviceFragmentDensityMap2FeaturesEXT(x::PhysicalDeviceFragmentDensityMap2FeaturesEXT) = _PhysicalDeviceFragmentDensityMap2FeaturesEXT(x.fragment_density_map_deferred; x.next) _PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM(x::PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM) = _PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM(x.fragment_density_map_offset; x.next) _PhysicalDeviceFragmentDensityMapPropertiesEXT(x::PhysicalDeviceFragmentDensityMapPropertiesEXT) = _PhysicalDeviceFragmentDensityMapPropertiesEXT(convert_nonnull(_Extent2D, x.min_fragment_density_texel_size), convert_nonnull(_Extent2D, x.max_fragment_density_texel_size), x.fragment_density_invocations; x.next) _PhysicalDeviceFragmentDensityMap2PropertiesEXT(x::PhysicalDeviceFragmentDensityMap2PropertiesEXT) = _PhysicalDeviceFragmentDensityMap2PropertiesEXT(x.subsampled_loads, x.subsampled_coarse_reconstruction_early_access, x.max_subsampled_array_layers, x.max_descriptor_set_subsampled_samplers; x.next) _PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM(x::PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM) = _PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM(convert_nonnull(_Extent2D, x.fragment_density_offset_granularity); x.next) _RenderPassFragmentDensityMapCreateInfoEXT(x::RenderPassFragmentDensityMapCreateInfoEXT) = _RenderPassFragmentDensityMapCreateInfoEXT(convert_nonnull(_AttachmentReference, x.fragment_density_map_attachment); x.next) _SubpassFragmentDensityMapOffsetEndInfoQCOM(x::SubpassFragmentDensityMapOffsetEndInfoQCOM) = _SubpassFragmentDensityMapOffsetEndInfoQCOM(convert_nonnull(Vector{_Offset2D}, x.fragment_density_offsets); x.next) _PhysicalDeviceScalarBlockLayoutFeatures(x::PhysicalDeviceScalarBlockLayoutFeatures) = _PhysicalDeviceScalarBlockLayoutFeatures(x.scalar_block_layout; x.next) _SurfaceProtectedCapabilitiesKHR(x::SurfaceProtectedCapabilitiesKHR) = _SurfaceProtectedCapabilitiesKHR(x.supports_protected; x.next) _PhysicalDeviceUniformBufferStandardLayoutFeatures(x::PhysicalDeviceUniformBufferStandardLayoutFeatures) = _PhysicalDeviceUniformBufferStandardLayoutFeatures(x.uniform_buffer_standard_layout; x.next) _PhysicalDeviceDepthClipEnableFeaturesEXT(x::PhysicalDeviceDepthClipEnableFeaturesEXT) = _PhysicalDeviceDepthClipEnableFeaturesEXT(x.depth_clip_enable; x.next) _PipelineRasterizationDepthClipStateCreateInfoEXT(x::PipelineRasterizationDepthClipStateCreateInfoEXT) = _PipelineRasterizationDepthClipStateCreateInfoEXT(x.depth_clip_enable; x.next, x.flags) _PhysicalDeviceMemoryBudgetPropertiesEXT(x::PhysicalDeviceMemoryBudgetPropertiesEXT) = _PhysicalDeviceMemoryBudgetPropertiesEXT(x.heap_budget, x.heap_usage; x.next) _PhysicalDeviceMemoryPriorityFeaturesEXT(x::PhysicalDeviceMemoryPriorityFeaturesEXT) = _PhysicalDeviceMemoryPriorityFeaturesEXT(x.memory_priority; x.next) _MemoryPriorityAllocateInfoEXT(x::MemoryPriorityAllocateInfoEXT) = _MemoryPriorityAllocateInfoEXT(x.priority; x.next) _PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT(x::PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT) = _PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT(x.pageable_device_local_memory; x.next) _PhysicalDeviceBufferDeviceAddressFeatures(x::PhysicalDeviceBufferDeviceAddressFeatures) = _PhysicalDeviceBufferDeviceAddressFeatures(x.buffer_device_address, x.buffer_device_address_capture_replay, x.buffer_device_address_multi_device; x.next) _PhysicalDeviceBufferDeviceAddressFeaturesEXT(x::PhysicalDeviceBufferDeviceAddressFeaturesEXT) = _PhysicalDeviceBufferDeviceAddressFeaturesEXT(x.buffer_device_address, x.buffer_device_address_capture_replay, x.buffer_device_address_multi_device; x.next) _BufferDeviceAddressInfo(x::BufferDeviceAddressInfo) = _BufferDeviceAddressInfo(x.buffer; x.next) _BufferOpaqueCaptureAddressCreateInfo(x::BufferOpaqueCaptureAddressCreateInfo) = _BufferOpaqueCaptureAddressCreateInfo(x.opaque_capture_address; x.next) _BufferDeviceAddressCreateInfoEXT(x::BufferDeviceAddressCreateInfoEXT) = _BufferDeviceAddressCreateInfoEXT(x.device_address; x.next) _PhysicalDeviceImageViewImageFormatInfoEXT(x::PhysicalDeviceImageViewImageFormatInfoEXT) = _PhysicalDeviceImageViewImageFormatInfoEXT(x.image_view_type; x.next) _FilterCubicImageViewImageFormatPropertiesEXT(x::FilterCubicImageViewImageFormatPropertiesEXT) = _FilterCubicImageViewImageFormatPropertiesEXT(x.filter_cubic, x.filter_cubic_minmax; x.next) _PhysicalDeviceImagelessFramebufferFeatures(x::PhysicalDeviceImagelessFramebufferFeatures) = _PhysicalDeviceImagelessFramebufferFeatures(x.imageless_framebuffer; x.next) _FramebufferAttachmentsCreateInfo(x::FramebufferAttachmentsCreateInfo) = _FramebufferAttachmentsCreateInfo(convert_nonnull(Vector{_FramebufferAttachmentImageInfo}, x.attachment_image_infos); x.next) _FramebufferAttachmentImageInfo(x::FramebufferAttachmentImageInfo) = _FramebufferAttachmentImageInfo(x.usage, x.width, x.height, x.layer_count, x.view_formats; x.next, x.flags) _RenderPassAttachmentBeginInfo(x::RenderPassAttachmentBeginInfo) = _RenderPassAttachmentBeginInfo(x.attachments; x.next) _PhysicalDeviceTextureCompressionASTCHDRFeatures(x::PhysicalDeviceTextureCompressionASTCHDRFeatures) = _PhysicalDeviceTextureCompressionASTCHDRFeatures(x.texture_compression_astc_hdr; x.next) _PhysicalDeviceCooperativeMatrixFeaturesNV(x::PhysicalDeviceCooperativeMatrixFeaturesNV) = _PhysicalDeviceCooperativeMatrixFeaturesNV(x.cooperative_matrix, x.cooperative_matrix_robust_buffer_access; x.next) _PhysicalDeviceCooperativeMatrixPropertiesNV(x::PhysicalDeviceCooperativeMatrixPropertiesNV) = _PhysicalDeviceCooperativeMatrixPropertiesNV(x.cooperative_matrix_supported_stages; x.next) _CooperativeMatrixPropertiesNV(x::CooperativeMatrixPropertiesNV) = _CooperativeMatrixPropertiesNV(x.m_size, x.n_size, x.k_size, x.a_type, x.b_type, x.c_type, x.d_type, x.scope; x.next) _PhysicalDeviceYcbcrImageArraysFeaturesEXT(x::PhysicalDeviceYcbcrImageArraysFeaturesEXT) = _PhysicalDeviceYcbcrImageArraysFeaturesEXT(x.ycbcr_image_arrays; x.next) _ImageViewHandleInfoNVX(x::ImageViewHandleInfoNVX) = _ImageViewHandleInfoNVX(x.image_view, x.descriptor_type; x.next, x.sampler) _ImageViewAddressPropertiesNVX(x::ImageViewAddressPropertiesNVX) = _ImageViewAddressPropertiesNVX(x.device_address, x.size; x.next) _PipelineCreationFeedback(x::PipelineCreationFeedback) = _PipelineCreationFeedback(x.flags, x.duration) _PipelineCreationFeedbackCreateInfo(x::PipelineCreationFeedbackCreateInfo) = _PipelineCreationFeedbackCreateInfo(convert_nonnull(_PipelineCreationFeedback, x.pipeline_creation_feedback), convert_nonnull(Vector{_PipelineCreationFeedback}, x.pipeline_stage_creation_feedbacks); x.next) _PhysicalDevicePresentBarrierFeaturesNV(x::PhysicalDevicePresentBarrierFeaturesNV) = _PhysicalDevicePresentBarrierFeaturesNV(x.present_barrier; x.next) _SurfaceCapabilitiesPresentBarrierNV(x::SurfaceCapabilitiesPresentBarrierNV) = _SurfaceCapabilitiesPresentBarrierNV(x.present_barrier_supported; x.next) _SwapchainPresentBarrierCreateInfoNV(x::SwapchainPresentBarrierCreateInfoNV) = _SwapchainPresentBarrierCreateInfoNV(x.present_barrier_enable; x.next) _PhysicalDevicePerformanceQueryFeaturesKHR(x::PhysicalDevicePerformanceQueryFeaturesKHR) = _PhysicalDevicePerformanceQueryFeaturesKHR(x.performance_counter_query_pools, x.performance_counter_multiple_query_pools; x.next) _PhysicalDevicePerformanceQueryPropertiesKHR(x::PhysicalDevicePerformanceQueryPropertiesKHR) = _PhysicalDevicePerformanceQueryPropertiesKHR(x.allow_command_buffer_query_copies; x.next) _PerformanceCounterKHR(x::PerformanceCounterKHR) = _PerformanceCounterKHR(x.unit, x.scope, x.storage, x.uuid; x.next) _PerformanceCounterDescriptionKHR(x::PerformanceCounterDescriptionKHR) = _PerformanceCounterDescriptionKHR(x.name, x.category, x.description; x.next, x.flags) _QueryPoolPerformanceCreateInfoKHR(x::QueryPoolPerformanceCreateInfoKHR) = _QueryPoolPerformanceCreateInfoKHR(x.queue_family_index, x.counter_indices; x.next) _AcquireProfilingLockInfoKHR(x::AcquireProfilingLockInfoKHR) = _AcquireProfilingLockInfoKHR(x.timeout; x.next, x.flags) _PerformanceQuerySubmitInfoKHR(x::PerformanceQuerySubmitInfoKHR) = _PerformanceQuerySubmitInfoKHR(x.counter_pass_index; x.next) _HeadlessSurfaceCreateInfoEXT(x::HeadlessSurfaceCreateInfoEXT) = _HeadlessSurfaceCreateInfoEXT(; x.next, x.flags) _PhysicalDeviceCoverageReductionModeFeaturesNV(x::PhysicalDeviceCoverageReductionModeFeaturesNV) = _PhysicalDeviceCoverageReductionModeFeaturesNV(x.coverage_reduction_mode; x.next) _PipelineCoverageReductionStateCreateInfoNV(x::PipelineCoverageReductionStateCreateInfoNV) = _PipelineCoverageReductionStateCreateInfoNV(x.coverage_reduction_mode; x.next, x.flags) _FramebufferMixedSamplesCombinationNV(x::FramebufferMixedSamplesCombinationNV) = _FramebufferMixedSamplesCombinationNV(x.coverage_reduction_mode, x.rasterization_samples, x.depth_stencil_samples, x.color_samples; x.next) _PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL(x::PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL) = _PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL(x.shader_integer_functions_2; x.next) _PerformanceValueINTEL(x::PerformanceValueINTEL) = _PerformanceValueINTEL(x.type, convert_nonnull(_PerformanceValueDataINTEL, x.data)) _InitializePerformanceApiInfoINTEL(x::InitializePerformanceApiInfoINTEL) = _InitializePerformanceApiInfoINTEL(; x.next, x.user_data) _QueryPoolPerformanceQueryCreateInfoINTEL(x::QueryPoolPerformanceQueryCreateInfoINTEL) = _QueryPoolPerformanceQueryCreateInfoINTEL(x.performance_counters_sampling; x.next) _PerformanceMarkerInfoINTEL(x::PerformanceMarkerInfoINTEL) = _PerformanceMarkerInfoINTEL(x.marker; x.next) _PerformanceStreamMarkerInfoINTEL(x::PerformanceStreamMarkerInfoINTEL) = _PerformanceStreamMarkerInfoINTEL(x.marker; x.next) _PerformanceOverrideInfoINTEL(x::PerformanceOverrideInfoINTEL) = _PerformanceOverrideInfoINTEL(x.type, x.enable, x.parameter; x.next) _PerformanceConfigurationAcquireInfoINTEL(x::PerformanceConfigurationAcquireInfoINTEL) = _PerformanceConfigurationAcquireInfoINTEL(x.type; x.next) _PhysicalDeviceShaderClockFeaturesKHR(x::PhysicalDeviceShaderClockFeaturesKHR) = _PhysicalDeviceShaderClockFeaturesKHR(x.shader_subgroup_clock, x.shader_device_clock; x.next) _PhysicalDeviceIndexTypeUint8FeaturesEXT(x::PhysicalDeviceIndexTypeUint8FeaturesEXT) = _PhysicalDeviceIndexTypeUint8FeaturesEXT(x.index_type_uint_8; x.next) _PhysicalDeviceShaderSMBuiltinsPropertiesNV(x::PhysicalDeviceShaderSMBuiltinsPropertiesNV) = _PhysicalDeviceShaderSMBuiltinsPropertiesNV(x.shader_sm_count, x.shader_warps_per_sm; x.next) _PhysicalDeviceShaderSMBuiltinsFeaturesNV(x::PhysicalDeviceShaderSMBuiltinsFeaturesNV) = _PhysicalDeviceShaderSMBuiltinsFeaturesNV(x.shader_sm_builtins; x.next) _PhysicalDeviceFragmentShaderInterlockFeaturesEXT(x::PhysicalDeviceFragmentShaderInterlockFeaturesEXT) = _PhysicalDeviceFragmentShaderInterlockFeaturesEXT(x.fragment_shader_sample_interlock, x.fragment_shader_pixel_interlock, x.fragment_shader_shading_rate_interlock; x.next) _PhysicalDeviceSeparateDepthStencilLayoutsFeatures(x::PhysicalDeviceSeparateDepthStencilLayoutsFeatures) = _PhysicalDeviceSeparateDepthStencilLayoutsFeatures(x.separate_depth_stencil_layouts; x.next) _AttachmentReferenceStencilLayout(x::AttachmentReferenceStencilLayout) = _AttachmentReferenceStencilLayout(x.stencil_layout; x.next) _PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT(x::PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT) = _PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT(x.primitive_topology_list_restart, x.primitive_topology_patch_list_restart; x.next) _AttachmentDescriptionStencilLayout(x::AttachmentDescriptionStencilLayout) = _AttachmentDescriptionStencilLayout(x.stencil_initial_layout, x.stencil_final_layout; x.next) _PhysicalDevicePipelineExecutablePropertiesFeaturesKHR(x::PhysicalDevicePipelineExecutablePropertiesFeaturesKHR) = _PhysicalDevicePipelineExecutablePropertiesFeaturesKHR(x.pipeline_executable_info; x.next) _PipelineInfoKHR(x::PipelineInfoKHR) = _PipelineInfoKHR(x.pipeline; x.next) _PipelineExecutablePropertiesKHR(x::PipelineExecutablePropertiesKHR) = _PipelineExecutablePropertiesKHR(x.stages, x.name, x.description, x.subgroup_size; x.next) _PipelineExecutableInfoKHR(x::PipelineExecutableInfoKHR) = _PipelineExecutableInfoKHR(x.pipeline, x.executable_index; x.next) _PipelineExecutableStatisticKHR(x::PipelineExecutableStatisticKHR) = _PipelineExecutableStatisticKHR(x.name, x.description, x.format, convert_nonnull(_PipelineExecutableStatisticValueKHR, x.value); x.next) _PipelineExecutableInternalRepresentationKHR(x::PipelineExecutableInternalRepresentationKHR) = _PipelineExecutableInternalRepresentationKHR(x.name, x.description, x.is_text, x.data_size; x.next, x.data) _PhysicalDeviceShaderDemoteToHelperInvocationFeatures(x::PhysicalDeviceShaderDemoteToHelperInvocationFeatures) = _PhysicalDeviceShaderDemoteToHelperInvocationFeatures(x.shader_demote_to_helper_invocation; x.next) _PhysicalDeviceTexelBufferAlignmentFeaturesEXT(x::PhysicalDeviceTexelBufferAlignmentFeaturesEXT) = _PhysicalDeviceTexelBufferAlignmentFeaturesEXT(x.texel_buffer_alignment; x.next) _PhysicalDeviceTexelBufferAlignmentProperties(x::PhysicalDeviceTexelBufferAlignmentProperties) = _PhysicalDeviceTexelBufferAlignmentProperties(x.storage_texel_buffer_offset_alignment_bytes, x.storage_texel_buffer_offset_single_texel_alignment, x.uniform_texel_buffer_offset_alignment_bytes, x.uniform_texel_buffer_offset_single_texel_alignment; x.next) _PhysicalDeviceSubgroupSizeControlFeatures(x::PhysicalDeviceSubgroupSizeControlFeatures) = _PhysicalDeviceSubgroupSizeControlFeatures(x.subgroup_size_control, x.compute_full_subgroups; x.next) _PhysicalDeviceSubgroupSizeControlProperties(x::PhysicalDeviceSubgroupSizeControlProperties) = _PhysicalDeviceSubgroupSizeControlProperties(x.min_subgroup_size, x.max_subgroup_size, x.max_compute_workgroup_subgroups, x.required_subgroup_size_stages; x.next) _PipelineShaderStageRequiredSubgroupSizeCreateInfo(x::PipelineShaderStageRequiredSubgroupSizeCreateInfo) = _PipelineShaderStageRequiredSubgroupSizeCreateInfo(x.required_subgroup_size; x.next) _SubpassShadingPipelineCreateInfoHUAWEI(x::SubpassShadingPipelineCreateInfoHUAWEI) = _SubpassShadingPipelineCreateInfoHUAWEI(x.render_pass, x.subpass; x.next) _PhysicalDeviceSubpassShadingPropertiesHUAWEI(x::PhysicalDeviceSubpassShadingPropertiesHUAWEI) = _PhysicalDeviceSubpassShadingPropertiesHUAWEI(x.max_subpass_shading_workgroup_size_aspect_ratio; x.next) _PhysicalDeviceClusterCullingShaderPropertiesHUAWEI(x::PhysicalDeviceClusterCullingShaderPropertiesHUAWEI) = _PhysicalDeviceClusterCullingShaderPropertiesHUAWEI(x.max_work_group_count, x.max_work_group_size, x.max_output_cluster_count; x.next) _MemoryOpaqueCaptureAddressAllocateInfo(x::MemoryOpaqueCaptureAddressAllocateInfo) = _MemoryOpaqueCaptureAddressAllocateInfo(x.opaque_capture_address; x.next) _DeviceMemoryOpaqueCaptureAddressInfo(x::DeviceMemoryOpaqueCaptureAddressInfo) = _DeviceMemoryOpaqueCaptureAddressInfo(x.memory; x.next) _PhysicalDeviceLineRasterizationFeaturesEXT(x::PhysicalDeviceLineRasterizationFeaturesEXT) = _PhysicalDeviceLineRasterizationFeaturesEXT(x.rectangular_lines, x.bresenham_lines, x.smooth_lines, x.stippled_rectangular_lines, x.stippled_bresenham_lines, x.stippled_smooth_lines; x.next) _PhysicalDeviceLineRasterizationPropertiesEXT(x::PhysicalDeviceLineRasterizationPropertiesEXT) = _PhysicalDeviceLineRasterizationPropertiesEXT(x.line_sub_pixel_precision_bits; x.next) _PipelineRasterizationLineStateCreateInfoEXT(x::PipelineRasterizationLineStateCreateInfoEXT) = _PipelineRasterizationLineStateCreateInfoEXT(x.line_rasterization_mode, x.stippled_line_enable, x.line_stipple_factor, x.line_stipple_pattern; x.next) _PhysicalDevicePipelineCreationCacheControlFeatures(x::PhysicalDevicePipelineCreationCacheControlFeatures) = _PhysicalDevicePipelineCreationCacheControlFeatures(x.pipeline_creation_cache_control; x.next) _PhysicalDeviceVulkan11Features(x::PhysicalDeviceVulkan11Features) = _PhysicalDeviceVulkan11Features(x.storage_buffer_16_bit_access, x.uniform_and_storage_buffer_16_bit_access, x.storage_push_constant_16, x.storage_input_output_16, x.multiview, x.multiview_geometry_shader, x.multiview_tessellation_shader, x.variable_pointers_storage_buffer, x.variable_pointers, x.protected_memory, x.sampler_ycbcr_conversion, x.shader_draw_parameters; x.next) _PhysicalDeviceVulkan11Properties(x::PhysicalDeviceVulkan11Properties) = _PhysicalDeviceVulkan11Properties(x.device_uuid, x.driver_uuid, x.device_luid, x.device_node_mask, x.device_luid_valid, x.subgroup_size, x.subgroup_supported_stages, x.subgroup_supported_operations, x.subgroup_quad_operations_in_all_stages, x.point_clipping_behavior, x.max_multiview_view_count, x.max_multiview_instance_index, x.protected_no_fault, x.max_per_set_descriptors, x.max_memory_allocation_size; x.next) _PhysicalDeviceVulkan12Features(x::PhysicalDeviceVulkan12Features) = _PhysicalDeviceVulkan12Features(x.sampler_mirror_clamp_to_edge, x.draw_indirect_count, x.storage_buffer_8_bit_access, x.uniform_and_storage_buffer_8_bit_access, x.storage_push_constant_8, x.shader_buffer_int_64_atomics, x.shader_shared_int_64_atomics, x.shader_float_16, x.shader_int_8, x.descriptor_indexing, x.shader_input_attachment_array_dynamic_indexing, x.shader_uniform_texel_buffer_array_dynamic_indexing, x.shader_storage_texel_buffer_array_dynamic_indexing, x.shader_uniform_buffer_array_non_uniform_indexing, x.shader_sampled_image_array_non_uniform_indexing, x.shader_storage_buffer_array_non_uniform_indexing, x.shader_storage_image_array_non_uniform_indexing, x.shader_input_attachment_array_non_uniform_indexing, x.shader_uniform_texel_buffer_array_non_uniform_indexing, x.shader_storage_texel_buffer_array_non_uniform_indexing, x.descriptor_binding_uniform_buffer_update_after_bind, x.descriptor_binding_sampled_image_update_after_bind, x.descriptor_binding_storage_image_update_after_bind, x.descriptor_binding_storage_buffer_update_after_bind, x.descriptor_binding_uniform_texel_buffer_update_after_bind, x.descriptor_binding_storage_texel_buffer_update_after_bind, x.descriptor_binding_update_unused_while_pending, x.descriptor_binding_partially_bound, x.descriptor_binding_variable_descriptor_count, x.runtime_descriptor_array, x.sampler_filter_minmax, x.scalar_block_layout, x.imageless_framebuffer, x.uniform_buffer_standard_layout, x.shader_subgroup_extended_types, x.separate_depth_stencil_layouts, x.host_query_reset, x.timeline_semaphore, x.buffer_device_address, x.buffer_device_address_capture_replay, x.buffer_device_address_multi_device, x.vulkan_memory_model, x.vulkan_memory_model_device_scope, x.vulkan_memory_model_availability_visibility_chains, x.shader_output_viewport_index, x.shader_output_layer, x.subgroup_broadcast_dynamic_id; x.next) _PhysicalDeviceVulkan12Properties(x::PhysicalDeviceVulkan12Properties) = _PhysicalDeviceVulkan12Properties(x.driver_id, x.driver_name, x.driver_info, convert_nonnull(_ConformanceVersion, x.conformance_version), x.denorm_behavior_independence, x.rounding_mode_independence, x.shader_signed_zero_inf_nan_preserve_float_16, x.shader_signed_zero_inf_nan_preserve_float_32, x.shader_signed_zero_inf_nan_preserve_float_64, x.shader_denorm_preserve_float_16, x.shader_denorm_preserve_float_32, x.shader_denorm_preserve_float_64, x.shader_denorm_flush_to_zero_float_16, x.shader_denorm_flush_to_zero_float_32, x.shader_denorm_flush_to_zero_float_64, x.shader_rounding_mode_rte_float_16, x.shader_rounding_mode_rte_float_32, x.shader_rounding_mode_rte_float_64, x.shader_rounding_mode_rtz_float_16, x.shader_rounding_mode_rtz_float_32, x.shader_rounding_mode_rtz_float_64, x.max_update_after_bind_descriptors_in_all_pools, x.shader_uniform_buffer_array_non_uniform_indexing_native, x.shader_sampled_image_array_non_uniform_indexing_native, x.shader_storage_buffer_array_non_uniform_indexing_native, x.shader_storage_image_array_non_uniform_indexing_native, x.shader_input_attachment_array_non_uniform_indexing_native, x.robust_buffer_access_update_after_bind, x.quad_divergent_implicit_lod, x.max_per_stage_descriptor_update_after_bind_samplers, x.max_per_stage_descriptor_update_after_bind_uniform_buffers, x.max_per_stage_descriptor_update_after_bind_storage_buffers, x.max_per_stage_descriptor_update_after_bind_sampled_images, x.max_per_stage_descriptor_update_after_bind_storage_images, x.max_per_stage_descriptor_update_after_bind_input_attachments, x.max_per_stage_update_after_bind_resources, x.max_descriptor_set_update_after_bind_samplers, x.max_descriptor_set_update_after_bind_uniform_buffers, x.max_descriptor_set_update_after_bind_uniform_buffers_dynamic, x.max_descriptor_set_update_after_bind_storage_buffers, x.max_descriptor_set_update_after_bind_storage_buffers_dynamic, x.max_descriptor_set_update_after_bind_sampled_images, x.max_descriptor_set_update_after_bind_storage_images, x.max_descriptor_set_update_after_bind_input_attachments, x.supported_depth_resolve_modes, x.supported_stencil_resolve_modes, x.independent_resolve_none, x.independent_resolve, x.filter_minmax_single_component_formats, x.filter_minmax_image_component_mapping, x.max_timeline_semaphore_value_difference; x.next, x.framebuffer_integer_color_sample_counts) _PhysicalDeviceVulkan13Features(x::PhysicalDeviceVulkan13Features) = _PhysicalDeviceVulkan13Features(x.robust_image_access, x.inline_uniform_block, x.descriptor_binding_inline_uniform_block_update_after_bind, x.pipeline_creation_cache_control, x.private_data, x.shader_demote_to_helper_invocation, x.shader_terminate_invocation, x.subgroup_size_control, x.compute_full_subgroups, x.synchronization2, x.texture_compression_astc_hdr, x.shader_zero_initialize_workgroup_memory, x.dynamic_rendering, x.shader_integer_dot_product, x.maintenance4; x.next) _PhysicalDeviceVulkan13Properties(x::PhysicalDeviceVulkan13Properties) = _PhysicalDeviceVulkan13Properties(x.min_subgroup_size, x.max_subgroup_size, x.max_compute_workgroup_subgroups, x.required_subgroup_size_stages, x.max_inline_uniform_block_size, x.max_per_stage_descriptor_inline_uniform_blocks, x.max_per_stage_descriptor_update_after_bind_inline_uniform_blocks, x.max_descriptor_set_inline_uniform_blocks, x.max_descriptor_set_update_after_bind_inline_uniform_blocks, x.max_inline_uniform_total_size, x.integer_dot_product_8_bit_unsigned_accelerated, x.integer_dot_product_8_bit_signed_accelerated, x.integer_dot_product_8_bit_mixed_signedness_accelerated, x.integer_dot_product_8_bit_packed_unsigned_accelerated, x.integer_dot_product_8_bit_packed_signed_accelerated, x.integer_dot_product_8_bit_packed_mixed_signedness_accelerated, x.integer_dot_product_16_bit_unsigned_accelerated, x.integer_dot_product_16_bit_signed_accelerated, x.integer_dot_product_16_bit_mixed_signedness_accelerated, x.integer_dot_product_32_bit_unsigned_accelerated, x.integer_dot_product_32_bit_signed_accelerated, x.integer_dot_product_32_bit_mixed_signedness_accelerated, x.integer_dot_product_64_bit_unsigned_accelerated, x.integer_dot_product_64_bit_signed_accelerated, x.integer_dot_product_64_bit_mixed_signedness_accelerated, x.integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated, x.integer_dot_product_accumulating_saturating_8_bit_signed_accelerated, x.integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated, x.integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated, x.integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated, x.integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated, x.integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated, x.integer_dot_product_accumulating_saturating_16_bit_signed_accelerated, x.integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated, x.integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated, x.integer_dot_product_accumulating_saturating_32_bit_signed_accelerated, x.integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated, x.integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated, x.integer_dot_product_accumulating_saturating_64_bit_signed_accelerated, x.integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated, x.storage_texel_buffer_offset_alignment_bytes, x.storage_texel_buffer_offset_single_texel_alignment, x.uniform_texel_buffer_offset_alignment_bytes, x.uniform_texel_buffer_offset_single_texel_alignment, x.max_buffer_size; x.next) _PipelineCompilerControlCreateInfoAMD(x::PipelineCompilerControlCreateInfoAMD) = _PipelineCompilerControlCreateInfoAMD(; x.next, x.compiler_control_flags) _PhysicalDeviceCoherentMemoryFeaturesAMD(x::PhysicalDeviceCoherentMemoryFeaturesAMD) = _PhysicalDeviceCoherentMemoryFeaturesAMD(x.device_coherent_memory; x.next) _PhysicalDeviceToolProperties(x::PhysicalDeviceToolProperties) = _PhysicalDeviceToolProperties(x.name, x.version, x.purposes, x.description, x.layer; x.next) _SamplerCustomBorderColorCreateInfoEXT(x::SamplerCustomBorderColorCreateInfoEXT) = _SamplerCustomBorderColorCreateInfoEXT(convert_nonnull(_ClearColorValue, x.custom_border_color), x.format; x.next) _PhysicalDeviceCustomBorderColorPropertiesEXT(x::PhysicalDeviceCustomBorderColorPropertiesEXT) = _PhysicalDeviceCustomBorderColorPropertiesEXT(x.max_custom_border_color_samplers; x.next) _PhysicalDeviceCustomBorderColorFeaturesEXT(x::PhysicalDeviceCustomBorderColorFeaturesEXT) = _PhysicalDeviceCustomBorderColorFeaturesEXT(x.custom_border_colors, x.custom_border_color_without_format; x.next) _SamplerBorderColorComponentMappingCreateInfoEXT(x::SamplerBorderColorComponentMappingCreateInfoEXT) = _SamplerBorderColorComponentMappingCreateInfoEXT(convert_nonnull(_ComponentMapping, x.components), x.srgb; x.next) _PhysicalDeviceBorderColorSwizzleFeaturesEXT(x::PhysicalDeviceBorderColorSwizzleFeaturesEXT) = _PhysicalDeviceBorderColorSwizzleFeaturesEXT(x.border_color_swizzle, x.border_color_swizzle_from_image; x.next) _AccelerationStructureGeometryTrianglesDataKHR(x::AccelerationStructureGeometryTrianglesDataKHR) = _AccelerationStructureGeometryTrianglesDataKHR(x.vertex_format, convert_nonnull(_DeviceOrHostAddressConstKHR, x.vertex_data), x.vertex_stride, x.max_vertex, x.index_type, convert_nonnull(_DeviceOrHostAddressConstKHR, x.index_data), convert_nonnull(_DeviceOrHostAddressConstKHR, x.transform_data); x.next) _AccelerationStructureGeometryAabbsDataKHR(x::AccelerationStructureGeometryAabbsDataKHR) = _AccelerationStructureGeometryAabbsDataKHR(convert_nonnull(_DeviceOrHostAddressConstKHR, x.data), x.stride; x.next) _AccelerationStructureGeometryInstancesDataKHR(x::AccelerationStructureGeometryInstancesDataKHR) = _AccelerationStructureGeometryInstancesDataKHR(x.array_of_pointers, convert_nonnull(_DeviceOrHostAddressConstKHR, x.data); x.next) _AccelerationStructureGeometryKHR(x::AccelerationStructureGeometryKHR) = _AccelerationStructureGeometryKHR(x.geometry_type, convert_nonnull(_AccelerationStructureGeometryDataKHR, x.geometry); x.next, x.flags) _AccelerationStructureBuildGeometryInfoKHR(x::AccelerationStructureBuildGeometryInfoKHR) = _AccelerationStructureBuildGeometryInfoKHR(x.type, x.mode, convert_nonnull(_DeviceOrHostAddressKHR, x.scratch_data); x.next, x.flags, x.src_acceleration_structure, x.dst_acceleration_structure, geometries = convert_nonnull(Vector{_AccelerationStructureGeometryKHR}, x.geometries), geometries_2 = convert_nonnull(Vector{_AccelerationStructureGeometryKHR}, x.geometries_2)) _AccelerationStructureBuildRangeInfoKHR(x::AccelerationStructureBuildRangeInfoKHR) = _AccelerationStructureBuildRangeInfoKHR(x.primitive_count, x.primitive_offset, x.first_vertex, x.transform_offset) _AccelerationStructureCreateInfoKHR(x::AccelerationStructureCreateInfoKHR) = _AccelerationStructureCreateInfoKHR(x.buffer, x.offset, x.size, x.type; x.next, x.create_flags, x.device_address) _AabbPositionsKHR(x::AabbPositionsKHR) = _AabbPositionsKHR(x.min_x, x.min_y, x.min_z, x.max_x, x.max_y, x.max_z) _TransformMatrixKHR(x::TransformMatrixKHR) = _TransformMatrixKHR(x.matrix) _AccelerationStructureInstanceKHR(x::AccelerationStructureInstanceKHR) = _AccelerationStructureInstanceKHR(convert_nonnull(_TransformMatrixKHR, x.transform), x.instance_custom_index, x.mask, x.instance_shader_binding_table_record_offset, x.acceleration_structure_reference; x.flags) _AccelerationStructureDeviceAddressInfoKHR(x::AccelerationStructureDeviceAddressInfoKHR) = _AccelerationStructureDeviceAddressInfoKHR(x.acceleration_structure; x.next) _AccelerationStructureVersionInfoKHR(x::AccelerationStructureVersionInfoKHR) = _AccelerationStructureVersionInfoKHR(x.version_data; x.next) _CopyAccelerationStructureInfoKHR(x::CopyAccelerationStructureInfoKHR) = _CopyAccelerationStructureInfoKHR(x.src, x.dst, x.mode; x.next) _CopyAccelerationStructureToMemoryInfoKHR(x::CopyAccelerationStructureToMemoryInfoKHR) = _CopyAccelerationStructureToMemoryInfoKHR(x.src, convert_nonnull(_DeviceOrHostAddressKHR, x.dst), x.mode; x.next) _CopyMemoryToAccelerationStructureInfoKHR(x::CopyMemoryToAccelerationStructureInfoKHR) = _CopyMemoryToAccelerationStructureInfoKHR(convert_nonnull(_DeviceOrHostAddressConstKHR, x.src), x.dst, x.mode; x.next) _RayTracingPipelineInterfaceCreateInfoKHR(x::RayTracingPipelineInterfaceCreateInfoKHR) = _RayTracingPipelineInterfaceCreateInfoKHR(x.max_pipeline_ray_payload_size, x.max_pipeline_ray_hit_attribute_size; x.next) _PipelineLibraryCreateInfoKHR(x::PipelineLibraryCreateInfoKHR) = _PipelineLibraryCreateInfoKHR(x.libraries; x.next) _PhysicalDeviceExtendedDynamicStateFeaturesEXT(x::PhysicalDeviceExtendedDynamicStateFeaturesEXT) = _PhysicalDeviceExtendedDynamicStateFeaturesEXT(x.extended_dynamic_state; x.next) _PhysicalDeviceExtendedDynamicState2FeaturesEXT(x::PhysicalDeviceExtendedDynamicState2FeaturesEXT) = _PhysicalDeviceExtendedDynamicState2FeaturesEXT(x.extended_dynamic_state_2, x.extended_dynamic_state_2_logic_op, x.extended_dynamic_state_2_patch_control_points; x.next) _PhysicalDeviceExtendedDynamicState3FeaturesEXT(x::PhysicalDeviceExtendedDynamicState3FeaturesEXT) = _PhysicalDeviceExtendedDynamicState3FeaturesEXT(x.extended_dynamic_state_3_tessellation_domain_origin, x.extended_dynamic_state_3_depth_clamp_enable, x.extended_dynamic_state_3_polygon_mode, x.extended_dynamic_state_3_rasterization_samples, x.extended_dynamic_state_3_sample_mask, x.extended_dynamic_state_3_alpha_to_coverage_enable, x.extended_dynamic_state_3_alpha_to_one_enable, x.extended_dynamic_state_3_logic_op_enable, x.extended_dynamic_state_3_color_blend_enable, x.extended_dynamic_state_3_color_blend_equation, x.extended_dynamic_state_3_color_write_mask, x.extended_dynamic_state_3_rasterization_stream, x.extended_dynamic_state_3_conservative_rasterization_mode, x.extended_dynamic_state_3_extra_primitive_overestimation_size, x.extended_dynamic_state_3_depth_clip_enable, x.extended_dynamic_state_3_sample_locations_enable, x.extended_dynamic_state_3_color_blend_advanced, x.extended_dynamic_state_3_provoking_vertex_mode, x.extended_dynamic_state_3_line_rasterization_mode, x.extended_dynamic_state_3_line_stipple_enable, x.extended_dynamic_state_3_depth_clip_negative_one_to_one, x.extended_dynamic_state_3_viewport_w_scaling_enable, x.extended_dynamic_state_3_viewport_swizzle, x.extended_dynamic_state_3_coverage_to_color_enable, x.extended_dynamic_state_3_coverage_to_color_location, x.extended_dynamic_state_3_coverage_modulation_mode, x.extended_dynamic_state_3_coverage_modulation_table_enable, x.extended_dynamic_state_3_coverage_modulation_table, x.extended_dynamic_state_3_coverage_reduction_mode, x.extended_dynamic_state_3_representative_fragment_test_enable, x.extended_dynamic_state_3_shading_rate_image_enable; x.next) _PhysicalDeviceExtendedDynamicState3PropertiesEXT(x::PhysicalDeviceExtendedDynamicState3PropertiesEXT) = _PhysicalDeviceExtendedDynamicState3PropertiesEXT(x.dynamic_primitive_topology_unrestricted; x.next) _ColorBlendEquationEXT(x::ColorBlendEquationEXT) = _ColorBlendEquationEXT(x.src_color_blend_factor, x.dst_color_blend_factor, x.color_blend_op, x.src_alpha_blend_factor, x.dst_alpha_blend_factor, x.alpha_blend_op) _ColorBlendAdvancedEXT(x::ColorBlendAdvancedEXT) = _ColorBlendAdvancedEXT(x.advanced_blend_op, x.src_premultiplied, x.dst_premultiplied, x.blend_overlap, x.clamp_results) _RenderPassTransformBeginInfoQCOM(x::RenderPassTransformBeginInfoQCOM) = _RenderPassTransformBeginInfoQCOM(x.transform; x.next) _CopyCommandTransformInfoQCOM(x::CopyCommandTransformInfoQCOM) = _CopyCommandTransformInfoQCOM(x.transform; x.next) _CommandBufferInheritanceRenderPassTransformInfoQCOM(x::CommandBufferInheritanceRenderPassTransformInfoQCOM) = _CommandBufferInheritanceRenderPassTransformInfoQCOM(x.transform, convert_nonnull(_Rect2D, x.render_area); x.next) _PhysicalDeviceDiagnosticsConfigFeaturesNV(x::PhysicalDeviceDiagnosticsConfigFeaturesNV) = _PhysicalDeviceDiagnosticsConfigFeaturesNV(x.diagnostics_config; x.next) _DeviceDiagnosticsConfigCreateInfoNV(x::DeviceDiagnosticsConfigCreateInfoNV) = _DeviceDiagnosticsConfigCreateInfoNV(; x.next, x.flags) _PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures(x::PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures) = _PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures(x.shader_zero_initialize_workgroup_memory; x.next) _PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR(x::PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR) = _PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR(x.shader_subgroup_uniform_control_flow; x.next) _PhysicalDeviceRobustness2FeaturesEXT(x::PhysicalDeviceRobustness2FeaturesEXT) = _PhysicalDeviceRobustness2FeaturesEXT(x.robust_buffer_access_2, x.robust_image_access_2, x.null_descriptor; x.next) _PhysicalDeviceRobustness2PropertiesEXT(x::PhysicalDeviceRobustness2PropertiesEXT) = _PhysicalDeviceRobustness2PropertiesEXT(x.robust_storage_buffer_access_size_alignment, x.robust_uniform_buffer_access_size_alignment; x.next) _PhysicalDeviceImageRobustnessFeatures(x::PhysicalDeviceImageRobustnessFeatures) = _PhysicalDeviceImageRobustnessFeatures(x.robust_image_access; x.next) _PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR(x::PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR) = _PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR(x.workgroup_memory_explicit_layout, x.workgroup_memory_explicit_layout_scalar_block_layout, x.workgroup_memory_explicit_layout_8_bit_access, x.workgroup_memory_explicit_layout_16_bit_access; x.next) _PhysicalDevice4444FormatsFeaturesEXT(x::PhysicalDevice4444FormatsFeaturesEXT) = _PhysicalDevice4444FormatsFeaturesEXT(x.format_a4r4g4b4, x.format_a4b4g4r4; x.next) _PhysicalDeviceSubpassShadingFeaturesHUAWEI(x::PhysicalDeviceSubpassShadingFeaturesHUAWEI) = _PhysicalDeviceSubpassShadingFeaturesHUAWEI(x.subpass_shading; x.next) _PhysicalDeviceClusterCullingShaderFeaturesHUAWEI(x::PhysicalDeviceClusterCullingShaderFeaturesHUAWEI) = _PhysicalDeviceClusterCullingShaderFeaturesHUAWEI(x.clusterculling_shader, x.multiview_cluster_culling_shader; x.next) _BufferCopy2(x::BufferCopy2) = _BufferCopy2(x.src_offset, x.dst_offset, x.size; x.next) _ImageCopy2(x::ImageCopy2) = _ImageCopy2(convert_nonnull(_ImageSubresourceLayers, x.src_subresource), convert_nonnull(_Offset3D, x.src_offset), convert_nonnull(_ImageSubresourceLayers, x.dst_subresource), convert_nonnull(_Offset3D, x.dst_offset), convert_nonnull(_Extent3D, x.extent); x.next) _ImageBlit2(x::ImageBlit2) = _ImageBlit2(convert_nonnull(_ImageSubresourceLayers, x.src_subresource), convert_nonnull(NTuple{2, _Offset3D}, x.src_offsets), convert_nonnull(_ImageSubresourceLayers, x.dst_subresource), convert_nonnull(NTuple{2, _Offset3D}, x.dst_offsets); x.next) _BufferImageCopy2(x::BufferImageCopy2) = _BufferImageCopy2(x.buffer_offset, x.buffer_row_length, x.buffer_image_height, convert_nonnull(_ImageSubresourceLayers, x.image_subresource), convert_nonnull(_Offset3D, x.image_offset), convert_nonnull(_Extent3D, x.image_extent); x.next) _ImageResolve2(x::ImageResolve2) = _ImageResolve2(convert_nonnull(_ImageSubresourceLayers, x.src_subresource), convert_nonnull(_Offset3D, x.src_offset), convert_nonnull(_ImageSubresourceLayers, x.dst_subresource), convert_nonnull(_Offset3D, x.dst_offset), convert_nonnull(_Extent3D, x.extent); x.next) _CopyBufferInfo2(x::CopyBufferInfo2) = _CopyBufferInfo2(x.src_buffer, x.dst_buffer, convert_nonnull(Vector{_BufferCopy2}, x.regions); x.next) _CopyImageInfo2(x::CopyImageInfo2) = _CopyImageInfo2(x.src_image, x.src_image_layout, x.dst_image, x.dst_image_layout, convert_nonnull(Vector{_ImageCopy2}, x.regions); x.next) _BlitImageInfo2(x::BlitImageInfo2) = _BlitImageInfo2(x.src_image, x.src_image_layout, x.dst_image, x.dst_image_layout, convert_nonnull(Vector{_ImageBlit2}, x.regions), x.filter; x.next) _CopyBufferToImageInfo2(x::CopyBufferToImageInfo2) = _CopyBufferToImageInfo2(x.src_buffer, x.dst_image, x.dst_image_layout, convert_nonnull(Vector{_BufferImageCopy2}, x.regions); x.next) _CopyImageToBufferInfo2(x::CopyImageToBufferInfo2) = _CopyImageToBufferInfo2(x.src_image, x.src_image_layout, x.dst_buffer, convert_nonnull(Vector{_BufferImageCopy2}, x.regions); x.next) _ResolveImageInfo2(x::ResolveImageInfo2) = _ResolveImageInfo2(x.src_image, x.src_image_layout, x.dst_image, x.dst_image_layout, convert_nonnull(Vector{_ImageResolve2}, x.regions); x.next) _PhysicalDeviceShaderImageAtomicInt64FeaturesEXT(x::PhysicalDeviceShaderImageAtomicInt64FeaturesEXT) = _PhysicalDeviceShaderImageAtomicInt64FeaturesEXT(x.shader_image_int_64_atomics, x.sparse_image_int_64_atomics; x.next) _FragmentShadingRateAttachmentInfoKHR(x::FragmentShadingRateAttachmentInfoKHR) = _FragmentShadingRateAttachmentInfoKHR(convert_nonnull(_Extent2D, x.shading_rate_attachment_texel_size); x.next, fragment_shading_rate_attachment = convert_nonnull(_AttachmentReference2, x.fragment_shading_rate_attachment)) _PipelineFragmentShadingRateStateCreateInfoKHR(x::PipelineFragmentShadingRateStateCreateInfoKHR) = _PipelineFragmentShadingRateStateCreateInfoKHR(convert_nonnull(_Extent2D, x.fragment_size), x.combiner_ops; x.next) _PhysicalDeviceFragmentShadingRateFeaturesKHR(x::PhysicalDeviceFragmentShadingRateFeaturesKHR) = _PhysicalDeviceFragmentShadingRateFeaturesKHR(x.pipeline_fragment_shading_rate, x.primitive_fragment_shading_rate, x.attachment_fragment_shading_rate; x.next) _PhysicalDeviceFragmentShadingRatePropertiesKHR(x::PhysicalDeviceFragmentShadingRatePropertiesKHR) = _PhysicalDeviceFragmentShadingRatePropertiesKHR(convert_nonnull(_Extent2D, x.min_fragment_shading_rate_attachment_texel_size), convert_nonnull(_Extent2D, x.max_fragment_shading_rate_attachment_texel_size), x.max_fragment_shading_rate_attachment_texel_size_aspect_ratio, x.primitive_fragment_shading_rate_with_multiple_viewports, x.layered_shading_rate_attachments, x.fragment_shading_rate_non_trivial_combiner_ops, convert_nonnull(_Extent2D, x.max_fragment_size), x.max_fragment_size_aspect_ratio, x.max_fragment_shading_rate_coverage_samples, x.max_fragment_shading_rate_rasterization_samples, x.fragment_shading_rate_with_shader_depth_stencil_writes, x.fragment_shading_rate_with_sample_mask, x.fragment_shading_rate_with_shader_sample_mask, x.fragment_shading_rate_with_conservative_rasterization, x.fragment_shading_rate_with_fragment_shader_interlock, x.fragment_shading_rate_with_custom_sample_locations, x.fragment_shading_rate_strict_multiply_combiner; x.next) _PhysicalDeviceFragmentShadingRateKHR(x::PhysicalDeviceFragmentShadingRateKHR) = _PhysicalDeviceFragmentShadingRateKHR(x.sample_counts, convert_nonnull(_Extent2D, x.fragment_size); x.next) _PhysicalDeviceShaderTerminateInvocationFeatures(x::PhysicalDeviceShaderTerminateInvocationFeatures) = _PhysicalDeviceShaderTerminateInvocationFeatures(x.shader_terminate_invocation; x.next) _PhysicalDeviceFragmentShadingRateEnumsFeaturesNV(x::PhysicalDeviceFragmentShadingRateEnumsFeaturesNV) = _PhysicalDeviceFragmentShadingRateEnumsFeaturesNV(x.fragment_shading_rate_enums, x.supersample_fragment_shading_rates, x.no_invocation_fragment_shading_rates; x.next) _PhysicalDeviceFragmentShadingRateEnumsPropertiesNV(x::PhysicalDeviceFragmentShadingRateEnumsPropertiesNV) = _PhysicalDeviceFragmentShadingRateEnumsPropertiesNV(x.max_fragment_shading_rate_invocation_count; x.next) _PipelineFragmentShadingRateEnumStateCreateInfoNV(x::PipelineFragmentShadingRateEnumStateCreateInfoNV) = _PipelineFragmentShadingRateEnumStateCreateInfoNV(x.shading_rate_type, x.shading_rate, x.combiner_ops; x.next) _AccelerationStructureBuildSizesInfoKHR(x::AccelerationStructureBuildSizesInfoKHR) = _AccelerationStructureBuildSizesInfoKHR(x.acceleration_structure_size, x.update_scratch_size, x.build_scratch_size; x.next) _PhysicalDeviceImage2DViewOf3DFeaturesEXT(x::PhysicalDeviceImage2DViewOf3DFeaturesEXT) = _PhysicalDeviceImage2DViewOf3DFeaturesEXT(x.image_2_d_view_of_3_d, x.sampler_2_d_view_of_3_d; x.next) _PhysicalDeviceMutableDescriptorTypeFeaturesEXT(x::PhysicalDeviceMutableDescriptorTypeFeaturesEXT) = _PhysicalDeviceMutableDescriptorTypeFeaturesEXT(x.mutable_descriptor_type; x.next) _MutableDescriptorTypeListEXT(x::MutableDescriptorTypeListEXT) = _MutableDescriptorTypeListEXT(x.descriptor_types) _MutableDescriptorTypeCreateInfoEXT(x::MutableDescriptorTypeCreateInfoEXT) = _MutableDescriptorTypeCreateInfoEXT(convert_nonnull(Vector{_MutableDescriptorTypeListEXT}, x.mutable_descriptor_type_lists); x.next) _PhysicalDeviceDepthClipControlFeaturesEXT(x::PhysicalDeviceDepthClipControlFeaturesEXT) = _PhysicalDeviceDepthClipControlFeaturesEXT(x.depth_clip_control; x.next) _PipelineViewportDepthClipControlCreateInfoEXT(x::PipelineViewportDepthClipControlCreateInfoEXT) = _PipelineViewportDepthClipControlCreateInfoEXT(x.negative_one_to_one; x.next) _PhysicalDeviceVertexInputDynamicStateFeaturesEXT(x::PhysicalDeviceVertexInputDynamicStateFeaturesEXT) = _PhysicalDeviceVertexInputDynamicStateFeaturesEXT(x.vertex_input_dynamic_state; x.next) _PhysicalDeviceExternalMemoryRDMAFeaturesNV(x::PhysicalDeviceExternalMemoryRDMAFeaturesNV) = _PhysicalDeviceExternalMemoryRDMAFeaturesNV(x.external_memory_rdma; x.next) _VertexInputBindingDescription2EXT(x::VertexInputBindingDescription2EXT) = _VertexInputBindingDescription2EXT(x.binding, x.stride, x.input_rate, x.divisor; x.next) _VertexInputAttributeDescription2EXT(x::VertexInputAttributeDescription2EXT) = _VertexInputAttributeDescription2EXT(x.location, x.binding, x.format, x.offset; x.next) _PhysicalDeviceColorWriteEnableFeaturesEXT(x::PhysicalDeviceColorWriteEnableFeaturesEXT) = _PhysicalDeviceColorWriteEnableFeaturesEXT(x.color_write_enable; x.next) _PipelineColorWriteCreateInfoEXT(x::PipelineColorWriteCreateInfoEXT) = _PipelineColorWriteCreateInfoEXT(x.color_write_enables; x.next) _MemoryBarrier2(x::MemoryBarrier2) = _MemoryBarrier2(; x.next, x.src_stage_mask, x.src_access_mask, x.dst_stage_mask, x.dst_access_mask) _ImageMemoryBarrier2(x::ImageMemoryBarrier2) = _ImageMemoryBarrier2(x.old_layout, x.new_layout, x.src_queue_family_index, x.dst_queue_family_index, x.image, convert_nonnull(_ImageSubresourceRange, x.subresource_range); x.next, x.src_stage_mask, x.src_access_mask, x.dst_stage_mask, x.dst_access_mask) _BufferMemoryBarrier2(x::BufferMemoryBarrier2) = _BufferMemoryBarrier2(x.src_queue_family_index, x.dst_queue_family_index, x.buffer, x.offset, x.size; x.next, x.src_stage_mask, x.src_access_mask, x.dst_stage_mask, x.dst_access_mask) _DependencyInfo(x::DependencyInfo) = _DependencyInfo(convert_nonnull(Vector{_MemoryBarrier2}, x.memory_barriers), convert_nonnull(Vector{_BufferMemoryBarrier2}, x.buffer_memory_barriers), convert_nonnull(Vector{_ImageMemoryBarrier2}, x.image_memory_barriers); x.next, x.dependency_flags) _SemaphoreSubmitInfo(x::SemaphoreSubmitInfo) = _SemaphoreSubmitInfo(x.semaphore, x.value, x.device_index; x.next, x.stage_mask) _CommandBufferSubmitInfo(x::CommandBufferSubmitInfo) = _CommandBufferSubmitInfo(x.command_buffer, x.device_mask; x.next) _SubmitInfo2(x::SubmitInfo2) = _SubmitInfo2(convert_nonnull(Vector{_SemaphoreSubmitInfo}, x.wait_semaphore_infos), convert_nonnull(Vector{_CommandBufferSubmitInfo}, x.command_buffer_infos), convert_nonnull(Vector{_SemaphoreSubmitInfo}, x.signal_semaphore_infos); x.next, x.flags) _QueueFamilyCheckpointProperties2NV(x::QueueFamilyCheckpointProperties2NV) = _QueueFamilyCheckpointProperties2NV(x.checkpoint_execution_stage_mask; x.next) _CheckpointData2NV(x::CheckpointData2NV) = _CheckpointData2NV(x.stage, x.checkpoint_marker; x.next) _PhysicalDeviceSynchronization2Features(x::PhysicalDeviceSynchronization2Features) = _PhysicalDeviceSynchronization2Features(x.synchronization2; x.next) _PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT(x::PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT) = _PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT(x.primitives_generated_query, x.primitives_generated_query_with_rasterizer_discard, x.primitives_generated_query_with_non_zero_streams; x.next) _PhysicalDeviceLegacyDitheringFeaturesEXT(x::PhysicalDeviceLegacyDitheringFeaturesEXT) = _PhysicalDeviceLegacyDitheringFeaturesEXT(x.legacy_dithering; x.next) _PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT(x::PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT) = _PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT(x.multisampled_render_to_single_sampled; x.next) _SubpassResolvePerformanceQueryEXT(x::SubpassResolvePerformanceQueryEXT) = _SubpassResolvePerformanceQueryEXT(x.optimal; x.next) _MultisampledRenderToSingleSampledInfoEXT(x::MultisampledRenderToSingleSampledInfoEXT) = _MultisampledRenderToSingleSampledInfoEXT(x.multisampled_render_to_single_sampled_enable, x.rasterization_samples; x.next) _PhysicalDevicePipelineProtectedAccessFeaturesEXT(x::PhysicalDevicePipelineProtectedAccessFeaturesEXT) = _PhysicalDevicePipelineProtectedAccessFeaturesEXT(x.pipeline_protected_access; x.next) _QueueFamilyVideoPropertiesKHR(x::QueueFamilyVideoPropertiesKHR) = _QueueFamilyVideoPropertiesKHR(x.video_codec_operations; x.next) _QueueFamilyQueryResultStatusPropertiesKHR(x::QueueFamilyQueryResultStatusPropertiesKHR) = _QueueFamilyQueryResultStatusPropertiesKHR(x.query_result_status_support; x.next) _VideoProfileListInfoKHR(x::VideoProfileListInfoKHR) = _VideoProfileListInfoKHR(convert_nonnull(Vector{_VideoProfileInfoKHR}, x.profiles); x.next) _PhysicalDeviceVideoFormatInfoKHR(x::PhysicalDeviceVideoFormatInfoKHR) = _PhysicalDeviceVideoFormatInfoKHR(x.image_usage; x.next) _VideoFormatPropertiesKHR(x::VideoFormatPropertiesKHR) = _VideoFormatPropertiesKHR(x.format, convert_nonnull(_ComponentMapping, x.component_mapping), x.image_create_flags, x.image_type, x.image_tiling, x.image_usage_flags; x.next) _VideoProfileInfoKHR(x::VideoProfileInfoKHR) = _VideoProfileInfoKHR(x.video_codec_operation, x.chroma_subsampling, x.luma_bit_depth; x.next, x.chroma_bit_depth) _VideoCapabilitiesKHR(x::VideoCapabilitiesKHR) = _VideoCapabilitiesKHR(x.flags, x.min_bitstream_buffer_offset_alignment, x.min_bitstream_buffer_size_alignment, convert_nonnull(_Extent2D, x.picture_access_granularity), convert_nonnull(_Extent2D, x.min_coded_extent), convert_nonnull(_Extent2D, x.max_coded_extent), x.max_dpb_slots, x.max_active_reference_pictures, convert_nonnull(_ExtensionProperties, x.std_header_version); x.next) _VideoSessionMemoryRequirementsKHR(x::VideoSessionMemoryRequirementsKHR) = _VideoSessionMemoryRequirementsKHR(x.memory_bind_index, convert_nonnull(_MemoryRequirements, x.memory_requirements); x.next) _BindVideoSessionMemoryInfoKHR(x::BindVideoSessionMemoryInfoKHR) = _BindVideoSessionMemoryInfoKHR(x.memory_bind_index, x.memory, x.memory_offset, x.memory_size; x.next) _VideoPictureResourceInfoKHR(x::VideoPictureResourceInfoKHR) = _VideoPictureResourceInfoKHR(convert_nonnull(_Offset2D, x.coded_offset), convert_nonnull(_Extent2D, x.coded_extent), x.base_array_layer, x.image_view_binding; x.next) _VideoReferenceSlotInfoKHR(x::VideoReferenceSlotInfoKHR) = _VideoReferenceSlotInfoKHR(x.slot_index; x.next, picture_resource = convert_nonnull(_VideoPictureResourceInfoKHR, x.picture_resource)) _VideoDecodeCapabilitiesKHR(x::VideoDecodeCapabilitiesKHR) = _VideoDecodeCapabilitiesKHR(x.flags; x.next) _VideoDecodeUsageInfoKHR(x::VideoDecodeUsageInfoKHR) = _VideoDecodeUsageInfoKHR(; x.next, x.video_usage_hints) _VideoDecodeInfoKHR(x::VideoDecodeInfoKHR) = _VideoDecodeInfoKHR(x.src_buffer, x.src_buffer_offset, x.src_buffer_range, convert_nonnull(_VideoPictureResourceInfoKHR, x.dst_picture_resource), convert_nonnull(_VideoReferenceSlotInfoKHR, x.setup_reference_slot), convert_nonnull(Vector{_VideoReferenceSlotInfoKHR}, x.reference_slots); x.next, x.flags) _VideoDecodeH264ProfileInfoKHR(x::VideoDecodeH264ProfileInfoKHR) = _VideoDecodeH264ProfileInfoKHR(x.std_profile_idc; x.next, x.picture_layout) _VideoDecodeH264CapabilitiesKHR(x::VideoDecodeH264CapabilitiesKHR) = _VideoDecodeH264CapabilitiesKHR(x.max_level_idc, convert_nonnull(_Offset2D, x.field_offset_granularity); x.next) _VideoDecodeH264SessionParametersAddInfoKHR(x::VideoDecodeH264SessionParametersAddInfoKHR) = _VideoDecodeH264SessionParametersAddInfoKHR(x.std_sp_ss, x.std_pp_ss; x.next) _VideoDecodeH264SessionParametersCreateInfoKHR(x::VideoDecodeH264SessionParametersCreateInfoKHR) = _VideoDecodeH264SessionParametersCreateInfoKHR(x.max_std_sps_count, x.max_std_pps_count; x.next, parameters_add_info = convert_nonnull(_VideoDecodeH264SessionParametersAddInfoKHR, x.parameters_add_info)) _VideoDecodeH264PictureInfoKHR(x::VideoDecodeH264PictureInfoKHR) = _VideoDecodeH264PictureInfoKHR(x.std_picture_info, x.slice_offsets; x.next) _VideoDecodeH264DpbSlotInfoKHR(x::VideoDecodeH264DpbSlotInfoKHR) = _VideoDecodeH264DpbSlotInfoKHR(x.std_reference_info; x.next) _VideoDecodeH265ProfileInfoKHR(x::VideoDecodeH265ProfileInfoKHR) = _VideoDecodeH265ProfileInfoKHR(x.std_profile_idc; x.next) _VideoDecodeH265CapabilitiesKHR(x::VideoDecodeH265CapabilitiesKHR) = _VideoDecodeH265CapabilitiesKHR(x.max_level_idc; x.next) _VideoDecodeH265SessionParametersAddInfoKHR(x::VideoDecodeH265SessionParametersAddInfoKHR) = _VideoDecodeH265SessionParametersAddInfoKHR(x.std_vp_ss, x.std_sp_ss, x.std_pp_ss; x.next) _VideoDecodeH265SessionParametersCreateInfoKHR(x::VideoDecodeH265SessionParametersCreateInfoKHR) = _VideoDecodeH265SessionParametersCreateInfoKHR(x.max_std_vps_count, x.max_std_sps_count, x.max_std_pps_count; x.next, parameters_add_info = convert_nonnull(_VideoDecodeH265SessionParametersAddInfoKHR, x.parameters_add_info)) _VideoDecodeH265PictureInfoKHR(x::VideoDecodeH265PictureInfoKHR) = _VideoDecodeH265PictureInfoKHR(x.std_picture_info, x.slice_segment_offsets; x.next) _VideoDecodeH265DpbSlotInfoKHR(x::VideoDecodeH265DpbSlotInfoKHR) = _VideoDecodeH265DpbSlotInfoKHR(x.std_reference_info; x.next) _VideoSessionCreateInfoKHR(x::VideoSessionCreateInfoKHR) = _VideoSessionCreateInfoKHR(x.queue_family_index, convert_nonnull(_VideoProfileInfoKHR, x.video_profile), x.picture_format, convert_nonnull(_Extent2D, x.max_coded_extent), x.reference_picture_format, x.max_dpb_slots, x.max_active_reference_pictures, convert_nonnull(_ExtensionProperties, x.std_header_version); x.next, x.flags) _VideoSessionParametersCreateInfoKHR(x::VideoSessionParametersCreateInfoKHR) = _VideoSessionParametersCreateInfoKHR(x.video_session; x.next, x.flags, x.video_session_parameters_template) _VideoSessionParametersUpdateInfoKHR(x::VideoSessionParametersUpdateInfoKHR) = _VideoSessionParametersUpdateInfoKHR(x.update_sequence_count; x.next) _VideoBeginCodingInfoKHR(x::VideoBeginCodingInfoKHR) = _VideoBeginCodingInfoKHR(x.video_session, convert_nonnull(Vector{_VideoReferenceSlotInfoKHR}, x.reference_slots); x.next, x.flags, x.video_session_parameters) _VideoEndCodingInfoKHR(x::VideoEndCodingInfoKHR) = _VideoEndCodingInfoKHR(; x.next, x.flags) _VideoCodingControlInfoKHR(x::VideoCodingControlInfoKHR) = _VideoCodingControlInfoKHR(; x.next, x.flags) _PhysicalDeviceInheritedViewportScissorFeaturesNV(x::PhysicalDeviceInheritedViewportScissorFeaturesNV) = _PhysicalDeviceInheritedViewportScissorFeaturesNV(x.inherited_viewport_scissor_2_d; x.next) _CommandBufferInheritanceViewportScissorInfoNV(x::CommandBufferInheritanceViewportScissorInfoNV) = _CommandBufferInheritanceViewportScissorInfoNV(x.viewport_scissor_2_d, x.viewport_depth_count, convert_nonnull(_Viewport, x.viewport_depths); x.next) _PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT(x::PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT) = _PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT(x.ycbcr_444_formats; x.next) _PhysicalDeviceProvokingVertexFeaturesEXT(x::PhysicalDeviceProvokingVertexFeaturesEXT) = _PhysicalDeviceProvokingVertexFeaturesEXT(x.provoking_vertex_last, x.transform_feedback_preserves_provoking_vertex; x.next) _PhysicalDeviceProvokingVertexPropertiesEXT(x::PhysicalDeviceProvokingVertexPropertiesEXT) = _PhysicalDeviceProvokingVertexPropertiesEXT(x.provoking_vertex_mode_per_pipeline, x.transform_feedback_preserves_triangle_fan_provoking_vertex; x.next) _PipelineRasterizationProvokingVertexStateCreateInfoEXT(x::PipelineRasterizationProvokingVertexStateCreateInfoEXT) = _PipelineRasterizationProvokingVertexStateCreateInfoEXT(x.provoking_vertex_mode; x.next) _CuModuleCreateInfoNVX(x::CuModuleCreateInfoNVX) = _CuModuleCreateInfoNVX(x.data_size, x.data; x.next) _CuFunctionCreateInfoNVX(x::CuFunctionCreateInfoNVX) = _CuFunctionCreateInfoNVX(x._module, x.name; x.next) _CuLaunchInfoNVX(x::CuLaunchInfoNVX) = _CuLaunchInfoNVX(x._function, x.grid_dim_x, x.grid_dim_y, x.grid_dim_z, x.block_dim_x, x.block_dim_y, x.block_dim_z, x.shared_mem_bytes; x.next) _PhysicalDeviceDescriptorBufferFeaturesEXT(x::PhysicalDeviceDescriptorBufferFeaturesEXT) = _PhysicalDeviceDescriptorBufferFeaturesEXT(x.descriptor_buffer, x.descriptor_buffer_capture_replay, x.descriptor_buffer_image_layout_ignored, x.descriptor_buffer_push_descriptors; x.next) _PhysicalDeviceDescriptorBufferPropertiesEXT(x::PhysicalDeviceDescriptorBufferPropertiesEXT) = _PhysicalDeviceDescriptorBufferPropertiesEXT(x.combined_image_sampler_descriptor_single_array, x.bufferless_push_descriptors, x.allow_sampler_image_view_post_submit_creation, x.descriptor_buffer_offset_alignment, x.max_descriptor_buffer_bindings, x.max_resource_descriptor_buffer_bindings, x.max_sampler_descriptor_buffer_bindings, x.max_embedded_immutable_sampler_bindings, x.max_embedded_immutable_samplers, x.buffer_capture_replay_descriptor_data_size, x.image_capture_replay_descriptor_data_size, x.image_view_capture_replay_descriptor_data_size, x.sampler_capture_replay_descriptor_data_size, x.acceleration_structure_capture_replay_descriptor_data_size, x.sampler_descriptor_size, x.combined_image_sampler_descriptor_size, x.sampled_image_descriptor_size, x.storage_image_descriptor_size, x.uniform_texel_buffer_descriptor_size, x.robust_uniform_texel_buffer_descriptor_size, x.storage_texel_buffer_descriptor_size, x.robust_storage_texel_buffer_descriptor_size, x.uniform_buffer_descriptor_size, x.robust_uniform_buffer_descriptor_size, x.storage_buffer_descriptor_size, x.robust_storage_buffer_descriptor_size, x.input_attachment_descriptor_size, x.acceleration_structure_descriptor_size, x.max_sampler_descriptor_buffer_range, x.max_resource_descriptor_buffer_range, x.sampler_descriptor_buffer_address_space_size, x.resource_descriptor_buffer_address_space_size, x.descriptor_buffer_address_space_size; x.next) _PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT(x::PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT) = _PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT(x.combined_image_sampler_density_map_descriptor_size; x.next) _DescriptorAddressInfoEXT(x::DescriptorAddressInfoEXT) = _DescriptorAddressInfoEXT(x.address, x.range, x.format; x.next) _DescriptorBufferBindingInfoEXT(x::DescriptorBufferBindingInfoEXT) = _DescriptorBufferBindingInfoEXT(x.address, x.usage; x.next) _DescriptorBufferBindingPushDescriptorBufferHandleEXT(x::DescriptorBufferBindingPushDescriptorBufferHandleEXT) = _DescriptorBufferBindingPushDescriptorBufferHandleEXT(x.buffer; x.next) _DescriptorGetInfoEXT(x::DescriptorGetInfoEXT) = _DescriptorGetInfoEXT(x.type, convert_nonnull(_DescriptorDataEXT, x.data); x.next) _BufferCaptureDescriptorDataInfoEXT(x::BufferCaptureDescriptorDataInfoEXT) = _BufferCaptureDescriptorDataInfoEXT(x.buffer; x.next) _ImageCaptureDescriptorDataInfoEXT(x::ImageCaptureDescriptorDataInfoEXT) = _ImageCaptureDescriptorDataInfoEXT(x.image; x.next) _ImageViewCaptureDescriptorDataInfoEXT(x::ImageViewCaptureDescriptorDataInfoEXT) = _ImageViewCaptureDescriptorDataInfoEXT(x.image_view; x.next) _SamplerCaptureDescriptorDataInfoEXT(x::SamplerCaptureDescriptorDataInfoEXT) = _SamplerCaptureDescriptorDataInfoEXT(x.sampler; x.next) _AccelerationStructureCaptureDescriptorDataInfoEXT(x::AccelerationStructureCaptureDescriptorDataInfoEXT) = _AccelerationStructureCaptureDescriptorDataInfoEXT(; x.next, x.acceleration_structure, x.acceleration_structure_nv) _OpaqueCaptureDescriptorDataCreateInfoEXT(x::OpaqueCaptureDescriptorDataCreateInfoEXT) = _OpaqueCaptureDescriptorDataCreateInfoEXT(x.opaque_capture_descriptor_data; x.next) _PhysicalDeviceShaderIntegerDotProductFeatures(x::PhysicalDeviceShaderIntegerDotProductFeatures) = _PhysicalDeviceShaderIntegerDotProductFeatures(x.shader_integer_dot_product; x.next) _PhysicalDeviceShaderIntegerDotProductProperties(x::PhysicalDeviceShaderIntegerDotProductProperties) = _PhysicalDeviceShaderIntegerDotProductProperties(x.integer_dot_product_8_bit_unsigned_accelerated, x.integer_dot_product_8_bit_signed_accelerated, x.integer_dot_product_8_bit_mixed_signedness_accelerated, x.integer_dot_product_8_bit_packed_unsigned_accelerated, x.integer_dot_product_8_bit_packed_signed_accelerated, x.integer_dot_product_8_bit_packed_mixed_signedness_accelerated, x.integer_dot_product_16_bit_unsigned_accelerated, x.integer_dot_product_16_bit_signed_accelerated, x.integer_dot_product_16_bit_mixed_signedness_accelerated, x.integer_dot_product_32_bit_unsigned_accelerated, x.integer_dot_product_32_bit_signed_accelerated, x.integer_dot_product_32_bit_mixed_signedness_accelerated, x.integer_dot_product_64_bit_unsigned_accelerated, x.integer_dot_product_64_bit_signed_accelerated, x.integer_dot_product_64_bit_mixed_signedness_accelerated, x.integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated, x.integer_dot_product_accumulating_saturating_8_bit_signed_accelerated, x.integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated, x.integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated, x.integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated, x.integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated, x.integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated, x.integer_dot_product_accumulating_saturating_16_bit_signed_accelerated, x.integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated, x.integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated, x.integer_dot_product_accumulating_saturating_32_bit_signed_accelerated, x.integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated, x.integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated, x.integer_dot_product_accumulating_saturating_64_bit_signed_accelerated, x.integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated; x.next) _PhysicalDeviceDrmPropertiesEXT(x::PhysicalDeviceDrmPropertiesEXT) = _PhysicalDeviceDrmPropertiesEXT(x.has_primary, x.has_render, x.primary_major, x.primary_minor, x.render_major, x.render_minor; x.next) _PhysicalDeviceFragmentShaderBarycentricFeaturesKHR(x::PhysicalDeviceFragmentShaderBarycentricFeaturesKHR) = _PhysicalDeviceFragmentShaderBarycentricFeaturesKHR(x.fragment_shader_barycentric; x.next) _PhysicalDeviceFragmentShaderBarycentricPropertiesKHR(x::PhysicalDeviceFragmentShaderBarycentricPropertiesKHR) = _PhysicalDeviceFragmentShaderBarycentricPropertiesKHR(x.tri_strip_vertex_order_independent_of_provoking_vertex; x.next) _PhysicalDeviceRayTracingMotionBlurFeaturesNV(x::PhysicalDeviceRayTracingMotionBlurFeaturesNV) = _PhysicalDeviceRayTracingMotionBlurFeaturesNV(x.ray_tracing_motion_blur, x.ray_tracing_motion_blur_pipeline_trace_rays_indirect; x.next) _AccelerationStructureGeometryMotionTrianglesDataNV(x::AccelerationStructureGeometryMotionTrianglesDataNV) = _AccelerationStructureGeometryMotionTrianglesDataNV(convert_nonnull(_DeviceOrHostAddressConstKHR, x.vertex_data); x.next) _AccelerationStructureMotionInfoNV(x::AccelerationStructureMotionInfoNV) = _AccelerationStructureMotionInfoNV(x.max_instances; x.next, x.flags) _SRTDataNV(x::SRTDataNV) = _SRTDataNV(x.sx, x.a, x.b, x.pvx, x.sy, x.c, x.pvy, x.sz, x.pvz, x.qx, x.qy, x.qz, x.qw, x.tx, x.ty, x.tz) _AccelerationStructureSRTMotionInstanceNV(x::AccelerationStructureSRTMotionInstanceNV) = _AccelerationStructureSRTMotionInstanceNV(convert_nonnull(_SRTDataNV, x.transform_t_0), convert_nonnull(_SRTDataNV, x.transform_t_1), x.instance_custom_index, x.mask, x.instance_shader_binding_table_record_offset, x.acceleration_structure_reference; x.flags) _AccelerationStructureMatrixMotionInstanceNV(x::AccelerationStructureMatrixMotionInstanceNV) = _AccelerationStructureMatrixMotionInstanceNV(convert_nonnull(_TransformMatrixKHR, x.transform_t_0), convert_nonnull(_TransformMatrixKHR, x.transform_t_1), x.instance_custom_index, x.mask, x.instance_shader_binding_table_record_offset, x.acceleration_structure_reference; x.flags) _AccelerationStructureMotionInstanceNV(x::AccelerationStructureMotionInstanceNV) = _AccelerationStructureMotionInstanceNV(x.type, convert_nonnull(_AccelerationStructureMotionInstanceDataNV, x.data); x.flags) _MemoryGetRemoteAddressInfoNV(x::MemoryGetRemoteAddressInfoNV) = _MemoryGetRemoteAddressInfoNV(x.memory, x.handle_type; x.next) _PhysicalDeviceRGBA10X6FormatsFeaturesEXT(x::PhysicalDeviceRGBA10X6FormatsFeaturesEXT) = _PhysicalDeviceRGBA10X6FormatsFeaturesEXT(x.format_rgba_1_6_without_y_cb_cr_sampler; x.next) _FormatProperties3(x::FormatProperties3) = _FormatProperties3(; x.next, x.linear_tiling_features, x.optimal_tiling_features, x.buffer_features) _DrmFormatModifierPropertiesList2EXT(x::DrmFormatModifierPropertiesList2EXT) = _DrmFormatModifierPropertiesList2EXT(; x.next, drm_format_modifier_properties = convert_nonnull(Vector{_DrmFormatModifierProperties2EXT}, x.drm_format_modifier_properties)) _DrmFormatModifierProperties2EXT(x::DrmFormatModifierProperties2EXT) = _DrmFormatModifierProperties2EXT(x.drm_format_modifier, x.drm_format_modifier_plane_count, x.drm_format_modifier_tiling_features) _PipelineRenderingCreateInfo(x::PipelineRenderingCreateInfo) = _PipelineRenderingCreateInfo(x.view_mask, x.color_attachment_formats, x.depth_attachment_format, x.stencil_attachment_format; x.next) _RenderingInfo(x::RenderingInfo) = _RenderingInfo(convert_nonnull(_Rect2D, x.render_area), x.layer_count, x.view_mask, convert_nonnull(Vector{_RenderingAttachmentInfo}, x.color_attachments); x.next, x.flags, depth_attachment = convert_nonnull(_RenderingAttachmentInfo, x.depth_attachment), stencil_attachment = convert_nonnull(_RenderingAttachmentInfo, x.stencil_attachment)) _RenderingAttachmentInfo(x::RenderingAttachmentInfo) = _RenderingAttachmentInfo(x.image_layout, x.resolve_image_layout, x.load_op, x.store_op, convert_nonnull(_ClearValue, x.clear_value); x.next, x.image_view, x.resolve_mode, x.resolve_image_view) _RenderingFragmentShadingRateAttachmentInfoKHR(x::RenderingFragmentShadingRateAttachmentInfoKHR) = _RenderingFragmentShadingRateAttachmentInfoKHR(x.image_layout, convert_nonnull(_Extent2D, x.shading_rate_attachment_texel_size); x.next, x.image_view) _RenderingFragmentDensityMapAttachmentInfoEXT(x::RenderingFragmentDensityMapAttachmentInfoEXT) = _RenderingFragmentDensityMapAttachmentInfoEXT(x.image_view, x.image_layout; x.next) _PhysicalDeviceDynamicRenderingFeatures(x::PhysicalDeviceDynamicRenderingFeatures) = _PhysicalDeviceDynamicRenderingFeatures(x.dynamic_rendering; x.next) _CommandBufferInheritanceRenderingInfo(x::CommandBufferInheritanceRenderingInfo) = _CommandBufferInheritanceRenderingInfo(x.view_mask, x.color_attachment_formats, x.depth_attachment_format, x.stencil_attachment_format; x.next, x.flags, x.rasterization_samples) _AttachmentSampleCountInfoAMD(x::AttachmentSampleCountInfoAMD) = _AttachmentSampleCountInfoAMD(x.color_attachment_samples; x.next, x.depth_stencil_attachment_samples) _MultiviewPerViewAttributesInfoNVX(x::MultiviewPerViewAttributesInfoNVX) = _MultiviewPerViewAttributesInfoNVX(x.per_view_attributes, x.per_view_attributes_position_x_only; x.next) _PhysicalDeviceImageViewMinLodFeaturesEXT(x::PhysicalDeviceImageViewMinLodFeaturesEXT) = _PhysicalDeviceImageViewMinLodFeaturesEXT(x.min_lod; x.next) _ImageViewMinLodCreateInfoEXT(x::ImageViewMinLodCreateInfoEXT) = _ImageViewMinLodCreateInfoEXT(x.min_lod; x.next) _PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT(x::PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT) = _PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT(x.rasterization_order_color_attachment_access, x.rasterization_order_depth_attachment_access, x.rasterization_order_stencil_attachment_access; x.next) _PhysicalDeviceLinearColorAttachmentFeaturesNV(x::PhysicalDeviceLinearColorAttachmentFeaturesNV) = _PhysicalDeviceLinearColorAttachmentFeaturesNV(x.linear_color_attachment; x.next) _PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT(x::PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT) = _PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT(x.graphics_pipeline_library; x.next) _PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT(x::PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT) = _PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT(x.graphics_pipeline_library_fast_linking, x.graphics_pipeline_library_independent_interpolation_decoration; x.next) _GraphicsPipelineLibraryCreateInfoEXT(x::GraphicsPipelineLibraryCreateInfoEXT) = _GraphicsPipelineLibraryCreateInfoEXT(x.flags; x.next) _PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE(x::PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE) = _PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE(x.descriptor_set_host_mapping; x.next) _DescriptorSetBindingReferenceVALVE(x::DescriptorSetBindingReferenceVALVE) = _DescriptorSetBindingReferenceVALVE(x.descriptor_set_layout, x.binding; x.next) _DescriptorSetLayoutHostMappingInfoVALVE(x::DescriptorSetLayoutHostMappingInfoVALVE) = _DescriptorSetLayoutHostMappingInfoVALVE(x.descriptor_offset, x.descriptor_size; x.next) _PhysicalDeviceShaderModuleIdentifierFeaturesEXT(x::PhysicalDeviceShaderModuleIdentifierFeaturesEXT) = _PhysicalDeviceShaderModuleIdentifierFeaturesEXT(x.shader_module_identifier; x.next) _PhysicalDeviceShaderModuleIdentifierPropertiesEXT(x::PhysicalDeviceShaderModuleIdentifierPropertiesEXT) = _PhysicalDeviceShaderModuleIdentifierPropertiesEXT(x.shader_module_identifier_algorithm_uuid; x.next) _PipelineShaderStageModuleIdentifierCreateInfoEXT(x::PipelineShaderStageModuleIdentifierCreateInfoEXT) = _PipelineShaderStageModuleIdentifierCreateInfoEXT(x.identifier; x.next, x.identifier_size) _ShaderModuleIdentifierEXT(x::ShaderModuleIdentifierEXT) = _ShaderModuleIdentifierEXT(x.identifier_size, x.identifier; x.next) _ImageCompressionControlEXT(x::ImageCompressionControlEXT) = _ImageCompressionControlEXT(x.flags, x.fixed_rate_flags; x.next) _PhysicalDeviceImageCompressionControlFeaturesEXT(x::PhysicalDeviceImageCompressionControlFeaturesEXT) = _PhysicalDeviceImageCompressionControlFeaturesEXT(x.image_compression_control; x.next) _ImageCompressionPropertiesEXT(x::ImageCompressionPropertiesEXT) = _ImageCompressionPropertiesEXT(x.image_compression_flags, x.image_compression_fixed_rate_flags; x.next) _PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT(x::PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT) = _PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT(x.image_compression_control_swapchain; x.next) _ImageSubresource2EXT(x::ImageSubresource2EXT) = _ImageSubresource2EXT(convert_nonnull(_ImageSubresource, x.image_subresource); x.next) _SubresourceLayout2EXT(x::SubresourceLayout2EXT) = _SubresourceLayout2EXT(convert_nonnull(_SubresourceLayout, x.subresource_layout); x.next) _RenderPassCreationControlEXT(x::RenderPassCreationControlEXT) = _RenderPassCreationControlEXT(x.disallow_merging; x.next) _RenderPassCreationFeedbackInfoEXT(x::RenderPassCreationFeedbackInfoEXT) = _RenderPassCreationFeedbackInfoEXT(x.post_merge_subpass_count) _RenderPassCreationFeedbackCreateInfoEXT(x::RenderPassCreationFeedbackCreateInfoEXT) = _RenderPassCreationFeedbackCreateInfoEXT(convert_nonnull(_RenderPassCreationFeedbackInfoEXT, x.render_pass_feedback); x.next) _RenderPassSubpassFeedbackInfoEXT(x::RenderPassSubpassFeedbackInfoEXT) = _RenderPassSubpassFeedbackInfoEXT(x.subpass_merge_status, x.description, x.post_merge_index) _RenderPassSubpassFeedbackCreateInfoEXT(x::RenderPassSubpassFeedbackCreateInfoEXT) = _RenderPassSubpassFeedbackCreateInfoEXT(convert_nonnull(_RenderPassSubpassFeedbackInfoEXT, x.subpass_feedback); x.next) _PhysicalDeviceSubpassMergeFeedbackFeaturesEXT(x::PhysicalDeviceSubpassMergeFeedbackFeaturesEXT) = _PhysicalDeviceSubpassMergeFeedbackFeaturesEXT(x.subpass_merge_feedback; x.next) _MicromapBuildInfoEXT(x::MicromapBuildInfoEXT) = _MicromapBuildInfoEXT(x.type, x.mode, convert_nonnull(_DeviceOrHostAddressConstKHR, x.data), convert_nonnull(_DeviceOrHostAddressKHR, x.scratch_data), convert_nonnull(_DeviceOrHostAddressConstKHR, x.triangle_array), x.triangle_array_stride; x.next, x.flags, x.dst_micromap, usage_counts = convert_nonnull(Vector{_MicromapUsageEXT}, x.usage_counts), usage_counts_2 = convert_nonnull(Vector{_MicromapUsageEXT}, x.usage_counts_2)) _MicromapCreateInfoEXT(x::MicromapCreateInfoEXT) = _MicromapCreateInfoEXT(x.buffer, x.offset, x.size, x.type; x.next, x.create_flags, x.device_address) _MicromapVersionInfoEXT(x::MicromapVersionInfoEXT) = _MicromapVersionInfoEXT(x.version_data; x.next) _CopyMicromapInfoEXT(x::CopyMicromapInfoEXT) = _CopyMicromapInfoEXT(x.src, x.dst, x.mode; x.next) _CopyMicromapToMemoryInfoEXT(x::CopyMicromapToMemoryInfoEXT) = _CopyMicromapToMemoryInfoEXT(x.src, convert_nonnull(_DeviceOrHostAddressKHR, x.dst), x.mode; x.next) _CopyMemoryToMicromapInfoEXT(x::CopyMemoryToMicromapInfoEXT) = _CopyMemoryToMicromapInfoEXT(convert_nonnull(_DeviceOrHostAddressConstKHR, x.src), x.dst, x.mode; x.next) _MicromapBuildSizesInfoEXT(x::MicromapBuildSizesInfoEXT) = _MicromapBuildSizesInfoEXT(x.micromap_size, x.build_scratch_size, x.discardable; x.next) _MicromapUsageEXT(x::MicromapUsageEXT) = _MicromapUsageEXT(x.count, x.subdivision_level, x.format) _MicromapTriangleEXT(x::MicromapTriangleEXT) = _MicromapTriangleEXT(x.data_offset, x.subdivision_level, x.format) _PhysicalDeviceOpacityMicromapFeaturesEXT(x::PhysicalDeviceOpacityMicromapFeaturesEXT) = _PhysicalDeviceOpacityMicromapFeaturesEXT(x.micromap, x.micromap_capture_replay, x.micromap_host_commands; x.next) _PhysicalDeviceOpacityMicromapPropertiesEXT(x::PhysicalDeviceOpacityMicromapPropertiesEXT) = _PhysicalDeviceOpacityMicromapPropertiesEXT(x.max_opacity_2_state_subdivision_level, x.max_opacity_4_state_subdivision_level; x.next) _AccelerationStructureTrianglesOpacityMicromapEXT(x::AccelerationStructureTrianglesOpacityMicromapEXT) = _AccelerationStructureTrianglesOpacityMicromapEXT(x.index_type, convert_nonnull(_DeviceOrHostAddressConstKHR, x.index_buffer), x.index_stride, x.base_triangle, x.micromap; x.next, usage_counts = convert_nonnull(Vector{_MicromapUsageEXT}, x.usage_counts), usage_counts_2 = convert_nonnull(Vector{_MicromapUsageEXT}, x.usage_counts_2)) _PipelinePropertiesIdentifierEXT(x::PipelinePropertiesIdentifierEXT) = _PipelinePropertiesIdentifierEXT(x.pipeline_identifier; x.next) _PhysicalDevicePipelinePropertiesFeaturesEXT(x::PhysicalDevicePipelinePropertiesFeaturesEXT) = _PhysicalDevicePipelinePropertiesFeaturesEXT(x.pipeline_properties_identifier; x.next) _PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD(x::PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD) = _PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD(x.shader_early_and_late_fragment_tests; x.next) _ExportMetalObjectCreateInfoEXT(x::ExportMetalObjectCreateInfoEXT) = _ExportMetalObjectCreateInfoEXT(; x.next, x.export_object_type) _ExportMetalObjectsInfoEXT(x::ExportMetalObjectsInfoEXT) = _ExportMetalObjectsInfoEXT(; x.next) _ExportMetalDeviceInfoEXT(x::ExportMetalDeviceInfoEXT) = _ExportMetalDeviceInfoEXT(x.mtl_device; x.next) _ExportMetalCommandQueueInfoEXT(x::ExportMetalCommandQueueInfoEXT) = _ExportMetalCommandQueueInfoEXT(x.queue, x.mtl_command_queue; x.next) _ExportMetalBufferInfoEXT(x::ExportMetalBufferInfoEXT) = _ExportMetalBufferInfoEXT(x.memory, x.mtl_buffer; x.next) _ImportMetalBufferInfoEXT(x::ImportMetalBufferInfoEXT) = _ImportMetalBufferInfoEXT(x.mtl_buffer; x.next) _ExportMetalTextureInfoEXT(x::ExportMetalTextureInfoEXT) = _ExportMetalTextureInfoEXT(x.plane, x.mtl_texture; x.next, x.image, x.image_view, x.buffer_view) _ImportMetalTextureInfoEXT(x::ImportMetalTextureInfoEXT) = _ImportMetalTextureInfoEXT(x.plane, x.mtl_texture; x.next) _ExportMetalIOSurfaceInfoEXT(x::ExportMetalIOSurfaceInfoEXT) = _ExportMetalIOSurfaceInfoEXT(x.image, x.io_surface; x.next) _ImportMetalIOSurfaceInfoEXT(x::ImportMetalIOSurfaceInfoEXT) = _ImportMetalIOSurfaceInfoEXT(; x.next, x.io_surface) _ExportMetalSharedEventInfoEXT(x::ExportMetalSharedEventInfoEXT) = _ExportMetalSharedEventInfoEXT(x.mtl_shared_event; x.next, x.semaphore, x.event) _ImportMetalSharedEventInfoEXT(x::ImportMetalSharedEventInfoEXT) = _ImportMetalSharedEventInfoEXT(x.mtl_shared_event; x.next) _PhysicalDeviceNonSeamlessCubeMapFeaturesEXT(x::PhysicalDeviceNonSeamlessCubeMapFeaturesEXT) = _PhysicalDeviceNonSeamlessCubeMapFeaturesEXT(x.non_seamless_cube_map; x.next) _PhysicalDevicePipelineRobustnessFeaturesEXT(x::PhysicalDevicePipelineRobustnessFeaturesEXT) = _PhysicalDevicePipelineRobustnessFeaturesEXT(x.pipeline_robustness; x.next) _PipelineRobustnessCreateInfoEXT(x::PipelineRobustnessCreateInfoEXT) = _PipelineRobustnessCreateInfoEXT(x.storage_buffers, x.uniform_buffers, x.vertex_inputs, x.images; x.next) _PhysicalDevicePipelineRobustnessPropertiesEXT(x::PhysicalDevicePipelineRobustnessPropertiesEXT) = _PhysicalDevicePipelineRobustnessPropertiesEXT(x.default_robustness_storage_buffers, x.default_robustness_uniform_buffers, x.default_robustness_vertex_inputs, x.default_robustness_images; x.next) _ImageViewSampleWeightCreateInfoQCOM(x::ImageViewSampleWeightCreateInfoQCOM) = _ImageViewSampleWeightCreateInfoQCOM(convert_nonnull(_Offset2D, x.filter_center), convert_nonnull(_Extent2D, x.filter_size), x.num_phases; x.next) _PhysicalDeviceImageProcessingFeaturesQCOM(x::PhysicalDeviceImageProcessingFeaturesQCOM) = _PhysicalDeviceImageProcessingFeaturesQCOM(x.texture_sample_weighted, x.texture_box_filter, x.texture_block_match; x.next) _PhysicalDeviceImageProcessingPropertiesQCOM(x::PhysicalDeviceImageProcessingPropertiesQCOM) = _PhysicalDeviceImageProcessingPropertiesQCOM(; x.next, x.max_weight_filter_phases, max_weight_filter_dimension = convert_nonnull(_Extent2D, x.max_weight_filter_dimension), max_block_match_region = convert_nonnull(_Extent2D, x.max_block_match_region), max_box_filter_block_size = convert_nonnull(_Extent2D, x.max_box_filter_block_size)) _PhysicalDeviceTilePropertiesFeaturesQCOM(x::PhysicalDeviceTilePropertiesFeaturesQCOM) = _PhysicalDeviceTilePropertiesFeaturesQCOM(x.tile_properties; x.next) _TilePropertiesQCOM(x::TilePropertiesQCOM) = _TilePropertiesQCOM(convert_nonnull(_Extent3D, x.tile_size), convert_nonnull(_Extent2D, x.apron_size), convert_nonnull(_Offset2D, x.origin); x.next) _PhysicalDeviceAmigoProfilingFeaturesSEC(x::PhysicalDeviceAmigoProfilingFeaturesSEC) = _PhysicalDeviceAmigoProfilingFeaturesSEC(x.amigo_profiling; x.next) _AmigoProfilingSubmitInfoSEC(x::AmigoProfilingSubmitInfoSEC) = _AmigoProfilingSubmitInfoSEC(x.first_draw_timestamp, x.swap_buffer_timestamp; x.next) _PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT(x::PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT) = _PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT(x.attachment_feedback_loop_layout; x.next) _PhysicalDeviceDepthClampZeroOneFeaturesEXT(x::PhysicalDeviceDepthClampZeroOneFeaturesEXT) = _PhysicalDeviceDepthClampZeroOneFeaturesEXT(x.depth_clamp_zero_one; x.next) _PhysicalDeviceAddressBindingReportFeaturesEXT(x::PhysicalDeviceAddressBindingReportFeaturesEXT) = _PhysicalDeviceAddressBindingReportFeaturesEXT(x.report_address_binding; x.next) _DeviceAddressBindingCallbackDataEXT(x::DeviceAddressBindingCallbackDataEXT) = _DeviceAddressBindingCallbackDataEXT(x.base_address, x.size, x.binding_type; x.next, x.flags) _PhysicalDeviceOpticalFlowFeaturesNV(x::PhysicalDeviceOpticalFlowFeaturesNV) = _PhysicalDeviceOpticalFlowFeaturesNV(x.optical_flow; x.next) _PhysicalDeviceOpticalFlowPropertiesNV(x::PhysicalDeviceOpticalFlowPropertiesNV) = _PhysicalDeviceOpticalFlowPropertiesNV(x.supported_output_grid_sizes, x.supported_hint_grid_sizes, x.hint_supported, x.cost_supported, x.bidirectional_flow_supported, x.global_flow_supported, x.min_width, x.min_height, x.max_width, x.max_height, x.max_num_regions_of_interest; x.next) _OpticalFlowImageFormatInfoNV(x::OpticalFlowImageFormatInfoNV) = _OpticalFlowImageFormatInfoNV(x.usage; x.next) _OpticalFlowImageFormatPropertiesNV(x::OpticalFlowImageFormatPropertiesNV) = _OpticalFlowImageFormatPropertiesNV(x.format; x.next) _OpticalFlowSessionCreateInfoNV(x::OpticalFlowSessionCreateInfoNV) = _OpticalFlowSessionCreateInfoNV(x.width, x.height, x.image_format, x.flow_vector_format, x.output_grid_size; x.next, x.cost_format, x.hint_grid_size, x.performance_level, x.flags) _OpticalFlowSessionCreatePrivateDataInfoNV(x::OpticalFlowSessionCreatePrivateDataInfoNV) = _OpticalFlowSessionCreatePrivateDataInfoNV(x.id, x.size, x.private_data; x.next) _OpticalFlowExecuteInfoNV(x::OpticalFlowExecuteInfoNV) = _OpticalFlowExecuteInfoNV(convert_nonnull(Vector{_Rect2D}, x.regions); x.next, x.flags) _PhysicalDeviceFaultFeaturesEXT(x::PhysicalDeviceFaultFeaturesEXT) = _PhysicalDeviceFaultFeaturesEXT(x.device_fault, x.device_fault_vendor_binary; x.next) _DeviceFaultAddressInfoEXT(x::DeviceFaultAddressInfoEXT) = _DeviceFaultAddressInfoEXT(x.address_type, x.reported_address, x.address_precision) _DeviceFaultVendorInfoEXT(x::DeviceFaultVendorInfoEXT) = _DeviceFaultVendorInfoEXT(x.description, x.vendor_fault_code, x.vendor_fault_data) _DeviceFaultCountsEXT(x::DeviceFaultCountsEXT) = _DeviceFaultCountsEXT(; x.next, x.address_info_count, x.vendor_info_count, x.vendor_binary_size) _DeviceFaultInfoEXT(x::DeviceFaultInfoEXT) = _DeviceFaultInfoEXT(x.description; x.next, address_infos = convert_nonnull(_DeviceFaultAddressInfoEXT, x.address_infos), vendor_infos = convert_nonnull(_DeviceFaultVendorInfoEXT, x.vendor_infos), x.vendor_binary_data) _DeviceFaultVendorBinaryHeaderVersionOneEXT(x::DeviceFaultVendorBinaryHeaderVersionOneEXT) = _DeviceFaultVendorBinaryHeaderVersionOneEXT(x.header_size, x.header_version, x.vendor_id, x.device_id, x.driver_version, x.pipeline_cache_uuid, x.application_name_offset, x.application_version, x.engine_name_offset) _PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT(x::PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT) = _PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT(x.pipeline_library_group_handles; x.next) _DecompressMemoryRegionNV(x::DecompressMemoryRegionNV) = _DecompressMemoryRegionNV(x.src_address, x.dst_address, x.compressed_size, x.decompressed_size, x.decompression_method) _PhysicalDeviceShaderCoreBuiltinsPropertiesARM(x::PhysicalDeviceShaderCoreBuiltinsPropertiesARM) = _PhysicalDeviceShaderCoreBuiltinsPropertiesARM(x.shader_core_mask, x.shader_core_count, x.shader_warps_per_core; x.next) _PhysicalDeviceShaderCoreBuiltinsFeaturesARM(x::PhysicalDeviceShaderCoreBuiltinsFeaturesARM) = _PhysicalDeviceShaderCoreBuiltinsFeaturesARM(x.shader_core_builtins; x.next) _SurfacePresentModeEXT(x::SurfacePresentModeEXT) = _SurfacePresentModeEXT(x.present_mode; x.next) _SurfacePresentScalingCapabilitiesEXT(x::SurfacePresentScalingCapabilitiesEXT) = _SurfacePresentScalingCapabilitiesEXT(; x.next, x.supported_present_scaling, x.supported_present_gravity_x, x.supported_present_gravity_y, min_scaled_image_extent = convert_nonnull(_Extent2D, x.min_scaled_image_extent), max_scaled_image_extent = convert_nonnull(_Extent2D, x.max_scaled_image_extent)) _SurfacePresentModeCompatibilityEXT(x::SurfacePresentModeCompatibilityEXT) = _SurfacePresentModeCompatibilityEXT(; x.next, x.present_modes) _PhysicalDeviceSwapchainMaintenance1FeaturesEXT(x::PhysicalDeviceSwapchainMaintenance1FeaturesEXT) = _PhysicalDeviceSwapchainMaintenance1FeaturesEXT(x.swapchain_maintenance_1; x.next) _SwapchainPresentFenceInfoEXT(x::SwapchainPresentFenceInfoEXT) = _SwapchainPresentFenceInfoEXT(x.fences; x.next) _SwapchainPresentModesCreateInfoEXT(x::SwapchainPresentModesCreateInfoEXT) = _SwapchainPresentModesCreateInfoEXT(x.present_modes; x.next) _SwapchainPresentModeInfoEXT(x::SwapchainPresentModeInfoEXT) = _SwapchainPresentModeInfoEXT(x.present_modes; x.next) _SwapchainPresentScalingCreateInfoEXT(x::SwapchainPresentScalingCreateInfoEXT) = _SwapchainPresentScalingCreateInfoEXT(; x.next, x.scaling_behavior, x.present_gravity_x, x.present_gravity_y) _ReleaseSwapchainImagesInfoEXT(x::ReleaseSwapchainImagesInfoEXT) = _ReleaseSwapchainImagesInfoEXT(x.swapchain, x.image_indices; x.next) _PhysicalDeviceRayTracingInvocationReorderFeaturesNV(x::PhysicalDeviceRayTracingInvocationReorderFeaturesNV) = _PhysicalDeviceRayTracingInvocationReorderFeaturesNV(x.ray_tracing_invocation_reorder; x.next) _PhysicalDeviceRayTracingInvocationReorderPropertiesNV(x::PhysicalDeviceRayTracingInvocationReorderPropertiesNV) = _PhysicalDeviceRayTracingInvocationReorderPropertiesNV(x.ray_tracing_invocation_reorder_reordering_hint; x.next) _DirectDriverLoadingInfoLUNARG(x::DirectDriverLoadingInfoLUNARG) = _DirectDriverLoadingInfoLUNARG(x.flags, x.pfn_get_instance_proc_addr; x.next) _DirectDriverLoadingListLUNARG(x::DirectDriverLoadingListLUNARG) = _DirectDriverLoadingListLUNARG(x.mode, convert_nonnull(Vector{_DirectDriverLoadingInfoLUNARG}, x.drivers); x.next) _PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM(x::PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM) = _PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM(x.multiview_per_view_viewports; x.next) function BaseOutStructure(x::_BaseOutStructure, next_types::Type...) (; deps) = x GC.@preserve deps BaseOutStructure(x.vks, next_types...) end function BaseInStructure(x::_BaseInStructure, next_types::Type...) (; deps) = x GC.@preserve deps BaseInStructure(x.vks, next_types...) end Offset2D(x::_Offset2D) = Offset2D(x.vks) Offset3D(x::_Offset3D) = Offset3D(x.vks) Extent2D(x::_Extent2D) = Extent2D(x.vks) Extent3D(x::_Extent3D) = Extent3D(x.vks) Viewport(x::_Viewport) = Viewport(x.vks) Rect2D(x::_Rect2D) = Rect2D(x.vks) ClearRect(x::_ClearRect) = ClearRect(x.vks) ComponentMapping(x::_ComponentMapping) = ComponentMapping(x.vks) PhysicalDeviceProperties(x::_PhysicalDeviceProperties) = PhysicalDeviceProperties(x.vks) ExtensionProperties(x::_ExtensionProperties) = ExtensionProperties(x.vks) LayerProperties(x::_LayerProperties) = LayerProperties(x.vks) function ApplicationInfo(x::_ApplicationInfo, next_types::Type...) (; deps) = x GC.@preserve deps ApplicationInfo(x.vks, next_types...) end function AllocationCallbacks(x::_AllocationCallbacks) (; deps) = x GC.@preserve deps AllocationCallbacks(x.vks, next_types...) end function DeviceQueueCreateInfo(x::_DeviceQueueCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps DeviceQueueCreateInfo(x.vks, next_types...) end function DeviceCreateInfo(x::_DeviceCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps DeviceCreateInfo(x.vks, next_types...) end function InstanceCreateInfo(x::_InstanceCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps InstanceCreateInfo(x.vks, next_types...) end QueueFamilyProperties(x::_QueueFamilyProperties) = QueueFamilyProperties(x.vks) PhysicalDeviceMemoryProperties(x::_PhysicalDeviceMemoryProperties) = PhysicalDeviceMemoryProperties(x.vks) function MemoryAllocateInfo(x::_MemoryAllocateInfo, next_types::Type...) (; deps) = x GC.@preserve deps MemoryAllocateInfo(x.vks, next_types...) end MemoryRequirements(x::_MemoryRequirements) = MemoryRequirements(x.vks) SparseImageFormatProperties(x::_SparseImageFormatProperties) = SparseImageFormatProperties(x.vks) SparseImageMemoryRequirements(x::_SparseImageMemoryRequirements) = SparseImageMemoryRequirements(x.vks) MemoryType(x::_MemoryType) = MemoryType(x.vks) MemoryHeap(x::_MemoryHeap) = MemoryHeap(x.vks) function MappedMemoryRange(x::_MappedMemoryRange, next_types::Type...) (; deps) = x GC.@preserve deps MappedMemoryRange(x.vks, next_types...) end FormatProperties(x::_FormatProperties) = FormatProperties(x.vks) ImageFormatProperties(x::_ImageFormatProperties) = ImageFormatProperties(x.vks) DescriptorBufferInfo(x::_DescriptorBufferInfo) = DescriptorBufferInfo(x.vks) DescriptorImageInfo(x::_DescriptorImageInfo) = DescriptorImageInfo(x.vks) function WriteDescriptorSet(x::_WriteDescriptorSet, next_types::Type...) (; deps) = x GC.@preserve deps WriteDescriptorSet(x.vks, next_types...) end function CopyDescriptorSet(x::_CopyDescriptorSet, next_types::Type...) (; deps) = x GC.@preserve deps CopyDescriptorSet(x.vks, next_types...) end function BufferCreateInfo(x::_BufferCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps BufferCreateInfo(x.vks, next_types...) end function BufferViewCreateInfo(x::_BufferViewCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps BufferViewCreateInfo(x.vks, next_types...) end ImageSubresource(x::_ImageSubresource) = ImageSubresource(x.vks) ImageSubresourceLayers(x::_ImageSubresourceLayers) = ImageSubresourceLayers(x.vks) ImageSubresourceRange(x::_ImageSubresourceRange) = ImageSubresourceRange(x.vks) function MemoryBarrier(x::_MemoryBarrier, next_types::Type...) (; deps) = x GC.@preserve deps MemoryBarrier(x.vks, next_types...) end function BufferMemoryBarrier(x::_BufferMemoryBarrier, next_types::Type...) (; deps) = x GC.@preserve deps BufferMemoryBarrier(x.vks, next_types...) end function ImageMemoryBarrier(x::_ImageMemoryBarrier, next_types::Type...) (; deps) = x GC.@preserve deps ImageMemoryBarrier(x.vks, next_types...) end function ImageCreateInfo(x::_ImageCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps ImageCreateInfo(x.vks, next_types...) end SubresourceLayout(x::_SubresourceLayout) = SubresourceLayout(x.vks) function ImageViewCreateInfo(x::_ImageViewCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps ImageViewCreateInfo(x.vks, next_types...) end BufferCopy(x::_BufferCopy) = BufferCopy(x.vks) SparseMemoryBind(x::_SparseMemoryBind) = SparseMemoryBind(x.vks) SparseImageMemoryBind(x::_SparseImageMemoryBind) = SparseImageMemoryBind(x.vks) function SparseBufferMemoryBindInfo(x::_SparseBufferMemoryBindInfo) (; deps) = x GC.@preserve deps SparseBufferMemoryBindInfo(x.vks, next_types...) end function SparseImageOpaqueMemoryBindInfo(x::_SparseImageOpaqueMemoryBindInfo) (; deps) = x GC.@preserve deps SparseImageOpaqueMemoryBindInfo(x.vks, next_types...) end function SparseImageMemoryBindInfo(x::_SparseImageMemoryBindInfo) (; deps) = x GC.@preserve deps SparseImageMemoryBindInfo(x.vks, next_types...) end function BindSparseInfo(x::_BindSparseInfo, next_types::Type...) (; deps) = x GC.@preserve deps BindSparseInfo(x.vks, next_types...) end ImageCopy(x::_ImageCopy) = ImageCopy(x.vks) ImageBlit(x::_ImageBlit) = ImageBlit(x.vks) BufferImageCopy(x::_BufferImageCopy) = BufferImageCopy(x.vks) CopyMemoryIndirectCommandNV(x::_CopyMemoryIndirectCommandNV) = CopyMemoryIndirectCommandNV(x.vks) CopyMemoryToImageIndirectCommandNV(x::_CopyMemoryToImageIndirectCommandNV) = CopyMemoryToImageIndirectCommandNV(x.vks) ImageResolve(x::_ImageResolve) = ImageResolve(x.vks) function ShaderModuleCreateInfo(x::_ShaderModuleCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps ShaderModuleCreateInfo(x.vks, next_types...) end function DescriptorSetLayoutBinding(x::_DescriptorSetLayoutBinding) (; deps) = x GC.@preserve deps DescriptorSetLayoutBinding(x.vks, next_types...) end function DescriptorSetLayoutCreateInfo(x::_DescriptorSetLayoutCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorSetLayoutCreateInfo(x.vks, next_types...) end DescriptorPoolSize(x::_DescriptorPoolSize) = DescriptorPoolSize(x.vks) function DescriptorPoolCreateInfo(x::_DescriptorPoolCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorPoolCreateInfo(x.vks, next_types...) end function DescriptorSetAllocateInfo(x::_DescriptorSetAllocateInfo, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorSetAllocateInfo(x.vks, next_types...) end SpecializationMapEntry(x::_SpecializationMapEntry) = SpecializationMapEntry(x.vks) function SpecializationInfo(x::_SpecializationInfo) (; deps) = x GC.@preserve deps SpecializationInfo(x.vks, next_types...) end function PipelineShaderStageCreateInfo(x::_PipelineShaderStageCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineShaderStageCreateInfo(x.vks, next_types...) end function ComputePipelineCreateInfo(x::_ComputePipelineCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps ComputePipelineCreateInfo(x.vks, next_types...) end VertexInputBindingDescription(x::_VertexInputBindingDescription) = VertexInputBindingDescription(x.vks) VertexInputAttributeDescription(x::_VertexInputAttributeDescription) = VertexInputAttributeDescription(x.vks) function PipelineVertexInputStateCreateInfo(x::_PipelineVertexInputStateCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineVertexInputStateCreateInfo(x.vks, next_types...) end function PipelineInputAssemblyStateCreateInfo(x::_PipelineInputAssemblyStateCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineInputAssemblyStateCreateInfo(x.vks, next_types...) end function PipelineTessellationStateCreateInfo(x::_PipelineTessellationStateCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineTessellationStateCreateInfo(x.vks, next_types...) end function PipelineViewportStateCreateInfo(x::_PipelineViewportStateCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineViewportStateCreateInfo(x.vks, next_types...) end function PipelineRasterizationStateCreateInfo(x::_PipelineRasterizationStateCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineRasterizationStateCreateInfo(x.vks, next_types...) end function PipelineMultisampleStateCreateInfo(x::_PipelineMultisampleStateCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineMultisampleStateCreateInfo(x.vks, next_types...) end PipelineColorBlendAttachmentState(x::_PipelineColorBlendAttachmentState) = PipelineColorBlendAttachmentState(x.vks) function PipelineColorBlendStateCreateInfo(x::_PipelineColorBlendStateCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineColorBlendStateCreateInfo(x.vks, next_types...) end function PipelineDynamicStateCreateInfo(x::_PipelineDynamicStateCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineDynamicStateCreateInfo(x.vks, next_types...) end StencilOpState(x::_StencilOpState) = StencilOpState(x.vks) function PipelineDepthStencilStateCreateInfo(x::_PipelineDepthStencilStateCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineDepthStencilStateCreateInfo(x.vks, next_types...) end function GraphicsPipelineCreateInfo(x::_GraphicsPipelineCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps GraphicsPipelineCreateInfo(x.vks, next_types...) end function PipelineCacheCreateInfo(x::_PipelineCacheCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineCacheCreateInfo(x.vks, next_types...) end PipelineCacheHeaderVersionOne(x::_PipelineCacheHeaderVersionOne) = PipelineCacheHeaderVersionOne(x.vks) PushConstantRange(x::_PushConstantRange) = PushConstantRange(x.vks) function PipelineLayoutCreateInfo(x::_PipelineLayoutCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineLayoutCreateInfo(x.vks, next_types...) end function SamplerCreateInfo(x::_SamplerCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps SamplerCreateInfo(x.vks, next_types...) end function CommandPoolCreateInfo(x::_CommandPoolCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps CommandPoolCreateInfo(x.vks, next_types...) end function CommandBufferAllocateInfo(x::_CommandBufferAllocateInfo, next_types::Type...) (; deps) = x GC.@preserve deps CommandBufferAllocateInfo(x.vks, next_types...) end function CommandBufferInheritanceInfo(x::_CommandBufferInheritanceInfo, next_types::Type...) (; deps) = x GC.@preserve deps CommandBufferInheritanceInfo(x.vks, next_types...) end function CommandBufferBeginInfo(x::_CommandBufferBeginInfo, next_types::Type...) (; deps) = x GC.@preserve deps CommandBufferBeginInfo(x.vks, next_types...) end function RenderPassBeginInfo(x::_RenderPassBeginInfo, next_types::Type...) (; deps) = x GC.@preserve deps RenderPassBeginInfo(x.vks, next_types...) end ClearDepthStencilValue(x::_ClearDepthStencilValue) = ClearDepthStencilValue(x.vks) ClearAttachment(x::_ClearAttachment) = ClearAttachment(x.vks) AttachmentDescription(x::_AttachmentDescription) = AttachmentDescription(x.vks) AttachmentReference(x::_AttachmentReference) = AttachmentReference(x.vks) function SubpassDescription(x::_SubpassDescription) (; deps) = x GC.@preserve deps SubpassDescription(x.vks, next_types...) end SubpassDependency(x::_SubpassDependency) = SubpassDependency(x.vks) function RenderPassCreateInfo(x::_RenderPassCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps RenderPassCreateInfo(x.vks, next_types...) end function EventCreateInfo(x::_EventCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps EventCreateInfo(x.vks, next_types...) end function FenceCreateInfo(x::_FenceCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps FenceCreateInfo(x.vks, next_types...) end PhysicalDeviceFeatures(x::_PhysicalDeviceFeatures) = PhysicalDeviceFeatures(x.vks) PhysicalDeviceSparseProperties(x::_PhysicalDeviceSparseProperties) = PhysicalDeviceSparseProperties(x.vks) PhysicalDeviceLimits(x::_PhysicalDeviceLimits) = PhysicalDeviceLimits(x.vks) function SemaphoreCreateInfo(x::_SemaphoreCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps SemaphoreCreateInfo(x.vks, next_types...) end function QueryPoolCreateInfo(x::_QueryPoolCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps QueryPoolCreateInfo(x.vks, next_types...) end function FramebufferCreateInfo(x::_FramebufferCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps FramebufferCreateInfo(x.vks, next_types...) end DrawIndirectCommand(x::_DrawIndirectCommand) = DrawIndirectCommand(x.vks) DrawIndexedIndirectCommand(x::_DrawIndexedIndirectCommand) = DrawIndexedIndirectCommand(x.vks) DispatchIndirectCommand(x::_DispatchIndirectCommand) = DispatchIndirectCommand(x.vks) MultiDrawInfoEXT(x::_MultiDrawInfoEXT) = MultiDrawInfoEXT(x.vks) MultiDrawIndexedInfoEXT(x::_MultiDrawIndexedInfoEXT) = MultiDrawIndexedInfoEXT(x.vks) function SubmitInfo(x::_SubmitInfo, next_types::Type...) (; deps) = x GC.@preserve deps SubmitInfo(x.vks, next_types...) end function DisplayPropertiesKHR(x::_DisplayPropertiesKHR) (; deps) = x GC.@preserve deps DisplayPropertiesKHR(x.vks, next_types...) end DisplayPlanePropertiesKHR(x::_DisplayPlanePropertiesKHR) = DisplayPlanePropertiesKHR(x.vks) DisplayModeParametersKHR(x::_DisplayModeParametersKHR) = DisplayModeParametersKHR(x.vks) DisplayModePropertiesKHR(x::_DisplayModePropertiesKHR) = DisplayModePropertiesKHR(x.vks) function DisplayModeCreateInfoKHR(x::_DisplayModeCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps DisplayModeCreateInfoKHR(x.vks, next_types...) end DisplayPlaneCapabilitiesKHR(x::_DisplayPlaneCapabilitiesKHR) = DisplayPlaneCapabilitiesKHR(x.vks) function DisplaySurfaceCreateInfoKHR(x::_DisplaySurfaceCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps DisplaySurfaceCreateInfoKHR(x.vks, next_types...) end function DisplayPresentInfoKHR(x::_DisplayPresentInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps DisplayPresentInfoKHR(x.vks, next_types...) end SurfaceCapabilitiesKHR(x::_SurfaceCapabilitiesKHR) = SurfaceCapabilitiesKHR(x.vks) SurfaceFormatKHR(x::_SurfaceFormatKHR) = SurfaceFormatKHR(x.vks) function SwapchainCreateInfoKHR(x::_SwapchainCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps SwapchainCreateInfoKHR(x.vks, next_types...) end function PresentInfoKHR(x::_PresentInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps PresentInfoKHR(x.vks, next_types...) end function DebugReportCallbackCreateInfoEXT(x::_DebugReportCallbackCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DebugReportCallbackCreateInfoEXT(x.vks, next_types...) end function ValidationFlagsEXT(x::_ValidationFlagsEXT, next_types::Type...) (; deps) = x GC.@preserve deps ValidationFlagsEXT(x.vks, next_types...) end function ValidationFeaturesEXT(x::_ValidationFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps ValidationFeaturesEXT(x.vks, next_types...) end function PipelineRasterizationStateRasterizationOrderAMD(x::_PipelineRasterizationStateRasterizationOrderAMD, next_types::Type...) (; deps) = x GC.@preserve deps PipelineRasterizationStateRasterizationOrderAMD(x.vks, next_types...) end function DebugMarkerObjectNameInfoEXT(x::_DebugMarkerObjectNameInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DebugMarkerObjectNameInfoEXT(x.vks, next_types...) end function DebugMarkerObjectTagInfoEXT(x::_DebugMarkerObjectTagInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DebugMarkerObjectTagInfoEXT(x.vks, next_types...) end function DebugMarkerMarkerInfoEXT(x::_DebugMarkerMarkerInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DebugMarkerMarkerInfoEXT(x.vks, next_types...) end function DedicatedAllocationImageCreateInfoNV(x::_DedicatedAllocationImageCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps DedicatedAllocationImageCreateInfoNV(x.vks, next_types...) end function DedicatedAllocationBufferCreateInfoNV(x::_DedicatedAllocationBufferCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps DedicatedAllocationBufferCreateInfoNV(x.vks, next_types...) end function DedicatedAllocationMemoryAllocateInfoNV(x::_DedicatedAllocationMemoryAllocateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps DedicatedAllocationMemoryAllocateInfoNV(x.vks, next_types...) end ExternalImageFormatPropertiesNV(x::_ExternalImageFormatPropertiesNV) = ExternalImageFormatPropertiesNV(x.vks) function ExternalMemoryImageCreateInfoNV(x::_ExternalMemoryImageCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps ExternalMemoryImageCreateInfoNV(x.vks, next_types...) end function ExportMemoryAllocateInfoNV(x::_ExportMemoryAllocateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps ExportMemoryAllocateInfoNV(x.vks, next_types...) end function PhysicalDeviceDeviceGeneratedCommandsFeaturesNV(x::_PhysicalDeviceDeviceGeneratedCommandsFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDeviceGeneratedCommandsFeaturesNV(x.vks, next_types...) end function DevicePrivateDataCreateInfo(x::_DevicePrivateDataCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps DevicePrivateDataCreateInfo(x.vks, next_types...) end function PrivateDataSlotCreateInfo(x::_PrivateDataSlotCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PrivateDataSlotCreateInfo(x.vks, next_types...) end function PhysicalDevicePrivateDataFeatures(x::_PhysicalDevicePrivateDataFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePrivateDataFeatures(x.vks, next_types...) end function PhysicalDeviceDeviceGeneratedCommandsPropertiesNV(x::_PhysicalDeviceDeviceGeneratedCommandsPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDeviceGeneratedCommandsPropertiesNV(x.vks, next_types...) end function PhysicalDeviceMultiDrawPropertiesEXT(x::_PhysicalDeviceMultiDrawPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMultiDrawPropertiesEXT(x.vks, next_types...) end function GraphicsShaderGroupCreateInfoNV(x::_GraphicsShaderGroupCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps GraphicsShaderGroupCreateInfoNV(x.vks, next_types...) end function GraphicsPipelineShaderGroupsCreateInfoNV(x::_GraphicsPipelineShaderGroupsCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps GraphicsPipelineShaderGroupsCreateInfoNV(x.vks, next_types...) end BindShaderGroupIndirectCommandNV(x::_BindShaderGroupIndirectCommandNV) = BindShaderGroupIndirectCommandNV(x.vks) BindIndexBufferIndirectCommandNV(x::_BindIndexBufferIndirectCommandNV) = BindIndexBufferIndirectCommandNV(x.vks) BindVertexBufferIndirectCommandNV(x::_BindVertexBufferIndirectCommandNV) = BindVertexBufferIndirectCommandNV(x.vks) SetStateFlagsIndirectCommandNV(x::_SetStateFlagsIndirectCommandNV) = SetStateFlagsIndirectCommandNV(x.vks) IndirectCommandsStreamNV(x::_IndirectCommandsStreamNV) = IndirectCommandsStreamNV(x.vks) function IndirectCommandsLayoutTokenNV(x::_IndirectCommandsLayoutTokenNV, next_types::Type...) (; deps) = x GC.@preserve deps IndirectCommandsLayoutTokenNV(x.vks, next_types...) end function IndirectCommandsLayoutCreateInfoNV(x::_IndirectCommandsLayoutCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps IndirectCommandsLayoutCreateInfoNV(x.vks, next_types...) end function GeneratedCommandsInfoNV(x::_GeneratedCommandsInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps GeneratedCommandsInfoNV(x.vks, next_types...) end function GeneratedCommandsMemoryRequirementsInfoNV(x::_GeneratedCommandsMemoryRequirementsInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps GeneratedCommandsMemoryRequirementsInfoNV(x.vks, next_types...) end function PhysicalDeviceFeatures2(x::_PhysicalDeviceFeatures2, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFeatures2(x.vks, next_types...) end function PhysicalDeviceProperties2(x::_PhysicalDeviceProperties2, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceProperties2(x.vks, next_types...) end function FormatProperties2(x::_FormatProperties2, next_types::Type...) (; deps) = x GC.@preserve deps FormatProperties2(x.vks, next_types...) end function ImageFormatProperties2(x::_ImageFormatProperties2, next_types::Type...) (; deps) = x GC.@preserve deps ImageFormatProperties2(x.vks, next_types...) end function PhysicalDeviceImageFormatInfo2(x::_PhysicalDeviceImageFormatInfo2, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceImageFormatInfo2(x.vks, next_types...) end function QueueFamilyProperties2(x::_QueueFamilyProperties2, next_types::Type...) (; deps) = x GC.@preserve deps QueueFamilyProperties2(x.vks, next_types...) end function PhysicalDeviceMemoryProperties2(x::_PhysicalDeviceMemoryProperties2, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMemoryProperties2(x.vks, next_types...) end function SparseImageFormatProperties2(x::_SparseImageFormatProperties2, next_types::Type...) (; deps) = x GC.@preserve deps SparseImageFormatProperties2(x.vks, next_types...) end function PhysicalDeviceSparseImageFormatInfo2(x::_PhysicalDeviceSparseImageFormatInfo2, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSparseImageFormatInfo2(x.vks, next_types...) end function PhysicalDevicePushDescriptorPropertiesKHR(x::_PhysicalDevicePushDescriptorPropertiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePushDescriptorPropertiesKHR(x.vks, next_types...) end ConformanceVersion(x::_ConformanceVersion) = ConformanceVersion(x.vks) function PhysicalDeviceDriverProperties(x::_PhysicalDeviceDriverProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDriverProperties(x.vks, next_types...) end function PresentRegionsKHR(x::_PresentRegionsKHR, next_types::Type...) (; deps) = x GC.@preserve deps PresentRegionsKHR(x.vks, next_types...) end function PresentRegionKHR(x::_PresentRegionKHR) (; deps) = x GC.@preserve deps PresentRegionKHR(x.vks, next_types...) end RectLayerKHR(x::_RectLayerKHR) = RectLayerKHR(x.vks) function PhysicalDeviceVariablePointersFeatures(x::_PhysicalDeviceVariablePointersFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceVariablePointersFeatures(x.vks, next_types...) end ExternalMemoryProperties(x::_ExternalMemoryProperties) = ExternalMemoryProperties(x.vks) function PhysicalDeviceExternalImageFormatInfo(x::_PhysicalDeviceExternalImageFormatInfo, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceExternalImageFormatInfo(x.vks, next_types...) end function ExternalImageFormatProperties(x::_ExternalImageFormatProperties, next_types::Type...) (; deps) = x GC.@preserve deps ExternalImageFormatProperties(x.vks, next_types...) end function PhysicalDeviceExternalBufferInfo(x::_PhysicalDeviceExternalBufferInfo, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceExternalBufferInfo(x.vks, next_types...) end function ExternalBufferProperties(x::_ExternalBufferProperties, next_types::Type...) (; deps) = x GC.@preserve deps ExternalBufferProperties(x.vks, next_types...) end function PhysicalDeviceIDProperties(x::_PhysicalDeviceIDProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceIDProperties(x.vks, next_types...) end function ExternalMemoryImageCreateInfo(x::_ExternalMemoryImageCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps ExternalMemoryImageCreateInfo(x.vks, next_types...) end function ExternalMemoryBufferCreateInfo(x::_ExternalMemoryBufferCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps ExternalMemoryBufferCreateInfo(x.vks, next_types...) end function ExportMemoryAllocateInfo(x::_ExportMemoryAllocateInfo, next_types::Type...) (; deps) = x GC.@preserve deps ExportMemoryAllocateInfo(x.vks, next_types...) end function ImportMemoryFdInfoKHR(x::_ImportMemoryFdInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps ImportMemoryFdInfoKHR(x.vks, next_types...) end function MemoryFdPropertiesKHR(x::_MemoryFdPropertiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps MemoryFdPropertiesKHR(x.vks, next_types...) end function MemoryGetFdInfoKHR(x::_MemoryGetFdInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps MemoryGetFdInfoKHR(x.vks, next_types...) end function PhysicalDeviceExternalSemaphoreInfo(x::_PhysicalDeviceExternalSemaphoreInfo, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceExternalSemaphoreInfo(x.vks, next_types...) end function ExternalSemaphoreProperties(x::_ExternalSemaphoreProperties, next_types::Type...) (; deps) = x GC.@preserve deps ExternalSemaphoreProperties(x.vks, next_types...) end function ExportSemaphoreCreateInfo(x::_ExportSemaphoreCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps ExportSemaphoreCreateInfo(x.vks, next_types...) end function ImportSemaphoreFdInfoKHR(x::_ImportSemaphoreFdInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps ImportSemaphoreFdInfoKHR(x.vks, next_types...) end function SemaphoreGetFdInfoKHR(x::_SemaphoreGetFdInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps SemaphoreGetFdInfoKHR(x.vks, next_types...) end function PhysicalDeviceExternalFenceInfo(x::_PhysicalDeviceExternalFenceInfo, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceExternalFenceInfo(x.vks, next_types...) end function ExternalFenceProperties(x::_ExternalFenceProperties, next_types::Type...) (; deps) = x GC.@preserve deps ExternalFenceProperties(x.vks, next_types...) end function ExportFenceCreateInfo(x::_ExportFenceCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps ExportFenceCreateInfo(x.vks, next_types...) end function ImportFenceFdInfoKHR(x::_ImportFenceFdInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps ImportFenceFdInfoKHR(x.vks, next_types...) end function FenceGetFdInfoKHR(x::_FenceGetFdInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps FenceGetFdInfoKHR(x.vks, next_types...) end function PhysicalDeviceMultiviewFeatures(x::_PhysicalDeviceMultiviewFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMultiviewFeatures(x.vks, next_types...) end function PhysicalDeviceMultiviewProperties(x::_PhysicalDeviceMultiviewProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMultiviewProperties(x.vks, next_types...) end function RenderPassMultiviewCreateInfo(x::_RenderPassMultiviewCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps RenderPassMultiviewCreateInfo(x.vks, next_types...) end function SurfaceCapabilities2EXT(x::_SurfaceCapabilities2EXT, next_types::Type...) (; deps) = x GC.@preserve deps SurfaceCapabilities2EXT(x.vks, next_types...) end function DisplayPowerInfoEXT(x::_DisplayPowerInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DisplayPowerInfoEXT(x.vks, next_types...) end function DeviceEventInfoEXT(x::_DeviceEventInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DeviceEventInfoEXT(x.vks, next_types...) end function DisplayEventInfoEXT(x::_DisplayEventInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DisplayEventInfoEXT(x.vks, next_types...) end function SwapchainCounterCreateInfoEXT(x::_SwapchainCounterCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps SwapchainCounterCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceGroupProperties(x::_PhysicalDeviceGroupProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceGroupProperties(x.vks, next_types...) end function MemoryAllocateFlagsInfo(x::_MemoryAllocateFlagsInfo, next_types::Type...) (; deps) = x GC.@preserve deps MemoryAllocateFlagsInfo(x.vks, next_types...) end function BindBufferMemoryInfo(x::_BindBufferMemoryInfo, next_types::Type...) (; deps) = x GC.@preserve deps BindBufferMemoryInfo(x.vks, next_types...) end function BindBufferMemoryDeviceGroupInfo(x::_BindBufferMemoryDeviceGroupInfo, next_types::Type...) (; deps) = x GC.@preserve deps BindBufferMemoryDeviceGroupInfo(x.vks, next_types...) end function BindImageMemoryInfo(x::_BindImageMemoryInfo, next_types::Type...) (; deps) = x GC.@preserve deps BindImageMemoryInfo(x.vks, next_types...) end function BindImageMemoryDeviceGroupInfo(x::_BindImageMemoryDeviceGroupInfo, next_types::Type...) (; deps) = x GC.@preserve deps BindImageMemoryDeviceGroupInfo(x.vks, next_types...) end function DeviceGroupRenderPassBeginInfo(x::_DeviceGroupRenderPassBeginInfo, next_types::Type...) (; deps) = x GC.@preserve deps DeviceGroupRenderPassBeginInfo(x.vks, next_types...) end function DeviceGroupCommandBufferBeginInfo(x::_DeviceGroupCommandBufferBeginInfo, next_types::Type...) (; deps) = x GC.@preserve deps DeviceGroupCommandBufferBeginInfo(x.vks, next_types...) end function DeviceGroupSubmitInfo(x::_DeviceGroupSubmitInfo, next_types::Type...) (; deps) = x GC.@preserve deps DeviceGroupSubmitInfo(x.vks, next_types...) end function DeviceGroupBindSparseInfo(x::_DeviceGroupBindSparseInfo, next_types::Type...) (; deps) = x GC.@preserve deps DeviceGroupBindSparseInfo(x.vks, next_types...) end function DeviceGroupPresentCapabilitiesKHR(x::_DeviceGroupPresentCapabilitiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps DeviceGroupPresentCapabilitiesKHR(x.vks, next_types...) end function ImageSwapchainCreateInfoKHR(x::_ImageSwapchainCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps ImageSwapchainCreateInfoKHR(x.vks, next_types...) end function BindImageMemorySwapchainInfoKHR(x::_BindImageMemorySwapchainInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps BindImageMemorySwapchainInfoKHR(x.vks, next_types...) end function AcquireNextImageInfoKHR(x::_AcquireNextImageInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps AcquireNextImageInfoKHR(x.vks, next_types...) end function DeviceGroupPresentInfoKHR(x::_DeviceGroupPresentInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps DeviceGroupPresentInfoKHR(x.vks, next_types...) end function DeviceGroupDeviceCreateInfo(x::_DeviceGroupDeviceCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps DeviceGroupDeviceCreateInfo(x.vks, next_types...) end function DeviceGroupSwapchainCreateInfoKHR(x::_DeviceGroupSwapchainCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps DeviceGroupSwapchainCreateInfoKHR(x.vks, next_types...) end DescriptorUpdateTemplateEntry(x::_DescriptorUpdateTemplateEntry) = DescriptorUpdateTemplateEntry(x.vks) function DescriptorUpdateTemplateCreateInfo(x::_DescriptorUpdateTemplateCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorUpdateTemplateCreateInfo(x.vks, next_types...) end XYColorEXT(x::_XYColorEXT) = XYColorEXT(x.vks) function PhysicalDevicePresentIdFeaturesKHR(x::_PhysicalDevicePresentIdFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePresentIdFeaturesKHR(x.vks, next_types...) end function PresentIdKHR(x::_PresentIdKHR, next_types::Type...) (; deps) = x GC.@preserve deps PresentIdKHR(x.vks, next_types...) end function PhysicalDevicePresentWaitFeaturesKHR(x::_PhysicalDevicePresentWaitFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePresentWaitFeaturesKHR(x.vks, next_types...) end function HdrMetadataEXT(x::_HdrMetadataEXT, next_types::Type...) (; deps) = x GC.@preserve deps HdrMetadataEXT(x.vks, next_types...) end function DisplayNativeHdrSurfaceCapabilitiesAMD(x::_DisplayNativeHdrSurfaceCapabilitiesAMD, next_types::Type...) (; deps) = x GC.@preserve deps DisplayNativeHdrSurfaceCapabilitiesAMD(x.vks, next_types...) end function SwapchainDisplayNativeHdrCreateInfoAMD(x::_SwapchainDisplayNativeHdrCreateInfoAMD, next_types::Type...) (; deps) = x GC.@preserve deps SwapchainDisplayNativeHdrCreateInfoAMD(x.vks, next_types...) end RefreshCycleDurationGOOGLE(x::_RefreshCycleDurationGOOGLE) = RefreshCycleDurationGOOGLE(x.vks) PastPresentationTimingGOOGLE(x::_PastPresentationTimingGOOGLE) = PastPresentationTimingGOOGLE(x.vks) function PresentTimesInfoGOOGLE(x::_PresentTimesInfoGOOGLE, next_types::Type...) (; deps) = x GC.@preserve deps PresentTimesInfoGOOGLE(x.vks, next_types...) end PresentTimeGOOGLE(x::_PresentTimeGOOGLE) = PresentTimeGOOGLE(x.vks) function MacOSSurfaceCreateInfoMVK(x::_MacOSSurfaceCreateInfoMVK, next_types::Type...) (; deps) = x GC.@preserve deps MacOSSurfaceCreateInfoMVK(x.vks, next_types...) end function MetalSurfaceCreateInfoEXT(x::_MetalSurfaceCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps MetalSurfaceCreateInfoEXT(x.vks, next_types...) end ViewportWScalingNV(x::_ViewportWScalingNV) = ViewportWScalingNV(x.vks) function PipelineViewportWScalingStateCreateInfoNV(x::_PipelineViewportWScalingStateCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps PipelineViewportWScalingStateCreateInfoNV(x.vks, next_types...) end ViewportSwizzleNV(x::_ViewportSwizzleNV) = ViewportSwizzleNV(x.vks) function PipelineViewportSwizzleStateCreateInfoNV(x::_PipelineViewportSwizzleStateCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps PipelineViewportSwizzleStateCreateInfoNV(x.vks, next_types...) end function PhysicalDeviceDiscardRectanglePropertiesEXT(x::_PhysicalDeviceDiscardRectanglePropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDiscardRectanglePropertiesEXT(x.vks, next_types...) end function PipelineDiscardRectangleStateCreateInfoEXT(x::_PipelineDiscardRectangleStateCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineDiscardRectangleStateCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX(x::_PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX(x.vks, next_types...) end InputAttachmentAspectReference(x::_InputAttachmentAspectReference) = InputAttachmentAspectReference(x.vks) function RenderPassInputAttachmentAspectCreateInfo(x::_RenderPassInputAttachmentAspectCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps RenderPassInputAttachmentAspectCreateInfo(x.vks, next_types...) end function PhysicalDeviceSurfaceInfo2KHR(x::_PhysicalDeviceSurfaceInfo2KHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSurfaceInfo2KHR(x.vks, next_types...) end function SurfaceCapabilities2KHR(x::_SurfaceCapabilities2KHR, next_types::Type...) (; deps) = x GC.@preserve deps SurfaceCapabilities2KHR(x.vks, next_types...) end function SurfaceFormat2KHR(x::_SurfaceFormat2KHR, next_types::Type...) (; deps) = x GC.@preserve deps SurfaceFormat2KHR(x.vks, next_types...) end function DisplayProperties2KHR(x::_DisplayProperties2KHR, next_types::Type...) (; deps) = x GC.@preserve deps DisplayProperties2KHR(x.vks, next_types...) end function DisplayPlaneProperties2KHR(x::_DisplayPlaneProperties2KHR, next_types::Type...) (; deps) = x GC.@preserve deps DisplayPlaneProperties2KHR(x.vks, next_types...) end function DisplayModeProperties2KHR(x::_DisplayModeProperties2KHR, next_types::Type...) (; deps) = x GC.@preserve deps DisplayModeProperties2KHR(x.vks, next_types...) end function DisplayPlaneInfo2KHR(x::_DisplayPlaneInfo2KHR, next_types::Type...) (; deps) = x GC.@preserve deps DisplayPlaneInfo2KHR(x.vks, next_types...) end function DisplayPlaneCapabilities2KHR(x::_DisplayPlaneCapabilities2KHR, next_types::Type...) (; deps) = x GC.@preserve deps DisplayPlaneCapabilities2KHR(x.vks, next_types...) end function SharedPresentSurfaceCapabilitiesKHR(x::_SharedPresentSurfaceCapabilitiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps SharedPresentSurfaceCapabilitiesKHR(x.vks, next_types...) end function PhysicalDevice16BitStorageFeatures(x::_PhysicalDevice16BitStorageFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevice16BitStorageFeatures(x.vks, next_types...) end function PhysicalDeviceSubgroupProperties(x::_PhysicalDeviceSubgroupProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSubgroupProperties(x.vks, next_types...) end function PhysicalDeviceShaderSubgroupExtendedTypesFeatures(x::_PhysicalDeviceShaderSubgroupExtendedTypesFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderSubgroupExtendedTypesFeatures(x.vks, next_types...) end function BufferMemoryRequirementsInfo2(x::_BufferMemoryRequirementsInfo2, next_types::Type...) (; deps) = x GC.@preserve deps BufferMemoryRequirementsInfo2(x.vks, next_types...) end function DeviceBufferMemoryRequirements(x::_DeviceBufferMemoryRequirements, next_types::Type...) (; deps) = x GC.@preserve deps DeviceBufferMemoryRequirements(x.vks, next_types...) end function ImageMemoryRequirementsInfo2(x::_ImageMemoryRequirementsInfo2, next_types::Type...) (; deps) = x GC.@preserve deps ImageMemoryRequirementsInfo2(x.vks, next_types...) end function ImageSparseMemoryRequirementsInfo2(x::_ImageSparseMemoryRequirementsInfo2, next_types::Type...) (; deps) = x GC.@preserve deps ImageSparseMemoryRequirementsInfo2(x.vks, next_types...) end function DeviceImageMemoryRequirements(x::_DeviceImageMemoryRequirements, next_types::Type...) (; deps) = x GC.@preserve deps DeviceImageMemoryRequirements(x.vks, next_types...) end function MemoryRequirements2(x::_MemoryRequirements2, next_types::Type...) (; deps) = x GC.@preserve deps MemoryRequirements2(x.vks, next_types...) end function SparseImageMemoryRequirements2(x::_SparseImageMemoryRequirements2, next_types::Type...) (; deps) = x GC.@preserve deps SparseImageMemoryRequirements2(x.vks, next_types...) end function PhysicalDevicePointClippingProperties(x::_PhysicalDevicePointClippingProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePointClippingProperties(x.vks, next_types...) end function MemoryDedicatedRequirements(x::_MemoryDedicatedRequirements, next_types::Type...) (; deps) = x GC.@preserve deps MemoryDedicatedRequirements(x.vks, next_types...) end function MemoryDedicatedAllocateInfo(x::_MemoryDedicatedAllocateInfo, next_types::Type...) (; deps) = x GC.@preserve deps MemoryDedicatedAllocateInfo(x.vks, next_types...) end function ImageViewUsageCreateInfo(x::_ImageViewUsageCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps ImageViewUsageCreateInfo(x.vks, next_types...) end function PipelineTessellationDomainOriginStateCreateInfo(x::_PipelineTessellationDomainOriginStateCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineTessellationDomainOriginStateCreateInfo(x.vks, next_types...) end function SamplerYcbcrConversionInfo(x::_SamplerYcbcrConversionInfo, next_types::Type...) (; deps) = x GC.@preserve deps SamplerYcbcrConversionInfo(x.vks, next_types...) end function SamplerYcbcrConversionCreateInfo(x::_SamplerYcbcrConversionCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps SamplerYcbcrConversionCreateInfo(x.vks, next_types...) end function BindImagePlaneMemoryInfo(x::_BindImagePlaneMemoryInfo, next_types::Type...) (; deps) = x GC.@preserve deps BindImagePlaneMemoryInfo(x.vks, next_types...) end function ImagePlaneMemoryRequirementsInfo(x::_ImagePlaneMemoryRequirementsInfo, next_types::Type...) (; deps) = x GC.@preserve deps ImagePlaneMemoryRequirementsInfo(x.vks, next_types...) end function PhysicalDeviceSamplerYcbcrConversionFeatures(x::_PhysicalDeviceSamplerYcbcrConversionFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSamplerYcbcrConversionFeatures(x.vks, next_types...) end function SamplerYcbcrConversionImageFormatProperties(x::_SamplerYcbcrConversionImageFormatProperties, next_types::Type...) (; deps) = x GC.@preserve deps SamplerYcbcrConversionImageFormatProperties(x.vks, next_types...) end function TextureLODGatherFormatPropertiesAMD(x::_TextureLODGatherFormatPropertiesAMD, next_types::Type...) (; deps) = x GC.@preserve deps TextureLODGatherFormatPropertiesAMD(x.vks, next_types...) end function ConditionalRenderingBeginInfoEXT(x::_ConditionalRenderingBeginInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ConditionalRenderingBeginInfoEXT(x.vks, next_types...) end function ProtectedSubmitInfo(x::_ProtectedSubmitInfo, next_types::Type...) (; deps) = x GC.@preserve deps ProtectedSubmitInfo(x.vks, next_types...) end function PhysicalDeviceProtectedMemoryFeatures(x::_PhysicalDeviceProtectedMemoryFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceProtectedMemoryFeatures(x.vks, next_types...) end function PhysicalDeviceProtectedMemoryProperties(x::_PhysicalDeviceProtectedMemoryProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceProtectedMemoryProperties(x.vks, next_types...) end function DeviceQueueInfo2(x::_DeviceQueueInfo2, next_types::Type...) (; deps) = x GC.@preserve deps DeviceQueueInfo2(x.vks, next_types...) end function PipelineCoverageToColorStateCreateInfoNV(x::_PipelineCoverageToColorStateCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps PipelineCoverageToColorStateCreateInfoNV(x.vks, next_types...) end function PhysicalDeviceSamplerFilterMinmaxProperties(x::_PhysicalDeviceSamplerFilterMinmaxProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSamplerFilterMinmaxProperties(x.vks, next_types...) end SampleLocationEXT(x::_SampleLocationEXT) = SampleLocationEXT(x.vks) function SampleLocationsInfoEXT(x::_SampleLocationsInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps SampleLocationsInfoEXT(x.vks, next_types...) end AttachmentSampleLocationsEXT(x::_AttachmentSampleLocationsEXT) = AttachmentSampleLocationsEXT(x.vks) SubpassSampleLocationsEXT(x::_SubpassSampleLocationsEXT) = SubpassSampleLocationsEXT(x.vks) function RenderPassSampleLocationsBeginInfoEXT(x::_RenderPassSampleLocationsBeginInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps RenderPassSampleLocationsBeginInfoEXT(x.vks, next_types...) end function PipelineSampleLocationsStateCreateInfoEXT(x::_PipelineSampleLocationsStateCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineSampleLocationsStateCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceSampleLocationsPropertiesEXT(x::_PhysicalDeviceSampleLocationsPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSampleLocationsPropertiesEXT(x.vks, next_types...) end function MultisamplePropertiesEXT(x::_MultisamplePropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps MultisamplePropertiesEXT(x.vks, next_types...) end function SamplerReductionModeCreateInfo(x::_SamplerReductionModeCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps SamplerReductionModeCreateInfo(x.vks, next_types...) end function PhysicalDeviceBlendOperationAdvancedFeaturesEXT(x::_PhysicalDeviceBlendOperationAdvancedFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceBlendOperationAdvancedFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceMultiDrawFeaturesEXT(x::_PhysicalDeviceMultiDrawFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMultiDrawFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceBlendOperationAdvancedPropertiesEXT(x::_PhysicalDeviceBlendOperationAdvancedPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceBlendOperationAdvancedPropertiesEXT(x.vks, next_types...) end function PipelineColorBlendAdvancedStateCreateInfoEXT(x::_PipelineColorBlendAdvancedStateCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineColorBlendAdvancedStateCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceInlineUniformBlockFeatures(x::_PhysicalDeviceInlineUniformBlockFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceInlineUniformBlockFeatures(x.vks, next_types...) end function PhysicalDeviceInlineUniformBlockProperties(x::_PhysicalDeviceInlineUniformBlockProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceInlineUniformBlockProperties(x.vks, next_types...) end function WriteDescriptorSetInlineUniformBlock(x::_WriteDescriptorSetInlineUniformBlock, next_types::Type...) (; deps) = x GC.@preserve deps WriteDescriptorSetInlineUniformBlock(x.vks, next_types...) end function DescriptorPoolInlineUniformBlockCreateInfo(x::_DescriptorPoolInlineUniformBlockCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorPoolInlineUniformBlockCreateInfo(x.vks, next_types...) end function PipelineCoverageModulationStateCreateInfoNV(x::_PipelineCoverageModulationStateCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps PipelineCoverageModulationStateCreateInfoNV(x.vks, next_types...) end function ImageFormatListCreateInfo(x::_ImageFormatListCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps ImageFormatListCreateInfo(x.vks, next_types...) end function ValidationCacheCreateInfoEXT(x::_ValidationCacheCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ValidationCacheCreateInfoEXT(x.vks, next_types...) end function ShaderModuleValidationCacheCreateInfoEXT(x::_ShaderModuleValidationCacheCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ShaderModuleValidationCacheCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceMaintenance3Properties(x::_PhysicalDeviceMaintenance3Properties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMaintenance3Properties(x.vks, next_types...) end function PhysicalDeviceMaintenance4Features(x::_PhysicalDeviceMaintenance4Features, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMaintenance4Features(x.vks, next_types...) end function PhysicalDeviceMaintenance4Properties(x::_PhysicalDeviceMaintenance4Properties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMaintenance4Properties(x.vks, next_types...) end function DescriptorSetLayoutSupport(x::_DescriptorSetLayoutSupport, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorSetLayoutSupport(x.vks, next_types...) end function PhysicalDeviceShaderDrawParametersFeatures(x::_PhysicalDeviceShaderDrawParametersFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderDrawParametersFeatures(x.vks, next_types...) end function PhysicalDeviceShaderFloat16Int8Features(x::_PhysicalDeviceShaderFloat16Int8Features, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderFloat16Int8Features(x.vks, next_types...) end function PhysicalDeviceFloatControlsProperties(x::_PhysicalDeviceFloatControlsProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFloatControlsProperties(x.vks, next_types...) end function PhysicalDeviceHostQueryResetFeatures(x::_PhysicalDeviceHostQueryResetFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceHostQueryResetFeatures(x.vks, next_types...) end ShaderResourceUsageAMD(x::_ShaderResourceUsageAMD) = ShaderResourceUsageAMD(x.vks) ShaderStatisticsInfoAMD(x::_ShaderStatisticsInfoAMD) = ShaderStatisticsInfoAMD(x.vks) function DeviceQueueGlobalPriorityCreateInfoKHR(x::_DeviceQueueGlobalPriorityCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps DeviceQueueGlobalPriorityCreateInfoKHR(x.vks, next_types...) end function PhysicalDeviceGlobalPriorityQueryFeaturesKHR(x::_PhysicalDeviceGlobalPriorityQueryFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceGlobalPriorityQueryFeaturesKHR(x.vks, next_types...) end function QueueFamilyGlobalPriorityPropertiesKHR(x::_QueueFamilyGlobalPriorityPropertiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps QueueFamilyGlobalPriorityPropertiesKHR(x.vks, next_types...) end function DebugUtilsObjectNameInfoEXT(x::_DebugUtilsObjectNameInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DebugUtilsObjectNameInfoEXT(x.vks, next_types...) end function DebugUtilsObjectTagInfoEXT(x::_DebugUtilsObjectTagInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DebugUtilsObjectTagInfoEXT(x.vks, next_types...) end function DebugUtilsLabelEXT(x::_DebugUtilsLabelEXT, next_types::Type...) (; deps) = x GC.@preserve deps DebugUtilsLabelEXT(x.vks, next_types...) end function DebugUtilsMessengerCreateInfoEXT(x::_DebugUtilsMessengerCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DebugUtilsMessengerCreateInfoEXT(x.vks, next_types...) end function DebugUtilsMessengerCallbackDataEXT(x::_DebugUtilsMessengerCallbackDataEXT, next_types::Type...) (; deps) = x GC.@preserve deps DebugUtilsMessengerCallbackDataEXT(x.vks, next_types...) end function PhysicalDeviceDeviceMemoryReportFeaturesEXT(x::_PhysicalDeviceDeviceMemoryReportFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDeviceMemoryReportFeaturesEXT(x.vks, next_types...) end function DeviceDeviceMemoryReportCreateInfoEXT(x::_DeviceDeviceMemoryReportCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DeviceDeviceMemoryReportCreateInfoEXT(x.vks, next_types...) end function DeviceMemoryReportCallbackDataEXT(x::_DeviceMemoryReportCallbackDataEXT, next_types::Type...) (; deps) = x GC.@preserve deps DeviceMemoryReportCallbackDataEXT(x.vks, next_types...) end function ImportMemoryHostPointerInfoEXT(x::_ImportMemoryHostPointerInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ImportMemoryHostPointerInfoEXT(x.vks, next_types...) end function MemoryHostPointerPropertiesEXT(x::_MemoryHostPointerPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps MemoryHostPointerPropertiesEXT(x.vks, next_types...) end function PhysicalDeviceExternalMemoryHostPropertiesEXT(x::_PhysicalDeviceExternalMemoryHostPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceExternalMemoryHostPropertiesEXT(x.vks, next_types...) end function PhysicalDeviceConservativeRasterizationPropertiesEXT(x::_PhysicalDeviceConservativeRasterizationPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceConservativeRasterizationPropertiesEXT(x.vks, next_types...) end function CalibratedTimestampInfoEXT(x::_CalibratedTimestampInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps CalibratedTimestampInfoEXT(x.vks, next_types...) end function PhysicalDeviceShaderCorePropertiesAMD(x::_PhysicalDeviceShaderCorePropertiesAMD, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderCorePropertiesAMD(x.vks, next_types...) end function PhysicalDeviceShaderCoreProperties2AMD(x::_PhysicalDeviceShaderCoreProperties2AMD, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderCoreProperties2AMD(x.vks, next_types...) end function PipelineRasterizationConservativeStateCreateInfoEXT(x::_PipelineRasterizationConservativeStateCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineRasterizationConservativeStateCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceDescriptorIndexingFeatures(x::_PhysicalDeviceDescriptorIndexingFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDescriptorIndexingFeatures(x.vks, next_types...) end function PhysicalDeviceDescriptorIndexingProperties(x::_PhysicalDeviceDescriptorIndexingProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDescriptorIndexingProperties(x.vks, next_types...) end function DescriptorSetLayoutBindingFlagsCreateInfo(x::_DescriptorSetLayoutBindingFlagsCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorSetLayoutBindingFlagsCreateInfo(x.vks, next_types...) end function DescriptorSetVariableDescriptorCountAllocateInfo(x::_DescriptorSetVariableDescriptorCountAllocateInfo, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorSetVariableDescriptorCountAllocateInfo(x.vks, next_types...) end function DescriptorSetVariableDescriptorCountLayoutSupport(x::_DescriptorSetVariableDescriptorCountLayoutSupport, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorSetVariableDescriptorCountLayoutSupport(x.vks, next_types...) end function AttachmentDescription2(x::_AttachmentDescription2, next_types::Type...) (; deps) = x GC.@preserve deps AttachmentDescription2(x.vks, next_types...) end function AttachmentReference2(x::_AttachmentReference2, next_types::Type...) (; deps) = x GC.@preserve deps AttachmentReference2(x.vks, next_types...) end function SubpassDescription2(x::_SubpassDescription2, next_types::Type...) (; deps) = x GC.@preserve deps SubpassDescription2(x.vks, next_types...) end function SubpassDependency2(x::_SubpassDependency2, next_types::Type...) (; deps) = x GC.@preserve deps SubpassDependency2(x.vks, next_types...) end function RenderPassCreateInfo2(x::_RenderPassCreateInfo2, next_types::Type...) (; deps) = x GC.@preserve deps RenderPassCreateInfo2(x.vks, next_types...) end function SubpassBeginInfo(x::_SubpassBeginInfo, next_types::Type...) (; deps) = x GC.@preserve deps SubpassBeginInfo(x.vks, next_types...) end function SubpassEndInfo(x::_SubpassEndInfo, next_types::Type...) (; deps) = x GC.@preserve deps SubpassEndInfo(x.vks, next_types...) end function PhysicalDeviceTimelineSemaphoreFeatures(x::_PhysicalDeviceTimelineSemaphoreFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceTimelineSemaphoreFeatures(x.vks, next_types...) end function PhysicalDeviceTimelineSemaphoreProperties(x::_PhysicalDeviceTimelineSemaphoreProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceTimelineSemaphoreProperties(x.vks, next_types...) end function SemaphoreTypeCreateInfo(x::_SemaphoreTypeCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps SemaphoreTypeCreateInfo(x.vks, next_types...) end function TimelineSemaphoreSubmitInfo(x::_TimelineSemaphoreSubmitInfo, next_types::Type...) (; deps) = x GC.@preserve deps TimelineSemaphoreSubmitInfo(x.vks, next_types...) end function SemaphoreWaitInfo(x::_SemaphoreWaitInfo, next_types::Type...) (; deps) = x GC.@preserve deps SemaphoreWaitInfo(x.vks, next_types...) end function SemaphoreSignalInfo(x::_SemaphoreSignalInfo, next_types::Type...) (; deps) = x GC.@preserve deps SemaphoreSignalInfo(x.vks, next_types...) end VertexInputBindingDivisorDescriptionEXT(x::_VertexInputBindingDivisorDescriptionEXT) = VertexInputBindingDivisorDescriptionEXT(x.vks) function PipelineVertexInputDivisorStateCreateInfoEXT(x::_PipelineVertexInputDivisorStateCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineVertexInputDivisorStateCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceVertexAttributeDivisorPropertiesEXT(x::_PhysicalDeviceVertexAttributeDivisorPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceVertexAttributeDivisorPropertiesEXT(x.vks, next_types...) end function PhysicalDevicePCIBusInfoPropertiesEXT(x::_PhysicalDevicePCIBusInfoPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePCIBusInfoPropertiesEXT(x.vks, next_types...) end function CommandBufferInheritanceConditionalRenderingInfoEXT(x::_CommandBufferInheritanceConditionalRenderingInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps CommandBufferInheritanceConditionalRenderingInfoEXT(x.vks, next_types...) end function PhysicalDevice8BitStorageFeatures(x::_PhysicalDevice8BitStorageFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevice8BitStorageFeatures(x.vks, next_types...) end function PhysicalDeviceConditionalRenderingFeaturesEXT(x::_PhysicalDeviceConditionalRenderingFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceConditionalRenderingFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceVulkanMemoryModelFeatures(x::_PhysicalDeviceVulkanMemoryModelFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceVulkanMemoryModelFeatures(x.vks, next_types...) end function PhysicalDeviceShaderAtomicInt64Features(x::_PhysicalDeviceShaderAtomicInt64Features, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderAtomicInt64Features(x.vks, next_types...) end function PhysicalDeviceShaderAtomicFloatFeaturesEXT(x::_PhysicalDeviceShaderAtomicFloatFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderAtomicFloatFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceShaderAtomicFloat2FeaturesEXT(x::_PhysicalDeviceShaderAtomicFloat2FeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderAtomicFloat2FeaturesEXT(x.vks, next_types...) end function PhysicalDeviceVertexAttributeDivisorFeaturesEXT(x::_PhysicalDeviceVertexAttributeDivisorFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceVertexAttributeDivisorFeaturesEXT(x.vks, next_types...) end function QueueFamilyCheckpointPropertiesNV(x::_QueueFamilyCheckpointPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps QueueFamilyCheckpointPropertiesNV(x.vks, next_types...) end function CheckpointDataNV(x::_CheckpointDataNV, next_types::Type...) (; deps) = x GC.@preserve deps CheckpointDataNV(x.vks, next_types...) end function PhysicalDeviceDepthStencilResolveProperties(x::_PhysicalDeviceDepthStencilResolveProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDepthStencilResolveProperties(x.vks, next_types...) end function SubpassDescriptionDepthStencilResolve(x::_SubpassDescriptionDepthStencilResolve, next_types::Type...) (; deps) = x GC.@preserve deps SubpassDescriptionDepthStencilResolve(x.vks, next_types...) end function ImageViewASTCDecodeModeEXT(x::_ImageViewASTCDecodeModeEXT, next_types::Type...) (; deps) = x GC.@preserve deps ImageViewASTCDecodeModeEXT(x.vks, next_types...) end function PhysicalDeviceASTCDecodeFeaturesEXT(x::_PhysicalDeviceASTCDecodeFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceASTCDecodeFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceTransformFeedbackFeaturesEXT(x::_PhysicalDeviceTransformFeedbackFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceTransformFeedbackFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceTransformFeedbackPropertiesEXT(x::_PhysicalDeviceTransformFeedbackPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceTransformFeedbackPropertiesEXT(x.vks, next_types...) end function PipelineRasterizationStateStreamCreateInfoEXT(x::_PipelineRasterizationStateStreamCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineRasterizationStateStreamCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceRepresentativeFragmentTestFeaturesNV(x::_PhysicalDeviceRepresentativeFragmentTestFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRepresentativeFragmentTestFeaturesNV(x.vks, next_types...) end function PipelineRepresentativeFragmentTestStateCreateInfoNV(x::_PipelineRepresentativeFragmentTestStateCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps PipelineRepresentativeFragmentTestStateCreateInfoNV(x.vks, next_types...) end function PhysicalDeviceExclusiveScissorFeaturesNV(x::_PhysicalDeviceExclusiveScissorFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceExclusiveScissorFeaturesNV(x.vks, next_types...) end function PipelineViewportExclusiveScissorStateCreateInfoNV(x::_PipelineViewportExclusiveScissorStateCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps PipelineViewportExclusiveScissorStateCreateInfoNV(x.vks, next_types...) end function PhysicalDeviceCornerSampledImageFeaturesNV(x::_PhysicalDeviceCornerSampledImageFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceCornerSampledImageFeaturesNV(x.vks, next_types...) end function PhysicalDeviceComputeShaderDerivativesFeaturesNV(x::_PhysicalDeviceComputeShaderDerivativesFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceComputeShaderDerivativesFeaturesNV(x.vks, next_types...) end function PhysicalDeviceShaderImageFootprintFeaturesNV(x::_PhysicalDeviceShaderImageFootprintFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderImageFootprintFeaturesNV(x.vks, next_types...) end function PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV(x::_PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV(x.vks, next_types...) end function PhysicalDeviceCopyMemoryIndirectFeaturesNV(x::_PhysicalDeviceCopyMemoryIndirectFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceCopyMemoryIndirectFeaturesNV(x.vks, next_types...) end function PhysicalDeviceCopyMemoryIndirectPropertiesNV(x::_PhysicalDeviceCopyMemoryIndirectPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceCopyMemoryIndirectPropertiesNV(x.vks, next_types...) end function PhysicalDeviceMemoryDecompressionFeaturesNV(x::_PhysicalDeviceMemoryDecompressionFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMemoryDecompressionFeaturesNV(x.vks, next_types...) end function PhysicalDeviceMemoryDecompressionPropertiesNV(x::_PhysicalDeviceMemoryDecompressionPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMemoryDecompressionPropertiesNV(x.vks, next_types...) end function ShadingRatePaletteNV(x::_ShadingRatePaletteNV) (; deps) = x GC.@preserve deps ShadingRatePaletteNV(x.vks, next_types...) end function PipelineViewportShadingRateImageStateCreateInfoNV(x::_PipelineViewportShadingRateImageStateCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps PipelineViewportShadingRateImageStateCreateInfoNV(x.vks, next_types...) end function PhysicalDeviceShadingRateImageFeaturesNV(x::_PhysicalDeviceShadingRateImageFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShadingRateImageFeaturesNV(x.vks, next_types...) end function PhysicalDeviceShadingRateImagePropertiesNV(x::_PhysicalDeviceShadingRateImagePropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShadingRateImagePropertiesNV(x.vks, next_types...) end function PhysicalDeviceInvocationMaskFeaturesHUAWEI(x::_PhysicalDeviceInvocationMaskFeaturesHUAWEI, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceInvocationMaskFeaturesHUAWEI(x.vks, next_types...) end CoarseSampleLocationNV(x::_CoarseSampleLocationNV) = CoarseSampleLocationNV(x.vks) function CoarseSampleOrderCustomNV(x::_CoarseSampleOrderCustomNV) (; deps) = x GC.@preserve deps CoarseSampleOrderCustomNV(x.vks, next_types...) end function PipelineViewportCoarseSampleOrderStateCreateInfoNV(x::_PipelineViewportCoarseSampleOrderStateCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps PipelineViewportCoarseSampleOrderStateCreateInfoNV(x.vks, next_types...) end function PhysicalDeviceMeshShaderFeaturesNV(x::_PhysicalDeviceMeshShaderFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMeshShaderFeaturesNV(x.vks, next_types...) end function PhysicalDeviceMeshShaderPropertiesNV(x::_PhysicalDeviceMeshShaderPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMeshShaderPropertiesNV(x.vks, next_types...) end DrawMeshTasksIndirectCommandNV(x::_DrawMeshTasksIndirectCommandNV) = DrawMeshTasksIndirectCommandNV(x.vks) function PhysicalDeviceMeshShaderFeaturesEXT(x::_PhysicalDeviceMeshShaderFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMeshShaderFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceMeshShaderPropertiesEXT(x::_PhysicalDeviceMeshShaderPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMeshShaderPropertiesEXT(x.vks, next_types...) end DrawMeshTasksIndirectCommandEXT(x::_DrawMeshTasksIndirectCommandEXT) = DrawMeshTasksIndirectCommandEXT(x.vks) function RayTracingShaderGroupCreateInfoNV(x::_RayTracingShaderGroupCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps RayTracingShaderGroupCreateInfoNV(x.vks, next_types...) end function RayTracingShaderGroupCreateInfoKHR(x::_RayTracingShaderGroupCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps RayTracingShaderGroupCreateInfoKHR(x.vks, next_types...) end function RayTracingPipelineCreateInfoNV(x::_RayTracingPipelineCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps RayTracingPipelineCreateInfoNV(x.vks, next_types...) end function RayTracingPipelineCreateInfoKHR(x::_RayTracingPipelineCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps RayTracingPipelineCreateInfoKHR(x.vks, next_types...) end function GeometryTrianglesNV(x::_GeometryTrianglesNV, next_types::Type...) (; deps) = x GC.@preserve deps GeometryTrianglesNV(x.vks, next_types...) end function GeometryAABBNV(x::_GeometryAABBNV, next_types::Type...) (; deps) = x GC.@preserve deps GeometryAABBNV(x.vks, next_types...) end GeometryDataNV(x::_GeometryDataNV) = GeometryDataNV(x.vks) function GeometryNV(x::_GeometryNV, next_types::Type...) (; deps) = x GC.@preserve deps GeometryNV(x.vks, next_types...) end function AccelerationStructureInfoNV(x::_AccelerationStructureInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureInfoNV(x.vks, next_types...) end function AccelerationStructureCreateInfoNV(x::_AccelerationStructureCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureCreateInfoNV(x.vks, next_types...) end function BindAccelerationStructureMemoryInfoNV(x::_BindAccelerationStructureMemoryInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps BindAccelerationStructureMemoryInfoNV(x.vks, next_types...) end function WriteDescriptorSetAccelerationStructureKHR(x::_WriteDescriptorSetAccelerationStructureKHR, next_types::Type...) (; deps) = x GC.@preserve deps WriteDescriptorSetAccelerationStructureKHR(x.vks, next_types...) end function WriteDescriptorSetAccelerationStructureNV(x::_WriteDescriptorSetAccelerationStructureNV, next_types::Type...) (; deps) = x GC.@preserve deps WriteDescriptorSetAccelerationStructureNV(x.vks, next_types...) end function AccelerationStructureMemoryRequirementsInfoNV(x::_AccelerationStructureMemoryRequirementsInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureMemoryRequirementsInfoNV(x.vks, next_types...) end function PhysicalDeviceAccelerationStructureFeaturesKHR(x::_PhysicalDeviceAccelerationStructureFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceAccelerationStructureFeaturesKHR(x.vks, next_types...) end function PhysicalDeviceRayTracingPipelineFeaturesKHR(x::_PhysicalDeviceRayTracingPipelineFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRayTracingPipelineFeaturesKHR(x.vks, next_types...) end function PhysicalDeviceRayQueryFeaturesKHR(x::_PhysicalDeviceRayQueryFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRayQueryFeaturesKHR(x.vks, next_types...) end function PhysicalDeviceAccelerationStructurePropertiesKHR(x::_PhysicalDeviceAccelerationStructurePropertiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceAccelerationStructurePropertiesKHR(x.vks, next_types...) end function PhysicalDeviceRayTracingPipelinePropertiesKHR(x::_PhysicalDeviceRayTracingPipelinePropertiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRayTracingPipelinePropertiesKHR(x.vks, next_types...) end function PhysicalDeviceRayTracingPropertiesNV(x::_PhysicalDeviceRayTracingPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRayTracingPropertiesNV(x.vks, next_types...) end StridedDeviceAddressRegionKHR(x::_StridedDeviceAddressRegionKHR) = StridedDeviceAddressRegionKHR(x.vks) TraceRaysIndirectCommandKHR(x::_TraceRaysIndirectCommandKHR) = TraceRaysIndirectCommandKHR(x.vks) TraceRaysIndirectCommand2KHR(x::_TraceRaysIndirectCommand2KHR) = TraceRaysIndirectCommand2KHR(x.vks) function PhysicalDeviceRayTracingMaintenance1FeaturesKHR(x::_PhysicalDeviceRayTracingMaintenance1FeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRayTracingMaintenance1FeaturesKHR(x.vks, next_types...) end function DrmFormatModifierPropertiesListEXT(x::_DrmFormatModifierPropertiesListEXT, next_types::Type...) (; deps) = x GC.@preserve deps DrmFormatModifierPropertiesListEXT(x.vks, next_types...) end DrmFormatModifierPropertiesEXT(x::_DrmFormatModifierPropertiesEXT) = DrmFormatModifierPropertiesEXT(x.vks) function PhysicalDeviceImageDrmFormatModifierInfoEXT(x::_PhysicalDeviceImageDrmFormatModifierInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceImageDrmFormatModifierInfoEXT(x.vks, next_types...) end function ImageDrmFormatModifierListCreateInfoEXT(x::_ImageDrmFormatModifierListCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ImageDrmFormatModifierListCreateInfoEXT(x.vks, next_types...) end function ImageDrmFormatModifierExplicitCreateInfoEXT(x::_ImageDrmFormatModifierExplicitCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ImageDrmFormatModifierExplicitCreateInfoEXT(x.vks, next_types...) end function ImageDrmFormatModifierPropertiesEXT(x::_ImageDrmFormatModifierPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps ImageDrmFormatModifierPropertiesEXT(x.vks, next_types...) end function ImageStencilUsageCreateInfo(x::_ImageStencilUsageCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps ImageStencilUsageCreateInfo(x.vks, next_types...) end function DeviceMemoryOverallocationCreateInfoAMD(x::_DeviceMemoryOverallocationCreateInfoAMD, next_types::Type...) (; deps) = x GC.@preserve deps DeviceMemoryOverallocationCreateInfoAMD(x.vks, next_types...) end function PhysicalDeviceFragmentDensityMapFeaturesEXT(x::_PhysicalDeviceFragmentDensityMapFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentDensityMapFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceFragmentDensityMap2FeaturesEXT(x::_PhysicalDeviceFragmentDensityMap2FeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentDensityMap2FeaturesEXT(x.vks, next_types...) end function PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM(x::_PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM(x.vks, next_types...) end function PhysicalDeviceFragmentDensityMapPropertiesEXT(x::_PhysicalDeviceFragmentDensityMapPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentDensityMapPropertiesEXT(x.vks, next_types...) end function PhysicalDeviceFragmentDensityMap2PropertiesEXT(x::_PhysicalDeviceFragmentDensityMap2PropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentDensityMap2PropertiesEXT(x.vks, next_types...) end function PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM(x::_PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM(x.vks, next_types...) end function RenderPassFragmentDensityMapCreateInfoEXT(x::_RenderPassFragmentDensityMapCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps RenderPassFragmentDensityMapCreateInfoEXT(x.vks, next_types...) end function SubpassFragmentDensityMapOffsetEndInfoQCOM(x::_SubpassFragmentDensityMapOffsetEndInfoQCOM, next_types::Type...) (; deps) = x GC.@preserve deps SubpassFragmentDensityMapOffsetEndInfoQCOM(x.vks, next_types...) end function PhysicalDeviceScalarBlockLayoutFeatures(x::_PhysicalDeviceScalarBlockLayoutFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceScalarBlockLayoutFeatures(x.vks, next_types...) end function SurfaceProtectedCapabilitiesKHR(x::_SurfaceProtectedCapabilitiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps SurfaceProtectedCapabilitiesKHR(x.vks, next_types...) end function PhysicalDeviceUniformBufferStandardLayoutFeatures(x::_PhysicalDeviceUniformBufferStandardLayoutFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceUniformBufferStandardLayoutFeatures(x.vks, next_types...) end function PhysicalDeviceDepthClipEnableFeaturesEXT(x::_PhysicalDeviceDepthClipEnableFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDepthClipEnableFeaturesEXT(x.vks, next_types...) end function PipelineRasterizationDepthClipStateCreateInfoEXT(x::_PipelineRasterizationDepthClipStateCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineRasterizationDepthClipStateCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceMemoryBudgetPropertiesEXT(x::_PhysicalDeviceMemoryBudgetPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMemoryBudgetPropertiesEXT(x.vks, next_types...) end function PhysicalDeviceMemoryPriorityFeaturesEXT(x::_PhysicalDeviceMemoryPriorityFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMemoryPriorityFeaturesEXT(x.vks, next_types...) end function MemoryPriorityAllocateInfoEXT(x::_MemoryPriorityAllocateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps MemoryPriorityAllocateInfoEXT(x.vks, next_types...) end function PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT(x::_PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceBufferDeviceAddressFeatures(x::_PhysicalDeviceBufferDeviceAddressFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceBufferDeviceAddressFeatures(x.vks, next_types...) end function PhysicalDeviceBufferDeviceAddressFeaturesEXT(x::_PhysicalDeviceBufferDeviceAddressFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceBufferDeviceAddressFeaturesEXT(x.vks, next_types...) end function BufferDeviceAddressInfo(x::_BufferDeviceAddressInfo, next_types::Type...) (; deps) = x GC.@preserve deps BufferDeviceAddressInfo(x.vks, next_types...) end function BufferOpaqueCaptureAddressCreateInfo(x::_BufferOpaqueCaptureAddressCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps BufferOpaqueCaptureAddressCreateInfo(x.vks, next_types...) end function BufferDeviceAddressCreateInfoEXT(x::_BufferDeviceAddressCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps BufferDeviceAddressCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceImageViewImageFormatInfoEXT(x::_PhysicalDeviceImageViewImageFormatInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceImageViewImageFormatInfoEXT(x.vks, next_types...) end function FilterCubicImageViewImageFormatPropertiesEXT(x::_FilterCubicImageViewImageFormatPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps FilterCubicImageViewImageFormatPropertiesEXT(x.vks, next_types...) end function PhysicalDeviceImagelessFramebufferFeatures(x::_PhysicalDeviceImagelessFramebufferFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceImagelessFramebufferFeatures(x.vks, next_types...) end function FramebufferAttachmentsCreateInfo(x::_FramebufferAttachmentsCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps FramebufferAttachmentsCreateInfo(x.vks, next_types...) end function FramebufferAttachmentImageInfo(x::_FramebufferAttachmentImageInfo, next_types::Type...) (; deps) = x GC.@preserve deps FramebufferAttachmentImageInfo(x.vks, next_types...) end function RenderPassAttachmentBeginInfo(x::_RenderPassAttachmentBeginInfo, next_types::Type...) (; deps) = x GC.@preserve deps RenderPassAttachmentBeginInfo(x.vks, next_types...) end function PhysicalDeviceTextureCompressionASTCHDRFeatures(x::_PhysicalDeviceTextureCompressionASTCHDRFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceTextureCompressionASTCHDRFeatures(x.vks, next_types...) end function PhysicalDeviceCooperativeMatrixFeaturesNV(x::_PhysicalDeviceCooperativeMatrixFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceCooperativeMatrixFeaturesNV(x.vks, next_types...) end function PhysicalDeviceCooperativeMatrixPropertiesNV(x::_PhysicalDeviceCooperativeMatrixPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceCooperativeMatrixPropertiesNV(x.vks, next_types...) end function CooperativeMatrixPropertiesNV(x::_CooperativeMatrixPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps CooperativeMatrixPropertiesNV(x.vks, next_types...) end function PhysicalDeviceYcbcrImageArraysFeaturesEXT(x::_PhysicalDeviceYcbcrImageArraysFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceYcbcrImageArraysFeaturesEXT(x.vks, next_types...) end function ImageViewHandleInfoNVX(x::_ImageViewHandleInfoNVX, next_types::Type...) (; deps) = x GC.@preserve deps ImageViewHandleInfoNVX(x.vks, next_types...) end function ImageViewAddressPropertiesNVX(x::_ImageViewAddressPropertiesNVX, next_types::Type...) (; deps) = x GC.@preserve deps ImageViewAddressPropertiesNVX(x.vks, next_types...) end PipelineCreationFeedback(x::_PipelineCreationFeedback) = PipelineCreationFeedback(x.vks) function PipelineCreationFeedbackCreateInfo(x::_PipelineCreationFeedbackCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineCreationFeedbackCreateInfo(x.vks, next_types...) end function PhysicalDevicePresentBarrierFeaturesNV(x::_PhysicalDevicePresentBarrierFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePresentBarrierFeaturesNV(x.vks, next_types...) end function SurfaceCapabilitiesPresentBarrierNV(x::_SurfaceCapabilitiesPresentBarrierNV, next_types::Type...) (; deps) = x GC.@preserve deps SurfaceCapabilitiesPresentBarrierNV(x.vks, next_types...) end function SwapchainPresentBarrierCreateInfoNV(x::_SwapchainPresentBarrierCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps SwapchainPresentBarrierCreateInfoNV(x.vks, next_types...) end function PhysicalDevicePerformanceQueryFeaturesKHR(x::_PhysicalDevicePerformanceQueryFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePerformanceQueryFeaturesKHR(x.vks, next_types...) end function PhysicalDevicePerformanceQueryPropertiesKHR(x::_PhysicalDevicePerformanceQueryPropertiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePerformanceQueryPropertiesKHR(x.vks, next_types...) end function PerformanceCounterKHR(x::_PerformanceCounterKHR, next_types::Type...) (; deps) = x GC.@preserve deps PerformanceCounterKHR(x.vks, next_types...) end function PerformanceCounterDescriptionKHR(x::_PerformanceCounterDescriptionKHR, next_types::Type...) (; deps) = x GC.@preserve deps PerformanceCounterDescriptionKHR(x.vks, next_types...) end function QueryPoolPerformanceCreateInfoKHR(x::_QueryPoolPerformanceCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps QueryPoolPerformanceCreateInfoKHR(x.vks, next_types...) end function AcquireProfilingLockInfoKHR(x::_AcquireProfilingLockInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps AcquireProfilingLockInfoKHR(x.vks, next_types...) end function PerformanceQuerySubmitInfoKHR(x::_PerformanceQuerySubmitInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps PerformanceQuerySubmitInfoKHR(x.vks, next_types...) end function HeadlessSurfaceCreateInfoEXT(x::_HeadlessSurfaceCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps HeadlessSurfaceCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceCoverageReductionModeFeaturesNV(x::_PhysicalDeviceCoverageReductionModeFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceCoverageReductionModeFeaturesNV(x.vks, next_types...) end function PipelineCoverageReductionStateCreateInfoNV(x::_PipelineCoverageReductionStateCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps PipelineCoverageReductionStateCreateInfoNV(x.vks, next_types...) end function FramebufferMixedSamplesCombinationNV(x::_FramebufferMixedSamplesCombinationNV, next_types::Type...) (; deps) = x GC.@preserve deps FramebufferMixedSamplesCombinationNV(x.vks, next_types...) end function PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL(x::_PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL(x.vks, next_types...) end PerformanceValueINTEL(x::_PerformanceValueINTEL) = PerformanceValueINTEL(x.vks) function InitializePerformanceApiInfoINTEL(x::_InitializePerformanceApiInfoINTEL, next_types::Type...) (; deps) = x GC.@preserve deps InitializePerformanceApiInfoINTEL(x.vks, next_types...) end function QueryPoolPerformanceQueryCreateInfoINTEL(x::_QueryPoolPerformanceQueryCreateInfoINTEL, next_types::Type...) (; deps) = x GC.@preserve deps QueryPoolPerformanceQueryCreateInfoINTEL(x.vks, next_types...) end function PerformanceMarkerInfoINTEL(x::_PerformanceMarkerInfoINTEL, next_types::Type...) (; deps) = x GC.@preserve deps PerformanceMarkerInfoINTEL(x.vks, next_types...) end function PerformanceStreamMarkerInfoINTEL(x::_PerformanceStreamMarkerInfoINTEL, next_types::Type...) (; deps) = x GC.@preserve deps PerformanceStreamMarkerInfoINTEL(x.vks, next_types...) end function PerformanceOverrideInfoINTEL(x::_PerformanceOverrideInfoINTEL, next_types::Type...) (; deps) = x GC.@preserve deps PerformanceOverrideInfoINTEL(x.vks, next_types...) end function PerformanceConfigurationAcquireInfoINTEL(x::_PerformanceConfigurationAcquireInfoINTEL, next_types::Type...) (; deps) = x GC.@preserve deps PerformanceConfigurationAcquireInfoINTEL(x.vks, next_types...) end function PhysicalDeviceShaderClockFeaturesKHR(x::_PhysicalDeviceShaderClockFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderClockFeaturesKHR(x.vks, next_types...) end function PhysicalDeviceIndexTypeUint8FeaturesEXT(x::_PhysicalDeviceIndexTypeUint8FeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceIndexTypeUint8FeaturesEXT(x.vks, next_types...) end function PhysicalDeviceShaderSMBuiltinsPropertiesNV(x::_PhysicalDeviceShaderSMBuiltinsPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderSMBuiltinsPropertiesNV(x.vks, next_types...) end function PhysicalDeviceShaderSMBuiltinsFeaturesNV(x::_PhysicalDeviceShaderSMBuiltinsFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderSMBuiltinsFeaturesNV(x.vks, next_types...) end function PhysicalDeviceFragmentShaderInterlockFeaturesEXT(x::_PhysicalDeviceFragmentShaderInterlockFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentShaderInterlockFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceSeparateDepthStencilLayoutsFeatures(x::_PhysicalDeviceSeparateDepthStencilLayoutsFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSeparateDepthStencilLayoutsFeatures(x.vks, next_types...) end function AttachmentReferenceStencilLayout(x::_AttachmentReferenceStencilLayout, next_types::Type...) (; deps) = x GC.@preserve deps AttachmentReferenceStencilLayout(x.vks, next_types...) end function PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT(x::_PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT(x.vks, next_types...) end function AttachmentDescriptionStencilLayout(x::_AttachmentDescriptionStencilLayout, next_types::Type...) (; deps) = x GC.@preserve deps AttachmentDescriptionStencilLayout(x.vks, next_types...) end function PhysicalDevicePipelineExecutablePropertiesFeaturesKHR(x::_PhysicalDevicePipelineExecutablePropertiesFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePipelineExecutablePropertiesFeaturesKHR(x.vks, next_types...) end function PipelineInfoKHR(x::_PipelineInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps PipelineInfoKHR(x.vks, next_types...) end function PipelineExecutablePropertiesKHR(x::_PipelineExecutablePropertiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PipelineExecutablePropertiesKHR(x.vks, next_types...) end function PipelineExecutableInfoKHR(x::_PipelineExecutableInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps PipelineExecutableInfoKHR(x.vks, next_types...) end function PipelineExecutableStatisticKHR(x::_PipelineExecutableStatisticKHR, next_types::Type...) (; deps) = x GC.@preserve deps PipelineExecutableStatisticKHR(x.vks, next_types...) end function PipelineExecutableInternalRepresentationKHR(x::_PipelineExecutableInternalRepresentationKHR, next_types::Type...) (; deps) = x GC.@preserve deps PipelineExecutableInternalRepresentationKHR(x.vks, next_types...) end function PhysicalDeviceShaderDemoteToHelperInvocationFeatures(x::_PhysicalDeviceShaderDemoteToHelperInvocationFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderDemoteToHelperInvocationFeatures(x.vks, next_types...) end function PhysicalDeviceTexelBufferAlignmentFeaturesEXT(x::_PhysicalDeviceTexelBufferAlignmentFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceTexelBufferAlignmentFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceTexelBufferAlignmentProperties(x::_PhysicalDeviceTexelBufferAlignmentProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceTexelBufferAlignmentProperties(x.vks, next_types...) end function PhysicalDeviceSubgroupSizeControlFeatures(x::_PhysicalDeviceSubgroupSizeControlFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSubgroupSizeControlFeatures(x.vks, next_types...) end function PhysicalDeviceSubgroupSizeControlProperties(x::_PhysicalDeviceSubgroupSizeControlProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSubgroupSizeControlProperties(x.vks, next_types...) end function PipelineShaderStageRequiredSubgroupSizeCreateInfo(x::_PipelineShaderStageRequiredSubgroupSizeCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineShaderStageRequiredSubgroupSizeCreateInfo(x.vks, next_types...) end function SubpassShadingPipelineCreateInfoHUAWEI(x::_SubpassShadingPipelineCreateInfoHUAWEI, next_types::Type...) (; deps) = x GC.@preserve deps SubpassShadingPipelineCreateInfoHUAWEI(x.vks, next_types...) end function PhysicalDeviceSubpassShadingPropertiesHUAWEI(x::_PhysicalDeviceSubpassShadingPropertiesHUAWEI, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSubpassShadingPropertiesHUAWEI(x.vks, next_types...) end function PhysicalDeviceClusterCullingShaderPropertiesHUAWEI(x::_PhysicalDeviceClusterCullingShaderPropertiesHUAWEI, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceClusterCullingShaderPropertiesHUAWEI(x.vks, next_types...) end function MemoryOpaqueCaptureAddressAllocateInfo(x::_MemoryOpaqueCaptureAddressAllocateInfo, next_types::Type...) (; deps) = x GC.@preserve deps MemoryOpaqueCaptureAddressAllocateInfo(x.vks, next_types...) end function DeviceMemoryOpaqueCaptureAddressInfo(x::_DeviceMemoryOpaqueCaptureAddressInfo, next_types::Type...) (; deps) = x GC.@preserve deps DeviceMemoryOpaqueCaptureAddressInfo(x.vks, next_types...) end function PhysicalDeviceLineRasterizationFeaturesEXT(x::_PhysicalDeviceLineRasterizationFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceLineRasterizationFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceLineRasterizationPropertiesEXT(x::_PhysicalDeviceLineRasterizationPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceLineRasterizationPropertiesEXT(x.vks, next_types...) end function PipelineRasterizationLineStateCreateInfoEXT(x::_PipelineRasterizationLineStateCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineRasterizationLineStateCreateInfoEXT(x.vks, next_types...) end function PhysicalDevicePipelineCreationCacheControlFeatures(x::_PhysicalDevicePipelineCreationCacheControlFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePipelineCreationCacheControlFeatures(x.vks, next_types...) end function PhysicalDeviceVulkan11Features(x::_PhysicalDeviceVulkan11Features, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceVulkan11Features(x.vks, next_types...) end function PhysicalDeviceVulkan11Properties(x::_PhysicalDeviceVulkan11Properties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceVulkan11Properties(x.vks, next_types...) end function PhysicalDeviceVulkan12Features(x::_PhysicalDeviceVulkan12Features, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceVulkan12Features(x.vks, next_types...) end function PhysicalDeviceVulkan12Properties(x::_PhysicalDeviceVulkan12Properties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceVulkan12Properties(x.vks, next_types...) end function PhysicalDeviceVulkan13Features(x::_PhysicalDeviceVulkan13Features, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceVulkan13Features(x.vks, next_types...) end function PhysicalDeviceVulkan13Properties(x::_PhysicalDeviceVulkan13Properties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceVulkan13Properties(x.vks, next_types...) end function PipelineCompilerControlCreateInfoAMD(x::_PipelineCompilerControlCreateInfoAMD, next_types::Type...) (; deps) = x GC.@preserve deps PipelineCompilerControlCreateInfoAMD(x.vks, next_types...) end function PhysicalDeviceCoherentMemoryFeaturesAMD(x::_PhysicalDeviceCoherentMemoryFeaturesAMD, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceCoherentMemoryFeaturesAMD(x.vks, next_types...) end function PhysicalDeviceToolProperties(x::_PhysicalDeviceToolProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceToolProperties(x.vks, next_types...) end function SamplerCustomBorderColorCreateInfoEXT(x::_SamplerCustomBorderColorCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps SamplerCustomBorderColorCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceCustomBorderColorPropertiesEXT(x::_PhysicalDeviceCustomBorderColorPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceCustomBorderColorPropertiesEXT(x.vks, next_types...) end function PhysicalDeviceCustomBorderColorFeaturesEXT(x::_PhysicalDeviceCustomBorderColorFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceCustomBorderColorFeaturesEXT(x.vks, next_types...) end function SamplerBorderColorComponentMappingCreateInfoEXT(x::_SamplerBorderColorComponentMappingCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps SamplerBorderColorComponentMappingCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceBorderColorSwizzleFeaturesEXT(x::_PhysicalDeviceBorderColorSwizzleFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceBorderColorSwizzleFeaturesEXT(x.vks, next_types...) end function AccelerationStructureGeometryTrianglesDataKHR(x::_AccelerationStructureGeometryTrianglesDataKHR, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureGeometryTrianglesDataKHR(x.vks, next_types...) end function AccelerationStructureGeometryAabbsDataKHR(x::_AccelerationStructureGeometryAabbsDataKHR, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureGeometryAabbsDataKHR(x.vks, next_types...) end function AccelerationStructureGeometryInstancesDataKHR(x::_AccelerationStructureGeometryInstancesDataKHR, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureGeometryInstancesDataKHR(x.vks, next_types...) end function AccelerationStructureGeometryKHR(x::_AccelerationStructureGeometryKHR, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureGeometryKHR(x.vks, next_types...) end function AccelerationStructureBuildGeometryInfoKHR(x::_AccelerationStructureBuildGeometryInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureBuildGeometryInfoKHR(x.vks, next_types...) end AccelerationStructureBuildRangeInfoKHR(x::_AccelerationStructureBuildRangeInfoKHR) = AccelerationStructureBuildRangeInfoKHR(x.vks) function AccelerationStructureCreateInfoKHR(x::_AccelerationStructureCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureCreateInfoKHR(x.vks, next_types...) end AabbPositionsKHR(x::_AabbPositionsKHR) = AabbPositionsKHR(x.vks) TransformMatrixKHR(x::_TransformMatrixKHR) = TransformMatrixKHR(x.vks) AccelerationStructureInstanceKHR(x::_AccelerationStructureInstanceKHR) = AccelerationStructureInstanceKHR(x.vks) function AccelerationStructureDeviceAddressInfoKHR(x::_AccelerationStructureDeviceAddressInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureDeviceAddressInfoKHR(x.vks, next_types...) end function AccelerationStructureVersionInfoKHR(x::_AccelerationStructureVersionInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureVersionInfoKHR(x.vks, next_types...) end function CopyAccelerationStructureInfoKHR(x::_CopyAccelerationStructureInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps CopyAccelerationStructureInfoKHR(x.vks, next_types...) end function CopyAccelerationStructureToMemoryInfoKHR(x::_CopyAccelerationStructureToMemoryInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps CopyAccelerationStructureToMemoryInfoKHR(x.vks, next_types...) end function CopyMemoryToAccelerationStructureInfoKHR(x::_CopyMemoryToAccelerationStructureInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps CopyMemoryToAccelerationStructureInfoKHR(x.vks, next_types...) end function RayTracingPipelineInterfaceCreateInfoKHR(x::_RayTracingPipelineInterfaceCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps RayTracingPipelineInterfaceCreateInfoKHR(x.vks, next_types...) end function PipelineLibraryCreateInfoKHR(x::_PipelineLibraryCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps PipelineLibraryCreateInfoKHR(x.vks, next_types...) end function PhysicalDeviceExtendedDynamicStateFeaturesEXT(x::_PhysicalDeviceExtendedDynamicStateFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceExtendedDynamicStateFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceExtendedDynamicState2FeaturesEXT(x::_PhysicalDeviceExtendedDynamicState2FeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceExtendedDynamicState2FeaturesEXT(x.vks, next_types...) end function PhysicalDeviceExtendedDynamicState3FeaturesEXT(x::_PhysicalDeviceExtendedDynamicState3FeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceExtendedDynamicState3FeaturesEXT(x.vks, next_types...) end function PhysicalDeviceExtendedDynamicState3PropertiesEXT(x::_PhysicalDeviceExtendedDynamicState3PropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceExtendedDynamicState3PropertiesEXT(x.vks, next_types...) end ColorBlendEquationEXT(x::_ColorBlendEquationEXT) = ColorBlendEquationEXT(x.vks) ColorBlendAdvancedEXT(x::_ColorBlendAdvancedEXT) = ColorBlendAdvancedEXT(x.vks) function RenderPassTransformBeginInfoQCOM(x::_RenderPassTransformBeginInfoQCOM, next_types::Type...) (; deps) = x GC.@preserve deps RenderPassTransformBeginInfoQCOM(x.vks, next_types...) end function CopyCommandTransformInfoQCOM(x::_CopyCommandTransformInfoQCOM, next_types::Type...) (; deps) = x GC.@preserve deps CopyCommandTransformInfoQCOM(x.vks, next_types...) end function CommandBufferInheritanceRenderPassTransformInfoQCOM(x::_CommandBufferInheritanceRenderPassTransformInfoQCOM, next_types::Type...) (; deps) = x GC.@preserve deps CommandBufferInheritanceRenderPassTransformInfoQCOM(x.vks, next_types...) end function PhysicalDeviceDiagnosticsConfigFeaturesNV(x::_PhysicalDeviceDiagnosticsConfigFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDiagnosticsConfigFeaturesNV(x.vks, next_types...) end function DeviceDiagnosticsConfigCreateInfoNV(x::_DeviceDiagnosticsConfigCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps DeviceDiagnosticsConfigCreateInfoNV(x.vks, next_types...) end function PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures(x::_PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures(x.vks, next_types...) end function PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR(x::_PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR(x.vks, next_types...) end function PhysicalDeviceRobustness2FeaturesEXT(x::_PhysicalDeviceRobustness2FeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRobustness2FeaturesEXT(x.vks, next_types...) end function PhysicalDeviceRobustness2PropertiesEXT(x::_PhysicalDeviceRobustness2PropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRobustness2PropertiesEXT(x.vks, next_types...) end function PhysicalDeviceImageRobustnessFeatures(x::_PhysicalDeviceImageRobustnessFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceImageRobustnessFeatures(x.vks, next_types...) end function PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR(x::_PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR(x.vks, next_types...) end function PhysicalDevice4444FormatsFeaturesEXT(x::_PhysicalDevice4444FormatsFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevice4444FormatsFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceSubpassShadingFeaturesHUAWEI(x::_PhysicalDeviceSubpassShadingFeaturesHUAWEI, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSubpassShadingFeaturesHUAWEI(x.vks, next_types...) end function PhysicalDeviceClusterCullingShaderFeaturesHUAWEI(x::_PhysicalDeviceClusterCullingShaderFeaturesHUAWEI, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceClusterCullingShaderFeaturesHUAWEI(x.vks, next_types...) end function BufferCopy2(x::_BufferCopy2, next_types::Type...) (; deps) = x GC.@preserve deps BufferCopy2(x.vks, next_types...) end function ImageCopy2(x::_ImageCopy2, next_types::Type...) (; deps) = x GC.@preserve deps ImageCopy2(x.vks, next_types...) end function ImageBlit2(x::_ImageBlit2, next_types::Type...) (; deps) = x GC.@preserve deps ImageBlit2(x.vks, next_types...) end function BufferImageCopy2(x::_BufferImageCopy2, next_types::Type...) (; deps) = x GC.@preserve deps BufferImageCopy2(x.vks, next_types...) end function ImageResolve2(x::_ImageResolve2, next_types::Type...) (; deps) = x GC.@preserve deps ImageResolve2(x.vks, next_types...) end function CopyBufferInfo2(x::_CopyBufferInfo2, next_types::Type...) (; deps) = x GC.@preserve deps CopyBufferInfo2(x.vks, next_types...) end function CopyImageInfo2(x::_CopyImageInfo2, next_types::Type...) (; deps) = x GC.@preserve deps CopyImageInfo2(x.vks, next_types...) end function BlitImageInfo2(x::_BlitImageInfo2, next_types::Type...) (; deps) = x GC.@preserve deps BlitImageInfo2(x.vks, next_types...) end function CopyBufferToImageInfo2(x::_CopyBufferToImageInfo2, next_types::Type...) (; deps) = x GC.@preserve deps CopyBufferToImageInfo2(x.vks, next_types...) end function CopyImageToBufferInfo2(x::_CopyImageToBufferInfo2, next_types::Type...) (; deps) = x GC.@preserve deps CopyImageToBufferInfo2(x.vks, next_types...) end function ResolveImageInfo2(x::_ResolveImageInfo2, next_types::Type...) (; deps) = x GC.@preserve deps ResolveImageInfo2(x.vks, next_types...) end function PhysicalDeviceShaderImageAtomicInt64FeaturesEXT(x::_PhysicalDeviceShaderImageAtomicInt64FeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderImageAtomicInt64FeaturesEXT(x.vks, next_types...) end function FragmentShadingRateAttachmentInfoKHR(x::_FragmentShadingRateAttachmentInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps FragmentShadingRateAttachmentInfoKHR(x.vks, next_types...) end function PipelineFragmentShadingRateStateCreateInfoKHR(x::_PipelineFragmentShadingRateStateCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps PipelineFragmentShadingRateStateCreateInfoKHR(x.vks, next_types...) end function PhysicalDeviceFragmentShadingRateFeaturesKHR(x::_PhysicalDeviceFragmentShadingRateFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentShadingRateFeaturesKHR(x.vks, next_types...) end function PhysicalDeviceFragmentShadingRatePropertiesKHR(x::_PhysicalDeviceFragmentShadingRatePropertiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentShadingRatePropertiesKHR(x.vks, next_types...) end function PhysicalDeviceFragmentShadingRateKHR(x::_PhysicalDeviceFragmentShadingRateKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentShadingRateKHR(x.vks, next_types...) end function PhysicalDeviceShaderTerminateInvocationFeatures(x::_PhysicalDeviceShaderTerminateInvocationFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderTerminateInvocationFeatures(x.vks, next_types...) end function PhysicalDeviceFragmentShadingRateEnumsFeaturesNV(x::_PhysicalDeviceFragmentShadingRateEnumsFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentShadingRateEnumsFeaturesNV(x.vks, next_types...) end function PhysicalDeviceFragmentShadingRateEnumsPropertiesNV(x::_PhysicalDeviceFragmentShadingRateEnumsPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentShadingRateEnumsPropertiesNV(x.vks, next_types...) end function PipelineFragmentShadingRateEnumStateCreateInfoNV(x::_PipelineFragmentShadingRateEnumStateCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps PipelineFragmentShadingRateEnumStateCreateInfoNV(x.vks, next_types...) end function AccelerationStructureBuildSizesInfoKHR(x::_AccelerationStructureBuildSizesInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureBuildSizesInfoKHR(x.vks, next_types...) end function PhysicalDeviceImage2DViewOf3DFeaturesEXT(x::_PhysicalDeviceImage2DViewOf3DFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceImage2DViewOf3DFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceMutableDescriptorTypeFeaturesEXT(x::_PhysicalDeviceMutableDescriptorTypeFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMutableDescriptorTypeFeaturesEXT(x.vks, next_types...) end function MutableDescriptorTypeListEXT(x::_MutableDescriptorTypeListEXT) (; deps) = x GC.@preserve deps MutableDescriptorTypeListEXT(x.vks, next_types...) end function MutableDescriptorTypeCreateInfoEXT(x::_MutableDescriptorTypeCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps MutableDescriptorTypeCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceDepthClipControlFeaturesEXT(x::_PhysicalDeviceDepthClipControlFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDepthClipControlFeaturesEXT(x.vks, next_types...) end function PipelineViewportDepthClipControlCreateInfoEXT(x::_PipelineViewportDepthClipControlCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineViewportDepthClipControlCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceVertexInputDynamicStateFeaturesEXT(x::_PhysicalDeviceVertexInputDynamicStateFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceVertexInputDynamicStateFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceExternalMemoryRDMAFeaturesNV(x::_PhysicalDeviceExternalMemoryRDMAFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceExternalMemoryRDMAFeaturesNV(x.vks, next_types...) end function VertexInputBindingDescription2EXT(x::_VertexInputBindingDescription2EXT, next_types::Type...) (; deps) = x GC.@preserve deps VertexInputBindingDescription2EXT(x.vks, next_types...) end function VertexInputAttributeDescription2EXT(x::_VertexInputAttributeDescription2EXT, next_types::Type...) (; deps) = x GC.@preserve deps VertexInputAttributeDescription2EXT(x.vks, next_types...) end function PhysicalDeviceColorWriteEnableFeaturesEXT(x::_PhysicalDeviceColorWriteEnableFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceColorWriteEnableFeaturesEXT(x.vks, next_types...) end function PipelineColorWriteCreateInfoEXT(x::_PipelineColorWriteCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineColorWriteCreateInfoEXT(x.vks, next_types...) end function MemoryBarrier2(x::_MemoryBarrier2, next_types::Type...) (; deps) = x GC.@preserve deps MemoryBarrier2(x.vks, next_types...) end function ImageMemoryBarrier2(x::_ImageMemoryBarrier2, next_types::Type...) (; deps) = x GC.@preserve deps ImageMemoryBarrier2(x.vks, next_types...) end function BufferMemoryBarrier2(x::_BufferMemoryBarrier2, next_types::Type...) (; deps) = x GC.@preserve deps BufferMemoryBarrier2(x.vks, next_types...) end function DependencyInfo(x::_DependencyInfo, next_types::Type...) (; deps) = x GC.@preserve deps DependencyInfo(x.vks, next_types...) end function SemaphoreSubmitInfo(x::_SemaphoreSubmitInfo, next_types::Type...) (; deps) = x GC.@preserve deps SemaphoreSubmitInfo(x.vks, next_types...) end function CommandBufferSubmitInfo(x::_CommandBufferSubmitInfo, next_types::Type...) (; deps) = x GC.@preserve deps CommandBufferSubmitInfo(x.vks, next_types...) end function SubmitInfo2(x::_SubmitInfo2, next_types::Type...) (; deps) = x GC.@preserve deps SubmitInfo2(x.vks, next_types...) end function QueueFamilyCheckpointProperties2NV(x::_QueueFamilyCheckpointProperties2NV, next_types::Type...) (; deps) = x GC.@preserve deps QueueFamilyCheckpointProperties2NV(x.vks, next_types...) end function CheckpointData2NV(x::_CheckpointData2NV, next_types::Type...) (; deps) = x GC.@preserve deps CheckpointData2NV(x.vks, next_types...) end function PhysicalDeviceSynchronization2Features(x::_PhysicalDeviceSynchronization2Features, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSynchronization2Features(x.vks, next_types...) end function PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT(x::_PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceLegacyDitheringFeaturesEXT(x::_PhysicalDeviceLegacyDitheringFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceLegacyDitheringFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT(x::_PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT(x.vks, next_types...) end function SubpassResolvePerformanceQueryEXT(x::_SubpassResolvePerformanceQueryEXT, next_types::Type...) (; deps) = x GC.@preserve deps SubpassResolvePerformanceQueryEXT(x.vks, next_types...) end function MultisampledRenderToSingleSampledInfoEXT(x::_MultisampledRenderToSingleSampledInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps MultisampledRenderToSingleSampledInfoEXT(x.vks, next_types...) end function PhysicalDevicePipelineProtectedAccessFeaturesEXT(x::_PhysicalDevicePipelineProtectedAccessFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePipelineProtectedAccessFeaturesEXT(x.vks, next_types...) end function QueueFamilyVideoPropertiesKHR(x::_QueueFamilyVideoPropertiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps QueueFamilyVideoPropertiesKHR(x.vks, next_types...) end function QueueFamilyQueryResultStatusPropertiesKHR(x::_QueueFamilyQueryResultStatusPropertiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps QueueFamilyQueryResultStatusPropertiesKHR(x.vks, next_types...) end function VideoProfileListInfoKHR(x::_VideoProfileListInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoProfileListInfoKHR(x.vks, next_types...) end function PhysicalDeviceVideoFormatInfoKHR(x::_PhysicalDeviceVideoFormatInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceVideoFormatInfoKHR(x.vks, next_types...) end function VideoFormatPropertiesKHR(x::_VideoFormatPropertiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoFormatPropertiesKHR(x.vks, next_types...) end function VideoProfileInfoKHR(x::_VideoProfileInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoProfileInfoKHR(x.vks, next_types...) end function VideoCapabilitiesKHR(x::_VideoCapabilitiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoCapabilitiesKHR(x.vks, next_types...) end function VideoSessionMemoryRequirementsKHR(x::_VideoSessionMemoryRequirementsKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoSessionMemoryRequirementsKHR(x.vks, next_types...) end function BindVideoSessionMemoryInfoKHR(x::_BindVideoSessionMemoryInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps BindVideoSessionMemoryInfoKHR(x.vks, next_types...) end function VideoPictureResourceInfoKHR(x::_VideoPictureResourceInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoPictureResourceInfoKHR(x.vks, next_types...) end function VideoReferenceSlotInfoKHR(x::_VideoReferenceSlotInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoReferenceSlotInfoKHR(x.vks, next_types...) end function VideoDecodeCapabilitiesKHR(x::_VideoDecodeCapabilitiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeCapabilitiesKHR(x.vks, next_types...) end function VideoDecodeUsageInfoKHR(x::_VideoDecodeUsageInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeUsageInfoKHR(x.vks, next_types...) end function VideoDecodeInfoKHR(x::_VideoDecodeInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeInfoKHR(x.vks, next_types...) end function VideoDecodeH264ProfileInfoKHR(x::_VideoDecodeH264ProfileInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeH264ProfileInfoKHR(x.vks, next_types...) end function VideoDecodeH264CapabilitiesKHR(x::_VideoDecodeH264CapabilitiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeH264CapabilitiesKHR(x.vks, next_types...) end function VideoDecodeH264SessionParametersAddInfoKHR(x::_VideoDecodeH264SessionParametersAddInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeH264SessionParametersAddInfoKHR(x.vks, next_types...) end function VideoDecodeH264SessionParametersCreateInfoKHR(x::_VideoDecodeH264SessionParametersCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeH264SessionParametersCreateInfoKHR(x.vks, next_types...) end function VideoDecodeH264PictureInfoKHR(x::_VideoDecodeH264PictureInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeH264PictureInfoKHR(x.vks, next_types...) end function VideoDecodeH264DpbSlotInfoKHR(x::_VideoDecodeH264DpbSlotInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeH264DpbSlotInfoKHR(x.vks, next_types...) end function VideoDecodeH265ProfileInfoKHR(x::_VideoDecodeH265ProfileInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeH265ProfileInfoKHR(x.vks, next_types...) end function VideoDecodeH265CapabilitiesKHR(x::_VideoDecodeH265CapabilitiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeH265CapabilitiesKHR(x.vks, next_types...) end function VideoDecodeH265SessionParametersAddInfoKHR(x::_VideoDecodeH265SessionParametersAddInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeH265SessionParametersAddInfoKHR(x.vks, next_types...) end function VideoDecodeH265SessionParametersCreateInfoKHR(x::_VideoDecodeH265SessionParametersCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeH265SessionParametersCreateInfoKHR(x.vks, next_types...) end function VideoDecodeH265PictureInfoKHR(x::_VideoDecodeH265PictureInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeH265PictureInfoKHR(x.vks, next_types...) end function VideoDecodeH265DpbSlotInfoKHR(x::_VideoDecodeH265DpbSlotInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeH265DpbSlotInfoKHR(x.vks, next_types...) end function VideoSessionCreateInfoKHR(x::_VideoSessionCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoSessionCreateInfoKHR(x.vks, next_types...) end function VideoSessionParametersCreateInfoKHR(x::_VideoSessionParametersCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoSessionParametersCreateInfoKHR(x.vks, next_types...) end function VideoSessionParametersUpdateInfoKHR(x::_VideoSessionParametersUpdateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoSessionParametersUpdateInfoKHR(x.vks, next_types...) end function VideoBeginCodingInfoKHR(x::_VideoBeginCodingInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoBeginCodingInfoKHR(x.vks, next_types...) end function VideoEndCodingInfoKHR(x::_VideoEndCodingInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoEndCodingInfoKHR(x.vks, next_types...) end function VideoCodingControlInfoKHR(x::_VideoCodingControlInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoCodingControlInfoKHR(x.vks, next_types...) end function PhysicalDeviceInheritedViewportScissorFeaturesNV(x::_PhysicalDeviceInheritedViewportScissorFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceInheritedViewportScissorFeaturesNV(x.vks, next_types...) end function CommandBufferInheritanceViewportScissorInfoNV(x::_CommandBufferInheritanceViewportScissorInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps CommandBufferInheritanceViewportScissorInfoNV(x.vks, next_types...) end function PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT(x::_PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceProvokingVertexFeaturesEXT(x::_PhysicalDeviceProvokingVertexFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceProvokingVertexFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceProvokingVertexPropertiesEXT(x::_PhysicalDeviceProvokingVertexPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceProvokingVertexPropertiesEXT(x.vks, next_types...) end function PipelineRasterizationProvokingVertexStateCreateInfoEXT(x::_PipelineRasterizationProvokingVertexStateCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineRasterizationProvokingVertexStateCreateInfoEXT(x.vks, next_types...) end function CuModuleCreateInfoNVX(x::_CuModuleCreateInfoNVX, next_types::Type...) (; deps) = x GC.@preserve deps CuModuleCreateInfoNVX(x.vks, next_types...) end function CuFunctionCreateInfoNVX(x::_CuFunctionCreateInfoNVX, next_types::Type...) (; deps) = x GC.@preserve deps CuFunctionCreateInfoNVX(x.vks, next_types...) end function CuLaunchInfoNVX(x::_CuLaunchInfoNVX, next_types::Type...) (; deps) = x GC.@preserve deps CuLaunchInfoNVX(x.vks, next_types...) end function PhysicalDeviceDescriptorBufferFeaturesEXT(x::_PhysicalDeviceDescriptorBufferFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDescriptorBufferFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceDescriptorBufferPropertiesEXT(x::_PhysicalDeviceDescriptorBufferPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDescriptorBufferPropertiesEXT(x.vks, next_types...) end function PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT(x::_PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT(x.vks, next_types...) end function DescriptorAddressInfoEXT(x::_DescriptorAddressInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorAddressInfoEXT(x.vks, next_types...) end function DescriptorBufferBindingInfoEXT(x::_DescriptorBufferBindingInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorBufferBindingInfoEXT(x.vks, next_types...) end function DescriptorBufferBindingPushDescriptorBufferHandleEXT(x::_DescriptorBufferBindingPushDescriptorBufferHandleEXT, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorBufferBindingPushDescriptorBufferHandleEXT(x.vks, next_types...) end function DescriptorGetInfoEXT(x::_DescriptorGetInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorGetInfoEXT(x.vks, next_types...) end function BufferCaptureDescriptorDataInfoEXT(x::_BufferCaptureDescriptorDataInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps BufferCaptureDescriptorDataInfoEXT(x.vks, next_types...) end function ImageCaptureDescriptorDataInfoEXT(x::_ImageCaptureDescriptorDataInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ImageCaptureDescriptorDataInfoEXT(x.vks, next_types...) end function ImageViewCaptureDescriptorDataInfoEXT(x::_ImageViewCaptureDescriptorDataInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ImageViewCaptureDescriptorDataInfoEXT(x.vks, next_types...) end function SamplerCaptureDescriptorDataInfoEXT(x::_SamplerCaptureDescriptorDataInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps SamplerCaptureDescriptorDataInfoEXT(x.vks, next_types...) end function AccelerationStructureCaptureDescriptorDataInfoEXT(x::_AccelerationStructureCaptureDescriptorDataInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureCaptureDescriptorDataInfoEXT(x.vks, next_types...) end function OpaqueCaptureDescriptorDataCreateInfoEXT(x::_OpaqueCaptureDescriptorDataCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps OpaqueCaptureDescriptorDataCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceShaderIntegerDotProductFeatures(x::_PhysicalDeviceShaderIntegerDotProductFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderIntegerDotProductFeatures(x.vks, next_types...) end function PhysicalDeviceShaderIntegerDotProductProperties(x::_PhysicalDeviceShaderIntegerDotProductProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderIntegerDotProductProperties(x.vks, next_types...) end function PhysicalDeviceDrmPropertiesEXT(x::_PhysicalDeviceDrmPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDrmPropertiesEXT(x.vks, next_types...) end function PhysicalDeviceFragmentShaderBarycentricFeaturesKHR(x::_PhysicalDeviceFragmentShaderBarycentricFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentShaderBarycentricFeaturesKHR(x.vks, next_types...) end function PhysicalDeviceFragmentShaderBarycentricPropertiesKHR(x::_PhysicalDeviceFragmentShaderBarycentricPropertiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentShaderBarycentricPropertiesKHR(x.vks, next_types...) end function PhysicalDeviceRayTracingMotionBlurFeaturesNV(x::_PhysicalDeviceRayTracingMotionBlurFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRayTracingMotionBlurFeaturesNV(x.vks, next_types...) end function AccelerationStructureGeometryMotionTrianglesDataNV(x::_AccelerationStructureGeometryMotionTrianglesDataNV, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureGeometryMotionTrianglesDataNV(x.vks, next_types...) end function AccelerationStructureMotionInfoNV(x::_AccelerationStructureMotionInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureMotionInfoNV(x.vks, next_types...) end SRTDataNV(x::_SRTDataNV) = SRTDataNV(x.vks) AccelerationStructureSRTMotionInstanceNV(x::_AccelerationStructureSRTMotionInstanceNV) = AccelerationStructureSRTMotionInstanceNV(x.vks) AccelerationStructureMatrixMotionInstanceNV(x::_AccelerationStructureMatrixMotionInstanceNV) = AccelerationStructureMatrixMotionInstanceNV(x.vks) AccelerationStructureMotionInstanceNV(x::_AccelerationStructureMotionInstanceNV) = AccelerationStructureMotionInstanceNV(x.vks) function MemoryGetRemoteAddressInfoNV(x::_MemoryGetRemoteAddressInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps MemoryGetRemoteAddressInfoNV(x.vks, next_types...) end function PhysicalDeviceRGBA10X6FormatsFeaturesEXT(x::_PhysicalDeviceRGBA10X6FormatsFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRGBA10X6FormatsFeaturesEXT(x.vks, next_types...) end function FormatProperties3(x::_FormatProperties3, next_types::Type...) (; deps) = x GC.@preserve deps FormatProperties3(x.vks, next_types...) end function DrmFormatModifierPropertiesList2EXT(x::_DrmFormatModifierPropertiesList2EXT, next_types::Type...) (; deps) = x GC.@preserve deps DrmFormatModifierPropertiesList2EXT(x.vks, next_types...) end DrmFormatModifierProperties2EXT(x::_DrmFormatModifierProperties2EXT) = DrmFormatModifierProperties2EXT(x.vks) function PipelineRenderingCreateInfo(x::_PipelineRenderingCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineRenderingCreateInfo(x.vks, next_types...) end function RenderingInfo(x::_RenderingInfo, next_types::Type...) (; deps) = x GC.@preserve deps RenderingInfo(x.vks, next_types...) end function RenderingAttachmentInfo(x::_RenderingAttachmentInfo, next_types::Type...) (; deps) = x GC.@preserve deps RenderingAttachmentInfo(x.vks, next_types...) end function RenderingFragmentShadingRateAttachmentInfoKHR(x::_RenderingFragmentShadingRateAttachmentInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps RenderingFragmentShadingRateAttachmentInfoKHR(x.vks, next_types...) end function RenderingFragmentDensityMapAttachmentInfoEXT(x::_RenderingFragmentDensityMapAttachmentInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps RenderingFragmentDensityMapAttachmentInfoEXT(x.vks, next_types...) end function PhysicalDeviceDynamicRenderingFeatures(x::_PhysicalDeviceDynamicRenderingFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDynamicRenderingFeatures(x.vks, next_types...) end function CommandBufferInheritanceRenderingInfo(x::_CommandBufferInheritanceRenderingInfo, next_types::Type...) (; deps) = x GC.@preserve deps CommandBufferInheritanceRenderingInfo(x.vks, next_types...) end function AttachmentSampleCountInfoAMD(x::_AttachmentSampleCountInfoAMD, next_types::Type...) (; deps) = x GC.@preserve deps AttachmentSampleCountInfoAMD(x.vks, next_types...) end function MultiviewPerViewAttributesInfoNVX(x::_MultiviewPerViewAttributesInfoNVX, next_types::Type...) (; deps) = x GC.@preserve deps MultiviewPerViewAttributesInfoNVX(x.vks, next_types...) end function PhysicalDeviceImageViewMinLodFeaturesEXT(x::_PhysicalDeviceImageViewMinLodFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceImageViewMinLodFeaturesEXT(x.vks, next_types...) end function ImageViewMinLodCreateInfoEXT(x::_ImageViewMinLodCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ImageViewMinLodCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT(x::_PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceLinearColorAttachmentFeaturesNV(x::_PhysicalDeviceLinearColorAttachmentFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceLinearColorAttachmentFeaturesNV(x.vks, next_types...) end function PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT(x::_PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT(x::_PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT(x.vks, next_types...) end function GraphicsPipelineLibraryCreateInfoEXT(x::_GraphicsPipelineLibraryCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps GraphicsPipelineLibraryCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE(x::_PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE(x.vks, next_types...) end function DescriptorSetBindingReferenceVALVE(x::_DescriptorSetBindingReferenceVALVE, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorSetBindingReferenceVALVE(x.vks, next_types...) end function DescriptorSetLayoutHostMappingInfoVALVE(x::_DescriptorSetLayoutHostMappingInfoVALVE, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorSetLayoutHostMappingInfoVALVE(x.vks, next_types...) end function PhysicalDeviceShaderModuleIdentifierFeaturesEXT(x::_PhysicalDeviceShaderModuleIdentifierFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderModuleIdentifierFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceShaderModuleIdentifierPropertiesEXT(x::_PhysicalDeviceShaderModuleIdentifierPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderModuleIdentifierPropertiesEXT(x.vks, next_types...) end function PipelineShaderStageModuleIdentifierCreateInfoEXT(x::_PipelineShaderStageModuleIdentifierCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineShaderStageModuleIdentifierCreateInfoEXT(x.vks, next_types...) end function ShaderModuleIdentifierEXT(x::_ShaderModuleIdentifierEXT, next_types::Type...) (; deps) = x GC.@preserve deps ShaderModuleIdentifierEXT(x.vks, next_types...) end function ImageCompressionControlEXT(x::_ImageCompressionControlEXT, next_types::Type...) (; deps) = x GC.@preserve deps ImageCompressionControlEXT(x.vks, next_types...) end function PhysicalDeviceImageCompressionControlFeaturesEXT(x::_PhysicalDeviceImageCompressionControlFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceImageCompressionControlFeaturesEXT(x.vks, next_types...) end function ImageCompressionPropertiesEXT(x::_ImageCompressionPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps ImageCompressionPropertiesEXT(x.vks, next_types...) end function PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT(x::_PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT(x.vks, next_types...) end function ImageSubresource2EXT(x::_ImageSubresource2EXT, next_types::Type...) (; deps) = x GC.@preserve deps ImageSubresource2EXT(x.vks, next_types...) end function SubresourceLayout2EXT(x::_SubresourceLayout2EXT, next_types::Type...) (; deps) = x GC.@preserve deps SubresourceLayout2EXT(x.vks, next_types...) end function RenderPassCreationControlEXT(x::_RenderPassCreationControlEXT, next_types::Type...) (; deps) = x GC.@preserve deps RenderPassCreationControlEXT(x.vks, next_types...) end RenderPassCreationFeedbackInfoEXT(x::_RenderPassCreationFeedbackInfoEXT) = RenderPassCreationFeedbackInfoEXT(x.vks) function RenderPassCreationFeedbackCreateInfoEXT(x::_RenderPassCreationFeedbackCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps RenderPassCreationFeedbackCreateInfoEXT(x.vks, next_types...) end RenderPassSubpassFeedbackInfoEXT(x::_RenderPassSubpassFeedbackInfoEXT) = RenderPassSubpassFeedbackInfoEXT(x.vks) function RenderPassSubpassFeedbackCreateInfoEXT(x::_RenderPassSubpassFeedbackCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps RenderPassSubpassFeedbackCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceSubpassMergeFeedbackFeaturesEXT(x::_PhysicalDeviceSubpassMergeFeedbackFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSubpassMergeFeedbackFeaturesEXT(x.vks, next_types...) end function MicromapBuildInfoEXT(x::_MicromapBuildInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps MicromapBuildInfoEXT(x.vks, next_types...) end function MicromapCreateInfoEXT(x::_MicromapCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps MicromapCreateInfoEXT(x.vks, next_types...) end function MicromapVersionInfoEXT(x::_MicromapVersionInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps MicromapVersionInfoEXT(x.vks, next_types...) end function CopyMicromapInfoEXT(x::_CopyMicromapInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps CopyMicromapInfoEXT(x.vks, next_types...) end function CopyMicromapToMemoryInfoEXT(x::_CopyMicromapToMemoryInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps CopyMicromapToMemoryInfoEXT(x.vks, next_types...) end function CopyMemoryToMicromapInfoEXT(x::_CopyMemoryToMicromapInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps CopyMemoryToMicromapInfoEXT(x.vks, next_types...) end function MicromapBuildSizesInfoEXT(x::_MicromapBuildSizesInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps MicromapBuildSizesInfoEXT(x.vks, next_types...) end MicromapUsageEXT(x::_MicromapUsageEXT) = MicromapUsageEXT(x.vks) MicromapTriangleEXT(x::_MicromapTriangleEXT) = MicromapTriangleEXT(x.vks) function PhysicalDeviceOpacityMicromapFeaturesEXT(x::_PhysicalDeviceOpacityMicromapFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceOpacityMicromapFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceOpacityMicromapPropertiesEXT(x::_PhysicalDeviceOpacityMicromapPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceOpacityMicromapPropertiesEXT(x.vks, next_types...) end function AccelerationStructureTrianglesOpacityMicromapEXT(x::_AccelerationStructureTrianglesOpacityMicromapEXT, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureTrianglesOpacityMicromapEXT(x.vks, next_types...) end function PipelinePropertiesIdentifierEXT(x::_PipelinePropertiesIdentifierEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelinePropertiesIdentifierEXT(x.vks, next_types...) end function PhysicalDevicePipelinePropertiesFeaturesEXT(x::_PhysicalDevicePipelinePropertiesFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePipelinePropertiesFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD(x::_PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD(x.vks, next_types...) end function ExportMetalObjectCreateInfoEXT(x::_ExportMetalObjectCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ExportMetalObjectCreateInfoEXT(x.vks, next_types...) end function ExportMetalObjectsInfoEXT(x::_ExportMetalObjectsInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ExportMetalObjectsInfoEXT(x.vks, next_types...) end function ExportMetalDeviceInfoEXT(x::_ExportMetalDeviceInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ExportMetalDeviceInfoEXT(x.vks, next_types...) end function ExportMetalCommandQueueInfoEXT(x::_ExportMetalCommandQueueInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ExportMetalCommandQueueInfoEXT(x.vks, next_types...) end function ExportMetalBufferInfoEXT(x::_ExportMetalBufferInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ExportMetalBufferInfoEXT(x.vks, next_types...) end function ImportMetalBufferInfoEXT(x::_ImportMetalBufferInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ImportMetalBufferInfoEXT(x.vks, next_types...) end function ExportMetalTextureInfoEXT(x::_ExportMetalTextureInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ExportMetalTextureInfoEXT(x.vks, next_types...) end function ImportMetalTextureInfoEXT(x::_ImportMetalTextureInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ImportMetalTextureInfoEXT(x.vks, next_types...) end function ExportMetalIOSurfaceInfoEXT(x::_ExportMetalIOSurfaceInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ExportMetalIOSurfaceInfoEXT(x.vks, next_types...) end function ImportMetalIOSurfaceInfoEXT(x::_ImportMetalIOSurfaceInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ImportMetalIOSurfaceInfoEXT(x.vks, next_types...) end function ExportMetalSharedEventInfoEXT(x::_ExportMetalSharedEventInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ExportMetalSharedEventInfoEXT(x.vks, next_types...) end function ImportMetalSharedEventInfoEXT(x::_ImportMetalSharedEventInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ImportMetalSharedEventInfoEXT(x.vks, next_types...) end function PhysicalDeviceNonSeamlessCubeMapFeaturesEXT(x::_PhysicalDeviceNonSeamlessCubeMapFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceNonSeamlessCubeMapFeaturesEXT(x.vks, next_types...) end function PhysicalDevicePipelineRobustnessFeaturesEXT(x::_PhysicalDevicePipelineRobustnessFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePipelineRobustnessFeaturesEXT(x.vks, next_types...) end function PipelineRobustnessCreateInfoEXT(x::_PipelineRobustnessCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineRobustnessCreateInfoEXT(x.vks, next_types...) end function PhysicalDevicePipelineRobustnessPropertiesEXT(x::_PhysicalDevicePipelineRobustnessPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePipelineRobustnessPropertiesEXT(x.vks, next_types...) end function ImageViewSampleWeightCreateInfoQCOM(x::_ImageViewSampleWeightCreateInfoQCOM, next_types::Type...) (; deps) = x GC.@preserve deps ImageViewSampleWeightCreateInfoQCOM(x.vks, next_types...) end function PhysicalDeviceImageProcessingFeaturesQCOM(x::_PhysicalDeviceImageProcessingFeaturesQCOM, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceImageProcessingFeaturesQCOM(x.vks, next_types...) end function PhysicalDeviceImageProcessingPropertiesQCOM(x::_PhysicalDeviceImageProcessingPropertiesQCOM, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceImageProcessingPropertiesQCOM(x.vks, next_types...) end function PhysicalDeviceTilePropertiesFeaturesQCOM(x::_PhysicalDeviceTilePropertiesFeaturesQCOM, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceTilePropertiesFeaturesQCOM(x.vks, next_types...) end function TilePropertiesQCOM(x::_TilePropertiesQCOM, next_types::Type...) (; deps) = x GC.@preserve deps TilePropertiesQCOM(x.vks, next_types...) end function PhysicalDeviceAmigoProfilingFeaturesSEC(x::_PhysicalDeviceAmigoProfilingFeaturesSEC, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceAmigoProfilingFeaturesSEC(x.vks, next_types...) end function AmigoProfilingSubmitInfoSEC(x::_AmigoProfilingSubmitInfoSEC, next_types::Type...) (; deps) = x GC.@preserve deps AmigoProfilingSubmitInfoSEC(x.vks, next_types...) end function PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT(x::_PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceDepthClampZeroOneFeaturesEXT(x::_PhysicalDeviceDepthClampZeroOneFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDepthClampZeroOneFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceAddressBindingReportFeaturesEXT(x::_PhysicalDeviceAddressBindingReportFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceAddressBindingReportFeaturesEXT(x.vks, next_types...) end function DeviceAddressBindingCallbackDataEXT(x::_DeviceAddressBindingCallbackDataEXT, next_types::Type...) (; deps) = x GC.@preserve deps DeviceAddressBindingCallbackDataEXT(x.vks, next_types...) end function PhysicalDeviceOpticalFlowFeaturesNV(x::_PhysicalDeviceOpticalFlowFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceOpticalFlowFeaturesNV(x.vks, next_types...) end function PhysicalDeviceOpticalFlowPropertiesNV(x::_PhysicalDeviceOpticalFlowPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceOpticalFlowPropertiesNV(x.vks, next_types...) end function OpticalFlowImageFormatInfoNV(x::_OpticalFlowImageFormatInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps OpticalFlowImageFormatInfoNV(x.vks, next_types...) end function OpticalFlowImageFormatPropertiesNV(x::_OpticalFlowImageFormatPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps OpticalFlowImageFormatPropertiesNV(x.vks, next_types...) end function OpticalFlowSessionCreateInfoNV(x::_OpticalFlowSessionCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps OpticalFlowSessionCreateInfoNV(x.vks, next_types...) end function OpticalFlowSessionCreatePrivateDataInfoNV(x::_OpticalFlowSessionCreatePrivateDataInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps OpticalFlowSessionCreatePrivateDataInfoNV(x.vks, next_types...) end function OpticalFlowExecuteInfoNV(x::_OpticalFlowExecuteInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps OpticalFlowExecuteInfoNV(x.vks, next_types...) end function PhysicalDeviceFaultFeaturesEXT(x::_PhysicalDeviceFaultFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFaultFeaturesEXT(x.vks, next_types...) end DeviceFaultAddressInfoEXT(x::_DeviceFaultAddressInfoEXT) = DeviceFaultAddressInfoEXT(x.vks) DeviceFaultVendorInfoEXT(x::_DeviceFaultVendorInfoEXT) = DeviceFaultVendorInfoEXT(x.vks) function DeviceFaultCountsEXT(x::_DeviceFaultCountsEXT, next_types::Type...) (; deps) = x GC.@preserve deps DeviceFaultCountsEXT(x.vks, next_types...) end function DeviceFaultInfoEXT(x::_DeviceFaultInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DeviceFaultInfoEXT(x.vks, next_types...) end DeviceFaultVendorBinaryHeaderVersionOneEXT(x::_DeviceFaultVendorBinaryHeaderVersionOneEXT) = DeviceFaultVendorBinaryHeaderVersionOneEXT(x.vks) function PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT(x::_PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT(x.vks, next_types...) end DecompressMemoryRegionNV(x::_DecompressMemoryRegionNV) = DecompressMemoryRegionNV(x.vks) function PhysicalDeviceShaderCoreBuiltinsPropertiesARM(x::_PhysicalDeviceShaderCoreBuiltinsPropertiesARM, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderCoreBuiltinsPropertiesARM(x.vks, next_types...) end function PhysicalDeviceShaderCoreBuiltinsFeaturesARM(x::_PhysicalDeviceShaderCoreBuiltinsFeaturesARM, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderCoreBuiltinsFeaturesARM(x.vks, next_types...) end function SurfacePresentModeEXT(x::_SurfacePresentModeEXT, next_types::Type...) (; deps) = x GC.@preserve deps SurfacePresentModeEXT(x.vks, next_types...) end function SurfacePresentScalingCapabilitiesEXT(x::_SurfacePresentScalingCapabilitiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps SurfacePresentScalingCapabilitiesEXT(x.vks, next_types...) end function SurfacePresentModeCompatibilityEXT(x::_SurfacePresentModeCompatibilityEXT, next_types::Type...) (; deps) = x GC.@preserve deps SurfacePresentModeCompatibilityEXT(x.vks, next_types...) end function PhysicalDeviceSwapchainMaintenance1FeaturesEXT(x::_PhysicalDeviceSwapchainMaintenance1FeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSwapchainMaintenance1FeaturesEXT(x.vks, next_types...) end function SwapchainPresentFenceInfoEXT(x::_SwapchainPresentFenceInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps SwapchainPresentFenceInfoEXT(x.vks, next_types...) end function SwapchainPresentModesCreateInfoEXT(x::_SwapchainPresentModesCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps SwapchainPresentModesCreateInfoEXT(x.vks, next_types...) end function SwapchainPresentModeInfoEXT(x::_SwapchainPresentModeInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps SwapchainPresentModeInfoEXT(x.vks, next_types...) end function SwapchainPresentScalingCreateInfoEXT(x::_SwapchainPresentScalingCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps SwapchainPresentScalingCreateInfoEXT(x.vks, next_types...) end function ReleaseSwapchainImagesInfoEXT(x::_ReleaseSwapchainImagesInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ReleaseSwapchainImagesInfoEXT(x.vks, next_types...) end function PhysicalDeviceRayTracingInvocationReorderFeaturesNV(x::_PhysicalDeviceRayTracingInvocationReorderFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRayTracingInvocationReorderFeaturesNV(x.vks, next_types...) end function PhysicalDeviceRayTracingInvocationReorderPropertiesNV(x::_PhysicalDeviceRayTracingInvocationReorderPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRayTracingInvocationReorderPropertiesNV(x.vks, next_types...) end function DirectDriverLoadingInfoLUNARG(x::_DirectDriverLoadingInfoLUNARG, next_types::Type...) (; deps) = x GC.@preserve deps DirectDriverLoadingInfoLUNARG(x.vks, next_types...) end function DirectDriverLoadingListLUNARG(x::_DirectDriverLoadingListLUNARG, next_types::Type...) (; deps) = x GC.@preserve deps DirectDriverLoadingListLUNARG(x.vks, next_types...) end function PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM(x::_PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM(x.vks, next_types...) end BaseOutStructure(x::VkBaseOutStructure, next_types::Type...) = BaseOutStructure(load_next_chain(x.pNext, next_types...)) BaseInStructure(x::VkBaseInStructure, next_types::Type...) = BaseInStructure(load_next_chain(x.pNext, next_types...)) Offset2D(x::VkOffset2D) = Offset2D(x.x, x.y) Offset3D(x::VkOffset3D) = Offset3D(x.x, x.y, x.z) Extent2D(x::VkExtent2D) = Extent2D(x.width, x.height) Extent3D(x::VkExtent3D) = Extent3D(x.width, x.height, x.depth) Viewport(x::VkViewport) = Viewport(x.x, x.y, x.width, x.height, x.minDepth, x.maxDepth) Rect2D(x::VkRect2D) = Rect2D(Offset2D(x.offset), Extent2D(x.extent)) ClearRect(x::VkClearRect) = ClearRect(Rect2D(x.rect), x.baseArrayLayer, x.layerCount) ComponentMapping(x::VkComponentMapping) = ComponentMapping(x.r, x.g, x.b, x.a) PhysicalDeviceProperties(x::VkPhysicalDeviceProperties) = PhysicalDeviceProperties(from_vk(VersionNumber, x.apiVersion), from_vk(VersionNumber, x.driverVersion), x.vendorID, x.deviceID, x.deviceType, from_vk(String, x.deviceName), x.pipelineCacheUUID, PhysicalDeviceLimits(x.limits), PhysicalDeviceSparseProperties(x.sparseProperties)) ExtensionProperties(x::VkExtensionProperties) = ExtensionProperties(from_vk(String, x.extensionName), from_vk(VersionNumber, x.specVersion)) LayerProperties(x::VkLayerProperties) = LayerProperties(from_vk(String, x.layerName), from_vk(VersionNumber, x.specVersion), from_vk(VersionNumber, x.implementationVersion), from_vk(String, x.description)) ApplicationInfo(x::VkApplicationInfo, next_types::Type...) = ApplicationInfo(load_next_chain(x.pNext, next_types...), unsafe_string(x.pApplicationName), from_vk(VersionNumber, x.applicationVersion), unsafe_string(x.pEngineName), from_vk(VersionNumber, x.engineVersion), from_vk(VersionNumber, x.apiVersion)) AllocationCallbacks(x::VkAllocationCallbacks) = AllocationCallbacks(x.pUserData, from_vk(FunctionPtr, x.pfnAllocation), from_vk(FunctionPtr, x.pfnReallocation), from_vk(FunctionPtr, x.pfnFree), from_vk(FunctionPtr, x.pfnInternalAllocation), from_vk(FunctionPtr, x.pfnInternalFree)) DeviceQueueCreateInfo(x::VkDeviceQueueCreateInfo, next_types::Type...) = DeviceQueueCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, x.queueFamilyIndex, unsafe_wrap(Vector{Float32}, x.pQueuePriorities, x.queueCount; own = true)) DeviceCreateInfo(x::VkDeviceCreateInfo, next_types::Type...) = DeviceCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{DeviceQueueCreateInfo}, x.pQueueCreateInfos, x.queueCreateInfoCount; own = true), unsafe_wrap(Vector{String}, x.ppEnabledLayerNames, x.enabledLayerCount; own = true), unsafe_wrap(Vector{String}, x.ppEnabledExtensionNames, x.enabledExtensionCount; own = true), PhysicalDeviceFeatures(x.pEnabledFeatures)) InstanceCreateInfo(x::VkInstanceCreateInfo, next_types::Type...) = InstanceCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, ApplicationInfo(x.pApplicationInfo), unsafe_wrap(Vector{String}, x.ppEnabledLayerNames, x.enabledLayerCount; own = true), unsafe_wrap(Vector{String}, x.ppEnabledExtensionNames, x.enabledExtensionCount; own = true)) QueueFamilyProperties(x::VkQueueFamilyProperties) = QueueFamilyProperties(x.queueFlags, x.queueCount, x.timestampValidBits, Extent3D(x.minImageTransferGranularity)) PhysicalDeviceMemoryProperties(x::VkPhysicalDeviceMemoryProperties) = PhysicalDeviceMemoryProperties(x.memoryTypeCount, MemoryType.(x.memoryTypes), x.memoryHeapCount, MemoryHeap.(x.memoryHeaps)) MemoryAllocateInfo(x::VkMemoryAllocateInfo, next_types::Type...) = MemoryAllocateInfo(load_next_chain(x.pNext, next_types...), x.allocationSize, x.memoryTypeIndex) MemoryRequirements(x::VkMemoryRequirements) = MemoryRequirements(x.size, x.alignment, x.memoryTypeBits) SparseImageFormatProperties(x::VkSparseImageFormatProperties) = SparseImageFormatProperties(x.aspectMask, Extent3D(x.imageGranularity), x.flags) SparseImageMemoryRequirements(x::VkSparseImageMemoryRequirements) = SparseImageMemoryRequirements(SparseImageFormatProperties(x.formatProperties), x.imageMipTailFirstLod, x.imageMipTailSize, x.imageMipTailOffset, x.imageMipTailStride) MemoryType(x::VkMemoryType) = MemoryType(x.propertyFlags, x.heapIndex) MemoryHeap(x::VkMemoryHeap) = MemoryHeap(x.size, x.flags) MappedMemoryRange(x::VkMappedMemoryRange, next_types::Type...) = MappedMemoryRange(load_next_chain(x.pNext, next_types...), DeviceMemory(x.memory), x.offset, x.size) FormatProperties(x::VkFormatProperties) = FormatProperties(x.linearTilingFeatures, x.optimalTilingFeatures, x.bufferFeatures) ImageFormatProperties(x::VkImageFormatProperties) = ImageFormatProperties(Extent3D(x.maxExtent), x.maxMipLevels, x.maxArrayLayers, x.sampleCounts, x.maxResourceSize) DescriptorBufferInfo(x::VkDescriptorBufferInfo) = DescriptorBufferInfo(Buffer(x.buffer), x.offset, x.range) DescriptorImageInfo(x::VkDescriptorImageInfo) = DescriptorImageInfo(Sampler(x.sampler), ImageView(x.imageView), x.imageLayout) WriteDescriptorSet(x::VkWriteDescriptorSet, next_types::Type...) = WriteDescriptorSet(load_next_chain(x.pNext, next_types...), DescriptorSet(x.dstSet), x.dstBinding, x.dstArrayElement, x.descriptorType, unsafe_wrap(Vector{DescriptorImageInfo}, x.pImageInfo, x.descriptorCount; own = true), unsafe_wrap(Vector{DescriptorBufferInfo}, x.pBufferInfo, x.descriptorCount; own = true), unsafe_wrap(Vector{BufferView}, x.pTexelBufferView, x.descriptorCount; own = true)) CopyDescriptorSet(x::VkCopyDescriptorSet, next_types::Type...) = CopyDescriptorSet(load_next_chain(x.pNext, next_types...), DescriptorSet(x.srcSet), x.srcBinding, x.srcArrayElement, DescriptorSet(x.dstSet), x.dstBinding, x.dstArrayElement, x.descriptorCount) BufferCreateInfo(x::VkBufferCreateInfo, next_types::Type...) = BufferCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, x.size, x.usage, x.sharingMode, unsafe_wrap(Vector{UInt32}, x.pQueueFamilyIndices, x.queueFamilyIndexCount; own = true)) BufferViewCreateInfo(x::VkBufferViewCreateInfo, next_types::Type...) = BufferViewCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, Buffer(x.buffer), x.format, x.offset, x.range) ImageSubresource(x::VkImageSubresource) = ImageSubresource(x.aspectMask, x.mipLevel, x.arrayLayer) ImageSubresourceLayers(x::VkImageSubresourceLayers) = ImageSubresourceLayers(x.aspectMask, x.mipLevel, x.baseArrayLayer, x.layerCount) ImageSubresourceRange(x::VkImageSubresourceRange) = ImageSubresourceRange(x.aspectMask, x.baseMipLevel, x.levelCount, x.baseArrayLayer, x.layerCount) MemoryBarrier(x::VkMemoryBarrier, next_types::Type...) = MemoryBarrier(load_next_chain(x.pNext, next_types...), x.srcAccessMask, x.dstAccessMask) BufferMemoryBarrier(x::VkBufferMemoryBarrier, next_types::Type...) = BufferMemoryBarrier(load_next_chain(x.pNext, next_types...), x.srcAccessMask, x.dstAccessMask, x.srcQueueFamilyIndex, x.dstQueueFamilyIndex, Buffer(x.buffer), x.offset, x.size) ImageMemoryBarrier(x::VkImageMemoryBarrier, next_types::Type...) = ImageMemoryBarrier(load_next_chain(x.pNext, next_types...), x.srcAccessMask, x.dstAccessMask, x.oldLayout, x.newLayout, x.srcQueueFamilyIndex, x.dstQueueFamilyIndex, Image(x.image), ImageSubresourceRange(x.subresourceRange)) ImageCreateInfo(x::VkImageCreateInfo, next_types::Type...) = ImageCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, x.imageType, x.format, Extent3D(x.extent), x.mipLevels, x.arrayLayers, SampleCountFlag(UInt32(x.samples)), x.tiling, x.usage, x.sharingMode, unsafe_wrap(Vector{UInt32}, x.pQueueFamilyIndices, x.queueFamilyIndexCount; own = true), x.initialLayout) SubresourceLayout(x::VkSubresourceLayout) = SubresourceLayout(x.offset, x.size, x.rowPitch, x.arrayPitch, x.depthPitch) ImageViewCreateInfo(x::VkImageViewCreateInfo, next_types::Type...) = ImageViewCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, Image(x.image), x.viewType, x.format, ComponentMapping(x.components), ImageSubresourceRange(x.subresourceRange)) BufferCopy(x::VkBufferCopy) = BufferCopy(x.srcOffset, x.dstOffset, x.size) SparseMemoryBind(x::VkSparseMemoryBind) = SparseMemoryBind(x.resourceOffset, x.size, DeviceMemory(x.memory), x.memoryOffset, x.flags) SparseImageMemoryBind(x::VkSparseImageMemoryBind) = SparseImageMemoryBind(ImageSubresource(x.subresource), Offset3D(x.offset), Extent3D(x.extent), DeviceMemory(x.memory), x.memoryOffset, x.flags) SparseBufferMemoryBindInfo(x::VkSparseBufferMemoryBindInfo) = SparseBufferMemoryBindInfo(Buffer(x.buffer), unsafe_wrap(Vector{SparseMemoryBind}, x.pBinds, x.bindCount; own = true)) SparseImageOpaqueMemoryBindInfo(x::VkSparseImageOpaqueMemoryBindInfo) = SparseImageOpaqueMemoryBindInfo(Image(x.image), unsafe_wrap(Vector{SparseMemoryBind}, x.pBinds, x.bindCount; own = true)) SparseImageMemoryBindInfo(x::VkSparseImageMemoryBindInfo) = SparseImageMemoryBindInfo(Image(x.image), unsafe_wrap(Vector{SparseImageMemoryBind}, x.pBinds, x.bindCount; own = true)) BindSparseInfo(x::VkBindSparseInfo, next_types::Type...) = BindSparseInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{Semaphore}, x.pWaitSemaphores, x.waitSemaphoreCount; own = true), unsafe_wrap(Vector{SparseBufferMemoryBindInfo}, x.pBufferBinds, x.bufferBindCount; own = true), unsafe_wrap(Vector{SparseImageOpaqueMemoryBindInfo}, x.pImageOpaqueBinds, x.imageOpaqueBindCount; own = true), unsafe_wrap(Vector{SparseImageMemoryBindInfo}, x.pImageBinds, x.imageBindCount; own = true), unsafe_wrap(Vector{Semaphore}, x.pSignalSemaphores, x.signalSemaphoreCount; own = true)) ImageCopy(x::VkImageCopy) = ImageCopy(ImageSubresourceLayers(x.srcSubresource), Offset3D(x.srcOffset), ImageSubresourceLayers(x.dstSubresource), Offset3D(x.dstOffset), Extent3D(x.extent)) ImageBlit(x::VkImageBlit) = ImageBlit(ImageSubresourceLayers(x.srcSubresource), Offset3D.(x.srcOffsets), ImageSubresourceLayers(x.dstSubresource), Offset3D.(x.dstOffsets)) BufferImageCopy(x::VkBufferImageCopy) = BufferImageCopy(x.bufferOffset, x.bufferRowLength, x.bufferImageHeight, ImageSubresourceLayers(x.imageSubresource), Offset3D(x.imageOffset), Extent3D(x.imageExtent)) CopyMemoryIndirectCommandNV(x::VkCopyMemoryIndirectCommandNV) = CopyMemoryIndirectCommandNV(x.srcAddress, x.dstAddress, x.size) CopyMemoryToImageIndirectCommandNV(x::VkCopyMemoryToImageIndirectCommandNV) = CopyMemoryToImageIndirectCommandNV(x.srcAddress, x.bufferRowLength, x.bufferImageHeight, ImageSubresourceLayers(x.imageSubresource), Offset3D(x.imageOffset), Extent3D(x.imageExtent)) ImageResolve(x::VkImageResolve) = ImageResolve(ImageSubresourceLayers(x.srcSubresource), Offset3D(x.srcOffset), ImageSubresourceLayers(x.dstSubresource), Offset3D(x.dstOffset), Extent3D(x.extent)) ShaderModuleCreateInfo(x::VkShaderModuleCreateInfo, next_types::Type...) = ShaderModuleCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, x.codeSize, unsafe_wrap(Vector{UInt32}, x.pCode, x.codeSize ÷ 4; own = true)) DescriptorSetLayoutBinding(x::VkDescriptorSetLayoutBinding) = DescriptorSetLayoutBinding(x.binding, x.descriptorType, x.stageFlags, unsafe_wrap(Vector{Sampler}, x.pImmutableSamplers, x.descriptorCount; own = true)) DescriptorSetLayoutCreateInfo(x::VkDescriptorSetLayoutCreateInfo, next_types::Type...) = DescriptorSetLayoutCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{DescriptorSetLayoutBinding}, x.pBindings, x.bindingCount; own = true)) DescriptorPoolSize(x::VkDescriptorPoolSize) = DescriptorPoolSize(x.type, x.descriptorCount) DescriptorPoolCreateInfo(x::VkDescriptorPoolCreateInfo, next_types::Type...) = DescriptorPoolCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, x.maxSets, unsafe_wrap(Vector{DescriptorPoolSize}, x.pPoolSizes, x.poolSizeCount; own = true)) DescriptorSetAllocateInfo(x::VkDescriptorSetAllocateInfo, next_types::Type...) = DescriptorSetAllocateInfo(load_next_chain(x.pNext, next_types...), DescriptorPool(x.descriptorPool), unsafe_wrap(Vector{DescriptorSetLayout}, x.pSetLayouts, x.descriptorSetCount; own = true)) SpecializationMapEntry(x::VkSpecializationMapEntry) = SpecializationMapEntry(x.constantID, x.offset, x.size) SpecializationInfo(x::VkSpecializationInfo) = SpecializationInfo(unsafe_wrap(Vector{SpecializationMapEntry}, x.pMapEntries, x.mapEntryCount; own = true), x.dataSize, x.pData) PipelineShaderStageCreateInfo(x::VkPipelineShaderStageCreateInfo, next_types::Type...) = PipelineShaderStageCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, ShaderStageFlag(UInt32(x.stage)), ShaderModule(x._module), unsafe_string(x.pName), SpecializationInfo(x.pSpecializationInfo)) ComputePipelineCreateInfo(x::VkComputePipelineCreateInfo, next_types::Type...) = ComputePipelineCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, PipelineShaderStageCreateInfo(x.stage), PipelineLayout(x.layout), Pipeline(x.basePipelineHandle), x.basePipelineIndex) VertexInputBindingDescription(x::VkVertexInputBindingDescription) = VertexInputBindingDescription(x.binding, x.stride, x.inputRate) VertexInputAttributeDescription(x::VkVertexInputAttributeDescription) = VertexInputAttributeDescription(x.location, x.binding, x.format, x.offset) PipelineVertexInputStateCreateInfo(x::VkPipelineVertexInputStateCreateInfo, next_types::Type...) = PipelineVertexInputStateCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{VertexInputBindingDescription}, x.pVertexBindingDescriptions, x.vertexBindingDescriptionCount; own = true), unsafe_wrap(Vector{VertexInputAttributeDescription}, x.pVertexAttributeDescriptions, x.vertexAttributeDescriptionCount; own = true)) PipelineInputAssemblyStateCreateInfo(x::VkPipelineInputAssemblyStateCreateInfo, next_types::Type...) = PipelineInputAssemblyStateCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, x.topology, from_vk(Bool, x.primitiveRestartEnable)) PipelineTessellationStateCreateInfo(x::VkPipelineTessellationStateCreateInfo, next_types::Type...) = PipelineTessellationStateCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, x.patchControlPoints) PipelineViewportStateCreateInfo(x::VkPipelineViewportStateCreateInfo, next_types::Type...) = PipelineViewportStateCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{Viewport}, x.pViewports, x.viewportCount; own = true), unsafe_wrap(Vector{Rect2D}, x.pScissors, x.scissorCount; own = true)) PipelineRasterizationStateCreateInfo(x::VkPipelineRasterizationStateCreateInfo, next_types::Type...) = PipelineRasterizationStateCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, from_vk(Bool, x.depthClampEnable), from_vk(Bool, x.rasterizerDiscardEnable), x.polygonMode, x.cullMode, x.frontFace, from_vk(Bool, x.depthBiasEnable), x.depthBiasConstantFactor, x.depthBiasClamp, x.depthBiasSlopeFactor, x.lineWidth) PipelineMultisampleStateCreateInfo(x::VkPipelineMultisampleStateCreateInfo, next_types::Type...) = PipelineMultisampleStateCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, SampleCountFlag(UInt32(x.rasterizationSamples)), from_vk(Bool, x.sampleShadingEnable), x.minSampleShading, unsafe_wrap(Vector{UInt32}, x.pSampleMask, (x.rasterizationSamples + 31) ÷ 32; own = true), from_vk(Bool, x.alphaToCoverageEnable), from_vk(Bool, x.alphaToOneEnable)) PipelineColorBlendAttachmentState(x::VkPipelineColorBlendAttachmentState) = PipelineColorBlendAttachmentState(from_vk(Bool, x.blendEnable), x.srcColorBlendFactor, x.dstColorBlendFactor, x.colorBlendOp, x.srcAlphaBlendFactor, x.dstAlphaBlendFactor, x.alphaBlendOp, x.colorWriteMask) PipelineColorBlendStateCreateInfo(x::VkPipelineColorBlendStateCreateInfo, next_types::Type...) = PipelineColorBlendStateCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, from_vk(Bool, x.logicOpEnable), x.logicOp, unsafe_wrap(Vector{PipelineColorBlendAttachmentState}, x.pAttachments, x.attachmentCount; own = true), x.blendConstants) PipelineDynamicStateCreateInfo(x::VkPipelineDynamicStateCreateInfo, next_types::Type...) = PipelineDynamicStateCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{DynamicState}, x.pDynamicStates, x.dynamicStateCount; own = true)) StencilOpState(x::VkStencilOpState) = StencilOpState(x.failOp, x.passOp, x.depthFailOp, x.compareOp, x.compareMask, x.writeMask, x.reference) PipelineDepthStencilStateCreateInfo(x::VkPipelineDepthStencilStateCreateInfo, next_types::Type...) = PipelineDepthStencilStateCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, from_vk(Bool, x.depthTestEnable), from_vk(Bool, x.depthWriteEnable), x.depthCompareOp, from_vk(Bool, x.depthBoundsTestEnable), from_vk(Bool, x.stencilTestEnable), StencilOpState(x.front), StencilOpState(x.back), x.minDepthBounds, x.maxDepthBounds) GraphicsPipelineCreateInfo(x::VkGraphicsPipelineCreateInfo, next_types::Type...) = GraphicsPipelineCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{PipelineShaderStageCreateInfo}, x.pStages, x.stageCount; own = true), PipelineVertexInputStateCreateInfo(x.pVertexInputState), PipelineInputAssemblyStateCreateInfo(x.pInputAssemblyState), PipelineTessellationStateCreateInfo(x.pTessellationState), PipelineViewportStateCreateInfo(x.pViewportState), PipelineRasterizationStateCreateInfo(x.pRasterizationState), PipelineMultisampleStateCreateInfo(x.pMultisampleState), PipelineDepthStencilStateCreateInfo(x.pDepthStencilState), PipelineColorBlendStateCreateInfo(x.pColorBlendState), PipelineDynamicStateCreateInfo(x.pDynamicState), PipelineLayout(x.layout), RenderPass(x.renderPass), x.subpass, Pipeline(x.basePipelineHandle), x.basePipelineIndex) PipelineCacheCreateInfo(x::VkPipelineCacheCreateInfo, next_types::Type...) = PipelineCacheCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, x.initialDataSize, x.pInitialData) PipelineCacheHeaderVersionOne(x::VkPipelineCacheHeaderVersionOne) = PipelineCacheHeaderVersionOne(x.headerSize, x.headerVersion, x.vendorID, x.deviceID, x.pipelineCacheUUID) PushConstantRange(x::VkPushConstantRange) = PushConstantRange(x.stageFlags, x.offset, x.size) PipelineLayoutCreateInfo(x::VkPipelineLayoutCreateInfo, next_types::Type...) = PipelineLayoutCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{DescriptorSetLayout}, x.pSetLayouts, x.setLayoutCount; own = true), unsafe_wrap(Vector{PushConstantRange}, x.pPushConstantRanges, x.pushConstantRangeCount; own = true)) SamplerCreateInfo(x::VkSamplerCreateInfo, next_types::Type...) = SamplerCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, x.magFilter, x.minFilter, x.mipmapMode, x.addressModeU, x.addressModeV, x.addressModeW, x.mipLodBias, from_vk(Bool, x.anisotropyEnable), x.maxAnisotropy, from_vk(Bool, x.compareEnable), x.compareOp, x.minLod, x.maxLod, x.borderColor, from_vk(Bool, x.unnormalizedCoordinates)) CommandPoolCreateInfo(x::VkCommandPoolCreateInfo, next_types::Type...) = CommandPoolCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, x.queueFamilyIndex) CommandBufferAllocateInfo(x::VkCommandBufferAllocateInfo, next_types::Type...) = CommandBufferAllocateInfo(load_next_chain(x.pNext, next_types...), CommandPool(x.commandPool), x.level, x.commandBufferCount) CommandBufferInheritanceInfo(x::VkCommandBufferInheritanceInfo, next_types::Type...) = CommandBufferInheritanceInfo(load_next_chain(x.pNext, next_types...), RenderPass(x.renderPass), x.subpass, Framebuffer(x.framebuffer), from_vk(Bool, x.occlusionQueryEnable), x.queryFlags, x.pipelineStatistics) CommandBufferBeginInfo(x::VkCommandBufferBeginInfo, next_types::Type...) = CommandBufferBeginInfo(load_next_chain(x.pNext, next_types...), x.flags, CommandBufferInheritanceInfo(x.pInheritanceInfo)) RenderPassBeginInfo(x::VkRenderPassBeginInfo, next_types::Type...) = RenderPassBeginInfo(load_next_chain(x.pNext, next_types...), RenderPass(x.renderPass), Framebuffer(x.framebuffer), Rect2D(x.renderArea), unsafe_wrap(Vector{ClearValue}, x.pClearValues, x.clearValueCount; own = true)) ClearDepthStencilValue(x::VkClearDepthStencilValue) = ClearDepthStencilValue(x.depth, x.stencil) ClearAttachment(x::VkClearAttachment) = ClearAttachment(x.aspectMask, x.colorAttachment, ClearValue(x.clearValue)) AttachmentDescription(x::VkAttachmentDescription) = AttachmentDescription(x.flags, x.format, SampleCountFlag(UInt32(x.samples)), x.loadOp, x.storeOp, x.stencilLoadOp, x.stencilStoreOp, x.initialLayout, x.finalLayout) AttachmentReference(x::VkAttachmentReference) = AttachmentReference(x.attachment, x.layout) SubpassDescription(x::VkSubpassDescription) = SubpassDescription(x.flags, x.pipelineBindPoint, unsafe_wrap(Vector{AttachmentReference}, x.pInputAttachments, x.inputAttachmentCount; own = true), unsafe_wrap(Vector{AttachmentReference}, x.pColorAttachments, x.colorAttachmentCount; own = true), unsafe_wrap(Vector{AttachmentReference}, x.pResolveAttachments, x.colorAttachmentCount; own = true), AttachmentReference(x.pDepthStencilAttachment), unsafe_wrap(Vector{UInt32}, x.pPreserveAttachments, x.preserveAttachmentCount; own = true)) SubpassDependency(x::VkSubpassDependency) = SubpassDependency(x.srcSubpass, x.dstSubpass, x.srcStageMask, x.dstStageMask, x.srcAccessMask, x.dstAccessMask, x.dependencyFlags) RenderPassCreateInfo(x::VkRenderPassCreateInfo, next_types::Type...) = RenderPassCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{AttachmentDescription}, x.pAttachments, x.attachmentCount; own = true), unsafe_wrap(Vector{SubpassDescription}, x.pSubpasses, x.subpassCount; own = true), unsafe_wrap(Vector{SubpassDependency}, x.pDependencies, x.dependencyCount; own = true)) EventCreateInfo(x::VkEventCreateInfo, next_types::Type...) = EventCreateInfo(load_next_chain(x.pNext, next_types...), x.flags) FenceCreateInfo(x::VkFenceCreateInfo, next_types::Type...) = FenceCreateInfo(load_next_chain(x.pNext, next_types...), x.flags) PhysicalDeviceFeatures(x::VkPhysicalDeviceFeatures) = PhysicalDeviceFeatures(from_vk(Bool, x.robustBufferAccess), from_vk(Bool, x.fullDrawIndexUint32), from_vk(Bool, x.imageCubeArray), from_vk(Bool, x.independentBlend), from_vk(Bool, x.geometryShader), from_vk(Bool, x.tessellationShader), from_vk(Bool, x.sampleRateShading), from_vk(Bool, x.dualSrcBlend), from_vk(Bool, x.logicOp), from_vk(Bool, x.multiDrawIndirect), from_vk(Bool, x.drawIndirectFirstInstance), from_vk(Bool, x.depthClamp), from_vk(Bool, x.depthBiasClamp), from_vk(Bool, x.fillModeNonSolid), from_vk(Bool, x.depthBounds), from_vk(Bool, x.wideLines), from_vk(Bool, x.largePoints), from_vk(Bool, x.alphaToOne), from_vk(Bool, x.multiViewport), from_vk(Bool, x.samplerAnisotropy), from_vk(Bool, x.textureCompressionETC2), from_vk(Bool, x.textureCompressionASTC_LDR), from_vk(Bool, x.textureCompressionBC), from_vk(Bool, x.occlusionQueryPrecise), from_vk(Bool, x.pipelineStatisticsQuery), from_vk(Bool, x.vertexPipelineStoresAndAtomics), from_vk(Bool, x.fragmentStoresAndAtomics), from_vk(Bool, x.shaderTessellationAndGeometryPointSize), from_vk(Bool, x.shaderImageGatherExtended), from_vk(Bool, x.shaderStorageImageExtendedFormats), from_vk(Bool, x.shaderStorageImageMultisample), from_vk(Bool, x.shaderStorageImageReadWithoutFormat), from_vk(Bool, x.shaderStorageImageWriteWithoutFormat), from_vk(Bool, x.shaderUniformBufferArrayDynamicIndexing), from_vk(Bool, x.shaderSampledImageArrayDynamicIndexing), from_vk(Bool, x.shaderStorageBufferArrayDynamicIndexing), from_vk(Bool, x.shaderStorageImageArrayDynamicIndexing), from_vk(Bool, x.shaderClipDistance), from_vk(Bool, x.shaderCullDistance), from_vk(Bool, x.shaderFloat64), from_vk(Bool, x.shaderInt64), from_vk(Bool, x.shaderInt16), from_vk(Bool, x.shaderResourceResidency), from_vk(Bool, x.shaderResourceMinLod), from_vk(Bool, x.sparseBinding), from_vk(Bool, x.sparseResidencyBuffer), from_vk(Bool, x.sparseResidencyImage2D), from_vk(Bool, x.sparseResidencyImage3D), from_vk(Bool, x.sparseResidency2Samples), from_vk(Bool, x.sparseResidency4Samples), from_vk(Bool, x.sparseResidency8Samples), from_vk(Bool, x.sparseResidency16Samples), from_vk(Bool, x.sparseResidencyAliased), from_vk(Bool, x.variableMultisampleRate), from_vk(Bool, x.inheritedQueries)) PhysicalDeviceSparseProperties(x::VkPhysicalDeviceSparseProperties) = PhysicalDeviceSparseProperties(from_vk(Bool, x.residencyStandard2DBlockShape), from_vk(Bool, x.residencyStandard2DMultisampleBlockShape), from_vk(Bool, x.residencyStandard3DBlockShape), from_vk(Bool, x.residencyAlignedMipSize), from_vk(Bool, x.residencyNonResidentStrict)) PhysicalDeviceLimits(x::VkPhysicalDeviceLimits) = PhysicalDeviceLimits(x.maxImageDimension1D, x.maxImageDimension2D, x.maxImageDimension3D, x.maxImageDimensionCube, x.maxImageArrayLayers, x.maxTexelBufferElements, x.maxUniformBufferRange, x.maxStorageBufferRange, x.maxPushConstantsSize, x.maxMemoryAllocationCount, x.maxSamplerAllocationCount, x.bufferImageGranularity, x.sparseAddressSpaceSize, x.maxBoundDescriptorSets, x.maxPerStageDescriptorSamplers, x.maxPerStageDescriptorUniformBuffers, x.maxPerStageDescriptorStorageBuffers, x.maxPerStageDescriptorSampledImages, x.maxPerStageDescriptorStorageImages, x.maxPerStageDescriptorInputAttachments, x.maxPerStageResources, x.maxDescriptorSetSamplers, x.maxDescriptorSetUniformBuffers, x.maxDescriptorSetUniformBuffersDynamic, x.maxDescriptorSetStorageBuffers, x.maxDescriptorSetStorageBuffersDynamic, x.maxDescriptorSetSampledImages, x.maxDescriptorSetStorageImages, x.maxDescriptorSetInputAttachments, x.maxVertexInputAttributes, x.maxVertexInputBindings, x.maxVertexInputAttributeOffset, x.maxVertexInputBindingStride, x.maxVertexOutputComponents, x.maxTessellationGenerationLevel, x.maxTessellationPatchSize, x.maxTessellationControlPerVertexInputComponents, x.maxTessellationControlPerVertexOutputComponents, x.maxTessellationControlPerPatchOutputComponents, x.maxTessellationControlTotalOutputComponents, x.maxTessellationEvaluationInputComponents, x.maxTessellationEvaluationOutputComponents, x.maxGeometryShaderInvocations, x.maxGeometryInputComponents, x.maxGeometryOutputComponents, x.maxGeometryOutputVertices, x.maxGeometryTotalOutputComponents, x.maxFragmentInputComponents, x.maxFragmentOutputAttachments, x.maxFragmentDualSrcAttachments, x.maxFragmentCombinedOutputResources, x.maxComputeSharedMemorySize, x.maxComputeWorkGroupCount, x.maxComputeWorkGroupInvocations, x.maxComputeWorkGroupSize, x.subPixelPrecisionBits, x.subTexelPrecisionBits, x.mipmapPrecisionBits, x.maxDrawIndexedIndexValue, x.maxDrawIndirectCount, x.maxSamplerLodBias, x.maxSamplerAnisotropy, x.maxViewports, x.maxViewportDimensions, x.viewportBoundsRange, x.viewportSubPixelBits, x.minMemoryMapAlignment, x.minTexelBufferOffsetAlignment, x.minUniformBufferOffsetAlignment, x.minStorageBufferOffsetAlignment, x.minTexelOffset, x.maxTexelOffset, x.minTexelGatherOffset, x.maxTexelGatherOffset, x.minInterpolationOffset, x.maxInterpolationOffset, x.subPixelInterpolationOffsetBits, x.maxFramebufferWidth, x.maxFramebufferHeight, x.maxFramebufferLayers, x.framebufferColorSampleCounts, x.framebufferDepthSampleCounts, x.framebufferStencilSampleCounts, x.framebufferNoAttachmentsSampleCounts, x.maxColorAttachments, x.sampledImageColorSampleCounts, x.sampledImageIntegerSampleCounts, x.sampledImageDepthSampleCounts, x.sampledImageStencilSampleCounts, x.storageImageSampleCounts, x.maxSampleMaskWords, from_vk(Bool, x.timestampComputeAndGraphics), x.timestampPeriod, x.maxClipDistances, x.maxCullDistances, x.maxCombinedClipAndCullDistances, x.discreteQueuePriorities, x.pointSizeRange, x.lineWidthRange, x.pointSizeGranularity, x.lineWidthGranularity, from_vk(Bool, x.strictLines), from_vk(Bool, x.standardSampleLocations), x.optimalBufferCopyOffsetAlignment, x.optimalBufferCopyRowPitchAlignment, x.nonCoherentAtomSize) SemaphoreCreateInfo(x::VkSemaphoreCreateInfo, next_types::Type...) = SemaphoreCreateInfo(load_next_chain(x.pNext, next_types...), x.flags) QueryPoolCreateInfo(x::VkQueryPoolCreateInfo, next_types::Type...) = QueryPoolCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, x.queryType, x.queryCount, x.pipelineStatistics) FramebufferCreateInfo(x::VkFramebufferCreateInfo, next_types::Type...) = FramebufferCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, RenderPass(x.renderPass), unsafe_wrap(Vector{ImageView}, x.pAttachments, x.attachmentCount; own = true), x.width, x.height, x.layers) DrawIndirectCommand(x::VkDrawIndirectCommand) = DrawIndirectCommand(x.vertexCount, x.instanceCount, x.firstVertex, x.firstInstance) DrawIndexedIndirectCommand(x::VkDrawIndexedIndirectCommand) = DrawIndexedIndirectCommand(x.indexCount, x.instanceCount, x.firstIndex, x.vertexOffset, x.firstInstance) DispatchIndirectCommand(x::VkDispatchIndirectCommand) = DispatchIndirectCommand(x.x, x.y, x.z) MultiDrawInfoEXT(x::VkMultiDrawInfoEXT) = MultiDrawInfoEXT(x.firstVertex, x.vertexCount) MultiDrawIndexedInfoEXT(x::VkMultiDrawIndexedInfoEXT) = MultiDrawIndexedInfoEXT(x.firstIndex, x.indexCount, x.vertexOffset) SubmitInfo(x::VkSubmitInfo, next_types::Type...) = SubmitInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{Semaphore}, x.pWaitSemaphores, x.waitSemaphoreCount; own = true), unsafe_wrap(Vector{PipelineStageFlag}, x.pWaitDstStageMask, x.waitSemaphoreCount; own = true), unsafe_wrap(Vector{CommandBuffer}, x.pCommandBuffers, x.commandBufferCount; own = true), unsafe_wrap(Vector{Semaphore}, x.pSignalSemaphores, x.signalSemaphoreCount; own = true)) DisplayPropertiesKHR(x::VkDisplayPropertiesKHR) = DisplayPropertiesKHR(DisplayKHR(x.display), unsafe_string(x.displayName), Extent2D(x.physicalDimensions), Extent2D(x.physicalResolution), x.supportedTransforms, from_vk(Bool, x.planeReorderPossible), from_vk(Bool, x.persistentContent)) DisplayPlanePropertiesKHR(x::VkDisplayPlanePropertiesKHR) = DisplayPlanePropertiesKHR(DisplayKHR(x.currentDisplay), x.currentStackIndex) DisplayModeParametersKHR(x::VkDisplayModeParametersKHR) = DisplayModeParametersKHR(Extent2D(x.visibleRegion), x.refreshRate) DisplayModePropertiesKHR(x::VkDisplayModePropertiesKHR) = DisplayModePropertiesKHR(DisplayModeKHR(x.displayMode), DisplayModeParametersKHR(x.parameters)) DisplayModeCreateInfoKHR(x::VkDisplayModeCreateInfoKHR, next_types::Type...) = DisplayModeCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.flags, DisplayModeParametersKHR(x.parameters)) DisplayPlaneCapabilitiesKHR(x::VkDisplayPlaneCapabilitiesKHR) = DisplayPlaneCapabilitiesKHR(x.supportedAlpha, Offset2D(x.minSrcPosition), Offset2D(x.maxSrcPosition), Extent2D(x.minSrcExtent), Extent2D(x.maxSrcExtent), Offset2D(x.minDstPosition), Offset2D(x.maxDstPosition), Extent2D(x.minDstExtent), Extent2D(x.maxDstExtent)) DisplaySurfaceCreateInfoKHR(x::VkDisplaySurfaceCreateInfoKHR, next_types::Type...) = DisplaySurfaceCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.flags, DisplayModeKHR(x.displayMode), x.planeIndex, x.planeStackIndex, SurfaceTransformFlagKHR(UInt32(x.transform)), x.globalAlpha, DisplayPlaneAlphaFlagKHR(UInt32(x.alphaMode)), Extent2D(x.imageExtent)) DisplayPresentInfoKHR(x::VkDisplayPresentInfoKHR, next_types::Type...) = DisplayPresentInfoKHR(load_next_chain(x.pNext, next_types...), Rect2D(x.srcRect), Rect2D(x.dstRect), from_vk(Bool, x.persistent)) SurfaceCapabilitiesKHR(x::VkSurfaceCapabilitiesKHR) = SurfaceCapabilitiesKHR(x.minImageCount, x.maxImageCount, Extent2D(x.currentExtent), Extent2D(x.minImageExtent), Extent2D(x.maxImageExtent), x.maxImageArrayLayers, x.supportedTransforms, SurfaceTransformFlagKHR(UInt32(x.currentTransform)), x.supportedCompositeAlpha, x.supportedUsageFlags) SurfaceFormatKHR(x::VkSurfaceFormatKHR) = SurfaceFormatKHR(x.format, x.colorSpace) SwapchainCreateInfoKHR(x::VkSwapchainCreateInfoKHR, next_types::Type...) = SwapchainCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.flags, SurfaceKHR(x.surface), x.minImageCount, x.imageFormat, x.imageColorSpace, Extent2D(x.imageExtent), x.imageArrayLayers, x.imageUsage, x.imageSharingMode, unsafe_wrap(Vector{UInt32}, x.pQueueFamilyIndices, x.queueFamilyIndexCount; own = true), SurfaceTransformFlagKHR(UInt32(x.preTransform)), CompositeAlphaFlagKHR(UInt32(x.compositeAlpha)), x.presentMode, from_vk(Bool, x.clipped), SwapchainKHR(x.oldSwapchain)) PresentInfoKHR(x::VkPresentInfoKHR, next_types::Type...) = PresentInfoKHR(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{Semaphore}, x.pWaitSemaphores, x.waitSemaphoreCount; own = true), unsafe_wrap(Vector{SwapchainKHR}, x.pSwapchains, x.swapchainCount; own = true), unsafe_wrap(Vector{UInt32}, x.pImageIndices, x.swapchainCount; own = true), unsafe_wrap(Vector{Result}, x.pResults, x.swapchainCount; own = true)) DebugReportCallbackCreateInfoEXT(x::VkDebugReportCallbackCreateInfoEXT, next_types::Type...) = DebugReportCallbackCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.flags, from_vk(FunctionPtr, x.pfnCallback), x.pUserData) ValidationFlagsEXT(x::VkValidationFlagsEXT, next_types::Type...) = ValidationFlagsEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{ValidationCheckEXT}, x.pDisabledValidationChecks, x.disabledValidationCheckCount; own = true)) ValidationFeaturesEXT(x::VkValidationFeaturesEXT, next_types::Type...) = ValidationFeaturesEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{ValidationFeatureEnableEXT}, x.pEnabledValidationFeatures, x.enabledValidationFeatureCount; own = true), unsafe_wrap(Vector{ValidationFeatureDisableEXT}, x.pDisabledValidationFeatures, x.disabledValidationFeatureCount; own = true)) PipelineRasterizationStateRasterizationOrderAMD(x::VkPipelineRasterizationStateRasterizationOrderAMD, next_types::Type...) = PipelineRasterizationStateRasterizationOrderAMD(load_next_chain(x.pNext, next_types...), x.rasterizationOrder) DebugMarkerObjectNameInfoEXT(x::VkDebugMarkerObjectNameInfoEXT, next_types::Type...) = DebugMarkerObjectNameInfoEXT(load_next_chain(x.pNext, next_types...), x.objectType, x.object, unsafe_string(x.pObjectName)) DebugMarkerObjectTagInfoEXT(x::VkDebugMarkerObjectTagInfoEXT, next_types::Type...) = DebugMarkerObjectTagInfoEXT(load_next_chain(x.pNext, next_types...), x.objectType, x.object, x.tagName, x.tagSize, x.pTag) DebugMarkerMarkerInfoEXT(x::VkDebugMarkerMarkerInfoEXT, next_types::Type...) = DebugMarkerMarkerInfoEXT(load_next_chain(x.pNext, next_types...), unsafe_string(x.pMarkerName), x.color) DedicatedAllocationImageCreateInfoNV(x::VkDedicatedAllocationImageCreateInfoNV, next_types::Type...) = DedicatedAllocationImageCreateInfoNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.dedicatedAllocation)) DedicatedAllocationBufferCreateInfoNV(x::VkDedicatedAllocationBufferCreateInfoNV, next_types::Type...) = DedicatedAllocationBufferCreateInfoNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.dedicatedAllocation)) DedicatedAllocationMemoryAllocateInfoNV(x::VkDedicatedAllocationMemoryAllocateInfoNV, next_types::Type...) = DedicatedAllocationMemoryAllocateInfoNV(load_next_chain(x.pNext, next_types...), Image(x.image), Buffer(x.buffer)) ExternalImageFormatPropertiesNV(x::VkExternalImageFormatPropertiesNV) = ExternalImageFormatPropertiesNV(ImageFormatProperties(x.imageFormatProperties), x.externalMemoryFeatures, x.exportFromImportedHandleTypes, x.compatibleHandleTypes) ExternalMemoryImageCreateInfoNV(x::VkExternalMemoryImageCreateInfoNV, next_types::Type...) = ExternalMemoryImageCreateInfoNV(load_next_chain(x.pNext, next_types...), x.handleTypes) ExportMemoryAllocateInfoNV(x::VkExportMemoryAllocateInfoNV, next_types::Type...) = ExportMemoryAllocateInfoNV(load_next_chain(x.pNext, next_types...), x.handleTypes) PhysicalDeviceDeviceGeneratedCommandsFeaturesNV(x::VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV, next_types::Type...) = PhysicalDeviceDeviceGeneratedCommandsFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.deviceGeneratedCommands)) DevicePrivateDataCreateInfo(x::VkDevicePrivateDataCreateInfo, next_types::Type...) = DevicePrivateDataCreateInfo(load_next_chain(x.pNext, next_types...), x.privateDataSlotRequestCount) PrivateDataSlotCreateInfo(x::VkPrivateDataSlotCreateInfo, next_types::Type...) = PrivateDataSlotCreateInfo(load_next_chain(x.pNext, next_types...), x.flags) PhysicalDevicePrivateDataFeatures(x::VkPhysicalDevicePrivateDataFeatures, next_types::Type...) = PhysicalDevicePrivateDataFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.privateData)) PhysicalDeviceDeviceGeneratedCommandsPropertiesNV(x::VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV, next_types::Type...) = PhysicalDeviceDeviceGeneratedCommandsPropertiesNV(load_next_chain(x.pNext, next_types...), x.maxGraphicsShaderGroupCount, x.maxIndirectSequenceCount, x.maxIndirectCommandsTokenCount, x.maxIndirectCommandsStreamCount, x.maxIndirectCommandsTokenOffset, x.maxIndirectCommandsStreamStride, x.minSequencesCountBufferOffsetAlignment, x.minSequencesIndexBufferOffsetAlignment, x.minIndirectCommandsBufferOffsetAlignment) PhysicalDeviceMultiDrawPropertiesEXT(x::VkPhysicalDeviceMultiDrawPropertiesEXT, next_types::Type...) = PhysicalDeviceMultiDrawPropertiesEXT(load_next_chain(x.pNext, next_types...), x.maxMultiDrawCount) GraphicsShaderGroupCreateInfoNV(x::VkGraphicsShaderGroupCreateInfoNV, next_types::Type...) = GraphicsShaderGroupCreateInfoNV(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{PipelineShaderStageCreateInfo}, x.pStages, x.stageCount; own = true), PipelineVertexInputStateCreateInfo(x.pVertexInputState), PipelineTessellationStateCreateInfo(x.pTessellationState)) GraphicsPipelineShaderGroupsCreateInfoNV(x::VkGraphicsPipelineShaderGroupsCreateInfoNV, next_types::Type...) = GraphicsPipelineShaderGroupsCreateInfoNV(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{GraphicsShaderGroupCreateInfoNV}, x.pGroups, x.groupCount; own = true), unsafe_wrap(Vector{Pipeline}, x.pPipelines, x.pipelineCount; own = true)) BindShaderGroupIndirectCommandNV(x::VkBindShaderGroupIndirectCommandNV) = BindShaderGroupIndirectCommandNV(x.groupIndex) BindIndexBufferIndirectCommandNV(x::VkBindIndexBufferIndirectCommandNV) = BindIndexBufferIndirectCommandNV(x.bufferAddress, x.size, x.indexType) BindVertexBufferIndirectCommandNV(x::VkBindVertexBufferIndirectCommandNV) = BindVertexBufferIndirectCommandNV(x.bufferAddress, x.size, x.stride) SetStateFlagsIndirectCommandNV(x::VkSetStateFlagsIndirectCommandNV) = SetStateFlagsIndirectCommandNV(x.data) IndirectCommandsStreamNV(x::VkIndirectCommandsStreamNV) = IndirectCommandsStreamNV(Buffer(x.buffer), x.offset) IndirectCommandsLayoutTokenNV(x::VkIndirectCommandsLayoutTokenNV, next_types::Type...) = IndirectCommandsLayoutTokenNV(load_next_chain(x.pNext, next_types...), x.tokenType, x.stream, x.offset, x.vertexBindingUnit, from_vk(Bool, x.vertexDynamicStride), PipelineLayout(x.pushconstantPipelineLayout), x.pushconstantShaderStageFlags, x.pushconstantOffset, x.pushconstantSize, x.indirectStateFlags, unsafe_wrap(Vector{IndexType}, x.pIndexTypes, x.indexTypeCount; own = true), unsafe_wrap(Vector{UInt32}, x.pIndexTypeValues, x.indexTypeCount; own = true)) IndirectCommandsLayoutCreateInfoNV(x::VkIndirectCommandsLayoutCreateInfoNV, next_types::Type...) = IndirectCommandsLayoutCreateInfoNV(load_next_chain(x.pNext, next_types...), x.flags, x.pipelineBindPoint, unsafe_wrap(Vector{IndirectCommandsLayoutTokenNV}, x.pTokens, x.tokenCount; own = true), unsafe_wrap(Vector{UInt32}, x.pStreamStrides, x.streamCount; own = true)) GeneratedCommandsInfoNV(x::VkGeneratedCommandsInfoNV, next_types::Type...) = GeneratedCommandsInfoNV(load_next_chain(x.pNext, next_types...), x.pipelineBindPoint, Pipeline(x.pipeline), IndirectCommandsLayoutNV(x.indirectCommandsLayout), unsafe_wrap(Vector{IndirectCommandsStreamNV}, x.pStreams, x.streamCount; own = true), x.sequencesCount, Buffer(x.preprocessBuffer), x.preprocessOffset, x.preprocessSize, Buffer(x.sequencesCountBuffer), x.sequencesCountOffset, Buffer(x.sequencesIndexBuffer), x.sequencesIndexOffset) GeneratedCommandsMemoryRequirementsInfoNV(x::VkGeneratedCommandsMemoryRequirementsInfoNV, next_types::Type...) = GeneratedCommandsMemoryRequirementsInfoNV(load_next_chain(x.pNext, next_types...), x.pipelineBindPoint, Pipeline(x.pipeline), IndirectCommandsLayoutNV(x.indirectCommandsLayout), x.maxSequencesCount) PhysicalDeviceFeatures2(x::VkPhysicalDeviceFeatures2, next_types::Type...) = PhysicalDeviceFeatures2(load_next_chain(x.pNext, next_types...), PhysicalDeviceFeatures(x.features)) PhysicalDeviceProperties2(x::VkPhysicalDeviceProperties2, next_types::Type...) = PhysicalDeviceProperties2(load_next_chain(x.pNext, next_types...), PhysicalDeviceProperties(x.properties)) FormatProperties2(x::VkFormatProperties2, next_types::Type...) = FormatProperties2(load_next_chain(x.pNext, next_types...), FormatProperties(x.formatProperties)) ImageFormatProperties2(x::VkImageFormatProperties2, next_types::Type...) = ImageFormatProperties2(load_next_chain(x.pNext, next_types...), ImageFormatProperties(x.imageFormatProperties)) PhysicalDeviceImageFormatInfo2(x::VkPhysicalDeviceImageFormatInfo2, next_types::Type...) = PhysicalDeviceImageFormatInfo2(load_next_chain(x.pNext, next_types...), x.format, x.type, x.tiling, x.usage, x.flags) QueueFamilyProperties2(x::VkQueueFamilyProperties2, next_types::Type...) = QueueFamilyProperties2(load_next_chain(x.pNext, next_types...), QueueFamilyProperties(x.queueFamilyProperties)) PhysicalDeviceMemoryProperties2(x::VkPhysicalDeviceMemoryProperties2, next_types::Type...) = PhysicalDeviceMemoryProperties2(load_next_chain(x.pNext, next_types...), PhysicalDeviceMemoryProperties(x.memoryProperties)) SparseImageFormatProperties2(x::VkSparseImageFormatProperties2, next_types::Type...) = SparseImageFormatProperties2(load_next_chain(x.pNext, next_types...), SparseImageFormatProperties(x.properties)) PhysicalDeviceSparseImageFormatInfo2(x::VkPhysicalDeviceSparseImageFormatInfo2, next_types::Type...) = PhysicalDeviceSparseImageFormatInfo2(load_next_chain(x.pNext, next_types...), x.format, x.type, SampleCountFlag(UInt32(x.samples)), x.usage, x.tiling) PhysicalDevicePushDescriptorPropertiesKHR(x::VkPhysicalDevicePushDescriptorPropertiesKHR, next_types::Type...) = PhysicalDevicePushDescriptorPropertiesKHR(load_next_chain(x.pNext, next_types...), x.maxPushDescriptors) ConformanceVersion(x::VkConformanceVersion) = ConformanceVersion(x.major, x.minor, x.subminor, x.patch) PhysicalDeviceDriverProperties(x::VkPhysicalDeviceDriverProperties, next_types::Type...) = PhysicalDeviceDriverProperties(load_next_chain(x.pNext, next_types...), x.driverID, from_vk(String, x.driverName), from_vk(String, x.driverInfo), ConformanceVersion(x.conformanceVersion)) PresentRegionsKHR(x::VkPresentRegionsKHR, next_types::Type...) = PresentRegionsKHR(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{PresentRegionKHR}, x.pRegions, x.swapchainCount; own = true)) PresentRegionKHR(x::VkPresentRegionKHR) = PresentRegionKHR(unsafe_wrap(Vector{RectLayerKHR}, x.pRectangles, x.rectangleCount; own = true)) RectLayerKHR(x::VkRectLayerKHR) = RectLayerKHR(Offset2D(x.offset), Extent2D(x.extent), x.layer) PhysicalDeviceVariablePointersFeatures(x::VkPhysicalDeviceVariablePointersFeatures, next_types::Type...) = PhysicalDeviceVariablePointersFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.variablePointersStorageBuffer), from_vk(Bool, x.variablePointers)) ExternalMemoryProperties(x::VkExternalMemoryProperties) = ExternalMemoryProperties(x.externalMemoryFeatures, x.exportFromImportedHandleTypes, x.compatibleHandleTypes) PhysicalDeviceExternalImageFormatInfo(x::VkPhysicalDeviceExternalImageFormatInfo, next_types::Type...) = PhysicalDeviceExternalImageFormatInfo(load_next_chain(x.pNext, next_types...), ExternalMemoryHandleTypeFlag(UInt32(x.handleType))) ExternalImageFormatProperties(x::VkExternalImageFormatProperties, next_types::Type...) = ExternalImageFormatProperties(load_next_chain(x.pNext, next_types...), ExternalMemoryProperties(x.externalMemoryProperties)) PhysicalDeviceExternalBufferInfo(x::VkPhysicalDeviceExternalBufferInfo, next_types::Type...) = PhysicalDeviceExternalBufferInfo(load_next_chain(x.pNext, next_types...), x.flags, x.usage, ExternalMemoryHandleTypeFlag(UInt32(x.handleType))) ExternalBufferProperties(x::VkExternalBufferProperties, next_types::Type...) = ExternalBufferProperties(load_next_chain(x.pNext, next_types...), ExternalMemoryProperties(x.externalMemoryProperties)) PhysicalDeviceIDProperties(x::VkPhysicalDeviceIDProperties, next_types::Type...) = PhysicalDeviceIDProperties(load_next_chain(x.pNext, next_types...), x.deviceUUID, x.driverUUID, x.deviceLUID, x.deviceNodeMask, from_vk(Bool, x.deviceLUIDValid)) ExternalMemoryImageCreateInfo(x::VkExternalMemoryImageCreateInfo, next_types::Type...) = ExternalMemoryImageCreateInfo(load_next_chain(x.pNext, next_types...), x.handleTypes) ExternalMemoryBufferCreateInfo(x::VkExternalMemoryBufferCreateInfo, next_types::Type...) = ExternalMemoryBufferCreateInfo(load_next_chain(x.pNext, next_types...), x.handleTypes) ExportMemoryAllocateInfo(x::VkExportMemoryAllocateInfo, next_types::Type...) = ExportMemoryAllocateInfo(load_next_chain(x.pNext, next_types...), x.handleTypes) ImportMemoryFdInfoKHR(x::VkImportMemoryFdInfoKHR, next_types::Type...) = ImportMemoryFdInfoKHR(load_next_chain(x.pNext, next_types...), ExternalMemoryHandleTypeFlag(UInt32(x.handleType)), x.fd) MemoryFdPropertiesKHR(x::VkMemoryFdPropertiesKHR, next_types::Type...) = MemoryFdPropertiesKHR(load_next_chain(x.pNext, next_types...), x.memoryTypeBits) MemoryGetFdInfoKHR(x::VkMemoryGetFdInfoKHR, next_types::Type...) = MemoryGetFdInfoKHR(load_next_chain(x.pNext, next_types...), DeviceMemory(x.memory), ExternalMemoryHandleTypeFlag(UInt32(x.handleType))) PhysicalDeviceExternalSemaphoreInfo(x::VkPhysicalDeviceExternalSemaphoreInfo, next_types::Type...) = PhysicalDeviceExternalSemaphoreInfo(load_next_chain(x.pNext, next_types...), ExternalSemaphoreHandleTypeFlag(UInt32(x.handleType))) ExternalSemaphoreProperties(x::VkExternalSemaphoreProperties, next_types::Type...) = ExternalSemaphoreProperties(load_next_chain(x.pNext, next_types...), x.exportFromImportedHandleTypes, x.compatibleHandleTypes, x.externalSemaphoreFeatures) ExportSemaphoreCreateInfo(x::VkExportSemaphoreCreateInfo, next_types::Type...) = ExportSemaphoreCreateInfo(load_next_chain(x.pNext, next_types...), x.handleTypes) ImportSemaphoreFdInfoKHR(x::VkImportSemaphoreFdInfoKHR, next_types::Type...) = ImportSemaphoreFdInfoKHR(load_next_chain(x.pNext, next_types...), Semaphore(x.semaphore), x.flags, ExternalSemaphoreHandleTypeFlag(UInt32(x.handleType)), x.fd) SemaphoreGetFdInfoKHR(x::VkSemaphoreGetFdInfoKHR, next_types::Type...) = SemaphoreGetFdInfoKHR(load_next_chain(x.pNext, next_types...), Semaphore(x.semaphore), ExternalSemaphoreHandleTypeFlag(UInt32(x.handleType))) PhysicalDeviceExternalFenceInfo(x::VkPhysicalDeviceExternalFenceInfo, next_types::Type...) = PhysicalDeviceExternalFenceInfo(load_next_chain(x.pNext, next_types...), ExternalFenceHandleTypeFlag(UInt32(x.handleType))) ExternalFenceProperties(x::VkExternalFenceProperties, next_types::Type...) = ExternalFenceProperties(load_next_chain(x.pNext, next_types...), x.exportFromImportedHandleTypes, x.compatibleHandleTypes, x.externalFenceFeatures) ExportFenceCreateInfo(x::VkExportFenceCreateInfo, next_types::Type...) = ExportFenceCreateInfo(load_next_chain(x.pNext, next_types...), x.handleTypes) ImportFenceFdInfoKHR(x::VkImportFenceFdInfoKHR, next_types::Type...) = ImportFenceFdInfoKHR(load_next_chain(x.pNext, next_types...), Fence(x.fence), x.flags, ExternalFenceHandleTypeFlag(UInt32(x.handleType)), x.fd) FenceGetFdInfoKHR(x::VkFenceGetFdInfoKHR, next_types::Type...) = FenceGetFdInfoKHR(load_next_chain(x.pNext, next_types...), Fence(x.fence), ExternalFenceHandleTypeFlag(UInt32(x.handleType))) PhysicalDeviceMultiviewFeatures(x::VkPhysicalDeviceMultiviewFeatures, next_types::Type...) = PhysicalDeviceMultiviewFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.multiview), from_vk(Bool, x.multiviewGeometryShader), from_vk(Bool, x.multiviewTessellationShader)) PhysicalDeviceMultiviewProperties(x::VkPhysicalDeviceMultiviewProperties, next_types::Type...) = PhysicalDeviceMultiviewProperties(load_next_chain(x.pNext, next_types...), x.maxMultiviewViewCount, x.maxMultiviewInstanceIndex) RenderPassMultiviewCreateInfo(x::VkRenderPassMultiviewCreateInfo, next_types::Type...) = RenderPassMultiviewCreateInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{UInt32}, x.pViewMasks, x.subpassCount; own = true), unsafe_wrap(Vector{Int32}, x.pViewOffsets, x.dependencyCount; own = true), unsafe_wrap(Vector{UInt32}, x.pCorrelationMasks, x.correlationMaskCount; own = true)) SurfaceCapabilities2EXT(x::VkSurfaceCapabilities2EXT, next_types::Type...) = SurfaceCapabilities2EXT(load_next_chain(x.pNext, next_types...), x.minImageCount, x.maxImageCount, Extent2D(x.currentExtent), Extent2D(x.minImageExtent), Extent2D(x.maxImageExtent), x.maxImageArrayLayers, x.supportedTransforms, SurfaceTransformFlagKHR(UInt32(x.currentTransform)), x.supportedCompositeAlpha, x.supportedUsageFlags, x.supportedSurfaceCounters) DisplayPowerInfoEXT(x::VkDisplayPowerInfoEXT, next_types::Type...) = DisplayPowerInfoEXT(load_next_chain(x.pNext, next_types...), x.powerState) DeviceEventInfoEXT(x::VkDeviceEventInfoEXT, next_types::Type...) = DeviceEventInfoEXT(load_next_chain(x.pNext, next_types...), x.deviceEvent) DisplayEventInfoEXT(x::VkDisplayEventInfoEXT, next_types::Type...) = DisplayEventInfoEXT(load_next_chain(x.pNext, next_types...), x.displayEvent) SwapchainCounterCreateInfoEXT(x::VkSwapchainCounterCreateInfoEXT, next_types::Type...) = SwapchainCounterCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.surfaceCounters) PhysicalDeviceGroupProperties(x::VkPhysicalDeviceGroupProperties, next_types::Type...) = PhysicalDeviceGroupProperties(load_next_chain(x.pNext, next_types...), x.physicalDeviceCount, PhysicalDevice.(x.physicalDevices), from_vk(Bool, x.subsetAllocation)) MemoryAllocateFlagsInfo(x::VkMemoryAllocateFlagsInfo, next_types::Type...) = MemoryAllocateFlagsInfo(load_next_chain(x.pNext, next_types...), x.flags, x.deviceMask) BindBufferMemoryInfo(x::VkBindBufferMemoryInfo, next_types::Type...) = BindBufferMemoryInfo(load_next_chain(x.pNext, next_types...), Buffer(x.buffer), DeviceMemory(x.memory), x.memoryOffset) BindBufferMemoryDeviceGroupInfo(x::VkBindBufferMemoryDeviceGroupInfo, next_types::Type...) = BindBufferMemoryDeviceGroupInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{UInt32}, x.pDeviceIndices, x.deviceIndexCount; own = true)) BindImageMemoryInfo(x::VkBindImageMemoryInfo, next_types::Type...) = BindImageMemoryInfo(load_next_chain(x.pNext, next_types...), Image(x.image), DeviceMemory(x.memory), x.memoryOffset) BindImageMemoryDeviceGroupInfo(x::VkBindImageMemoryDeviceGroupInfo, next_types::Type...) = BindImageMemoryDeviceGroupInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{UInt32}, x.pDeviceIndices, x.deviceIndexCount; own = true), unsafe_wrap(Vector{Rect2D}, x.pSplitInstanceBindRegions, x.splitInstanceBindRegionCount; own = true)) DeviceGroupRenderPassBeginInfo(x::VkDeviceGroupRenderPassBeginInfo, next_types::Type...) = DeviceGroupRenderPassBeginInfo(load_next_chain(x.pNext, next_types...), x.deviceMask, unsafe_wrap(Vector{Rect2D}, x.pDeviceRenderAreas, x.deviceRenderAreaCount; own = true)) DeviceGroupCommandBufferBeginInfo(x::VkDeviceGroupCommandBufferBeginInfo, next_types::Type...) = DeviceGroupCommandBufferBeginInfo(load_next_chain(x.pNext, next_types...), x.deviceMask) DeviceGroupSubmitInfo(x::VkDeviceGroupSubmitInfo, next_types::Type...) = DeviceGroupSubmitInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{UInt32}, x.pWaitSemaphoreDeviceIndices, x.waitSemaphoreCount; own = true), unsafe_wrap(Vector{UInt32}, x.pCommandBufferDeviceMasks, x.commandBufferCount; own = true), unsafe_wrap(Vector{UInt32}, x.pSignalSemaphoreDeviceIndices, x.signalSemaphoreCount; own = true)) DeviceGroupBindSparseInfo(x::VkDeviceGroupBindSparseInfo, next_types::Type...) = DeviceGroupBindSparseInfo(load_next_chain(x.pNext, next_types...), x.resourceDeviceIndex, x.memoryDeviceIndex) DeviceGroupPresentCapabilitiesKHR(x::VkDeviceGroupPresentCapabilitiesKHR, next_types::Type...) = DeviceGroupPresentCapabilitiesKHR(load_next_chain(x.pNext, next_types...), x.presentMask, x.modes) ImageSwapchainCreateInfoKHR(x::VkImageSwapchainCreateInfoKHR, next_types::Type...) = ImageSwapchainCreateInfoKHR(load_next_chain(x.pNext, next_types...), SwapchainKHR(x.swapchain)) BindImageMemorySwapchainInfoKHR(x::VkBindImageMemorySwapchainInfoKHR, next_types::Type...) = BindImageMemorySwapchainInfoKHR(load_next_chain(x.pNext, next_types...), SwapchainKHR(x.swapchain), x.imageIndex) AcquireNextImageInfoKHR(x::VkAcquireNextImageInfoKHR, next_types::Type...) = AcquireNextImageInfoKHR(load_next_chain(x.pNext, next_types...), SwapchainKHR(x.swapchain), x.timeout, Semaphore(x.semaphore), Fence(x.fence), x.deviceMask) DeviceGroupPresentInfoKHR(x::VkDeviceGroupPresentInfoKHR, next_types::Type...) = DeviceGroupPresentInfoKHR(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{UInt32}, x.pDeviceMasks, x.swapchainCount; own = true), DeviceGroupPresentModeFlagKHR(UInt32(x.mode))) DeviceGroupDeviceCreateInfo(x::VkDeviceGroupDeviceCreateInfo, next_types::Type...) = DeviceGroupDeviceCreateInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{PhysicalDevice}, x.pPhysicalDevices, x.physicalDeviceCount; own = true)) DeviceGroupSwapchainCreateInfoKHR(x::VkDeviceGroupSwapchainCreateInfoKHR, next_types::Type...) = DeviceGroupSwapchainCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.modes) DescriptorUpdateTemplateEntry(x::VkDescriptorUpdateTemplateEntry) = DescriptorUpdateTemplateEntry(x.dstBinding, x.dstArrayElement, x.descriptorCount, x.descriptorType, x.offset, x.stride) DescriptorUpdateTemplateCreateInfo(x::VkDescriptorUpdateTemplateCreateInfo, next_types::Type...) = DescriptorUpdateTemplateCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{DescriptorUpdateTemplateEntry}, x.pDescriptorUpdateEntries, x.descriptorUpdateEntryCount; own = true), x.templateType, DescriptorSetLayout(x.descriptorSetLayout), x.pipelineBindPoint, PipelineLayout(x.pipelineLayout), x.set) XYColorEXT(x::VkXYColorEXT) = XYColorEXT(x.x, x.y) PhysicalDevicePresentIdFeaturesKHR(x::VkPhysicalDevicePresentIdFeaturesKHR, next_types::Type...) = PhysicalDevicePresentIdFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.presentId)) PresentIdKHR(x::VkPresentIdKHR, next_types::Type...) = PresentIdKHR(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{UInt64}, x.pPresentIds, x.swapchainCount; own = true)) PhysicalDevicePresentWaitFeaturesKHR(x::VkPhysicalDevicePresentWaitFeaturesKHR, next_types::Type...) = PhysicalDevicePresentWaitFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.presentWait)) HdrMetadataEXT(x::VkHdrMetadataEXT, next_types::Type...) = HdrMetadataEXT(load_next_chain(x.pNext, next_types...), XYColorEXT(x.displayPrimaryRed), XYColorEXT(x.displayPrimaryGreen), XYColorEXT(x.displayPrimaryBlue), XYColorEXT(x.whitePoint), x.maxLuminance, x.minLuminance, x.maxContentLightLevel, x.maxFrameAverageLightLevel) DisplayNativeHdrSurfaceCapabilitiesAMD(x::VkDisplayNativeHdrSurfaceCapabilitiesAMD, next_types::Type...) = DisplayNativeHdrSurfaceCapabilitiesAMD(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.localDimmingSupport)) SwapchainDisplayNativeHdrCreateInfoAMD(x::VkSwapchainDisplayNativeHdrCreateInfoAMD, next_types::Type...) = SwapchainDisplayNativeHdrCreateInfoAMD(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.localDimmingEnable)) RefreshCycleDurationGOOGLE(x::VkRefreshCycleDurationGOOGLE) = RefreshCycleDurationGOOGLE(x.refreshDuration) PastPresentationTimingGOOGLE(x::VkPastPresentationTimingGOOGLE) = PastPresentationTimingGOOGLE(x.presentID, x.desiredPresentTime, x.actualPresentTime, x.earliestPresentTime, x.presentMargin) PresentTimesInfoGOOGLE(x::VkPresentTimesInfoGOOGLE, next_types::Type...) = PresentTimesInfoGOOGLE(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{PresentTimeGOOGLE}, x.pTimes, x.swapchainCount; own = true)) PresentTimeGOOGLE(x::VkPresentTimeGOOGLE) = PresentTimeGOOGLE(x.presentID, x.desiredPresentTime) MacOSSurfaceCreateInfoMVK(x::VkMacOSSurfaceCreateInfoMVK, next_types::Type...) = MacOSSurfaceCreateInfoMVK(load_next_chain(x.pNext, next_types...), x.flags, x.pView) MetalSurfaceCreateInfoEXT(x::VkMetalSurfaceCreateInfoEXT, next_types::Type...) = MetalSurfaceCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.flags, x.pLayer) ViewportWScalingNV(x::VkViewportWScalingNV) = ViewportWScalingNV(x.xcoeff, x.ycoeff) PipelineViewportWScalingStateCreateInfoNV(x::VkPipelineViewportWScalingStateCreateInfoNV, next_types::Type...) = PipelineViewportWScalingStateCreateInfoNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.viewportWScalingEnable), unsafe_wrap(Vector{ViewportWScalingNV}, x.pViewportWScalings, x.viewportCount; own = true)) ViewportSwizzleNV(x::VkViewportSwizzleNV) = ViewportSwizzleNV(x.x, x.y, x.z, x.w) PipelineViewportSwizzleStateCreateInfoNV(x::VkPipelineViewportSwizzleStateCreateInfoNV, next_types::Type...) = PipelineViewportSwizzleStateCreateInfoNV(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{ViewportSwizzleNV}, x.pViewportSwizzles, x.viewportCount; own = true)) PhysicalDeviceDiscardRectanglePropertiesEXT(x::VkPhysicalDeviceDiscardRectanglePropertiesEXT, next_types::Type...) = PhysicalDeviceDiscardRectanglePropertiesEXT(load_next_chain(x.pNext, next_types...), x.maxDiscardRectangles) PipelineDiscardRectangleStateCreateInfoEXT(x::VkPipelineDiscardRectangleStateCreateInfoEXT, next_types::Type...) = PipelineDiscardRectangleStateCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.flags, x.discardRectangleMode, unsafe_wrap(Vector{Rect2D}, x.pDiscardRectangles, x.discardRectangleCount; own = true)) PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX(x::VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX, next_types::Type...) = PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.perViewPositionAllComponents)) InputAttachmentAspectReference(x::VkInputAttachmentAspectReference) = InputAttachmentAspectReference(x.subpass, x.inputAttachmentIndex, x.aspectMask) RenderPassInputAttachmentAspectCreateInfo(x::VkRenderPassInputAttachmentAspectCreateInfo, next_types::Type...) = RenderPassInputAttachmentAspectCreateInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{InputAttachmentAspectReference}, x.pAspectReferences, x.aspectReferenceCount; own = true)) PhysicalDeviceSurfaceInfo2KHR(x::VkPhysicalDeviceSurfaceInfo2KHR, next_types::Type...) = PhysicalDeviceSurfaceInfo2KHR(load_next_chain(x.pNext, next_types...), SurfaceKHR(x.surface)) SurfaceCapabilities2KHR(x::VkSurfaceCapabilities2KHR, next_types::Type...) = SurfaceCapabilities2KHR(load_next_chain(x.pNext, next_types...), SurfaceCapabilitiesKHR(x.surfaceCapabilities)) SurfaceFormat2KHR(x::VkSurfaceFormat2KHR, next_types::Type...) = SurfaceFormat2KHR(load_next_chain(x.pNext, next_types...), SurfaceFormatKHR(x.surfaceFormat)) DisplayProperties2KHR(x::VkDisplayProperties2KHR, next_types::Type...) = DisplayProperties2KHR(load_next_chain(x.pNext, next_types...), DisplayPropertiesKHR(x.displayProperties)) DisplayPlaneProperties2KHR(x::VkDisplayPlaneProperties2KHR, next_types::Type...) = DisplayPlaneProperties2KHR(load_next_chain(x.pNext, next_types...), DisplayPlanePropertiesKHR(x.displayPlaneProperties)) DisplayModeProperties2KHR(x::VkDisplayModeProperties2KHR, next_types::Type...) = DisplayModeProperties2KHR(load_next_chain(x.pNext, next_types...), DisplayModePropertiesKHR(x.displayModeProperties)) DisplayPlaneInfo2KHR(x::VkDisplayPlaneInfo2KHR, next_types::Type...) = DisplayPlaneInfo2KHR(load_next_chain(x.pNext, next_types...), DisplayModeKHR(x.mode), x.planeIndex) DisplayPlaneCapabilities2KHR(x::VkDisplayPlaneCapabilities2KHR, next_types::Type...) = DisplayPlaneCapabilities2KHR(load_next_chain(x.pNext, next_types...), DisplayPlaneCapabilitiesKHR(x.capabilities)) SharedPresentSurfaceCapabilitiesKHR(x::VkSharedPresentSurfaceCapabilitiesKHR, next_types::Type...) = SharedPresentSurfaceCapabilitiesKHR(load_next_chain(x.pNext, next_types...), x.sharedPresentSupportedUsageFlags) PhysicalDevice16BitStorageFeatures(x::VkPhysicalDevice16BitStorageFeatures, next_types::Type...) = PhysicalDevice16BitStorageFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.storageBuffer16BitAccess), from_vk(Bool, x.uniformAndStorageBuffer16BitAccess), from_vk(Bool, x.storagePushConstant16), from_vk(Bool, x.storageInputOutput16)) PhysicalDeviceSubgroupProperties(x::VkPhysicalDeviceSubgroupProperties, next_types::Type...) = PhysicalDeviceSubgroupProperties(load_next_chain(x.pNext, next_types...), x.subgroupSize, x.supportedStages, x.supportedOperations, from_vk(Bool, x.quadOperationsInAllStages)) PhysicalDeviceShaderSubgroupExtendedTypesFeatures(x::VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures, next_types::Type...) = PhysicalDeviceShaderSubgroupExtendedTypesFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderSubgroupExtendedTypes)) BufferMemoryRequirementsInfo2(x::VkBufferMemoryRequirementsInfo2, next_types::Type...) = BufferMemoryRequirementsInfo2(load_next_chain(x.pNext, next_types...), Buffer(x.buffer)) DeviceBufferMemoryRequirements(x::VkDeviceBufferMemoryRequirements, next_types::Type...) = DeviceBufferMemoryRequirements(load_next_chain(x.pNext, next_types...), BufferCreateInfo(x.pCreateInfo)) ImageMemoryRequirementsInfo2(x::VkImageMemoryRequirementsInfo2, next_types::Type...) = ImageMemoryRequirementsInfo2(load_next_chain(x.pNext, next_types...), Image(x.image)) ImageSparseMemoryRequirementsInfo2(x::VkImageSparseMemoryRequirementsInfo2, next_types::Type...) = ImageSparseMemoryRequirementsInfo2(load_next_chain(x.pNext, next_types...), Image(x.image)) DeviceImageMemoryRequirements(x::VkDeviceImageMemoryRequirements, next_types::Type...) = DeviceImageMemoryRequirements(load_next_chain(x.pNext, next_types...), ImageCreateInfo(x.pCreateInfo), ImageAspectFlag(UInt32(x.planeAspect))) MemoryRequirements2(x::VkMemoryRequirements2, next_types::Type...) = MemoryRequirements2(load_next_chain(x.pNext, next_types...), MemoryRequirements(x.memoryRequirements)) SparseImageMemoryRequirements2(x::VkSparseImageMemoryRequirements2, next_types::Type...) = SparseImageMemoryRequirements2(load_next_chain(x.pNext, next_types...), SparseImageMemoryRequirements(x.memoryRequirements)) PhysicalDevicePointClippingProperties(x::VkPhysicalDevicePointClippingProperties, next_types::Type...) = PhysicalDevicePointClippingProperties(load_next_chain(x.pNext, next_types...), x.pointClippingBehavior) MemoryDedicatedRequirements(x::VkMemoryDedicatedRequirements, next_types::Type...) = MemoryDedicatedRequirements(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.prefersDedicatedAllocation), from_vk(Bool, x.requiresDedicatedAllocation)) MemoryDedicatedAllocateInfo(x::VkMemoryDedicatedAllocateInfo, next_types::Type...) = MemoryDedicatedAllocateInfo(load_next_chain(x.pNext, next_types...), Image(x.image), Buffer(x.buffer)) ImageViewUsageCreateInfo(x::VkImageViewUsageCreateInfo, next_types::Type...) = ImageViewUsageCreateInfo(load_next_chain(x.pNext, next_types...), x.usage) PipelineTessellationDomainOriginStateCreateInfo(x::VkPipelineTessellationDomainOriginStateCreateInfo, next_types::Type...) = PipelineTessellationDomainOriginStateCreateInfo(load_next_chain(x.pNext, next_types...), x.domainOrigin) SamplerYcbcrConversionInfo(x::VkSamplerYcbcrConversionInfo, next_types::Type...) = SamplerYcbcrConversionInfo(load_next_chain(x.pNext, next_types...), SamplerYcbcrConversion(x.conversion)) SamplerYcbcrConversionCreateInfo(x::VkSamplerYcbcrConversionCreateInfo, next_types::Type...) = SamplerYcbcrConversionCreateInfo(load_next_chain(x.pNext, next_types...), x.format, x.ycbcrModel, x.ycbcrRange, ComponentMapping(x.components), x.xChromaOffset, x.yChromaOffset, x.chromaFilter, from_vk(Bool, x.forceExplicitReconstruction)) BindImagePlaneMemoryInfo(x::VkBindImagePlaneMemoryInfo, next_types::Type...) = BindImagePlaneMemoryInfo(load_next_chain(x.pNext, next_types...), ImageAspectFlag(UInt32(x.planeAspect))) ImagePlaneMemoryRequirementsInfo(x::VkImagePlaneMemoryRequirementsInfo, next_types::Type...) = ImagePlaneMemoryRequirementsInfo(load_next_chain(x.pNext, next_types...), ImageAspectFlag(UInt32(x.planeAspect))) PhysicalDeviceSamplerYcbcrConversionFeatures(x::VkPhysicalDeviceSamplerYcbcrConversionFeatures, next_types::Type...) = PhysicalDeviceSamplerYcbcrConversionFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.samplerYcbcrConversion)) SamplerYcbcrConversionImageFormatProperties(x::VkSamplerYcbcrConversionImageFormatProperties, next_types::Type...) = SamplerYcbcrConversionImageFormatProperties(load_next_chain(x.pNext, next_types...), x.combinedImageSamplerDescriptorCount) TextureLODGatherFormatPropertiesAMD(x::VkTextureLODGatherFormatPropertiesAMD, next_types::Type...) = TextureLODGatherFormatPropertiesAMD(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.supportsTextureGatherLODBiasAMD)) ConditionalRenderingBeginInfoEXT(x::VkConditionalRenderingBeginInfoEXT, next_types::Type...) = ConditionalRenderingBeginInfoEXT(load_next_chain(x.pNext, next_types...), Buffer(x.buffer), x.offset, x.flags) ProtectedSubmitInfo(x::VkProtectedSubmitInfo, next_types::Type...) = ProtectedSubmitInfo(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.protectedSubmit)) PhysicalDeviceProtectedMemoryFeatures(x::VkPhysicalDeviceProtectedMemoryFeatures, next_types::Type...) = PhysicalDeviceProtectedMemoryFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.protectedMemory)) PhysicalDeviceProtectedMemoryProperties(x::VkPhysicalDeviceProtectedMemoryProperties, next_types::Type...) = PhysicalDeviceProtectedMemoryProperties(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.protectedNoFault)) DeviceQueueInfo2(x::VkDeviceQueueInfo2, next_types::Type...) = DeviceQueueInfo2(load_next_chain(x.pNext, next_types...), x.flags, x.queueFamilyIndex, x.queueIndex) PipelineCoverageToColorStateCreateInfoNV(x::VkPipelineCoverageToColorStateCreateInfoNV, next_types::Type...) = PipelineCoverageToColorStateCreateInfoNV(load_next_chain(x.pNext, next_types...), x.flags, from_vk(Bool, x.coverageToColorEnable), x.coverageToColorLocation) PhysicalDeviceSamplerFilterMinmaxProperties(x::VkPhysicalDeviceSamplerFilterMinmaxProperties, next_types::Type...) = PhysicalDeviceSamplerFilterMinmaxProperties(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.filterMinmaxSingleComponentFormats), from_vk(Bool, x.filterMinmaxImageComponentMapping)) SampleLocationEXT(x::VkSampleLocationEXT) = SampleLocationEXT(x.x, x.y) SampleLocationsInfoEXT(x::VkSampleLocationsInfoEXT, next_types::Type...) = SampleLocationsInfoEXT(load_next_chain(x.pNext, next_types...), SampleCountFlag(UInt32(x.sampleLocationsPerPixel)), Extent2D(x.sampleLocationGridSize), unsafe_wrap(Vector{SampleLocationEXT}, x.pSampleLocations, x.sampleLocationsCount; own = true)) AttachmentSampleLocationsEXT(x::VkAttachmentSampleLocationsEXT) = AttachmentSampleLocationsEXT(x.attachmentIndex, SampleLocationsInfoEXT(x.sampleLocationsInfo)) SubpassSampleLocationsEXT(x::VkSubpassSampleLocationsEXT) = SubpassSampleLocationsEXT(x.subpassIndex, SampleLocationsInfoEXT(x.sampleLocationsInfo)) RenderPassSampleLocationsBeginInfoEXT(x::VkRenderPassSampleLocationsBeginInfoEXT, next_types::Type...) = RenderPassSampleLocationsBeginInfoEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{AttachmentSampleLocationsEXT}, x.pAttachmentInitialSampleLocations, x.attachmentInitialSampleLocationsCount; own = true), unsafe_wrap(Vector{SubpassSampleLocationsEXT}, x.pPostSubpassSampleLocations, x.postSubpassSampleLocationsCount; own = true)) PipelineSampleLocationsStateCreateInfoEXT(x::VkPipelineSampleLocationsStateCreateInfoEXT, next_types::Type...) = PipelineSampleLocationsStateCreateInfoEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.sampleLocationsEnable), SampleLocationsInfoEXT(x.sampleLocationsInfo)) PhysicalDeviceSampleLocationsPropertiesEXT(x::VkPhysicalDeviceSampleLocationsPropertiesEXT, next_types::Type...) = PhysicalDeviceSampleLocationsPropertiesEXT(load_next_chain(x.pNext, next_types...), x.sampleLocationSampleCounts, Extent2D(x.maxSampleLocationGridSize), x.sampleLocationCoordinateRange, x.sampleLocationSubPixelBits, from_vk(Bool, x.variableSampleLocations)) MultisamplePropertiesEXT(x::VkMultisamplePropertiesEXT, next_types::Type...) = MultisamplePropertiesEXT(load_next_chain(x.pNext, next_types...), Extent2D(x.maxSampleLocationGridSize)) SamplerReductionModeCreateInfo(x::VkSamplerReductionModeCreateInfo, next_types::Type...) = SamplerReductionModeCreateInfo(load_next_chain(x.pNext, next_types...), x.reductionMode) PhysicalDeviceBlendOperationAdvancedFeaturesEXT(x::VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT, next_types::Type...) = PhysicalDeviceBlendOperationAdvancedFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.advancedBlendCoherentOperations)) PhysicalDeviceMultiDrawFeaturesEXT(x::VkPhysicalDeviceMultiDrawFeaturesEXT, next_types::Type...) = PhysicalDeviceMultiDrawFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.multiDraw)) PhysicalDeviceBlendOperationAdvancedPropertiesEXT(x::VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT, next_types::Type...) = PhysicalDeviceBlendOperationAdvancedPropertiesEXT(load_next_chain(x.pNext, next_types...), x.advancedBlendMaxColorAttachments, from_vk(Bool, x.advancedBlendIndependentBlend), from_vk(Bool, x.advancedBlendNonPremultipliedSrcColor), from_vk(Bool, x.advancedBlendNonPremultipliedDstColor), from_vk(Bool, x.advancedBlendCorrelatedOverlap), from_vk(Bool, x.advancedBlendAllOperations)) PipelineColorBlendAdvancedStateCreateInfoEXT(x::VkPipelineColorBlendAdvancedStateCreateInfoEXT, next_types::Type...) = PipelineColorBlendAdvancedStateCreateInfoEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.srcPremultiplied), from_vk(Bool, x.dstPremultiplied), x.blendOverlap) PhysicalDeviceInlineUniformBlockFeatures(x::VkPhysicalDeviceInlineUniformBlockFeatures, next_types::Type...) = PhysicalDeviceInlineUniformBlockFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.inlineUniformBlock), from_vk(Bool, x.descriptorBindingInlineUniformBlockUpdateAfterBind)) PhysicalDeviceInlineUniformBlockProperties(x::VkPhysicalDeviceInlineUniformBlockProperties, next_types::Type...) = PhysicalDeviceInlineUniformBlockProperties(load_next_chain(x.pNext, next_types...), x.maxInlineUniformBlockSize, x.maxPerStageDescriptorInlineUniformBlocks, x.maxPerStageDescriptorUpdateAfterBindInlineUniformBlocks, x.maxDescriptorSetInlineUniformBlocks, x.maxDescriptorSetUpdateAfterBindInlineUniformBlocks) WriteDescriptorSetInlineUniformBlock(x::VkWriteDescriptorSetInlineUniformBlock, next_types::Type...) = WriteDescriptorSetInlineUniformBlock(load_next_chain(x.pNext, next_types...), x.dataSize, x.pData) DescriptorPoolInlineUniformBlockCreateInfo(x::VkDescriptorPoolInlineUniformBlockCreateInfo, next_types::Type...) = DescriptorPoolInlineUniformBlockCreateInfo(load_next_chain(x.pNext, next_types...), x.maxInlineUniformBlockBindings) PipelineCoverageModulationStateCreateInfoNV(x::VkPipelineCoverageModulationStateCreateInfoNV, next_types::Type...) = PipelineCoverageModulationStateCreateInfoNV(load_next_chain(x.pNext, next_types...), x.flags, x.coverageModulationMode, from_vk(Bool, x.coverageModulationTableEnable), unsafe_wrap(Vector{Float32}, x.pCoverageModulationTable, x.coverageModulationTableCount; own = true)) ImageFormatListCreateInfo(x::VkImageFormatListCreateInfo, next_types::Type...) = ImageFormatListCreateInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{Format}, x.pViewFormats, x.viewFormatCount; own = true)) ValidationCacheCreateInfoEXT(x::VkValidationCacheCreateInfoEXT, next_types::Type...) = ValidationCacheCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.flags, x.initialDataSize, x.pInitialData) ShaderModuleValidationCacheCreateInfoEXT(x::VkShaderModuleValidationCacheCreateInfoEXT, next_types::Type...) = ShaderModuleValidationCacheCreateInfoEXT(load_next_chain(x.pNext, next_types...), ValidationCacheEXT(x.validationCache)) PhysicalDeviceMaintenance3Properties(x::VkPhysicalDeviceMaintenance3Properties, next_types::Type...) = PhysicalDeviceMaintenance3Properties(load_next_chain(x.pNext, next_types...), x.maxPerSetDescriptors, x.maxMemoryAllocationSize) PhysicalDeviceMaintenance4Features(x::VkPhysicalDeviceMaintenance4Features, next_types::Type...) = PhysicalDeviceMaintenance4Features(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.maintenance4)) PhysicalDeviceMaintenance4Properties(x::VkPhysicalDeviceMaintenance4Properties, next_types::Type...) = PhysicalDeviceMaintenance4Properties(load_next_chain(x.pNext, next_types...), x.maxBufferSize) DescriptorSetLayoutSupport(x::VkDescriptorSetLayoutSupport, next_types::Type...) = DescriptorSetLayoutSupport(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.supported)) PhysicalDeviceShaderDrawParametersFeatures(x::VkPhysicalDeviceShaderDrawParametersFeatures, next_types::Type...) = PhysicalDeviceShaderDrawParametersFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderDrawParameters)) PhysicalDeviceShaderFloat16Int8Features(x::VkPhysicalDeviceShaderFloat16Int8Features, next_types::Type...) = PhysicalDeviceShaderFloat16Int8Features(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderFloat16), from_vk(Bool, x.shaderInt8)) PhysicalDeviceFloatControlsProperties(x::VkPhysicalDeviceFloatControlsProperties, next_types::Type...) = PhysicalDeviceFloatControlsProperties(load_next_chain(x.pNext, next_types...), x.denormBehaviorIndependence, x.roundingModeIndependence, from_vk(Bool, x.shaderSignedZeroInfNanPreserveFloat16), from_vk(Bool, x.shaderSignedZeroInfNanPreserveFloat32), from_vk(Bool, x.shaderSignedZeroInfNanPreserveFloat64), from_vk(Bool, x.shaderDenormPreserveFloat16), from_vk(Bool, x.shaderDenormPreserveFloat32), from_vk(Bool, x.shaderDenormPreserveFloat64), from_vk(Bool, x.shaderDenormFlushToZeroFloat16), from_vk(Bool, x.shaderDenormFlushToZeroFloat32), from_vk(Bool, x.shaderDenormFlushToZeroFloat64), from_vk(Bool, x.shaderRoundingModeRTEFloat16), from_vk(Bool, x.shaderRoundingModeRTEFloat32), from_vk(Bool, x.shaderRoundingModeRTEFloat64), from_vk(Bool, x.shaderRoundingModeRTZFloat16), from_vk(Bool, x.shaderRoundingModeRTZFloat32), from_vk(Bool, x.shaderRoundingModeRTZFloat64)) PhysicalDeviceHostQueryResetFeatures(x::VkPhysicalDeviceHostQueryResetFeatures, next_types::Type...) = PhysicalDeviceHostQueryResetFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.hostQueryReset)) ShaderResourceUsageAMD(x::VkShaderResourceUsageAMD) = ShaderResourceUsageAMD(x.numUsedVgprs, x.numUsedSgprs, x.ldsSizePerLocalWorkGroup, x.ldsUsageSizeInBytes, x.scratchMemUsageInBytes) ShaderStatisticsInfoAMD(x::VkShaderStatisticsInfoAMD) = ShaderStatisticsInfoAMD(x.shaderStageMask, ShaderResourceUsageAMD(x.resourceUsage), x.numPhysicalVgprs, x.numPhysicalSgprs, x.numAvailableVgprs, x.numAvailableSgprs, x.computeWorkGroupSize) DeviceQueueGlobalPriorityCreateInfoKHR(x::VkDeviceQueueGlobalPriorityCreateInfoKHR, next_types::Type...) = DeviceQueueGlobalPriorityCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.globalPriority) PhysicalDeviceGlobalPriorityQueryFeaturesKHR(x::VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR, next_types::Type...) = PhysicalDeviceGlobalPriorityQueryFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.globalPriorityQuery)) QueueFamilyGlobalPriorityPropertiesKHR(x::VkQueueFamilyGlobalPriorityPropertiesKHR, next_types::Type...) = QueueFamilyGlobalPriorityPropertiesKHR(load_next_chain(x.pNext, next_types...), x.priorityCount, x.priorities) DebugUtilsObjectNameInfoEXT(x::VkDebugUtilsObjectNameInfoEXT, next_types::Type...) = DebugUtilsObjectNameInfoEXT(load_next_chain(x.pNext, next_types...), x.objectType, x.objectHandle, unsafe_string(x.pObjectName)) DebugUtilsObjectTagInfoEXT(x::VkDebugUtilsObjectTagInfoEXT, next_types::Type...) = DebugUtilsObjectTagInfoEXT(load_next_chain(x.pNext, next_types...), x.objectType, x.objectHandle, x.tagName, x.tagSize, x.pTag) DebugUtilsLabelEXT(x::VkDebugUtilsLabelEXT, next_types::Type...) = DebugUtilsLabelEXT(load_next_chain(x.pNext, next_types...), unsafe_string(x.pLabelName), x.color) DebugUtilsMessengerCreateInfoEXT(x::VkDebugUtilsMessengerCreateInfoEXT, next_types::Type...) = DebugUtilsMessengerCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.flags, x.messageSeverity, x.messageType, from_vk(FunctionPtr, x.pfnUserCallback), x.pUserData) DebugUtilsMessengerCallbackDataEXT(x::VkDebugUtilsMessengerCallbackDataEXT, next_types::Type...) = DebugUtilsMessengerCallbackDataEXT(load_next_chain(x.pNext, next_types...), x.flags, unsafe_string(x.pMessageIdName), x.messageIdNumber, unsafe_string(x.pMessage), unsafe_wrap(Vector{DebugUtilsLabelEXT}, x.pQueueLabels, x.queueLabelCount; own = true), unsafe_wrap(Vector{DebugUtilsLabelEXT}, x.pCmdBufLabels, x.cmdBufLabelCount; own = true), unsafe_wrap(Vector{DebugUtilsObjectNameInfoEXT}, x.pObjects, x.objectCount; own = true)) PhysicalDeviceDeviceMemoryReportFeaturesEXT(x::VkPhysicalDeviceDeviceMemoryReportFeaturesEXT, next_types::Type...) = PhysicalDeviceDeviceMemoryReportFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.deviceMemoryReport)) DeviceDeviceMemoryReportCreateInfoEXT(x::VkDeviceDeviceMemoryReportCreateInfoEXT, next_types::Type...) = DeviceDeviceMemoryReportCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.flags, from_vk(FunctionPtr, x.pfnUserCallback), x.pUserData) DeviceMemoryReportCallbackDataEXT(x::VkDeviceMemoryReportCallbackDataEXT, next_types::Type...) = DeviceMemoryReportCallbackDataEXT(load_next_chain(x.pNext, next_types...), x.flags, x.type, x.memoryObjectId, x.size, x.objectType, x.objectHandle, x.heapIndex) ImportMemoryHostPointerInfoEXT(x::VkImportMemoryHostPointerInfoEXT, next_types::Type...) = ImportMemoryHostPointerInfoEXT(load_next_chain(x.pNext, next_types...), ExternalMemoryHandleTypeFlag(UInt32(x.handleType)), x.pHostPointer) MemoryHostPointerPropertiesEXT(x::VkMemoryHostPointerPropertiesEXT, next_types::Type...) = MemoryHostPointerPropertiesEXT(load_next_chain(x.pNext, next_types...), x.memoryTypeBits) PhysicalDeviceExternalMemoryHostPropertiesEXT(x::VkPhysicalDeviceExternalMemoryHostPropertiesEXT, next_types::Type...) = PhysicalDeviceExternalMemoryHostPropertiesEXT(load_next_chain(x.pNext, next_types...), x.minImportedHostPointerAlignment) PhysicalDeviceConservativeRasterizationPropertiesEXT(x::VkPhysicalDeviceConservativeRasterizationPropertiesEXT, next_types::Type...) = PhysicalDeviceConservativeRasterizationPropertiesEXT(load_next_chain(x.pNext, next_types...), x.primitiveOverestimationSize, x.maxExtraPrimitiveOverestimationSize, x.extraPrimitiveOverestimationSizeGranularity, from_vk(Bool, x.primitiveUnderestimation), from_vk(Bool, x.conservativePointAndLineRasterization), from_vk(Bool, x.degenerateTrianglesRasterized), from_vk(Bool, x.degenerateLinesRasterized), from_vk(Bool, x.fullyCoveredFragmentShaderInputVariable), from_vk(Bool, x.conservativeRasterizationPostDepthCoverage)) CalibratedTimestampInfoEXT(x::VkCalibratedTimestampInfoEXT, next_types::Type...) = CalibratedTimestampInfoEXT(load_next_chain(x.pNext, next_types...), x.timeDomain) PhysicalDeviceShaderCorePropertiesAMD(x::VkPhysicalDeviceShaderCorePropertiesAMD, next_types::Type...) = PhysicalDeviceShaderCorePropertiesAMD(load_next_chain(x.pNext, next_types...), x.shaderEngineCount, x.shaderArraysPerEngineCount, x.computeUnitsPerShaderArray, x.simdPerComputeUnit, x.wavefrontsPerSimd, x.wavefrontSize, x.sgprsPerSimd, x.minSgprAllocation, x.maxSgprAllocation, x.sgprAllocationGranularity, x.vgprsPerSimd, x.minVgprAllocation, x.maxVgprAllocation, x.vgprAllocationGranularity) PhysicalDeviceShaderCoreProperties2AMD(x::VkPhysicalDeviceShaderCoreProperties2AMD, next_types::Type...) = PhysicalDeviceShaderCoreProperties2AMD(load_next_chain(x.pNext, next_types...), x.shaderCoreFeatures, x.activeComputeUnitCount) PipelineRasterizationConservativeStateCreateInfoEXT(x::VkPipelineRasterizationConservativeStateCreateInfoEXT, next_types::Type...) = PipelineRasterizationConservativeStateCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.flags, x.conservativeRasterizationMode, x.extraPrimitiveOverestimationSize) PhysicalDeviceDescriptorIndexingFeatures(x::VkPhysicalDeviceDescriptorIndexingFeatures, next_types::Type...) = PhysicalDeviceDescriptorIndexingFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderInputAttachmentArrayDynamicIndexing), from_vk(Bool, x.shaderUniformTexelBufferArrayDynamicIndexing), from_vk(Bool, x.shaderStorageTexelBufferArrayDynamicIndexing), from_vk(Bool, x.shaderUniformBufferArrayNonUniformIndexing), from_vk(Bool, x.shaderSampledImageArrayNonUniformIndexing), from_vk(Bool, x.shaderStorageBufferArrayNonUniformIndexing), from_vk(Bool, x.shaderStorageImageArrayNonUniformIndexing), from_vk(Bool, x.shaderInputAttachmentArrayNonUniformIndexing), from_vk(Bool, x.shaderUniformTexelBufferArrayNonUniformIndexing), from_vk(Bool, x.shaderStorageTexelBufferArrayNonUniformIndexing), from_vk(Bool, x.descriptorBindingUniformBufferUpdateAfterBind), from_vk(Bool, x.descriptorBindingSampledImageUpdateAfterBind), from_vk(Bool, x.descriptorBindingStorageImageUpdateAfterBind), from_vk(Bool, x.descriptorBindingStorageBufferUpdateAfterBind), from_vk(Bool, x.descriptorBindingUniformTexelBufferUpdateAfterBind), from_vk(Bool, x.descriptorBindingStorageTexelBufferUpdateAfterBind), from_vk(Bool, x.descriptorBindingUpdateUnusedWhilePending), from_vk(Bool, x.descriptorBindingPartiallyBound), from_vk(Bool, x.descriptorBindingVariableDescriptorCount), from_vk(Bool, x.runtimeDescriptorArray)) PhysicalDeviceDescriptorIndexingProperties(x::VkPhysicalDeviceDescriptorIndexingProperties, next_types::Type...) = PhysicalDeviceDescriptorIndexingProperties(load_next_chain(x.pNext, next_types...), x.maxUpdateAfterBindDescriptorsInAllPools, from_vk(Bool, x.shaderUniformBufferArrayNonUniformIndexingNative), from_vk(Bool, x.shaderSampledImageArrayNonUniformIndexingNative), from_vk(Bool, x.shaderStorageBufferArrayNonUniformIndexingNative), from_vk(Bool, x.shaderStorageImageArrayNonUniformIndexingNative), from_vk(Bool, x.shaderInputAttachmentArrayNonUniformIndexingNative), from_vk(Bool, x.robustBufferAccessUpdateAfterBind), from_vk(Bool, x.quadDivergentImplicitLod), x.maxPerStageDescriptorUpdateAfterBindSamplers, x.maxPerStageDescriptorUpdateAfterBindUniformBuffers, x.maxPerStageDescriptorUpdateAfterBindStorageBuffers, x.maxPerStageDescriptorUpdateAfterBindSampledImages, x.maxPerStageDescriptorUpdateAfterBindStorageImages, x.maxPerStageDescriptorUpdateAfterBindInputAttachments, x.maxPerStageUpdateAfterBindResources, x.maxDescriptorSetUpdateAfterBindSamplers, x.maxDescriptorSetUpdateAfterBindUniformBuffers, x.maxDescriptorSetUpdateAfterBindUniformBuffersDynamic, x.maxDescriptorSetUpdateAfterBindStorageBuffers, x.maxDescriptorSetUpdateAfterBindStorageBuffersDynamic, x.maxDescriptorSetUpdateAfterBindSampledImages, x.maxDescriptorSetUpdateAfterBindStorageImages, x.maxDescriptorSetUpdateAfterBindInputAttachments) DescriptorSetLayoutBindingFlagsCreateInfo(x::VkDescriptorSetLayoutBindingFlagsCreateInfo, next_types::Type...) = DescriptorSetLayoutBindingFlagsCreateInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{DescriptorBindingFlag}, x.pBindingFlags, x.bindingCount; own = true)) DescriptorSetVariableDescriptorCountAllocateInfo(x::VkDescriptorSetVariableDescriptorCountAllocateInfo, next_types::Type...) = DescriptorSetVariableDescriptorCountAllocateInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{UInt32}, x.pDescriptorCounts, x.descriptorSetCount; own = true)) DescriptorSetVariableDescriptorCountLayoutSupport(x::VkDescriptorSetVariableDescriptorCountLayoutSupport, next_types::Type...) = DescriptorSetVariableDescriptorCountLayoutSupport(load_next_chain(x.pNext, next_types...), x.maxVariableDescriptorCount) AttachmentDescription2(x::VkAttachmentDescription2, next_types::Type...) = AttachmentDescription2(load_next_chain(x.pNext, next_types...), x.flags, x.format, SampleCountFlag(UInt32(x.samples)), x.loadOp, x.storeOp, x.stencilLoadOp, x.stencilStoreOp, x.initialLayout, x.finalLayout) AttachmentReference2(x::VkAttachmentReference2, next_types::Type...) = AttachmentReference2(load_next_chain(x.pNext, next_types...), x.attachment, x.layout, x.aspectMask) SubpassDescription2(x::VkSubpassDescription2, next_types::Type...) = SubpassDescription2(load_next_chain(x.pNext, next_types...), x.flags, x.pipelineBindPoint, x.viewMask, unsafe_wrap(Vector{AttachmentReference2}, x.pInputAttachments, x.inputAttachmentCount; own = true), unsafe_wrap(Vector{AttachmentReference2}, x.pColorAttachments, x.colorAttachmentCount; own = true), unsafe_wrap(Vector{AttachmentReference2}, x.pResolveAttachments, x.colorAttachmentCount; own = true), AttachmentReference2(x.pDepthStencilAttachment), unsafe_wrap(Vector{UInt32}, x.pPreserveAttachments, x.preserveAttachmentCount; own = true)) SubpassDependency2(x::VkSubpassDependency2, next_types::Type...) = SubpassDependency2(load_next_chain(x.pNext, next_types...), x.srcSubpass, x.dstSubpass, x.srcStageMask, x.dstStageMask, x.srcAccessMask, x.dstAccessMask, x.dependencyFlags, x.viewOffset) RenderPassCreateInfo2(x::VkRenderPassCreateInfo2, next_types::Type...) = RenderPassCreateInfo2(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{AttachmentDescription2}, x.pAttachments, x.attachmentCount; own = true), unsafe_wrap(Vector{SubpassDescription2}, x.pSubpasses, x.subpassCount; own = true), unsafe_wrap(Vector{SubpassDependency2}, x.pDependencies, x.dependencyCount; own = true), unsafe_wrap(Vector{UInt32}, x.pCorrelatedViewMasks, x.correlatedViewMaskCount; own = true)) SubpassBeginInfo(x::VkSubpassBeginInfo, next_types::Type...) = SubpassBeginInfo(load_next_chain(x.pNext, next_types...), x.contents) SubpassEndInfo(x::VkSubpassEndInfo, next_types::Type...) = SubpassEndInfo(load_next_chain(x.pNext, next_types...)) PhysicalDeviceTimelineSemaphoreFeatures(x::VkPhysicalDeviceTimelineSemaphoreFeatures, next_types::Type...) = PhysicalDeviceTimelineSemaphoreFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.timelineSemaphore)) PhysicalDeviceTimelineSemaphoreProperties(x::VkPhysicalDeviceTimelineSemaphoreProperties, next_types::Type...) = PhysicalDeviceTimelineSemaphoreProperties(load_next_chain(x.pNext, next_types...), x.maxTimelineSemaphoreValueDifference) SemaphoreTypeCreateInfo(x::VkSemaphoreTypeCreateInfo, next_types::Type...) = SemaphoreTypeCreateInfo(load_next_chain(x.pNext, next_types...), x.semaphoreType, x.initialValue) TimelineSemaphoreSubmitInfo(x::VkTimelineSemaphoreSubmitInfo, next_types::Type...) = TimelineSemaphoreSubmitInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{UInt64}, x.pWaitSemaphoreValues, x.waitSemaphoreValueCount; own = true), unsafe_wrap(Vector{UInt64}, x.pSignalSemaphoreValues, x.signalSemaphoreValueCount; own = true)) SemaphoreWaitInfo(x::VkSemaphoreWaitInfo, next_types::Type...) = SemaphoreWaitInfo(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{Semaphore}, x.pSemaphores, x.semaphoreCount; own = true), unsafe_wrap(Vector{UInt64}, x.pValues, x.semaphoreCount; own = true)) SemaphoreSignalInfo(x::VkSemaphoreSignalInfo, next_types::Type...) = SemaphoreSignalInfo(load_next_chain(x.pNext, next_types...), Semaphore(x.semaphore), x.value) VertexInputBindingDivisorDescriptionEXT(x::VkVertexInputBindingDivisorDescriptionEXT) = VertexInputBindingDivisorDescriptionEXT(x.binding, x.divisor) PipelineVertexInputDivisorStateCreateInfoEXT(x::VkPipelineVertexInputDivisorStateCreateInfoEXT, next_types::Type...) = PipelineVertexInputDivisorStateCreateInfoEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{VertexInputBindingDivisorDescriptionEXT}, x.pVertexBindingDivisors, x.vertexBindingDivisorCount; own = true)) PhysicalDeviceVertexAttributeDivisorPropertiesEXT(x::VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT, next_types::Type...) = PhysicalDeviceVertexAttributeDivisorPropertiesEXT(load_next_chain(x.pNext, next_types...), x.maxVertexAttribDivisor) PhysicalDevicePCIBusInfoPropertiesEXT(x::VkPhysicalDevicePCIBusInfoPropertiesEXT, next_types::Type...) = PhysicalDevicePCIBusInfoPropertiesEXT(load_next_chain(x.pNext, next_types...), x.pciDomain, x.pciBus, x.pciDevice, x.pciFunction) CommandBufferInheritanceConditionalRenderingInfoEXT(x::VkCommandBufferInheritanceConditionalRenderingInfoEXT, next_types::Type...) = CommandBufferInheritanceConditionalRenderingInfoEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.conditionalRenderingEnable)) PhysicalDevice8BitStorageFeatures(x::VkPhysicalDevice8BitStorageFeatures, next_types::Type...) = PhysicalDevice8BitStorageFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.storageBuffer8BitAccess), from_vk(Bool, x.uniformAndStorageBuffer8BitAccess), from_vk(Bool, x.storagePushConstant8)) PhysicalDeviceConditionalRenderingFeaturesEXT(x::VkPhysicalDeviceConditionalRenderingFeaturesEXT, next_types::Type...) = PhysicalDeviceConditionalRenderingFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.conditionalRendering), from_vk(Bool, x.inheritedConditionalRendering)) PhysicalDeviceVulkanMemoryModelFeatures(x::VkPhysicalDeviceVulkanMemoryModelFeatures, next_types::Type...) = PhysicalDeviceVulkanMemoryModelFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.vulkanMemoryModel), from_vk(Bool, x.vulkanMemoryModelDeviceScope), from_vk(Bool, x.vulkanMemoryModelAvailabilityVisibilityChains)) PhysicalDeviceShaderAtomicInt64Features(x::VkPhysicalDeviceShaderAtomicInt64Features, next_types::Type...) = PhysicalDeviceShaderAtomicInt64Features(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderBufferInt64Atomics), from_vk(Bool, x.shaderSharedInt64Atomics)) PhysicalDeviceShaderAtomicFloatFeaturesEXT(x::VkPhysicalDeviceShaderAtomicFloatFeaturesEXT, next_types::Type...) = PhysicalDeviceShaderAtomicFloatFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderBufferFloat32Atomics), from_vk(Bool, x.shaderBufferFloat32AtomicAdd), from_vk(Bool, x.shaderBufferFloat64Atomics), from_vk(Bool, x.shaderBufferFloat64AtomicAdd), from_vk(Bool, x.shaderSharedFloat32Atomics), from_vk(Bool, x.shaderSharedFloat32AtomicAdd), from_vk(Bool, x.shaderSharedFloat64Atomics), from_vk(Bool, x.shaderSharedFloat64AtomicAdd), from_vk(Bool, x.shaderImageFloat32Atomics), from_vk(Bool, x.shaderImageFloat32AtomicAdd), from_vk(Bool, x.sparseImageFloat32Atomics), from_vk(Bool, x.sparseImageFloat32AtomicAdd)) PhysicalDeviceShaderAtomicFloat2FeaturesEXT(x::VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT, next_types::Type...) = PhysicalDeviceShaderAtomicFloat2FeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderBufferFloat16Atomics), from_vk(Bool, x.shaderBufferFloat16AtomicAdd), from_vk(Bool, x.shaderBufferFloat16AtomicMinMax), from_vk(Bool, x.shaderBufferFloat32AtomicMinMax), from_vk(Bool, x.shaderBufferFloat64AtomicMinMax), from_vk(Bool, x.shaderSharedFloat16Atomics), from_vk(Bool, x.shaderSharedFloat16AtomicAdd), from_vk(Bool, x.shaderSharedFloat16AtomicMinMax), from_vk(Bool, x.shaderSharedFloat32AtomicMinMax), from_vk(Bool, x.shaderSharedFloat64AtomicMinMax), from_vk(Bool, x.shaderImageFloat32AtomicMinMax), from_vk(Bool, x.sparseImageFloat32AtomicMinMax)) PhysicalDeviceVertexAttributeDivisorFeaturesEXT(x::VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT, next_types::Type...) = PhysicalDeviceVertexAttributeDivisorFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.vertexAttributeInstanceRateDivisor), from_vk(Bool, x.vertexAttributeInstanceRateZeroDivisor)) QueueFamilyCheckpointPropertiesNV(x::VkQueueFamilyCheckpointPropertiesNV, next_types::Type...) = QueueFamilyCheckpointPropertiesNV(load_next_chain(x.pNext, next_types...), x.checkpointExecutionStageMask) CheckpointDataNV(x::VkCheckpointDataNV, next_types::Type...) = CheckpointDataNV(load_next_chain(x.pNext, next_types...), PipelineStageFlag(UInt32(x.stage)), x.pCheckpointMarker) PhysicalDeviceDepthStencilResolveProperties(x::VkPhysicalDeviceDepthStencilResolveProperties, next_types::Type...) = PhysicalDeviceDepthStencilResolveProperties(load_next_chain(x.pNext, next_types...), x.supportedDepthResolveModes, x.supportedStencilResolveModes, from_vk(Bool, x.independentResolveNone), from_vk(Bool, x.independentResolve)) SubpassDescriptionDepthStencilResolve(x::VkSubpassDescriptionDepthStencilResolve, next_types::Type...) = SubpassDescriptionDepthStencilResolve(load_next_chain(x.pNext, next_types...), ResolveModeFlag(UInt32(x.depthResolveMode)), ResolveModeFlag(UInt32(x.stencilResolveMode)), AttachmentReference2(x.pDepthStencilResolveAttachment)) ImageViewASTCDecodeModeEXT(x::VkImageViewASTCDecodeModeEXT, next_types::Type...) = ImageViewASTCDecodeModeEXT(load_next_chain(x.pNext, next_types...), x.decodeMode) PhysicalDeviceASTCDecodeFeaturesEXT(x::VkPhysicalDeviceASTCDecodeFeaturesEXT, next_types::Type...) = PhysicalDeviceASTCDecodeFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.decodeModeSharedExponent)) PhysicalDeviceTransformFeedbackFeaturesEXT(x::VkPhysicalDeviceTransformFeedbackFeaturesEXT, next_types::Type...) = PhysicalDeviceTransformFeedbackFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.transformFeedback), from_vk(Bool, x.geometryStreams)) PhysicalDeviceTransformFeedbackPropertiesEXT(x::VkPhysicalDeviceTransformFeedbackPropertiesEXT, next_types::Type...) = PhysicalDeviceTransformFeedbackPropertiesEXT(load_next_chain(x.pNext, next_types...), x.maxTransformFeedbackStreams, x.maxTransformFeedbackBuffers, x.maxTransformFeedbackBufferSize, x.maxTransformFeedbackStreamDataSize, x.maxTransformFeedbackBufferDataSize, x.maxTransformFeedbackBufferDataStride, from_vk(Bool, x.transformFeedbackQueries), from_vk(Bool, x.transformFeedbackStreamsLinesTriangles), from_vk(Bool, x.transformFeedbackRasterizationStreamSelect), from_vk(Bool, x.transformFeedbackDraw)) PipelineRasterizationStateStreamCreateInfoEXT(x::VkPipelineRasterizationStateStreamCreateInfoEXT, next_types::Type...) = PipelineRasterizationStateStreamCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.flags, x.rasterizationStream) PhysicalDeviceRepresentativeFragmentTestFeaturesNV(x::VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV, next_types::Type...) = PhysicalDeviceRepresentativeFragmentTestFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.representativeFragmentTest)) PipelineRepresentativeFragmentTestStateCreateInfoNV(x::VkPipelineRepresentativeFragmentTestStateCreateInfoNV, next_types::Type...) = PipelineRepresentativeFragmentTestStateCreateInfoNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.representativeFragmentTestEnable)) PhysicalDeviceExclusiveScissorFeaturesNV(x::VkPhysicalDeviceExclusiveScissorFeaturesNV, next_types::Type...) = PhysicalDeviceExclusiveScissorFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.exclusiveScissor)) PipelineViewportExclusiveScissorStateCreateInfoNV(x::VkPipelineViewportExclusiveScissorStateCreateInfoNV, next_types::Type...) = PipelineViewportExclusiveScissorStateCreateInfoNV(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{Rect2D}, x.pExclusiveScissors, x.exclusiveScissorCount; own = true)) PhysicalDeviceCornerSampledImageFeaturesNV(x::VkPhysicalDeviceCornerSampledImageFeaturesNV, next_types::Type...) = PhysicalDeviceCornerSampledImageFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.cornerSampledImage)) PhysicalDeviceComputeShaderDerivativesFeaturesNV(x::VkPhysicalDeviceComputeShaderDerivativesFeaturesNV, next_types::Type...) = PhysicalDeviceComputeShaderDerivativesFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.computeDerivativeGroupQuads), from_vk(Bool, x.computeDerivativeGroupLinear)) PhysicalDeviceShaderImageFootprintFeaturesNV(x::VkPhysicalDeviceShaderImageFootprintFeaturesNV, next_types::Type...) = PhysicalDeviceShaderImageFootprintFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.imageFootprint)) PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV(x::VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV, next_types::Type...) = PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.dedicatedAllocationImageAliasing)) PhysicalDeviceCopyMemoryIndirectFeaturesNV(x::VkPhysicalDeviceCopyMemoryIndirectFeaturesNV, next_types::Type...) = PhysicalDeviceCopyMemoryIndirectFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.indirectCopy)) PhysicalDeviceCopyMemoryIndirectPropertiesNV(x::VkPhysicalDeviceCopyMemoryIndirectPropertiesNV, next_types::Type...) = PhysicalDeviceCopyMemoryIndirectPropertiesNV(load_next_chain(x.pNext, next_types...), x.supportedQueues) PhysicalDeviceMemoryDecompressionFeaturesNV(x::VkPhysicalDeviceMemoryDecompressionFeaturesNV, next_types::Type...) = PhysicalDeviceMemoryDecompressionFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.memoryDecompression)) PhysicalDeviceMemoryDecompressionPropertiesNV(x::VkPhysicalDeviceMemoryDecompressionPropertiesNV, next_types::Type...) = PhysicalDeviceMemoryDecompressionPropertiesNV(load_next_chain(x.pNext, next_types...), x.decompressionMethods, x.maxDecompressionIndirectCount) ShadingRatePaletteNV(x::VkShadingRatePaletteNV) = ShadingRatePaletteNV(unsafe_wrap(Vector{ShadingRatePaletteEntryNV}, x.pShadingRatePaletteEntries, x.shadingRatePaletteEntryCount; own = true)) PipelineViewportShadingRateImageStateCreateInfoNV(x::VkPipelineViewportShadingRateImageStateCreateInfoNV, next_types::Type...) = PipelineViewportShadingRateImageStateCreateInfoNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shadingRateImageEnable), unsafe_wrap(Vector{ShadingRatePaletteNV}, x.pShadingRatePalettes, x.viewportCount; own = true)) PhysicalDeviceShadingRateImageFeaturesNV(x::VkPhysicalDeviceShadingRateImageFeaturesNV, next_types::Type...) = PhysicalDeviceShadingRateImageFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shadingRateImage), from_vk(Bool, x.shadingRateCoarseSampleOrder)) PhysicalDeviceShadingRateImagePropertiesNV(x::VkPhysicalDeviceShadingRateImagePropertiesNV, next_types::Type...) = PhysicalDeviceShadingRateImagePropertiesNV(load_next_chain(x.pNext, next_types...), Extent2D(x.shadingRateTexelSize), x.shadingRatePaletteSize, x.shadingRateMaxCoarseSamples) PhysicalDeviceInvocationMaskFeaturesHUAWEI(x::VkPhysicalDeviceInvocationMaskFeaturesHUAWEI, next_types::Type...) = PhysicalDeviceInvocationMaskFeaturesHUAWEI(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.invocationMask)) CoarseSampleLocationNV(x::VkCoarseSampleLocationNV) = CoarseSampleLocationNV(x.pixelX, x.pixelY, x.sample) CoarseSampleOrderCustomNV(x::VkCoarseSampleOrderCustomNV) = CoarseSampleOrderCustomNV(x.shadingRate, x.sampleCount, unsafe_wrap(Vector{CoarseSampleLocationNV}, x.pSampleLocations, x.sampleLocationCount; own = true)) PipelineViewportCoarseSampleOrderStateCreateInfoNV(x::VkPipelineViewportCoarseSampleOrderStateCreateInfoNV, next_types::Type...) = PipelineViewportCoarseSampleOrderStateCreateInfoNV(load_next_chain(x.pNext, next_types...), x.sampleOrderType, unsafe_wrap(Vector{CoarseSampleOrderCustomNV}, x.pCustomSampleOrders, x.customSampleOrderCount; own = true)) PhysicalDeviceMeshShaderFeaturesNV(x::VkPhysicalDeviceMeshShaderFeaturesNV, next_types::Type...) = PhysicalDeviceMeshShaderFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.taskShader), from_vk(Bool, x.meshShader)) PhysicalDeviceMeshShaderPropertiesNV(x::VkPhysicalDeviceMeshShaderPropertiesNV, next_types::Type...) = PhysicalDeviceMeshShaderPropertiesNV(load_next_chain(x.pNext, next_types...), x.maxDrawMeshTasksCount, x.maxTaskWorkGroupInvocations, x.maxTaskWorkGroupSize, x.maxTaskTotalMemorySize, x.maxTaskOutputCount, x.maxMeshWorkGroupInvocations, x.maxMeshWorkGroupSize, x.maxMeshTotalMemorySize, x.maxMeshOutputVertices, x.maxMeshOutputPrimitives, x.maxMeshMultiviewViewCount, x.meshOutputPerVertexGranularity, x.meshOutputPerPrimitiveGranularity) DrawMeshTasksIndirectCommandNV(x::VkDrawMeshTasksIndirectCommandNV) = DrawMeshTasksIndirectCommandNV(x.taskCount, x.firstTask) PhysicalDeviceMeshShaderFeaturesEXT(x::VkPhysicalDeviceMeshShaderFeaturesEXT, next_types::Type...) = PhysicalDeviceMeshShaderFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.taskShader), from_vk(Bool, x.meshShader), from_vk(Bool, x.multiviewMeshShader), from_vk(Bool, x.primitiveFragmentShadingRateMeshShader), from_vk(Bool, x.meshShaderQueries)) PhysicalDeviceMeshShaderPropertiesEXT(x::VkPhysicalDeviceMeshShaderPropertiesEXT, next_types::Type...) = PhysicalDeviceMeshShaderPropertiesEXT(load_next_chain(x.pNext, next_types...), x.maxTaskWorkGroupTotalCount, x.maxTaskWorkGroupCount, x.maxTaskWorkGroupInvocations, x.maxTaskWorkGroupSize, x.maxTaskPayloadSize, x.maxTaskSharedMemorySize, x.maxTaskPayloadAndSharedMemorySize, x.maxMeshWorkGroupTotalCount, x.maxMeshWorkGroupCount, x.maxMeshWorkGroupInvocations, x.maxMeshWorkGroupSize, x.maxMeshSharedMemorySize, x.maxMeshPayloadAndSharedMemorySize, x.maxMeshOutputMemorySize, x.maxMeshPayloadAndOutputMemorySize, x.maxMeshOutputComponents, x.maxMeshOutputVertices, x.maxMeshOutputPrimitives, x.maxMeshOutputLayers, x.maxMeshMultiviewViewCount, x.meshOutputPerVertexGranularity, x.meshOutputPerPrimitiveGranularity, x.maxPreferredTaskWorkGroupInvocations, x.maxPreferredMeshWorkGroupInvocations, from_vk(Bool, x.prefersLocalInvocationVertexOutput), from_vk(Bool, x.prefersLocalInvocationPrimitiveOutput), from_vk(Bool, x.prefersCompactVertexOutput), from_vk(Bool, x.prefersCompactPrimitiveOutput)) DrawMeshTasksIndirectCommandEXT(x::VkDrawMeshTasksIndirectCommandEXT) = DrawMeshTasksIndirectCommandEXT(x.groupCountX, x.groupCountY, x.groupCountZ) RayTracingShaderGroupCreateInfoNV(x::VkRayTracingShaderGroupCreateInfoNV, next_types::Type...) = RayTracingShaderGroupCreateInfoNV(load_next_chain(x.pNext, next_types...), x.type, x.generalShader, x.closestHitShader, x.anyHitShader, x.intersectionShader) RayTracingShaderGroupCreateInfoKHR(x::VkRayTracingShaderGroupCreateInfoKHR, next_types::Type...) = RayTracingShaderGroupCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.type, x.generalShader, x.closestHitShader, x.anyHitShader, x.intersectionShader, x.pShaderGroupCaptureReplayHandle) RayTracingPipelineCreateInfoNV(x::VkRayTracingPipelineCreateInfoNV, next_types::Type...) = RayTracingPipelineCreateInfoNV(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{PipelineShaderStageCreateInfo}, x.pStages, x.stageCount; own = true), unsafe_wrap(Vector{RayTracingShaderGroupCreateInfoNV}, x.pGroups, x.groupCount; own = true), x.maxRecursionDepth, PipelineLayout(x.layout), Pipeline(x.basePipelineHandle), x.basePipelineIndex) RayTracingPipelineCreateInfoKHR(x::VkRayTracingPipelineCreateInfoKHR, next_types::Type...) = RayTracingPipelineCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{PipelineShaderStageCreateInfo}, x.pStages, x.stageCount; own = true), unsafe_wrap(Vector{RayTracingShaderGroupCreateInfoKHR}, x.pGroups, x.groupCount; own = true), x.maxPipelineRayRecursionDepth, PipelineLibraryCreateInfoKHR(x.pLibraryInfo), RayTracingPipelineInterfaceCreateInfoKHR(x.pLibraryInterface), PipelineDynamicStateCreateInfo(x.pDynamicState), PipelineLayout(x.layout), Pipeline(x.basePipelineHandle), x.basePipelineIndex) GeometryTrianglesNV(x::VkGeometryTrianglesNV, next_types::Type...) = GeometryTrianglesNV(load_next_chain(x.pNext, next_types...), Buffer(x.vertexData), x.vertexOffset, x.vertexCount, x.vertexStride, x.vertexFormat, Buffer(x.indexData), x.indexOffset, x.indexCount, x.indexType, Buffer(x.transformData), x.transformOffset) GeometryAABBNV(x::VkGeometryAABBNV, next_types::Type...) = GeometryAABBNV(load_next_chain(x.pNext, next_types...), Buffer(x.aabbData), x.numAABBs, x.stride, x.offset) GeometryDataNV(x::VkGeometryDataNV) = GeometryDataNV(GeometryTrianglesNV(x.triangles), GeometryAABBNV(x.aabbs)) GeometryNV(x::VkGeometryNV, next_types::Type...) = GeometryNV(load_next_chain(x.pNext, next_types...), x.geometryType, GeometryDataNV(x.geometry), x.flags) AccelerationStructureInfoNV(x::VkAccelerationStructureInfoNV, next_types::Type...) = AccelerationStructureInfoNV(load_next_chain(x.pNext, next_types...), x.type, x.flags, x.instanceCount, unsafe_wrap(Vector{GeometryNV}, x.pGeometries, x.geometryCount; own = true)) AccelerationStructureCreateInfoNV(x::VkAccelerationStructureCreateInfoNV, next_types::Type...) = AccelerationStructureCreateInfoNV(load_next_chain(x.pNext, next_types...), x.compactedSize, AccelerationStructureInfoNV(x.info)) BindAccelerationStructureMemoryInfoNV(x::VkBindAccelerationStructureMemoryInfoNV, next_types::Type...) = BindAccelerationStructureMemoryInfoNV(load_next_chain(x.pNext, next_types...), AccelerationStructureNV(x.accelerationStructure), DeviceMemory(x.memory), x.memoryOffset, unsafe_wrap(Vector{UInt32}, x.pDeviceIndices, x.deviceIndexCount; own = true)) WriteDescriptorSetAccelerationStructureKHR(x::VkWriteDescriptorSetAccelerationStructureKHR, next_types::Type...) = WriteDescriptorSetAccelerationStructureKHR(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{AccelerationStructureKHR}, x.pAccelerationStructures, x.accelerationStructureCount; own = true)) WriteDescriptorSetAccelerationStructureNV(x::VkWriteDescriptorSetAccelerationStructureNV, next_types::Type...) = WriteDescriptorSetAccelerationStructureNV(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{AccelerationStructureNV}, x.pAccelerationStructures, x.accelerationStructureCount; own = true)) AccelerationStructureMemoryRequirementsInfoNV(x::VkAccelerationStructureMemoryRequirementsInfoNV, next_types::Type...) = AccelerationStructureMemoryRequirementsInfoNV(load_next_chain(x.pNext, next_types...), x.type, AccelerationStructureNV(x.accelerationStructure)) PhysicalDeviceAccelerationStructureFeaturesKHR(x::VkPhysicalDeviceAccelerationStructureFeaturesKHR, next_types::Type...) = PhysicalDeviceAccelerationStructureFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.accelerationStructure), from_vk(Bool, x.accelerationStructureCaptureReplay), from_vk(Bool, x.accelerationStructureIndirectBuild), from_vk(Bool, x.accelerationStructureHostCommands), from_vk(Bool, x.descriptorBindingAccelerationStructureUpdateAfterBind)) PhysicalDeviceRayTracingPipelineFeaturesKHR(x::VkPhysicalDeviceRayTracingPipelineFeaturesKHR, next_types::Type...) = PhysicalDeviceRayTracingPipelineFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.rayTracingPipeline), from_vk(Bool, x.rayTracingPipelineShaderGroupHandleCaptureReplay), from_vk(Bool, x.rayTracingPipelineShaderGroupHandleCaptureReplayMixed), from_vk(Bool, x.rayTracingPipelineTraceRaysIndirect), from_vk(Bool, x.rayTraversalPrimitiveCulling)) PhysicalDeviceRayQueryFeaturesKHR(x::VkPhysicalDeviceRayQueryFeaturesKHR, next_types::Type...) = PhysicalDeviceRayQueryFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.rayQuery)) PhysicalDeviceAccelerationStructurePropertiesKHR(x::VkPhysicalDeviceAccelerationStructurePropertiesKHR, next_types::Type...) = PhysicalDeviceAccelerationStructurePropertiesKHR(load_next_chain(x.pNext, next_types...), x.maxGeometryCount, x.maxInstanceCount, x.maxPrimitiveCount, x.maxPerStageDescriptorAccelerationStructures, x.maxPerStageDescriptorUpdateAfterBindAccelerationStructures, x.maxDescriptorSetAccelerationStructures, x.maxDescriptorSetUpdateAfterBindAccelerationStructures, x.minAccelerationStructureScratchOffsetAlignment) PhysicalDeviceRayTracingPipelinePropertiesKHR(x::VkPhysicalDeviceRayTracingPipelinePropertiesKHR, next_types::Type...) = PhysicalDeviceRayTracingPipelinePropertiesKHR(load_next_chain(x.pNext, next_types...), x.shaderGroupHandleSize, x.maxRayRecursionDepth, x.maxShaderGroupStride, x.shaderGroupBaseAlignment, x.shaderGroupHandleCaptureReplaySize, x.maxRayDispatchInvocationCount, x.shaderGroupHandleAlignment, x.maxRayHitAttributeSize) PhysicalDeviceRayTracingPropertiesNV(x::VkPhysicalDeviceRayTracingPropertiesNV, next_types::Type...) = PhysicalDeviceRayTracingPropertiesNV(load_next_chain(x.pNext, next_types...), x.shaderGroupHandleSize, x.maxRecursionDepth, x.maxShaderGroupStride, x.shaderGroupBaseAlignment, x.maxGeometryCount, x.maxInstanceCount, x.maxTriangleCount, x.maxDescriptorSetAccelerationStructures) StridedDeviceAddressRegionKHR(x::VkStridedDeviceAddressRegionKHR) = StridedDeviceAddressRegionKHR(x.deviceAddress, x.stride, x.size) TraceRaysIndirectCommandKHR(x::VkTraceRaysIndirectCommandKHR) = TraceRaysIndirectCommandKHR(x.width, x.height, x.depth) TraceRaysIndirectCommand2KHR(x::VkTraceRaysIndirectCommand2KHR) = TraceRaysIndirectCommand2KHR(x.raygenShaderRecordAddress, x.raygenShaderRecordSize, x.missShaderBindingTableAddress, x.missShaderBindingTableSize, x.missShaderBindingTableStride, x.hitShaderBindingTableAddress, x.hitShaderBindingTableSize, x.hitShaderBindingTableStride, x.callableShaderBindingTableAddress, x.callableShaderBindingTableSize, x.callableShaderBindingTableStride, x.width, x.height, x.depth) PhysicalDeviceRayTracingMaintenance1FeaturesKHR(x::VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR, next_types::Type...) = PhysicalDeviceRayTracingMaintenance1FeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.rayTracingMaintenance1), from_vk(Bool, x.rayTracingPipelineTraceRaysIndirect2)) DrmFormatModifierPropertiesListEXT(x::VkDrmFormatModifierPropertiesListEXT, next_types::Type...) = DrmFormatModifierPropertiesListEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{DrmFormatModifierPropertiesEXT}, x.pDrmFormatModifierProperties, x.drmFormatModifierCount; own = true)) DrmFormatModifierPropertiesEXT(x::VkDrmFormatModifierPropertiesEXT) = DrmFormatModifierPropertiesEXT(x.drmFormatModifier, x.drmFormatModifierPlaneCount, x.drmFormatModifierTilingFeatures) PhysicalDeviceImageDrmFormatModifierInfoEXT(x::VkPhysicalDeviceImageDrmFormatModifierInfoEXT, next_types::Type...) = PhysicalDeviceImageDrmFormatModifierInfoEXT(load_next_chain(x.pNext, next_types...), x.drmFormatModifier, x.sharingMode, unsafe_wrap(Vector{UInt32}, x.pQueueFamilyIndices, x.queueFamilyIndexCount; own = true)) ImageDrmFormatModifierListCreateInfoEXT(x::VkImageDrmFormatModifierListCreateInfoEXT, next_types::Type...) = ImageDrmFormatModifierListCreateInfoEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{UInt64}, x.pDrmFormatModifiers, x.drmFormatModifierCount; own = true)) ImageDrmFormatModifierExplicitCreateInfoEXT(x::VkImageDrmFormatModifierExplicitCreateInfoEXT, next_types::Type...) = ImageDrmFormatModifierExplicitCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.drmFormatModifier, unsafe_wrap(Vector{SubresourceLayout}, x.pPlaneLayouts, x.drmFormatModifierPlaneCount; own = true)) ImageDrmFormatModifierPropertiesEXT(x::VkImageDrmFormatModifierPropertiesEXT, next_types::Type...) = ImageDrmFormatModifierPropertiesEXT(load_next_chain(x.pNext, next_types...), x.drmFormatModifier) ImageStencilUsageCreateInfo(x::VkImageStencilUsageCreateInfo, next_types::Type...) = ImageStencilUsageCreateInfo(load_next_chain(x.pNext, next_types...), x.stencilUsage) DeviceMemoryOverallocationCreateInfoAMD(x::VkDeviceMemoryOverallocationCreateInfoAMD, next_types::Type...) = DeviceMemoryOverallocationCreateInfoAMD(load_next_chain(x.pNext, next_types...), x.overallocationBehavior) PhysicalDeviceFragmentDensityMapFeaturesEXT(x::VkPhysicalDeviceFragmentDensityMapFeaturesEXT, next_types::Type...) = PhysicalDeviceFragmentDensityMapFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.fragmentDensityMap), from_vk(Bool, x.fragmentDensityMapDynamic), from_vk(Bool, x.fragmentDensityMapNonSubsampledImages)) PhysicalDeviceFragmentDensityMap2FeaturesEXT(x::VkPhysicalDeviceFragmentDensityMap2FeaturesEXT, next_types::Type...) = PhysicalDeviceFragmentDensityMap2FeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.fragmentDensityMapDeferred)) PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM(x::VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM, next_types::Type...) = PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.fragmentDensityMapOffset)) PhysicalDeviceFragmentDensityMapPropertiesEXT(x::VkPhysicalDeviceFragmentDensityMapPropertiesEXT, next_types::Type...) = PhysicalDeviceFragmentDensityMapPropertiesEXT(load_next_chain(x.pNext, next_types...), Extent2D(x.minFragmentDensityTexelSize), Extent2D(x.maxFragmentDensityTexelSize), from_vk(Bool, x.fragmentDensityInvocations)) PhysicalDeviceFragmentDensityMap2PropertiesEXT(x::VkPhysicalDeviceFragmentDensityMap2PropertiesEXT, next_types::Type...) = PhysicalDeviceFragmentDensityMap2PropertiesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.subsampledLoads), from_vk(Bool, x.subsampledCoarseReconstructionEarlyAccess), x.maxSubsampledArrayLayers, x.maxDescriptorSetSubsampledSamplers) PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM(x::VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM, next_types::Type...) = PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM(load_next_chain(x.pNext, next_types...), Extent2D(x.fragmentDensityOffsetGranularity)) RenderPassFragmentDensityMapCreateInfoEXT(x::VkRenderPassFragmentDensityMapCreateInfoEXT, next_types::Type...) = RenderPassFragmentDensityMapCreateInfoEXT(load_next_chain(x.pNext, next_types...), AttachmentReference(x.fragmentDensityMapAttachment)) SubpassFragmentDensityMapOffsetEndInfoQCOM(x::VkSubpassFragmentDensityMapOffsetEndInfoQCOM, next_types::Type...) = SubpassFragmentDensityMapOffsetEndInfoQCOM(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{Offset2D}, x.pFragmentDensityOffsets, x.fragmentDensityOffsetCount; own = true)) PhysicalDeviceScalarBlockLayoutFeatures(x::VkPhysicalDeviceScalarBlockLayoutFeatures, next_types::Type...) = PhysicalDeviceScalarBlockLayoutFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.scalarBlockLayout)) SurfaceProtectedCapabilitiesKHR(x::VkSurfaceProtectedCapabilitiesKHR, next_types::Type...) = SurfaceProtectedCapabilitiesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.supportsProtected)) PhysicalDeviceUniformBufferStandardLayoutFeatures(x::VkPhysicalDeviceUniformBufferStandardLayoutFeatures, next_types::Type...) = PhysicalDeviceUniformBufferStandardLayoutFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.uniformBufferStandardLayout)) PhysicalDeviceDepthClipEnableFeaturesEXT(x::VkPhysicalDeviceDepthClipEnableFeaturesEXT, next_types::Type...) = PhysicalDeviceDepthClipEnableFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.depthClipEnable)) PipelineRasterizationDepthClipStateCreateInfoEXT(x::VkPipelineRasterizationDepthClipStateCreateInfoEXT, next_types::Type...) = PipelineRasterizationDepthClipStateCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.flags, from_vk(Bool, x.depthClipEnable)) PhysicalDeviceMemoryBudgetPropertiesEXT(x::VkPhysicalDeviceMemoryBudgetPropertiesEXT, next_types::Type...) = PhysicalDeviceMemoryBudgetPropertiesEXT(load_next_chain(x.pNext, next_types...), x.heapBudget, x.heapUsage) PhysicalDeviceMemoryPriorityFeaturesEXT(x::VkPhysicalDeviceMemoryPriorityFeaturesEXT, next_types::Type...) = PhysicalDeviceMemoryPriorityFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.memoryPriority)) MemoryPriorityAllocateInfoEXT(x::VkMemoryPriorityAllocateInfoEXT, next_types::Type...) = MemoryPriorityAllocateInfoEXT(load_next_chain(x.pNext, next_types...), x.priority) PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT(x::VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT, next_types::Type...) = PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.pageableDeviceLocalMemory)) PhysicalDeviceBufferDeviceAddressFeatures(x::VkPhysicalDeviceBufferDeviceAddressFeatures, next_types::Type...) = PhysicalDeviceBufferDeviceAddressFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.bufferDeviceAddress), from_vk(Bool, x.bufferDeviceAddressCaptureReplay), from_vk(Bool, x.bufferDeviceAddressMultiDevice)) PhysicalDeviceBufferDeviceAddressFeaturesEXT(x::VkPhysicalDeviceBufferDeviceAddressFeaturesEXT, next_types::Type...) = PhysicalDeviceBufferDeviceAddressFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.bufferDeviceAddress), from_vk(Bool, x.bufferDeviceAddressCaptureReplay), from_vk(Bool, x.bufferDeviceAddressMultiDevice)) BufferDeviceAddressInfo(x::VkBufferDeviceAddressInfo, next_types::Type...) = BufferDeviceAddressInfo(load_next_chain(x.pNext, next_types...), Buffer(x.buffer)) BufferOpaqueCaptureAddressCreateInfo(x::VkBufferOpaqueCaptureAddressCreateInfo, next_types::Type...) = BufferOpaqueCaptureAddressCreateInfo(load_next_chain(x.pNext, next_types...), x.opaqueCaptureAddress) BufferDeviceAddressCreateInfoEXT(x::VkBufferDeviceAddressCreateInfoEXT, next_types::Type...) = BufferDeviceAddressCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.deviceAddress) PhysicalDeviceImageViewImageFormatInfoEXT(x::VkPhysicalDeviceImageViewImageFormatInfoEXT, next_types::Type...) = PhysicalDeviceImageViewImageFormatInfoEXT(load_next_chain(x.pNext, next_types...), x.imageViewType) FilterCubicImageViewImageFormatPropertiesEXT(x::VkFilterCubicImageViewImageFormatPropertiesEXT, next_types::Type...) = FilterCubicImageViewImageFormatPropertiesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.filterCubic), from_vk(Bool, x.filterCubicMinmax)) PhysicalDeviceImagelessFramebufferFeatures(x::VkPhysicalDeviceImagelessFramebufferFeatures, next_types::Type...) = PhysicalDeviceImagelessFramebufferFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.imagelessFramebuffer)) FramebufferAttachmentsCreateInfo(x::VkFramebufferAttachmentsCreateInfo, next_types::Type...) = FramebufferAttachmentsCreateInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{FramebufferAttachmentImageInfo}, x.pAttachmentImageInfos, x.attachmentImageInfoCount; own = true)) FramebufferAttachmentImageInfo(x::VkFramebufferAttachmentImageInfo, next_types::Type...) = FramebufferAttachmentImageInfo(load_next_chain(x.pNext, next_types...), x.flags, x.usage, x.width, x.height, x.layerCount, unsafe_wrap(Vector{Format}, x.pViewFormats, x.viewFormatCount; own = true)) RenderPassAttachmentBeginInfo(x::VkRenderPassAttachmentBeginInfo, next_types::Type...) = RenderPassAttachmentBeginInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{ImageView}, x.pAttachments, x.attachmentCount; own = true)) PhysicalDeviceTextureCompressionASTCHDRFeatures(x::VkPhysicalDeviceTextureCompressionASTCHDRFeatures, next_types::Type...) = PhysicalDeviceTextureCompressionASTCHDRFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.textureCompressionASTC_HDR)) PhysicalDeviceCooperativeMatrixFeaturesNV(x::VkPhysicalDeviceCooperativeMatrixFeaturesNV, next_types::Type...) = PhysicalDeviceCooperativeMatrixFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.cooperativeMatrix), from_vk(Bool, x.cooperativeMatrixRobustBufferAccess)) PhysicalDeviceCooperativeMatrixPropertiesNV(x::VkPhysicalDeviceCooperativeMatrixPropertiesNV, next_types::Type...) = PhysicalDeviceCooperativeMatrixPropertiesNV(load_next_chain(x.pNext, next_types...), x.cooperativeMatrixSupportedStages) CooperativeMatrixPropertiesNV(x::VkCooperativeMatrixPropertiesNV, next_types::Type...) = CooperativeMatrixPropertiesNV(load_next_chain(x.pNext, next_types...), x.MSize, x.NSize, x.KSize, x.AType, x.BType, x.CType, x.DType, x.scope) PhysicalDeviceYcbcrImageArraysFeaturesEXT(x::VkPhysicalDeviceYcbcrImageArraysFeaturesEXT, next_types::Type...) = PhysicalDeviceYcbcrImageArraysFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.ycbcrImageArrays)) ImageViewHandleInfoNVX(x::VkImageViewHandleInfoNVX, next_types::Type...) = ImageViewHandleInfoNVX(load_next_chain(x.pNext, next_types...), ImageView(x.imageView), x.descriptorType, Sampler(x.sampler)) ImageViewAddressPropertiesNVX(x::VkImageViewAddressPropertiesNVX, next_types::Type...) = ImageViewAddressPropertiesNVX(load_next_chain(x.pNext, next_types...), x.deviceAddress, x.size) PipelineCreationFeedback(x::VkPipelineCreationFeedback) = PipelineCreationFeedback(x.flags, x.duration) PipelineCreationFeedbackCreateInfo(x::VkPipelineCreationFeedbackCreateInfo, next_types::Type...) = PipelineCreationFeedbackCreateInfo(load_next_chain(x.pNext, next_types...), PipelineCreationFeedback(x.pPipelineCreationFeedback), unsafe_wrap(Vector{PipelineCreationFeedback}, x.pPipelineStageCreationFeedbacks, x.pipelineStageCreationFeedbackCount; own = true)) PhysicalDevicePresentBarrierFeaturesNV(x::VkPhysicalDevicePresentBarrierFeaturesNV, next_types::Type...) = PhysicalDevicePresentBarrierFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.presentBarrier)) SurfaceCapabilitiesPresentBarrierNV(x::VkSurfaceCapabilitiesPresentBarrierNV, next_types::Type...) = SurfaceCapabilitiesPresentBarrierNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.presentBarrierSupported)) SwapchainPresentBarrierCreateInfoNV(x::VkSwapchainPresentBarrierCreateInfoNV, next_types::Type...) = SwapchainPresentBarrierCreateInfoNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.presentBarrierEnable)) PhysicalDevicePerformanceQueryFeaturesKHR(x::VkPhysicalDevicePerformanceQueryFeaturesKHR, next_types::Type...) = PhysicalDevicePerformanceQueryFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.performanceCounterQueryPools), from_vk(Bool, x.performanceCounterMultipleQueryPools)) PhysicalDevicePerformanceQueryPropertiesKHR(x::VkPhysicalDevicePerformanceQueryPropertiesKHR, next_types::Type...) = PhysicalDevicePerformanceQueryPropertiesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.allowCommandBufferQueryCopies)) PerformanceCounterKHR(x::VkPerformanceCounterKHR, next_types::Type...) = PerformanceCounterKHR(load_next_chain(x.pNext, next_types...), x.unit, x.scope, x.storage, x.uuid) PerformanceCounterDescriptionKHR(x::VkPerformanceCounterDescriptionKHR, next_types::Type...) = PerformanceCounterDescriptionKHR(load_next_chain(x.pNext, next_types...), x.flags, from_vk(String, x.name), from_vk(String, x.category), from_vk(String, x.description)) QueryPoolPerformanceCreateInfoKHR(x::VkQueryPoolPerformanceCreateInfoKHR, next_types::Type...) = QueryPoolPerformanceCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.queueFamilyIndex, unsafe_wrap(Vector{UInt32}, x.pCounterIndices, x.counterIndexCount; own = true)) AcquireProfilingLockInfoKHR(x::VkAcquireProfilingLockInfoKHR, next_types::Type...) = AcquireProfilingLockInfoKHR(load_next_chain(x.pNext, next_types...), x.flags, x.timeout) PerformanceQuerySubmitInfoKHR(x::VkPerformanceQuerySubmitInfoKHR, next_types::Type...) = PerformanceQuerySubmitInfoKHR(load_next_chain(x.pNext, next_types...), x.counterPassIndex) HeadlessSurfaceCreateInfoEXT(x::VkHeadlessSurfaceCreateInfoEXT, next_types::Type...) = HeadlessSurfaceCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.flags) PhysicalDeviceCoverageReductionModeFeaturesNV(x::VkPhysicalDeviceCoverageReductionModeFeaturesNV, next_types::Type...) = PhysicalDeviceCoverageReductionModeFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.coverageReductionMode)) PipelineCoverageReductionStateCreateInfoNV(x::VkPipelineCoverageReductionStateCreateInfoNV, next_types::Type...) = PipelineCoverageReductionStateCreateInfoNV(load_next_chain(x.pNext, next_types...), x.flags, x.coverageReductionMode) FramebufferMixedSamplesCombinationNV(x::VkFramebufferMixedSamplesCombinationNV, next_types::Type...) = FramebufferMixedSamplesCombinationNV(load_next_chain(x.pNext, next_types...), x.coverageReductionMode, SampleCountFlag(UInt32(x.rasterizationSamples)), x.depthStencilSamples, x.colorSamples) PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL(x::VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL, next_types::Type...) = PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderIntegerFunctions2)) PerformanceValueINTEL(x::VkPerformanceValueINTEL) = PerformanceValueINTEL(x.type, PerformanceValueDataINTEL(x.data)) InitializePerformanceApiInfoINTEL(x::VkInitializePerformanceApiInfoINTEL, next_types::Type...) = InitializePerformanceApiInfoINTEL(load_next_chain(x.pNext, next_types...), x.pUserData) QueryPoolPerformanceQueryCreateInfoINTEL(x::VkQueryPoolPerformanceQueryCreateInfoINTEL, next_types::Type...) = QueryPoolPerformanceQueryCreateInfoINTEL(load_next_chain(x.pNext, next_types...), x.performanceCountersSampling) PerformanceMarkerInfoINTEL(x::VkPerformanceMarkerInfoINTEL, next_types::Type...) = PerformanceMarkerInfoINTEL(load_next_chain(x.pNext, next_types...), x.marker) PerformanceStreamMarkerInfoINTEL(x::VkPerformanceStreamMarkerInfoINTEL, next_types::Type...) = PerformanceStreamMarkerInfoINTEL(load_next_chain(x.pNext, next_types...), x.marker) PerformanceOverrideInfoINTEL(x::VkPerformanceOverrideInfoINTEL, next_types::Type...) = PerformanceOverrideInfoINTEL(load_next_chain(x.pNext, next_types...), x.type, from_vk(Bool, x.enable), x.parameter) PerformanceConfigurationAcquireInfoINTEL(x::VkPerformanceConfigurationAcquireInfoINTEL, next_types::Type...) = PerformanceConfigurationAcquireInfoINTEL(load_next_chain(x.pNext, next_types...), x.type) PhysicalDeviceShaderClockFeaturesKHR(x::VkPhysicalDeviceShaderClockFeaturesKHR, next_types::Type...) = PhysicalDeviceShaderClockFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderSubgroupClock), from_vk(Bool, x.shaderDeviceClock)) PhysicalDeviceIndexTypeUint8FeaturesEXT(x::VkPhysicalDeviceIndexTypeUint8FeaturesEXT, next_types::Type...) = PhysicalDeviceIndexTypeUint8FeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.indexTypeUint8)) PhysicalDeviceShaderSMBuiltinsPropertiesNV(x::VkPhysicalDeviceShaderSMBuiltinsPropertiesNV, next_types::Type...) = PhysicalDeviceShaderSMBuiltinsPropertiesNV(load_next_chain(x.pNext, next_types...), x.shaderSMCount, x.shaderWarpsPerSM) PhysicalDeviceShaderSMBuiltinsFeaturesNV(x::VkPhysicalDeviceShaderSMBuiltinsFeaturesNV, next_types::Type...) = PhysicalDeviceShaderSMBuiltinsFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderSMBuiltins)) PhysicalDeviceFragmentShaderInterlockFeaturesEXT(x::VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT, next_types::Type...) = PhysicalDeviceFragmentShaderInterlockFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.fragmentShaderSampleInterlock), from_vk(Bool, x.fragmentShaderPixelInterlock), from_vk(Bool, x.fragmentShaderShadingRateInterlock)) PhysicalDeviceSeparateDepthStencilLayoutsFeatures(x::VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures, next_types::Type...) = PhysicalDeviceSeparateDepthStencilLayoutsFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.separateDepthStencilLayouts)) AttachmentReferenceStencilLayout(x::VkAttachmentReferenceStencilLayout, next_types::Type...) = AttachmentReferenceStencilLayout(load_next_chain(x.pNext, next_types...), x.stencilLayout) PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT(x::VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT, next_types::Type...) = PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.primitiveTopologyListRestart), from_vk(Bool, x.primitiveTopologyPatchListRestart)) AttachmentDescriptionStencilLayout(x::VkAttachmentDescriptionStencilLayout, next_types::Type...) = AttachmentDescriptionStencilLayout(load_next_chain(x.pNext, next_types...), x.stencilInitialLayout, x.stencilFinalLayout) PhysicalDevicePipelineExecutablePropertiesFeaturesKHR(x::VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR, next_types::Type...) = PhysicalDevicePipelineExecutablePropertiesFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.pipelineExecutableInfo)) PipelineInfoKHR(x::VkPipelineInfoKHR, next_types::Type...) = PipelineInfoKHR(load_next_chain(x.pNext, next_types...), Pipeline(x.pipeline)) PipelineExecutablePropertiesKHR(x::VkPipelineExecutablePropertiesKHR, next_types::Type...) = PipelineExecutablePropertiesKHR(load_next_chain(x.pNext, next_types...), x.stages, from_vk(String, x.name), from_vk(String, x.description), x.subgroupSize) PipelineExecutableInfoKHR(x::VkPipelineExecutableInfoKHR, next_types::Type...) = PipelineExecutableInfoKHR(load_next_chain(x.pNext, next_types...), Pipeline(x.pipeline), x.executableIndex) PipelineExecutableStatisticKHR(x::VkPipelineExecutableStatisticKHR, next_types::Type...) = PipelineExecutableStatisticKHR(load_next_chain(x.pNext, next_types...), from_vk(String, x.name), from_vk(String, x.description), x.format, PipelineExecutableStatisticValueKHR(x.value)) PipelineExecutableInternalRepresentationKHR(x::VkPipelineExecutableInternalRepresentationKHR, next_types::Type...) = PipelineExecutableInternalRepresentationKHR(load_next_chain(x.pNext, next_types...), from_vk(String, x.name), from_vk(String, x.description), from_vk(Bool, x.isText), x.dataSize, x.pData) PhysicalDeviceShaderDemoteToHelperInvocationFeatures(x::VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures, next_types::Type...) = PhysicalDeviceShaderDemoteToHelperInvocationFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderDemoteToHelperInvocation)) PhysicalDeviceTexelBufferAlignmentFeaturesEXT(x::VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT, next_types::Type...) = PhysicalDeviceTexelBufferAlignmentFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.texelBufferAlignment)) PhysicalDeviceTexelBufferAlignmentProperties(x::VkPhysicalDeviceTexelBufferAlignmentProperties, next_types::Type...) = PhysicalDeviceTexelBufferAlignmentProperties(load_next_chain(x.pNext, next_types...), x.storageTexelBufferOffsetAlignmentBytes, from_vk(Bool, x.storageTexelBufferOffsetSingleTexelAlignment), x.uniformTexelBufferOffsetAlignmentBytes, from_vk(Bool, x.uniformTexelBufferOffsetSingleTexelAlignment)) PhysicalDeviceSubgroupSizeControlFeatures(x::VkPhysicalDeviceSubgroupSizeControlFeatures, next_types::Type...) = PhysicalDeviceSubgroupSizeControlFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.subgroupSizeControl), from_vk(Bool, x.computeFullSubgroups)) PhysicalDeviceSubgroupSizeControlProperties(x::VkPhysicalDeviceSubgroupSizeControlProperties, next_types::Type...) = PhysicalDeviceSubgroupSizeControlProperties(load_next_chain(x.pNext, next_types...), x.minSubgroupSize, x.maxSubgroupSize, x.maxComputeWorkgroupSubgroups, x.requiredSubgroupSizeStages) PipelineShaderStageRequiredSubgroupSizeCreateInfo(x::VkPipelineShaderStageRequiredSubgroupSizeCreateInfo, next_types::Type...) = PipelineShaderStageRequiredSubgroupSizeCreateInfo(load_next_chain(x.pNext, next_types...), x.requiredSubgroupSize) SubpassShadingPipelineCreateInfoHUAWEI(x::VkSubpassShadingPipelineCreateInfoHUAWEI, next_types::Type...) = SubpassShadingPipelineCreateInfoHUAWEI(load_next_chain(x.pNext, next_types...), RenderPass(x.renderPass), x.subpass) PhysicalDeviceSubpassShadingPropertiesHUAWEI(x::VkPhysicalDeviceSubpassShadingPropertiesHUAWEI, next_types::Type...) = PhysicalDeviceSubpassShadingPropertiesHUAWEI(load_next_chain(x.pNext, next_types...), x.maxSubpassShadingWorkgroupSizeAspectRatio) PhysicalDeviceClusterCullingShaderPropertiesHUAWEI(x::VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI, next_types::Type...) = PhysicalDeviceClusterCullingShaderPropertiesHUAWEI(load_next_chain(x.pNext, next_types...), x.maxWorkGroupCount, x.maxWorkGroupSize, x.maxOutputClusterCount) MemoryOpaqueCaptureAddressAllocateInfo(x::VkMemoryOpaqueCaptureAddressAllocateInfo, next_types::Type...) = MemoryOpaqueCaptureAddressAllocateInfo(load_next_chain(x.pNext, next_types...), x.opaqueCaptureAddress) DeviceMemoryOpaqueCaptureAddressInfo(x::VkDeviceMemoryOpaqueCaptureAddressInfo, next_types::Type...) = DeviceMemoryOpaqueCaptureAddressInfo(load_next_chain(x.pNext, next_types...), DeviceMemory(x.memory)) PhysicalDeviceLineRasterizationFeaturesEXT(x::VkPhysicalDeviceLineRasterizationFeaturesEXT, next_types::Type...) = PhysicalDeviceLineRasterizationFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.rectangularLines), from_vk(Bool, x.bresenhamLines), from_vk(Bool, x.smoothLines), from_vk(Bool, x.stippledRectangularLines), from_vk(Bool, x.stippledBresenhamLines), from_vk(Bool, x.stippledSmoothLines)) PhysicalDeviceLineRasterizationPropertiesEXT(x::VkPhysicalDeviceLineRasterizationPropertiesEXT, next_types::Type...) = PhysicalDeviceLineRasterizationPropertiesEXT(load_next_chain(x.pNext, next_types...), x.lineSubPixelPrecisionBits) PipelineRasterizationLineStateCreateInfoEXT(x::VkPipelineRasterizationLineStateCreateInfoEXT, next_types::Type...) = PipelineRasterizationLineStateCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.lineRasterizationMode, from_vk(Bool, x.stippledLineEnable), x.lineStippleFactor, x.lineStipplePattern) PhysicalDevicePipelineCreationCacheControlFeatures(x::VkPhysicalDevicePipelineCreationCacheControlFeatures, next_types::Type...) = PhysicalDevicePipelineCreationCacheControlFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.pipelineCreationCacheControl)) PhysicalDeviceVulkan11Features(x::VkPhysicalDeviceVulkan11Features, next_types::Type...) = PhysicalDeviceVulkan11Features(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.storageBuffer16BitAccess), from_vk(Bool, x.uniformAndStorageBuffer16BitAccess), from_vk(Bool, x.storagePushConstant16), from_vk(Bool, x.storageInputOutput16), from_vk(Bool, x.multiview), from_vk(Bool, x.multiviewGeometryShader), from_vk(Bool, x.multiviewTessellationShader), from_vk(Bool, x.variablePointersStorageBuffer), from_vk(Bool, x.variablePointers), from_vk(Bool, x.protectedMemory), from_vk(Bool, x.samplerYcbcrConversion), from_vk(Bool, x.shaderDrawParameters)) PhysicalDeviceVulkan11Properties(x::VkPhysicalDeviceVulkan11Properties, next_types::Type...) = PhysicalDeviceVulkan11Properties(load_next_chain(x.pNext, next_types...), x.deviceUUID, x.driverUUID, x.deviceLUID, x.deviceNodeMask, from_vk(Bool, x.deviceLUIDValid), x.subgroupSize, x.subgroupSupportedStages, x.subgroupSupportedOperations, from_vk(Bool, x.subgroupQuadOperationsInAllStages), x.pointClippingBehavior, x.maxMultiviewViewCount, x.maxMultiviewInstanceIndex, from_vk(Bool, x.protectedNoFault), x.maxPerSetDescriptors, x.maxMemoryAllocationSize) PhysicalDeviceVulkan12Features(x::VkPhysicalDeviceVulkan12Features, next_types::Type...) = PhysicalDeviceVulkan12Features(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.samplerMirrorClampToEdge), from_vk(Bool, x.drawIndirectCount), from_vk(Bool, x.storageBuffer8BitAccess), from_vk(Bool, x.uniformAndStorageBuffer8BitAccess), from_vk(Bool, x.storagePushConstant8), from_vk(Bool, x.shaderBufferInt64Atomics), from_vk(Bool, x.shaderSharedInt64Atomics), from_vk(Bool, x.shaderFloat16), from_vk(Bool, x.shaderInt8), from_vk(Bool, x.descriptorIndexing), from_vk(Bool, x.shaderInputAttachmentArrayDynamicIndexing), from_vk(Bool, x.shaderUniformTexelBufferArrayDynamicIndexing), from_vk(Bool, x.shaderStorageTexelBufferArrayDynamicIndexing), from_vk(Bool, x.shaderUniformBufferArrayNonUniformIndexing), from_vk(Bool, x.shaderSampledImageArrayNonUniformIndexing), from_vk(Bool, x.shaderStorageBufferArrayNonUniformIndexing), from_vk(Bool, x.shaderStorageImageArrayNonUniformIndexing), from_vk(Bool, x.shaderInputAttachmentArrayNonUniformIndexing), from_vk(Bool, x.shaderUniformTexelBufferArrayNonUniformIndexing), from_vk(Bool, x.shaderStorageTexelBufferArrayNonUniformIndexing), from_vk(Bool, x.descriptorBindingUniformBufferUpdateAfterBind), from_vk(Bool, x.descriptorBindingSampledImageUpdateAfterBind), from_vk(Bool, x.descriptorBindingStorageImageUpdateAfterBind), from_vk(Bool, x.descriptorBindingStorageBufferUpdateAfterBind), from_vk(Bool, x.descriptorBindingUniformTexelBufferUpdateAfterBind), from_vk(Bool, x.descriptorBindingStorageTexelBufferUpdateAfterBind), from_vk(Bool, x.descriptorBindingUpdateUnusedWhilePending), from_vk(Bool, x.descriptorBindingPartiallyBound), from_vk(Bool, x.descriptorBindingVariableDescriptorCount), from_vk(Bool, x.runtimeDescriptorArray), from_vk(Bool, x.samplerFilterMinmax), from_vk(Bool, x.scalarBlockLayout), from_vk(Bool, x.imagelessFramebuffer), from_vk(Bool, x.uniformBufferStandardLayout), from_vk(Bool, x.shaderSubgroupExtendedTypes), from_vk(Bool, x.separateDepthStencilLayouts), from_vk(Bool, x.hostQueryReset), from_vk(Bool, x.timelineSemaphore), from_vk(Bool, x.bufferDeviceAddress), from_vk(Bool, x.bufferDeviceAddressCaptureReplay), from_vk(Bool, x.bufferDeviceAddressMultiDevice), from_vk(Bool, x.vulkanMemoryModel), from_vk(Bool, x.vulkanMemoryModelDeviceScope), from_vk(Bool, x.vulkanMemoryModelAvailabilityVisibilityChains), from_vk(Bool, x.shaderOutputViewportIndex), from_vk(Bool, x.shaderOutputLayer), from_vk(Bool, x.subgroupBroadcastDynamicId)) PhysicalDeviceVulkan12Properties(x::VkPhysicalDeviceVulkan12Properties, next_types::Type...) = PhysicalDeviceVulkan12Properties(load_next_chain(x.pNext, next_types...), x.driverID, from_vk(String, x.driverName), from_vk(String, x.driverInfo), ConformanceVersion(x.conformanceVersion), x.denormBehaviorIndependence, x.roundingModeIndependence, from_vk(Bool, x.shaderSignedZeroInfNanPreserveFloat16), from_vk(Bool, x.shaderSignedZeroInfNanPreserveFloat32), from_vk(Bool, x.shaderSignedZeroInfNanPreserveFloat64), from_vk(Bool, x.shaderDenormPreserveFloat16), from_vk(Bool, x.shaderDenormPreserveFloat32), from_vk(Bool, x.shaderDenormPreserveFloat64), from_vk(Bool, x.shaderDenormFlushToZeroFloat16), from_vk(Bool, x.shaderDenormFlushToZeroFloat32), from_vk(Bool, x.shaderDenormFlushToZeroFloat64), from_vk(Bool, x.shaderRoundingModeRTEFloat16), from_vk(Bool, x.shaderRoundingModeRTEFloat32), from_vk(Bool, x.shaderRoundingModeRTEFloat64), from_vk(Bool, x.shaderRoundingModeRTZFloat16), from_vk(Bool, x.shaderRoundingModeRTZFloat32), from_vk(Bool, x.shaderRoundingModeRTZFloat64), x.maxUpdateAfterBindDescriptorsInAllPools, from_vk(Bool, x.shaderUniformBufferArrayNonUniformIndexingNative), from_vk(Bool, x.shaderSampledImageArrayNonUniformIndexingNative), from_vk(Bool, x.shaderStorageBufferArrayNonUniformIndexingNative), from_vk(Bool, x.shaderStorageImageArrayNonUniformIndexingNative), from_vk(Bool, x.shaderInputAttachmentArrayNonUniformIndexingNative), from_vk(Bool, x.robustBufferAccessUpdateAfterBind), from_vk(Bool, x.quadDivergentImplicitLod), x.maxPerStageDescriptorUpdateAfterBindSamplers, x.maxPerStageDescriptorUpdateAfterBindUniformBuffers, x.maxPerStageDescriptorUpdateAfterBindStorageBuffers, x.maxPerStageDescriptorUpdateAfterBindSampledImages, x.maxPerStageDescriptorUpdateAfterBindStorageImages, x.maxPerStageDescriptorUpdateAfterBindInputAttachments, x.maxPerStageUpdateAfterBindResources, x.maxDescriptorSetUpdateAfterBindSamplers, x.maxDescriptorSetUpdateAfterBindUniformBuffers, x.maxDescriptorSetUpdateAfterBindUniformBuffersDynamic, x.maxDescriptorSetUpdateAfterBindStorageBuffers, x.maxDescriptorSetUpdateAfterBindStorageBuffersDynamic, x.maxDescriptorSetUpdateAfterBindSampledImages, x.maxDescriptorSetUpdateAfterBindStorageImages, x.maxDescriptorSetUpdateAfterBindInputAttachments, x.supportedDepthResolveModes, x.supportedStencilResolveModes, from_vk(Bool, x.independentResolveNone), from_vk(Bool, x.independentResolve), from_vk(Bool, x.filterMinmaxSingleComponentFormats), from_vk(Bool, x.filterMinmaxImageComponentMapping), x.maxTimelineSemaphoreValueDifference, x.framebufferIntegerColorSampleCounts) PhysicalDeviceVulkan13Features(x::VkPhysicalDeviceVulkan13Features, next_types::Type...) = PhysicalDeviceVulkan13Features(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.robustImageAccess), from_vk(Bool, x.inlineUniformBlock), from_vk(Bool, x.descriptorBindingInlineUniformBlockUpdateAfterBind), from_vk(Bool, x.pipelineCreationCacheControl), from_vk(Bool, x.privateData), from_vk(Bool, x.shaderDemoteToHelperInvocation), from_vk(Bool, x.shaderTerminateInvocation), from_vk(Bool, x.subgroupSizeControl), from_vk(Bool, x.computeFullSubgroups), from_vk(Bool, x.synchronization2), from_vk(Bool, x.textureCompressionASTC_HDR), from_vk(Bool, x.shaderZeroInitializeWorkgroupMemory), from_vk(Bool, x.dynamicRendering), from_vk(Bool, x.shaderIntegerDotProduct), from_vk(Bool, x.maintenance4)) PhysicalDeviceVulkan13Properties(x::VkPhysicalDeviceVulkan13Properties, next_types::Type...) = PhysicalDeviceVulkan13Properties(load_next_chain(x.pNext, next_types...), x.minSubgroupSize, x.maxSubgroupSize, x.maxComputeWorkgroupSubgroups, x.requiredSubgroupSizeStages, x.maxInlineUniformBlockSize, x.maxPerStageDescriptorInlineUniformBlocks, x.maxPerStageDescriptorUpdateAfterBindInlineUniformBlocks, x.maxDescriptorSetInlineUniformBlocks, x.maxDescriptorSetUpdateAfterBindInlineUniformBlocks, x.maxInlineUniformTotalSize, from_vk(Bool, x.integerDotProduct8BitUnsignedAccelerated), from_vk(Bool, x.integerDotProduct8BitSignedAccelerated), from_vk(Bool, x.integerDotProduct8BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProduct4x8BitPackedUnsignedAccelerated), from_vk(Bool, x.integerDotProduct4x8BitPackedSignedAccelerated), from_vk(Bool, x.integerDotProduct4x8BitPackedMixedSignednessAccelerated), from_vk(Bool, x.integerDotProduct16BitUnsignedAccelerated), from_vk(Bool, x.integerDotProduct16BitSignedAccelerated), from_vk(Bool, x.integerDotProduct16BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProduct32BitUnsignedAccelerated), from_vk(Bool, x.integerDotProduct32BitSignedAccelerated), from_vk(Bool, x.integerDotProduct32BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProduct64BitUnsignedAccelerated), from_vk(Bool, x.integerDotProduct64BitSignedAccelerated), from_vk(Bool, x.integerDotProduct64BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating8BitUnsignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating8BitSignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating8BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating4x8BitPackedUnsignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating4x8BitPackedSignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating4x8BitPackedMixedSignednessAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating16BitUnsignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating16BitSignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating16BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating32BitUnsignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating32BitSignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating32BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating64BitUnsignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating64BitSignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating64BitMixedSignednessAccelerated), x.storageTexelBufferOffsetAlignmentBytes, from_vk(Bool, x.storageTexelBufferOffsetSingleTexelAlignment), x.uniformTexelBufferOffsetAlignmentBytes, from_vk(Bool, x.uniformTexelBufferOffsetSingleTexelAlignment), x.maxBufferSize) PipelineCompilerControlCreateInfoAMD(x::VkPipelineCompilerControlCreateInfoAMD, next_types::Type...) = PipelineCompilerControlCreateInfoAMD(load_next_chain(x.pNext, next_types...), x.compilerControlFlags) PhysicalDeviceCoherentMemoryFeaturesAMD(x::VkPhysicalDeviceCoherentMemoryFeaturesAMD, next_types::Type...) = PhysicalDeviceCoherentMemoryFeaturesAMD(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.deviceCoherentMemory)) PhysicalDeviceToolProperties(x::VkPhysicalDeviceToolProperties, next_types::Type...) = PhysicalDeviceToolProperties(load_next_chain(x.pNext, next_types...), from_vk(String, x.name), from_vk(String, x.version), x.purposes, from_vk(String, x.description), from_vk(String, x.layer)) SamplerCustomBorderColorCreateInfoEXT(x::VkSamplerCustomBorderColorCreateInfoEXT, next_types::Type...) = SamplerCustomBorderColorCreateInfoEXT(load_next_chain(x.pNext, next_types...), ClearColorValue(x.customBorderColor), x.format) PhysicalDeviceCustomBorderColorPropertiesEXT(x::VkPhysicalDeviceCustomBorderColorPropertiesEXT, next_types::Type...) = PhysicalDeviceCustomBorderColorPropertiesEXT(load_next_chain(x.pNext, next_types...), x.maxCustomBorderColorSamplers) PhysicalDeviceCustomBorderColorFeaturesEXT(x::VkPhysicalDeviceCustomBorderColorFeaturesEXT, next_types::Type...) = PhysicalDeviceCustomBorderColorFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.customBorderColors), from_vk(Bool, x.customBorderColorWithoutFormat)) SamplerBorderColorComponentMappingCreateInfoEXT(x::VkSamplerBorderColorComponentMappingCreateInfoEXT, next_types::Type...) = SamplerBorderColorComponentMappingCreateInfoEXT(load_next_chain(x.pNext, next_types...), ComponentMapping(x.components), from_vk(Bool, x.srgb)) PhysicalDeviceBorderColorSwizzleFeaturesEXT(x::VkPhysicalDeviceBorderColorSwizzleFeaturesEXT, next_types::Type...) = PhysicalDeviceBorderColorSwizzleFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.borderColorSwizzle), from_vk(Bool, x.borderColorSwizzleFromImage)) AccelerationStructureGeometryTrianglesDataKHR(x::VkAccelerationStructureGeometryTrianglesDataKHR, next_types::Type...) = AccelerationStructureGeometryTrianglesDataKHR(load_next_chain(x.pNext, next_types...), x.vertexFormat, DeviceOrHostAddressConstKHR(x.vertexData), x.vertexStride, x.maxVertex, x.indexType, DeviceOrHostAddressConstKHR(x.indexData), DeviceOrHostAddressConstKHR(x.transformData)) AccelerationStructureGeometryAabbsDataKHR(x::VkAccelerationStructureGeometryAabbsDataKHR, next_types::Type...) = AccelerationStructureGeometryAabbsDataKHR(load_next_chain(x.pNext, next_types...), DeviceOrHostAddressConstKHR(x.data), x.stride) AccelerationStructureGeometryInstancesDataKHR(x::VkAccelerationStructureGeometryInstancesDataKHR, next_types::Type...) = AccelerationStructureGeometryInstancesDataKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.arrayOfPointers), DeviceOrHostAddressConstKHR(x.data)) AccelerationStructureGeometryKHR(x::VkAccelerationStructureGeometryKHR, next_types::Type...) = AccelerationStructureGeometryKHR(load_next_chain(x.pNext, next_types...), x.geometryType, AccelerationStructureGeometryDataKHR(x.geometry), x.flags) AccelerationStructureBuildGeometryInfoKHR(x::VkAccelerationStructureBuildGeometryInfoKHR, next_types::Type...) = AccelerationStructureBuildGeometryInfoKHR(load_next_chain(x.pNext, next_types...), x.type, x.flags, x.mode, AccelerationStructureKHR(x.srcAccelerationStructure), AccelerationStructureKHR(x.dstAccelerationStructure), unsafe_wrap(Vector{AccelerationStructureGeometryKHR}, x.pGeometries, x.geometryCount; own = true), unsafe_wrap(Vector{AccelerationStructureGeometryKHR}, x.ppGeometries, x.geometryCount; own = true), DeviceOrHostAddressKHR(x.scratchData)) AccelerationStructureBuildRangeInfoKHR(x::VkAccelerationStructureBuildRangeInfoKHR) = AccelerationStructureBuildRangeInfoKHR(x.primitiveCount, x.primitiveOffset, x.firstVertex, x.transformOffset) AccelerationStructureCreateInfoKHR(x::VkAccelerationStructureCreateInfoKHR, next_types::Type...) = AccelerationStructureCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.createFlags, Buffer(x.buffer), x.offset, x.size, x.type, x.deviceAddress) AabbPositionsKHR(x::VkAabbPositionsKHR) = AabbPositionsKHR(x.minX, x.minY, x.minZ, x.maxX, x.maxY, x.maxZ) TransformMatrixKHR(x::VkTransformMatrixKHR) = TransformMatrixKHR(x.matrix) AccelerationStructureInstanceKHR(x::VkAccelerationStructureInstanceKHR) = AccelerationStructureInstanceKHR(TransformMatrixKHR(x.transform), x.instanceCustomIndex, x.mask, x.instanceShaderBindingTableRecordOffset, x.flags, x.accelerationStructureReference) AccelerationStructureDeviceAddressInfoKHR(x::VkAccelerationStructureDeviceAddressInfoKHR, next_types::Type...) = AccelerationStructureDeviceAddressInfoKHR(load_next_chain(x.pNext, next_types...), AccelerationStructureKHR(x.accelerationStructure)) AccelerationStructureVersionInfoKHR(x::VkAccelerationStructureVersionInfoKHR, next_types::Type...) = AccelerationStructureVersionInfoKHR(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{UInt8}, x.pVersionData, 2VK_UUID_SIZE; own = true)) CopyAccelerationStructureInfoKHR(x::VkCopyAccelerationStructureInfoKHR, next_types::Type...) = CopyAccelerationStructureInfoKHR(load_next_chain(x.pNext, next_types...), AccelerationStructureKHR(x.src), AccelerationStructureKHR(x.dst), x.mode) CopyAccelerationStructureToMemoryInfoKHR(x::VkCopyAccelerationStructureToMemoryInfoKHR, next_types::Type...) = CopyAccelerationStructureToMemoryInfoKHR(load_next_chain(x.pNext, next_types...), AccelerationStructureKHR(x.src), DeviceOrHostAddressKHR(x.dst), x.mode) CopyMemoryToAccelerationStructureInfoKHR(x::VkCopyMemoryToAccelerationStructureInfoKHR, next_types::Type...) = CopyMemoryToAccelerationStructureInfoKHR(load_next_chain(x.pNext, next_types...), DeviceOrHostAddressConstKHR(x.src), AccelerationStructureKHR(x.dst), x.mode) RayTracingPipelineInterfaceCreateInfoKHR(x::VkRayTracingPipelineInterfaceCreateInfoKHR, next_types::Type...) = RayTracingPipelineInterfaceCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.maxPipelineRayPayloadSize, x.maxPipelineRayHitAttributeSize) PipelineLibraryCreateInfoKHR(x::VkPipelineLibraryCreateInfoKHR, next_types::Type...) = PipelineLibraryCreateInfoKHR(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{Pipeline}, x.pLibraries, x.libraryCount; own = true)) PhysicalDeviceExtendedDynamicStateFeaturesEXT(x::VkPhysicalDeviceExtendedDynamicStateFeaturesEXT, next_types::Type...) = PhysicalDeviceExtendedDynamicStateFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.extendedDynamicState)) PhysicalDeviceExtendedDynamicState2FeaturesEXT(x::VkPhysicalDeviceExtendedDynamicState2FeaturesEXT, next_types::Type...) = PhysicalDeviceExtendedDynamicState2FeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.extendedDynamicState2), from_vk(Bool, x.extendedDynamicState2LogicOp), from_vk(Bool, x.extendedDynamicState2PatchControlPoints)) PhysicalDeviceExtendedDynamicState3FeaturesEXT(x::VkPhysicalDeviceExtendedDynamicState3FeaturesEXT, next_types::Type...) = PhysicalDeviceExtendedDynamicState3FeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.extendedDynamicState3TessellationDomainOrigin), from_vk(Bool, x.extendedDynamicState3DepthClampEnable), from_vk(Bool, x.extendedDynamicState3PolygonMode), from_vk(Bool, x.extendedDynamicState3RasterizationSamples), from_vk(Bool, x.extendedDynamicState3SampleMask), from_vk(Bool, x.extendedDynamicState3AlphaToCoverageEnable), from_vk(Bool, x.extendedDynamicState3AlphaToOneEnable), from_vk(Bool, x.extendedDynamicState3LogicOpEnable), from_vk(Bool, x.extendedDynamicState3ColorBlendEnable), from_vk(Bool, x.extendedDynamicState3ColorBlendEquation), from_vk(Bool, x.extendedDynamicState3ColorWriteMask), from_vk(Bool, x.extendedDynamicState3RasterizationStream), from_vk(Bool, x.extendedDynamicState3ConservativeRasterizationMode), from_vk(Bool, x.extendedDynamicState3ExtraPrimitiveOverestimationSize), from_vk(Bool, x.extendedDynamicState3DepthClipEnable), from_vk(Bool, x.extendedDynamicState3SampleLocationsEnable), from_vk(Bool, x.extendedDynamicState3ColorBlendAdvanced), from_vk(Bool, x.extendedDynamicState3ProvokingVertexMode), from_vk(Bool, x.extendedDynamicState3LineRasterizationMode), from_vk(Bool, x.extendedDynamicState3LineStippleEnable), from_vk(Bool, x.extendedDynamicState3DepthClipNegativeOneToOne), from_vk(Bool, x.extendedDynamicState3ViewportWScalingEnable), from_vk(Bool, x.extendedDynamicState3ViewportSwizzle), from_vk(Bool, x.extendedDynamicState3CoverageToColorEnable), from_vk(Bool, x.extendedDynamicState3CoverageToColorLocation), from_vk(Bool, x.extendedDynamicState3CoverageModulationMode), from_vk(Bool, x.extendedDynamicState3CoverageModulationTableEnable), from_vk(Bool, x.extendedDynamicState3CoverageModulationTable), from_vk(Bool, x.extendedDynamicState3CoverageReductionMode), from_vk(Bool, x.extendedDynamicState3RepresentativeFragmentTestEnable), from_vk(Bool, x.extendedDynamicState3ShadingRateImageEnable)) PhysicalDeviceExtendedDynamicState3PropertiesEXT(x::VkPhysicalDeviceExtendedDynamicState3PropertiesEXT, next_types::Type...) = PhysicalDeviceExtendedDynamicState3PropertiesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.dynamicPrimitiveTopologyUnrestricted)) ColorBlendEquationEXT(x::VkColorBlendEquationEXT) = ColorBlendEquationEXT(x.srcColorBlendFactor, x.dstColorBlendFactor, x.colorBlendOp, x.srcAlphaBlendFactor, x.dstAlphaBlendFactor, x.alphaBlendOp) ColorBlendAdvancedEXT(x::VkColorBlendAdvancedEXT) = ColorBlendAdvancedEXT(x.advancedBlendOp, from_vk(Bool, x.srcPremultiplied), from_vk(Bool, x.dstPremultiplied), x.blendOverlap, from_vk(Bool, x.clampResults)) RenderPassTransformBeginInfoQCOM(x::VkRenderPassTransformBeginInfoQCOM, next_types::Type...) = RenderPassTransformBeginInfoQCOM(load_next_chain(x.pNext, next_types...), SurfaceTransformFlagKHR(UInt32(x.transform))) CopyCommandTransformInfoQCOM(x::VkCopyCommandTransformInfoQCOM, next_types::Type...) = CopyCommandTransformInfoQCOM(load_next_chain(x.pNext, next_types...), SurfaceTransformFlagKHR(UInt32(x.transform))) CommandBufferInheritanceRenderPassTransformInfoQCOM(x::VkCommandBufferInheritanceRenderPassTransformInfoQCOM, next_types::Type...) = CommandBufferInheritanceRenderPassTransformInfoQCOM(load_next_chain(x.pNext, next_types...), SurfaceTransformFlagKHR(UInt32(x.transform)), Rect2D(x.renderArea)) PhysicalDeviceDiagnosticsConfigFeaturesNV(x::VkPhysicalDeviceDiagnosticsConfigFeaturesNV, next_types::Type...) = PhysicalDeviceDiagnosticsConfigFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.diagnosticsConfig)) DeviceDiagnosticsConfigCreateInfoNV(x::VkDeviceDiagnosticsConfigCreateInfoNV, next_types::Type...) = DeviceDiagnosticsConfigCreateInfoNV(load_next_chain(x.pNext, next_types...), x.flags) PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures(x::VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures, next_types::Type...) = PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderZeroInitializeWorkgroupMemory)) PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR(x::VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR, next_types::Type...) = PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderSubgroupUniformControlFlow)) PhysicalDeviceRobustness2FeaturesEXT(x::VkPhysicalDeviceRobustness2FeaturesEXT, next_types::Type...) = PhysicalDeviceRobustness2FeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.robustBufferAccess2), from_vk(Bool, x.robustImageAccess2), from_vk(Bool, x.nullDescriptor)) PhysicalDeviceRobustness2PropertiesEXT(x::VkPhysicalDeviceRobustness2PropertiesEXT, next_types::Type...) = PhysicalDeviceRobustness2PropertiesEXT(load_next_chain(x.pNext, next_types...), x.robustStorageBufferAccessSizeAlignment, x.robustUniformBufferAccessSizeAlignment) PhysicalDeviceImageRobustnessFeatures(x::VkPhysicalDeviceImageRobustnessFeatures, next_types::Type...) = PhysicalDeviceImageRobustnessFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.robustImageAccess)) PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR(x::VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR, next_types::Type...) = PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.workgroupMemoryExplicitLayout), from_vk(Bool, x.workgroupMemoryExplicitLayoutScalarBlockLayout), from_vk(Bool, x.workgroupMemoryExplicitLayout8BitAccess), from_vk(Bool, x.workgroupMemoryExplicitLayout16BitAccess)) PhysicalDevice4444FormatsFeaturesEXT(x::VkPhysicalDevice4444FormatsFeaturesEXT, next_types::Type...) = PhysicalDevice4444FormatsFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.formatA4R4G4B4), from_vk(Bool, x.formatA4B4G4R4)) PhysicalDeviceSubpassShadingFeaturesHUAWEI(x::VkPhysicalDeviceSubpassShadingFeaturesHUAWEI, next_types::Type...) = PhysicalDeviceSubpassShadingFeaturesHUAWEI(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.subpassShading)) PhysicalDeviceClusterCullingShaderFeaturesHUAWEI(x::VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI, next_types::Type...) = PhysicalDeviceClusterCullingShaderFeaturesHUAWEI(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.clustercullingShader), from_vk(Bool, x.multiviewClusterCullingShader)) BufferCopy2(x::VkBufferCopy2, next_types::Type...) = BufferCopy2(load_next_chain(x.pNext, next_types...), x.srcOffset, x.dstOffset, x.size) ImageCopy2(x::VkImageCopy2, next_types::Type...) = ImageCopy2(load_next_chain(x.pNext, next_types...), ImageSubresourceLayers(x.srcSubresource), Offset3D(x.srcOffset), ImageSubresourceLayers(x.dstSubresource), Offset3D(x.dstOffset), Extent3D(x.extent)) ImageBlit2(x::VkImageBlit2, next_types::Type...) = ImageBlit2(load_next_chain(x.pNext, next_types...), ImageSubresourceLayers(x.srcSubresource), Offset3D.(x.srcOffsets), ImageSubresourceLayers(x.dstSubresource), Offset3D.(x.dstOffsets)) BufferImageCopy2(x::VkBufferImageCopy2, next_types::Type...) = BufferImageCopy2(load_next_chain(x.pNext, next_types...), x.bufferOffset, x.bufferRowLength, x.bufferImageHeight, ImageSubresourceLayers(x.imageSubresource), Offset3D(x.imageOffset), Extent3D(x.imageExtent)) ImageResolve2(x::VkImageResolve2, next_types::Type...) = ImageResolve2(load_next_chain(x.pNext, next_types...), ImageSubresourceLayers(x.srcSubresource), Offset3D(x.srcOffset), ImageSubresourceLayers(x.dstSubresource), Offset3D(x.dstOffset), Extent3D(x.extent)) CopyBufferInfo2(x::VkCopyBufferInfo2, next_types::Type...) = CopyBufferInfo2(load_next_chain(x.pNext, next_types...), Buffer(x.srcBuffer), Buffer(x.dstBuffer), unsafe_wrap(Vector{BufferCopy2}, x.pRegions, x.regionCount; own = true)) CopyImageInfo2(x::VkCopyImageInfo2, next_types::Type...) = CopyImageInfo2(load_next_chain(x.pNext, next_types...), Image(x.srcImage), x.srcImageLayout, Image(x.dstImage), x.dstImageLayout, unsafe_wrap(Vector{ImageCopy2}, x.pRegions, x.regionCount; own = true)) BlitImageInfo2(x::VkBlitImageInfo2, next_types::Type...) = BlitImageInfo2(load_next_chain(x.pNext, next_types...), Image(x.srcImage), x.srcImageLayout, Image(x.dstImage), x.dstImageLayout, unsafe_wrap(Vector{ImageBlit2}, x.pRegions, x.regionCount; own = true), x.filter) CopyBufferToImageInfo2(x::VkCopyBufferToImageInfo2, next_types::Type...) = CopyBufferToImageInfo2(load_next_chain(x.pNext, next_types...), Buffer(x.srcBuffer), Image(x.dstImage), x.dstImageLayout, unsafe_wrap(Vector{BufferImageCopy2}, x.pRegions, x.regionCount; own = true)) CopyImageToBufferInfo2(x::VkCopyImageToBufferInfo2, next_types::Type...) = CopyImageToBufferInfo2(load_next_chain(x.pNext, next_types...), Image(x.srcImage), x.srcImageLayout, Buffer(x.dstBuffer), unsafe_wrap(Vector{BufferImageCopy2}, x.pRegions, x.regionCount; own = true)) ResolveImageInfo2(x::VkResolveImageInfo2, next_types::Type...) = ResolveImageInfo2(load_next_chain(x.pNext, next_types...), Image(x.srcImage), x.srcImageLayout, Image(x.dstImage), x.dstImageLayout, unsafe_wrap(Vector{ImageResolve2}, x.pRegions, x.regionCount; own = true)) PhysicalDeviceShaderImageAtomicInt64FeaturesEXT(x::VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT, next_types::Type...) = PhysicalDeviceShaderImageAtomicInt64FeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderImageInt64Atomics), from_vk(Bool, x.sparseImageInt64Atomics)) FragmentShadingRateAttachmentInfoKHR(x::VkFragmentShadingRateAttachmentInfoKHR, next_types::Type...) = FragmentShadingRateAttachmentInfoKHR(load_next_chain(x.pNext, next_types...), AttachmentReference2(x.pFragmentShadingRateAttachment), Extent2D(x.shadingRateAttachmentTexelSize)) PipelineFragmentShadingRateStateCreateInfoKHR(x::VkPipelineFragmentShadingRateStateCreateInfoKHR, next_types::Type...) = PipelineFragmentShadingRateStateCreateInfoKHR(load_next_chain(x.pNext, next_types...), Extent2D(x.fragmentSize), x.combinerOps) PhysicalDeviceFragmentShadingRateFeaturesKHR(x::VkPhysicalDeviceFragmentShadingRateFeaturesKHR, next_types::Type...) = PhysicalDeviceFragmentShadingRateFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.pipelineFragmentShadingRate), from_vk(Bool, x.primitiveFragmentShadingRate), from_vk(Bool, x.attachmentFragmentShadingRate)) PhysicalDeviceFragmentShadingRatePropertiesKHR(x::VkPhysicalDeviceFragmentShadingRatePropertiesKHR, next_types::Type...) = PhysicalDeviceFragmentShadingRatePropertiesKHR(load_next_chain(x.pNext, next_types...), Extent2D(x.minFragmentShadingRateAttachmentTexelSize), Extent2D(x.maxFragmentShadingRateAttachmentTexelSize), x.maxFragmentShadingRateAttachmentTexelSizeAspectRatio, from_vk(Bool, x.primitiveFragmentShadingRateWithMultipleViewports), from_vk(Bool, x.layeredShadingRateAttachments), from_vk(Bool, x.fragmentShadingRateNonTrivialCombinerOps), Extent2D(x.maxFragmentSize), x.maxFragmentSizeAspectRatio, x.maxFragmentShadingRateCoverageSamples, SampleCountFlag(UInt32(x.maxFragmentShadingRateRasterizationSamples)), from_vk(Bool, x.fragmentShadingRateWithShaderDepthStencilWrites), from_vk(Bool, x.fragmentShadingRateWithSampleMask), from_vk(Bool, x.fragmentShadingRateWithShaderSampleMask), from_vk(Bool, x.fragmentShadingRateWithConservativeRasterization), from_vk(Bool, x.fragmentShadingRateWithFragmentShaderInterlock), from_vk(Bool, x.fragmentShadingRateWithCustomSampleLocations), from_vk(Bool, x.fragmentShadingRateStrictMultiplyCombiner)) PhysicalDeviceFragmentShadingRateKHR(x::VkPhysicalDeviceFragmentShadingRateKHR, next_types::Type...) = PhysicalDeviceFragmentShadingRateKHR(load_next_chain(x.pNext, next_types...), x.sampleCounts, Extent2D(x.fragmentSize)) PhysicalDeviceShaderTerminateInvocationFeatures(x::VkPhysicalDeviceShaderTerminateInvocationFeatures, next_types::Type...) = PhysicalDeviceShaderTerminateInvocationFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderTerminateInvocation)) PhysicalDeviceFragmentShadingRateEnumsFeaturesNV(x::VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV, next_types::Type...) = PhysicalDeviceFragmentShadingRateEnumsFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.fragmentShadingRateEnums), from_vk(Bool, x.supersampleFragmentShadingRates), from_vk(Bool, x.noInvocationFragmentShadingRates)) PhysicalDeviceFragmentShadingRateEnumsPropertiesNV(x::VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV, next_types::Type...) = PhysicalDeviceFragmentShadingRateEnumsPropertiesNV(load_next_chain(x.pNext, next_types...), SampleCountFlag(UInt32(x.maxFragmentShadingRateInvocationCount))) PipelineFragmentShadingRateEnumStateCreateInfoNV(x::VkPipelineFragmentShadingRateEnumStateCreateInfoNV, next_types::Type...) = PipelineFragmentShadingRateEnumStateCreateInfoNV(load_next_chain(x.pNext, next_types...), x.shadingRateType, x.shadingRate, x.combinerOps) AccelerationStructureBuildSizesInfoKHR(x::VkAccelerationStructureBuildSizesInfoKHR, next_types::Type...) = AccelerationStructureBuildSizesInfoKHR(load_next_chain(x.pNext, next_types...), x.accelerationStructureSize, x.updateScratchSize, x.buildScratchSize) PhysicalDeviceImage2DViewOf3DFeaturesEXT(x::VkPhysicalDeviceImage2DViewOf3DFeaturesEXT, next_types::Type...) = PhysicalDeviceImage2DViewOf3DFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.image2DViewOf3D), from_vk(Bool, x.sampler2DViewOf3D)) PhysicalDeviceMutableDescriptorTypeFeaturesEXT(x::VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT, next_types::Type...) = PhysicalDeviceMutableDescriptorTypeFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.mutableDescriptorType)) MutableDescriptorTypeListEXT(x::VkMutableDescriptorTypeListEXT) = MutableDescriptorTypeListEXT(unsafe_wrap(Vector{DescriptorType}, x.pDescriptorTypes, x.descriptorTypeCount; own = true)) MutableDescriptorTypeCreateInfoEXT(x::VkMutableDescriptorTypeCreateInfoEXT, next_types::Type...) = MutableDescriptorTypeCreateInfoEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{MutableDescriptorTypeListEXT}, x.pMutableDescriptorTypeLists, x.mutableDescriptorTypeListCount; own = true)) PhysicalDeviceDepthClipControlFeaturesEXT(x::VkPhysicalDeviceDepthClipControlFeaturesEXT, next_types::Type...) = PhysicalDeviceDepthClipControlFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.depthClipControl)) PipelineViewportDepthClipControlCreateInfoEXT(x::VkPipelineViewportDepthClipControlCreateInfoEXT, next_types::Type...) = PipelineViewportDepthClipControlCreateInfoEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.negativeOneToOne)) PhysicalDeviceVertexInputDynamicStateFeaturesEXT(x::VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT, next_types::Type...) = PhysicalDeviceVertexInputDynamicStateFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.vertexInputDynamicState)) PhysicalDeviceExternalMemoryRDMAFeaturesNV(x::VkPhysicalDeviceExternalMemoryRDMAFeaturesNV, next_types::Type...) = PhysicalDeviceExternalMemoryRDMAFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.externalMemoryRDMA)) VertexInputBindingDescription2EXT(x::VkVertexInputBindingDescription2EXT, next_types::Type...) = VertexInputBindingDescription2EXT(load_next_chain(x.pNext, next_types...), x.binding, x.stride, x.inputRate, x.divisor) VertexInputAttributeDescription2EXT(x::VkVertexInputAttributeDescription2EXT, next_types::Type...) = VertexInputAttributeDescription2EXT(load_next_chain(x.pNext, next_types...), x.location, x.binding, x.format, x.offset) PhysicalDeviceColorWriteEnableFeaturesEXT(x::VkPhysicalDeviceColorWriteEnableFeaturesEXT, next_types::Type...) = PhysicalDeviceColorWriteEnableFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.colorWriteEnable)) PipelineColorWriteCreateInfoEXT(x::VkPipelineColorWriteCreateInfoEXT, next_types::Type...) = PipelineColorWriteCreateInfoEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{Bool}, x.pColorWriteEnables, x.attachmentCount; own = true)) MemoryBarrier2(x::VkMemoryBarrier2, next_types::Type...) = MemoryBarrier2(load_next_chain(x.pNext, next_types...), x.srcStageMask, x.srcAccessMask, x.dstStageMask, x.dstAccessMask) ImageMemoryBarrier2(x::VkImageMemoryBarrier2, next_types::Type...) = ImageMemoryBarrier2(load_next_chain(x.pNext, next_types...), x.srcStageMask, x.srcAccessMask, x.dstStageMask, x.dstAccessMask, x.oldLayout, x.newLayout, x.srcQueueFamilyIndex, x.dstQueueFamilyIndex, Image(x.image), ImageSubresourceRange(x.subresourceRange)) BufferMemoryBarrier2(x::VkBufferMemoryBarrier2, next_types::Type...) = BufferMemoryBarrier2(load_next_chain(x.pNext, next_types...), x.srcStageMask, x.srcAccessMask, x.dstStageMask, x.dstAccessMask, x.srcQueueFamilyIndex, x.dstQueueFamilyIndex, Buffer(x.buffer), x.offset, x.size) DependencyInfo(x::VkDependencyInfo, next_types::Type...) = DependencyInfo(load_next_chain(x.pNext, next_types...), x.dependencyFlags, unsafe_wrap(Vector{MemoryBarrier2}, x.pMemoryBarriers, x.memoryBarrierCount; own = true), unsafe_wrap(Vector{BufferMemoryBarrier2}, x.pBufferMemoryBarriers, x.bufferMemoryBarrierCount; own = true), unsafe_wrap(Vector{ImageMemoryBarrier2}, x.pImageMemoryBarriers, x.imageMemoryBarrierCount; own = true)) SemaphoreSubmitInfo(x::VkSemaphoreSubmitInfo, next_types::Type...) = SemaphoreSubmitInfo(load_next_chain(x.pNext, next_types...), Semaphore(x.semaphore), x.value, x.stageMask, x.deviceIndex) CommandBufferSubmitInfo(x::VkCommandBufferSubmitInfo, next_types::Type...) = CommandBufferSubmitInfo(load_next_chain(x.pNext, next_types...), CommandBuffer(x.commandBuffer), x.deviceMask) SubmitInfo2(x::VkSubmitInfo2, next_types::Type...) = SubmitInfo2(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{SemaphoreSubmitInfo}, x.pWaitSemaphoreInfos, x.waitSemaphoreInfoCount; own = true), unsafe_wrap(Vector{CommandBufferSubmitInfo}, x.pCommandBufferInfos, x.commandBufferInfoCount; own = true), unsafe_wrap(Vector{SemaphoreSubmitInfo}, x.pSignalSemaphoreInfos, x.signalSemaphoreInfoCount; own = true)) QueueFamilyCheckpointProperties2NV(x::VkQueueFamilyCheckpointProperties2NV, next_types::Type...) = QueueFamilyCheckpointProperties2NV(load_next_chain(x.pNext, next_types...), x.checkpointExecutionStageMask) CheckpointData2NV(x::VkCheckpointData2NV, next_types::Type...) = CheckpointData2NV(load_next_chain(x.pNext, next_types...), x.stage, x.pCheckpointMarker) PhysicalDeviceSynchronization2Features(x::VkPhysicalDeviceSynchronization2Features, next_types::Type...) = PhysicalDeviceSynchronization2Features(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.synchronization2)) PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT(x::VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT, next_types::Type...) = PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.primitivesGeneratedQuery), from_vk(Bool, x.primitivesGeneratedQueryWithRasterizerDiscard), from_vk(Bool, x.primitivesGeneratedQueryWithNonZeroStreams)) PhysicalDeviceLegacyDitheringFeaturesEXT(x::VkPhysicalDeviceLegacyDitheringFeaturesEXT, next_types::Type...) = PhysicalDeviceLegacyDitheringFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.legacyDithering)) PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT(x::VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT, next_types::Type...) = PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.multisampledRenderToSingleSampled)) SubpassResolvePerformanceQueryEXT(x::VkSubpassResolvePerformanceQueryEXT, next_types::Type...) = SubpassResolvePerformanceQueryEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.optimal)) MultisampledRenderToSingleSampledInfoEXT(x::VkMultisampledRenderToSingleSampledInfoEXT, next_types::Type...) = MultisampledRenderToSingleSampledInfoEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.multisampledRenderToSingleSampledEnable), SampleCountFlag(UInt32(x.rasterizationSamples))) PhysicalDevicePipelineProtectedAccessFeaturesEXT(x::VkPhysicalDevicePipelineProtectedAccessFeaturesEXT, next_types::Type...) = PhysicalDevicePipelineProtectedAccessFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.pipelineProtectedAccess)) QueueFamilyVideoPropertiesKHR(x::VkQueueFamilyVideoPropertiesKHR, next_types::Type...) = QueueFamilyVideoPropertiesKHR(load_next_chain(x.pNext, next_types...), x.videoCodecOperations) QueueFamilyQueryResultStatusPropertiesKHR(x::VkQueueFamilyQueryResultStatusPropertiesKHR, next_types::Type...) = QueueFamilyQueryResultStatusPropertiesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.queryResultStatusSupport)) VideoProfileListInfoKHR(x::VkVideoProfileListInfoKHR, next_types::Type...) = VideoProfileListInfoKHR(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{VideoProfileInfoKHR}, x.pProfiles, x.profileCount; own = true)) PhysicalDeviceVideoFormatInfoKHR(x::VkPhysicalDeviceVideoFormatInfoKHR, next_types::Type...) = PhysicalDeviceVideoFormatInfoKHR(load_next_chain(x.pNext, next_types...), x.imageUsage) VideoFormatPropertiesKHR(x::VkVideoFormatPropertiesKHR, next_types::Type...) = VideoFormatPropertiesKHR(load_next_chain(x.pNext, next_types...), x.format, ComponentMapping(x.componentMapping), x.imageCreateFlags, x.imageType, x.imageTiling, x.imageUsageFlags) VideoProfileInfoKHR(x::VkVideoProfileInfoKHR, next_types::Type...) = VideoProfileInfoKHR(load_next_chain(x.pNext, next_types...), VideoCodecOperationFlagKHR(UInt32(x.videoCodecOperation)), x.chromaSubsampling, x.lumaBitDepth, x.chromaBitDepth) VideoCapabilitiesKHR(x::VkVideoCapabilitiesKHR, next_types::Type...) = VideoCapabilitiesKHR(load_next_chain(x.pNext, next_types...), x.flags, x.minBitstreamBufferOffsetAlignment, x.minBitstreamBufferSizeAlignment, Extent2D(x.pictureAccessGranularity), Extent2D(x.minCodedExtent), Extent2D(x.maxCodedExtent), x.maxDpbSlots, x.maxActiveReferencePictures, ExtensionProperties(x.stdHeaderVersion)) VideoSessionMemoryRequirementsKHR(x::VkVideoSessionMemoryRequirementsKHR, next_types::Type...) = VideoSessionMemoryRequirementsKHR(load_next_chain(x.pNext, next_types...), x.memoryBindIndex, MemoryRequirements(x.memoryRequirements)) BindVideoSessionMemoryInfoKHR(x::VkBindVideoSessionMemoryInfoKHR, next_types::Type...) = BindVideoSessionMemoryInfoKHR(load_next_chain(x.pNext, next_types...), x.memoryBindIndex, DeviceMemory(x.memory), x.memoryOffset, x.memorySize) VideoPictureResourceInfoKHR(x::VkVideoPictureResourceInfoKHR, next_types::Type...) = VideoPictureResourceInfoKHR(load_next_chain(x.pNext, next_types...), Offset2D(x.codedOffset), Extent2D(x.codedExtent), x.baseArrayLayer, ImageView(x.imageViewBinding)) VideoReferenceSlotInfoKHR(x::VkVideoReferenceSlotInfoKHR, next_types::Type...) = VideoReferenceSlotInfoKHR(load_next_chain(x.pNext, next_types...), x.slotIndex, VideoPictureResourceInfoKHR(x.pPictureResource)) VideoDecodeCapabilitiesKHR(x::VkVideoDecodeCapabilitiesKHR, next_types::Type...) = VideoDecodeCapabilitiesKHR(load_next_chain(x.pNext, next_types...), x.flags) VideoDecodeUsageInfoKHR(x::VkVideoDecodeUsageInfoKHR, next_types::Type...) = VideoDecodeUsageInfoKHR(load_next_chain(x.pNext, next_types...), x.videoUsageHints) VideoDecodeInfoKHR(x::VkVideoDecodeInfoKHR, next_types::Type...) = VideoDecodeInfoKHR(load_next_chain(x.pNext, next_types...), x.flags, Buffer(x.srcBuffer), x.srcBufferOffset, x.srcBufferRange, VideoPictureResourceInfoKHR(x.dstPictureResource), VideoReferenceSlotInfoKHR(x.pSetupReferenceSlot), unsafe_wrap(Vector{VideoReferenceSlotInfoKHR}, x.pReferenceSlots, x.referenceSlotCount; own = true)) VideoDecodeH264ProfileInfoKHR(x::VkVideoDecodeH264ProfileInfoKHR, next_types::Type...) = VideoDecodeH264ProfileInfoKHR(load_next_chain(x.pNext, next_types...), x.stdProfileIdc, VideoDecodeH264PictureLayoutFlagKHR(UInt32(x.pictureLayout))) VideoDecodeH264CapabilitiesKHR(x::VkVideoDecodeH264CapabilitiesKHR, next_types::Type...) = VideoDecodeH264CapabilitiesKHR(load_next_chain(x.pNext, next_types...), x.maxLevelIdc, Offset2D(x.fieldOffsetGranularity)) VideoDecodeH264SessionParametersAddInfoKHR(x::VkVideoDecodeH264SessionParametersAddInfoKHR, next_types::Type...) = VideoDecodeH264SessionParametersAddInfoKHR(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{StdVideoH264SequenceParameterSet}, x.pStdSPSs, x.stdSPSCount; own = true), unsafe_wrap(Vector{StdVideoH264PictureParameterSet}, x.pStdPPSs, x.stdPPSCount; own = true)) VideoDecodeH264SessionParametersCreateInfoKHR(x::VkVideoDecodeH264SessionParametersCreateInfoKHR, next_types::Type...) = VideoDecodeH264SessionParametersCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.maxStdSPSCount, x.maxStdPPSCount, VideoDecodeH264SessionParametersAddInfoKHR(x.pParametersAddInfo)) VideoDecodeH264PictureInfoKHR(x::VkVideoDecodeH264PictureInfoKHR, next_types::Type...) = VideoDecodeH264PictureInfoKHR(load_next_chain(x.pNext, next_types...), from_vk(StdVideoDecodeH264PictureInfo, x.pStdPictureInfo), unsafe_wrap(Vector{UInt32}, x.pSliceOffsets, x.sliceCount; own = true)) VideoDecodeH264DpbSlotInfoKHR(x::VkVideoDecodeH264DpbSlotInfoKHR, next_types::Type...) = VideoDecodeH264DpbSlotInfoKHR(load_next_chain(x.pNext, next_types...), from_vk(StdVideoDecodeH264ReferenceInfo, x.pStdReferenceInfo)) VideoDecodeH265ProfileInfoKHR(x::VkVideoDecodeH265ProfileInfoKHR, next_types::Type...) = VideoDecodeH265ProfileInfoKHR(load_next_chain(x.pNext, next_types...), x.stdProfileIdc) VideoDecodeH265CapabilitiesKHR(x::VkVideoDecodeH265CapabilitiesKHR, next_types::Type...) = VideoDecodeH265CapabilitiesKHR(load_next_chain(x.pNext, next_types...), x.maxLevelIdc) VideoDecodeH265SessionParametersAddInfoKHR(x::VkVideoDecodeH265SessionParametersAddInfoKHR, next_types::Type...) = VideoDecodeH265SessionParametersAddInfoKHR(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{StdVideoH265VideoParameterSet}, x.pStdVPSs, x.stdVPSCount; own = true), unsafe_wrap(Vector{StdVideoH265SequenceParameterSet}, x.pStdSPSs, x.stdSPSCount; own = true), unsafe_wrap(Vector{StdVideoH265PictureParameterSet}, x.pStdPPSs, x.stdPPSCount; own = true)) VideoDecodeH265SessionParametersCreateInfoKHR(x::VkVideoDecodeH265SessionParametersCreateInfoKHR, next_types::Type...) = VideoDecodeH265SessionParametersCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.maxStdVPSCount, x.maxStdSPSCount, x.maxStdPPSCount, VideoDecodeH265SessionParametersAddInfoKHR(x.pParametersAddInfo)) VideoDecodeH265PictureInfoKHR(x::VkVideoDecodeH265PictureInfoKHR, next_types::Type...) = VideoDecodeH265PictureInfoKHR(load_next_chain(x.pNext, next_types...), from_vk(StdVideoDecodeH265PictureInfo, x.pStdPictureInfo), unsafe_wrap(Vector{UInt32}, x.pSliceSegmentOffsets, x.sliceSegmentCount; own = true)) VideoDecodeH265DpbSlotInfoKHR(x::VkVideoDecodeH265DpbSlotInfoKHR, next_types::Type...) = VideoDecodeH265DpbSlotInfoKHR(load_next_chain(x.pNext, next_types...), from_vk(StdVideoDecodeH265ReferenceInfo, x.pStdReferenceInfo)) VideoSessionCreateInfoKHR(x::VkVideoSessionCreateInfoKHR, next_types::Type...) = VideoSessionCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.queueFamilyIndex, x.flags, VideoProfileInfoKHR(x.pVideoProfile), x.pictureFormat, Extent2D(x.maxCodedExtent), x.referencePictureFormat, x.maxDpbSlots, x.maxActiveReferencePictures, ExtensionProperties(x.pStdHeaderVersion)) VideoSessionParametersCreateInfoKHR(x::VkVideoSessionParametersCreateInfoKHR, next_types::Type...) = VideoSessionParametersCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.flags, VideoSessionParametersKHR(x.videoSessionParametersTemplate), VideoSessionKHR(x.videoSession)) VideoSessionParametersUpdateInfoKHR(x::VkVideoSessionParametersUpdateInfoKHR, next_types::Type...) = VideoSessionParametersUpdateInfoKHR(load_next_chain(x.pNext, next_types...), x.updateSequenceCount) VideoBeginCodingInfoKHR(x::VkVideoBeginCodingInfoKHR, next_types::Type...) = VideoBeginCodingInfoKHR(load_next_chain(x.pNext, next_types...), x.flags, VideoSessionKHR(x.videoSession), VideoSessionParametersKHR(x.videoSessionParameters), unsafe_wrap(Vector{VideoReferenceSlotInfoKHR}, x.pReferenceSlots, x.referenceSlotCount; own = true)) VideoEndCodingInfoKHR(x::VkVideoEndCodingInfoKHR, next_types::Type...) = VideoEndCodingInfoKHR(load_next_chain(x.pNext, next_types...), x.flags) VideoCodingControlInfoKHR(x::VkVideoCodingControlInfoKHR, next_types::Type...) = VideoCodingControlInfoKHR(load_next_chain(x.pNext, next_types...), x.flags) PhysicalDeviceInheritedViewportScissorFeaturesNV(x::VkPhysicalDeviceInheritedViewportScissorFeaturesNV, next_types::Type...) = PhysicalDeviceInheritedViewportScissorFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.inheritedViewportScissor2D)) CommandBufferInheritanceViewportScissorInfoNV(x::VkCommandBufferInheritanceViewportScissorInfoNV, next_types::Type...) = CommandBufferInheritanceViewportScissorInfoNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.viewportScissor2D), x.viewportDepthCount, Viewport(x.pViewportDepths)) PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT(x::VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT, next_types::Type...) = PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.ycbcr2plane444Formats)) PhysicalDeviceProvokingVertexFeaturesEXT(x::VkPhysicalDeviceProvokingVertexFeaturesEXT, next_types::Type...) = PhysicalDeviceProvokingVertexFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.provokingVertexLast), from_vk(Bool, x.transformFeedbackPreservesProvokingVertex)) PhysicalDeviceProvokingVertexPropertiesEXT(x::VkPhysicalDeviceProvokingVertexPropertiesEXT, next_types::Type...) = PhysicalDeviceProvokingVertexPropertiesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.provokingVertexModePerPipeline), from_vk(Bool, x.transformFeedbackPreservesTriangleFanProvokingVertex)) PipelineRasterizationProvokingVertexStateCreateInfoEXT(x::VkPipelineRasterizationProvokingVertexStateCreateInfoEXT, next_types::Type...) = PipelineRasterizationProvokingVertexStateCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.provokingVertexMode) CuModuleCreateInfoNVX(x::VkCuModuleCreateInfoNVX, next_types::Type...) = CuModuleCreateInfoNVX(load_next_chain(x.pNext, next_types...), x.dataSize, x.pData) CuFunctionCreateInfoNVX(x::VkCuFunctionCreateInfoNVX, next_types::Type...) = CuFunctionCreateInfoNVX(load_next_chain(x.pNext, next_types...), CuModuleNVX(x._module), unsafe_string(x.pName)) CuLaunchInfoNVX(x::VkCuLaunchInfoNVX, next_types::Type...) = CuLaunchInfoNVX(load_next_chain(x.pNext, next_types...), CuFunctionNVX(x._function), x.gridDimX, x.gridDimY, x.gridDimZ, x.blockDimX, x.blockDimY, x.blockDimZ, x.sharedMemBytes) PhysicalDeviceDescriptorBufferFeaturesEXT(x::VkPhysicalDeviceDescriptorBufferFeaturesEXT, next_types::Type...) = PhysicalDeviceDescriptorBufferFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.descriptorBuffer), from_vk(Bool, x.descriptorBufferCaptureReplay), from_vk(Bool, x.descriptorBufferImageLayoutIgnored), from_vk(Bool, x.descriptorBufferPushDescriptors)) PhysicalDeviceDescriptorBufferPropertiesEXT(x::VkPhysicalDeviceDescriptorBufferPropertiesEXT, next_types::Type...) = PhysicalDeviceDescriptorBufferPropertiesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.combinedImageSamplerDescriptorSingleArray), from_vk(Bool, x.bufferlessPushDescriptors), from_vk(Bool, x.allowSamplerImageViewPostSubmitCreation), x.descriptorBufferOffsetAlignment, x.maxDescriptorBufferBindings, x.maxResourceDescriptorBufferBindings, x.maxSamplerDescriptorBufferBindings, x.maxEmbeddedImmutableSamplerBindings, x.maxEmbeddedImmutableSamplers, x.bufferCaptureReplayDescriptorDataSize, x.imageCaptureReplayDescriptorDataSize, x.imageViewCaptureReplayDescriptorDataSize, x.samplerCaptureReplayDescriptorDataSize, x.accelerationStructureCaptureReplayDescriptorDataSize, x.samplerDescriptorSize, x.combinedImageSamplerDescriptorSize, x.sampledImageDescriptorSize, x.storageImageDescriptorSize, x.uniformTexelBufferDescriptorSize, x.robustUniformTexelBufferDescriptorSize, x.storageTexelBufferDescriptorSize, x.robustStorageTexelBufferDescriptorSize, x.uniformBufferDescriptorSize, x.robustUniformBufferDescriptorSize, x.storageBufferDescriptorSize, x.robustStorageBufferDescriptorSize, x.inputAttachmentDescriptorSize, x.accelerationStructureDescriptorSize, x.maxSamplerDescriptorBufferRange, x.maxResourceDescriptorBufferRange, x.samplerDescriptorBufferAddressSpaceSize, x.resourceDescriptorBufferAddressSpaceSize, x.descriptorBufferAddressSpaceSize) PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT(x::VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT, next_types::Type...) = PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT(load_next_chain(x.pNext, next_types...), x.combinedImageSamplerDensityMapDescriptorSize) DescriptorAddressInfoEXT(x::VkDescriptorAddressInfoEXT, next_types::Type...) = DescriptorAddressInfoEXT(load_next_chain(x.pNext, next_types...), x.address, x.range, x.format) DescriptorBufferBindingInfoEXT(x::VkDescriptorBufferBindingInfoEXT, next_types::Type...) = DescriptorBufferBindingInfoEXT(load_next_chain(x.pNext, next_types...), x.address, x.usage) DescriptorBufferBindingPushDescriptorBufferHandleEXT(x::VkDescriptorBufferBindingPushDescriptorBufferHandleEXT, next_types::Type...) = DescriptorBufferBindingPushDescriptorBufferHandleEXT(load_next_chain(x.pNext, next_types...), Buffer(x.buffer)) DescriptorGetInfoEXT(x::VkDescriptorGetInfoEXT, next_types::Type...) = DescriptorGetInfoEXT(load_next_chain(x.pNext, next_types...), x.type, DescriptorDataEXT(x.data)) BufferCaptureDescriptorDataInfoEXT(x::VkBufferCaptureDescriptorDataInfoEXT, next_types::Type...) = BufferCaptureDescriptorDataInfoEXT(load_next_chain(x.pNext, next_types...), Buffer(x.buffer)) ImageCaptureDescriptorDataInfoEXT(x::VkImageCaptureDescriptorDataInfoEXT, next_types::Type...) = ImageCaptureDescriptorDataInfoEXT(load_next_chain(x.pNext, next_types...), Image(x.image)) ImageViewCaptureDescriptorDataInfoEXT(x::VkImageViewCaptureDescriptorDataInfoEXT, next_types::Type...) = ImageViewCaptureDescriptorDataInfoEXT(load_next_chain(x.pNext, next_types...), ImageView(x.imageView)) SamplerCaptureDescriptorDataInfoEXT(x::VkSamplerCaptureDescriptorDataInfoEXT, next_types::Type...) = SamplerCaptureDescriptorDataInfoEXT(load_next_chain(x.pNext, next_types...), Sampler(x.sampler)) AccelerationStructureCaptureDescriptorDataInfoEXT(x::VkAccelerationStructureCaptureDescriptorDataInfoEXT, next_types::Type...) = AccelerationStructureCaptureDescriptorDataInfoEXT(load_next_chain(x.pNext, next_types...), AccelerationStructureKHR(x.accelerationStructure), AccelerationStructureNV(x.accelerationStructureNV)) OpaqueCaptureDescriptorDataCreateInfoEXT(x::VkOpaqueCaptureDescriptorDataCreateInfoEXT, next_types::Type...) = OpaqueCaptureDescriptorDataCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.opaqueCaptureDescriptorData) PhysicalDeviceShaderIntegerDotProductFeatures(x::VkPhysicalDeviceShaderIntegerDotProductFeatures, next_types::Type...) = PhysicalDeviceShaderIntegerDotProductFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderIntegerDotProduct)) PhysicalDeviceShaderIntegerDotProductProperties(x::VkPhysicalDeviceShaderIntegerDotProductProperties, next_types::Type...) = PhysicalDeviceShaderIntegerDotProductProperties(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.integerDotProduct8BitUnsignedAccelerated), from_vk(Bool, x.integerDotProduct8BitSignedAccelerated), from_vk(Bool, x.integerDotProduct8BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProduct4x8BitPackedUnsignedAccelerated), from_vk(Bool, x.integerDotProduct4x8BitPackedSignedAccelerated), from_vk(Bool, x.integerDotProduct4x8BitPackedMixedSignednessAccelerated), from_vk(Bool, x.integerDotProduct16BitUnsignedAccelerated), from_vk(Bool, x.integerDotProduct16BitSignedAccelerated), from_vk(Bool, x.integerDotProduct16BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProduct32BitUnsignedAccelerated), from_vk(Bool, x.integerDotProduct32BitSignedAccelerated), from_vk(Bool, x.integerDotProduct32BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProduct64BitUnsignedAccelerated), from_vk(Bool, x.integerDotProduct64BitSignedAccelerated), from_vk(Bool, x.integerDotProduct64BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating8BitUnsignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating8BitSignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating8BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating4x8BitPackedUnsignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating4x8BitPackedSignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating4x8BitPackedMixedSignednessAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating16BitUnsignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating16BitSignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating16BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating32BitUnsignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating32BitSignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating32BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating64BitUnsignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating64BitSignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating64BitMixedSignednessAccelerated)) PhysicalDeviceDrmPropertiesEXT(x::VkPhysicalDeviceDrmPropertiesEXT, next_types::Type...) = PhysicalDeviceDrmPropertiesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.hasPrimary), from_vk(Bool, x.hasRender), x.primaryMajor, x.primaryMinor, x.renderMajor, x.renderMinor) PhysicalDeviceFragmentShaderBarycentricFeaturesKHR(x::VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR, next_types::Type...) = PhysicalDeviceFragmentShaderBarycentricFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.fragmentShaderBarycentric)) PhysicalDeviceFragmentShaderBarycentricPropertiesKHR(x::VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR, next_types::Type...) = PhysicalDeviceFragmentShaderBarycentricPropertiesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.triStripVertexOrderIndependentOfProvokingVertex)) PhysicalDeviceRayTracingMotionBlurFeaturesNV(x::VkPhysicalDeviceRayTracingMotionBlurFeaturesNV, next_types::Type...) = PhysicalDeviceRayTracingMotionBlurFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.rayTracingMotionBlur), from_vk(Bool, x.rayTracingMotionBlurPipelineTraceRaysIndirect)) AccelerationStructureGeometryMotionTrianglesDataNV(x::VkAccelerationStructureGeometryMotionTrianglesDataNV, next_types::Type...) = AccelerationStructureGeometryMotionTrianglesDataNV(load_next_chain(x.pNext, next_types...), DeviceOrHostAddressConstKHR(x.vertexData)) AccelerationStructureMotionInfoNV(x::VkAccelerationStructureMotionInfoNV, next_types::Type...) = AccelerationStructureMotionInfoNV(load_next_chain(x.pNext, next_types...), x.maxInstances, x.flags) SRTDataNV(x::VkSRTDataNV) = SRTDataNV(x.sx, x.a, x.b, x.pvx, x.sy, x.c, x.pvy, x.sz, x.pvz, x.qx, x.qy, x.qz, x.qw, x.tx, x.ty, x.tz) AccelerationStructureSRTMotionInstanceNV(x::VkAccelerationStructureSRTMotionInstanceNV) = AccelerationStructureSRTMotionInstanceNV(SRTDataNV(x.transformT0), SRTDataNV(x.transformT1), x.instanceCustomIndex, x.mask, x.instanceShaderBindingTableRecordOffset, x.flags, x.accelerationStructureReference) AccelerationStructureMatrixMotionInstanceNV(x::VkAccelerationStructureMatrixMotionInstanceNV) = AccelerationStructureMatrixMotionInstanceNV(TransformMatrixKHR(x.transformT0), TransformMatrixKHR(x.transformT1), x.instanceCustomIndex, x.mask, x.instanceShaderBindingTableRecordOffset, x.flags, x.accelerationStructureReference) AccelerationStructureMotionInstanceNV(x::VkAccelerationStructureMotionInstanceNV) = AccelerationStructureMotionInstanceNV(x.type, x.flags, AccelerationStructureMotionInstanceDataNV(x.data)) MemoryGetRemoteAddressInfoNV(x::VkMemoryGetRemoteAddressInfoNV, next_types::Type...) = MemoryGetRemoteAddressInfoNV(load_next_chain(x.pNext, next_types...), DeviceMemory(x.memory), ExternalMemoryHandleTypeFlag(UInt32(x.handleType))) PhysicalDeviceRGBA10X6FormatsFeaturesEXT(x::VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT, next_types::Type...) = PhysicalDeviceRGBA10X6FormatsFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.formatRgba10x6WithoutYCbCrSampler)) FormatProperties3(x::VkFormatProperties3, next_types::Type...) = FormatProperties3(load_next_chain(x.pNext, next_types...), x.linearTilingFeatures, x.optimalTilingFeatures, x.bufferFeatures) DrmFormatModifierPropertiesList2EXT(x::VkDrmFormatModifierPropertiesList2EXT, next_types::Type...) = DrmFormatModifierPropertiesList2EXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{DrmFormatModifierProperties2EXT}, x.pDrmFormatModifierProperties, x.drmFormatModifierCount; own = true)) DrmFormatModifierProperties2EXT(x::VkDrmFormatModifierProperties2EXT) = DrmFormatModifierProperties2EXT(x.drmFormatModifier, x.drmFormatModifierPlaneCount, x.drmFormatModifierTilingFeatures) PipelineRenderingCreateInfo(x::VkPipelineRenderingCreateInfo, next_types::Type...) = PipelineRenderingCreateInfo(load_next_chain(x.pNext, next_types...), x.viewMask, unsafe_wrap(Vector{Format}, x.pColorAttachmentFormats, x.colorAttachmentCount; own = true), x.depthAttachmentFormat, x.stencilAttachmentFormat) RenderingInfo(x::VkRenderingInfo, next_types::Type...) = RenderingInfo(load_next_chain(x.pNext, next_types...), x.flags, Rect2D(x.renderArea), x.layerCount, x.viewMask, unsafe_wrap(Vector{RenderingAttachmentInfo}, x.pColorAttachments, x.colorAttachmentCount; own = true), RenderingAttachmentInfo(x.pDepthAttachment), RenderingAttachmentInfo(x.pStencilAttachment)) RenderingAttachmentInfo(x::VkRenderingAttachmentInfo, next_types::Type...) = RenderingAttachmentInfo(load_next_chain(x.pNext, next_types...), ImageView(x.imageView), x.imageLayout, ResolveModeFlag(UInt32(x.resolveMode)), ImageView(x.resolveImageView), x.resolveImageLayout, x.loadOp, x.storeOp, ClearValue(x.clearValue)) RenderingFragmentShadingRateAttachmentInfoKHR(x::VkRenderingFragmentShadingRateAttachmentInfoKHR, next_types::Type...) = RenderingFragmentShadingRateAttachmentInfoKHR(load_next_chain(x.pNext, next_types...), ImageView(x.imageView), x.imageLayout, Extent2D(x.shadingRateAttachmentTexelSize)) RenderingFragmentDensityMapAttachmentInfoEXT(x::VkRenderingFragmentDensityMapAttachmentInfoEXT, next_types::Type...) = RenderingFragmentDensityMapAttachmentInfoEXT(load_next_chain(x.pNext, next_types...), ImageView(x.imageView), x.imageLayout) PhysicalDeviceDynamicRenderingFeatures(x::VkPhysicalDeviceDynamicRenderingFeatures, next_types::Type...) = PhysicalDeviceDynamicRenderingFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.dynamicRendering)) CommandBufferInheritanceRenderingInfo(x::VkCommandBufferInheritanceRenderingInfo, next_types::Type...) = CommandBufferInheritanceRenderingInfo(load_next_chain(x.pNext, next_types...), x.flags, x.viewMask, unsafe_wrap(Vector{Format}, x.pColorAttachmentFormats, x.colorAttachmentCount; own = true), x.depthAttachmentFormat, x.stencilAttachmentFormat, SampleCountFlag(UInt32(x.rasterizationSamples))) AttachmentSampleCountInfoAMD(x::VkAttachmentSampleCountInfoAMD, next_types::Type...) = AttachmentSampleCountInfoAMD(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{SampleCountFlag}, x.pColorAttachmentSamples, x.colorAttachmentCount; own = true), SampleCountFlag(UInt32(x.depthStencilAttachmentSamples))) MultiviewPerViewAttributesInfoNVX(x::VkMultiviewPerViewAttributesInfoNVX, next_types::Type...) = MultiviewPerViewAttributesInfoNVX(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.perViewAttributes), from_vk(Bool, x.perViewAttributesPositionXOnly)) PhysicalDeviceImageViewMinLodFeaturesEXT(x::VkPhysicalDeviceImageViewMinLodFeaturesEXT, next_types::Type...) = PhysicalDeviceImageViewMinLodFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.minLod)) ImageViewMinLodCreateInfoEXT(x::VkImageViewMinLodCreateInfoEXT, next_types::Type...) = ImageViewMinLodCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.minLod) PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT(x::VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT, next_types::Type...) = PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.rasterizationOrderColorAttachmentAccess), from_vk(Bool, x.rasterizationOrderDepthAttachmentAccess), from_vk(Bool, x.rasterizationOrderStencilAttachmentAccess)) PhysicalDeviceLinearColorAttachmentFeaturesNV(x::VkPhysicalDeviceLinearColorAttachmentFeaturesNV, next_types::Type...) = PhysicalDeviceLinearColorAttachmentFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.linearColorAttachment)) PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT(x::VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT, next_types::Type...) = PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.graphicsPipelineLibrary)) PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT(x::VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT, next_types::Type...) = PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.graphicsPipelineLibraryFastLinking), from_vk(Bool, x.graphicsPipelineLibraryIndependentInterpolationDecoration)) GraphicsPipelineLibraryCreateInfoEXT(x::VkGraphicsPipelineLibraryCreateInfoEXT, next_types::Type...) = GraphicsPipelineLibraryCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.flags) PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE(x::VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE, next_types::Type...) = PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.descriptorSetHostMapping)) DescriptorSetBindingReferenceVALVE(x::VkDescriptorSetBindingReferenceVALVE, next_types::Type...) = DescriptorSetBindingReferenceVALVE(load_next_chain(x.pNext, next_types...), DescriptorSetLayout(x.descriptorSetLayout), x.binding) DescriptorSetLayoutHostMappingInfoVALVE(x::VkDescriptorSetLayoutHostMappingInfoVALVE, next_types::Type...) = DescriptorSetLayoutHostMappingInfoVALVE(load_next_chain(x.pNext, next_types...), x.descriptorOffset, x.descriptorSize) PhysicalDeviceShaderModuleIdentifierFeaturesEXT(x::VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT, next_types::Type...) = PhysicalDeviceShaderModuleIdentifierFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderModuleIdentifier)) PhysicalDeviceShaderModuleIdentifierPropertiesEXT(x::VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT, next_types::Type...) = PhysicalDeviceShaderModuleIdentifierPropertiesEXT(load_next_chain(x.pNext, next_types...), x.shaderModuleIdentifierAlgorithmUUID) PipelineShaderStageModuleIdentifierCreateInfoEXT(x::VkPipelineShaderStageModuleIdentifierCreateInfoEXT, next_types::Type...) = PipelineShaderStageModuleIdentifierCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.identifierSize, unsafe_wrap(Vector{UInt8}, x.pIdentifier, x.identifierSize; own = true)) ShaderModuleIdentifierEXT(x::VkShaderModuleIdentifierEXT, next_types::Type...) = ShaderModuleIdentifierEXT(load_next_chain(x.pNext, next_types...), x.identifierSize, x.identifier) ImageCompressionControlEXT(x::VkImageCompressionControlEXT, next_types::Type...) = ImageCompressionControlEXT(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{ImageCompressionFixedRateFlagEXT}, x.pFixedRateFlags, x.compressionControlPlaneCount; own = true)) PhysicalDeviceImageCompressionControlFeaturesEXT(x::VkPhysicalDeviceImageCompressionControlFeaturesEXT, next_types::Type...) = PhysicalDeviceImageCompressionControlFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.imageCompressionControl)) ImageCompressionPropertiesEXT(x::VkImageCompressionPropertiesEXT, next_types::Type...) = ImageCompressionPropertiesEXT(load_next_chain(x.pNext, next_types...), x.imageCompressionFlags, x.imageCompressionFixedRateFlags) PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT(x::VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT, next_types::Type...) = PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.imageCompressionControlSwapchain)) ImageSubresource2EXT(x::VkImageSubresource2EXT, next_types::Type...) = ImageSubresource2EXT(load_next_chain(x.pNext, next_types...), ImageSubresource(x.imageSubresource)) SubresourceLayout2EXT(x::VkSubresourceLayout2EXT, next_types::Type...) = SubresourceLayout2EXT(load_next_chain(x.pNext, next_types...), SubresourceLayout(x.subresourceLayout)) RenderPassCreationControlEXT(x::VkRenderPassCreationControlEXT, next_types::Type...) = RenderPassCreationControlEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.disallowMerging)) RenderPassCreationFeedbackInfoEXT(x::VkRenderPassCreationFeedbackInfoEXT) = RenderPassCreationFeedbackInfoEXT(x.postMergeSubpassCount) RenderPassCreationFeedbackCreateInfoEXT(x::VkRenderPassCreationFeedbackCreateInfoEXT, next_types::Type...) = RenderPassCreationFeedbackCreateInfoEXT(load_next_chain(x.pNext, next_types...), RenderPassCreationFeedbackInfoEXT(x.pRenderPassFeedback)) RenderPassSubpassFeedbackInfoEXT(x::VkRenderPassSubpassFeedbackInfoEXT) = RenderPassSubpassFeedbackInfoEXT(x.subpassMergeStatus, from_vk(String, x.description), x.postMergeIndex) RenderPassSubpassFeedbackCreateInfoEXT(x::VkRenderPassSubpassFeedbackCreateInfoEXT, next_types::Type...) = RenderPassSubpassFeedbackCreateInfoEXT(load_next_chain(x.pNext, next_types...), RenderPassSubpassFeedbackInfoEXT(x.pSubpassFeedback)) PhysicalDeviceSubpassMergeFeedbackFeaturesEXT(x::VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT, next_types::Type...) = PhysicalDeviceSubpassMergeFeedbackFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.subpassMergeFeedback)) MicromapBuildInfoEXT(x::VkMicromapBuildInfoEXT, next_types::Type...) = MicromapBuildInfoEXT(load_next_chain(x.pNext, next_types...), x.type, x.flags, x.mode, MicromapEXT(x.dstMicromap), unsafe_wrap(Vector{MicromapUsageEXT}, x.pUsageCounts, x.usageCountsCount; own = true), unsafe_wrap(Vector{MicromapUsageEXT}, x.ppUsageCounts, x.usageCountsCount; own = true), DeviceOrHostAddressConstKHR(x.data), DeviceOrHostAddressKHR(x.scratchData), DeviceOrHostAddressConstKHR(x.triangleArray), x.triangleArrayStride) MicromapCreateInfoEXT(x::VkMicromapCreateInfoEXT, next_types::Type...) = MicromapCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.createFlags, Buffer(x.buffer), x.offset, x.size, x.type, x.deviceAddress) MicromapVersionInfoEXT(x::VkMicromapVersionInfoEXT, next_types::Type...) = MicromapVersionInfoEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{UInt8}, x.pVersionData, 2VK_UUID_SIZE; own = true)) CopyMicromapInfoEXT(x::VkCopyMicromapInfoEXT, next_types::Type...) = CopyMicromapInfoEXT(load_next_chain(x.pNext, next_types...), MicromapEXT(x.src), MicromapEXT(x.dst), x.mode) CopyMicromapToMemoryInfoEXT(x::VkCopyMicromapToMemoryInfoEXT, next_types::Type...) = CopyMicromapToMemoryInfoEXT(load_next_chain(x.pNext, next_types...), MicromapEXT(x.src), DeviceOrHostAddressKHR(x.dst), x.mode) CopyMemoryToMicromapInfoEXT(x::VkCopyMemoryToMicromapInfoEXT, next_types::Type...) = CopyMemoryToMicromapInfoEXT(load_next_chain(x.pNext, next_types...), DeviceOrHostAddressConstKHR(x.src), MicromapEXT(x.dst), x.mode) MicromapBuildSizesInfoEXT(x::VkMicromapBuildSizesInfoEXT, next_types::Type...) = MicromapBuildSizesInfoEXT(load_next_chain(x.pNext, next_types...), x.micromapSize, x.buildScratchSize, from_vk(Bool, x.discardable)) MicromapUsageEXT(x::VkMicromapUsageEXT) = MicromapUsageEXT(x.count, x.subdivisionLevel, x.format) MicromapTriangleEXT(x::VkMicromapTriangleEXT) = MicromapTriangleEXT(x.dataOffset, x.subdivisionLevel, x.format) PhysicalDeviceOpacityMicromapFeaturesEXT(x::VkPhysicalDeviceOpacityMicromapFeaturesEXT, next_types::Type...) = PhysicalDeviceOpacityMicromapFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.micromap), from_vk(Bool, x.micromapCaptureReplay), from_vk(Bool, x.micromapHostCommands)) PhysicalDeviceOpacityMicromapPropertiesEXT(x::VkPhysicalDeviceOpacityMicromapPropertiesEXT, next_types::Type...) = PhysicalDeviceOpacityMicromapPropertiesEXT(load_next_chain(x.pNext, next_types...), x.maxOpacity2StateSubdivisionLevel, x.maxOpacity4StateSubdivisionLevel) AccelerationStructureTrianglesOpacityMicromapEXT(x::VkAccelerationStructureTrianglesOpacityMicromapEXT, next_types::Type...) = AccelerationStructureTrianglesOpacityMicromapEXT(load_next_chain(x.pNext, next_types...), x.indexType, DeviceOrHostAddressConstKHR(x.indexBuffer), x.indexStride, x.baseTriangle, unsafe_wrap(Vector{MicromapUsageEXT}, x.pUsageCounts, x.usageCountsCount; own = true), unsafe_wrap(Vector{MicromapUsageEXT}, x.ppUsageCounts, x.usageCountsCount; own = true), MicromapEXT(x.micromap)) PipelinePropertiesIdentifierEXT(x::VkPipelinePropertiesIdentifierEXT, next_types::Type...) = PipelinePropertiesIdentifierEXT(load_next_chain(x.pNext, next_types...), x.pipelineIdentifier) PhysicalDevicePipelinePropertiesFeaturesEXT(x::VkPhysicalDevicePipelinePropertiesFeaturesEXT, next_types::Type...) = PhysicalDevicePipelinePropertiesFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.pipelinePropertiesIdentifier)) PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD(x::VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD, next_types::Type...) = PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderEarlyAndLateFragmentTests)) ExportMetalObjectCreateInfoEXT(x::VkExportMetalObjectCreateInfoEXT, next_types::Type...) = ExportMetalObjectCreateInfoEXT(load_next_chain(x.pNext, next_types...), ExportMetalObjectTypeFlagEXT(UInt32(x.exportObjectType))) ExportMetalObjectsInfoEXT(x::VkExportMetalObjectsInfoEXT, next_types::Type...) = ExportMetalObjectsInfoEXT(load_next_chain(x.pNext, next_types...)) ExportMetalDeviceInfoEXT(x::VkExportMetalDeviceInfoEXT, next_types::Type...) = ExportMetalDeviceInfoEXT(load_next_chain(x.pNext, next_types...), x.mtlDevice) ExportMetalCommandQueueInfoEXT(x::VkExportMetalCommandQueueInfoEXT, next_types::Type...) = ExportMetalCommandQueueInfoEXT(load_next_chain(x.pNext, next_types...), Queue(x.queue), x.mtlCommandQueue) ExportMetalBufferInfoEXT(x::VkExportMetalBufferInfoEXT, next_types::Type...) = ExportMetalBufferInfoEXT(load_next_chain(x.pNext, next_types...), DeviceMemory(x.memory), x.mtlBuffer) ImportMetalBufferInfoEXT(x::VkImportMetalBufferInfoEXT, next_types::Type...) = ImportMetalBufferInfoEXT(load_next_chain(x.pNext, next_types...), x.mtlBuffer) ExportMetalTextureInfoEXT(x::VkExportMetalTextureInfoEXT, next_types::Type...) = ExportMetalTextureInfoEXT(load_next_chain(x.pNext, next_types...), Image(x.image), ImageView(x.imageView), BufferView(x.bufferView), ImageAspectFlag(UInt32(x.plane)), x.mtlTexture) ImportMetalTextureInfoEXT(x::VkImportMetalTextureInfoEXT, next_types::Type...) = ImportMetalTextureInfoEXT(load_next_chain(x.pNext, next_types...), ImageAspectFlag(UInt32(x.plane)), x.mtlTexture) ExportMetalIOSurfaceInfoEXT(x::VkExportMetalIOSurfaceInfoEXT, next_types::Type...) = ExportMetalIOSurfaceInfoEXT(load_next_chain(x.pNext, next_types...), Image(x.image), x.ioSurface) ImportMetalIOSurfaceInfoEXT(x::VkImportMetalIOSurfaceInfoEXT, next_types::Type...) = ImportMetalIOSurfaceInfoEXT(load_next_chain(x.pNext, next_types...), x.ioSurface) ExportMetalSharedEventInfoEXT(x::VkExportMetalSharedEventInfoEXT, next_types::Type...) = ExportMetalSharedEventInfoEXT(load_next_chain(x.pNext, next_types...), Semaphore(x.semaphore), Event(x.event), x.mtlSharedEvent) ImportMetalSharedEventInfoEXT(x::VkImportMetalSharedEventInfoEXT, next_types::Type...) = ImportMetalSharedEventInfoEXT(load_next_chain(x.pNext, next_types...), x.mtlSharedEvent) PhysicalDeviceNonSeamlessCubeMapFeaturesEXT(x::VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT, next_types::Type...) = PhysicalDeviceNonSeamlessCubeMapFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.nonSeamlessCubeMap)) PhysicalDevicePipelineRobustnessFeaturesEXT(x::VkPhysicalDevicePipelineRobustnessFeaturesEXT, next_types::Type...) = PhysicalDevicePipelineRobustnessFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.pipelineRobustness)) PipelineRobustnessCreateInfoEXT(x::VkPipelineRobustnessCreateInfoEXT, next_types::Type...) = PipelineRobustnessCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.storageBuffers, x.uniformBuffers, x.vertexInputs, x.images) PhysicalDevicePipelineRobustnessPropertiesEXT(x::VkPhysicalDevicePipelineRobustnessPropertiesEXT, next_types::Type...) = PhysicalDevicePipelineRobustnessPropertiesEXT(load_next_chain(x.pNext, next_types...), x.defaultRobustnessStorageBuffers, x.defaultRobustnessUniformBuffers, x.defaultRobustnessVertexInputs, x.defaultRobustnessImages) ImageViewSampleWeightCreateInfoQCOM(x::VkImageViewSampleWeightCreateInfoQCOM, next_types::Type...) = ImageViewSampleWeightCreateInfoQCOM(load_next_chain(x.pNext, next_types...), Offset2D(x.filterCenter), Extent2D(x.filterSize), x.numPhases) PhysicalDeviceImageProcessingFeaturesQCOM(x::VkPhysicalDeviceImageProcessingFeaturesQCOM, next_types::Type...) = PhysicalDeviceImageProcessingFeaturesQCOM(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.textureSampleWeighted), from_vk(Bool, x.textureBoxFilter), from_vk(Bool, x.textureBlockMatch)) PhysicalDeviceImageProcessingPropertiesQCOM(x::VkPhysicalDeviceImageProcessingPropertiesQCOM, next_types::Type...) = PhysicalDeviceImageProcessingPropertiesQCOM(load_next_chain(x.pNext, next_types...), x.maxWeightFilterPhases, Extent2D(x.maxWeightFilterDimension), Extent2D(x.maxBlockMatchRegion), Extent2D(x.maxBoxFilterBlockSize)) PhysicalDeviceTilePropertiesFeaturesQCOM(x::VkPhysicalDeviceTilePropertiesFeaturesQCOM, next_types::Type...) = PhysicalDeviceTilePropertiesFeaturesQCOM(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.tileProperties)) TilePropertiesQCOM(x::VkTilePropertiesQCOM, next_types::Type...) = TilePropertiesQCOM(load_next_chain(x.pNext, next_types...), Extent3D(x.tileSize), Extent2D(x.apronSize), Offset2D(x.origin)) PhysicalDeviceAmigoProfilingFeaturesSEC(x::VkPhysicalDeviceAmigoProfilingFeaturesSEC, next_types::Type...) = PhysicalDeviceAmigoProfilingFeaturesSEC(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.amigoProfiling)) AmigoProfilingSubmitInfoSEC(x::VkAmigoProfilingSubmitInfoSEC, next_types::Type...) = AmigoProfilingSubmitInfoSEC(load_next_chain(x.pNext, next_types...), x.firstDrawTimestamp, x.swapBufferTimestamp) PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT(x::VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT, next_types::Type...) = PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.attachmentFeedbackLoopLayout)) PhysicalDeviceDepthClampZeroOneFeaturesEXT(x::VkPhysicalDeviceDepthClampZeroOneFeaturesEXT, next_types::Type...) = PhysicalDeviceDepthClampZeroOneFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.depthClampZeroOne)) PhysicalDeviceAddressBindingReportFeaturesEXT(x::VkPhysicalDeviceAddressBindingReportFeaturesEXT, next_types::Type...) = PhysicalDeviceAddressBindingReportFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.reportAddressBinding)) DeviceAddressBindingCallbackDataEXT(x::VkDeviceAddressBindingCallbackDataEXT, next_types::Type...) = DeviceAddressBindingCallbackDataEXT(load_next_chain(x.pNext, next_types...), x.flags, x.baseAddress, x.size, x.bindingType) PhysicalDeviceOpticalFlowFeaturesNV(x::VkPhysicalDeviceOpticalFlowFeaturesNV, next_types::Type...) = PhysicalDeviceOpticalFlowFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.opticalFlow)) PhysicalDeviceOpticalFlowPropertiesNV(x::VkPhysicalDeviceOpticalFlowPropertiesNV, next_types::Type...) = PhysicalDeviceOpticalFlowPropertiesNV(load_next_chain(x.pNext, next_types...), x.supportedOutputGridSizes, x.supportedHintGridSizes, from_vk(Bool, x.hintSupported), from_vk(Bool, x.costSupported), from_vk(Bool, x.bidirectionalFlowSupported), from_vk(Bool, x.globalFlowSupported), x.minWidth, x.minHeight, x.maxWidth, x.maxHeight, x.maxNumRegionsOfInterest) OpticalFlowImageFormatInfoNV(x::VkOpticalFlowImageFormatInfoNV, next_types::Type...) = OpticalFlowImageFormatInfoNV(load_next_chain(x.pNext, next_types...), x.usage) OpticalFlowImageFormatPropertiesNV(x::VkOpticalFlowImageFormatPropertiesNV, next_types::Type...) = OpticalFlowImageFormatPropertiesNV(load_next_chain(x.pNext, next_types...), x.format) OpticalFlowSessionCreateInfoNV(x::VkOpticalFlowSessionCreateInfoNV, next_types::Type...) = OpticalFlowSessionCreateInfoNV(load_next_chain(x.pNext, next_types...), x.width, x.height, x.imageFormat, x.flowVectorFormat, x.costFormat, x.outputGridSize, x.hintGridSize, x.performanceLevel, x.flags) OpticalFlowSessionCreatePrivateDataInfoNV(x::VkOpticalFlowSessionCreatePrivateDataInfoNV, next_types::Type...) = OpticalFlowSessionCreatePrivateDataInfoNV(load_next_chain(x.pNext, next_types...), x.id, x.size, x.pPrivateData) OpticalFlowExecuteInfoNV(x::VkOpticalFlowExecuteInfoNV, next_types::Type...) = OpticalFlowExecuteInfoNV(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{Rect2D}, x.pRegions, x.regionCount; own = true)) PhysicalDeviceFaultFeaturesEXT(x::VkPhysicalDeviceFaultFeaturesEXT, next_types::Type...) = PhysicalDeviceFaultFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.deviceFault), from_vk(Bool, x.deviceFaultVendorBinary)) DeviceFaultAddressInfoEXT(x::VkDeviceFaultAddressInfoEXT) = DeviceFaultAddressInfoEXT(x.addressType, x.reportedAddress, x.addressPrecision) DeviceFaultVendorInfoEXT(x::VkDeviceFaultVendorInfoEXT) = DeviceFaultVendorInfoEXT(from_vk(String, x.description), x.vendorFaultCode, x.vendorFaultData) DeviceFaultCountsEXT(x::VkDeviceFaultCountsEXT, next_types::Type...) = DeviceFaultCountsEXT(load_next_chain(x.pNext, next_types...), x.addressInfoCount, x.vendorInfoCount, x.vendorBinarySize) DeviceFaultInfoEXT(x::VkDeviceFaultInfoEXT, next_types::Type...) = DeviceFaultInfoEXT(load_next_chain(x.pNext, next_types...), from_vk(String, x.description), DeviceFaultAddressInfoEXT(x.pAddressInfos), DeviceFaultVendorInfoEXT(x.pVendorInfos), x.pVendorBinaryData) DeviceFaultVendorBinaryHeaderVersionOneEXT(x::VkDeviceFaultVendorBinaryHeaderVersionOneEXT) = DeviceFaultVendorBinaryHeaderVersionOneEXT(x.headerSize, x.headerVersion, x.vendorID, x.deviceID, from_vk(VersionNumber, x.driverVersion), x.pipelineCacheUUID, x.applicationNameOffset, from_vk(VersionNumber, x.applicationVersion), x.engineNameOffset) PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT(x::VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT, next_types::Type...) = PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.pipelineLibraryGroupHandles)) DecompressMemoryRegionNV(x::VkDecompressMemoryRegionNV) = DecompressMemoryRegionNV(x.srcAddress, x.dstAddress, x.compressedSize, x.decompressedSize, x.decompressionMethod) PhysicalDeviceShaderCoreBuiltinsPropertiesARM(x::VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM, next_types::Type...) = PhysicalDeviceShaderCoreBuiltinsPropertiesARM(load_next_chain(x.pNext, next_types...), x.shaderCoreMask, x.shaderCoreCount, x.shaderWarpsPerCore) PhysicalDeviceShaderCoreBuiltinsFeaturesARM(x::VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM, next_types::Type...) = PhysicalDeviceShaderCoreBuiltinsFeaturesARM(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderCoreBuiltins)) SurfacePresentModeEXT(x::VkSurfacePresentModeEXT, next_types::Type...) = SurfacePresentModeEXT(load_next_chain(x.pNext, next_types...), x.presentMode) SurfacePresentScalingCapabilitiesEXT(x::VkSurfacePresentScalingCapabilitiesEXT, next_types::Type...) = SurfacePresentScalingCapabilitiesEXT(load_next_chain(x.pNext, next_types...), x.supportedPresentScaling, x.supportedPresentGravityX, x.supportedPresentGravityY, Extent2D(x.minScaledImageExtent), Extent2D(x.maxScaledImageExtent)) SurfacePresentModeCompatibilityEXT(x::VkSurfacePresentModeCompatibilityEXT, next_types::Type...) = SurfacePresentModeCompatibilityEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{PresentModeKHR}, x.pPresentModes, x.presentModeCount; own = true)) PhysicalDeviceSwapchainMaintenance1FeaturesEXT(x::VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT, next_types::Type...) = PhysicalDeviceSwapchainMaintenance1FeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.swapchainMaintenance1)) SwapchainPresentFenceInfoEXT(x::VkSwapchainPresentFenceInfoEXT, next_types::Type...) = SwapchainPresentFenceInfoEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{Fence}, x.pFences, x.swapchainCount; own = true)) SwapchainPresentModesCreateInfoEXT(x::VkSwapchainPresentModesCreateInfoEXT, next_types::Type...) = SwapchainPresentModesCreateInfoEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{PresentModeKHR}, x.pPresentModes, x.presentModeCount; own = true)) SwapchainPresentModeInfoEXT(x::VkSwapchainPresentModeInfoEXT, next_types::Type...) = SwapchainPresentModeInfoEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{PresentModeKHR}, x.pPresentModes, x.swapchainCount; own = true)) SwapchainPresentScalingCreateInfoEXT(x::VkSwapchainPresentScalingCreateInfoEXT, next_types::Type...) = SwapchainPresentScalingCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.scalingBehavior, x.presentGravityX, x.presentGravityY) ReleaseSwapchainImagesInfoEXT(x::VkReleaseSwapchainImagesInfoEXT, next_types::Type...) = ReleaseSwapchainImagesInfoEXT(load_next_chain(x.pNext, next_types...), SwapchainKHR(x.swapchain), unsafe_wrap(Vector{UInt32}, x.pImageIndices, x.imageIndexCount; own = true)) PhysicalDeviceRayTracingInvocationReorderFeaturesNV(x::VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV, next_types::Type...) = PhysicalDeviceRayTracingInvocationReorderFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.rayTracingInvocationReorder)) PhysicalDeviceRayTracingInvocationReorderPropertiesNV(x::VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV, next_types::Type...) = PhysicalDeviceRayTracingInvocationReorderPropertiesNV(load_next_chain(x.pNext, next_types...), x.rayTracingInvocationReorderReorderingHint) DirectDriverLoadingInfoLUNARG(x::VkDirectDriverLoadingInfoLUNARG, next_types::Type...) = DirectDriverLoadingInfoLUNARG(load_next_chain(x.pNext, next_types...), x.flags, from_vk(FunctionPtr, x.pfnGetInstanceProcAddr)) DirectDriverLoadingListLUNARG(x::VkDirectDriverLoadingListLUNARG, next_types::Type...) = DirectDriverLoadingListLUNARG(load_next_chain(x.pNext, next_types...), x.mode, unsafe_wrap(Vector{DirectDriverLoadingInfoLUNARG}, x.pDrivers, x.driverCount; own = true)) PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM(x::VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM, next_types::Type...) = PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.multiviewPerViewViewports)) convert(T::Type{_BaseOutStructure}, x::BaseOutStructure) = T(x) convert(T::Type{_BaseInStructure}, x::BaseInStructure) = T(x) convert(T::Type{_Offset2D}, x::Offset2D) = T(x) convert(T::Type{_Offset3D}, x::Offset3D) = T(x) convert(T::Type{_Extent2D}, x::Extent2D) = T(x) convert(T::Type{_Extent3D}, x::Extent3D) = T(x) convert(T::Type{_Viewport}, x::Viewport) = T(x) convert(T::Type{_Rect2D}, x::Rect2D) = T(x) convert(T::Type{_ClearRect}, x::ClearRect) = T(x) convert(T::Type{_ComponentMapping}, x::ComponentMapping) = T(x) convert(T::Type{_PhysicalDeviceProperties}, x::PhysicalDeviceProperties) = T(x) convert(T::Type{_ExtensionProperties}, x::ExtensionProperties) = T(x) convert(T::Type{_LayerProperties}, x::LayerProperties) = T(x) convert(T::Type{_ApplicationInfo}, x::ApplicationInfo) = T(x) convert(T::Type{_AllocationCallbacks}, x::AllocationCallbacks) = T(x) convert(T::Type{_DeviceQueueCreateInfo}, x::DeviceQueueCreateInfo) = T(x) convert(T::Type{_DeviceCreateInfo}, x::DeviceCreateInfo) = T(x) convert(T::Type{_InstanceCreateInfo}, x::InstanceCreateInfo) = T(x) convert(T::Type{_QueueFamilyProperties}, x::QueueFamilyProperties) = T(x) convert(T::Type{_PhysicalDeviceMemoryProperties}, x::PhysicalDeviceMemoryProperties) = T(x) convert(T::Type{_MemoryAllocateInfo}, x::MemoryAllocateInfo) = T(x) convert(T::Type{_MemoryRequirements}, x::MemoryRequirements) = T(x) convert(T::Type{_SparseImageFormatProperties}, x::SparseImageFormatProperties) = T(x) convert(T::Type{_SparseImageMemoryRequirements}, x::SparseImageMemoryRequirements) = T(x) convert(T::Type{_MemoryType}, x::MemoryType) = T(x) convert(T::Type{_MemoryHeap}, x::MemoryHeap) = T(x) convert(T::Type{_MappedMemoryRange}, x::MappedMemoryRange) = T(x) convert(T::Type{_FormatProperties}, x::FormatProperties) = T(x) convert(T::Type{_ImageFormatProperties}, x::ImageFormatProperties) = T(x) convert(T::Type{_DescriptorBufferInfo}, x::DescriptorBufferInfo) = T(x) convert(T::Type{_DescriptorImageInfo}, x::DescriptorImageInfo) = T(x) convert(T::Type{_WriteDescriptorSet}, x::WriteDescriptorSet) = T(x) convert(T::Type{_CopyDescriptorSet}, x::CopyDescriptorSet) = T(x) convert(T::Type{_BufferCreateInfo}, x::BufferCreateInfo) = T(x) convert(T::Type{_BufferViewCreateInfo}, x::BufferViewCreateInfo) = T(x) convert(T::Type{_ImageSubresource}, x::ImageSubresource) = T(x) convert(T::Type{_ImageSubresourceLayers}, x::ImageSubresourceLayers) = T(x) convert(T::Type{_ImageSubresourceRange}, x::ImageSubresourceRange) = T(x) convert(T::Type{_MemoryBarrier}, x::MemoryBarrier) = T(x) convert(T::Type{_BufferMemoryBarrier}, x::BufferMemoryBarrier) = T(x) convert(T::Type{_ImageMemoryBarrier}, x::ImageMemoryBarrier) = T(x) convert(T::Type{_ImageCreateInfo}, x::ImageCreateInfo) = T(x) convert(T::Type{_SubresourceLayout}, x::SubresourceLayout) = T(x) convert(T::Type{_ImageViewCreateInfo}, x::ImageViewCreateInfo) = T(x) convert(T::Type{_BufferCopy}, x::BufferCopy) = T(x) convert(T::Type{_SparseMemoryBind}, x::SparseMemoryBind) = T(x) convert(T::Type{_SparseImageMemoryBind}, x::SparseImageMemoryBind) = T(x) convert(T::Type{_SparseBufferMemoryBindInfo}, x::SparseBufferMemoryBindInfo) = T(x) convert(T::Type{_SparseImageOpaqueMemoryBindInfo}, x::SparseImageOpaqueMemoryBindInfo) = T(x) convert(T::Type{_SparseImageMemoryBindInfo}, x::SparseImageMemoryBindInfo) = T(x) convert(T::Type{_BindSparseInfo}, x::BindSparseInfo) = T(x) convert(T::Type{_ImageCopy}, x::ImageCopy) = T(x) convert(T::Type{_ImageBlit}, x::ImageBlit) = T(x) convert(T::Type{_BufferImageCopy}, x::BufferImageCopy) = T(x) convert(T::Type{_CopyMemoryIndirectCommandNV}, x::CopyMemoryIndirectCommandNV) = T(x) convert(T::Type{_CopyMemoryToImageIndirectCommandNV}, x::CopyMemoryToImageIndirectCommandNV) = T(x) convert(T::Type{_ImageResolve}, x::ImageResolve) = T(x) convert(T::Type{_ShaderModuleCreateInfo}, x::ShaderModuleCreateInfo) = T(x) convert(T::Type{_DescriptorSetLayoutBinding}, x::DescriptorSetLayoutBinding) = T(x) convert(T::Type{_DescriptorSetLayoutCreateInfo}, x::DescriptorSetLayoutCreateInfo) = T(x) convert(T::Type{_DescriptorPoolSize}, x::DescriptorPoolSize) = T(x) convert(T::Type{_DescriptorPoolCreateInfo}, x::DescriptorPoolCreateInfo) = T(x) convert(T::Type{_DescriptorSetAllocateInfo}, x::DescriptorSetAllocateInfo) = T(x) convert(T::Type{_SpecializationMapEntry}, x::SpecializationMapEntry) = T(x) convert(T::Type{_SpecializationInfo}, x::SpecializationInfo) = T(x) convert(T::Type{_PipelineShaderStageCreateInfo}, x::PipelineShaderStageCreateInfo) = T(x) convert(T::Type{_ComputePipelineCreateInfo}, x::ComputePipelineCreateInfo) = T(x) convert(T::Type{_VertexInputBindingDescription}, x::VertexInputBindingDescription) = T(x) convert(T::Type{_VertexInputAttributeDescription}, x::VertexInputAttributeDescription) = T(x) convert(T::Type{_PipelineVertexInputStateCreateInfo}, x::PipelineVertexInputStateCreateInfo) = T(x) convert(T::Type{_PipelineInputAssemblyStateCreateInfo}, x::PipelineInputAssemblyStateCreateInfo) = T(x) convert(T::Type{_PipelineTessellationStateCreateInfo}, x::PipelineTessellationStateCreateInfo) = T(x) convert(T::Type{_PipelineViewportStateCreateInfo}, x::PipelineViewportStateCreateInfo) = T(x) convert(T::Type{_PipelineRasterizationStateCreateInfo}, x::PipelineRasterizationStateCreateInfo) = T(x) convert(T::Type{_PipelineMultisampleStateCreateInfo}, x::PipelineMultisampleStateCreateInfo) = T(x) convert(T::Type{_PipelineColorBlendAttachmentState}, x::PipelineColorBlendAttachmentState) = T(x) convert(T::Type{_PipelineColorBlendStateCreateInfo}, x::PipelineColorBlendStateCreateInfo) = T(x) convert(T::Type{_PipelineDynamicStateCreateInfo}, x::PipelineDynamicStateCreateInfo) = T(x) convert(T::Type{_StencilOpState}, x::StencilOpState) = T(x) convert(T::Type{_PipelineDepthStencilStateCreateInfo}, x::PipelineDepthStencilStateCreateInfo) = T(x) convert(T::Type{_GraphicsPipelineCreateInfo}, x::GraphicsPipelineCreateInfo) = T(x) convert(T::Type{_PipelineCacheCreateInfo}, x::PipelineCacheCreateInfo) = T(x) convert(T::Type{_PipelineCacheHeaderVersionOne}, x::PipelineCacheHeaderVersionOne) = T(x) convert(T::Type{_PushConstantRange}, x::PushConstantRange) = T(x) convert(T::Type{_PipelineLayoutCreateInfo}, x::PipelineLayoutCreateInfo) = T(x) convert(T::Type{_SamplerCreateInfo}, x::SamplerCreateInfo) = T(x) convert(T::Type{_CommandPoolCreateInfo}, x::CommandPoolCreateInfo) = T(x) convert(T::Type{_CommandBufferAllocateInfo}, x::CommandBufferAllocateInfo) = T(x) convert(T::Type{_CommandBufferInheritanceInfo}, x::CommandBufferInheritanceInfo) = T(x) convert(T::Type{_CommandBufferBeginInfo}, x::CommandBufferBeginInfo) = T(x) convert(T::Type{_RenderPassBeginInfo}, x::RenderPassBeginInfo) = T(x) convert(T::Type{_ClearDepthStencilValue}, x::ClearDepthStencilValue) = T(x) convert(T::Type{_ClearAttachment}, x::ClearAttachment) = T(x) convert(T::Type{_AttachmentDescription}, x::AttachmentDescription) = T(x) convert(T::Type{_AttachmentReference}, x::AttachmentReference) = T(x) convert(T::Type{_SubpassDescription}, x::SubpassDescription) = T(x) convert(T::Type{_SubpassDependency}, x::SubpassDependency) = T(x) convert(T::Type{_RenderPassCreateInfo}, x::RenderPassCreateInfo) = T(x) convert(T::Type{_EventCreateInfo}, x::EventCreateInfo) = T(x) convert(T::Type{_FenceCreateInfo}, x::FenceCreateInfo) = T(x) convert(T::Type{_PhysicalDeviceFeatures}, x::PhysicalDeviceFeatures) = T(x) convert(T::Type{_PhysicalDeviceSparseProperties}, x::PhysicalDeviceSparseProperties) = T(x) convert(T::Type{_PhysicalDeviceLimits}, x::PhysicalDeviceLimits) = T(x) convert(T::Type{_SemaphoreCreateInfo}, x::SemaphoreCreateInfo) = T(x) convert(T::Type{_QueryPoolCreateInfo}, x::QueryPoolCreateInfo) = T(x) convert(T::Type{_FramebufferCreateInfo}, x::FramebufferCreateInfo) = T(x) convert(T::Type{_DrawIndirectCommand}, x::DrawIndirectCommand) = T(x) convert(T::Type{_DrawIndexedIndirectCommand}, x::DrawIndexedIndirectCommand) = T(x) convert(T::Type{_DispatchIndirectCommand}, x::DispatchIndirectCommand) = T(x) convert(T::Type{_MultiDrawInfoEXT}, x::MultiDrawInfoEXT) = T(x) convert(T::Type{_MultiDrawIndexedInfoEXT}, x::MultiDrawIndexedInfoEXT) = T(x) convert(T::Type{_SubmitInfo}, x::SubmitInfo) = T(x) convert(T::Type{_DisplayPropertiesKHR}, x::DisplayPropertiesKHR) = T(x) convert(T::Type{_DisplayPlanePropertiesKHR}, x::DisplayPlanePropertiesKHR) = T(x) convert(T::Type{_DisplayModeParametersKHR}, x::DisplayModeParametersKHR) = T(x) convert(T::Type{_DisplayModePropertiesKHR}, x::DisplayModePropertiesKHR) = T(x) convert(T::Type{_DisplayModeCreateInfoKHR}, x::DisplayModeCreateInfoKHR) = T(x) convert(T::Type{_DisplayPlaneCapabilitiesKHR}, x::DisplayPlaneCapabilitiesKHR) = T(x) convert(T::Type{_DisplaySurfaceCreateInfoKHR}, x::DisplaySurfaceCreateInfoKHR) = T(x) convert(T::Type{_DisplayPresentInfoKHR}, x::DisplayPresentInfoKHR) = T(x) convert(T::Type{_SurfaceCapabilitiesKHR}, x::SurfaceCapabilitiesKHR) = T(x) convert(T::Type{_SurfaceFormatKHR}, x::SurfaceFormatKHR) = T(x) convert(T::Type{_SwapchainCreateInfoKHR}, x::SwapchainCreateInfoKHR) = T(x) convert(T::Type{_PresentInfoKHR}, x::PresentInfoKHR) = T(x) convert(T::Type{_DebugReportCallbackCreateInfoEXT}, x::DebugReportCallbackCreateInfoEXT) = T(x) convert(T::Type{_ValidationFlagsEXT}, x::ValidationFlagsEXT) = T(x) convert(T::Type{_ValidationFeaturesEXT}, x::ValidationFeaturesEXT) = T(x) convert(T::Type{_PipelineRasterizationStateRasterizationOrderAMD}, x::PipelineRasterizationStateRasterizationOrderAMD) = T(x) convert(T::Type{_DebugMarkerObjectNameInfoEXT}, x::DebugMarkerObjectNameInfoEXT) = T(x) convert(T::Type{_DebugMarkerObjectTagInfoEXT}, x::DebugMarkerObjectTagInfoEXT) = T(x) convert(T::Type{_DebugMarkerMarkerInfoEXT}, x::DebugMarkerMarkerInfoEXT) = T(x) convert(T::Type{_DedicatedAllocationImageCreateInfoNV}, x::DedicatedAllocationImageCreateInfoNV) = T(x) convert(T::Type{_DedicatedAllocationBufferCreateInfoNV}, x::DedicatedAllocationBufferCreateInfoNV) = T(x) convert(T::Type{_DedicatedAllocationMemoryAllocateInfoNV}, x::DedicatedAllocationMemoryAllocateInfoNV) = T(x) convert(T::Type{_ExternalImageFormatPropertiesNV}, x::ExternalImageFormatPropertiesNV) = T(x) convert(T::Type{_ExternalMemoryImageCreateInfoNV}, x::ExternalMemoryImageCreateInfoNV) = T(x) convert(T::Type{_ExportMemoryAllocateInfoNV}, x::ExportMemoryAllocateInfoNV) = T(x) convert(T::Type{_PhysicalDeviceDeviceGeneratedCommandsFeaturesNV}, x::PhysicalDeviceDeviceGeneratedCommandsFeaturesNV) = T(x) convert(T::Type{_DevicePrivateDataCreateInfo}, x::DevicePrivateDataCreateInfo) = T(x) convert(T::Type{_PrivateDataSlotCreateInfo}, x::PrivateDataSlotCreateInfo) = T(x) convert(T::Type{_PhysicalDevicePrivateDataFeatures}, x::PhysicalDevicePrivateDataFeatures) = T(x) convert(T::Type{_PhysicalDeviceDeviceGeneratedCommandsPropertiesNV}, x::PhysicalDeviceDeviceGeneratedCommandsPropertiesNV) = T(x) convert(T::Type{_PhysicalDeviceMultiDrawPropertiesEXT}, x::PhysicalDeviceMultiDrawPropertiesEXT) = T(x) convert(T::Type{_GraphicsShaderGroupCreateInfoNV}, x::GraphicsShaderGroupCreateInfoNV) = T(x) convert(T::Type{_GraphicsPipelineShaderGroupsCreateInfoNV}, x::GraphicsPipelineShaderGroupsCreateInfoNV) = T(x) convert(T::Type{_BindShaderGroupIndirectCommandNV}, x::BindShaderGroupIndirectCommandNV) = T(x) convert(T::Type{_BindIndexBufferIndirectCommandNV}, x::BindIndexBufferIndirectCommandNV) = T(x) convert(T::Type{_BindVertexBufferIndirectCommandNV}, x::BindVertexBufferIndirectCommandNV) = T(x) convert(T::Type{_SetStateFlagsIndirectCommandNV}, x::SetStateFlagsIndirectCommandNV) = T(x) convert(T::Type{_IndirectCommandsStreamNV}, x::IndirectCommandsStreamNV) = T(x) convert(T::Type{_IndirectCommandsLayoutTokenNV}, x::IndirectCommandsLayoutTokenNV) = T(x) convert(T::Type{_IndirectCommandsLayoutCreateInfoNV}, x::IndirectCommandsLayoutCreateInfoNV) = T(x) convert(T::Type{_GeneratedCommandsInfoNV}, x::GeneratedCommandsInfoNV) = T(x) convert(T::Type{_GeneratedCommandsMemoryRequirementsInfoNV}, x::GeneratedCommandsMemoryRequirementsInfoNV) = T(x) convert(T::Type{_PhysicalDeviceFeatures2}, x::PhysicalDeviceFeatures2) = T(x) convert(T::Type{_PhysicalDeviceProperties2}, x::PhysicalDeviceProperties2) = T(x) convert(T::Type{_FormatProperties2}, x::FormatProperties2) = T(x) convert(T::Type{_ImageFormatProperties2}, x::ImageFormatProperties2) = T(x) convert(T::Type{_PhysicalDeviceImageFormatInfo2}, x::PhysicalDeviceImageFormatInfo2) = T(x) convert(T::Type{_QueueFamilyProperties2}, x::QueueFamilyProperties2) = T(x) convert(T::Type{_PhysicalDeviceMemoryProperties2}, x::PhysicalDeviceMemoryProperties2) = T(x) convert(T::Type{_SparseImageFormatProperties2}, x::SparseImageFormatProperties2) = T(x) convert(T::Type{_PhysicalDeviceSparseImageFormatInfo2}, x::PhysicalDeviceSparseImageFormatInfo2) = T(x) convert(T::Type{_PhysicalDevicePushDescriptorPropertiesKHR}, x::PhysicalDevicePushDescriptorPropertiesKHR) = T(x) convert(T::Type{_ConformanceVersion}, x::ConformanceVersion) = T(x) convert(T::Type{_PhysicalDeviceDriverProperties}, x::PhysicalDeviceDriverProperties) = T(x) convert(T::Type{_PresentRegionsKHR}, x::PresentRegionsKHR) = T(x) convert(T::Type{_PresentRegionKHR}, x::PresentRegionKHR) = T(x) convert(T::Type{_RectLayerKHR}, x::RectLayerKHR) = T(x) convert(T::Type{_PhysicalDeviceVariablePointersFeatures}, x::PhysicalDeviceVariablePointersFeatures) = T(x) convert(T::Type{_ExternalMemoryProperties}, x::ExternalMemoryProperties) = T(x) convert(T::Type{_PhysicalDeviceExternalImageFormatInfo}, x::PhysicalDeviceExternalImageFormatInfo) = T(x) convert(T::Type{_ExternalImageFormatProperties}, x::ExternalImageFormatProperties) = T(x) convert(T::Type{_PhysicalDeviceExternalBufferInfo}, x::PhysicalDeviceExternalBufferInfo) = T(x) convert(T::Type{_ExternalBufferProperties}, x::ExternalBufferProperties) = T(x) convert(T::Type{_PhysicalDeviceIDProperties}, x::PhysicalDeviceIDProperties) = T(x) convert(T::Type{_ExternalMemoryImageCreateInfo}, x::ExternalMemoryImageCreateInfo) = T(x) convert(T::Type{_ExternalMemoryBufferCreateInfo}, x::ExternalMemoryBufferCreateInfo) = T(x) convert(T::Type{_ExportMemoryAllocateInfo}, x::ExportMemoryAllocateInfo) = T(x) convert(T::Type{_ImportMemoryFdInfoKHR}, x::ImportMemoryFdInfoKHR) = T(x) convert(T::Type{_MemoryFdPropertiesKHR}, x::MemoryFdPropertiesKHR) = T(x) convert(T::Type{_MemoryGetFdInfoKHR}, x::MemoryGetFdInfoKHR) = T(x) convert(T::Type{_PhysicalDeviceExternalSemaphoreInfo}, x::PhysicalDeviceExternalSemaphoreInfo) = T(x) convert(T::Type{_ExternalSemaphoreProperties}, x::ExternalSemaphoreProperties) = T(x) convert(T::Type{_ExportSemaphoreCreateInfo}, x::ExportSemaphoreCreateInfo) = T(x) convert(T::Type{_ImportSemaphoreFdInfoKHR}, x::ImportSemaphoreFdInfoKHR) = T(x) convert(T::Type{_SemaphoreGetFdInfoKHR}, x::SemaphoreGetFdInfoKHR) = T(x) convert(T::Type{_PhysicalDeviceExternalFenceInfo}, x::PhysicalDeviceExternalFenceInfo) = T(x) convert(T::Type{_ExternalFenceProperties}, x::ExternalFenceProperties) = T(x) convert(T::Type{_ExportFenceCreateInfo}, x::ExportFenceCreateInfo) = T(x) convert(T::Type{_ImportFenceFdInfoKHR}, x::ImportFenceFdInfoKHR) = T(x) convert(T::Type{_FenceGetFdInfoKHR}, x::FenceGetFdInfoKHR) = T(x) convert(T::Type{_PhysicalDeviceMultiviewFeatures}, x::PhysicalDeviceMultiviewFeatures) = T(x) convert(T::Type{_PhysicalDeviceMultiviewProperties}, x::PhysicalDeviceMultiviewProperties) = T(x) convert(T::Type{_RenderPassMultiviewCreateInfo}, x::RenderPassMultiviewCreateInfo) = T(x) convert(T::Type{_SurfaceCapabilities2EXT}, x::SurfaceCapabilities2EXT) = T(x) convert(T::Type{_DisplayPowerInfoEXT}, x::DisplayPowerInfoEXT) = T(x) convert(T::Type{_DeviceEventInfoEXT}, x::DeviceEventInfoEXT) = T(x) convert(T::Type{_DisplayEventInfoEXT}, x::DisplayEventInfoEXT) = T(x) convert(T::Type{_SwapchainCounterCreateInfoEXT}, x::SwapchainCounterCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceGroupProperties}, x::PhysicalDeviceGroupProperties) = T(x) convert(T::Type{_MemoryAllocateFlagsInfo}, x::MemoryAllocateFlagsInfo) = T(x) convert(T::Type{_BindBufferMemoryInfo}, x::BindBufferMemoryInfo) = T(x) convert(T::Type{_BindBufferMemoryDeviceGroupInfo}, x::BindBufferMemoryDeviceGroupInfo) = T(x) convert(T::Type{_BindImageMemoryInfo}, x::BindImageMemoryInfo) = T(x) convert(T::Type{_BindImageMemoryDeviceGroupInfo}, x::BindImageMemoryDeviceGroupInfo) = T(x) convert(T::Type{_DeviceGroupRenderPassBeginInfo}, x::DeviceGroupRenderPassBeginInfo) = T(x) convert(T::Type{_DeviceGroupCommandBufferBeginInfo}, x::DeviceGroupCommandBufferBeginInfo) = T(x) convert(T::Type{_DeviceGroupSubmitInfo}, x::DeviceGroupSubmitInfo) = T(x) convert(T::Type{_DeviceGroupBindSparseInfo}, x::DeviceGroupBindSparseInfo) = T(x) convert(T::Type{_DeviceGroupPresentCapabilitiesKHR}, x::DeviceGroupPresentCapabilitiesKHR) = T(x) convert(T::Type{_ImageSwapchainCreateInfoKHR}, x::ImageSwapchainCreateInfoKHR) = T(x) convert(T::Type{_BindImageMemorySwapchainInfoKHR}, x::BindImageMemorySwapchainInfoKHR) = T(x) convert(T::Type{_AcquireNextImageInfoKHR}, x::AcquireNextImageInfoKHR) = T(x) convert(T::Type{_DeviceGroupPresentInfoKHR}, x::DeviceGroupPresentInfoKHR) = T(x) convert(T::Type{_DeviceGroupDeviceCreateInfo}, x::DeviceGroupDeviceCreateInfo) = T(x) convert(T::Type{_DeviceGroupSwapchainCreateInfoKHR}, x::DeviceGroupSwapchainCreateInfoKHR) = T(x) convert(T::Type{_DescriptorUpdateTemplateEntry}, x::DescriptorUpdateTemplateEntry) = T(x) convert(T::Type{_DescriptorUpdateTemplateCreateInfo}, x::DescriptorUpdateTemplateCreateInfo) = T(x) convert(T::Type{_XYColorEXT}, x::XYColorEXT) = T(x) convert(T::Type{_PhysicalDevicePresentIdFeaturesKHR}, x::PhysicalDevicePresentIdFeaturesKHR) = T(x) convert(T::Type{_PresentIdKHR}, x::PresentIdKHR) = T(x) convert(T::Type{_PhysicalDevicePresentWaitFeaturesKHR}, x::PhysicalDevicePresentWaitFeaturesKHR) = T(x) convert(T::Type{_HdrMetadataEXT}, x::HdrMetadataEXT) = T(x) convert(T::Type{_DisplayNativeHdrSurfaceCapabilitiesAMD}, x::DisplayNativeHdrSurfaceCapabilitiesAMD) = T(x) convert(T::Type{_SwapchainDisplayNativeHdrCreateInfoAMD}, x::SwapchainDisplayNativeHdrCreateInfoAMD) = T(x) convert(T::Type{_RefreshCycleDurationGOOGLE}, x::RefreshCycleDurationGOOGLE) = T(x) convert(T::Type{_PastPresentationTimingGOOGLE}, x::PastPresentationTimingGOOGLE) = T(x) convert(T::Type{_PresentTimesInfoGOOGLE}, x::PresentTimesInfoGOOGLE) = T(x) convert(T::Type{_PresentTimeGOOGLE}, x::PresentTimeGOOGLE) = T(x) convert(T::Type{_MacOSSurfaceCreateInfoMVK}, x::MacOSSurfaceCreateInfoMVK) = T(x) convert(T::Type{_MetalSurfaceCreateInfoEXT}, x::MetalSurfaceCreateInfoEXT) = T(x) convert(T::Type{_ViewportWScalingNV}, x::ViewportWScalingNV) = T(x) convert(T::Type{_PipelineViewportWScalingStateCreateInfoNV}, x::PipelineViewportWScalingStateCreateInfoNV) = T(x) convert(T::Type{_ViewportSwizzleNV}, x::ViewportSwizzleNV) = T(x) convert(T::Type{_PipelineViewportSwizzleStateCreateInfoNV}, x::PipelineViewportSwizzleStateCreateInfoNV) = T(x) convert(T::Type{_PhysicalDeviceDiscardRectanglePropertiesEXT}, x::PhysicalDeviceDiscardRectanglePropertiesEXT) = T(x) convert(T::Type{_PipelineDiscardRectangleStateCreateInfoEXT}, x::PipelineDiscardRectangleStateCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX}, x::PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX) = T(x) convert(T::Type{_InputAttachmentAspectReference}, x::InputAttachmentAspectReference) = T(x) convert(T::Type{_RenderPassInputAttachmentAspectCreateInfo}, x::RenderPassInputAttachmentAspectCreateInfo) = T(x) convert(T::Type{_PhysicalDeviceSurfaceInfo2KHR}, x::PhysicalDeviceSurfaceInfo2KHR) = T(x) convert(T::Type{_SurfaceCapabilities2KHR}, x::SurfaceCapabilities2KHR) = T(x) convert(T::Type{_SurfaceFormat2KHR}, x::SurfaceFormat2KHR) = T(x) convert(T::Type{_DisplayProperties2KHR}, x::DisplayProperties2KHR) = T(x) convert(T::Type{_DisplayPlaneProperties2KHR}, x::DisplayPlaneProperties2KHR) = T(x) convert(T::Type{_DisplayModeProperties2KHR}, x::DisplayModeProperties2KHR) = T(x) convert(T::Type{_DisplayPlaneInfo2KHR}, x::DisplayPlaneInfo2KHR) = T(x) convert(T::Type{_DisplayPlaneCapabilities2KHR}, x::DisplayPlaneCapabilities2KHR) = T(x) convert(T::Type{_SharedPresentSurfaceCapabilitiesKHR}, x::SharedPresentSurfaceCapabilitiesKHR) = T(x) convert(T::Type{_PhysicalDevice16BitStorageFeatures}, x::PhysicalDevice16BitStorageFeatures) = T(x) convert(T::Type{_PhysicalDeviceSubgroupProperties}, x::PhysicalDeviceSubgroupProperties) = T(x) convert(T::Type{_PhysicalDeviceShaderSubgroupExtendedTypesFeatures}, x::PhysicalDeviceShaderSubgroupExtendedTypesFeatures) = T(x) convert(T::Type{_BufferMemoryRequirementsInfo2}, x::BufferMemoryRequirementsInfo2) = T(x) convert(T::Type{_DeviceBufferMemoryRequirements}, x::DeviceBufferMemoryRequirements) = T(x) convert(T::Type{_ImageMemoryRequirementsInfo2}, x::ImageMemoryRequirementsInfo2) = T(x) convert(T::Type{_ImageSparseMemoryRequirementsInfo2}, x::ImageSparseMemoryRequirementsInfo2) = T(x) convert(T::Type{_DeviceImageMemoryRequirements}, x::DeviceImageMemoryRequirements) = T(x) convert(T::Type{_MemoryRequirements2}, x::MemoryRequirements2) = T(x) convert(T::Type{_SparseImageMemoryRequirements2}, x::SparseImageMemoryRequirements2) = T(x) convert(T::Type{_PhysicalDevicePointClippingProperties}, x::PhysicalDevicePointClippingProperties) = T(x) convert(T::Type{_MemoryDedicatedRequirements}, x::MemoryDedicatedRequirements) = T(x) convert(T::Type{_MemoryDedicatedAllocateInfo}, x::MemoryDedicatedAllocateInfo) = T(x) convert(T::Type{_ImageViewUsageCreateInfo}, x::ImageViewUsageCreateInfo) = T(x) convert(T::Type{_PipelineTessellationDomainOriginStateCreateInfo}, x::PipelineTessellationDomainOriginStateCreateInfo) = T(x) convert(T::Type{_SamplerYcbcrConversionInfo}, x::SamplerYcbcrConversionInfo) = T(x) convert(T::Type{_SamplerYcbcrConversionCreateInfo}, x::SamplerYcbcrConversionCreateInfo) = T(x) convert(T::Type{_BindImagePlaneMemoryInfo}, x::BindImagePlaneMemoryInfo) = T(x) convert(T::Type{_ImagePlaneMemoryRequirementsInfo}, x::ImagePlaneMemoryRequirementsInfo) = T(x) convert(T::Type{_PhysicalDeviceSamplerYcbcrConversionFeatures}, x::PhysicalDeviceSamplerYcbcrConversionFeatures) = T(x) convert(T::Type{_SamplerYcbcrConversionImageFormatProperties}, x::SamplerYcbcrConversionImageFormatProperties) = T(x) convert(T::Type{_TextureLODGatherFormatPropertiesAMD}, x::TextureLODGatherFormatPropertiesAMD) = T(x) convert(T::Type{_ConditionalRenderingBeginInfoEXT}, x::ConditionalRenderingBeginInfoEXT) = T(x) convert(T::Type{_ProtectedSubmitInfo}, x::ProtectedSubmitInfo) = T(x) convert(T::Type{_PhysicalDeviceProtectedMemoryFeatures}, x::PhysicalDeviceProtectedMemoryFeatures) = T(x) convert(T::Type{_PhysicalDeviceProtectedMemoryProperties}, x::PhysicalDeviceProtectedMemoryProperties) = T(x) convert(T::Type{_DeviceQueueInfo2}, x::DeviceQueueInfo2) = T(x) convert(T::Type{_PipelineCoverageToColorStateCreateInfoNV}, x::PipelineCoverageToColorStateCreateInfoNV) = T(x) convert(T::Type{_PhysicalDeviceSamplerFilterMinmaxProperties}, x::PhysicalDeviceSamplerFilterMinmaxProperties) = T(x) convert(T::Type{_SampleLocationEXT}, x::SampleLocationEXT) = T(x) convert(T::Type{_SampleLocationsInfoEXT}, x::SampleLocationsInfoEXT) = T(x) convert(T::Type{_AttachmentSampleLocationsEXT}, x::AttachmentSampleLocationsEXT) = T(x) convert(T::Type{_SubpassSampleLocationsEXT}, x::SubpassSampleLocationsEXT) = T(x) convert(T::Type{_RenderPassSampleLocationsBeginInfoEXT}, x::RenderPassSampleLocationsBeginInfoEXT) = T(x) convert(T::Type{_PipelineSampleLocationsStateCreateInfoEXT}, x::PipelineSampleLocationsStateCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceSampleLocationsPropertiesEXT}, x::PhysicalDeviceSampleLocationsPropertiesEXT) = T(x) convert(T::Type{_MultisamplePropertiesEXT}, x::MultisamplePropertiesEXT) = T(x) convert(T::Type{_SamplerReductionModeCreateInfo}, x::SamplerReductionModeCreateInfo) = T(x) convert(T::Type{_PhysicalDeviceBlendOperationAdvancedFeaturesEXT}, x::PhysicalDeviceBlendOperationAdvancedFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceMultiDrawFeaturesEXT}, x::PhysicalDeviceMultiDrawFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceBlendOperationAdvancedPropertiesEXT}, x::PhysicalDeviceBlendOperationAdvancedPropertiesEXT) = T(x) convert(T::Type{_PipelineColorBlendAdvancedStateCreateInfoEXT}, x::PipelineColorBlendAdvancedStateCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceInlineUniformBlockFeatures}, x::PhysicalDeviceInlineUniformBlockFeatures) = T(x) convert(T::Type{_PhysicalDeviceInlineUniformBlockProperties}, x::PhysicalDeviceInlineUniformBlockProperties) = T(x) convert(T::Type{_WriteDescriptorSetInlineUniformBlock}, x::WriteDescriptorSetInlineUniformBlock) = T(x) convert(T::Type{_DescriptorPoolInlineUniformBlockCreateInfo}, x::DescriptorPoolInlineUniformBlockCreateInfo) = T(x) convert(T::Type{_PipelineCoverageModulationStateCreateInfoNV}, x::PipelineCoverageModulationStateCreateInfoNV) = T(x) convert(T::Type{_ImageFormatListCreateInfo}, x::ImageFormatListCreateInfo) = T(x) convert(T::Type{_ValidationCacheCreateInfoEXT}, x::ValidationCacheCreateInfoEXT) = T(x) convert(T::Type{_ShaderModuleValidationCacheCreateInfoEXT}, x::ShaderModuleValidationCacheCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceMaintenance3Properties}, x::PhysicalDeviceMaintenance3Properties) = T(x) convert(T::Type{_PhysicalDeviceMaintenance4Features}, x::PhysicalDeviceMaintenance4Features) = T(x) convert(T::Type{_PhysicalDeviceMaintenance4Properties}, x::PhysicalDeviceMaintenance4Properties) = T(x) convert(T::Type{_DescriptorSetLayoutSupport}, x::DescriptorSetLayoutSupport) = T(x) convert(T::Type{_PhysicalDeviceShaderDrawParametersFeatures}, x::PhysicalDeviceShaderDrawParametersFeatures) = T(x) convert(T::Type{_PhysicalDeviceShaderFloat16Int8Features}, x::PhysicalDeviceShaderFloat16Int8Features) = T(x) convert(T::Type{_PhysicalDeviceFloatControlsProperties}, x::PhysicalDeviceFloatControlsProperties) = T(x) convert(T::Type{_PhysicalDeviceHostQueryResetFeatures}, x::PhysicalDeviceHostQueryResetFeatures) = T(x) convert(T::Type{_ShaderResourceUsageAMD}, x::ShaderResourceUsageAMD) = T(x) convert(T::Type{_ShaderStatisticsInfoAMD}, x::ShaderStatisticsInfoAMD) = T(x) convert(T::Type{_DeviceQueueGlobalPriorityCreateInfoKHR}, x::DeviceQueueGlobalPriorityCreateInfoKHR) = T(x) convert(T::Type{_PhysicalDeviceGlobalPriorityQueryFeaturesKHR}, x::PhysicalDeviceGlobalPriorityQueryFeaturesKHR) = T(x) convert(T::Type{_QueueFamilyGlobalPriorityPropertiesKHR}, x::QueueFamilyGlobalPriorityPropertiesKHR) = T(x) convert(T::Type{_DebugUtilsObjectNameInfoEXT}, x::DebugUtilsObjectNameInfoEXT) = T(x) convert(T::Type{_DebugUtilsObjectTagInfoEXT}, x::DebugUtilsObjectTagInfoEXT) = T(x) convert(T::Type{_DebugUtilsLabelEXT}, x::DebugUtilsLabelEXT) = T(x) convert(T::Type{_DebugUtilsMessengerCreateInfoEXT}, x::DebugUtilsMessengerCreateInfoEXT) = T(x) convert(T::Type{_DebugUtilsMessengerCallbackDataEXT}, x::DebugUtilsMessengerCallbackDataEXT) = T(x) convert(T::Type{_PhysicalDeviceDeviceMemoryReportFeaturesEXT}, x::PhysicalDeviceDeviceMemoryReportFeaturesEXT) = T(x) convert(T::Type{_DeviceDeviceMemoryReportCreateInfoEXT}, x::DeviceDeviceMemoryReportCreateInfoEXT) = T(x) convert(T::Type{_DeviceMemoryReportCallbackDataEXT}, x::DeviceMemoryReportCallbackDataEXT) = T(x) convert(T::Type{_ImportMemoryHostPointerInfoEXT}, x::ImportMemoryHostPointerInfoEXT) = T(x) convert(T::Type{_MemoryHostPointerPropertiesEXT}, x::MemoryHostPointerPropertiesEXT) = T(x) convert(T::Type{_PhysicalDeviceExternalMemoryHostPropertiesEXT}, x::PhysicalDeviceExternalMemoryHostPropertiesEXT) = T(x) convert(T::Type{_PhysicalDeviceConservativeRasterizationPropertiesEXT}, x::PhysicalDeviceConservativeRasterizationPropertiesEXT) = T(x) convert(T::Type{_CalibratedTimestampInfoEXT}, x::CalibratedTimestampInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceShaderCorePropertiesAMD}, x::PhysicalDeviceShaderCorePropertiesAMD) = T(x) convert(T::Type{_PhysicalDeviceShaderCoreProperties2AMD}, x::PhysicalDeviceShaderCoreProperties2AMD) = T(x) convert(T::Type{_PipelineRasterizationConservativeStateCreateInfoEXT}, x::PipelineRasterizationConservativeStateCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceDescriptorIndexingFeatures}, x::PhysicalDeviceDescriptorIndexingFeatures) = T(x) convert(T::Type{_PhysicalDeviceDescriptorIndexingProperties}, x::PhysicalDeviceDescriptorIndexingProperties) = T(x) convert(T::Type{_DescriptorSetLayoutBindingFlagsCreateInfo}, x::DescriptorSetLayoutBindingFlagsCreateInfo) = T(x) convert(T::Type{_DescriptorSetVariableDescriptorCountAllocateInfo}, x::DescriptorSetVariableDescriptorCountAllocateInfo) = T(x) convert(T::Type{_DescriptorSetVariableDescriptorCountLayoutSupport}, x::DescriptorSetVariableDescriptorCountLayoutSupport) = T(x) convert(T::Type{_AttachmentDescription2}, x::AttachmentDescription2) = T(x) convert(T::Type{_AttachmentReference2}, x::AttachmentReference2) = T(x) convert(T::Type{_SubpassDescription2}, x::SubpassDescription2) = T(x) convert(T::Type{_SubpassDependency2}, x::SubpassDependency2) = T(x) convert(T::Type{_RenderPassCreateInfo2}, x::RenderPassCreateInfo2) = T(x) convert(T::Type{_SubpassBeginInfo}, x::SubpassBeginInfo) = T(x) convert(T::Type{_SubpassEndInfo}, x::SubpassEndInfo) = T(x) convert(T::Type{_PhysicalDeviceTimelineSemaphoreFeatures}, x::PhysicalDeviceTimelineSemaphoreFeatures) = T(x) convert(T::Type{_PhysicalDeviceTimelineSemaphoreProperties}, x::PhysicalDeviceTimelineSemaphoreProperties) = T(x) convert(T::Type{_SemaphoreTypeCreateInfo}, x::SemaphoreTypeCreateInfo) = T(x) convert(T::Type{_TimelineSemaphoreSubmitInfo}, x::TimelineSemaphoreSubmitInfo) = T(x) convert(T::Type{_SemaphoreWaitInfo}, x::SemaphoreWaitInfo) = T(x) convert(T::Type{_SemaphoreSignalInfo}, x::SemaphoreSignalInfo) = T(x) convert(T::Type{_VertexInputBindingDivisorDescriptionEXT}, x::VertexInputBindingDivisorDescriptionEXT) = T(x) convert(T::Type{_PipelineVertexInputDivisorStateCreateInfoEXT}, x::PipelineVertexInputDivisorStateCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceVertexAttributeDivisorPropertiesEXT}, x::PhysicalDeviceVertexAttributeDivisorPropertiesEXT) = T(x) convert(T::Type{_PhysicalDevicePCIBusInfoPropertiesEXT}, x::PhysicalDevicePCIBusInfoPropertiesEXT) = T(x) convert(T::Type{_CommandBufferInheritanceConditionalRenderingInfoEXT}, x::CommandBufferInheritanceConditionalRenderingInfoEXT) = T(x) convert(T::Type{_PhysicalDevice8BitStorageFeatures}, x::PhysicalDevice8BitStorageFeatures) = T(x) convert(T::Type{_PhysicalDeviceConditionalRenderingFeaturesEXT}, x::PhysicalDeviceConditionalRenderingFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceVulkanMemoryModelFeatures}, x::PhysicalDeviceVulkanMemoryModelFeatures) = T(x) convert(T::Type{_PhysicalDeviceShaderAtomicInt64Features}, x::PhysicalDeviceShaderAtomicInt64Features) = T(x) convert(T::Type{_PhysicalDeviceShaderAtomicFloatFeaturesEXT}, x::PhysicalDeviceShaderAtomicFloatFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceShaderAtomicFloat2FeaturesEXT}, x::PhysicalDeviceShaderAtomicFloat2FeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceVertexAttributeDivisorFeaturesEXT}, x::PhysicalDeviceVertexAttributeDivisorFeaturesEXT) = T(x) convert(T::Type{_QueueFamilyCheckpointPropertiesNV}, x::QueueFamilyCheckpointPropertiesNV) = T(x) convert(T::Type{_CheckpointDataNV}, x::CheckpointDataNV) = T(x) convert(T::Type{_PhysicalDeviceDepthStencilResolveProperties}, x::PhysicalDeviceDepthStencilResolveProperties) = T(x) convert(T::Type{_SubpassDescriptionDepthStencilResolve}, x::SubpassDescriptionDepthStencilResolve) = T(x) convert(T::Type{_ImageViewASTCDecodeModeEXT}, x::ImageViewASTCDecodeModeEXT) = T(x) convert(T::Type{_PhysicalDeviceASTCDecodeFeaturesEXT}, x::PhysicalDeviceASTCDecodeFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceTransformFeedbackFeaturesEXT}, x::PhysicalDeviceTransformFeedbackFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceTransformFeedbackPropertiesEXT}, x::PhysicalDeviceTransformFeedbackPropertiesEXT) = T(x) convert(T::Type{_PipelineRasterizationStateStreamCreateInfoEXT}, x::PipelineRasterizationStateStreamCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceRepresentativeFragmentTestFeaturesNV}, x::PhysicalDeviceRepresentativeFragmentTestFeaturesNV) = T(x) convert(T::Type{_PipelineRepresentativeFragmentTestStateCreateInfoNV}, x::PipelineRepresentativeFragmentTestStateCreateInfoNV) = T(x) convert(T::Type{_PhysicalDeviceExclusiveScissorFeaturesNV}, x::PhysicalDeviceExclusiveScissorFeaturesNV) = T(x) convert(T::Type{_PipelineViewportExclusiveScissorStateCreateInfoNV}, x::PipelineViewportExclusiveScissorStateCreateInfoNV) = T(x) convert(T::Type{_PhysicalDeviceCornerSampledImageFeaturesNV}, x::PhysicalDeviceCornerSampledImageFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceComputeShaderDerivativesFeaturesNV}, x::PhysicalDeviceComputeShaderDerivativesFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceShaderImageFootprintFeaturesNV}, x::PhysicalDeviceShaderImageFootprintFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV}, x::PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceCopyMemoryIndirectFeaturesNV}, x::PhysicalDeviceCopyMemoryIndirectFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceCopyMemoryIndirectPropertiesNV}, x::PhysicalDeviceCopyMemoryIndirectPropertiesNV) = T(x) convert(T::Type{_PhysicalDeviceMemoryDecompressionFeaturesNV}, x::PhysicalDeviceMemoryDecompressionFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceMemoryDecompressionPropertiesNV}, x::PhysicalDeviceMemoryDecompressionPropertiesNV) = T(x) convert(T::Type{_ShadingRatePaletteNV}, x::ShadingRatePaletteNV) = T(x) convert(T::Type{_PipelineViewportShadingRateImageStateCreateInfoNV}, x::PipelineViewportShadingRateImageStateCreateInfoNV) = T(x) convert(T::Type{_PhysicalDeviceShadingRateImageFeaturesNV}, x::PhysicalDeviceShadingRateImageFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceShadingRateImagePropertiesNV}, x::PhysicalDeviceShadingRateImagePropertiesNV) = T(x) convert(T::Type{_PhysicalDeviceInvocationMaskFeaturesHUAWEI}, x::PhysicalDeviceInvocationMaskFeaturesHUAWEI) = T(x) convert(T::Type{_CoarseSampleLocationNV}, x::CoarseSampleLocationNV) = T(x) convert(T::Type{_CoarseSampleOrderCustomNV}, x::CoarseSampleOrderCustomNV) = T(x) convert(T::Type{_PipelineViewportCoarseSampleOrderStateCreateInfoNV}, x::PipelineViewportCoarseSampleOrderStateCreateInfoNV) = T(x) convert(T::Type{_PhysicalDeviceMeshShaderFeaturesNV}, x::PhysicalDeviceMeshShaderFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceMeshShaderPropertiesNV}, x::PhysicalDeviceMeshShaderPropertiesNV) = T(x) convert(T::Type{_DrawMeshTasksIndirectCommandNV}, x::DrawMeshTasksIndirectCommandNV) = T(x) convert(T::Type{_PhysicalDeviceMeshShaderFeaturesEXT}, x::PhysicalDeviceMeshShaderFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceMeshShaderPropertiesEXT}, x::PhysicalDeviceMeshShaderPropertiesEXT) = T(x) convert(T::Type{_DrawMeshTasksIndirectCommandEXT}, x::DrawMeshTasksIndirectCommandEXT) = T(x) convert(T::Type{_RayTracingShaderGroupCreateInfoNV}, x::RayTracingShaderGroupCreateInfoNV) = T(x) convert(T::Type{_RayTracingShaderGroupCreateInfoKHR}, x::RayTracingShaderGroupCreateInfoKHR) = T(x) convert(T::Type{_RayTracingPipelineCreateInfoNV}, x::RayTracingPipelineCreateInfoNV) = T(x) convert(T::Type{_RayTracingPipelineCreateInfoKHR}, x::RayTracingPipelineCreateInfoKHR) = T(x) convert(T::Type{_GeometryTrianglesNV}, x::GeometryTrianglesNV) = T(x) convert(T::Type{_GeometryAABBNV}, x::GeometryAABBNV) = T(x) convert(T::Type{_GeometryDataNV}, x::GeometryDataNV) = T(x) convert(T::Type{_GeometryNV}, x::GeometryNV) = T(x) convert(T::Type{_AccelerationStructureInfoNV}, x::AccelerationStructureInfoNV) = T(x) convert(T::Type{_AccelerationStructureCreateInfoNV}, x::AccelerationStructureCreateInfoNV) = T(x) convert(T::Type{_BindAccelerationStructureMemoryInfoNV}, x::BindAccelerationStructureMemoryInfoNV) = T(x) convert(T::Type{_WriteDescriptorSetAccelerationStructureKHR}, x::WriteDescriptorSetAccelerationStructureKHR) = T(x) convert(T::Type{_WriteDescriptorSetAccelerationStructureNV}, x::WriteDescriptorSetAccelerationStructureNV) = T(x) convert(T::Type{_AccelerationStructureMemoryRequirementsInfoNV}, x::AccelerationStructureMemoryRequirementsInfoNV) = T(x) convert(T::Type{_PhysicalDeviceAccelerationStructureFeaturesKHR}, x::PhysicalDeviceAccelerationStructureFeaturesKHR) = T(x) convert(T::Type{_PhysicalDeviceRayTracingPipelineFeaturesKHR}, x::PhysicalDeviceRayTracingPipelineFeaturesKHR) = T(x) convert(T::Type{_PhysicalDeviceRayQueryFeaturesKHR}, x::PhysicalDeviceRayQueryFeaturesKHR) = T(x) convert(T::Type{_PhysicalDeviceAccelerationStructurePropertiesKHR}, x::PhysicalDeviceAccelerationStructurePropertiesKHR) = T(x) convert(T::Type{_PhysicalDeviceRayTracingPipelinePropertiesKHR}, x::PhysicalDeviceRayTracingPipelinePropertiesKHR) = T(x) convert(T::Type{_PhysicalDeviceRayTracingPropertiesNV}, x::PhysicalDeviceRayTracingPropertiesNV) = T(x) convert(T::Type{_StridedDeviceAddressRegionKHR}, x::StridedDeviceAddressRegionKHR) = T(x) convert(T::Type{_TraceRaysIndirectCommandKHR}, x::TraceRaysIndirectCommandKHR) = T(x) convert(T::Type{_TraceRaysIndirectCommand2KHR}, x::TraceRaysIndirectCommand2KHR) = T(x) convert(T::Type{_PhysicalDeviceRayTracingMaintenance1FeaturesKHR}, x::PhysicalDeviceRayTracingMaintenance1FeaturesKHR) = T(x) convert(T::Type{_DrmFormatModifierPropertiesListEXT}, x::DrmFormatModifierPropertiesListEXT) = T(x) convert(T::Type{_DrmFormatModifierPropertiesEXT}, x::DrmFormatModifierPropertiesEXT) = T(x) convert(T::Type{_PhysicalDeviceImageDrmFormatModifierInfoEXT}, x::PhysicalDeviceImageDrmFormatModifierInfoEXT) = T(x) convert(T::Type{_ImageDrmFormatModifierListCreateInfoEXT}, x::ImageDrmFormatModifierListCreateInfoEXT) = T(x) convert(T::Type{_ImageDrmFormatModifierExplicitCreateInfoEXT}, x::ImageDrmFormatModifierExplicitCreateInfoEXT) = T(x) convert(T::Type{_ImageDrmFormatModifierPropertiesEXT}, x::ImageDrmFormatModifierPropertiesEXT) = T(x) convert(T::Type{_ImageStencilUsageCreateInfo}, x::ImageStencilUsageCreateInfo) = T(x) convert(T::Type{_DeviceMemoryOverallocationCreateInfoAMD}, x::DeviceMemoryOverallocationCreateInfoAMD) = T(x) convert(T::Type{_PhysicalDeviceFragmentDensityMapFeaturesEXT}, x::PhysicalDeviceFragmentDensityMapFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceFragmentDensityMap2FeaturesEXT}, x::PhysicalDeviceFragmentDensityMap2FeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM}, x::PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM) = T(x) convert(T::Type{_PhysicalDeviceFragmentDensityMapPropertiesEXT}, x::PhysicalDeviceFragmentDensityMapPropertiesEXT) = T(x) convert(T::Type{_PhysicalDeviceFragmentDensityMap2PropertiesEXT}, x::PhysicalDeviceFragmentDensityMap2PropertiesEXT) = T(x) convert(T::Type{_PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM}, x::PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM) = T(x) convert(T::Type{_RenderPassFragmentDensityMapCreateInfoEXT}, x::RenderPassFragmentDensityMapCreateInfoEXT) = T(x) convert(T::Type{_SubpassFragmentDensityMapOffsetEndInfoQCOM}, x::SubpassFragmentDensityMapOffsetEndInfoQCOM) = T(x) convert(T::Type{_PhysicalDeviceScalarBlockLayoutFeatures}, x::PhysicalDeviceScalarBlockLayoutFeatures) = T(x) convert(T::Type{_SurfaceProtectedCapabilitiesKHR}, x::SurfaceProtectedCapabilitiesKHR) = T(x) convert(T::Type{_PhysicalDeviceUniformBufferStandardLayoutFeatures}, x::PhysicalDeviceUniformBufferStandardLayoutFeatures) = T(x) convert(T::Type{_PhysicalDeviceDepthClipEnableFeaturesEXT}, x::PhysicalDeviceDepthClipEnableFeaturesEXT) = T(x) convert(T::Type{_PipelineRasterizationDepthClipStateCreateInfoEXT}, x::PipelineRasterizationDepthClipStateCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceMemoryBudgetPropertiesEXT}, x::PhysicalDeviceMemoryBudgetPropertiesEXT) = T(x) convert(T::Type{_PhysicalDeviceMemoryPriorityFeaturesEXT}, x::PhysicalDeviceMemoryPriorityFeaturesEXT) = T(x) convert(T::Type{_MemoryPriorityAllocateInfoEXT}, x::MemoryPriorityAllocateInfoEXT) = T(x) convert(T::Type{_PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT}, x::PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceBufferDeviceAddressFeatures}, x::PhysicalDeviceBufferDeviceAddressFeatures) = T(x) convert(T::Type{_PhysicalDeviceBufferDeviceAddressFeaturesEXT}, x::PhysicalDeviceBufferDeviceAddressFeaturesEXT) = T(x) convert(T::Type{_BufferDeviceAddressInfo}, x::BufferDeviceAddressInfo) = T(x) convert(T::Type{_BufferOpaqueCaptureAddressCreateInfo}, x::BufferOpaqueCaptureAddressCreateInfo) = T(x) convert(T::Type{_BufferDeviceAddressCreateInfoEXT}, x::BufferDeviceAddressCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceImageViewImageFormatInfoEXT}, x::PhysicalDeviceImageViewImageFormatInfoEXT) = T(x) convert(T::Type{_FilterCubicImageViewImageFormatPropertiesEXT}, x::FilterCubicImageViewImageFormatPropertiesEXT) = T(x) convert(T::Type{_PhysicalDeviceImagelessFramebufferFeatures}, x::PhysicalDeviceImagelessFramebufferFeatures) = T(x) convert(T::Type{_FramebufferAttachmentsCreateInfo}, x::FramebufferAttachmentsCreateInfo) = T(x) convert(T::Type{_FramebufferAttachmentImageInfo}, x::FramebufferAttachmentImageInfo) = T(x) convert(T::Type{_RenderPassAttachmentBeginInfo}, x::RenderPassAttachmentBeginInfo) = T(x) convert(T::Type{_PhysicalDeviceTextureCompressionASTCHDRFeatures}, x::PhysicalDeviceTextureCompressionASTCHDRFeatures) = T(x) convert(T::Type{_PhysicalDeviceCooperativeMatrixFeaturesNV}, x::PhysicalDeviceCooperativeMatrixFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceCooperativeMatrixPropertiesNV}, x::PhysicalDeviceCooperativeMatrixPropertiesNV) = T(x) convert(T::Type{_CooperativeMatrixPropertiesNV}, x::CooperativeMatrixPropertiesNV) = T(x) convert(T::Type{_PhysicalDeviceYcbcrImageArraysFeaturesEXT}, x::PhysicalDeviceYcbcrImageArraysFeaturesEXT) = T(x) convert(T::Type{_ImageViewHandleInfoNVX}, x::ImageViewHandleInfoNVX) = T(x) convert(T::Type{_ImageViewAddressPropertiesNVX}, x::ImageViewAddressPropertiesNVX) = T(x) convert(T::Type{_PipelineCreationFeedback}, x::PipelineCreationFeedback) = T(x) convert(T::Type{_PipelineCreationFeedbackCreateInfo}, x::PipelineCreationFeedbackCreateInfo) = T(x) convert(T::Type{_PhysicalDevicePresentBarrierFeaturesNV}, x::PhysicalDevicePresentBarrierFeaturesNV) = T(x) convert(T::Type{_SurfaceCapabilitiesPresentBarrierNV}, x::SurfaceCapabilitiesPresentBarrierNV) = T(x) convert(T::Type{_SwapchainPresentBarrierCreateInfoNV}, x::SwapchainPresentBarrierCreateInfoNV) = T(x) convert(T::Type{_PhysicalDevicePerformanceQueryFeaturesKHR}, x::PhysicalDevicePerformanceQueryFeaturesKHR) = T(x) convert(T::Type{_PhysicalDevicePerformanceQueryPropertiesKHR}, x::PhysicalDevicePerformanceQueryPropertiesKHR) = T(x) convert(T::Type{_PerformanceCounterKHR}, x::PerformanceCounterKHR) = T(x) convert(T::Type{_PerformanceCounterDescriptionKHR}, x::PerformanceCounterDescriptionKHR) = T(x) convert(T::Type{_QueryPoolPerformanceCreateInfoKHR}, x::QueryPoolPerformanceCreateInfoKHR) = T(x) convert(T::Type{_AcquireProfilingLockInfoKHR}, x::AcquireProfilingLockInfoKHR) = T(x) convert(T::Type{_PerformanceQuerySubmitInfoKHR}, x::PerformanceQuerySubmitInfoKHR) = T(x) convert(T::Type{_HeadlessSurfaceCreateInfoEXT}, x::HeadlessSurfaceCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceCoverageReductionModeFeaturesNV}, x::PhysicalDeviceCoverageReductionModeFeaturesNV) = T(x) convert(T::Type{_PipelineCoverageReductionStateCreateInfoNV}, x::PipelineCoverageReductionStateCreateInfoNV) = T(x) convert(T::Type{_FramebufferMixedSamplesCombinationNV}, x::FramebufferMixedSamplesCombinationNV) = T(x) convert(T::Type{_PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL}, x::PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL) = T(x) convert(T::Type{_PerformanceValueINTEL}, x::PerformanceValueINTEL) = T(x) convert(T::Type{_InitializePerformanceApiInfoINTEL}, x::InitializePerformanceApiInfoINTEL) = T(x) convert(T::Type{_QueryPoolPerformanceQueryCreateInfoINTEL}, x::QueryPoolPerformanceQueryCreateInfoINTEL) = T(x) convert(T::Type{_PerformanceMarkerInfoINTEL}, x::PerformanceMarkerInfoINTEL) = T(x) convert(T::Type{_PerformanceStreamMarkerInfoINTEL}, x::PerformanceStreamMarkerInfoINTEL) = T(x) convert(T::Type{_PerformanceOverrideInfoINTEL}, x::PerformanceOverrideInfoINTEL) = T(x) convert(T::Type{_PerformanceConfigurationAcquireInfoINTEL}, x::PerformanceConfigurationAcquireInfoINTEL) = T(x) convert(T::Type{_PhysicalDeviceShaderClockFeaturesKHR}, x::PhysicalDeviceShaderClockFeaturesKHR) = T(x) convert(T::Type{_PhysicalDeviceIndexTypeUint8FeaturesEXT}, x::PhysicalDeviceIndexTypeUint8FeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceShaderSMBuiltinsPropertiesNV}, x::PhysicalDeviceShaderSMBuiltinsPropertiesNV) = T(x) convert(T::Type{_PhysicalDeviceShaderSMBuiltinsFeaturesNV}, x::PhysicalDeviceShaderSMBuiltinsFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceFragmentShaderInterlockFeaturesEXT}, x::PhysicalDeviceFragmentShaderInterlockFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceSeparateDepthStencilLayoutsFeatures}, x::PhysicalDeviceSeparateDepthStencilLayoutsFeatures) = T(x) convert(T::Type{_AttachmentReferenceStencilLayout}, x::AttachmentReferenceStencilLayout) = T(x) convert(T::Type{_PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT}, x::PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT) = T(x) convert(T::Type{_AttachmentDescriptionStencilLayout}, x::AttachmentDescriptionStencilLayout) = T(x) convert(T::Type{_PhysicalDevicePipelineExecutablePropertiesFeaturesKHR}, x::PhysicalDevicePipelineExecutablePropertiesFeaturesKHR) = T(x) convert(T::Type{_PipelineInfoKHR}, x::PipelineInfoKHR) = T(x) convert(T::Type{_PipelineExecutablePropertiesKHR}, x::PipelineExecutablePropertiesKHR) = T(x) convert(T::Type{_PipelineExecutableInfoKHR}, x::PipelineExecutableInfoKHR) = T(x) convert(T::Type{_PipelineExecutableStatisticKHR}, x::PipelineExecutableStatisticKHR) = T(x) convert(T::Type{_PipelineExecutableInternalRepresentationKHR}, x::PipelineExecutableInternalRepresentationKHR) = T(x) convert(T::Type{_PhysicalDeviceShaderDemoteToHelperInvocationFeatures}, x::PhysicalDeviceShaderDemoteToHelperInvocationFeatures) = T(x) convert(T::Type{_PhysicalDeviceTexelBufferAlignmentFeaturesEXT}, x::PhysicalDeviceTexelBufferAlignmentFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceTexelBufferAlignmentProperties}, x::PhysicalDeviceTexelBufferAlignmentProperties) = T(x) convert(T::Type{_PhysicalDeviceSubgroupSizeControlFeatures}, x::PhysicalDeviceSubgroupSizeControlFeatures) = T(x) convert(T::Type{_PhysicalDeviceSubgroupSizeControlProperties}, x::PhysicalDeviceSubgroupSizeControlProperties) = T(x) convert(T::Type{_PipelineShaderStageRequiredSubgroupSizeCreateInfo}, x::PipelineShaderStageRequiredSubgroupSizeCreateInfo) = T(x) convert(T::Type{_SubpassShadingPipelineCreateInfoHUAWEI}, x::SubpassShadingPipelineCreateInfoHUAWEI) = T(x) convert(T::Type{_PhysicalDeviceSubpassShadingPropertiesHUAWEI}, x::PhysicalDeviceSubpassShadingPropertiesHUAWEI) = T(x) convert(T::Type{_PhysicalDeviceClusterCullingShaderPropertiesHUAWEI}, x::PhysicalDeviceClusterCullingShaderPropertiesHUAWEI) = T(x) convert(T::Type{_MemoryOpaqueCaptureAddressAllocateInfo}, x::MemoryOpaqueCaptureAddressAllocateInfo) = T(x) convert(T::Type{_DeviceMemoryOpaqueCaptureAddressInfo}, x::DeviceMemoryOpaqueCaptureAddressInfo) = T(x) convert(T::Type{_PhysicalDeviceLineRasterizationFeaturesEXT}, x::PhysicalDeviceLineRasterizationFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceLineRasterizationPropertiesEXT}, x::PhysicalDeviceLineRasterizationPropertiesEXT) = T(x) convert(T::Type{_PipelineRasterizationLineStateCreateInfoEXT}, x::PipelineRasterizationLineStateCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDevicePipelineCreationCacheControlFeatures}, x::PhysicalDevicePipelineCreationCacheControlFeatures) = T(x) convert(T::Type{_PhysicalDeviceVulkan11Features}, x::PhysicalDeviceVulkan11Features) = T(x) convert(T::Type{_PhysicalDeviceVulkan11Properties}, x::PhysicalDeviceVulkan11Properties) = T(x) convert(T::Type{_PhysicalDeviceVulkan12Features}, x::PhysicalDeviceVulkan12Features) = T(x) convert(T::Type{_PhysicalDeviceVulkan12Properties}, x::PhysicalDeviceVulkan12Properties) = T(x) convert(T::Type{_PhysicalDeviceVulkan13Features}, x::PhysicalDeviceVulkan13Features) = T(x) convert(T::Type{_PhysicalDeviceVulkan13Properties}, x::PhysicalDeviceVulkan13Properties) = T(x) convert(T::Type{_PipelineCompilerControlCreateInfoAMD}, x::PipelineCompilerControlCreateInfoAMD) = T(x) convert(T::Type{_PhysicalDeviceCoherentMemoryFeaturesAMD}, x::PhysicalDeviceCoherentMemoryFeaturesAMD) = T(x) convert(T::Type{_PhysicalDeviceToolProperties}, x::PhysicalDeviceToolProperties) = T(x) convert(T::Type{_SamplerCustomBorderColorCreateInfoEXT}, x::SamplerCustomBorderColorCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceCustomBorderColorPropertiesEXT}, x::PhysicalDeviceCustomBorderColorPropertiesEXT) = T(x) convert(T::Type{_PhysicalDeviceCustomBorderColorFeaturesEXT}, x::PhysicalDeviceCustomBorderColorFeaturesEXT) = T(x) convert(T::Type{_SamplerBorderColorComponentMappingCreateInfoEXT}, x::SamplerBorderColorComponentMappingCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceBorderColorSwizzleFeaturesEXT}, x::PhysicalDeviceBorderColorSwizzleFeaturesEXT) = T(x) convert(T::Type{_AccelerationStructureGeometryTrianglesDataKHR}, x::AccelerationStructureGeometryTrianglesDataKHR) = T(x) convert(T::Type{_AccelerationStructureGeometryAabbsDataKHR}, x::AccelerationStructureGeometryAabbsDataKHR) = T(x) convert(T::Type{_AccelerationStructureGeometryInstancesDataKHR}, x::AccelerationStructureGeometryInstancesDataKHR) = T(x) convert(T::Type{_AccelerationStructureGeometryKHR}, x::AccelerationStructureGeometryKHR) = T(x) convert(T::Type{_AccelerationStructureBuildGeometryInfoKHR}, x::AccelerationStructureBuildGeometryInfoKHR) = T(x) convert(T::Type{_AccelerationStructureBuildRangeInfoKHR}, x::AccelerationStructureBuildRangeInfoKHR) = T(x) convert(T::Type{_AccelerationStructureCreateInfoKHR}, x::AccelerationStructureCreateInfoKHR) = T(x) convert(T::Type{_AabbPositionsKHR}, x::AabbPositionsKHR) = T(x) convert(T::Type{_TransformMatrixKHR}, x::TransformMatrixKHR) = T(x) convert(T::Type{_AccelerationStructureInstanceKHR}, x::AccelerationStructureInstanceKHR) = T(x) convert(T::Type{_AccelerationStructureDeviceAddressInfoKHR}, x::AccelerationStructureDeviceAddressInfoKHR) = T(x) convert(T::Type{_AccelerationStructureVersionInfoKHR}, x::AccelerationStructureVersionInfoKHR) = T(x) convert(T::Type{_CopyAccelerationStructureInfoKHR}, x::CopyAccelerationStructureInfoKHR) = T(x) convert(T::Type{_CopyAccelerationStructureToMemoryInfoKHR}, x::CopyAccelerationStructureToMemoryInfoKHR) = T(x) convert(T::Type{_CopyMemoryToAccelerationStructureInfoKHR}, x::CopyMemoryToAccelerationStructureInfoKHR) = T(x) convert(T::Type{_RayTracingPipelineInterfaceCreateInfoKHR}, x::RayTracingPipelineInterfaceCreateInfoKHR) = T(x) convert(T::Type{_PipelineLibraryCreateInfoKHR}, x::PipelineLibraryCreateInfoKHR) = T(x) convert(T::Type{_PhysicalDeviceExtendedDynamicStateFeaturesEXT}, x::PhysicalDeviceExtendedDynamicStateFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceExtendedDynamicState2FeaturesEXT}, x::PhysicalDeviceExtendedDynamicState2FeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceExtendedDynamicState3FeaturesEXT}, x::PhysicalDeviceExtendedDynamicState3FeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceExtendedDynamicState3PropertiesEXT}, x::PhysicalDeviceExtendedDynamicState3PropertiesEXT) = T(x) convert(T::Type{_ColorBlendEquationEXT}, x::ColorBlendEquationEXT) = T(x) convert(T::Type{_ColorBlendAdvancedEXT}, x::ColorBlendAdvancedEXT) = T(x) convert(T::Type{_RenderPassTransformBeginInfoQCOM}, x::RenderPassTransformBeginInfoQCOM) = T(x) convert(T::Type{_CopyCommandTransformInfoQCOM}, x::CopyCommandTransformInfoQCOM) = T(x) convert(T::Type{_CommandBufferInheritanceRenderPassTransformInfoQCOM}, x::CommandBufferInheritanceRenderPassTransformInfoQCOM) = T(x) convert(T::Type{_PhysicalDeviceDiagnosticsConfigFeaturesNV}, x::PhysicalDeviceDiagnosticsConfigFeaturesNV) = T(x) convert(T::Type{_DeviceDiagnosticsConfigCreateInfoNV}, x::DeviceDiagnosticsConfigCreateInfoNV) = T(x) convert(T::Type{_PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures}, x::PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures) = T(x) convert(T::Type{_PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR}, x::PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR) = T(x) convert(T::Type{_PhysicalDeviceRobustness2FeaturesEXT}, x::PhysicalDeviceRobustness2FeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceRobustness2PropertiesEXT}, x::PhysicalDeviceRobustness2PropertiesEXT) = T(x) convert(T::Type{_PhysicalDeviceImageRobustnessFeatures}, x::PhysicalDeviceImageRobustnessFeatures) = T(x) convert(T::Type{_PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR}, x::PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR) = T(x) convert(T::Type{_PhysicalDevice4444FormatsFeaturesEXT}, x::PhysicalDevice4444FormatsFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceSubpassShadingFeaturesHUAWEI}, x::PhysicalDeviceSubpassShadingFeaturesHUAWEI) = T(x) convert(T::Type{_PhysicalDeviceClusterCullingShaderFeaturesHUAWEI}, x::PhysicalDeviceClusterCullingShaderFeaturesHUAWEI) = T(x) convert(T::Type{_BufferCopy2}, x::BufferCopy2) = T(x) convert(T::Type{_ImageCopy2}, x::ImageCopy2) = T(x) convert(T::Type{_ImageBlit2}, x::ImageBlit2) = T(x) convert(T::Type{_BufferImageCopy2}, x::BufferImageCopy2) = T(x) convert(T::Type{_ImageResolve2}, x::ImageResolve2) = T(x) convert(T::Type{_CopyBufferInfo2}, x::CopyBufferInfo2) = T(x) convert(T::Type{_CopyImageInfo2}, x::CopyImageInfo2) = T(x) convert(T::Type{_BlitImageInfo2}, x::BlitImageInfo2) = T(x) convert(T::Type{_CopyBufferToImageInfo2}, x::CopyBufferToImageInfo2) = T(x) convert(T::Type{_CopyImageToBufferInfo2}, x::CopyImageToBufferInfo2) = T(x) convert(T::Type{_ResolveImageInfo2}, x::ResolveImageInfo2) = T(x) convert(T::Type{_PhysicalDeviceShaderImageAtomicInt64FeaturesEXT}, x::PhysicalDeviceShaderImageAtomicInt64FeaturesEXT) = T(x) convert(T::Type{_FragmentShadingRateAttachmentInfoKHR}, x::FragmentShadingRateAttachmentInfoKHR) = T(x) convert(T::Type{_PipelineFragmentShadingRateStateCreateInfoKHR}, x::PipelineFragmentShadingRateStateCreateInfoKHR) = T(x) convert(T::Type{_PhysicalDeviceFragmentShadingRateFeaturesKHR}, x::PhysicalDeviceFragmentShadingRateFeaturesKHR) = T(x) convert(T::Type{_PhysicalDeviceFragmentShadingRatePropertiesKHR}, x::PhysicalDeviceFragmentShadingRatePropertiesKHR) = T(x) convert(T::Type{_PhysicalDeviceFragmentShadingRateKHR}, x::PhysicalDeviceFragmentShadingRateKHR) = T(x) convert(T::Type{_PhysicalDeviceShaderTerminateInvocationFeatures}, x::PhysicalDeviceShaderTerminateInvocationFeatures) = T(x) convert(T::Type{_PhysicalDeviceFragmentShadingRateEnumsFeaturesNV}, x::PhysicalDeviceFragmentShadingRateEnumsFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceFragmentShadingRateEnumsPropertiesNV}, x::PhysicalDeviceFragmentShadingRateEnumsPropertiesNV) = T(x) convert(T::Type{_PipelineFragmentShadingRateEnumStateCreateInfoNV}, x::PipelineFragmentShadingRateEnumStateCreateInfoNV) = T(x) convert(T::Type{_AccelerationStructureBuildSizesInfoKHR}, x::AccelerationStructureBuildSizesInfoKHR) = T(x) convert(T::Type{_PhysicalDeviceImage2DViewOf3DFeaturesEXT}, x::PhysicalDeviceImage2DViewOf3DFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceMutableDescriptorTypeFeaturesEXT}, x::PhysicalDeviceMutableDescriptorTypeFeaturesEXT) = T(x) convert(T::Type{_MutableDescriptorTypeListEXT}, x::MutableDescriptorTypeListEXT) = T(x) convert(T::Type{_MutableDescriptorTypeCreateInfoEXT}, x::MutableDescriptorTypeCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceDepthClipControlFeaturesEXT}, x::PhysicalDeviceDepthClipControlFeaturesEXT) = T(x) convert(T::Type{_PipelineViewportDepthClipControlCreateInfoEXT}, x::PipelineViewportDepthClipControlCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceVertexInputDynamicStateFeaturesEXT}, x::PhysicalDeviceVertexInputDynamicStateFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceExternalMemoryRDMAFeaturesNV}, x::PhysicalDeviceExternalMemoryRDMAFeaturesNV) = T(x) convert(T::Type{_VertexInputBindingDescription2EXT}, x::VertexInputBindingDescription2EXT) = T(x) convert(T::Type{_VertexInputAttributeDescription2EXT}, x::VertexInputAttributeDescription2EXT) = T(x) convert(T::Type{_PhysicalDeviceColorWriteEnableFeaturesEXT}, x::PhysicalDeviceColorWriteEnableFeaturesEXT) = T(x) convert(T::Type{_PipelineColorWriteCreateInfoEXT}, x::PipelineColorWriteCreateInfoEXT) = T(x) convert(T::Type{_MemoryBarrier2}, x::MemoryBarrier2) = T(x) convert(T::Type{_ImageMemoryBarrier2}, x::ImageMemoryBarrier2) = T(x) convert(T::Type{_BufferMemoryBarrier2}, x::BufferMemoryBarrier2) = T(x) convert(T::Type{_DependencyInfo}, x::DependencyInfo) = T(x) convert(T::Type{_SemaphoreSubmitInfo}, x::SemaphoreSubmitInfo) = T(x) convert(T::Type{_CommandBufferSubmitInfo}, x::CommandBufferSubmitInfo) = T(x) convert(T::Type{_SubmitInfo2}, x::SubmitInfo2) = T(x) convert(T::Type{_QueueFamilyCheckpointProperties2NV}, x::QueueFamilyCheckpointProperties2NV) = T(x) convert(T::Type{_CheckpointData2NV}, x::CheckpointData2NV) = T(x) convert(T::Type{_PhysicalDeviceSynchronization2Features}, x::PhysicalDeviceSynchronization2Features) = T(x) convert(T::Type{_PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT}, x::PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceLegacyDitheringFeaturesEXT}, x::PhysicalDeviceLegacyDitheringFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT}, x::PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT) = T(x) convert(T::Type{_SubpassResolvePerformanceQueryEXT}, x::SubpassResolvePerformanceQueryEXT) = T(x) convert(T::Type{_MultisampledRenderToSingleSampledInfoEXT}, x::MultisampledRenderToSingleSampledInfoEXT) = T(x) convert(T::Type{_PhysicalDevicePipelineProtectedAccessFeaturesEXT}, x::PhysicalDevicePipelineProtectedAccessFeaturesEXT) = T(x) convert(T::Type{_QueueFamilyVideoPropertiesKHR}, x::QueueFamilyVideoPropertiesKHR) = T(x) convert(T::Type{_QueueFamilyQueryResultStatusPropertiesKHR}, x::QueueFamilyQueryResultStatusPropertiesKHR) = T(x) convert(T::Type{_VideoProfileListInfoKHR}, x::VideoProfileListInfoKHR) = T(x) convert(T::Type{_PhysicalDeviceVideoFormatInfoKHR}, x::PhysicalDeviceVideoFormatInfoKHR) = T(x) convert(T::Type{_VideoFormatPropertiesKHR}, x::VideoFormatPropertiesKHR) = T(x) convert(T::Type{_VideoProfileInfoKHR}, x::VideoProfileInfoKHR) = T(x) convert(T::Type{_VideoCapabilitiesKHR}, x::VideoCapabilitiesKHR) = T(x) convert(T::Type{_VideoSessionMemoryRequirementsKHR}, x::VideoSessionMemoryRequirementsKHR) = T(x) convert(T::Type{_BindVideoSessionMemoryInfoKHR}, x::BindVideoSessionMemoryInfoKHR) = T(x) convert(T::Type{_VideoPictureResourceInfoKHR}, x::VideoPictureResourceInfoKHR) = T(x) convert(T::Type{_VideoReferenceSlotInfoKHR}, x::VideoReferenceSlotInfoKHR) = T(x) convert(T::Type{_VideoDecodeCapabilitiesKHR}, x::VideoDecodeCapabilitiesKHR) = T(x) convert(T::Type{_VideoDecodeUsageInfoKHR}, x::VideoDecodeUsageInfoKHR) = T(x) convert(T::Type{_VideoDecodeInfoKHR}, x::VideoDecodeInfoKHR) = T(x) convert(T::Type{_VideoDecodeH264ProfileInfoKHR}, x::VideoDecodeH264ProfileInfoKHR) = T(x) convert(T::Type{_VideoDecodeH264CapabilitiesKHR}, x::VideoDecodeH264CapabilitiesKHR) = T(x) convert(T::Type{_VideoDecodeH264SessionParametersAddInfoKHR}, x::VideoDecodeH264SessionParametersAddInfoKHR) = T(x) convert(T::Type{_VideoDecodeH264SessionParametersCreateInfoKHR}, x::VideoDecodeH264SessionParametersCreateInfoKHR) = T(x) convert(T::Type{_VideoDecodeH264PictureInfoKHR}, x::VideoDecodeH264PictureInfoKHR) = T(x) convert(T::Type{_VideoDecodeH264DpbSlotInfoKHR}, x::VideoDecodeH264DpbSlotInfoKHR) = T(x) convert(T::Type{_VideoDecodeH265ProfileInfoKHR}, x::VideoDecodeH265ProfileInfoKHR) = T(x) convert(T::Type{_VideoDecodeH265CapabilitiesKHR}, x::VideoDecodeH265CapabilitiesKHR) = T(x) convert(T::Type{_VideoDecodeH265SessionParametersAddInfoKHR}, x::VideoDecodeH265SessionParametersAddInfoKHR) = T(x) convert(T::Type{_VideoDecodeH265SessionParametersCreateInfoKHR}, x::VideoDecodeH265SessionParametersCreateInfoKHR) = T(x) convert(T::Type{_VideoDecodeH265PictureInfoKHR}, x::VideoDecodeH265PictureInfoKHR) = T(x) convert(T::Type{_VideoDecodeH265DpbSlotInfoKHR}, x::VideoDecodeH265DpbSlotInfoKHR) = T(x) convert(T::Type{_VideoSessionCreateInfoKHR}, x::VideoSessionCreateInfoKHR) = T(x) convert(T::Type{_VideoSessionParametersCreateInfoKHR}, x::VideoSessionParametersCreateInfoKHR) = T(x) convert(T::Type{_VideoSessionParametersUpdateInfoKHR}, x::VideoSessionParametersUpdateInfoKHR) = T(x) convert(T::Type{_VideoBeginCodingInfoKHR}, x::VideoBeginCodingInfoKHR) = T(x) convert(T::Type{_VideoEndCodingInfoKHR}, x::VideoEndCodingInfoKHR) = T(x) convert(T::Type{_VideoCodingControlInfoKHR}, x::VideoCodingControlInfoKHR) = T(x) convert(T::Type{_PhysicalDeviceInheritedViewportScissorFeaturesNV}, x::PhysicalDeviceInheritedViewportScissorFeaturesNV) = T(x) convert(T::Type{_CommandBufferInheritanceViewportScissorInfoNV}, x::CommandBufferInheritanceViewportScissorInfoNV) = T(x) convert(T::Type{_PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT}, x::PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceProvokingVertexFeaturesEXT}, x::PhysicalDeviceProvokingVertexFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceProvokingVertexPropertiesEXT}, x::PhysicalDeviceProvokingVertexPropertiesEXT) = T(x) convert(T::Type{_PipelineRasterizationProvokingVertexStateCreateInfoEXT}, x::PipelineRasterizationProvokingVertexStateCreateInfoEXT) = T(x) convert(T::Type{_CuModuleCreateInfoNVX}, x::CuModuleCreateInfoNVX) = T(x) convert(T::Type{_CuFunctionCreateInfoNVX}, x::CuFunctionCreateInfoNVX) = T(x) convert(T::Type{_CuLaunchInfoNVX}, x::CuLaunchInfoNVX) = T(x) convert(T::Type{_PhysicalDeviceDescriptorBufferFeaturesEXT}, x::PhysicalDeviceDescriptorBufferFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceDescriptorBufferPropertiesEXT}, x::PhysicalDeviceDescriptorBufferPropertiesEXT) = T(x) convert(T::Type{_PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT}, x::PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT) = T(x) convert(T::Type{_DescriptorAddressInfoEXT}, x::DescriptorAddressInfoEXT) = T(x) convert(T::Type{_DescriptorBufferBindingInfoEXT}, x::DescriptorBufferBindingInfoEXT) = T(x) convert(T::Type{_DescriptorBufferBindingPushDescriptorBufferHandleEXT}, x::DescriptorBufferBindingPushDescriptorBufferHandleEXT) = T(x) convert(T::Type{_DescriptorGetInfoEXT}, x::DescriptorGetInfoEXT) = T(x) convert(T::Type{_BufferCaptureDescriptorDataInfoEXT}, x::BufferCaptureDescriptorDataInfoEXT) = T(x) convert(T::Type{_ImageCaptureDescriptorDataInfoEXT}, x::ImageCaptureDescriptorDataInfoEXT) = T(x) convert(T::Type{_ImageViewCaptureDescriptorDataInfoEXT}, x::ImageViewCaptureDescriptorDataInfoEXT) = T(x) convert(T::Type{_SamplerCaptureDescriptorDataInfoEXT}, x::SamplerCaptureDescriptorDataInfoEXT) = T(x) convert(T::Type{_AccelerationStructureCaptureDescriptorDataInfoEXT}, x::AccelerationStructureCaptureDescriptorDataInfoEXT) = T(x) convert(T::Type{_OpaqueCaptureDescriptorDataCreateInfoEXT}, x::OpaqueCaptureDescriptorDataCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceShaderIntegerDotProductFeatures}, x::PhysicalDeviceShaderIntegerDotProductFeatures) = T(x) convert(T::Type{_PhysicalDeviceShaderIntegerDotProductProperties}, x::PhysicalDeviceShaderIntegerDotProductProperties) = T(x) convert(T::Type{_PhysicalDeviceDrmPropertiesEXT}, x::PhysicalDeviceDrmPropertiesEXT) = T(x) convert(T::Type{_PhysicalDeviceFragmentShaderBarycentricFeaturesKHR}, x::PhysicalDeviceFragmentShaderBarycentricFeaturesKHR) = T(x) convert(T::Type{_PhysicalDeviceFragmentShaderBarycentricPropertiesKHR}, x::PhysicalDeviceFragmentShaderBarycentricPropertiesKHR) = T(x) convert(T::Type{_PhysicalDeviceRayTracingMotionBlurFeaturesNV}, x::PhysicalDeviceRayTracingMotionBlurFeaturesNV) = T(x) convert(T::Type{_AccelerationStructureGeometryMotionTrianglesDataNV}, x::AccelerationStructureGeometryMotionTrianglesDataNV) = T(x) convert(T::Type{_AccelerationStructureMotionInfoNV}, x::AccelerationStructureMotionInfoNV) = T(x) convert(T::Type{_SRTDataNV}, x::SRTDataNV) = T(x) convert(T::Type{_AccelerationStructureSRTMotionInstanceNV}, x::AccelerationStructureSRTMotionInstanceNV) = T(x) convert(T::Type{_AccelerationStructureMatrixMotionInstanceNV}, x::AccelerationStructureMatrixMotionInstanceNV) = T(x) convert(T::Type{_AccelerationStructureMotionInstanceNV}, x::AccelerationStructureMotionInstanceNV) = T(x) convert(T::Type{_MemoryGetRemoteAddressInfoNV}, x::MemoryGetRemoteAddressInfoNV) = T(x) convert(T::Type{_PhysicalDeviceRGBA10X6FormatsFeaturesEXT}, x::PhysicalDeviceRGBA10X6FormatsFeaturesEXT) = T(x) convert(T::Type{_FormatProperties3}, x::FormatProperties3) = T(x) convert(T::Type{_DrmFormatModifierPropertiesList2EXT}, x::DrmFormatModifierPropertiesList2EXT) = T(x) convert(T::Type{_DrmFormatModifierProperties2EXT}, x::DrmFormatModifierProperties2EXT) = T(x) convert(T::Type{_PipelineRenderingCreateInfo}, x::PipelineRenderingCreateInfo) = T(x) convert(T::Type{_RenderingInfo}, x::RenderingInfo) = T(x) convert(T::Type{_RenderingAttachmentInfo}, x::RenderingAttachmentInfo) = T(x) convert(T::Type{_RenderingFragmentShadingRateAttachmentInfoKHR}, x::RenderingFragmentShadingRateAttachmentInfoKHR) = T(x) convert(T::Type{_RenderingFragmentDensityMapAttachmentInfoEXT}, x::RenderingFragmentDensityMapAttachmentInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceDynamicRenderingFeatures}, x::PhysicalDeviceDynamicRenderingFeatures) = T(x) convert(T::Type{_CommandBufferInheritanceRenderingInfo}, x::CommandBufferInheritanceRenderingInfo) = T(x) convert(T::Type{_AttachmentSampleCountInfoAMD}, x::AttachmentSampleCountInfoAMD) = T(x) convert(T::Type{_MultiviewPerViewAttributesInfoNVX}, x::MultiviewPerViewAttributesInfoNVX) = T(x) convert(T::Type{_PhysicalDeviceImageViewMinLodFeaturesEXT}, x::PhysicalDeviceImageViewMinLodFeaturesEXT) = T(x) convert(T::Type{_ImageViewMinLodCreateInfoEXT}, x::ImageViewMinLodCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT}, x::PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceLinearColorAttachmentFeaturesNV}, x::PhysicalDeviceLinearColorAttachmentFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT}, x::PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT}, x::PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT) = T(x) convert(T::Type{_GraphicsPipelineLibraryCreateInfoEXT}, x::GraphicsPipelineLibraryCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE}, x::PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE) = T(x) convert(T::Type{_DescriptorSetBindingReferenceVALVE}, x::DescriptorSetBindingReferenceVALVE) = T(x) convert(T::Type{_DescriptorSetLayoutHostMappingInfoVALVE}, x::DescriptorSetLayoutHostMappingInfoVALVE) = T(x) convert(T::Type{_PhysicalDeviceShaderModuleIdentifierFeaturesEXT}, x::PhysicalDeviceShaderModuleIdentifierFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceShaderModuleIdentifierPropertiesEXT}, x::PhysicalDeviceShaderModuleIdentifierPropertiesEXT) = T(x) convert(T::Type{_PipelineShaderStageModuleIdentifierCreateInfoEXT}, x::PipelineShaderStageModuleIdentifierCreateInfoEXT) = T(x) convert(T::Type{_ShaderModuleIdentifierEXT}, x::ShaderModuleIdentifierEXT) = T(x) convert(T::Type{_ImageCompressionControlEXT}, x::ImageCompressionControlEXT) = T(x) convert(T::Type{_PhysicalDeviceImageCompressionControlFeaturesEXT}, x::PhysicalDeviceImageCompressionControlFeaturesEXT) = T(x) convert(T::Type{_ImageCompressionPropertiesEXT}, x::ImageCompressionPropertiesEXT) = T(x) convert(T::Type{_PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT}, x::PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT) = T(x) convert(T::Type{_ImageSubresource2EXT}, x::ImageSubresource2EXT) = T(x) convert(T::Type{_SubresourceLayout2EXT}, x::SubresourceLayout2EXT) = T(x) convert(T::Type{_RenderPassCreationControlEXT}, x::RenderPassCreationControlEXT) = T(x) convert(T::Type{_RenderPassCreationFeedbackInfoEXT}, x::RenderPassCreationFeedbackInfoEXT) = T(x) convert(T::Type{_RenderPassCreationFeedbackCreateInfoEXT}, x::RenderPassCreationFeedbackCreateInfoEXT) = T(x) convert(T::Type{_RenderPassSubpassFeedbackInfoEXT}, x::RenderPassSubpassFeedbackInfoEXT) = T(x) convert(T::Type{_RenderPassSubpassFeedbackCreateInfoEXT}, x::RenderPassSubpassFeedbackCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceSubpassMergeFeedbackFeaturesEXT}, x::PhysicalDeviceSubpassMergeFeedbackFeaturesEXT) = T(x) convert(T::Type{_MicromapBuildInfoEXT}, x::MicromapBuildInfoEXT) = T(x) convert(T::Type{_MicromapCreateInfoEXT}, x::MicromapCreateInfoEXT) = T(x) convert(T::Type{_MicromapVersionInfoEXT}, x::MicromapVersionInfoEXT) = T(x) convert(T::Type{_CopyMicromapInfoEXT}, x::CopyMicromapInfoEXT) = T(x) convert(T::Type{_CopyMicromapToMemoryInfoEXT}, x::CopyMicromapToMemoryInfoEXT) = T(x) convert(T::Type{_CopyMemoryToMicromapInfoEXT}, x::CopyMemoryToMicromapInfoEXT) = T(x) convert(T::Type{_MicromapBuildSizesInfoEXT}, x::MicromapBuildSizesInfoEXT) = T(x) convert(T::Type{_MicromapUsageEXT}, x::MicromapUsageEXT) = T(x) convert(T::Type{_MicromapTriangleEXT}, x::MicromapTriangleEXT) = T(x) convert(T::Type{_PhysicalDeviceOpacityMicromapFeaturesEXT}, x::PhysicalDeviceOpacityMicromapFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceOpacityMicromapPropertiesEXT}, x::PhysicalDeviceOpacityMicromapPropertiesEXT) = T(x) convert(T::Type{_AccelerationStructureTrianglesOpacityMicromapEXT}, x::AccelerationStructureTrianglesOpacityMicromapEXT) = T(x) convert(T::Type{_PipelinePropertiesIdentifierEXT}, x::PipelinePropertiesIdentifierEXT) = T(x) convert(T::Type{_PhysicalDevicePipelinePropertiesFeaturesEXT}, x::PhysicalDevicePipelinePropertiesFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD}, x::PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD) = T(x) convert(T::Type{_ExportMetalObjectCreateInfoEXT}, x::ExportMetalObjectCreateInfoEXT) = T(x) convert(T::Type{_ExportMetalObjectsInfoEXT}, x::ExportMetalObjectsInfoEXT) = T(x) convert(T::Type{_ExportMetalDeviceInfoEXT}, x::ExportMetalDeviceInfoEXT) = T(x) convert(T::Type{_ExportMetalCommandQueueInfoEXT}, x::ExportMetalCommandQueueInfoEXT) = T(x) convert(T::Type{_ExportMetalBufferInfoEXT}, x::ExportMetalBufferInfoEXT) = T(x) convert(T::Type{_ImportMetalBufferInfoEXT}, x::ImportMetalBufferInfoEXT) = T(x) convert(T::Type{_ExportMetalTextureInfoEXT}, x::ExportMetalTextureInfoEXT) = T(x) convert(T::Type{_ImportMetalTextureInfoEXT}, x::ImportMetalTextureInfoEXT) = T(x) convert(T::Type{_ExportMetalIOSurfaceInfoEXT}, x::ExportMetalIOSurfaceInfoEXT) = T(x) convert(T::Type{_ImportMetalIOSurfaceInfoEXT}, x::ImportMetalIOSurfaceInfoEXT) = T(x) convert(T::Type{_ExportMetalSharedEventInfoEXT}, x::ExportMetalSharedEventInfoEXT) = T(x) convert(T::Type{_ImportMetalSharedEventInfoEXT}, x::ImportMetalSharedEventInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceNonSeamlessCubeMapFeaturesEXT}, x::PhysicalDeviceNonSeamlessCubeMapFeaturesEXT) = T(x) convert(T::Type{_PhysicalDevicePipelineRobustnessFeaturesEXT}, x::PhysicalDevicePipelineRobustnessFeaturesEXT) = T(x) convert(T::Type{_PipelineRobustnessCreateInfoEXT}, x::PipelineRobustnessCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDevicePipelineRobustnessPropertiesEXT}, x::PhysicalDevicePipelineRobustnessPropertiesEXT) = T(x) convert(T::Type{_ImageViewSampleWeightCreateInfoQCOM}, x::ImageViewSampleWeightCreateInfoQCOM) = T(x) convert(T::Type{_PhysicalDeviceImageProcessingFeaturesQCOM}, x::PhysicalDeviceImageProcessingFeaturesQCOM) = T(x) convert(T::Type{_PhysicalDeviceImageProcessingPropertiesQCOM}, x::PhysicalDeviceImageProcessingPropertiesQCOM) = T(x) convert(T::Type{_PhysicalDeviceTilePropertiesFeaturesQCOM}, x::PhysicalDeviceTilePropertiesFeaturesQCOM) = T(x) convert(T::Type{_TilePropertiesQCOM}, x::TilePropertiesQCOM) = T(x) convert(T::Type{_PhysicalDeviceAmigoProfilingFeaturesSEC}, x::PhysicalDeviceAmigoProfilingFeaturesSEC) = T(x) convert(T::Type{_AmigoProfilingSubmitInfoSEC}, x::AmigoProfilingSubmitInfoSEC) = T(x) convert(T::Type{_PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT}, x::PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceDepthClampZeroOneFeaturesEXT}, x::PhysicalDeviceDepthClampZeroOneFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceAddressBindingReportFeaturesEXT}, x::PhysicalDeviceAddressBindingReportFeaturesEXT) = T(x) convert(T::Type{_DeviceAddressBindingCallbackDataEXT}, x::DeviceAddressBindingCallbackDataEXT) = T(x) convert(T::Type{_PhysicalDeviceOpticalFlowFeaturesNV}, x::PhysicalDeviceOpticalFlowFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceOpticalFlowPropertiesNV}, x::PhysicalDeviceOpticalFlowPropertiesNV) = T(x) convert(T::Type{_OpticalFlowImageFormatInfoNV}, x::OpticalFlowImageFormatInfoNV) = T(x) convert(T::Type{_OpticalFlowImageFormatPropertiesNV}, x::OpticalFlowImageFormatPropertiesNV) = T(x) convert(T::Type{_OpticalFlowSessionCreateInfoNV}, x::OpticalFlowSessionCreateInfoNV) = T(x) convert(T::Type{_OpticalFlowSessionCreatePrivateDataInfoNV}, x::OpticalFlowSessionCreatePrivateDataInfoNV) = T(x) convert(T::Type{_OpticalFlowExecuteInfoNV}, x::OpticalFlowExecuteInfoNV) = T(x) convert(T::Type{_PhysicalDeviceFaultFeaturesEXT}, x::PhysicalDeviceFaultFeaturesEXT) = T(x) convert(T::Type{_DeviceFaultAddressInfoEXT}, x::DeviceFaultAddressInfoEXT) = T(x) convert(T::Type{_DeviceFaultVendorInfoEXT}, x::DeviceFaultVendorInfoEXT) = T(x) convert(T::Type{_DeviceFaultCountsEXT}, x::DeviceFaultCountsEXT) = T(x) convert(T::Type{_DeviceFaultInfoEXT}, x::DeviceFaultInfoEXT) = T(x) convert(T::Type{_DeviceFaultVendorBinaryHeaderVersionOneEXT}, x::DeviceFaultVendorBinaryHeaderVersionOneEXT) = T(x) convert(T::Type{_PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT}, x::PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT) = T(x) convert(T::Type{_DecompressMemoryRegionNV}, x::DecompressMemoryRegionNV) = T(x) convert(T::Type{_PhysicalDeviceShaderCoreBuiltinsPropertiesARM}, x::PhysicalDeviceShaderCoreBuiltinsPropertiesARM) = T(x) convert(T::Type{_PhysicalDeviceShaderCoreBuiltinsFeaturesARM}, x::PhysicalDeviceShaderCoreBuiltinsFeaturesARM) = T(x) convert(T::Type{_SurfacePresentModeEXT}, x::SurfacePresentModeEXT) = T(x) convert(T::Type{_SurfacePresentScalingCapabilitiesEXT}, x::SurfacePresentScalingCapabilitiesEXT) = T(x) convert(T::Type{_SurfacePresentModeCompatibilityEXT}, x::SurfacePresentModeCompatibilityEXT) = T(x) convert(T::Type{_PhysicalDeviceSwapchainMaintenance1FeaturesEXT}, x::PhysicalDeviceSwapchainMaintenance1FeaturesEXT) = T(x) convert(T::Type{_SwapchainPresentFenceInfoEXT}, x::SwapchainPresentFenceInfoEXT) = T(x) convert(T::Type{_SwapchainPresentModesCreateInfoEXT}, x::SwapchainPresentModesCreateInfoEXT) = T(x) convert(T::Type{_SwapchainPresentModeInfoEXT}, x::SwapchainPresentModeInfoEXT) = T(x) convert(T::Type{_SwapchainPresentScalingCreateInfoEXT}, x::SwapchainPresentScalingCreateInfoEXT) = T(x) convert(T::Type{_ReleaseSwapchainImagesInfoEXT}, x::ReleaseSwapchainImagesInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceRayTracingInvocationReorderFeaturesNV}, x::PhysicalDeviceRayTracingInvocationReorderFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceRayTracingInvocationReorderPropertiesNV}, x::PhysicalDeviceRayTracingInvocationReorderPropertiesNV) = T(x) convert(T::Type{_DirectDriverLoadingInfoLUNARG}, x::DirectDriverLoadingInfoLUNARG) = T(x) convert(T::Type{_DirectDriverLoadingListLUNARG}, x::DirectDriverLoadingListLUNARG) = T(x) convert(T::Type{_PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM}, x::PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM) = T(x) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_LAYER_NOT_PRESENT` - `ERROR_EXTENSION_NOT_PRESENT` - `ERROR_INCOMPATIBLE_DRIVER` Arguments: - `create_info::_InstanceCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateInstance.html) """ function _create_instance(create_info::_InstanceCreateInfo; allocator = C_NULL)::ResultTypes.Result{Instance, VulkanError} pInstance = Ref{VkInstance}() @check @dispatch(nothing, vkCreateInstance(create_info, allocator, pInstance)) @fill_dispatch_table Instance(pInstance[], (x->_destroy_instance(x; allocator))) end """ Arguments: - `instance::Instance` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyInstance.html) """ _destroy_instance(instance; allocator = C_NULL)::Cvoid = @dispatch(instance, vkDestroyInstance(instance, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `instance::Instance` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumeratePhysicalDevices.html) """ function _enumerate_physical_devices(instance)::ResultTypes.Result{Vector{PhysicalDevice}, VulkanError} pPhysicalDeviceCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance, vkEnumeratePhysicalDevices(instance, pPhysicalDeviceCount, C_NULL)) pPhysicalDevices = Vector{VkPhysicalDevice}(undef, pPhysicalDeviceCount[]) @check @dispatch(instance, vkEnumeratePhysicalDevices(instance, pPhysicalDeviceCount, pPhysicalDevices)) end PhysicalDevice.(pPhysicalDevices, identity, instance) end """ Arguments: - `device::Device` - `name::String` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceProcAddr.html) """ _get_device_proc_addr(device, name::AbstractString)::FunctionPtr = vkGetDeviceProcAddr(device, name) """ Arguments: - `name::String` - `instance::Instance`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetInstanceProcAddr.html) """ _get_instance_proc_addr(name::AbstractString; instance = C_NULL)::FunctionPtr = vkGetInstanceProcAddr(instance, name) """ Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceProperties.html) """ function _get_physical_device_properties(physical_device)::_PhysicalDeviceProperties pProperties = Ref{VkPhysicalDeviceProperties}() @dispatch instance(physical_device) vkGetPhysicalDeviceProperties(physical_device, pProperties) from_vk(_PhysicalDeviceProperties, pProperties[]) end """ Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceQueueFamilyProperties.html) """ function _get_physical_device_queue_family_properties(physical_device)::Vector{_QueueFamilyProperties} pQueueFamilyPropertyCount = Ref{UInt32}() @dispatch instance(physical_device) vkGetPhysicalDeviceQueueFamilyProperties(physical_device, pQueueFamilyPropertyCount, C_NULL) pQueueFamilyProperties = Vector{VkQueueFamilyProperties}(undef, pQueueFamilyPropertyCount[]) @dispatch instance(physical_device) vkGetPhysicalDeviceQueueFamilyProperties(physical_device, pQueueFamilyPropertyCount, pQueueFamilyProperties) from_vk.(_QueueFamilyProperties, pQueueFamilyProperties) end """ Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceMemoryProperties.html) """ function _get_physical_device_memory_properties(physical_device)::_PhysicalDeviceMemoryProperties pMemoryProperties = Ref{VkPhysicalDeviceMemoryProperties}() @dispatch instance(physical_device) vkGetPhysicalDeviceMemoryProperties(physical_device, pMemoryProperties) from_vk(_PhysicalDeviceMemoryProperties, pMemoryProperties[]) end """ Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceFeatures.html) """ function _get_physical_device_features(physical_device)::_PhysicalDeviceFeatures pFeatures = Ref{VkPhysicalDeviceFeatures}() @dispatch instance(physical_device) vkGetPhysicalDeviceFeatures(physical_device, pFeatures) from_vk(_PhysicalDeviceFeatures, pFeatures[]) end """ Arguments: - `physical_device::PhysicalDevice` - `format::Format` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceFormatProperties.html) """ function _get_physical_device_format_properties(physical_device, format::Format)::_FormatProperties pFormatProperties = Ref{VkFormatProperties}() @dispatch instance(physical_device) vkGetPhysicalDeviceFormatProperties(physical_device, format, pFormatProperties) from_vk(_FormatProperties, pFormatProperties[]) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_FORMAT_NOT_SUPPORTED` Arguments: - `physical_device::PhysicalDevice` - `format::Format` - `type::ImageType` - `tiling::ImageTiling` - `usage::ImageUsageFlag` - `flags::ImageCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceImageFormatProperties.html) """ function _get_physical_device_image_format_properties(physical_device, format::Format, type::ImageType, tiling::ImageTiling, usage::ImageUsageFlag; flags = 0)::ResultTypes.Result{_ImageFormatProperties, VulkanError} pImageFormatProperties = Ref{VkImageFormatProperties}() @check @dispatch(instance(physical_device), vkGetPhysicalDeviceImageFormatProperties(physical_device, format, type, tiling, usage, flags, pImageFormatProperties)) from_vk(_ImageFormatProperties, pImageFormatProperties[]) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_EXTENSION_NOT_PRESENT` - `ERROR_FEATURE_NOT_PRESENT` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_DEVICE_LOST` Arguments: - `physical_device::PhysicalDevice` - `create_info::_DeviceCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDevice.html) """ function _create_device(physical_device, create_info::_DeviceCreateInfo; allocator = C_NULL)::ResultTypes.Result{Device, VulkanError} pDevice = Ref{VkDevice}() @check @dispatch(instance(physical_device), vkCreateDevice(physical_device, create_info, allocator, pDevice)) @fill_dispatch_table Device(pDevice[], (x->_destroy_device(x; allocator)), physical_device) end """ Arguments: - `device::Device` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDevice.html) """ _destroy_device(device; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyDevice(device, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumerateInstanceVersion.html) """ function _enumerate_instance_version()::ResultTypes.Result{VersionNumber, VulkanError} pApiVersion = Ref{UInt32}() @check @dispatch(nothing, vkEnumerateInstanceVersion(pApiVersion)) from_vk(VersionNumber, pApiVersion[]) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumerateInstanceLayerProperties.html) """ function _enumerate_instance_layer_properties()::ResultTypes.Result{Vector{_LayerProperties}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(nothing, vkEnumerateInstanceLayerProperties(pPropertyCount, C_NULL)) pProperties = Vector{VkLayerProperties}(undef, pPropertyCount[]) @check @dispatch(nothing, vkEnumerateInstanceLayerProperties(pPropertyCount, pProperties)) end from_vk.(_LayerProperties, pProperties) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_LAYER_NOT_PRESENT` Arguments: - `layer_name::String`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumerateInstanceExtensionProperties.html) """ function _enumerate_instance_extension_properties(; layer_name = C_NULL)::ResultTypes.Result{Vector{_ExtensionProperties}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(nothing, vkEnumerateInstanceExtensionProperties(layer_name, pPropertyCount, C_NULL)) pProperties = Vector{VkExtensionProperties}(undef, pPropertyCount[]) @check @dispatch(nothing, vkEnumerateInstanceExtensionProperties(layer_name, pPropertyCount, pProperties)) end from_vk.(_ExtensionProperties, pProperties) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumerateDeviceLayerProperties.html) """ function _enumerate_device_layer_properties(physical_device)::ResultTypes.Result{Vector{_LayerProperties}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkEnumerateDeviceLayerProperties(physical_device, pPropertyCount, C_NULL)) pProperties = Vector{VkLayerProperties}(undef, pPropertyCount[]) @check @dispatch(instance(physical_device), vkEnumerateDeviceLayerProperties(physical_device, pPropertyCount, pProperties)) end from_vk.(_LayerProperties, pProperties) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_LAYER_NOT_PRESENT` Arguments: - `physical_device::PhysicalDevice` - `layer_name::String`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumerateDeviceExtensionProperties.html) """ function _enumerate_device_extension_properties(physical_device; layer_name = C_NULL)::ResultTypes.Result{Vector{_ExtensionProperties}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkEnumerateDeviceExtensionProperties(physical_device, layer_name, pPropertyCount, C_NULL)) pProperties = Vector{VkExtensionProperties}(undef, pPropertyCount[]) @check @dispatch(instance(physical_device), vkEnumerateDeviceExtensionProperties(physical_device, layer_name, pPropertyCount, pProperties)) end from_vk.(_ExtensionProperties, pProperties) end """ Arguments: - `device::Device` - `queue_family_index::UInt32` - `queue_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceQueue.html) """ function _get_device_queue(device, queue_family_index::Integer, queue_index::Integer)::Queue pQueue = Ref{VkQueue}() @dispatch device vkGetDeviceQueue(device, queue_family_index, queue_index, pQueue) Queue(pQueue[], identity, device) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `queue::Queue` (externsync) - `submits::Vector{_SubmitInfo}` - `fence::Fence`: defaults to `C_NULL` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueSubmit.html) """ _queue_submit(queue, submits::AbstractArray; fence = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device(queue), vkQueueSubmit(queue, pointer_length(submits), submits, fence))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `queue::Queue` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueWaitIdle.html) """ _queue_wait_idle(queue)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device(queue), vkQueueWaitIdle(queue))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDeviceWaitIdle.html) """ _device_wait_idle(device)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkDeviceWaitIdle(device))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `allocate_info::_MemoryAllocateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAllocateMemory.html) """ function _allocate_memory(device, allocate_info::_MemoryAllocateInfo; allocator = C_NULL)::ResultTypes.Result{DeviceMemory, VulkanError} pMemory = Ref{VkDeviceMemory}() @check @dispatch(device, vkAllocateMemory(device, allocate_info, allocator, pMemory)) DeviceMemory(pMemory[], begin parent = Vk.handle(device) x->_free_memory(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `memory::DeviceMemory` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkFreeMemory.html) """ _free_memory(device, memory; allocator = C_NULL)::Cvoid = @dispatch(device, vkFreeMemory(device, memory, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_MEMORY_MAP_FAILED` Arguments: - `device::Device` - `memory::DeviceMemory` (externsync) - `offset::UInt64` - `size::UInt64` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkMapMemory.html) """ function _map_memory(device, memory, offset::Integer, size::Integer; flags = 0)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} ppData = Ref{Ptr{Cvoid}}() @check @dispatch(device, vkMapMemory(device, memory, offset, size, flags, ppData)) ppData[] end """ Arguments: - `device::Device` - `memory::DeviceMemory` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkUnmapMemory.html) """ _unmap_memory(device, memory)::Cvoid = @dispatch(device, vkUnmapMemory(device, memory)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `memory_ranges::Vector{_MappedMemoryRange}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkFlushMappedMemoryRanges.html) """ _flush_mapped_memory_ranges(device, memory_ranges::AbstractArray)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkFlushMappedMemoryRanges(device, pointer_length(memory_ranges), memory_ranges))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `memory_ranges::Vector{_MappedMemoryRange}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkInvalidateMappedMemoryRanges.html) """ _invalidate_mapped_memory_ranges(device, memory_ranges::AbstractArray)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkInvalidateMappedMemoryRanges(device, pointer_length(memory_ranges), memory_ranges))) """ Arguments: - `device::Device` - `memory::DeviceMemory` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceMemoryCommitment.html) """ function _get_device_memory_commitment(device, memory)::UInt64 pCommittedMemoryInBytes = Ref{VkDeviceSize}() @dispatch device vkGetDeviceMemoryCommitment(device, memory, pCommittedMemoryInBytes) pCommittedMemoryInBytes[] end """ Arguments: - `device::Device` - `buffer::Buffer` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetBufferMemoryRequirements.html) """ function _get_buffer_memory_requirements(device, buffer)::_MemoryRequirements pMemoryRequirements = Ref{VkMemoryRequirements}() @dispatch device vkGetBufferMemoryRequirements(device, buffer, pMemoryRequirements) from_vk(_MemoryRequirements, pMemoryRequirements[]) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `buffer::Buffer` (externsync) - `memory::DeviceMemory` - `memory_offset::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindBufferMemory.html) """ _bind_buffer_memory(device, buffer, memory, memory_offset::Integer)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkBindBufferMemory(device, buffer, memory, memory_offset))) """ Arguments: - `device::Device` - `image::Image` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageMemoryRequirements.html) """ function _get_image_memory_requirements(device, image)::_MemoryRequirements pMemoryRequirements = Ref{VkMemoryRequirements}() @dispatch device vkGetImageMemoryRequirements(device, image, pMemoryRequirements) from_vk(_MemoryRequirements, pMemoryRequirements[]) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `image::Image` (externsync) - `memory::DeviceMemory` - `memory_offset::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindImageMemory.html) """ _bind_image_memory(device, image, memory, memory_offset::Integer)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkBindImageMemory(device, image, memory, memory_offset))) """ Arguments: - `device::Device` - `image::Image` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageSparseMemoryRequirements.html) """ function _get_image_sparse_memory_requirements(device, image)::Vector{_SparseImageMemoryRequirements} pSparseMemoryRequirementCount = Ref{UInt32}() @dispatch device vkGetImageSparseMemoryRequirements(device, image, pSparseMemoryRequirementCount, C_NULL) pSparseMemoryRequirements = Vector{VkSparseImageMemoryRequirements}(undef, pSparseMemoryRequirementCount[]) @dispatch device vkGetImageSparseMemoryRequirements(device, image, pSparseMemoryRequirementCount, pSparseMemoryRequirements) from_vk.(_SparseImageMemoryRequirements, pSparseMemoryRequirements) end """ Arguments: - `physical_device::PhysicalDevice` - `format::Format` - `type::ImageType` - `samples::SampleCountFlag` - `usage::ImageUsageFlag` - `tiling::ImageTiling` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSparseImageFormatProperties.html) """ function _get_physical_device_sparse_image_format_properties(physical_device, format::Format, type::ImageType, samples::SampleCountFlag, usage::ImageUsageFlag, tiling::ImageTiling)::Vector{_SparseImageFormatProperties} pPropertyCount = Ref{UInt32}() @dispatch instance(physical_device) vkGetPhysicalDeviceSparseImageFormatProperties(physical_device, format, type, VkSampleCountFlagBits(samples.val), usage, tiling, pPropertyCount, C_NULL) pProperties = Vector{VkSparseImageFormatProperties}(undef, pPropertyCount[]) @dispatch instance(physical_device) vkGetPhysicalDeviceSparseImageFormatProperties(physical_device, format, type, VkSampleCountFlagBits(samples.val), usage, tiling, pPropertyCount, pProperties) from_vk.(_SparseImageFormatProperties, pProperties) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `queue::Queue` (externsync) - `bind_info::Vector{_BindSparseInfo}` - `fence::Fence`: defaults to `C_NULL` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueBindSparse.html) """ _queue_bind_sparse(queue, bind_info::AbstractArray; fence = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device(queue), vkQueueBindSparse(queue, pointer_length(bind_info), bind_info, fence))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_FenceCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateFence.html) """ function _create_fence(device, create_info::_FenceCreateInfo; allocator = C_NULL)::ResultTypes.Result{Fence, VulkanError} pFence = Ref{VkFence}() @check @dispatch(device, vkCreateFence(device, create_info, allocator, pFence)) Fence(pFence[], begin parent = Vk.handle(device) x->_destroy_fence(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `fence::Fence` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyFence.html) """ _destroy_fence(device, fence; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyFence(device, fence, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `fences::Vector{Fence}` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkResetFences.html) """ _reset_fences(device, fences::AbstractArray)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkResetFences(device, pointer_length(fences), fences))) """ Return codes: - `SUCCESS` - `NOT_READY` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` - `fence::Fence` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetFenceStatus.html) """ _get_fence_status(device, fence)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkGetFenceStatus(device, fence))) """ Return codes: - `SUCCESS` - `TIMEOUT` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` - `fences::Vector{Fence}` - `wait_all::Bool` - `timeout::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkWaitForFences.html) """ _wait_for_fences(device, fences::AbstractArray, wait_all::Bool, timeout::Integer)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkWaitForFences(device, pointer_length(fences), fences, wait_all, timeout))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_SemaphoreCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSemaphore.html) """ function _create_semaphore(device, create_info::_SemaphoreCreateInfo; allocator = C_NULL)::ResultTypes.Result{Semaphore, VulkanError} pSemaphore = Ref{VkSemaphore}() @check @dispatch(device, vkCreateSemaphore(device, create_info, allocator, pSemaphore)) Semaphore(pSemaphore[], begin parent = Vk.handle(device) x->_destroy_semaphore(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `semaphore::Semaphore` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroySemaphore.html) """ _destroy_semaphore(device, semaphore; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroySemaphore(device, semaphore, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_EventCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateEvent.html) """ function _create_event(device, create_info::_EventCreateInfo; allocator = C_NULL)::ResultTypes.Result{Event, VulkanError} pEvent = Ref{VkEvent}() @check @dispatch(device, vkCreateEvent(device, create_info, allocator, pEvent)) Event(pEvent[], begin parent = Vk.handle(device) x->_destroy_event(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `event::Event` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyEvent.html) """ _destroy_event(device, event; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyEvent(device, event, allocator)) """ Return codes: - `EVENT_SET` - `EVENT_RESET` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` - `event::Event` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetEventStatus.html) """ _get_event_status(device, event)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkGetEventStatus(device, event))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `event::Event` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetEvent.html) """ _set_event(device, event)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkSetEvent(device, event))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `event::Event` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkResetEvent.html) """ _reset_event(device, event)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkResetEvent(device, event))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_QueryPoolCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateQueryPool.html) """ function _create_query_pool(device, create_info::_QueryPoolCreateInfo; allocator = C_NULL)::ResultTypes.Result{QueryPool, VulkanError} pQueryPool = Ref{VkQueryPool}() @check @dispatch(device, vkCreateQueryPool(device, create_info, allocator, pQueryPool)) QueryPool(pQueryPool[], begin parent = Vk.handle(device) x->_destroy_query_pool(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `query_pool::QueryPool` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyQueryPool.html) """ _destroy_query_pool(device, query_pool; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyQueryPool(device, query_pool, allocator)) """ Return codes: - `SUCCESS` - `NOT_READY` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` - `query_pool::QueryPool` - `first_query::UInt32` - `query_count::UInt32` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) - `stride::UInt64` - `flags::QueryResultFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetQueryPoolResults.html) """ _get_query_pool_results(device, query_pool, first_query::Integer, query_count::Integer, data_size::Integer, data::Ptr{Cvoid}, stride::Integer; flags = 0)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkGetQueryPoolResults(device, query_pool, first_query, query_count, data_size, data, stride, flags))) """ Arguments: - `device::Device` - `query_pool::QueryPool` - `first_query::UInt32` - `query_count::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkResetQueryPool.html) """ _reset_query_pool(device, query_pool, first_query::Integer, query_count::Integer)::Cvoid = @dispatch(device, vkResetQueryPool(device, query_pool, first_query, query_count)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `create_info::_BufferCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateBuffer.html) """ function _create_buffer(device, create_info::_BufferCreateInfo; allocator = C_NULL)::ResultTypes.Result{Buffer, VulkanError} pBuffer = Ref{VkBuffer}() @check @dispatch(device, vkCreateBuffer(device, create_info, allocator, pBuffer)) Buffer(pBuffer[], begin parent = Vk.handle(device) x->_destroy_buffer(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `buffer::Buffer` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyBuffer.html) """ _destroy_buffer(device, buffer; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyBuffer(device, buffer, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_BufferViewCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateBufferView.html) """ function _create_buffer_view(device, create_info::_BufferViewCreateInfo; allocator = C_NULL)::ResultTypes.Result{BufferView, VulkanError} pView = Ref{VkBufferView}() @check @dispatch(device, vkCreateBufferView(device, create_info, allocator, pView)) BufferView(pView[], begin parent = Vk.handle(device) x->_destroy_buffer_view(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `buffer_view::BufferView` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyBufferView.html) """ _destroy_buffer_view(device, buffer_view; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyBufferView(device, buffer_view, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_COMPRESSION_EXHAUSTED_EXT` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `create_info::_ImageCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateImage.html) """ function _create_image(device, create_info::_ImageCreateInfo; allocator = C_NULL)::ResultTypes.Result{Image, VulkanError} pImage = Ref{VkImage}() @check @dispatch(device, vkCreateImage(device, create_info, allocator, pImage)) Image(pImage[], begin parent = Vk.handle(device) x->_destroy_image(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `image::Image` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyImage.html) """ _destroy_image(device, image; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyImage(device, image, allocator)) """ Arguments: - `device::Device` - `image::Image` - `subresource::_ImageSubresource` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageSubresourceLayout.html) """ function _get_image_subresource_layout(device, image, subresource::_ImageSubresource)::_SubresourceLayout pLayout = Ref{VkSubresourceLayout}() @dispatch device vkGetImageSubresourceLayout(device, image, subresource, pLayout) from_vk(_SubresourceLayout, pLayout[]) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `create_info::_ImageViewCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateImageView.html) """ function _create_image_view(device, create_info::_ImageViewCreateInfo; allocator = C_NULL)::ResultTypes.Result{ImageView, VulkanError} pView = Ref{VkImageView}() @check @dispatch(device, vkCreateImageView(device, create_info, allocator, pView)) ImageView(pView[], begin parent = Vk.handle(device) x->_destroy_image_view(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `image_view::ImageView` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyImageView.html) """ _destroy_image_view(device, image_view; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyImageView(device, image_view, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_SHADER_NV` Arguments: - `device::Device` - `create_info::_ShaderModuleCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateShaderModule.html) """ function _create_shader_module(device, create_info::_ShaderModuleCreateInfo; allocator = C_NULL)::ResultTypes.Result{ShaderModule, VulkanError} pShaderModule = Ref{VkShaderModule}() @check @dispatch(device, vkCreateShaderModule(device, create_info, allocator, pShaderModule)) ShaderModule(pShaderModule[], begin parent = Vk.handle(device) x->_destroy_shader_module(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `shader_module::ShaderModule` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyShaderModule.html) """ _destroy_shader_module(device, shader_module; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyShaderModule(device, shader_module, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_PipelineCacheCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePipelineCache.html) """ function _create_pipeline_cache(device, create_info::_PipelineCacheCreateInfo; allocator = C_NULL)::ResultTypes.Result{PipelineCache, VulkanError} pPipelineCache = Ref{VkPipelineCache}() @check @dispatch(device, vkCreatePipelineCache(device, create_info, allocator, pPipelineCache)) PipelineCache(pPipelineCache[], begin parent = Vk.handle(device) x->_destroy_pipeline_cache(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `pipeline_cache::PipelineCache` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyPipelineCache.html) """ _destroy_pipeline_cache(device, pipeline_cache; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyPipelineCache(device, pipeline_cache, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `pipeline_cache::PipelineCache` !!! warning The pointer returned by this function holds memory owned by Julia. It is therefore **your** responsibility to free it after use (e.g. with `Libc.free`). [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPipelineCacheData.html) """ function _get_pipeline_cache_data(device, pipeline_cache)::ResultTypes.Result{Tuple{UInt, Ptr{Cvoid}}, VulkanError} pDataSize = Ref{UInt}() @repeat_while_incomplete begin @check @dispatch(device, vkGetPipelineCacheData(device, pipeline_cache, pDataSize, C_NULL)) pData = Libc.malloc(pDataSize[]) @check @dispatch(device, vkGetPipelineCacheData(device, pipeline_cache, pDataSize, pData)) if _return_code == VK_INCOMPLETE Libc.free(pData) end end (pDataSize[], pData) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `dst_cache::PipelineCache` (externsync) - `src_caches::Vector{PipelineCache}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkMergePipelineCaches.html) """ _merge_pipeline_caches(device, dst_cache, src_caches::AbstractArray)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkMergePipelineCaches(device, dst_cache, pointer_length(src_caches), src_caches))) """ Return codes: - `SUCCESS` - `PIPELINE_COMPILE_REQUIRED_EXT` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_SHADER_NV` Arguments: - `device::Device` - `create_infos::Vector{_GraphicsPipelineCreateInfo}` - `pipeline_cache::PipelineCache`: defaults to `C_NULL` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateGraphicsPipelines.html) """ function _create_graphics_pipelines(device, create_infos::AbstractArray; pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} pPipelines = Vector{VkPipeline}(undef, pointer_length(create_infos)) @check @dispatch(device, vkCreateGraphicsPipelines(device, pipeline_cache, pointer_length(create_infos), create_infos, allocator, pPipelines)) (Pipeline.(pPipelines, begin parent = Vk.handle(device) x->_destroy_pipeline(parent, x; allocator) end, device), _return_code) end """ Return codes: - `SUCCESS` - `PIPELINE_COMPILE_REQUIRED_EXT` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_SHADER_NV` Arguments: - `device::Device` - `create_infos::Vector{_ComputePipelineCreateInfo}` - `pipeline_cache::PipelineCache`: defaults to `C_NULL` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateComputePipelines.html) """ function _create_compute_pipelines(device, create_infos::AbstractArray; pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} pPipelines = Vector{VkPipeline}(undef, pointer_length(create_infos)) @check @dispatch(device, vkCreateComputePipelines(device, pipeline_cache, pointer_length(create_infos), create_infos, allocator, pPipelines)) (Pipeline.(pPipelines, begin parent = Vk.handle(device) x->_destroy_pipeline(parent, x; allocator) end, device), _return_code) end """ Extension: VK\\_HUAWEI\\_subpass\\_shading Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `renderpass::RenderPass` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceSubpassShadingMaxWorkgroupSizeHUAWEI.html) """ function _get_device_subpass_shading_max_workgroup_size_huawei(device, renderpass)::ResultTypes.Result{_Extent2D, VulkanError} pMaxWorkgroupSize = Ref{VkExtent2D}() @check @dispatch(device, vkGetDeviceSubpassShadingMaxWorkgroupSizeHUAWEI(device, renderpass, pMaxWorkgroupSize)) from_vk(_Extent2D, pMaxWorkgroupSize[]) end """ Arguments: - `device::Device` - `pipeline::Pipeline` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyPipeline.html) """ _destroy_pipeline(device, pipeline; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyPipeline(device, pipeline, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_PipelineLayoutCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePipelineLayout.html) """ function _create_pipeline_layout(device, create_info::_PipelineLayoutCreateInfo; allocator = C_NULL)::ResultTypes.Result{PipelineLayout, VulkanError} pPipelineLayout = Ref{VkPipelineLayout}() @check @dispatch(device, vkCreatePipelineLayout(device, create_info, allocator, pPipelineLayout)) PipelineLayout(pPipelineLayout[], begin parent = Vk.handle(device) x->_destroy_pipeline_layout(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `pipeline_layout::PipelineLayout` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyPipelineLayout.html) """ _destroy_pipeline_layout(device, pipeline_layout; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyPipelineLayout(device, pipeline_layout, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `create_info::_SamplerCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSampler.html) """ function _create_sampler(device, create_info::_SamplerCreateInfo; allocator = C_NULL)::ResultTypes.Result{Sampler, VulkanError} pSampler = Ref{VkSampler}() @check @dispatch(device, vkCreateSampler(device, create_info, allocator, pSampler)) Sampler(pSampler[], begin parent = Vk.handle(device) x->_destroy_sampler(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `sampler::Sampler` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroySampler.html) """ _destroy_sampler(device, sampler; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroySampler(device, sampler, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_DescriptorSetLayoutCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorSetLayout.html) """ function _create_descriptor_set_layout(device, create_info::_DescriptorSetLayoutCreateInfo; allocator = C_NULL)::ResultTypes.Result{DescriptorSetLayout, VulkanError} pSetLayout = Ref{VkDescriptorSetLayout}() @check @dispatch(device, vkCreateDescriptorSetLayout(device, create_info, allocator, pSetLayout)) DescriptorSetLayout(pSetLayout[], begin parent = Vk.handle(device) x->_destroy_descriptor_set_layout(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `descriptor_set_layout::DescriptorSetLayout` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDescriptorSetLayout.html) """ _destroy_descriptor_set_layout(device, descriptor_set_layout; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyDescriptorSetLayout(device, descriptor_set_layout, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_FRAGMENTATION_EXT` Arguments: - `device::Device` - `create_info::_DescriptorPoolCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorPool.html) """ function _create_descriptor_pool(device, create_info::_DescriptorPoolCreateInfo; allocator = C_NULL)::ResultTypes.Result{DescriptorPool, VulkanError} pDescriptorPool = Ref{VkDescriptorPool}() @check @dispatch(device, vkCreateDescriptorPool(device, create_info, allocator, pDescriptorPool)) DescriptorPool(pDescriptorPool[], begin parent = Vk.handle(device) x->_destroy_descriptor_pool(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `descriptor_pool::DescriptorPool` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDescriptorPool.html) """ _destroy_descriptor_pool(device, descriptor_pool; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyDescriptorPool(device, descriptor_pool, allocator)) """ Arguments: - `device::Device` - `descriptor_pool::DescriptorPool` (externsync) - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkResetDescriptorPool.html) """ function _reset_descriptor_pool(device, descriptor_pool; flags = 0)::Nothing @dispatch device vkResetDescriptorPool(device, descriptor_pool, flags) nothing end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_FRAGMENTED_POOL` - `ERROR_OUT_OF_POOL_MEMORY` Arguments: - `device::Device` - `allocate_info::_DescriptorSetAllocateInfo` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAllocateDescriptorSets.html) """ function _allocate_descriptor_sets(device, allocate_info::_DescriptorSetAllocateInfo)::ResultTypes.Result{Vector{DescriptorSet}, VulkanError} pDescriptorSets = Vector{VkDescriptorSet}(undef, allocate_info.vks.descriptorSetCount) @check @dispatch(device, vkAllocateDescriptorSets(device, allocate_info, pDescriptorSets)) DescriptorSet.(pDescriptorSets, identity, getproperty(allocate_info, :descriptor_pool)) end """ Arguments: - `device::Device` - `descriptor_pool::DescriptorPool` (externsync) - `descriptor_sets::Vector{DescriptorSet}` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkFreeDescriptorSets.html) """ function _free_descriptor_sets(device, descriptor_pool, descriptor_sets::AbstractArray)::Nothing @dispatch device vkFreeDescriptorSets(device, descriptor_pool, pointer_length(descriptor_sets), descriptor_sets) nothing end """ Arguments: - `device::Device` - `descriptor_writes::Vector{_WriteDescriptorSet}` - `descriptor_copies::Vector{_CopyDescriptorSet}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkUpdateDescriptorSets.html) """ _update_descriptor_sets(device, descriptor_writes::AbstractArray, descriptor_copies::AbstractArray)::Cvoid = @dispatch(device, vkUpdateDescriptorSets(device, pointer_length(descriptor_writes), descriptor_writes, pointer_length(descriptor_copies), descriptor_copies)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_FramebufferCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateFramebuffer.html) """ function _create_framebuffer(device, create_info::_FramebufferCreateInfo; allocator = C_NULL)::ResultTypes.Result{Framebuffer, VulkanError} pFramebuffer = Ref{VkFramebuffer}() @check @dispatch(device, vkCreateFramebuffer(device, create_info, allocator, pFramebuffer)) Framebuffer(pFramebuffer[], begin parent = Vk.handle(device) x->_destroy_framebuffer(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `framebuffer::Framebuffer` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyFramebuffer.html) """ _destroy_framebuffer(device, framebuffer; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyFramebuffer(device, framebuffer, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_RenderPassCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRenderPass.html) """ function _create_render_pass(device, create_info::_RenderPassCreateInfo; allocator = C_NULL)::ResultTypes.Result{RenderPass, VulkanError} pRenderPass = Ref{VkRenderPass}() @check @dispatch(device, vkCreateRenderPass(device, create_info, allocator, pRenderPass)) RenderPass(pRenderPass[], begin parent = Vk.handle(device) x->_destroy_render_pass(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `render_pass::RenderPass` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyRenderPass.html) """ _destroy_render_pass(device, render_pass; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyRenderPass(device, render_pass, allocator)) """ Arguments: - `device::Device` - `render_pass::RenderPass` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetRenderAreaGranularity.html) """ function _get_render_area_granularity(device, render_pass)::_Extent2D pGranularity = Ref{VkExtent2D}() @dispatch device vkGetRenderAreaGranularity(device, render_pass, pGranularity) from_vk(_Extent2D, pGranularity[]) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_CommandPoolCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCommandPool.html) """ function _create_command_pool(device, create_info::_CommandPoolCreateInfo; allocator = C_NULL)::ResultTypes.Result{CommandPool, VulkanError} pCommandPool = Ref{VkCommandPool}() @check @dispatch(device, vkCreateCommandPool(device, create_info, allocator, pCommandPool)) CommandPool(pCommandPool[], begin parent = Vk.handle(device) x->_destroy_command_pool(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `command_pool::CommandPool` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyCommandPool.html) """ _destroy_command_pool(device, command_pool; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyCommandPool(device, command_pool, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `command_pool::CommandPool` (externsync) - `flags::CommandPoolResetFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkResetCommandPool.html) """ _reset_command_pool(device, command_pool; flags = 0)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkResetCommandPool(device, command_pool, flags))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `allocate_info::_CommandBufferAllocateInfo` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAllocateCommandBuffers.html) """ function _allocate_command_buffers(device, allocate_info::_CommandBufferAllocateInfo)::ResultTypes.Result{Vector{CommandBuffer}, VulkanError} pCommandBuffers = Vector{VkCommandBuffer}(undef, allocate_info.vks.commandBufferCount) @check @dispatch(device, vkAllocateCommandBuffers(device, allocate_info, pCommandBuffers)) CommandBuffer.(pCommandBuffers, identity, getproperty(allocate_info, :command_pool)) end """ Arguments: - `device::Device` - `command_pool::CommandPool` (externsync) - `command_buffers::Vector{CommandBuffer}` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkFreeCommandBuffers.html) """ _free_command_buffers(device, command_pool, command_buffers::AbstractArray)::Cvoid = @dispatch(device, vkFreeCommandBuffers(device, command_pool, pointer_length(command_buffers), command_buffers)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `command_buffer::CommandBuffer` (externsync) - `begin_info::_CommandBufferBeginInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBeginCommandBuffer.html) """ _begin_command_buffer(command_buffer, begin_info::_CommandBufferBeginInfo)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device(command_buffer), vkBeginCommandBuffer(command_buffer, begin_info))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEndCommandBuffer.html) """ _end_command_buffer(command_buffer)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device(command_buffer), vkEndCommandBuffer(command_buffer))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `command_buffer::CommandBuffer` (externsync) - `flags::CommandBufferResetFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkResetCommandBuffer.html) """ _reset_command_buffer(command_buffer; flags = 0)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device(command_buffer), vkResetCommandBuffer(command_buffer, flags))) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_bind_point::PipelineBindPoint` - `pipeline::Pipeline` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindPipeline.html) """ _cmd_bind_pipeline(command_buffer, pipeline_bind_point::PipelineBindPoint, pipeline)::Cvoid = @dispatch(device(command_buffer), vkCmdBindPipeline(command_buffer, pipeline_bind_point, pipeline)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `viewports::Vector{_Viewport}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetViewport.html) """ _cmd_set_viewport(command_buffer, viewports::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetViewport(command_buffer, 0, pointer_length(viewports), viewports)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `scissors::Vector{_Rect2D}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetScissor.html) """ _cmd_set_scissor(command_buffer, scissors::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetScissor(command_buffer, 0, pointer_length(scissors), scissors)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `line_width::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetLineWidth.html) """ _cmd_set_line_width(command_buffer, line_width::Real)::Cvoid = @dispatch(device(command_buffer), vkCmdSetLineWidth(command_buffer, line_width)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_bias_constant_factor::Float32` - `depth_bias_clamp::Float32` - `depth_bias_slope_factor::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthBias.html) """ _cmd_set_depth_bias(command_buffer, depth_bias_constant_factor::Real, depth_bias_clamp::Real, depth_bias_slope_factor::Real)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDepthBias(command_buffer, depth_bias_constant_factor, depth_bias_clamp, depth_bias_slope_factor)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `blend_constants::NTuple{4, Float32}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetBlendConstants.html) """ _cmd_set_blend_constants(command_buffer, blend_constants::NTuple{4, Float32})::Cvoid = @dispatch(device(command_buffer), vkCmdSetBlendConstants(command_buffer, blend_constants)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `min_depth_bounds::Float32` - `max_depth_bounds::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthBounds.html) """ _cmd_set_depth_bounds(command_buffer, min_depth_bounds::Real, max_depth_bounds::Real)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDepthBounds(command_buffer, min_depth_bounds, max_depth_bounds)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `face_mask::StencilFaceFlag` - `compare_mask::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetStencilCompareMask.html) """ _cmd_set_stencil_compare_mask(command_buffer, face_mask::StencilFaceFlag, compare_mask::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdSetStencilCompareMask(command_buffer, face_mask, compare_mask)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `face_mask::StencilFaceFlag` - `write_mask::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetStencilWriteMask.html) """ _cmd_set_stencil_write_mask(command_buffer, face_mask::StencilFaceFlag, write_mask::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdSetStencilWriteMask(command_buffer, face_mask, write_mask)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `face_mask::StencilFaceFlag` - `reference::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetStencilReference.html) """ _cmd_set_stencil_reference(command_buffer, face_mask::StencilFaceFlag, reference::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdSetStencilReference(command_buffer, face_mask, reference)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_bind_point::PipelineBindPoint` - `layout::PipelineLayout` - `first_set::UInt32` - `descriptor_sets::Vector{DescriptorSet}` - `dynamic_offsets::Vector{UInt32}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindDescriptorSets.html) """ _cmd_bind_descriptor_sets(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, first_set::Integer, descriptor_sets::AbstractArray, dynamic_offsets::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdBindDescriptorSets(command_buffer, pipeline_bind_point, layout, first_set, pointer_length(descriptor_sets), descriptor_sets, pointer_length(dynamic_offsets), dynamic_offsets)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `index_type::IndexType` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindIndexBuffer.html) """ _cmd_bind_index_buffer(command_buffer, buffer, offset::Integer, index_type::IndexType)::Cvoid = @dispatch(device(command_buffer), vkCmdBindIndexBuffer(command_buffer, buffer, offset, index_type)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffers::Vector{Buffer}` - `offsets::Vector{UInt64}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindVertexBuffers.html) """ _cmd_bind_vertex_buffers(command_buffer, buffers::AbstractArray, offsets::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdBindVertexBuffers(command_buffer, 0, pointer_length(buffers), buffers, offsets)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `vertex_count::UInt32` - `instance_count::UInt32` - `first_vertex::UInt32` - `first_instance::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDraw.html) """ _cmd_draw(command_buffer, vertex_count::Integer, instance_count::Integer, first_vertex::Integer, first_instance::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDraw(command_buffer, vertex_count, instance_count, first_vertex, first_instance)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `index_count::UInt32` - `instance_count::UInt32` - `first_index::UInt32` - `vertex_offset::Int32` - `first_instance::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawIndexed.html) """ _cmd_draw_indexed(command_buffer, index_count::Integer, instance_count::Integer, first_index::Integer, vertex_offset::Integer, first_instance::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawIndexed(command_buffer, index_count, instance_count, first_index, vertex_offset, first_instance)) """ Extension: VK\\_EXT\\_multi\\_draw Arguments: - `command_buffer::CommandBuffer` (externsync) - `vertex_info::Vector{_MultiDrawInfoEXT}` - `instance_count::UInt32` - `first_instance::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMultiEXT.html) """ _cmd_draw_multi_ext(command_buffer, vertex_info::AbstractArray, instance_count::Integer, first_instance::Integer, stride::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawMultiEXT(command_buffer, pointer_length(vertex_info), vertex_info, instance_count, first_instance, stride)) """ Extension: VK\\_EXT\\_multi\\_draw Arguments: - `command_buffer::CommandBuffer` (externsync) - `index_info::Vector{_MultiDrawIndexedInfoEXT}` - `instance_count::UInt32` - `first_instance::UInt32` - `stride::UInt32` - `vertex_offset::Int32`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMultiIndexedEXT.html) """ _cmd_draw_multi_indexed_ext(command_buffer, index_info::AbstractArray, instance_count::Integer, first_instance::Integer, stride::Integer; vertex_offset = C_NULL)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawMultiIndexedEXT(command_buffer, pointer_length(index_info), index_info, instance_count, first_instance, stride, if vertex_offset == C_NULL C_NULL else Ref(vertex_offset) end)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawIndirect.html) """ _cmd_draw_indirect(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawIndirect(command_buffer, buffer, offset, draw_count, stride)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawIndexedIndirect.html) """ _cmd_draw_indexed_indirect(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawIndexedIndirect(command_buffer, buffer, offset, draw_count, stride)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `group_count_x::UInt32` - `group_count_y::UInt32` - `group_count_z::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDispatch.html) """ _cmd_dispatch(command_buffer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDispatch(command_buffer, group_count_x, group_count_y, group_count_z)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDispatchIndirect.html) """ _cmd_dispatch_indirect(command_buffer, buffer, offset::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDispatchIndirect(command_buffer, buffer, offset)) """ Extension: VK\\_HUAWEI\\_subpass\\_shading Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSubpassShadingHUAWEI.html) """ _cmd_subpass_shading_huawei(command_buffer)::Cvoid = @dispatch(device(command_buffer), vkCmdSubpassShadingHUAWEI(command_buffer)) """ Extension: VK\\_HUAWEI\\_cluster\\_culling\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `group_count_x::UInt32` - `group_count_y::UInt32` - `group_count_z::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawClusterHUAWEI.html) """ _cmd_draw_cluster_huawei(command_buffer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawClusterHUAWEI(command_buffer, group_count_x, group_count_y, group_count_z)) """ Extension: VK\\_HUAWEI\\_cluster\\_culling\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawClusterIndirectHUAWEI.html) """ _cmd_draw_cluster_indirect_huawei(command_buffer, buffer, offset::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawClusterIndirectHUAWEI(command_buffer, buffer, offset)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `src_buffer::Buffer` - `dst_buffer::Buffer` - `regions::Vector{_BufferCopy}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyBuffer.html) """ _cmd_copy_buffer(command_buffer, src_buffer, dst_buffer, regions::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyBuffer(command_buffer, src_buffer, dst_buffer, pointer_length(regions), regions)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{_ImageCopy}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyImage.html) """ _cmd_copy_image(command_buffer, src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyImage(command_buffer, src_image, src_image_layout, dst_image, dst_image_layout, pointer_length(regions), regions)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{_ImageBlit}` - `filter::Filter` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBlitImage.html) """ _cmd_blit_image(command_buffer, src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray, filter::Filter)::Cvoid = @dispatch(device(command_buffer), vkCmdBlitImage(command_buffer, src_image, src_image_layout, dst_image, dst_image_layout, pointer_length(regions), regions, filter)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `src_buffer::Buffer` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{_BufferImageCopy}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyBufferToImage.html) """ _cmd_copy_buffer_to_image(command_buffer, src_buffer, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyBufferToImage(command_buffer, src_buffer, dst_image, dst_image_layout, pointer_length(regions), regions)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_buffer::Buffer` - `regions::Vector{_BufferImageCopy}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyImageToBuffer.html) """ _cmd_copy_image_to_buffer(command_buffer, src_image, src_image_layout::ImageLayout, dst_buffer, regions::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyImageToBuffer(command_buffer, src_image, src_image_layout, dst_buffer, pointer_length(regions), regions)) """ Extension: VK\\_NV\\_copy\\_memory\\_indirect Arguments: - `command_buffer::CommandBuffer` (externsync) - `copy_buffer_address::UInt64` - `copy_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyMemoryIndirectNV.html) """ _cmd_copy_memory_indirect_nv(command_buffer, copy_buffer_address::Integer, copy_count::Integer, stride::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyMemoryIndirectNV(command_buffer, copy_buffer_address, copy_count, stride)) """ Extension: VK\\_NV\\_copy\\_memory\\_indirect Arguments: - `command_buffer::CommandBuffer` (externsync) - `copy_buffer_address::UInt64` - `stride::UInt32` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `image_subresources::Vector{_ImageSubresourceLayers}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyMemoryToImageIndirectNV.html) """ _cmd_copy_memory_to_image_indirect_nv(command_buffer, copy_buffer_address::Integer, stride::Integer, dst_image, dst_image_layout::ImageLayout, image_subresources::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyMemoryToImageIndirectNV(command_buffer, copy_buffer_address, pointer_length(image_subresources), stride, dst_image, dst_image_layout, image_subresources)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `dst_buffer::Buffer` - `dst_offset::UInt64` - `data_size::UInt64` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdUpdateBuffer.html) """ _cmd_update_buffer(command_buffer, dst_buffer, dst_offset::Integer, data_size::Integer, data::Ptr{Cvoid})::Cvoid = @dispatch(device(command_buffer), vkCmdUpdateBuffer(command_buffer, dst_buffer, dst_offset, data_size, data)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `dst_buffer::Buffer` - `dst_offset::UInt64` - `size::UInt64` - `data::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdFillBuffer.html) """ _cmd_fill_buffer(command_buffer, dst_buffer, dst_offset::Integer, size::Integer, data::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdFillBuffer(command_buffer, dst_buffer, dst_offset, size, data)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `image::Image` - `image_layout::ImageLayout` - `color::_ClearColorValue` - `ranges::Vector{_ImageSubresourceRange}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdClearColorImage.html) """ _cmd_clear_color_image(command_buffer, image, image_layout::ImageLayout, color::_ClearColorValue, ranges::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdClearColorImage(command_buffer, image, image_layout, color, pointer_length(ranges), ranges)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `image::Image` - `image_layout::ImageLayout` - `depth_stencil::_ClearDepthStencilValue` - `ranges::Vector{_ImageSubresourceRange}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdClearDepthStencilImage.html) """ _cmd_clear_depth_stencil_image(command_buffer, image, image_layout::ImageLayout, depth_stencil::_ClearDepthStencilValue, ranges::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdClearDepthStencilImage(command_buffer, image, image_layout, depth_stencil, pointer_length(ranges), ranges)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `attachments::Vector{_ClearAttachment}` - `rects::Vector{_ClearRect}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdClearAttachments.html) """ _cmd_clear_attachments(command_buffer, attachments::AbstractArray, rects::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdClearAttachments(command_buffer, pointer_length(attachments), attachments, pointer_length(rects), rects)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{_ImageResolve}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdResolveImage.html) """ _cmd_resolve_image(command_buffer, src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdResolveImage(command_buffer, src_image, src_image_layout, dst_image, dst_image_layout, pointer_length(regions), regions)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `event::Event` - `stage_mask::PipelineStageFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetEvent.html) """ _cmd_set_event(command_buffer, event; stage_mask = 0)::Cvoid = @dispatch(device(command_buffer), vkCmdSetEvent(command_buffer, event, stage_mask)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `event::Event` - `stage_mask::PipelineStageFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdResetEvent.html) """ _cmd_reset_event(command_buffer, event; stage_mask = 0)::Cvoid = @dispatch(device(command_buffer), vkCmdResetEvent(command_buffer, event, stage_mask)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `events::Vector{Event}` - `memory_barriers::Vector{_MemoryBarrier}` - `buffer_memory_barriers::Vector{_BufferMemoryBarrier}` - `image_memory_barriers::Vector{_ImageMemoryBarrier}` - `src_stage_mask::PipelineStageFlag`: defaults to `0` - `dst_stage_mask::PipelineStageFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWaitEvents.html) """ _cmd_wait_events(command_buffer, events::AbstractArray, memory_barriers::AbstractArray, buffer_memory_barriers::AbstractArray, image_memory_barriers::AbstractArray; src_stage_mask = 0, dst_stage_mask = 0)::Cvoid = @dispatch(device(command_buffer), vkCmdWaitEvents(command_buffer, pointer_length(events), events, src_stage_mask, dst_stage_mask, pointer_length(memory_barriers), memory_barriers, pointer_length(buffer_memory_barriers), buffer_memory_barriers, pointer_length(image_memory_barriers), image_memory_barriers)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `memory_barriers::Vector{_MemoryBarrier}` - `buffer_memory_barriers::Vector{_BufferMemoryBarrier}` - `image_memory_barriers::Vector{_ImageMemoryBarrier}` - `src_stage_mask::PipelineStageFlag`: defaults to `0` - `dst_stage_mask::PipelineStageFlag`: defaults to `0` - `dependency_flags::DependencyFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdPipelineBarrier.html) """ _cmd_pipeline_barrier(command_buffer, memory_barriers::AbstractArray, buffer_memory_barriers::AbstractArray, image_memory_barriers::AbstractArray; src_stage_mask = 0, dst_stage_mask = 0, dependency_flags = 0)::Cvoid = @dispatch(device(command_buffer), vkCmdPipelineBarrier(command_buffer, src_stage_mask, dst_stage_mask, dependency_flags, pointer_length(memory_barriers), memory_barriers, pointer_length(buffer_memory_barriers), buffer_memory_barriers, pointer_length(image_memory_barriers), image_memory_barriers)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `query::UInt32` - `flags::QueryControlFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginQuery.html) """ _cmd_begin_query(command_buffer, query_pool, query::Integer; flags = 0)::Cvoid = @dispatch(device(command_buffer), vkCmdBeginQuery(command_buffer, query_pool, query, flags)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `query::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndQuery.html) """ _cmd_end_query(command_buffer, query_pool, query::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdEndQuery(command_buffer, query_pool, query)) """ Extension: VK\\_EXT\\_conditional\\_rendering Arguments: - `command_buffer::CommandBuffer` (externsync) - `conditional_rendering_begin::_ConditionalRenderingBeginInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginConditionalRenderingEXT.html) """ _cmd_begin_conditional_rendering_ext(command_buffer, conditional_rendering_begin::_ConditionalRenderingBeginInfoEXT)::Cvoid = @dispatch(device(command_buffer), vkCmdBeginConditionalRenderingEXT(command_buffer, conditional_rendering_begin)) """ Extension: VK\\_EXT\\_conditional\\_rendering Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndConditionalRenderingEXT.html) """ _cmd_end_conditional_rendering_ext(command_buffer)::Cvoid = @dispatch(device(command_buffer), vkCmdEndConditionalRenderingEXT(command_buffer)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `first_query::UInt32` - `query_count::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdResetQueryPool.html) """ _cmd_reset_query_pool(command_buffer, query_pool, first_query::Integer, query_count::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdResetQueryPool(command_buffer, query_pool, first_query, query_count)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_stage::PipelineStageFlag` - `query_pool::QueryPool` - `query::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteTimestamp.html) """ _cmd_write_timestamp(command_buffer, pipeline_stage::PipelineStageFlag, query_pool, query::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdWriteTimestamp(command_buffer, VkPipelineStageFlagBits(pipeline_stage.val), query_pool, query)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `first_query::UInt32` - `query_count::UInt32` - `dst_buffer::Buffer` - `dst_offset::UInt64` - `stride::UInt64` - `flags::QueryResultFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyQueryPoolResults.html) """ _cmd_copy_query_pool_results(command_buffer, query_pool, first_query::Integer, query_count::Integer, dst_buffer, dst_offset::Integer, stride::Integer; flags = 0)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyQueryPoolResults(command_buffer, query_pool, first_query, query_count, dst_buffer, dst_offset, stride, flags)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `layout::PipelineLayout` - `stage_flags::ShaderStageFlag` - `offset::UInt32` - `size::UInt32` - `values::Ptr{Cvoid}` (must be a valid pointer with `size` bytes) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdPushConstants.html) """ _cmd_push_constants(command_buffer, layout, stage_flags::ShaderStageFlag, offset::Integer, size::Integer, values::Ptr{Cvoid})::Cvoid = @dispatch(device(command_buffer), vkCmdPushConstants(command_buffer, layout, stage_flags, offset, size, values)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `render_pass_begin::_RenderPassBeginInfo` - `contents::SubpassContents` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginRenderPass.html) """ _cmd_begin_render_pass(command_buffer, render_pass_begin::_RenderPassBeginInfo, contents::SubpassContents)::Cvoid = @dispatch(device(command_buffer), vkCmdBeginRenderPass(command_buffer, render_pass_begin, contents)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `contents::SubpassContents` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdNextSubpass.html) """ _cmd_next_subpass(command_buffer, contents::SubpassContents)::Cvoid = @dispatch(device(command_buffer), vkCmdNextSubpass(command_buffer, contents)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndRenderPass.html) """ _cmd_end_render_pass(command_buffer)::Cvoid = @dispatch(device(command_buffer), vkCmdEndRenderPass(command_buffer)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `command_buffers::Vector{CommandBuffer}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdExecuteCommands.html) """ _cmd_execute_commands(command_buffer, command_buffers::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdExecuteCommands(command_buffer, pointer_length(command_buffers), command_buffers)) """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceDisplayPropertiesKHR.html) """ function _get_physical_device_display_properties_khr(physical_device)::ResultTypes.Result{Vector{_DisplayPropertiesKHR}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceDisplayPropertiesKHR(physical_device, pPropertyCount, C_NULL)) pProperties = Vector{VkDisplayPropertiesKHR}(undef, pPropertyCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceDisplayPropertiesKHR(physical_device, pPropertyCount, pProperties)) end from_vk.(_DisplayPropertiesKHR, pProperties) end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceDisplayPlanePropertiesKHR.html) """ function _get_physical_device_display_plane_properties_khr(physical_device)::ResultTypes.Result{Vector{_DisplayPlanePropertiesKHR}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceDisplayPlanePropertiesKHR(physical_device, pPropertyCount, C_NULL)) pProperties = Vector{VkDisplayPlanePropertiesKHR}(undef, pPropertyCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceDisplayPlanePropertiesKHR(physical_device, pPropertyCount, pProperties)) end from_vk.(_DisplayPlanePropertiesKHR, pProperties) end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `plane_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDisplayPlaneSupportedDisplaysKHR.html) """ function _get_display_plane_supported_displays_khr(physical_device, plane_index::Integer)::ResultTypes.Result{Vector{DisplayKHR}, VulkanError} pDisplayCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetDisplayPlaneSupportedDisplaysKHR(physical_device, plane_index, pDisplayCount, C_NULL)) pDisplays = Vector{VkDisplayKHR}(undef, pDisplayCount[]) @check @dispatch(instance(physical_device), vkGetDisplayPlaneSupportedDisplaysKHR(physical_device, plane_index, pDisplayCount, pDisplays)) end DisplayKHR.(pDisplays, identity, physical_device) end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDisplayModePropertiesKHR.html) """ function _get_display_mode_properties_khr(physical_device, display)::ResultTypes.Result{Vector{_DisplayModePropertiesKHR}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetDisplayModePropertiesKHR(physical_device, display, pPropertyCount, C_NULL)) pProperties = Vector{VkDisplayModePropertiesKHR}(undef, pPropertyCount[]) @check @dispatch(instance(physical_device), vkGetDisplayModePropertiesKHR(physical_device, display, pPropertyCount, pProperties)) end from_vk.(_DisplayModePropertiesKHR, pProperties) end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` (externsync) - `create_info::_DisplayModeCreateInfoKHR` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDisplayModeKHR.html) """ function _create_display_mode_khr(physical_device, display, create_info::_DisplayModeCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{DisplayModeKHR, VulkanError} pMode = Ref{VkDisplayModeKHR}() @check @dispatch(instance(physical_device), vkCreateDisplayModeKHR(physical_device, display, create_info, allocator, pMode)) DisplayModeKHR(pMode[], identity, display) end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `mode::DisplayModeKHR` (externsync) - `plane_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDisplayPlaneCapabilitiesKHR.html) """ function _get_display_plane_capabilities_khr(physical_device, mode, plane_index::Integer)::ResultTypes.Result{_DisplayPlaneCapabilitiesKHR, VulkanError} pCapabilities = Ref{VkDisplayPlaneCapabilitiesKHR}() @check @dispatch(instance(physical_device), vkGetDisplayPlaneCapabilitiesKHR(physical_device, mode, plane_index, pCapabilities)) from_vk(_DisplayPlaneCapabilitiesKHR, pCapabilities[]) end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `create_info::_DisplaySurfaceCreateInfoKHR` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDisplayPlaneSurfaceKHR.html) """ function _create_display_plane_surface_khr(instance, create_info::_DisplaySurfaceCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} pSurface = Ref{VkSurfaceKHR}() @check @dispatch(instance, vkCreateDisplayPlaneSurfaceKHR(instance, create_info, allocator, pSurface)) SurfaceKHR(pSurface[], begin parent = Vk.handle(instance) x->_destroy_surface_khr(parent, x; allocator) end, instance) end """ Extension: VK\\_KHR\\_display\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INCOMPATIBLE_DISPLAY_KHR` - `ERROR_DEVICE_LOST` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `create_infos::Vector{_SwapchainCreateInfoKHR}` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSharedSwapchainsKHR.html) """ function _create_shared_swapchains_khr(device, create_infos::AbstractArray; allocator = C_NULL)::ResultTypes.Result{Vector{SwapchainKHR}, VulkanError} pSwapchains = Vector{VkSwapchainKHR}(undef, pointer_length(create_infos)) @check @dispatch(device, vkCreateSharedSwapchainsKHR(device, pointer_length(create_infos), create_infos, allocator, pSwapchains)) SwapchainKHR.(pSwapchains, begin parent = Vk.handle(device) x->_destroy_swapchain_khr(parent, x; allocator) end, device) end """ Extension: VK\\_KHR\\_surface Arguments: - `instance::Instance` - `surface::SurfaceKHR` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroySurfaceKHR.html) """ _destroy_surface_khr(instance, surface; allocator = C_NULL)::Cvoid = @dispatch(instance, vkDestroySurfaceKHR(instance, surface, allocator)) """ Extension: VK\\_KHR\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `queue_family_index::UInt32` - `surface::SurfaceKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfaceSupportKHR.html) """ function _get_physical_device_surface_support_khr(physical_device, queue_family_index::Integer, surface)::ResultTypes.Result{Bool, VulkanError} pSupported = Ref{VkBool32}() @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSurfaceSupportKHR(physical_device, queue_family_index, surface, pSupported)) from_vk(Bool, pSupported[]) end """ Extension: VK\\_KHR\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface::SurfaceKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfaceCapabilitiesKHR.html) """ function _get_physical_device_surface_capabilities_khr(physical_device, surface)::ResultTypes.Result{_SurfaceCapabilitiesKHR, VulkanError} pSurfaceCapabilities = Ref{VkSurfaceCapabilitiesKHR}() @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSurfaceCapabilitiesKHR(physical_device, surface, pSurfaceCapabilities)) from_vk(_SurfaceCapabilitiesKHR, pSurfaceCapabilities[]) end """ Extension: VK\\_KHR\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface::SurfaceKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfaceFormatsKHR.html) """ function _get_physical_device_surface_formats_khr(physical_device; surface = C_NULL)::ResultTypes.Result{Vector{_SurfaceFormatKHR}, VulkanError} pSurfaceFormatCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSurfaceFormatsKHR(physical_device, surface, pSurfaceFormatCount, C_NULL)) pSurfaceFormats = Vector{VkSurfaceFormatKHR}(undef, pSurfaceFormatCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSurfaceFormatsKHR(physical_device, surface, pSurfaceFormatCount, pSurfaceFormats)) end from_vk.(_SurfaceFormatKHR, pSurfaceFormats) end """ Extension: VK\\_KHR\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface::SurfaceKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfacePresentModesKHR.html) """ function _get_physical_device_surface_present_modes_khr(physical_device; surface = C_NULL)::ResultTypes.Result{Vector{PresentModeKHR}, VulkanError} pPresentModeCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSurfacePresentModesKHR(physical_device, surface, pPresentModeCount, C_NULL)) pPresentModes = Vector{VkPresentModeKHR}(undef, pPresentModeCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSurfacePresentModesKHR(physical_device, surface, pPresentModeCount, pPresentModes)) end pPresentModes end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_SURFACE_LOST_KHR` - `ERROR_NATIVE_WINDOW_IN_USE_KHR` - `ERROR_INITIALIZATION_FAILED` - `ERROR_COMPRESSION_EXHAUSTED_EXT` Arguments: - `device::Device` - `create_info::_SwapchainCreateInfoKHR` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSwapchainKHR.html) """ function _create_swapchain_khr(device, create_info::_SwapchainCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{SwapchainKHR, VulkanError} pSwapchain = Ref{VkSwapchainKHR}() @check @dispatch(device, vkCreateSwapchainKHR(device, create_info, allocator, pSwapchain)) SwapchainKHR(pSwapchain[], begin parent = Vk.handle(device) x->_destroy_swapchain_khr(parent, x; allocator) end, device) end """ Extension: VK\\_KHR\\_swapchain Arguments: - `device::Device` - `swapchain::SwapchainKHR` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroySwapchainKHR.html) """ _destroy_swapchain_khr(device, swapchain; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroySwapchainKHR(device, swapchain, allocator)) """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `swapchain::SwapchainKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSwapchainImagesKHR.html) """ function _get_swapchain_images_khr(device, swapchain)::ResultTypes.Result{Vector{Image}, VulkanError} pSwapchainImageCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(device, vkGetSwapchainImagesKHR(device, swapchain, pSwapchainImageCount, C_NULL)) pSwapchainImages = Vector{VkImage}(undef, pSwapchainImageCount[]) @check @dispatch(device, vkGetSwapchainImagesKHR(device, swapchain, pSwapchainImageCount, pSwapchainImages)) end Image.(pSwapchainImages, identity, device) end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `TIMEOUT` - `NOT_READY` - `SUBOPTIMAL_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` - `ERROR_SURFACE_LOST_KHR` - `ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT` Arguments: - `device::Device` - `swapchain::SwapchainKHR` (externsync) - `timeout::UInt64` - `semaphore::Semaphore`: defaults to `C_NULL` (externsync) - `fence::Fence`: defaults to `C_NULL` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAcquireNextImageKHR.html) """ function _acquire_next_image_khr(device, swapchain, timeout::Integer; semaphore = C_NULL, fence = C_NULL)::ResultTypes.Result{Tuple{UInt32, Result}, VulkanError} pImageIndex = Ref{UInt32}() @check @dispatch(device, vkAcquireNextImageKHR(device, swapchain, timeout, semaphore, fence, pImageIndex)) (pImageIndex[], _return_code) end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `SUBOPTIMAL_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` - `ERROR_SURFACE_LOST_KHR` - `ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT` Arguments: - `queue::Queue` (externsync) - `present_info::_PresentInfoKHR` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueuePresentKHR.html) """ _queue_present_khr(queue, present_info::_PresentInfoKHR)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device(queue), vkQueuePresentKHR(queue, present_info))) """ Extension: VK\\_EXT\\_debug\\_report Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `instance::Instance` - `create_info::_DebugReportCallbackCreateInfoEXT` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDebugReportCallbackEXT.html) """ function _create_debug_report_callback_ext(instance, create_info::_DebugReportCallbackCreateInfoEXT; allocator = C_NULL)::ResultTypes.Result{DebugReportCallbackEXT, VulkanError} pCallback = Ref{VkDebugReportCallbackEXT}() @check @dispatch(instance, vkCreateDebugReportCallbackEXT(instance, create_info, allocator, pCallback)) DebugReportCallbackEXT(pCallback[], begin parent = Vk.handle(instance) x->_destroy_debug_report_callback_ext(parent, x; allocator) end, instance) end """ Extension: VK\\_EXT\\_debug\\_report Arguments: - `instance::Instance` - `callback::DebugReportCallbackEXT` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDebugReportCallbackEXT.html) """ _destroy_debug_report_callback_ext(instance, callback; allocator = C_NULL)::Cvoid = @dispatch(instance, vkDestroyDebugReportCallbackEXT(instance, callback, allocator)) """ Extension: VK\\_EXT\\_debug\\_report Arguments: - `instance::Instance` - `flags::DebugReportFlagEXT` - `object_type::DebugReportObjectTypeEXT` - `object::UInt64` - `location::UInt` - `message_code::Int32` - `layer_prefix::String` - `message::String` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDebugReportMessageEXT.html) """ _debug_report_message_ext(instance, flags::DebugReportFlagEXT, object_type::DebugReportObjectTypeEXT, object::Integer, location::Integer, message_code::Integer, layer_prefix::AbstractString, message::AbstractString)::Cvoid = @dispatch(instance, vkDebugReportMessageEXT(instance, flags, object_type, object, location, message_code, layer_prefix, message)) """ Extension: VK\\_EXT\\_debug\\_marker Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `name_info::_DebugMarkerObjectNameInfoEXT` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDebugMarkerSetObjectNameEXT.html) """ _debug_marker_set_object_name_ext(device, name_info::_DebugMarkerObjectNameInfoEXT)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkDebugMarkerSetObjectNameEXT(device, name_info))) """ Extension: VK\\_EXT\\_debug\\_marker Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `tag_info::_DebugMarkerObjectTagInfoEXT` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDebugMarkerSetObjectTagEXT.html) """ _debug_marker_set_object_tag_ext(device, tag_info::_DebugMarkerObjectTagInfoEXT)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkDebugMarkerSetObjectTagEXT(device, tag_info))) """ Extension: VK\\_EXT\\_debug\\_marker Arguments: - `command_buffer::CommandBuffer` (externsync) - `marker_info::_DebugMarkerMarkerInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDebugMarkerBeginEXT.html) """ _cmd_debug_marker_begin_ext(command_buffer, marker_info::_DebugMarkerMarkerInfoEXT)::Cvoid = @dispatch(device(command_buffer), vkCmdDebugMarkerBeginEXT(command_buffer, marker_info)) """ Extension: VK\\_EXT\\_debug\\_marker Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDebugMarkerEndEXT.html) """ _cmd_debug_marker_end_ext(command_buffer)::Cvoid = @dispatch(device(command_buffer), vkCmdDebugMarkerEndEXT(command_buffer)) """ Extension: VK\\_EXT\\_debug\\_marker Arguments: - `command_buffer::CommandBuffer` (externsync) - `marker_info::_DebugMarkerMarkerInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDebugMarkerInsertEXT.html) """ _cmd_debug_marker_insert_ext(command_buffer, marker_info::_DebugMarkerMarkerInfoEXT)::Cvoid = @dispatch(device(command_buffer), vkCmdDebugMarkerInsertEXT(command_buffer, marker_info)) """ Extension: VK\\_NV\\_external\\_memory\\_capabilities Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_FORMAT_NOT_SUPPORTED` Arguments: - `physical_device::PhysicalDevice` - `format::Format` - `type::ImageType` - `tiling::ImageTiling` - `usage::ImageUsageFlag` - `flags::ImageCreateFlag`: defaults to `0` - `external_handle_type::ExternalMemoryHandleTypeFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceExternalImageFormatPropertiesNV.html) """ function _get_physical_device_external_image_format_properties_nv(physical_device, format::Format, type::ImageType, tiling::ImageTiling, usage::ImageUsageFlag; flags = 0, external_handle_type = 0)::ResultTypes.Result{_ExternalImageFormatPropertiesNV, VulkanError} pExternalImageFormatProperties = Ref{VkExternalImageFormatPropertiesNV}() @check @dispatch(instance(physical_device), vkGetPhysicalDeviceExternalImageFormatPropertiesNV(physical_device, format, type, tiling, usage, flags, external_handle_type, pExternalImageFormatProperties)) from_vk(_ExternalImageFormatPropertiesNV, pExternalImageFormatProperties[]) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `command_buffer::CommandBuffer` (externsync) - `is_preprocessed::Bool` - `generated_commands_info::_GeneratedCommandsInfoNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdExecuteGeneratedCommandsNV.html) """ _cmd_execute_generated_commands_nv(command_buffer, is_preprocessed::Bool, generated_commands_info::_GeneratedCommandsInfoNV)::Cvoid = @dispatch(device(command_buffer), vkCmdExecuteGeneratedCommandsNV(command_buffer, is_preprocessed, generated_commands_info)) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `command_buffer::CommandBuffer` (externsync) - `generated_commands_info::_GeneratedCommandsInfoNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdPreprocessGeneratedCommandsNV.html) """ _cmd_preprocess_generated_commands_nv(command_buffer, generated_commands_info::_GeneratedCommandsInfoNV)::Cvoid = @dispatch(device(command_buffer), vkCmdPreprocessGeneratedCommandsNV(command_buffer, generated_commands_info)) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_bind_point::PipelineBindPoint` - `pipeline::Pipeline` - `group_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindPipelineShaderGroupNV.html) """ _cmd_bind_pipeline_shader_group_nv(command_buffer, pipeline_bind_point::PipelineBindPoint, pipeline, group_index::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdBindPipelineShaderGroupNV(command_buffer, pipeline_bind_point, pipeline, group_index)) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `device::Device` - `info::_GeneratedCommandsMemoryRequirementsInfoNV` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetGeneratedCommandsMemoryRequirementsNV.html) """ function _get_generated_commands_memory_requirements_nv(device, info::_GeneratedCommandsMemoryRequirementsInfoNV, next_types::Type...)::_MemoryRequirements2 memory_requirements = initialize(_MemoryRequirements2, next_types...) pMemoryRequirements = Ref(Base.unsafe_convert(VkMemoryRequirements2, memory_requirements)) GC.@preserve memory_requirements begin @dispatch device vkGetGeneratedCommandsMemoryRequirementsNV(device, info, pMemoryRequirements) _MemoryRequirements2(pMemoryRequirements[], Any[memory_requirements]) end end """ Extension: VK\\_NV\\_device\\_generated\\_commands Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_IndirectCommandsLayoutCreateInfoNV` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateIndirectCommandsLayoutNV.html) """ function _create_indirect_commands_layout_nv(device, create_info::_IndirectCommandsLayoutCreateInfoNV; allocator = C_NULL)::ResultTypes.Result{IndirectCommandsLayoutNV, VulkanError} pIndirectCommandsLayout = Ref{VkIndirectCommandsLayoutNV}() @check @dispatch(device, vkCreateIndirectCommandsLayoutNV(device, create_info, allocator, pIndirectCommandsLayout)) IndirectCommandsLayoutNV(pIndirectCommandsLayout[], begin parent = Vk.handle(device) x->_destroy_indirect_commands_layout_nv(parent, x; allocator) end, device) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `device::Device` - `indirect_commands_layout::IndirectCommandsLayoutNV` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyIndirectCommandsLayoutNV.html) """ _destroy_indirect_commands_layout_nv(device, indirect_commands_layout; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyIndirectCommandsLayoutNV(device, indirect_commands_layout, allocator)) """ Arguments: - `physical_device::PhysicalDevice` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceFeatures2.html) """ function _get_physical_device_features_2(physical_device, next_types::Type...)::_PhysicalDeviceFeatures2 features = initialize(_PhysicalDeviceFeatures2, next_types...) pFeatures = Ref(Base.unsafe_convert(VkPhysicalDeviceFeatures2, features)) GC.@preserve features begin @dispatch instance(physical_device) vkGetPhysicalDeviceFeatures2(physical_device, pFeatures) _PhysicalDeviceFeatures2(pFeatures[], Any[features]) end end """ Arguments: - `physical_device::PhysicalDevice` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceProperties2.html) """ function _get_physical_device_properties_2(physical_device, next_types::Type...)::_PhysicalDeviceProperties2 properties = initialize(_PhysicalDeviceProperties2, next_types...) pProperties = Ref(Base.unsafe_convert(VkPhysicalDeviceProperties2, properties)) GC.@preserve properties begin @dispatch instance(physical_device) vkGetPhysicalDeviceProperties2(physical_device, pProperties) _PhysicalDeviceProperties2(pProperties[], Any[properties]) end end """ Arguments: - `physical_device::PhysicalDevice` - `format::Format` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceFormatProperties2.html) """ function _get_physical_device_format_properties_2(physical_device, format::Format, next_types::Type...)::_FormatProperties2 format_properties = initialize(_FormatProperties2, next_types...) pFormatProperties = Ref(Base.unsafe_convert(VkFormatProperties2, format_properties)) GC.@preserve format_properties begin @dispatch instance(physical_device) vkGetPhysicalDeviceFormatProperties2(physical_device, format, pFormatProperties) _FormatProperties2(pFormatProperties[], Any[format_properties]) end end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_FORMAT_NOT_SUPPORTED` - `ERROR_IMAGE_USAGE_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_OPERATION_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_FORMAT_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PICTURE_LAYOUT_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_CODEC_NOT_SUPPORTED_KHR` Arguments: - `physical_device::PhysicalDevice` - `image_format_info::_PhysicalDeviceImageFormatInfo2` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceImageFormatProperties2.html) """ function _get_physical_device_image_format_properties_2(physical_device, image_format_info::_PhysicalDeviceImageFormatInfo2, next_types::Type...)::ResultTypes.Result{_ImageFormatProperties2, VulkanError} image_format_properties = initialize(_ImageFormatProperties2, next_types...) pImageFormatProperties = Ref(Base.unsafe_convert(VkImageFormatProperties2, image_format_properties)) GC.@preserve image_format_properties begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceImageFormatProperties2(physical_device, image_format_info, pImageFormatProperties)) _ImageFormatProperties2(pImageFormatProperties[], Any[image_format_properties]) end end """ Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceQueueFamilyProperties2.html) """ function _get_physical_device_queue_family_properties_2(physical_device)::Vector{_QueueFamilyProperties2} pQueueFamilyPropertyCount = Ref{UInt32}() @dispatch instance(physical_device) vkGetPhysicalDeviceQueueFamilyProperties2(physical_device, pQueueFamilyPropertyCount, C_NULL) pQueueFamilyProperties = Vector{VkQueueFamilyProperties2}(undef, pQueueFamilyPropertyCount[]) @dispatch instance(physical_device) vkGetPhysicalDeviceQueueFamilyProperties2(physical_device, pQueueFamilyPropertyCount, pQueueFamilyProperties) from_vk.(_QueueFamilyProperties2, pQueueFamilyProperties) end """ Arguments: - `physical_device::PhysicalDevice` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceMemoryProperties2.html) """ function _get_physical_device_memory_properties_2(physical_device, next_types::Type...)::_PhysicalDeviceMemoryProperties2 memory_properties = initialize(_PhysicalDeviceMemoryProperties2, next_types...) pMemoryProperties = Ref(Base.unsafe_convert(VkPhysicalDeviceMemoryProperties2, memory_properties)) GC.@preserve memory_properties begin @dispatch instance(physical_device) vkGetPhysicalDeviceMemoryProperties2(physical_device, pMemoryProperties) _PhysicalDeviceMemoryProperties2(pMemoryProperties[], Any[memory_properties]) end end """ Arguments: - `physical_device::PhysicalDevice` - `format_info::_PhysicalDeviceSparseImageFormatInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSparseImageFormatProperties2.html) """ function _get_physical_device_sparse_image_format_properties_2(physical_device, format_info::_PhysicalDeviceSparseImageFormatInfo2)::Vector{_SparseImageFormatProperties2} pPropertyCount = Ref{UInt32}() @dispatch instance(physical_device) vkGetPhysicalDeviceSparseImageFormatProperties2(physical_device, format_info, pPropertyCount, C_NULL) pProperties = Vector{VkSparseImageFormatProperties2}(undef, pPropertyCount[]) @dispatch instance(physical_device) vkGetPhysicalDeviceSparseImageFormatProperties2(physical_device, format_info, pPropertyCount, pProperties) from_vk.(_SparseImageFormatProperties2, pProperties) end """ Extension: VK\\_KHR\\_push\\_descriptor Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_bind_point::PipelineBindPoint` - `layout::PipelineLayout` - `set::UInt32` - `descriptor_writes::Vector{_WriteDescriptorSet}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdPushDescriptorSetKHR.html) """ _cmd_push_descriptor_set_khr(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, set::Integer, descriptor_writes::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdPushDescriptorSetKHR(command_buffer, pipeline_bind_point, layout, set, pointer_length(descriptor_writes), descriptor_writes)) """ Arguments: - `device::Device` - `command_pool::CommandPool` (externsync) - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkTrimCommandPool.html) """ _trim_command_pool(device, command_pool; flags = 0)::Cvoid = @dispatch(device, vkTrimCommandPool(device, command_pool, flags)) """ Arguments: - `physical_device::PhysicalDevice` - `external_buffer_info::_PhysicalDeviceExternalBufferInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceExternalBufferProperties.html) """ function _get_physical_device_external_buffer_properties(physical_device, external_buffer_info::_PhysicalDeviceExternalBufferInfo)::_ExternalBufferProperties pExternalBufferProperties = Ref{VkExternalBufferProperties}() @dispatch instance(physical_device) vkGetPhysicalDeviceExternalBufferProperties(physical_device, external_buffer_info, pExternalBufferProperties) from_vk(_ExternalBufferProperties, pExternalBufferProperties[]) end """ Extension: VK\\_KHR\\_external\\_memory\\_fd Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `get_fd_info::_MemoryGetFdInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetMemoryFdKHR.html) """ function _get_memory_fd_khr(device, get_fd_info::_MemoryGetFdInfoKHR)::ResultTypes.Result{Int, VulkanError} pFd = Ref{Int}() @check @dispatch(device, vkGetMemoryFdKHR(device, get_fd_info, pFd)) pFd[] end """ Extension: VK\\_KHR\\_external\\_memory\\_fd Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` Arguments: - `device::Device` - `handle_type::ExternalMemoryHandleTypeFlag` - `fd::Int` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetMemoryFdPropertiesKHR.html) """ function _get_memory_fd_properties_khr(device, handle_type::ExternalMemoryHandleTypeFlag, fd::Integer)::ResultTypes.Result{_MemoryFdPropertiesKHR, VulkanError} pMemoryFdProperties = Ref{VkMemoryFdPropertiesKHR}() @check @dispatch(device, vkGetMemoryFdPropertiesKHR(device, VkExternalMemoryHandleTypeFlagBits(handle_type.val), fd, pMemoryFdProperties)) from_vk(_MemoryFdPropertiesKHR, pMemoryFdProperties[]) end """ Extension: VK\\_NV\\_external\\_memory\\_rdma Return codes: - `SUCCESS` - `ERROR_INVALID_EXTERNAL_HANDLE` Arguments: - `device::Device` - `memory_get_remote_address_info::_MemoryGetRemoteAddressInfoNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetMemoryRemoteAddressNV.html) """ function _get_memory_remote_address_nv(device, memory_get_remote_address_info::_MemoryGetRemoteAddressInfoNV)::ResultTypes.Result{Cvoid, VulkanError} pAddress = Ref{VkRemoteAddressNV}() @check @dispatch(device, vkGetMemoryRemoteAddressNV(device, memory_get_remote_address_info, pAddress)) pAddress[] end """ Arguments: - `physical_device::PhysicalDevice` - `external_semaphore_info::_PhysicalDeviceExternalSemaphoreInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceExternalSemaphoreProperties.html) """ function _get_physical_device_external_semaphore_properties(physical_device, external_semaphore_info::_PhysicalDeviceExternalSemaphoreInfo)::_ExternalSemaphoreProperties pExternalSemaphoreProperties = Ref{VkExternalSemaphoreProperties}() @dispatch instance(physical_device) vkGetPhysicalDeviceExternalSemaphoreProperties(physical_device, external_semaphore_info, pExternalSemaphoreProperties) from_vk(_ExternalSemaphoreProperties, pExternalSemaphoreProperties[]) end """ Extension: VK\\_KHR\\_external\\_semaphore\\_fd Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `get_fd_info::_SemaphoreGetFdInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSemaphoreFdKHR.html) """ function _get_semaphore_fd_khr(device, get_fd_info::_SemaphoreGetFdInfoKHR)::ResultTypes.Result{Int, VulkanError} pFd = Ref{Int}() @check @dispatch(device, vkGetSemaphoreFdKHR(device, get_fd_info, pFd)) pFd[] end """ Extension: VK\\_KHR\\_external\\_semaphore\\_fd Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` Arguments: - `device::Device` - `import_semaphore_fd_info::_ImportSemaphoreFdInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkImportSemaphoreFdKHR.html) """ _import_semaphore_fd_khr(device, import_semaphore_fd_info::_ImportSemaphoreFdInfoKHR)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkImportSemaphoreFdKHR(device, import_semaphore_fd_info))) """ Arguments: - `physical_device::PhysicalDevice` - `external_fence_info::_PhysicalDeviceExternalFenceInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceExternalFenceProperties.html) """ function _get_physical_device_external_fence_properties(physical_device, external_fence_info::_PhysicalDeviceExternalFenceInfo)::_ExternalFenceProperties pExternalFenceProperties = Ref{VkExternalFenceProperties}() @dispatch instance(physical_device) vkGetPhysicalDeviceExternalFenceProperties(physical_device, external_fence_info, pExternalFenceProperties) from_vk(_ExternalFenceProperties, pExternalFenceProperties[]) end """ Extension: VK\\_KHR\\_external\\_fence\\_fd Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `get_fd_info::_FenceGetFdInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetFenceFdKHR.html) """ function _get_fence_fd_khr(device, get_fd_info::_FenceGetFdInfoKHR)::ResultTypes.Result{Int, VulkanError} pFd = Ref{Int}() @check @dispatch(device, vkGetFenceFdKHR(device, get_fd_info, pFd)) pFd[] end """ Extension: VK\\_KHR\\_external\\_fence\\_fd Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` Arguments: - `device::Device` - `import_fence_fd_info::_ImportFenceFdInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkImportFenceFdKHR.html) """ _import_fence_fd_khr(device, import_fence_fd_info::_ImportFenceFdInfoKHR)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkImportFenceFdKHR(device, import_fence_fd_info))) """ Extension: VK\\_EXT\\_direct\\_mode\\_display Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkReleaseDisplayEXT.html) """ function _release_display_ext(physical_device, display)::Nothing @dispatch instance(physical_device) vkReleaseDisplayEXT(physical_device, display) nothing end """ Extension: VK\\_EXT\\_display\\_control Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `display::DisplayKHR` - `display_power_info::_DisplayPowerInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDisplayPowerControlEXT.html) """ _display_power_control_ext(device, display, display_power_info::_DisplayPowerInfoEXT)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkDisplayPowerControlEXT(device, display, display_power_info))) """ Extension: VK\\_EXT\\_display\\_control Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `device_event_info::_DeviceEventInfoEXT` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkRegisterDeviceEventEXT.html) """ function _register_device_event_ext(device, device_event_info::_DeviceEventInfoEXT; allocator = C_NULL)::ResultTypes.Result{Fence, VulkanError} pFence = Ref{VkFence}() @check @dispatch(device, vkRegisterDeviceEventEXT(device, device_event_info, allocator, pFence)) Fence(pFence[], begin parent = Vk.handle(device) x->_destroy_fence(parent, x; allocator) end, device) end """ Extension: VK\\_EXT\\_display\\_control Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `display::DisplayKHR` - `display_event_info::_DisplayEventInfoEXT` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkRegisterDisplayEventEXT.html) """ function _register_display_event_ext(device, display, display_event_info::_DisplayEventInfoEXT; allocator = C_NULL)::ResultTypes.Result{Fence, VulkanError} pFence = Ref{VkFence}() @check @dispatch(device, vkRegisterDisplayEventEXT(device, display, display_event_info, allocator, pFence)) Fence(pFence[], begin parent = Vk.handle(device) x->_destroy_fence(parent, x; allocator) end, device) end """ Extension: VK\\_EXT\\_display\\_control Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` Arguments: - `device::Device` - `swapchain::SwapchainKHR` - `counter::SurfaceCounterFlagEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSwapchainCounterEXT.html) """ function _get_swapchain_counter_ext(device, swapchain, counter::SurfaceCounterFlagEXT)::ResultTypes.Result{UInt64, VulkanError} pCounterValue = Ref{UInt64}() @check @dispatch(device, vkGetSwapchainCounterEXT(device, swapchain, VkSurfaceCounterFlagBitsEXT(counter.val), pCounterValue)) pCounterValue[] end """ Extension: VK\\_EXT\\_display\\_surface\\_counter Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface::SurfaceKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfaceCapabilities2EXT.html) """ function _get_physical_device_surface_capabilities_2_ext(physical_device, surface)::ResultTypes.Result{_SurfaceCapabilities2EXT, VulkanError} pSurfaceCapabilities = Ref{VkSurfaceCapabilities2EXT}() @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSurfaceCapabilities2EXT(physical_device, surface, pSurfaceCapabilities)) from_vk(_SurfaceCapabilities2EXT, pSurfaceCapabilities[]) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `instance::Instance` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumeratePhysicalDeviceGroups.html) """ function _enumerate_physical_device_groups(instance)::ResultTypes.Result{Vector{_PhysicalDeviceGroupProperties}, VulkanError} pPhysicalDeviceGroupCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance, vkEnumeratePhysicalDeviceGroups(instance, pPhysicalDeviceGroupCount, C_NULL)) pPhysicalDeviceGroupProperties = Vector{VkPhysicalDeviceGroupProperties}(undef, pPhysicalDeviceGroupCount[]) @check @dispatch(instance, vkEnumeratePhysicalDeviceGroups(instance, pPhysicalDeviceGroupCount, pPhysicalDeviceGroupProperties)) end from_vk.(_PhysicalDeviceGroupProperties, pPhysicalDeviceGroupProperties) end """ Arguments: - `device::Device` - `heap_index::UInt32` - `local_device_index::UInt32` - `remote_device_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceGroupPeerMemoryFeatures.html) """ function _get_device_group_peer_memory_features(device, heap_index::Integer, local_device_index::Integer, remote_device_index::Integer)::PeerMemoryFeatureFlag pPeerMemoryFeatures = Ref{VkPeerMemoryFeatureFlags}() @dispatch device vkGetDeviceGroupPeerMemoryFeatures(device, heap_index, local_device_index, remote_device_index, pPeerMemoryFeatures) pPeerMemoryFeatures[] end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `bind_infos::Vector{_BindBufferMemoryInfo}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindBufferMemory2.html) """ _bind_buffer_memory_2(device, bind_infos::AbstractArray)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkBindBufferMemory2(device, pointer_length(bind_infos), bind_infos))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `bind_infos::Vector{_BindImageMemoryInfo}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindImageMemory2.html) """ _bind_image_memory_2(device, bind_infos::AbstractArray)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkBindImageMemory2(device, pointer_length(bind_infos), bind_infos))) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `device_mask::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDeviceMask.html) """ _cmd_set_device_mask(command_buffer, device_mask::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDeviceMask(command_buffer, device_mask)) """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceGroupPresentCapabilitiesKHR.html) """ function _get_device_group_present_capabilities_khr(device)::ResultTypes.Result{_DeviceGroupPresentCapabilitiesKHR, VulkanError} pDeviceGroupPresentCapabilities = Ref{VkDeviceGroupPresentCapabilitiesKHR}() @check @dispatch(device, vkGetDeviceGroupPresentCapabilitiesKHR(device, pDeviceGroupPresentCapabilities)) from_vk(_DeviceGroupPresentCapabilitiesKHR, pDeviceGroupPresentCapabilities[]) end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `surface::SurfaceKHR` (externsync) - `modes::DeviceGroupPresentModeFlagKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceGroupSurfacePresentModesKHR.html) """ function _get_device_group_surface_present_modes_khr(device, surface, modes::DeviceGroupPresentModeFlagKHR)::ResultTypes.Result{DeviceGroupPresentModeFlagKHR, VulkanError} pModes = Ref{VkDeviceGroupPresentModeFlagsKHR}() @check @dispatch(device, vkGetDeviceGroupSurfacePresentModesKHR(device, surface, pModes)) pModes[] end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `TIMEOUT` - `NOT_READY` - `SUBOPTIMAL_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` - `ERROR_SURFACE_LOST_KHR` - `ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT` Arguments: - `device::Device` - `acquire_info::_AcquireNextImageInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAcquireNextImage2KHR.html) """ function _acquire_next_image_2_khr(device, acquire_info::_AcquireNextImageInfoKHR)::ResultTypes.Result{Tuple{UInt32, Result}, VulkanError} pImageIndex = Ref{UInt32}() @check @dispatch(device, vkAcquireNextImage2KHR(device, acquire_info, pImageIndex)) (pImageIndex[], _return_code) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `base_group_x::UInt32` - `base_group_y::UInt32` - `base_group_z::UInt32` - `group_count_x::UInt32` - `group_count_y::UInt32` - `group_count_z::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDispatchBase.html) """ _cmd_dispatch_base(command_buffer, base_group_x::Integer, base_group_y::Integer, base_group_z::Integer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDispatchBase(command_buffer, base_group_x, base_group_y, base_group_z, group_count_x, group_count_y, group_count_z)) """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `surface::SurfaceKHR` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDevicePresentRectanglesKHR.html) """ function _get_physical_device_present_rectangles_khr(physical_device, surface)::ResultTypes.Result{Vector{_Rect2D}, VulkanError} pRectCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDevicePresentRectanglesKHR(physical_device, surface, pRectCount, C_NULL)) pRects = Vector{VkRect2D}(undef, pRectCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDevicePresentRectanglesKHR(physical_device, surface, pRectCount, pRects)) end from_vk.(_Rect2D, pRects) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_DescriptorUpdateTemplateCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorUpdateTemplate.html) """ function _create_descriptor_update_template(device, create_info::_DescriptorUpdateTemplateCreateInfo; allocator = C_NULL)::ResultTypes.Result{DescriptorUpdateTemplate, VulkanError} pDescriptorUpdateTemplate = Ref{VkDescriptorUpdateTemplate}() @check @dispatch(device, vkCreateDescriptorUpdateTemplate(device, create_info, allocator, pDescriptorUpdateTemplate)) DescriptorUpdateTemplate(pDescriptorUpdateTemplate[], begin parent = Vk.handle(device) x->_destroy_descriptor_update_template(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `descriptor_update_template::DescriptorUpdateTemplate` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDescriptorUpdateTemplate.html) """ _destroy_descriptor_update_template(device, descriptor_update_template; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyDescriptorUpdateTemplate(device, descriptor_update_template, allocator)) """ Arguments: - `device::Device` - `descriptor_set::DescriptorSet` - `descriptor_update_template::DescriptorUpdateTemplate` - `data::Ptr{Cvoid}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkUpdateDescriptorSetWithTemplate.html) """ _update_descriptor_set_with_template(device, descriptor_set, descriptor_update_template, data::Ptr{Cvoid})::Cvoid = @dispatch(device, vkUpdateDescriptorSetWithTemplate(device, descriptor_set, descriptor_update_template, data)) """ Extension: VK\\_KHR\\_push\\_descriptor Arguments: - `command_buffer::CommandBuffer` (externsync) - `descriptor_update_template::DescriptorUpdateTemplate` - `layout::PipelineLayout` - `set::UInt32` - `data::Ptr{Cvoid}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdPushDescriptorSetWithTemplateKHR.html) """ _cmd_push_descriptor_set_with_template_khr(command_buffer, descriptor_update_template, layout, set::Integer, data::Ptr{Cvoid})::Cvoid = @dispatch(device(command_buffer), vkCmdPushDescriptorSetWithTemplateKHR(command_buffer, descriptor_update_template, layout, set, data)) """ Extension: VK\\_EXT\\_hdr\\_metadata Arguments: - `device::Device` - `swapchains::Vector{SwapchainKHR}` - `metadata::Vector{_HdrMetadataEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetHdrMetadataEXT.html) """ _set_hdr_metadata_ext(device, swapchains::AbstractArray, metadata::AbstractArray)::Cvoid = @dispatch(device, vkSetHdrMetadataEXT(device, pointer_length(swapchains), swapchains, metadata)) """ Extension: VK\\_KHR\\_shared\\_presentable\\_image Return codes: - `SUCCESS` - `SUBOPTIMAL_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` - `ERROR_SURFACE_LOST_KHR` - `ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT` Arguments: - `device::Device` - `swapchain::SwapchainKHR` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSwapchainStatusKHR.html) """ _get_swapchain_status_khr(device, swapchain)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkGetSwapchainStatusKHR(device, swapchain))) """ Extension: VK\\_GOOGLE\\_display\\_timing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `swapchain::SwapchainKHR` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetRefreshCycleDurationGOOGLE.html) """ function _get_refresh_cycle_duration_google(device, swapchain)::ResultTypes.Result{_RefreshCycleDurationGOOGLE, VulkanError} pDisplayTimingProperties = Ref{VkRefreshCycleDurationGOOGLE}() @check @dispatch(device, vkGetRefreshCycleDurationGOOGLE(device, swapchain, pDisplayTimingProperties)) from_vk(_RefreshCycleDurationGOOGLE, pDisplayTimingProperties[]) end """ Extension: VK\\_GOOGLE\\_display\\_timing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `swapchain::SwapchainKHR` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPastPresentationTimingGOOGLE.html) """ function _get_past_presentation_timing_google(device, swapchain)::ResultTypes.Result{Vector{_PastPresentationTimingGOOGLE}, VulkanError} pPresentationTimingCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(device, vkGetPastPresentationTimingGOOGLE(device, swapchain, pPresentationTimingCount, C_NULL)) pPresentationTimings = Vector{VkPastPresentationTimingGOOGLE}(undef, pPresentationTimingCount[]) @check @dispatch(device, vkGetPastPresentationTimingGOOGLE(device, swapchain, pPresentationTimingCount, pPresentationTimings)) end from_vk.(_PastPresentationTimingGOOGLE, pPresentationTimings) end """ Extension: VK\\_MVK\\_macos\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_NATIVE_WINDOW_IN_USE_KHR` Arguments: - `instance::Instance` - `create_info::_MacOSSurfaceCreateInfoMVK` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateMacOSSurfaceMVK.html) """ function _create_mac_os_surface_mvk(instance, create_info::_MacOSSurfaceCreateInfoMVK; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} pSurface = Ref{VkSurfaceKHR}() @check @dispatch(instance, vkCreateMacOSSurfaceMVK(instance, create_info, allocator, pSurface)) SurfaceKHR(pSurface[], begin parent = Vk.handle(instance) x->_destroy_surface_khr(parent, x; allocator) end, instance) end """ Extension: VK\\_EXT\\_metal\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_NATIVE_WINDOW_IN_USE_KHR` Arguments: - `instance::Instance` - `create_info::_MetalSurfaceCreateInfoEXT` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateMetalSurfaceEXT.html) """ function _create_metal_surface_ext(instance, create_info::_MetalSurfaceCreateInfoEXT; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} pSurface = Ref{VkSurfaceKHR}() @check @dispatch(instance, vkCreateMetalSurfaceEXT(instance, create_info, allocator, pSurface)) SurfaceKHR(pSurface[], begin parent = Vk.handle(instance) x->_destroy_surface_khr(parent, x; allocator) end, instance) end """ Extension: VK\\_NV\\_clip\\_space\\_w\\_scaling Arguments: - `command_buffer::CommandBuffer` (externsync) - `viewport_w_scalings::Vector{_ViewportWScalingNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetViewportWScalingNV.html) """ _cmd_set_viewport_w_scaling_nv(command_buffer, viewport_w_scalings::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetViewportWScalingNV(command_buffer, 0, pointer_length(viewport_w_scalings), viewport_w_scalings)) """ Extension: VK\\_EXT\\_discard\\_rectangles Arguments: - `command_buffer::CommandBuffer` (externsync) - `discard_rectangles::Vector{_Rect2D}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDiscardRectangleEXT.html) """ _cmd_set_discard_rectangle_ext(command_buffer, discard_rectangles::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDiscardRectangleEXT(command_buffer, 0, pointer_length(discard_rectangles), discard_rectangles)) """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `command_buffer::CommandBuffer` (externsync) - `sample_locations_info::_SampleLocationsInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetSampleLocationsEXT.html) """ _cmd_set_sample_locations_ext(command_buffer, sample_locations_info::_SampleLocationsInfoEXT)::Cvoid = @dispatch(device(command_buffer), vkCmdSetSampleLocationsEXT(command_buffer, sample_locations_info)) """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `physical_device::PhysicalDevice` - `samples::SampleCountFlag` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceMultisamplePropertiesEXT.html) """ function _get_physical_device_multisample_properties_ext(physical_device, samples::SampleCountFlag)::_MultisamplePropertiesEXT pMultisampleProperties = Ref{VkMultisamplePropertiesEXT}() @dispatch instance(physical_device) vkGetPhysicalDeviceMultisamplePropertiesEXT(physical_device, VkSampleCountFlagBits(samples.val), pMultisampleProperties) from_vk(_MultisamplePropertiesEXT, pMultisampleProperties[]) end """ Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface_info::_PhysicalDeviceSurfaceInfo2KHR` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfaceCapabilities2KHR.html) """ function _get_physical_device_surface_capabilities_2_khr(physical_device, surface_info::_PhysicalDeviceSurfaceInfo2KHR, next_types::Type...)::ResultTypes.Result{_SurfaceCapabilities2KHR, VulkanError} surface_capabilities = initialize(_SurfaceCapabilities2KHR, next_types...) pSurfaceCapabilities = Ref(Base.unsafe_convert(VkSurfaceCapabilities2KHR, surface_capabilities)) GC.@preserve surface_capabilities begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSurfaceCapabilities2KHR(physical_device, surface_info, pSurfaceCapabilities)) _SurfaceCapabilities2KHR(pSurfaceCapabilities[], Any[surface_capabilities]) end end """ Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface_info::_PhysicalDeviceSurfaceInfo2KHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfaceFormats2KHR.html) """ function _get_physical_device_surface_formats_2_khr(physical_device, surface_info::_PhysicalDeviceSurfaceInfo2KHR)::ResultTypes.Result{Vector{_SurfaceFormat2KHR}, VulkanError} pSurfaceFormatCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSurfaceFormats2KHR(physical_device, surface_info, pSurfaceFormatCount, C_NULL)) pSurfaceFormats = Vector{VkSurfaceFormat2KHR}(undef, pSurfaceFormatCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSurfaceFormats2KHR(physical_device, surface_info, pSurfaceFormatCount, pSurfaceFormats)) end from_vk.(_SurfaceFormat2KHR, pSurfaceFormats) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceDisplayProperties2KHR.html) """ function _get_physical_device_display_properties_2_khr(physical_device)::ResultTypes.Result{Vector{_DisplayProperties2KHR}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceDisplayProperties2KHR(physical_device, pPropertyCount, C_NULL)) pProperties = Vector{VkDisplayProperties2KHR}(undef, pPropertyCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceDisplayProperties2KHR(physical_device, pPropertyCount, pProperties)) end from_vk.(_DisplayProperties2KHR, pProperties) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceDisplayPlaneProperties2KHR.html) """ function _get_physical_device_display_plane_properties_2_khr(physical_device)::ResultTypes.Result{Vector{_DisplayPlaneProperties2KHR}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceDisplayPlaneProperties2KHR(physical_device, pPropertyCount, C_NULL)) pProperties = Vector{VkDisplayPlaneProperties2KHR}(undef, pPropertyCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceDisplayPlaneProperties2KHR(physical_device, pPropertyCount, pProperties)) end from_vk.(_DisplayPlaneProperties2KHR, pProperties) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDisplayModeProperties2KHR.html) """ function _get_display_mode_properties_2_khr(physical_device, display)::ResultTypes.Result{Vector{_DisplayModeProperties2KHR}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetDisplayModeProperties2KHR(physical_device, display, pPropertyCount, C_NULL)) pProperties = Vector{VkDisplayModeProperties2KHR}(undef, pPropertyCount[]) @check @dispatch(instance(physical_device), vkGetDisplayModeProperties2KHR(physical_device, display, pPropertyCount, pProperties)) end from_vk.(_DisplayModeProperties2KHR, pProperties) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `display_plane_info::_DisplayPlaneInfo2KHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDisplayPlaneCapabilities2KHR.html) """ function _get_display_plane_capabilities_2_khr(physical_device, display_plane_info::_DisplayPlaneInfo2KHR)::ResultTypes.Result{_DisplayPlaneCapabilities2KHR, VulkanError} pCapabilities = Ref{VkDisplayPlaneCapabilities2KHR}() @check @dispatch(instance(physical_device), vkGetDisplayPlaneCapabilities2KHR(physical_device, display_plane_info, pCapabilities)) from_vk(_DisplayPlaneCapabilities2KHR, pCapabilities[]) end """ Arguments: - `device::Device` - `info::_BufferMemoryRequirementsInfo2` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetBufferMemoryRequirements2.html) """ function _get_buffer_memory_requirements_2(device, info::_BufferMemoryRequirementsInfo2, next_types::Type...)::_MemoryRequirements2 memory_requirements = initialize(_MemoryRequirements2, next_types...) pMemoryRequirements = Ref(Base.unsafe_convert(VkMemoryRequirements2, memory_requirements)) GC.@preserve memory_requirements begin @dispatch device vkGetBufferMemoryRequirements2(device, info, pMemoryRequirements) _MemoryRequirements2(pMemoryRequirements[], Any[memory_requirements]) end end """ Arguments: - `device::Device` - `info::_ImageMemoryRequirementsInfo2` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageMemoryRequirements2.html) """ function _get_image_memory_requirements_2(device, info::_ImageMemoryRequirementsInfo2, next_types::Type...)::_MemoryRequirements2 memory_requirements = initialize(_MemoryRequirements2, next_types...) pMemoryRequirements = Ref(Base.unsafe_convert(VkMemoryRequirements2, memory_requirements)) GC.@preserve memory_requirements begin @dispatch device vkGetImageMemoryRequirements2(device, info, pMemoryRequirements) _MemoryRequirements2(pMemoryRequirements[], Any[memory_requirements]) end end """ Arguments: - `device::Device` - `info::_ImageSparseMemoryRequirementsInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageSparseMemoryRequirements2.html) """ function _get_image_sparse_memory_requirements_2(device, info::_ImageSparseMemoryRequirementsInfo2)::Vector{_SparseImageMemoryRequirements2} pSparseMemoryRequirementCount = Ref{UInt32}() @dispatch device vkGetImageSparseMemoryRequirements2(device, info, pSparseMemoryRequirementCount, C_NULL) pSparseMemoryRequirements = Vector{VkSparseImageMemoryRequirements2}(undef, pSparseMemoryRequirementCount[]) @dispatch device vkGetImageSparseMemoryRequirements2(device, info, pSparseMemoryRequirementCount, pSparseMemoryRequirements) from_vk.(_SparseImageMemoryRequirements2, pSparseMemoryRequirements) end """ Arguments: - `device::Device` - `info::_DeviceBufferMemoryRequirements` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceBufferMemoryRequirements.html) """ function _get_device_buffer_memory_requirements(device, info::_DeviceBufferMemoryRequirements, next_types::Type...)::_MemoryRequirements2 memory_requirements = initialize(_MemoryRequirements2, next_types...) pMemoryRequirements = Ref(Base.unsafe_convert(VkMemoryRequirements2, memory_requirements)) GC.@preserve memory_requirements begin @dispatch device vkGetDeviceBufferMemoryRequirements(device, info, pMemoryRequirements) _MemoryRequirements2(pMemoryRequirements[], Any[memory_requirements]) end end """ Arguments: - `device::Device` - `info::_DeviceImageMemoryRequirements` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceImageMemoryRequirements.html) """ function _get_device_image_memory_requirements(device, info::_DeviceImageMemoryRequirements, next_types::Type...)::_MemoryRequirements2 memory_requirements = initialize(_MemoryRequirements2, next_types...) pMemoryRequirements = Ref(Base.unsafe_convert(VkMemoryRequirements2, memory_requirements)) GC.@preserve memory_requirements begin @dispatch device vkGetDeviceImageMemoryRequirements(device, info, pMemoryRequirements) _MemoryRequirements2(pMemoryRequirements[], Any[memory_requirements]) end end """ Arguments: - `device::Device` - `info::_DeviceImageMemoryRequirements` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceImageSparseMemoryRequirements.html) """ function _get_device_image_sparse_memory_requirements(device, info::_DeviceImageMemoryRequirements)::Vector{_SparseImageMemoryRequirements2} pSparseMemoryRequirementCount = Ref{UInt32}() @dispatch device vkGetDeviceImageSparseMemoryRequirements(device, info, pSparseMemoryRequirementCount, C_NULL) pSparseMemoryRequirements = Vector{VkSparseImageMemoryRequirements2}(undef, pSparseMemoryRequirementCount[]) @dispatch device vkGetDeviceImageSparseMemoryRequirements(device, info, pSparseMemoryRequirementCount, pSparseMemoryRequirements) from_vk.(_SparseImageMemoryRequirements2, pSparseMemoryRequirements) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_SamplerYcbcrConversionCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSamplerYcbcrConversion.html) """ function _create_sampler_ycbcr_conversion(device, create_info::_SamplerYcbcrConversionCreateInfo; allocator = C_NULL)::ResultTypes.Result{SamplerYcbcrConversion, VulkanError} pYcbcrConversion = Ref{VkSamplerYcbcrConversion}() @check @dispatch(device, vkCreateSamplerYcbcrConversion(device, create_info, allocator, pYcbcrConversion)) SamplerYcbcrConversion(pYcbcrConversion[], begin parent = Vk.handle(device) x->_destroy_sampler_ycbcr_conversion(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `ycbcr_conversion::SamplerYcbcrConversion` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroySamplerYcbcrConversion.html) """ _destroy_sampler_ycbcr_conversion(device, ycbcr_conversion; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroySamplerYcbcrConversion(device, ycbcr_conversion, allocator)) """ Arguments: - `device::Device` - `queue_info::_DeviceQueueInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceQueue2.html) """ function _get_device_queue_2(device, queue_info::_DeviceQueueInfo2)::Queue pQueue = Ref{VkQueue}() @dispatch device vkGetDeviceQueue2(device, queue_info, pQueue) Queue(pQueue[], identity, device) end """ Extension: VK\\_EXT\\_validation\\_cache Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `create_info::_ValidationCacheCreateInfoEXT` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateValidationCacheEXT.html) """ function _create_validation_cache_ext(device, create_info::_ValidationCacheCreateInfoEXT; allocator = C_NULL)::ResultTypes.Result{ValidationCacheEXT, VulkanError} pValidationCache = Ref{VkValidationCacheEXT}() @check @dispatch(device, vkCreateValidationCacheEXT(device, create_info, allocator, pValidationCache)) ValidationCacheEXT(pValidationCache[], begin parent = Vk.handle(device) x->_destroy_validation_cache_ext(parent, x; allocator) end, device) end """ Extension: VK\\_EXT\\_validation\\_cache Arguments: - `device::Device` - `validation_cache::ValidationCacheEXT` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyValidationCacheEXT.html) """ _destroy_validation_cache_ext(device, validation_cache; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyValidationCacheEXT(device, validation_cache, allocator)) """ Extension: VK\\_EXT\\_validation\\_cache Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `validation_cache::ValidationCacheEXT` !!! warning The pointer returned by this function holds memory owned by Julia. It is therefore **your** responsibility to free it after use (e.g. with `Libc.free`). [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetValidationCacheDataEXT.html) """ function _get_validation_cache_data_ext(device, validation_cache)::ResultTypes.Result{Tuple{UInt, Ptr{Cvoid}}, VulkanError} pDataSize = Ref{UInt}() @repeat_while_incomplete begin @check @dispatch(device, vkGetValidationCacheDataEXT(device, validation_cache, pDataSize, C_NULL)) pData = Libc.malloc(pDataSize[]) @check @dispatch(device, vkGetValidationCacheDataEXT(device, validation_cache, pDataSize, pData)) if _return_code == VK_INCOMPLETE Libc.free(pData) end end (pDataSize[], pData) end """ Extension: VK\\_EXT\\_validation\\_cache Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `dst_cache::ValidationCacheEXT` (externsync) - `src_caches::Vector{ValidationCacheEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkMergeValidationCachesEXT.html) """ _merge_validation_caches_ext(device, dst_cache, src_caches::AbstractArray)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkMergeValidationCachesEXT(device, dst_cache, pointer_length(src_caches), src_caches))) """ Arguments: - `device::Device` - `create_info::_DescriptorSetLayoutCreateInfo` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDescriptorSetLayoutSupport.html) """ function _get_descriptor_set_layout_support(device, create_info::_DescriptorSetLayoutCreateInfo, next_types::Type...)::_DescriptorSetLayoutSupport support = initialize(_DescriptorSetLayoutSupport, next_types...) pSupport = Ref(Base.unsafe_convert(VkDescriptorSetLayoutSupport, support)) GC.@preserve support begin @dispatch device vkGetDescriptorSetLayoutSupport(device, create_info, pSupport) _DescriptorSetLayoutSupport(pSupport[], Any[support]) end end """ Extension: VK\\_AMD\\_shader\\_info Return codes: - `SUCCESS` - `ERROR_FEATURE_NOT_PRESENT` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `pipeline::Pipeline` - `shader_stage::ShaderStageFlag` - `info_type::ShaderInfoTypeAMD` !!! warning The pointer returned by this function holds memory owned by Julia. It is therefore **your** responsibility to free it after use (e.g. with `Libc.free`). [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetShaderInfoAMD.html) """ function _get_shader_info_amd(device, pipeline, shader_stage::ShaderStageFlag, info_type::ShaderInfoTypeAMD)::ResultTypes.Result{Tuple{UInt, Ptr{Cvoid}}, VulkanError} pInfoSize = Ref{UInt}() @repeat_while_incomplete begin @check @dispatch(device, vkGetShaderInfoAMD(device, pipeline, VkShaderStageFlagBits(shader_stage.val), info_type, pInfoSize, C_NULL)) pInfo = Libc.malloc(pInfoSize[]) @check @dispatch(device, vkGetShaderInfoAMD(device, pipeline, VkShaderStageFlagBits(shader_stage.val), info_type, pInfoSize, pInfo)) if _return_code == VK_INCOMPLETE Libc.free(pInfo) end end (pInfoSize[], pInfo) end """ Extension: VK\\_AMD\\_display\\_native\\_hdr Arguments: - `device::Device` - `swap_chain::SwapchainKHR` - `local_dimming_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetLocalDimmingAMD.html) """ _set_local_dimming_amd(device, swap_chain, local_dimming_enable::Bool)::Cvoid = @dispatch(device, vkSetLocalDimmingAMD(device, swap_chain, local_dimming_enable)) """ Extension: VK\\_EXT\\_calibrated\\_timestamps Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceCalibrateableTimeDomainsEXT.html) """ function _get_physical_device_calibrateable_time_domains_ext(physical_device)::ResultTypes.Result{Vector{TimeDomainEXT}, VulkanError} pTimeDomainCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceCalibrateableTimeDomainsEXT(physical_device, pTimeDomainCount, C_NULL)) pTimeDomains = Vector{VkTimeDomainEXT}(undef, pTimeDomainCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceCalibrateableTimeDomainsEXT(physical_device, pTimeDomainCount, pTimeDomains)) end pTimeDomains end """ Extension: VK\\_EXT\\_calibrated\\_timestamps Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `timestamp_infos::Vector{_CalibratedTimestampInfoEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetCalibratedTimestampsEXT.html) """ function _get_calibrated_timestamps_ext(device, timestamp_infos::AbstractArray)::ResultTypes.Result{Tuple{Vector{UInt64}, UInt64}, VulkanError} pTimestamps = Vector{UInt64}(undef, pointer_length(timestamp_infos)) pMaxDeviation = Ref{UInt64}() @check @dispatch(device, vkGetCalibratedTimestampsEXT(device, pointer_length(timestamp_infos), timestamp_infos, pTimestamps, pMaxDeviation)) (pTimestamps, pMaxDeviation[]) end """ Extension: VK\\_EXT\\_debug\\_utils Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `name_info::_DebugUtilsObjectNameInfoEXT` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetDebugUtilsObjectNameEXT.html) """ _set_debug_utils_object_name_ext(device, name_info::_DebugUtilsObjectNameInfoEXT)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkSetDebugUtilsObjectNameEXT(device, name_info))) """ Extension: VK\\_EXT\\_debug\\_utils Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `tag_info::_DebugUtilsObjectTagInfoEXT` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetDebugUtilsObjectTagEXT.html) """ _set_debug_utils_object_tag_ext(device, tag_info::_DebugUtilsObjectTagInfoEXT)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkSetDebugUtilsObjectTagEXT(device, tag_info))) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `queue::Queue` - `label_info::_DebugUtilsLabelEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueBeginDebugUtilsLabelEXT.html) """ _queue_begin_debug_utils_label_ext(queue, label_info::_DebugUtilsLabelEXT)::Cvoid = @dispatch(device(queue), vkQueueBeginDebugUtilsLabelEXT(queue, label_info)) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `queue::Queue` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueEndDebugUtilsLabelEXT.html) """ _queue_end_debug_utils_label_ext(queue)::Cvoid = @dispatch(device(queue), vkQueueEndDebugUtilsLabelEXT(queue)) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `queue::Queue` - `label_info::_DebugUtilsLabelEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueInsertDebugUtilsLabelEXT.html) """ _queue_insert_debug_utils_label_ext(queue, label_info::_DebugUtilsLabelEXT)::Cvoid = @dispatch(device(queue), vkQueueInsertDebugUtilsLabelEXT(queue, label_info)) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `command_buffer::CommandBuffer` (externsync) - `label_info::_DebugUtilsLabelEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginDebugUtilsLabelEXT.html) """ _cmd_begin_debug_utils_label_ext(command_buffer, label_info::_DebugUtilsLabelEXT)::Cvoid = @dispatch(device(command_buffer), vkCmdBeginDebugUtilsLabelEXT(command_buffer, label_info)) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndDebugUtilsLabelEXT.html) """ _cmd_end_debug_utils_label_ext(command_buffer)::Cvoid = @dispatch(device(command_buffer), vkCmdEndDebugUtilsLabelEXT(command_buffer)) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `command_buffer::CommandBuffer` (externsync) - `label_info::_DebugUtilsLabelEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdInsertDebugUtilsLabelEXT.html) """ _cmd_insert_debug_utils_label_ext(command_buffer, label_info::_DebugUtilsLabelEXT)::Cvoid = @dispatch(device(command_buffer), vkCmdInsertDebugUtilsLabelEXT(command_buffer, label_info)) """ Extension: VK\\_EXT\\_debug\\_utils Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `instance::Instance` - `create_info::_DebugUtilsMessengerCreateInfoEXT` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDebugUtilsMessengerEXT.html) """ function _create_debug_utils_messenger_ext(instance, create_info::_DebugUtilsMessengerCreateInfoEXT; allocator = C_NULL)::ResultTypes.Result{DebugUtilsMessengerEXT, VulkanError} pMessenger = Ref{VkDebugUtilsMessengerEXT}() @check @dispatch(instance, vkCreateDebugUtilsMessengerEXT(instance, create_info, allocator, pMessenger)) DebugUtilsMessengerEXT(pMessenger[], begin parent = Vk.handle(instance) x->_destroy_debug_utils_messenger_ext(parent, x; allocator) end, instance) end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `instance::Instance` - `messenger::DebugUtilsMessengerEXT` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDebugUtilsMessengerEXT.html) """ _destroy_debug_utils_messenger_ext(instance, messenger; allocator = C_NULL)::Cvoid = @dispatch(instance, vkDestroyDebugUtilsMessengerEXT(instance, messenger, allocator)) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `instance::Instance` - `message_severity::DebugUtilsMessageSeverityFlagEXT` - `message_types::DebugUtilsMessageTypeFlagEXT` - `callback_data::_DebugUtilsMessengerCallbackDataEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSubmitDebugUtilsMessageEXT.html) """ _submit_debug_utils_message_ext(instance, message_severity::DebugUtilsMessageSeverityFlagEXT, message_types::DebugUtilsMessageTypeFlagEXT, callback_data::_DebugUtilsMessengerCallbackDataEXT)::Cvoid = @dispatch(instance, vkSubmitDebugUtilsMessageEXT(instance, VkDebugUtilsMessageSeverityFlagBitsEXT(message_severity.val), message_types, callback_data)) """ Extension: VK\\_EXT\\_external\\_memory\\_host Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` Arguments: - `device::Device` - `handle_type::ExternalMemoryHandleTypeFlag` - `host_pointer::Ptr{Cvoid}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetMemoryHostPointerPropertiesEXT.html) """ function _get_memory_host_pointer_properties_ext(device, handle_type::ExternalMemoryHandleTypeFlag, host_pointer::Ptr{Cvoid})::ResultTypes.Result{_MemoryHostPointerPropertiesEXT, VulkanError} pMemoryHostPointerProperties = Ref{VkMemoryHostPointerPropertiesEXT}() @check @dispatch(device, vkGetMemoryHostPointerPropertiesEXT(device, VkExternalMemoryHandleTypeFlagBits(handle_type.val), host_pointer, pMemoryHostPointerProperties)) from_vk(_MemoryHostPointerPropertiesEXT, pMemoryHostPointerProperties[]) end """ Extension: VK\\_AMD\\_buffer\\_marker Arguments: - `command_buffer::CommandBuffer` (externsync) - `dst_buffer::Buffer` - `dst_offset::UInt64` - `marker::UInt32` - `pipeline_stage::PipelineStageFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteBufferMarkerAMD.html) """ _cmd_write_buffer_marker_amd(command_buffer, dst_buffer, dst_offset::Integer, marker::Integer; pipeline_stage = 0)::Cvoid = @dispatch(device(command_buffer), vkCmdWriteBufferMarkerAMD(command_buffer, VkPipelineStageFlagBits(pipeline_stage.val), dst_buffer, dst_offset, marker)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_RenderPassCreateInfo2` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRenderPass2.html) """ function _create_render_pass_2(device, create_info::_RenderPassCreateInfo2; allocator = C_NULL)::ResultTypes.Result{RenderPass, VulkanError} pRenderPass = Ref{VkRenderPass}() @check @dispatch(device, vkCreateRenderPass2(device, create_info, allocator, pRenderPass)) RenderPass(pRenderPass[], begin parent = Vk.handle(device) x->_destroy_render_pass(parent, x; allocator) end, device) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `render_pass_begin::_RenderPassBeginInfo` - `subpass_begin_info::_SubpassBeginInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginRenderPass2.html) """ _cmd_begin_render_pass_2(command_buffer, render_pass_begin::_RenderPassBeginInfo, subpass_begin_info::_SubpassBeginInfo)::Cvoid = @dispatch(device(command_buffer), vkCmdBeginRenderPass2(command_buffer, render_pass_begin, subpass_begin_info)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `subpass_begin_info::_SubpassBeginInfo` - `subpass_end_info::_SubpassEndInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdNextSubpass2.html) """ _cmd_next_subpass_2(command_buffer, subpass_begin_info::_SubpassBeginInfo, subpass_end_info::_SubpassEndInfo)::Cvoid = @dispatch(device(command_buffer), vkCmdNextSubpass2(command_buffer, subpass_begin_info, subpass_end_info)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `subpass_end_info::_SubpassEndInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndRenderPass2.html) """ _cmd_end_render_pass_2(command_buffer, subpass_end_info::_SubpassEndInfo)::Cvoid = @dispatch(device(command_buffer), vkCmdEndRenderPass2(command_buffer, subpass_end_info)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` - `semaphore::Semaphore` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSemaphoreCounterValue.html) """ function _get_semaphore_counter_value(device, semaphore)::ResultTypes.Result{UInt64, VulkanError} pValue = Ref{UInt64}() @check @dispatch(device, vkGetSemaphoreCounterValue(device, semaphore, pValue)) pValue[] end """ Return codes: - `SUCCESS` - `TIMEOUT` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` - `wait_info::_SemaphoreWaitInfo` - `timeout::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkWaitSemaphores.html) """ _wait_semaphores(device, wait_info::_SemaphoreWaitInfo, timeout::Integer)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkWaitSemaphores(device, wait_info, timeout))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `signal_info::_SemaphoreSignalInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSignalSemaphore.html) """ _signal_semaphore(device, signal_info::_SemaphoreSignalInfo)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkSignalSemaphore(device, signal_info))) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `count_buffer::Buffer` - `count_buffer_offset::UInt64` - `max_draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawIndirectCount.html) """ _cmd_draw_indirect_count(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawIndirectCount(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `count_buffer::Buffer` - `count_buffer_offset::UInt64` - `max_draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawIndexedIndirectCount.html) """ _cmd_draw_indexed_indirect_count(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawIndexedIndirectCount(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride)) """ Extension: VK\\_NV\\_device\\_diagnostic\\_checkpoints Arguments: - `command_buffer::CommandBuffer` (externsync) - `checkpoint_marker::Ptr{Cvoid}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCheckpointNV.html) """ _cmd_set_checkpoint_nv(command_buffer, checkpoint_marker::Ptr{Cvoid})::Cvoid = @dispatch(device(command_buffer), vkCmdSetCheckpointNV(command_buffer, checkpoint_marker)) """ Extension: VK\\_NV\\_device\\_diagnostic\\_checkpoints Arguments: - `queue::Queue` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetQueueCheckpointDataNV.html) """ function _get_queue_checkpoint_data_nv(queue)::Vector{_CheckpointDataNV} pCheckpointDataCount = Ref{UInt32}() @dispatch device(queue) vkGetQueueCheckpointDataNV(queue, pCheckpointDataCount, C_NULL) pCheckpointData = Vector{VkCheckpointDataNV}(undef, pCheckpointDataCount[]) @dispatch device(queue) vkGetQueueCheckpointDataNV(queue, pCheckpointDataCount, pCheckpointData) from_vk.(_CheckpointDataNV, pCheckpointData) end """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffers::Vector{Buffer}` - `offsets::Vector{UInt64}` - `sizes::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindTransformFeedbackBuffersEXT.html) """ _cmd_bind_transform_feedback_buffers_ext(command_buffer, buffers::AbstractArray, offsets::AbstractArray; sizes = C_NULL)::Cvoid = @dispatch(device(command_buffer), vkCmdBindTransformFeedbackBuffersEXT(command_buffer, 0, pointer_length(buffers), buffers, offsets, sizes)) """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `command_buffer::CommandBuffer` (externsync) - `counter_buffers::Vector{Buffer}` - `counter_buffer_offsets::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginTransformFeedbackEXT.html) """ _cmd_begin_transform_feedback_ext(command_buffer, counter_buffers::AbstractArray; counter_buffer_offsets = C_NULL)::Cvoid = @dispatch(device(command_buffer), vkCmdBeginTransformFeedbackEXT(command_buffer, 0, pointer_length(counter_buffers), counter_buffers, counter_buffer_offsets)) """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `command_buffer::CommandBuffer` (externsync) - `counter_buffers::Vector{Buffer}` - `counter_buffer_offsets::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndTransformFeedbackEXT.html) """ _cmd_end_transform_feedback_ext(command_buffer, counter_buffers::AbstractArray; counter_buffer_offsets = C_NULL)::Cvoid = @dispatch(device(command_buffer), vkCmdEndTransformFeedbackEXT(command_buffer, 0, pointer_length(counter_buffers), counter_buffers, counter_buffer_offsets)) """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `query::UInt32` - `index::UInt32` - `flags::QueryControlFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginQueryIndexedEXT.html) """ _cmd_begin_query_indexed_ext(command_buffer, query_pool, query::Integer, index::Integer; flags = 0)::Cvoid = @dispatch(device(command_buffer), vkCmdBeginQueryIndexedEXT(command_buffer, query_pool, query, flags, index)) """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `query::UInt32` - `index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndQueryIndexedEXT.html) """ _cmd_end_query_indexed_ext(command_buffer, query_pool, query::Integer, index::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdEndQueryIndexedEXT(command_buffer, query_pool, query, index)) """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `command_buffer::CommandBuffer` (externsync) - `instance_count::UInt32` - `first_instance::UInt32` - `counter_buffer::Buffer` - `counter_buffer_offset::UInt64` - `counter_offset::UInt32` - `vertex_stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawIndirectByteCountEXT.html) """ _cmd_draw_indirect_byte_count_ext(command_buffer, instance_count::Integer, first_instance::Integer, counter_buffer, counter_buffer_offset::Integer, counter_offset::Integer, vertex_stride::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawIndirectByteCountEXT(command_buffer, instance_count, first_instance, counter_buffer, counter_buffer_offset, counter_offset, vertex_stride)) """ Extension: VK\\_NV\\_scissor\\_exclusive Arguments: - `command_buffer::CommandBuffer` (externsync) - `exclusive_scissors::Vector{_Rect2D}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetExclusiveScissorNV.html) """ _cmd_set_exclusive_scissor_nv(command_buffer, exclusive_scissors::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetExclusiveScissorNV(command_buffer, 0, pointer_length(exclusive_scissors), exclusive_scissors)) """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `command_buffer::CommandBuffer` (externsync) - `image_layout::ImageLayout` - `image_view::ImageView`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindShadingRateImageNV.html) """ _cmd_bind_shading_rate_image_nv(command_buffer, image_layout::ImageLayout; image_view = C_NULL)::Cvoid = @dispatch(device(command_buffer), vkCmdBindShadingRateImageNV(command_buffer, image_view, image_layout)) """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `command_buffer::CommandBuffer` (externsync) - `shading_rate_palettes::Vector{_ShadingRatePaletteNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetViewportShadingRatePaletteNV.html) """ _cmd_set_viewport_shading_rate_palette_nv(command_buffer, shading_rate_palettes::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetViewportShadingRatePaletteNV(command_buffer, 0, pointer_length(shading_rate_palettes), shading_rate_palettes)) """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `command_buffer::CommandBuffer` (externsync) - `sample_order_type::CoarseSampleOrderTypeNV` - `custom_sample_orders::Vector{_CoarseSampleOrderCustomNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoarseSampleOrderNV.html) """ _cmd_set_coarse_sample_order_nv(command_buffer, sample_order_type::CoarseSampleOrderTypeNV, custom_sample_orders::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetCoarseSampleOrderNV(command_buffer, sample_order_type, pointer_length(custom_sample_orders), custom_sample_orders)) """ Extension: VK\\_NV\\_mesh\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `task_count::UInt32` - `first_task::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMeshTasksNV.html) """ _cmd_draw_mesh_tasks_nv(command_buffer, task_count::Integer, first_task::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawMeshTasksNV(command_buffer, task_count, first_task)) """ Extension: VK\\_NV\\_mesh\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMeshTasksIndirectNV.html) """ _cmd_draw_mesh_tasks_indirect_nv(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawMeshTasksIndirectNV(command_buffer, buffer, offset, draw_count, stride)) """ Extension: VK\\_NV\\_mesh\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `count_buffer::Buffer` - `count_buffer_offset::UInt64` - `max_draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMeshTasksIndirectCountNV.html) """ _cmd_draw_mesh_tasks_indirect_count_nv(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawMeshTasksIndirectCountNV(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride)) """ Extension: VK\\_EXT\\_mesh\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `group_count_x::UInt32` - `group_count_y::UInt32` - `group_count_z::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMeshTasksEXT.html) """ _cmd_draw_mesh_tasks_ext(command_buffer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawMeshTasksEXT(command_buffer, group_count_x, group_count_y, group_count_z)) """ Extension: VK\\_EXT\\_mesh\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMeshTasksIndirectEXT.html) """ _cmd_draw_mesh_tasks_indirect_ext(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawMeshTasksIndirectEXT(command_buffer, buffer, offset, draw_count, stride)) """ Extension: VK\\_EXT\\_mesh\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `count_buffer::Buffer` - `count_buffer_offset::UInt64` - `max_draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMeshTasksIndirectCountEXT.html) """ _cmd_draw_mesh_tasks_indirect_count_ext(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawMeshTasksIndirectCountEXT(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride)) """ Extension: VK\\_NV\\_ray\\_tracing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `pipeline::Pipeline` - `shader::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCompileDeferredNV.html) """ _compile_deferred_nv(device, pipeline, shader::Integer)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkCompileDeferredNV(device, pipeline, shader))) """ Extension: VK\\_NV\\_ray\\_tracing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `create_info::_AccelerationStructureCreateInfoNV` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateAccelerationStructureNV.html) """ function _create_acceleration_structure_nv(device, create_info::_AccelerationStructureCreateInfoNV; allocator = C_NULL)::ResultTypes.Result{AccelerationStructureNV, VulkanError} pAccelerationStructure = Ref{VkAccelerationStructureNV}() @check @dispatch(device, vkCreateAccelerationStructureNV(device, create_info, allocator, pAccelerationStructure)) AccelerationStructureNV(pAccelerationStructure[], begin parent = Vk.handle(device) x->_destroy_acceleration_structure_nv(parent, x; allocator) end, device) end """ Extension: VK\\_HUAWEI\\_invocation\\_mask Arguments: - `command_buffer::CommandBuffer` (externsync) - `image_layout::ImageLayout` - `image_view::ImageView`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindInvocationMaskHUAWEI.html) """ _cmd_bind_invocation_mask_huawei(command_buffer, image_layout::ImageLayout; image_view = C_NULL)::Cvoid = @dispatch(device(command_buffer), vkCmdBindInvocationMaskHUAWEI(command_buffer, image_view, image_layout)) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `device::Device` - `acceleration_structure::AccelerationStructureKHR` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyAccelerationStructureKHR.html) """ _destroy_acceleration_structure_khr(device, acceleration_structure; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyAccelerationStructureKHR(device, acceleration_structure, allocator)) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `device::Device` - `acceleration_structure::AccelerationStructureNV` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyAccelerationStructureNV.html) """ _destroy_acceleration_structure_nv(device, acceleration_structure; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyAccelerationStructureNV(device, acceleration_structure, allocator)) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `device::Device` - `info::_AccelerationStructureMemoryRequirementsInfoNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetAccelerationStructureMemoryRequirementsNV.html) """ function _get_acceleration_structure_memory_requirements_nv(device, info::_AccelerationStructureMemoryRequirementsInfoNV)::VkMemoryRequirements2KHR pMemoryRequirements = Ref{VkMemoryRequirements2KHR}() @dispatch device vkGetAccelerationStructureMemoryRequirementsNV(device, info, pMemoryRequirements) from_vk(VkMemoryRequirements2KHR, pMemoryRequirements[]) end """ Extension: VK\\_NV\\_ray\\_tracing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `bind_infos::Vector{_BindAccelerationStructureMemoryInfoNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindAccelerationStructureMemoryNV.html) """ _bind_acceleration_structure_memory_nv(device, bind_infos::AbstractArray)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkBindAccelerationStructureMemoryNV(device, pointer_length(bind_infos), bind_infos))) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `command_buffer::CommandBuffer` (externsync) - `dst::AccelerationStructureNV` - `src::AccelerationStructureNV` - `mode::CopyAccelerationStructureModeKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyAccelerationStructureNV.html) """ _cmd_copy_acceleration_structure_nv(command_buffer, dst, src, mode::CopyAccelerationStructureModeKHR)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyAccelerationStructureNV(command_buffer, dst, src, mode)) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::_CopyAccelerationStructureInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyAccelerationStructureKHR.html) """ _cmd_copy_acceleration_structure_khr(command_buffer, info::_CopyAccelerationStructureInfoKHR)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyAccelerationStructureKHR(command_buffer, info)) """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::_CopyAccelerationStructureInfoKHR` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCopyAccelerationStructureKHR.html) """ _copy_acceleration_structure_khr(device, info::_CopyAccelerationStructureInfoKHR; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkCopyAccelerationStructureKHR(device, deferred_operation, info))) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::_CopyAccelerationStructureToMemoryInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyAccelerationStructureToMemoryKHR.html) """ _cmd_copy_acceleration_structure_to_memory_khr(command_buffer, info::_CopyAccelerationStructureToMemoryInfoKHR)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyAccelerationStructureToMemoryKHR(command_buffer, info)) """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::_CopyAccelerationStructureToMemoryInfoKHR` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCopyAccelerationStructureToMemoryKHR.html) """ _copy_acceleration_structure_to_memory_khr(device, info::_CopyAccelerationStructureToMemoryInfoKHR; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkCopyAccelerationStructureToMemoryKHR(device, deferred_operation, info))) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::_CopyMemoryToAccelerationStructureInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyMemoryToAccelerationStructureKHR.html) """ _cmd_copy_memory_to_acceleration_structure_khr(command_buffer, info::_CopyMemoryToAccelerationStructureInfoKHR)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyMemoryToAccelerationStructureKHR(command_buffer, info)) """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::_CopyMemoryToAccelerationStructureInfoKHR` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCopyMemoryToAccelerationStructureKHR.html) """ _copy_memory_to_acceleration_structure_khr(device, info::_CopyMemoryToAccelerationStructureInfoKHR; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkCopyMemoryToAccelerationStructureKHR(device, deferred_operation, info))) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `command_buffer::CommandBuffer` (externsync) - `acceleration_structures::Vector{AccelerationStructureKHR}` - `query_type::QueryType` - `query_pool::QueryPool` - `first_query::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteAccelerationStructuresPropertiesKHR.html) """ _cmd_write_acceleration_structures_properties_khr(command_buffer, acceleration_structures::AbstractArray, query_type::QueryType, query_pool, first_query::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdWriteAccelerationStructuresPropertiesKHR(command_buffer, pointer_length(acceleration_structures), acceleration_structures, query_type, query_pool, first_query)) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `command_buffer::CommandBuffer` (externsync) - `acceleration_structures::Vector{AccelerationStructureNV}` - `query_type::QueryType` - `query_pool::QueryPool` - `first_query::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteAccelerationStructuresPropertiesNV.html) """ _cmd_write_acceleration_structures_properties_nv(command_buffer, acceleration_structures::AbstractArray, query_type::QueryType, query_pool, first_query::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdWriteAccelerationStructuresPropertiesNV(command_buffer, pointer_length(acceleration_structures), acceleration_structures, query_type, query_pool, first_query)) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::_AccelerationStructureInfoNV` - `instance_offset::UInt64` - `update::Bool` - `dst::AccelerationStructureNV` - `scratch::Buffer` - `scratch_offset::UInt64` - `instance_data::Buffer`: defaults to `C_NULL` - `src::AccelerationStructureNV`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBuildAccelerationStructureNV.html) """ _cmd_build_acceleration_structure_nv(command_buffer, info::_AccelerationStructureInfoNV, instance_offset::Integer, update::Bool, dst, scratch, scratch_offset::Integer; instance_data = C_NULL, src = C_NULL)::Cvoid = @dispatch(device(command_buffer), vkCmdBuildAccelerationStructureNV(command_buffer, info, instance_data, instance_offset, update, dst, src, scratch, scratch_offset)) """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `acceleration_structures::Vector{AccelerationStructureKHR}` - `query_type::QueryType` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) - `stride::UInt` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkWriteAccelerationStructuresPropertiesKHR.html) """ _write_acceleration_structures_properties_khr(device, acceleration_structures::AbstractArray, query_type::QueryType, data_size::Integer, data::Ptr{Cvoid}, stride::Integer)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkWriteAccelerationStructuresPropertiesKHR(device, pointer_length(acceleration_structures), acceleration_structures, query_type, data_size, data, stride))) """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `command_buffer::CommandBuffer` (externsync) - `raygen_shader_binding_table::_StridedDeviceAddressRegionKHR` - `miss_shader_binding_table::_StridedDeviceAddressRegionKHR` - `hit_shader_binding_table::_StridedDeviceAddressRegionKHR` - `callable_shader_binding_table::_StridedDeviceAddressRegionKHR` - `width::UInt32` - `height::UInt32` - `depth::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdTraceRaysKHR.html) """ _cmd_trace_rays_khr(command_buffer, raygen_shader_binding_table::_StridedDeviceAddressRegionKHR, miss_shader_binding_table::_StridedDeviceAddressRegionKHR, hit_shader_binding_table::_StridedDeviceAddressRegionKHR, callable_shader_binding_table::_StridedDeviceAddressRegionKHR, width::Integer, height::Integer, depth::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdTraceRaysKHR(command_buffer, raygen_shader_binding_table, miss_shader_binding_table, hit_shader_binding_table, callable_shader_binding_table, width, height, depth)) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `command_buffer::CommandBuffer` (externsync) - `raygen_shader_binding_table_buffer::Buffer` - `raygen_shader_binding_offset::UInt64` - `miss_shader_binding_offset::UInt64` - `miss_shader_binding_stride::UInt64` - `hit_shader_binding_offset::UInt64` - `hit_shader_binding_stride::UInt64` - `callable_shader_binding_offset::UInt64` - `callable_shader_binding_stride::UInt64` - `width::UInt32` - `height::UInt32` - `depth::UInt32` - `miss_shader_binding_table_buffer::Buffer`: defaults to `C_NULL` - `hit_shader_binding_table_buffer::Buffer`: defaults to `C_NULL` - `callable_shader_binding_table_buffer::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdTraceRaysNV.html) """ _cmd_trace_rays_nv(command_buffer, raygen_shader_binding_table_buffer, raygen_shader_binding_offset::Integer, miss_shader_binding_offset::Integer, miss_shader_binding_stride::Integer, hit_shader_binding_offset::Integer, hit_shader_binding_stride::Integer, callable_shader_binding_offset::Integer, callable_shader_binding_stride::Integer, width::Integer, height::Integer, depth::Integer; miss_shader_binding_table_buffer = C_NULL, hit_shader_binding_table_buffer = C_NULL, callable_shader_binding_table_buffer = C_NULL)::Cvoid = @dispatch(device(command_buffer), vkCmdTraceRaysNV(command_buffer, raygen_shader_binding_table_buffer, raygen_shader_binding_offset, miss_shader_binding_table_buffer, miss_shader_binding_offset, miss_shader_binding_stride, hit_shader_binding_table_buffer, hit_shader_binding_offset, hit_shader_binding_stride, callable_shader_binding_table_buffer, callable_shader_binding_offset, callable_shader_binding_stride, width, height, depth)) """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `pipeline::Pipeline` - `first_group::UInt32` - `group_count::UInt32` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetRayTracingShaderGroupHandlesKHR.html) """ _get_ray_tracing_shader_group_handles_khr(device, pipeline, first_group::Integer, group_count::Integer, data_size::Integer, data::Ptr{Cvoid})::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkGetRayTracingShaderGroupHandlesKHR(device, pipeline, first_group, group_count, data_size, data))) """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `pipeline::Pipeline` - `first_group::UInt32` - `group_count::UInt32` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetRayTracingCaptureReplayShaderGroupHandlesKHR.html) """ _get_ray_tracing_capture_replay_shader_group_handles_khr(device, pipeline, first_group::Integer, group_count::Integer, data_size::Integer, data::Ptr{Cvoid})::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkGetRayTracingCaptureReplayShaderGroupHandlesKHR(device, pipeline, first_group, group_count, data_size, data))) """ Extension: VK\\_NV\\_ray\\_tracing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `acceleration_structure::AccelerationStructureNV` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetAccelerationStructureHandleNV.html) """ _get_acceleration_structure_handle_nv(device, acceleration_structure, data_size::Integer, data::Ptr{Cvoid})::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkGetAccelerationStructureHandleNV(device, acceleration_structure, data_size, data))) """ Extension: VK\\_NV\\_ray\\_tracing Return codes: - `SUCCESS` - `PIPELINE_COMPILE_REQUIRED_EXT` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_SHADER_NV` Arguments: - `device::Device` - `create_infos::Vector{_RayTracingPipelineCreateInfoNV}` - `pipeline_cache::PipelineCache`: defaults to `C_NULL` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRayTracingPipelinesNV.html) """ function _create_ray_tracing_pipelines_nv(device, create_infos::AbstractArray; pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} pPipelines = Vector{VkPipeline}(undef, pointer_length(create_infos)) @check @dispatch(device, vkCreateRayTracingPipelinesNV(device, pipeline_cache, pointer_length(create_infos), create_infos, allocator, pPipelines)) (Pipeline.(pPipelines, begin parent = Vk.handle(device) x->_destroy_pipeline(parent, x; allocator) end, device), _return_code) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `PIPELINE_COMPILE_REQUIRED_EXT` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS` Arguments: - `device::Device` - `create_infos::Vector{_RayTracingPipelineCreateInfoKHR}` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` - `pipeline_cache::PipelineCache`: defaults to `C_NULL` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRayTracingPipelinesKHR.html) """ function _create_ray_tracing_pipelines_khr(device, create_infos::AbstractArray; deferred_operation = C_NULL, pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} pPipelines = Vector{VkPipeline}(undef, pointer_length(create_infos)) @check @dispatch(device, vkCreateRayTracingPipelinesKHR(device, deferred_operation, pipeline_cache, pointer_length(create_infos), create_infos, allocator, pPipelines)) (Pipeline.(pPipelines, begin parent = Vk.handle(device) x->_destroy_pipeline(parent, x; allocator) end, device), _return_code) end """ Extension: VK\\_NV\\_cooperative\\_matrix Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceCooperativeMatrixPropertiesNV.html) """ function _get_physical_device_cooperative_matrix_properties_nv(physical_device)::ResultTypes.Result{Vector{_CooperativeMatrixPropertiesNV}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceCooperativeMatrixPropertiesNV(physical_device, pPropertyCount, C_NULL)) pProperties = Vector{VkCooperativeMatrixPropertiesNV}(undef, pPropertyCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceCooperativeMatrixPropertiesNV(physical_device, pPropertyCount, pProperties)) end from_vk.(_CooperativeMatrixPropertiesNV, pProperties) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `command_buffer::CommandBuffer` (externsync) - `raygen_shader_binding_table::_StridedDeviceAddressRegionKHR` - `miss_shader_binding_table::_StridedDeviceAddressRegionKHR` - `hit_shader_binding_table::_StridedDeviceAddressRegionKHR` - `callable_shader_binding_table::_StridedDeviceAddressRegionKHR` - `indirect_device_address::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdTraceRaysIndirectKHR.html) """ _cmd_trace_rays_indirect_khr(command_buffer, raygen_shader_binding_table::_StridedDeviceAddressRegionKHR, miss_shader_binding_table::_StridedDeviceAddressRegionKHR, hit_shader_binding_table::_StridedDeviceAddressRegionKHR, callable_shader_binding_table::_StridedDeviceAddressRegionKHR, indirect_device_address::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdTraceRaysIndirectKHR(command_buffer, raygen_shader_binding_table, miss_shader_binding_table, hit_shader_binding_table, callable_shader_binding_table, indirect_device_address)) """ Extension: VK\\_KHR\\_ray\\_tracing\\_maintenance1 Arguments: - `command_buffer::CommandBuffer` (externsync) - `indirect_device_address::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdTraceRaysIndirect2KHR.html) """ _cmd_trace_rays_indirect_2_khr(command_buffer, indirect_device_address::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdTraceRaysIndirect2KHR(command_buffer, indirect_device_address)) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `device::Device` - `version_info::_AccelerationStructureVersionInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceAccelerationStructureCompatibilityKHR.html) """ function _get_device_acceleration_structure_compatibility_khr(device, version_info::_AccelerationStructureVersionInfoKHR)::AccelerationStructureCompatibilityKHR pCompatibility = Ref{VkAccelerationStructureCompatibilityKHR}() @dispatch device vkGetDeviceAccelerationStructureCompatibilityKHR(device, version_info, pCompatibility) pCompatibility[] end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `device::Device` - `pipeline::Pipeline` - `group::UInt32` - `group_shader::ShaderGroupShaderKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetRayTracingShaderGroupStackSizeKHR.html) """ _get_ray_tracing_shader_group_stack_size_khr(device, pipeline, group::Integer, group_shader::ShaderGroupShaderKHR)::UInt64 = @dispatch(device, vkGetRayTracingShaderGroupStackSizeKHR(device, pipeline, group, group_shader)) """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_stack_size::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetRayTracingPipelineStackSizeKHR.html) """ _cmd_set_ray_tracing_pipeline_stack_size_khr(command_buffer, pipeline_stack_size::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdSetRayTracingPipelineStackSizeKHR(command_buffer, pipeline_stack_size)) """ Extension: VK\\_NVX\\_image\\_view\\_handle Arguments: - `device::Device` - `info::_ImageViewHandleInfoNVX` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageViewHandleNVX.html) """ _get_image_view_handle_nvx(device, info::_ImageViewHandleInfoNVX)::UInt32 = @dispatch(device, vkGetImageViewHandleNVX(device, info)) """ Extension: VK\\_NVX\\_image\\_view\\_handle Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_UNKNOWN` Arguments: - `device::Device` - `image_view::ImageView` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageViewAddressNVX.html) """ function _get_image_view_address_nvx(device, image_view)::ResultTypes.Result{_ImageViewAddressPropertiesNVX, VulkanError} pProperties = Ref{VkImageViewAddressPropertiesNVX}() @check @dispatch(device, vkGetImageViewAddressNVX(device, image_view, pProperties)) from_vk(_ImageViewAddressPropertiesNVX, pProperties[]) end """ Extension: VK\\_KHR\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `physical_device::PhysicalDevice` - `queue_family_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumeratePhysicalDeviceQueueFamilyPerformanceQueryCountersKHR.html) """ function _enumerate_physical_device_queue_family_performance_query_counters_khr(physical_device, queue_family_index::Integer)::ResultTypes.Result{Tuple{Vector{_PerformanceCounterKHR}, Vector{_PerformanceCounterDescriptionKHR}}, VulkanError} pCounterCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkEnumeratePhysicalDeviceQueueFamilyPerformanceQueryCountersKHR(physical_device, queue_family_index, pCounterCount, C_NULL, C_NULL)) pCounters = Vector{VkPerformanceCounterKHR}(undef, pCounterCount[]) pCounterDescriptions = Vector{VkPerformanceCounterDescriptionKHR}(undef, pCounterCount[]) @check @dispatch(instance(physical_device), vkEnumeratePhysicalDeviceQueueFamilyPerformanceQueryCountersKHR(physical_device, queue_family_index, pCounterCount, pCounters, pCounterDescriptions)) end (from_vk.(_PerformanceCounterKHR, pCounters), from_vk.(_PerformanceCounterDescriptionKHR, pCounterDescriptions)) end """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `physical_device::PhysicalDevice` - `performance_query_create_info::_QueryPoolPerformanceCreateInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceQueueFamilyPerformanceQueryPassesKHR.html) """ function _get_physical_device_queue_family_performance_query_passes_khr(physical_device, performance_query_create_info::_QueryPoolPerformanceCreateInfoKHR)::UInt32 pNumPasses = Ref{UInt32}() @dispatch instance(physical_device) vkGetPhysicalDeviceQueueFamilyPerformanceQueryPassesKHR(physical_device, performance_query_create_info, pNumPasses) pNumPasses[] end """ Extension: VK\\_KHR\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `TIMEOUT` Arguments: - `device::Device` - `info::_AcquireProfilingLockInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAcquireProfilingLockKHR.html) """ _acquire_profiling_lock_khr(device, info::_AcquireProfilingLockInfoKHR)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkAcquireProfilingLockKHR(device, info))) """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `device::Device` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkReleaseProfilingLockKHR.html) """ _release_profiling_lock_khr(device)::Cvoid = @dispatch(device, vkReleaseProfilingLockKHR(device)) """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `image::Image` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageDrmFormatModifierPropertiesEXT.html) """ function _get_image_drm_format_modifier_properties_ext(device, image)::ResultTypes.Result{_ImageDrmFormatModifierPropertiesEXT, VulkanError} pProperties = Ref{VkImageDrmFormatModifierPropertiesEXT}() @check @dispatch(device, vkGetImageDrmFormatModifierPropertiesEXT(device, image, pProperties)) from_vk(_ImageDrmFormatModifierPropertiesEXT, pProperties[]) end """ Arguments: - `device::Device` - `info::_BufferDeviceAddressInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetBufferOpaqueCaptureAddress.html) """ _get_buffer_opaque_capture_address(device, info::_BufferDeviceAddressInfo)::UInt64 = @dispatch(device, vkGetBufferOpaqueCaptureAddress(device, info)) """ Arguments: - `device::Device` - `info::_BufferDeviceAddressInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetBufferDeviceAddress.html) """ _get_buffer_device_address(device, info::_BufferDeviceAddressInfo)::UInt64 = @dispatch(device, vkGetBufferDeviceAddress(device, info)) """ Extension: VK\\_EXT\\_headless\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `create_info::_HeadlessSurfaceCreateInfoEXT` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateHeadlessSurfaceEXT.html) """ function _create_headless_surface_ext(instance, create_info::_HeadlessSurfaceCreateInfoEXT; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} pSurface = Ref{VkSurfaceKHR}() @check @dispatch(instance, vkCreateHeadlessSurfaceEXT(instance, create_info, allocator, pSurface)) SurfaceKHR(pSurface[], begin parent = Vk.handle(instance) x->_destroy_surface_khr(parent, x; allocator) end, instance) end """ Extension: VK\\_NV\\_coverage\\_reduction\\_mode Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSupportedFramebufferMixedSamplesCombinationsNV.html) """ function _get_physical_device_supported_framebuffer_mixed_samples_combinations_nv(physical_device)::ResultTypes.Result{Vector{_FramebufferMixedSamplesCombinationNV}, VulkanError} pCombinationCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSupportedFramebufferMixedSamplesCombinationsNV(physical_device, pCombinationCount, C_NULL)) pCombinations = Vector{VkFramebufferMixedSamplesCombinationNV}(undef, pCombinationCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSupportedFramebufferMixedSamplesCombinationsNV(physical_device, pCombinationCount, pCombinations)) end from_vk.(_FramebufferMixedSamplesCombinationNV, pCombinations) end """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `initialize_info::_InitializePerformanceApiInfoINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkInitializePerformanceApiINTEL.html) """ _initialize_performance_api_intel(device, initialize_info::_InitializePerformanceApiInfoINTEL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkInitializePerformanceApiINTEL(device, initialize_info))) """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `device::Device` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkUninitializePerformanceApiINTEL.html) """ _uninitialize_performance_api_intel(device)::Cvoid = @dispatch(device, vkUninitializePerformanceApiINTEL(device)) """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `command_buffer::CommandBuffer` (externsync) - `marker_info::_PerformanceMarkerInfoINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPerformanceMarkerINTEL.html) """ _cmd_set_performance_marker_intel(command_buffer, marker_info::_PerformanceMarkerInfoINTEL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device(command_buffer), vkCmdSetPerformanceMarkerINTEL(command_buffer, marker_info))) """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `command_buffer::CommandBuffer` (externsync) - `marker_info::_PerformanceStreamMarkerInfoINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPerformanceStreamMarkerINTEL.html) """ _cmd_set_performance_stream_marker_intel(command_buffer, marker_info::_PerformanceStreamMarkerInfoINTEL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device(command_buffer), vkCmdSetPerformanceStreamMarkerINTEL(command_buffer, marker_info))) """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `command_buffer::CommandBuffer` (externsync) - `override_info::_PerformanceOverrideInfoINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPerformanceOverrideINTEL.html) """ _cmd_set_performance_override_intel(command_buffer, override_info::_PerformanceOverrideInfoINTEL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device(command_buffer), vkCmdSetPerformanceOverrideINTEL(command_buffer, override_info))) """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `acquire_info::_PerformanceConfigurationAcquireInfoINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAcquirePerformanceConfigurationINTEL.html) """ function _acquire_performance_configuration_intel(device, acquire_info::_PerformanceConfigurationAcquireInfoINTEL)::ResultTypes.Result{PerformanceConfigurationINTEL, VulkanError} pConfiguration = Ref{VkPerformanceConfigurationINTEL}() @check @dispatch(device, vkAcquirePerformanceConfigurationINTEL(device, acquire_info, pConfiguration)) PerformanceConfigurationINTEL(pConfiguration[], identity, device) end """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `configuration::PerformanceConfigurationINTEL`: defaults to `C_NULL` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkReleasePerformanceConfigurationINTEL.html) """ _release_performance_configuration_intel(device; configuration = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkReleasePerformanceConfigurationINTEL(device, configuration))) """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `queue::Queue` - `configuration::PerformanceConfigurationINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueSetPerformanceConfigurationINTEL.html) """ _queue_set_performance_configuration_intel(queue, configuration)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device(queue), vkQueueSetPerformanceConfigurationINTEL(queue, configuration))) """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `parameter::PerformanceParameterTypeINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPerformanceParameterINTEL.html) """ function _get_performance_parameter_intel(device, parameter::PerformanceParameterTypeINTEL)::ResultTypes.Result{_PerformanceValueINTEL, VulkanError} pValue = Ref{VkPerformanceValueINTEL}() @check @dispatch(device, vkGetPerformanceParameterINTEL(device, parameter, pValue)) from_vk(_PerformanceValueINTEL, pValue[]) end """ Arguments: - `device::Device` - `info::_DeviceMemoryOpaqueCaptureAddressInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceMemoryOpaqueCaptureAddress.html) """ _get_device_memory_opaque_capture_address(device, info::_DeviceMemoryOpaqueCaptureAddressInfo)::UInt64 = @dispatch(device, vkGetDeviceMemoryOpaqueCaptureAddress(device, info)) """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `pipeline_info::_PipelineInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPipelineExecutablePropertiesKHR.html) """ function _get_pipeline_executable_properties_khr(device, pipeline_info::_PipelineInfoKHR)::ResultTypes.Result{Vector{_PipelineExecutablePropertiesKHR}, VulkanError} pExecutableCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(device, vkGetPipelineExecutablePropertiesKHR(device, pipeline_info, pExecutableCount, C_NULL)) pProperties = Vector{VkPipelineExecutablePropertiesKHR}(undef, pExecutableCount[]) @check @dispatch(device, vkGetPipelineExecutablePropertiesKHR(device, pipeline_info, pExecutableCount, pProperties)) end from_vk.(_PipelineExecutablePropertiesKHR, pProperties) end """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `executable_info::_PipelineExecutableInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPipelineExecutableStatisticsKHR.html) """ function _get_pipeline_executable_statistics_khr(device, executable_info::_PipelineExecutableInfoKHR)::ResultTypes.Result{Vector{_PipelineExecutableStatisticKHR}, VulkanError} pStatisticCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(device, vkGetPipelineExecutableStatisticsKHR(device, executable_info, pStatisticCount, C_NULL)) pStatistics = Vector{VkPipelineExecutableStatisticKHR}(undef, pStatisticCount[]) @check @dispatch(device, vkGetPipelineExecutableStatisticsKHR(device, executable_info, pStatisticCount, pStatistics)) end from_vk.(_PipelineExecutableStatisticKHR, pStatistics) end """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `executable_info::_PipelineExecutableInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPipelineExecutableInternalRepresentationsKHR.html) """ function _get_pipeline_executable_internal_representations_khr(device, executable_info::_PipelineExecutableInfoKHR)::ResultTypes.Result{Vector{_PipelineExecutableInternalRepresentationKHR}, VulkanError} pInternalRepresentationCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(device, vkGetPipelineExecutableInternalRepresentationsKHR(device, executable_info, pInternalRepresentationCount, C_NULL)) pInternalRepresentations = Vector{VkPipelineExecutableInternalRepresentationKHR}(undef, pInternalRepresentationCount[]) @check @dispatch(device, vkGetPipelineExecutableInternalRepresentationsKHR(device, executable_info, pInternalRepresentationCount, pInternalRepresentations)) end from_vk.(_PipelineExecutableInternalRepresentationKHR, pInternalRepresentations) end """ Extension: VK\\_EXT\\_line\\_rasterization Arguments: - `command_buffer::CommandBuffer` (externsync) - `line_stipple_factor::UInt32` - `line_stipple_pattern::UInt16` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetLineStippleEXT.html) """ _cmd_set_line_stipple_ext(command_buffer, line_stipple_factor::Integer, line_stipple_pattern::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdSetLineStippleEXT(command_buffer, line_stipple_factor, line_stipple_pattern)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceToolProperties.html) """ function _get_physical_device_tool_properties(physical_device)::ResultTypes.Result{Vector{_PhysicalDeviceToolProperties}, VulkanError} pToolCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceToolProperties(physical_device, pToolCount, C_NULL)) pToolProperties = Vector{VkPhysicalDeviceToolProperties}(undef, pToolCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceToolProperties(physical_device, pToolCount, pToolProperties)) end from_vk.(_PhysicalDeviceToolProperties, pToolProperties) end """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `create_info::_AccelerationStructureCreateInfoKHR` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateAccelerationStructureKHR.html) """ function _create_acceleration_structure_khr(device, create_info::_AccelerationStructureCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{AccelerationStructureKHR, VulkanError} pAccelerationStructure = Ref{VkAccelerationStructureKHR}() @check @dispatch(device, vkCreateAccelerationStructureKHR(device, create_info, allocator, pAccelerationStructure)) AccelerationStructureKHR(pAccelerationStructure[], begin parent = Vk.handle(device) x->_destroy_acceleration_structure_khr(parent, x; allocator) end, device) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `command_buffer::CommandBuffer` (externsync) - `infos::Vector{_AccelerationStructureBuildGeometryInfoKHR}` - `build_range_infos::Vector{_AccelerationStructureBuildRangeInfoKHR}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBuildAccelerationStructuresKHR.html) """ _cmd_build_acceleration_structures_khr(command_buffer, infos::AbstractArray, build_range_infos::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdBuildAccelerationStructuresKHR(command_buffer, pointer_length(infos), infos, build_range_infos)) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `command_buffer::CommandBuffer` (externsync) - `infos::Vector{_AccelerationStructureBuildGeometryInfoKHR}` - `indirect_device_addresses::Vector{UInt64}` - `indirect_strides::Vector{UInt32}` - `max_primitive_counts::Vector{UInt32}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBuildAccelerationStructuresIndirectKHR.html) """ _cmd_build_acceleration_structures_indirect_khr(command_buffer, infos::AbstractArray, indirect_device_addresses::AbstractArray, indirect_strides::AbstractArray, max_primitive_counts::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdBuildAccelerationStructuresIndirectKHR(command_buffer, pointer_length(infos), infos, indirect_device_addresses, indirect_strides, max_primitive_counts)) """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `infos::Vector{_AccelerationStructureBuildGeometryInfoKHR}` - `build_range_infos::Vector{_AccelerationStructureBuildRangeInfoKHR}` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBuildAccelerationStructuresKHR.html) """ _build_acceleration_structures_khr(device, infos::AbstractArray, build_range_infos::AbstractArray; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkBuildAccelerationStructuresKHR(device, deferred_operation, pointer_length(infos), infos, build_range_infos))) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `device::Device` - `info::_AccelerationStructureDeviceAddressInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetAccelerationStructureDeviceAddressKHR.html) """ _get_acceleration_structure_device_address_khr(device, info::_AccelerationStructureDeviceAddressInfoKHR)::UInt64 = @dispatch(device, vkGetAccelerationStructureDeviceAddressKHR(device, info)) """ Extension: VK\\_KHR\\_deferred\\_host\\_operations Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDeferredOperationKHR.html) """ function _create_deferred_operation_khr(device; allocator = C_NULL)::ResultTypes.Result{DeferredOperationKHR, VulkanError} pDeferredOperation = Ref{VkDeferredOperationKHR}() @check @dispatch(device, vkCreateDeferredOperationKHR(device, allocator, pDeferredOperation)) DeferredOperationKHR(pDeferredOperation[], begin parent = Vk.handle(device) x->_destroy_deferred_operation_khr(parent, x; allocator) end, device) end """ Extension: VK\\_KHR\\_deferred\\_host\\_operations Arguments: - `device::Device` - `operation::DeferredOperationKHR` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDeferredOperationKHR.html) """ _destroy_deferred_operation_khr(device, operation; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyDeferredOperationKHR(device, operation, allocator)) """ Extension: VK\\_KHR\\_deferred\\_host\\_operations Arguments: - `device::Device` - `operation::DeferredOperationKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeferredOperationMaxConcurrencyKHR.html) """ _get_deferred_operation_max_concurrency_khr(device, operation)::UInt32 = @dispatch(device, vkGetDeferredOperationMaxConcurrencyKHR(device, operation)) """ Extension: VK\\_KHR\\_deferred\\_host\\_operations Return codes: - `SUCCESS` - `NOT_READY` Arguments: - `device::Device` - `operation::DeferredOperationKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeferredOperationResultKHR.html) """ _get_deferred_operation_result_khr(device, operation)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkGetDeferredOperationResultKHR(device, operation))) """ Extension: VK\\_KHR\\_deferred\\_host\\_operations Return codes: - `SUCCESS` - `THREAD_DONE_KHR` - `THREAD_IDLE_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `operation::DeferredOperationKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDeferredOperationJoinKHR.html) """ _deferred_operation_join_khr(device, operation)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkDeferredOperationJoinKHR(device, operation))) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `cull_mode::CullModeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCullMode.html) """ _cmd_set_cull_mode(command_buffer; cull_mode = 0)::Cvoid = @dispatch(device(command_buffer), vkCmdSetCullMode(command_buffer, cull_mode)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `front_face::FrontFace` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetFrontFace.html) """ _cmd_set_front_face(command_buffer, front_face::FrontFace)::Cvoid = @dispatch(device(command_buffer), vkCmdSetFrontFace(command_buffer, front_face)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `primitive_topology::PrimitiveTopology` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPrimitiveTopology.html) """ _cmd_set_primitive_topology(command_buffer, primitive_topology::PrimitiveTopology)::Cvoid = @dispatch(device(command_buffer), vkCmdSetPrimitiveTopology(command_buffer, primitive_topology)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `viewports::Vector{_Viewport}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetViewportWithCount.html) """ _cmd_set_viewport_with_count(command_buffer, viewports::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetViewportWithCount(command_buffer, pointer_length(viewports), viewports)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `scissors::Vector{_Rect2D}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetScissorWithCount.html) """ _cmd_set_scissor_with_count(command_buffer, scissors::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetScissorWithCount(command_buffer, pointer_length(scissors), scissors)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffers::Vector{Buffer}` - `offsets::Vector{UInt64}` - `sizes::Vector{UInt64}`: defaults to `C_NULL` - `strides::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindVertexBuffers2.html) """ _cmd_bind_vertex_buffers_2(command_buffer, buffers::AbstractArray, offsets::AbstractArray; sizes = C_NULL, strides = C_NULL)::Cvoid = @dispatch(device(command_buffer), vkCmdBindVertexBuffers2(command_buffer, 0, pointer_length(buffers), buffers, offsets, sizes, strides)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_test_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthTestEnable.html) """ _cmd_set_depth_test_enable(command_buffer, depth_test_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDepthTestEnable(command_buffer, depth_test_enable)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_write_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthWriteEnable.html) """ _cmd_set_depth_write_enable(command_buffer, depth_write_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDepthWriteEnable(command_buffer, depth_write_enable)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_compare_op::CompareOp` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthCompareOp.html) """ _cmd_set_depth_compare_op(command_buffer, depth_compare_op::CompareOp)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDepthCompareOp(command_buffer, depth_compare_op)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_bounds_test_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthBoundsTestEnable.html) """ _cmd_set_depth_bounds_test_enable(command_buffer, depth_bounds_test_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDepthBoundsTestEnable(command_buffer, depth_bounds_test_enable)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `stencil_test_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetStencilTestEnable.html) """ _cmd_set_stencil_test_enable(command_buffer, stencil_test_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetStencilTestEnable(command_buffer, stencil_test_enable)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `face_mask::StencilFaceFlag` - `fail_op::StencilOp` - `pass_op::StencilOp` - `depth_fail_op::StencilOp` - `compare_op::CompareOp` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetStencilOp.html) """ _cmd_set_stencil_op(command_buffer, face_mask::StencilFaceFlag, fail_op::StencilOp, pass_op::StencilOp, depth_fail_op::StencilOp, compare_op::CompareOp)::Cvoid = @dispatch(device(command_buffer), vkCmdSetStencilOp(command_buffer, face_mask, fail_op, pass_op, depth_fail_op, compare_op)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state2 Arguments: - `command_buffer::CommandBuffer` (externsync) - `patch_control_points::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPatchControlPointsEXT.html) """ _cmd_set_patch_control_points_ext(command_buffer, patch_control_points::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdSetPatchControlPointsEXT(command_buffer, patch_control_points)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `rasterizer_discard_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetRasterizerDiscardEnable.html) """ _cmd_set_rasterizer_discard_enable(command_buffer, rasterizer_discard_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetRasterizerDiscardEnable(command_buffer, rasterizer_discard_enable)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_bias_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthBiasEnable.html) """ _cmd_set_depth_bias_enable(command_buffer, depth_bias_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDepthBiasEnable(command_buffer, depth_bias_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state2 Arguments: - `command_buffer::CommandBuffer` (externsync) - `logic_op::LogicOp` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetLogicOpEXT.html) """ _cmd_set_logic_op_ext(command_buffer, logic_op::LogicOp)::Cvoid = @dispatch(device(command_buffer), vkCmdSetLogicOpEXT(command_buffer, logic_op)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `primitive_restart_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPrimitiveRestartEnable.html) """ _cmd_set_primitive_restart_enable(command_buffer, primitive_restart_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetPrimitiveRestartEnable(command_buffer, primitive_restart_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `domain_origin::TessellationDomainOrigin` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetTessellationDomainOriginEXT.html) """ _cmd_set_tessellation_domain_origin_ext(command_buffer, domain_origin::TessellationDomainOrigin)::Cvoid = @dispatch(device(command_buffer), vkCmdSetTessellationDomainOriginEXT(command_buffer, domain_origin)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_clamp_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthClampEnableEXT.html) """ _cmd_set_depth_clamp_enable_ext(command_buffer, depth_clamp_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDepthClampEnableEXT(command_buffer, depth_clamp_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `polygon_mode::PolygonMode` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPolygonModeEXT.html) """ _cmd_set_polygon_mode_ext(command_buffer, polygon_mode::PolygonMode)::Cvoid = @dispatch(device(command_buffer), vkCmdSetPolygonModeEXT(command_buffer, polygon_mode)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `rasterization_samples::SampleCountFlag` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetRasterizationSamplesEXT.html) """ _cmd_set_rasterization_samples_ext(command_buffer, rasterization_samples::SampleCountFlag)::Cvoid = @dispatch(device(command_buffer), vkCmdSetRasterizationSamplesEXT(command_buffer, VkSampleCountFlagBits(rasterization_samples.val))) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `samples::SampleCountFlag` - `sample_mask::Vector{UInt32}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetSampleMaskEXT.html) """ _cmd_set_sample_mask_ext(command_buffer, samples::SampleCountFlag, sample_mask::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetSampleMaskEXT(command_buffer, VkSampleCountFlagBits(samples.val), sample_mask)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `alpha_to_coverage_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetAlphaToCoverageEnableEXT.html) """ _cmd_set_alpha_to_coverage_enable_ext(command_buffer, alpha_to_coverage_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetAlphaToCoverageEnableEXT(command_buffer, alpha_to_coverage_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `alpha_to_one_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetAlphaToOneEnableEXT.html) """ _cmd_set_alpha_to_one_enable_ext(command_buffer, alpha_to_one_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetAlphaToOneEnableEXT(command_buffer, alpha_to_one_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `logic_op_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetLogicOpEnableEXT.html) """ _cmd_set_logic_op_enable_ext(command_buffer, logic_op_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetLogicOpEnableEXT(command_buffer, logic_op_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `color_blend_enables::Vector{Bool}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetColorBlendEnableEXT.html) """ _cmd_set_color_blend_enable_ext(command_buffer, color_blend_enables::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetColorBlendEnableEXT(command_buffer, 0, pointer_length(color_blend_enables), color_blend_enables)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `color_blend_equations::Vector{_ColorBlendEquationEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetColorBlendEquationEXT.html) """ _cmd_set_color_blend_equation_ext(command_buffer, color_blend_equations::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetColorBlendEquationEXT(command_buffer, 0, pointer_length(color_blend_equations), color_blend_equations)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `color_write_masks::Vector{ColorComponentFlag}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetColorWriteMaskEXT.html) """ _cmd_set_color_write_mask_ext(command_buffer, color_write_masks::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetColorWriteMaskEXT(command_buffer, 0, pointer_length(color_write_masks), color_write_masks)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `rasterization_stream::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetRasterizationStreamEXT.html) """ _cmd_set_rasterization_stream_ext(command_buffer, rasterization_stream::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdSetRasterizationStreamEXT(command_buffer, rasterization_stream)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `conservative_rasterization_mode::ConservativeRasterizationModeEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetConservativeRasterizationModeEXT.html) """ _cmd_set_conservative_rasterization_mode_ext(command_buffer, conservative_rasterization_mode::ConservativeRasterizationModeEXT)::Cvoid = @dispatch(device(command_buffer), vkCmdSetConservativeRasterizationModeEXT(command_buffer, conservative_rasterization_mode)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `extra_primitive_overestimation_size::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetExtraPrimitiveOverestimationSizeEXT.html) """ _cmd_set_extra_primitive_overestimation_size_ext(command_buffer, extra_primitive_overestimation_size::Real)::Cvoid = @dispatch(device(command_buffer), vkCmdSetExtraPrimitiveOverestimationSizeEXT(command_buffer, extra_primitive_overestimation_size)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_clip_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthClipEnableEXT.html) """ _cmd_set_depth_clip_enable_ext(command_buffer, depth_clip_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDepthClipEnableEXT(command_buffer, depth_clip_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `sample_locations_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetSampleLocationsEnableEXT.html) """ _cmd_set_sample_locations_enable_ext(command_buffer, sample_locations_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetSampleLocationsEnableEXT(command_buffer, sample_locations_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `color_blend_advanced::Vector{_ColorBlendAdvancedEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetColorBlendAdvancedEXT.html) """ _cmd_set_color_blend_advanced_ext(command_buffer, color_blend_advanced::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetColorBlendAdvancedEXT(command_buffer, 0, pointer_length(color_blend_advanced), color_blend_advanced)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `provoking_vertex_mode::ProvokingVertexModeEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetProvokingVertexModeEXT.html) """ _cmd_set_provoking_vertex_mode_ext(command_buffer, provoking_vertex_mode::ProvokingVertexModeEXT)::Cvoid = @dispatch(device(command_buffer), vkCmdSetProvokingVertexModeEXT(command_buffer, provoking_vertex_mode)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `line_rasterization_mode::LineRasterizationModeEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetLineRasterizationModeEXT.html) """ _cmd_set_line_rasterization_mode_ext(command_buffer, line_rasterization_mode::LineRasterizationModeEXT)::Cvoid = @dispatch(device(command_buffer), vkCmdSetLineRasterizationModeEXT(command_buffer, line_rasterization_mode)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `stippled_line_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetLineStippleEnableEXT.html) """ _cmd_set_line_stipple_enable_ext(command_buffer, stippled_line_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetLineStippleEnableEXT(command_buffer, stippled_line_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `negative_one_to_one::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthClipNegativeOneToOneEXT.html) """ _cmd_set_depth_clip_negative_one_to_one_ext(command_buffer, negative_one_to_one::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDepthClipNegativeOneToOneEXT(command_buffer, negative_one_to_one)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `viewport_w_scaling_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetViewportWScalingEnableNV.html) """ _cmd_set_viewport_w_scaling_enable_nv(command_buffer, viewport_w_scaling_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetViewportWScalingEnableNV(command_buffer, viewport_w_scaling_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `viewport_swizzles::Vector{_ViewportSwizzleNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetViewportSwizzleNV.html) """ _cmd_set_viewport_swizzle_nv(command_buffer, viewport_swizzles::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetViewportSwizzleNV(command_buffer, 0, pointer_length(viewport_swizzles), viewport_swizzles)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `coverage_to_color_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoverageToColorEnableNV.html) """ _cmd_set_coverage_to_color_enable_nv(command_buffer, coverage_to_color_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetCoverageToColorEnableNV(command_buffer, coverage_to_color_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `coverage_to_color_location::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoverageToColorLocationNV.html) """ _cmd_set_coverage_to_color_location_nv(command_buffer, coverage_to_color_location::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdSetCoverageToColorLocationNV(command_buffer, coverage_to_color_location)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `coverage_modulation_mode::CoverageModulationModeNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoverageModulationModeNV.html) """ _cmd_set_coverage_modulation_mode_nv(command_buffer, coverage_modulation_mode::CoverageModulationModeNV)::Cvoid = @dispatch(device(command_buffer), vkCmdSetCoverageModulationModeNV(command_buffer, coverage_modulation_mode)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `coverage_modulation_table_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoverageModulationTableEnableNV.html) """ _cmd_set_coverage_modulation_table_enable_nv(command_buffer, coverage_modulation_table_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetCoverageModulationTableEnableNV(command_buffer, coverage_modulation_table_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `coverage_modulation_table::Vector{Float32}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoverageModulationTableNV.html) """ _cmd_set_coverage_modulation_table_nv(command_buffer, coverage_modulation_table::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetCoverageModulationTableNV(command_buffer, pointer_length(coverage_modulation_table), coverage_modulation_table)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `shading_rate_image_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetShadingRateImageEnableNV.html) """ _cmd_set_shading_rate_image_enable_nv(command_buffer, shading_rate_image_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetShadingRateImageEnableNV(command_buffer, shading_rate_image_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `coverage_reduction_mode::CoverageReductionModeNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoverageReductionModeNV.html) """ _cmd_set_coverage_reduction_mode_nv(command_buffer, coverage_reduction_mode::CoverageReductionModeNV)::Cvoid = @dispatch(device(command_buffer), vkCmdSetCoverageReductionModeNV(command_buffer, coverage_reduction_mode)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `representative_fragment_test_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetRepresentativeFragmentTestEnableNV.html) """ _cmd_set_representative_fragment_test_enable_nv(command_buffer, representative_fragment_test_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetRepresentativeFragmentTestEnableNV(command_buffer, representative_fragment_test_enable)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `create_info::_PrivateDataSlotCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePrivateDataSlot.html) """ function _create_private_data_slot(device, create_info::_PrivateDataSlotCreateInfo; allocator = C_NULL)::ResultTypes.Result{PrivateDataSlot, VulkanError} pPrivateDataSlot = Ref{VkPrivateDataSlot}() @check @dispatch(device, vkCreatePrivateDataSlot(device, create_info, allocator, pPrivateDataSlot)) PrivateDataSlot(pPrivateDataSlot[], begin parent = Vk.handle(device) x->_destroy_private_data_slot(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `private_data_slot::PrivateDataSlot` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyPrivateDataSlot.html) """ _destroy_private_data_slot(device, private_data_slot; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyPrivateDataSlot(device, private_data_slot, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `object_type::ObjectType` - `object_handle::UInt64` - `private_data_slot::PrivateDataSlot` - `data::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetPrivateData.html) """ _set_private_data(device, object_type::ObjectType, object_handle::Integer, private_data_slot, data::Integer)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkSetPrivateData(device, object_type, object_handle, private_data_slot, data))) """ Arguments: - `device::Device` - `object_type::ObjectType` - `object_handle::UInt64` - `private_data_slot::PrivateDataSlot` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPrivateData.html) """ function _get_private_data(device, object_type::ObjectType, object_handle::Integer, private_data_slot)::UInt64 pData = Ref{UInt64}() @dispatch device vkGetPrivateData(device, object_type, object_handle, private_data_slot, pData) pData[] end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `copy_buffer_info::_CopyBufferInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyBuffer2.html) """ _cmd_copy_buffer_2(command_buffer, copy_buffer_info::_CopyBufferInfo2)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyBuffer2(command_buffer, copy_buffer_info)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `copy_image_info::_CopyImageInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyImage2.html) """ _cmd_copy_image_2(command_buffer, copy_image_info::_CopyImageInfo2)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyImage2(command_buffer, copy_image_info)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `blit_image_info::_BlitImageInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBlitImage2.html) """ _cmd_blit_image_2(command_buffer, blit_image_info::_BlitImageInfo2)::Cvoid = @dispatch(device(command_buffer), vkCmdBlitImage2(command_buffer, blit_image_info)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `copy_buffer_to_image_info::_CopyBufferToImageInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyBufferToImage2.html) """ _cmd_copy_buffer_to_image_2(command_buffer, copy_buffer_to_image_info::_CopyBufferToImageInfo2)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyBufferToImage2(command_buffer, copy_buffer_to_image_info)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `copy_image_to_buffer_info::_CopyImageToBufferInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyImageToBuffer2.html) """ _cmd_copy_image_to_buffer_2(command_buffer, copy_image_to_buffer_info::_CopyImageToBufferInfo2)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyImageToBuffer2(command_buffer, copy_image_to_buffer_info)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `resolve_image_info::_ResolveImageInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdResolveImage2.html) """ _cmd_resolve_image_2(command_buffer, resolve_image_info::_ResolveImageInfo2)::Cvoid = @dispatch(device(command_buffer), vkCmdResolveImage2(command_buffer, resolve_image_info)) """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Arguments: - `command_buffer::CommandBuffer` (externsync) - `fragment_size::_Extent2D` - `combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetFragmentShadingRateKHR.html) """ _cmd_set_fragment_shading_rate_khr(command_buffer, fragment_size::_Extent2D, combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR})::Cvoid = @dispatch(device(command_buffer), vkCmdSetFragmentShadingRateKHR(command_buffer, fragment_size, to_vk(NTuple{2, VkFragmentShadingRateCombinerOpKHR}, combiner_ops))) """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceFragmentShadingRatesKHR.html) """ function _get_physical_device_fragment_shading_rates_khr(physical_device)::ResultTypes.Result{Vector{_PhysicalDeviceFragmentShadingRateKHR}, VulkanError} pFragmentShadingRateCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceFragmentShadingRatesKHR(physical_device, pFragmentShadingRateCount, C_NULL)) pFragmentShadingRates = Vector{VkPhysicalDeviceFragmentShadingRateKHR}(undef, pFragmentShadingRateCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceFragmentShadingRatesKHR(physical_device, pFragmentShadingRateCount, pFragmentShadingRates)) end from_vk.(_PhysicalDeviceFragmentShadingRateKHR, pFragmentShadingRates) end """ Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums Arguments: - `command_buffer::CommandBuffer` (externsync) - `shading_rate::FragmentShadingRateNV` - `combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetFragmentShadingRateEnumNV.html) """ _cmd_set_fragment_shading_rate_enum_nv(command_buffer, shading_rate::FragmentShadingRateNV, combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR})::Cvoid = @dispatch(device(command_buffer), vkCmdSetFragmentShadingRateEnumNV(command_buffer, shading_rate, to_vk(NTuple{2, VkFragmentShadingRateCombinerOpKHR}, combiner_ops))) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `device::Device` - `build_type::AccelerationStructureBuildTypeKHR` - `build_info::_AccelerationStructureBuildGeometryInfoKHR` - `max_primitive_counts::Vector{UInt32}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetAccelerationStructureBuildSizesKHR.html) """ function _get_acceleration_structure_build_sizes_khr(device, build_type::AccelerationStructureBuildTypeKHR, build_info::_AccelerationStructureBuildGeometryInfoKHR; max_primitive_counts = C_NULL)::_AccelerationStructureBuildSizesInfoKHR pSizeInfo = Ref{VkAccelerationStructureBuildSizesInfoKHR}() @dispatch device vkGetAccelerationStructureBuildSizesKHR(device, build_type, build_info, max_primitive_counts, pSizeInfo) from_vk(_AccelerationStructureBuildSizesInfoKHR, pSizeInfo[]) end """ Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state Arguments: - `command_buffer::CommandBuffer` (externsync) - `vertex_binding_descriptions::Vector{_VertexInputBindingDescription2EXT}` - `vertex_attribute_descriptions::Vector{_VertexInputAttributeDescription2EXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetVertexInputEXT.html) """ _cmd_set_vertex_input_ext(command_buffer, vertex_binding_descriptions::AbstractArray, vertex_attribute_descriptions::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetVertexInputEXT(command_buffer, pointer_length(vertex_binding_descriptions), vertex_binding_descriptions, pointer_length(vertex_attribute_descriptions), vertex_attribute_descriptions)) """ Extension: VK\\_EXT\\_color\\_write\\_enable Arguments: - `command_buffer::CommandBuffer` (externsync) - `color_write_enables::Vector{Bool}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetColorWriteEnableEXT.html) """ _cmd_set_color_write_enable_ext(command_buffer, color_write_enables::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetColorWriteEnableEXT(command_buffer, pointer_length(color_write_enables), color_write_enables)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `event::Event` - `dependency_info::_DependencyInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetEvent2.html) """ _cmd_set_event_2(command_buffer, event, dependency_info::_DependencyInfo)::Cvoid = @dispatch(device(command_buffer), vkCmdSetEvent2(command_buffer, event, dependency_info)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `event::Event` - `stage_mask::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdResetEvent2.html) """ _cmd_reset_event_2(command_buffer, event; stage_mask = 0)::Cvoid = @dispatch(device(command_buffer), vkCmdResetEvent2(command_buffer, event, stage_mask)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `events::Vector{Event}` - `dependency_infos::Vector{_DependencyInfo}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWaitEvents2.html) """ _cmd_wait_events_2(command_buffer, events::AbstractArray, dependency_infos::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdWaitEvents2(command_buffer, pointer_length(events), events, dependency_infos)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `dependency_info::_DependencyInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdPipelineBarrier2.html) """ _cmd_pipeline_barrier_2(command_buffer, dependency_info::_DependencyInfo)::Cvoid = @dispatch(device(command_buffer), vkCmdPipelineBarrier2(command_buffer, dependency_info)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `queue::Queue` (externsync) - `submits::Vector{_SubmitInfo2}` - `fence::Fence`: defaults to `C_NULL` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueSubmit2.html) """ _queue_submit_2(queue, submits::AbstractArray; fence = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device(queue), vkQueueSubmit2(queue, pointer_length(submits), submits, fence))) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `query::UInt32` - `stage::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteTimestamp2.html) """ _cmd_write_timestamp_2(command_buffer, query_pool, query::Integer; stage = 0)::Cvoid = @dispatch(device(command_buffer), vkCmdWriteTimestamp2(command_buffer, stage, query_pool, query)) """ Extension: VK\\_KHR\\_synchronization2 Arguments: - `command_buffer::CommandBuffer` (externsync) - `dst_buffer::Buffer` - `dst_offset::UInt64` - `marker::UInt32` - `stage::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteBufferMarker2AMD.html) """ _cmd_write_buffer_marker_2_amd(command_buffer, dst_buffer, dst_offset::Integer, marker::Integer; stage = 0)::Cvoid = @dispatch(device(command_buffer), vkCmdWriteBufferMarker2AMD(command_buffer, stage, dst_buffer, dst_offset, marker)) """ Extension: VK\\_KHR\\_synchronization2 Arguments: - `queue::Queue` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetQueueCheckpointData2NV.html) """ function _get_queue_checkpoint_data_2_nv(queue)::Vector{_CheckpointData2NV} pCheckpointDataCount = Ref{UInt32}() @dispatch device(queue) vkGetQueueCheckpointData2NV(queue, pCheckpointDataCount, C_NULL) pCheckpointData = Vector{VkCheckpointData2NV}(undef, pCheckpointDataCount[]) @dispatch device(queue) vkGetQueueCheckpointData2NV(queue, pCheckpointDataCount, pCheckpointData) from_vk.(_CheckpointData2NV, pCheckpointData) end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_VIDEO_PROFILE_OPERATION_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_FORMAT_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PICTURE_LAYOUT_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_CODEC_NOT_SUPPORTED_KHR` Arguments: - `physical_device::PhysicalDevice` - `video_profile::_VideoProfileInfoKHR` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceVideoCapabilitiesKHR.html) """ function _get_physical_device_video_capabilities_khr(physical_device, video_profile::_VideoProfileInfoKHR, next_types::Type...)::ResultTypes.Result{_VideoCapabilitiesKHR, VulkanError} capabilities = initialize(_VideoCapabilitiesKHR, next_types...) pCapabilities = Ref(Base.unsafe_convert(VkVideoCapabilitiesKHR, capabilities)) GC.@preserve capabilities begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceVideoCapabilitiesKHR(physical_device, video_profile, pCapabilities)) _VideoCapabilitiesKHR(pCapabilities[], Any[capabilities]) end end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_IMAGE_USAGE_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_OPERATION_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_FORMAT_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PICTURE_LAYOUT_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_CODEC_NOT_SUPPORTED_KHR` Arguments: - `physical_device::PhysicalDevice` - `video_format_info::_PhysicalDeviceVideoFormatInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceVideoFormatPropertiesKHR.html) """ function _get_physical_device_video_format_properties_khr(physical_device, video_format_info::_PhysicalDeviceVideoFormatInfoKHR)::ResultTypes.Result{Vector{_VideoFormatPropertiesKHR}, VulkanError} pVideoFormatPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceVideoFormatPropertiesKHR(physical_device, video_format_info, pVideoFormatPropertyCount, C_NULL)) pVideoFormatProperties = Vector{VkVideoFormatPropertiesKHR}(undef, pVideoFormatPropertyCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceVideoFormatPropertiesKHR(physical_device, video_format_info, pVideoFormatPropertyCount, pVideoFormatProperties)) end from_vk.(_VideoFormatPropertiesKHR, pVideoFormatProperties) end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_VIDEO_STD_VERSION_NOT_SUPPORTED_KHR` Arguments: - `device::Device` - `create_info::_VideoSessionCreateInfoKHR` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateVideoSessionKHR.html) """ function _create_video_session_khr(device, create_info::_VideoSessionCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{VideoSessionKHR, VulkanError} pVideoSession = Ref{VkVideoSessionKHR}() @check @dispatch(device, vkCreateVideoSessionKHR(device, create_info, allocator, pVideoSession)) VideoSessionKHR(pVideoSession[], begin parent = Vk.handle(device) x->_destroy_video_session_khr(parent, x; allocator) end, device) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `device::Device` - `video_session::VideoSessionKHR` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyVideoSessionKHR.html) """ _destroy_video_session_khr(device, video_session; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyVideoSessionKHR(device, video_session, allocator)) """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `create_info::_VideoSessionParametersCreateInfoKHR` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateVideoSessionParametersKHR.html) """ function _create_video_session_parameters_khr(device, create_info::_VideoSessionParametersCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{VideoSessionParametersKHR, VulkanError} pVideoSessionParameters = Ref{VkVideoSessionParametersKHR}() @check @dispatch(device, vkCreateVideoSessionParametersKHR(device, create_info, allocator, pVideoSessionParameters)) VideoSessionParametersKHR(pVideoSessionParameters[], (x->_destroy_video_session_parameters_khr(device, x; allocator)), getproperty(create_info, :video_session)) end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `video_session_parameters::VideoSessionParametersKHR` - `update_info::_VideoSessionParametersUpdateInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkUpdateVideoSessionParametersKHR.html) """ _update_video_session_parameters_khr(device, video_session_parameters, update_info::_VideoSessionParametersUpdateInfoKHR)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkUpdateVideoSessionParametersKHR(device, video_session_parameters, update_info))) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `device::Device` - `video_session_parameters::VideoSessionParametersKHR` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyVideoSessionParametersKHR.html) """ _destroy_video_session_parameters_khr(device, video_session_parameters; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyVideoSessionParametersKHR(device, video_session_parameters, allocator)) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `device::Device` - `video_session::VideoSessionKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetVideoSessionMemoryRequirementsKHR.html) """ function _get_video_session_memory_requirements_khr(device, video_session)::Vector{_VideoSessionMemoryRequirementsKHR} pMemoryRequirementsCount = Ref{UInt32}() @repeat_while_incomplete begin @dispatch device vkGetVideoSessionMemoryRequirementsKHR(device, video_session, pMemoryRequirementsCount, C_NULL) pMemoryRequirements = Vector{VkVideoSessionMemoryRequirementsKHR}(undef, pMemoryRequirementsCount[]) @dispatch device vkGetVideoSessionMemoryRequirementsKHR(device, video_session, pMemoryRequirementsCount, pMemoryRequirements) end from_vk.(_VideoSessionMemoryRequirementsKHR, pMemoryRequirements) end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `video_session::VideoSessionKHR` (externsync) - `bind_session_memory_infos::Vector{_BindVideoSessionMemoryInfoKHR}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindVideoSessionMemoryKHR.html) """ _bind_video_session_memory_khr(device, video_session, bind_session_memory_infos::AbstractArray)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkBindVideoSessionMemoryKHR(device, video_session, pointer_length(bind_session_memory_infos), bind_session_memory_infos))) """ Extension: VK\\_KHR\\_video\\_decode\\_queue Arguments: - `command_buffer::CommandBuffer` (externsync) - `decode_info::_VideoDecodeInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDecodeVideoKHR.html) """ _cmd_decode_video_khr(command_buffer, decode_info::_VideoDecodeInfoKHR)::Cvoid = @dispatch(device(command_buffer), vkCmdDecodeVideoKHR(command_buffer, decode_info)) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `command_buffer::CommandBuffer` (externsync) - `begin_info::_VideoBeginCodingInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginVideoCodingKHR.html) """ _cmd_begin_video_coding_khr(command_buffer, begin_info::_VideoBeginCodingInfoKHR)::Cvoid = @dispatch(device(command_buffer), vkCmdBeginVideoCodingKHR(command_buffer, begin_info)) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `command_buffer::CommandBuffer` (externsync) - `coding_control_info::_VideoCodingControlInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdControlVideoCodingKHR.html) """ _cmd_control_video_coding_khr(command_buffer, coding_control_info::_VideoCodingControlInfoKHR)::Cvoid = @dispatch(device(command_buffer), vkCmdControlVideoCodingKHR(command_buffer, coding_control_info)) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `command_buffer::CommandBuffer` (externsync) - `end_coding_info::_VideoEndCodingInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndVideoCodingKHR.html) """ _cmd_end_video_coding_khr(command_buffer, end_coding_info::_VideoEndCodingInfoKHR)::Cvoid = @dispatch(device(command_buffer), vkCmdEndVideoCodingKHR(command_buffer, end_coding_info)) """ Extension: VK\\_NV\\_memory\\_decompression Arguments: - `command_buffer::CommandBuffer` (externsync) - `decompress_memory_regions::Vector{_DecompressMemoryRegionNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDecompressMemoryNV.html) """ _cmd_decompress_memory_nv(command_buffer, decompress_memory_regions::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdDecompressMemoryNV(command_buffer, pointer_length(decompress_memory_regions), decompress_memory_regions)) """ Extension: VK\\_NV\\_memory\\_decompression Arguments: - `command_buffer::CommandBuffer` (externsync) - `indirect_commands_address::UInt64` - `indirect_commands_count_address::UInt64` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDecompressMemoryIndirectCountNV.html) """ _cmd_decompress_memory_indirect_count_nv(command_buffer, indirect_commands_address::Integer, indirect_commands_count_address::Integer, stride::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDecompressMemoryIndirectCountNV(command_buffer, indirect_commands_address, indirect_commands_count_address, stride)) """ Extension: VK\\_NVX\\_binary\\_import Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `create_info::_CuModuleCreateInfoNVX` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCuModuleNVX.html) """ function _create_cu_module_nvx(device, create_info::_CuModuleCreateInfoNVX; allocator = C_NULL)::ResultTypes.Result{CuModuleNVX, VulkanError} pModule = Ref{VkCuModuleNVX}() @check @dispatch(device, vkCreateCuModuleNVX(device, create_info, allocator, pModule)) CuModuleNVX(pModule[], begin parent = Vk.handle(device) x->_destroy_cu_module_nvx(parent, x; allocator) end, device) end """ Extension: VK\\_NVX\\_binary\\_import Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `create_info::_CuFunctionCreateInfoNVX` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCuFunctionNVX.html) """ function _create_cu_function_nvx(device, create_info::_CuFunctionCreateInfoNVX; allocator = C_NULL)::ResultTypes.Result{CuFunctionNVX, VulkanError} pFunction = Ref{VkCuFunctionNVX}() @check @dispatch(device, vkCreateCuFunctionNVX(device, create_info, allocator, pFunction)) CuFunctionNVX(pFunction[], begin parent = Vk.handle(device) x->_destroy_cu_function_nvx(parent, x; allocator) end, device) end """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `device::Device` - `_module::CuModuleNVX` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyCuModuleNVX.html) """ _destroy_cu_module_nvx(device, _module; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyCuModuleNVX(device, _module, allocator)) """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `device::Device` - `_function::CuFunctionNVX` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyCuFunctionNVX.html) """ _destroy_cu_function_nvx(device, _function; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyCuFunctionNVX(device, _function, allocator)) """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `command_buffer::CommandBuffer` - `launch_info::_CuLaunchInfoNVX` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCuLaunchKernelNVX.html) """ _cmd_cu_launch_kernel_nvx(command_buffer, launch_info::_CuLaunchInfoNVX)::Cvoid = @dispatch(device(command_buffer), vkCmdCuLaunchKernelNVX(command_buffer, launch_info)) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `device::Device` - `layout::DescriptorSetLayout` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDescriptorSetLayoutSizeEXT.html) """ function _get_descriptor_set_layout_size_ext(device, layout)::UInt64 pLayoutSizeInBytes = Ref{VkDeviceSize}() @dispatch device vkGetDescriptorSetLayoutSizeEXT(device, layout, pLayoutSizeInBytes) pLayoutSizeInBytes[] end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `device::Device` - `layout::DescriptorSetLayout` - `binding::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDescriptorSetLayoutBindingOffsetEXT.html) """ function _get_descriptor_set_layout_binding_offset_ext(device, layout, binding::Integer)::UInt64 pOffset = Ref{VkDeviceSize}() @dispatch device vkGetDescriptorSetLayoutBindingOffsetEXT(device, layout, binding, pOffset) pOffset[] end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `device::Device` - `descriptor_info::_DescriptorGetInfoEXT` - `data_size::UInt` - `descriptor::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDescriptorEXT.html) """ _get_descriptor_ext(device, descriptor_info::_DescriptorGetInfoEXT, data_size::Integer, descriptor::Ptr{Cvoid})::Cvoid = @dispatch(device, vkGetDescriptorEXT(device, descriptor_info, data_size, descriptor)) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `command_buffer::CommandBuffer` (externsync) - `binding_infos::Vector{_DescriptorBufferBindingInfoEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindDescriptorBuffersEXT.html) """ _cmd_bind_descriptor_buffers_ext(command_buffer, binding_infos::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdBindDescriptorBuffersEXT(command_buffer, pointer_length(binding_infos), binding_infos)) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_bind_point::PipelineBindPoint` - `layout::PipelineLayout` - `buffer_indices::Vector{UInt32}` - `offsets::Vector{UInt64}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDescriptorBufferOffsetsEXT.html) """ _cmd_set_descriptor_buffer_offsets_ext(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, buffer_indices::AbstractArray, offsets::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDescriptorBufferOffsetsEXT(command_buffer, pipeline_bind_point, layout, 0, pointer_length(buffer_indices), buffer_indices, offsets)) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_bind_point::PipelineBindPoint` - `layout::PipelineLayout` - `set::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindDescriptorBufferEmbeddedSamplersEXT.html) """ _cmd_bind_descriptor_buffer_embedded_samplers_ext(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, set::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdBindDescriptorBufferEmbeddedSamplersEXT(command_buffer, pipeline_bind_point, layout, set)) """ Extension: VK\\_EXT\\_descriptor\\_buffer Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::_BufferCaptureDescriptorDataInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetBufferOpaqueCaptureDescriptorDataEXT.html) """ function _get_buffer_opaque_capture_descriptor_data_ext(device, info::_BufferCaptureDescriptorDataInfoEXT)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} pData = Ref{Ptr{Cvoid}}() @check @dispatch(device, vkGetBufferOpaqueCaptureDescriptorDataEXT(device, info, pData)) pData[] end """ Extension: VK\\_EXT\\_descriptor\\_buffer Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::_ImageCaptureDescriptorDataInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageOpaqueCaptureDescriptorDataEXT.html) """ function _get_image_opaque_capture_descriptor_data_ext(device, info::_ImageCaptureDescriptorDataInfoEXT)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} pData = Ref{Ptr{Cvoid}}() @check @dispatch(device, vkGetImageOpaqueCaptureDescriptorDataEXT(device, info, pData)) pData[] end """ Extension: VK\\_EXT\\_descriptor\\_buffer Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::_ImageViewCaptureDescriptorDataInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageViewOpaqueCaptureDescriptorDataEXT.html) """ function _get_image_view_opaque_capture_descriptor_data_ext(device, info::_ImageViewCaptureDescriptorDataInfoEXT)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} pData = Ref{Ptr{Cvoid}}() @check @dispatch(device, vkGetImageViewOpaqueCaptureDescriptorDataEXT(device, info, pData)) pData[] end """ Extension: VK\\_EXT\\_descriptor\\_buffer Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::_SamplerCaptureDescriptorDataInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSamplerOpaqueCaptureDescriptorDataEXT.html) """ function _get_sampler_opaque_capture_descriptor_data_ext(device, info::_SamplerCaptureDescriptorDataInfoEXT)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} pData = Ref{Ptr{Cvoid}}() @check @dispatch(device, vkGetSamplerOpaqueCaptureDescriptorDataEXT(device, info, pData)) pData[] end """ Extension: VK\\_EXT\\_descriptor\\_buffer Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::_AccelerationStructureCaptureDescriptorDataInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetAccelerationStructureOpaqueCaptureDescriptorDataEXT.html) """ function _get_acceleration_structure_opaque_capture_descriptor_data_ext(device, info::_AccelerationStructureCaptureDescriptorDataInfoEXT)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} pData = Ref{Ptr{Cvoid}}() @check @dispatch(device, vkGetAccelerationStructureOpaqueCaptureDescriptorDataEXT(device, info, pData)) pData[] end """ Extension: VK\\_EXT\\_pageable\\_device\\_local\\_memory Arguments: - `device::Device` - `memory::DeviceMemory` - `priority::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetDeviceMemoryPriorityEXT.html) """ _set_device_memory_priority_ext(device, memory, priority::Real)::Cvoid = @dispatch(device, vkSetDeviceMemoryPriorityEXT(device, memory, priority)) """ Extension: VK\\_EXT\\_acquire\\_drm\\_display Return codes: - `SUCCESS` - `ERROR_INITIALIZATION_FAILED` Arguments: - `physical_device::PhysicalDevice` - `drm_fd::Int32` - `display::DisplayKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAcquireDrmDisplayEXT.html) """ _acquire_drm_display_ext(physical_device, drm_fd::Integer, display)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(instance(physical_device), vkAcquireDrmDisplayEXT(physical_device, drm_fd, display))) """ Extension: VK\\_EXT\\_acquire\\_drm\\_display Return codes: - `SUCCESS` - `ERROR_INITIALIZATION_FAILED` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `drm_fd::Int32` - `connector_id::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDrmDisplayEXT.html) """ function _get_drm_display_ext(physical_device, drm_fd::Integer, connector_id::Integer)::ResultTypes.Result{DisplayKHR, VulkanError} display = Ref{VkDisplayKHR}() @check @dispatch(instance(physical_device), vkGetDrmDisplayEXT(physical_device, drm_fd, connector_id, display)) DisplayKHR(display[], identity, physical_device) end """ Extension: VK\\_KHR\\_present\\_wait Return codes: - `SUCCESS` - `TIMEOUT` - `SUBOPTIMAL_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` - `ERROR_SURFACE_LOST_KHR` - `ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT` Arguments: - `device::Device` - `swapchain::SwapchainKHR` (externsync) - `present_id::UInt64` - `timeout::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkWaitForPresentKHR.html) """ _wait_for_present_khr(device, swapchain, present_id::Integer, timeout::Integer)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkWaitForPresentKHR(device, swapchain, present_id, timeout))) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `rendering_info::_RenderingInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginRendering.html) """ _cmd_begin_rendering(command_buffer, rendering_info::_RenderingInfo)::Cvoid = @dispatch(device(command_buffer), vkCmdBeginRendering(command_buffer, rendering_info)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndRendering.html) """ _cmd_end_rendering(command_buffer)::Cvoid = @dispatch(device(command_buffer), vkCmdEndRendering(command_buffer)) """ Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping Arguments: - `device::Device` - `binding_reference::_DescriptorSetBindingReferenceVALVE` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDescriptorSetLayoutHostMappingInfoVALVE.html) """ function _get_descriptor_set_layout_host_mapping_info_valve(device, binding_reference::_DescriptorSetBindingReferenceVALVE)::_DescriptorSetLayoutHostMappingInfoVALVE pHostMapping = Ref{VkDescriptorSetLayoutHostMappingInfoVALVE}() @dispatch device vkGetDescriptorSetLayoutHostMappingInfoVALVE(device, binding_reference, pHostMapping) from_vk(_DescriptorSetLayoutHostMappingInfoVALVE, pHostMapping[]) end """ Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping Arguments: - `device::Device` - `descriptor_set::DescriptorSet` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDescriptorSetHostMappingVALVE.html) """ function _get_descriptor_set_host_mapping_valve(device, descriptor_set)::Ptr{Cvoid} ppData = Ref{Ptr{Cvoid}}() @dispatch device vkGetDescriptorSetHostMappingVALVE(device, descriptor_set, ppData) ppData[] end """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `create_info::_MicromapCreateInfoEXT` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateMicromapEXT.html) """ function _create_micromap_ext(device, create_info::_MicromapCreateInfoEXT; allocator = C_NULL)::ResultTypes.Result{MicromapEXT, VulkanError} pMicromap = Ref{VkMicromapEXT}() @check @dispatch(device, vkCreateMicromapEXT(device, create_info, allocator, pMicromap)) MicromapEXT(pMicromap[], begin parent = Vk.handle(device) x->_destroy_micromap_ext(parent, x; allocator) end, device) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `command_buffer::CommandBuffer` (externsync) - `infos::Vector{_MicromapBuildInfoEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBuildMicromapsEXT.html) """ _cmd_build_micromaps_ext(command_buffer, infos::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdBuildMicromapsEXT(command_buffer, pointer_length(infos), infos)) """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `infos::Vector{_MicromapBuildInfoEXT}` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBuildMicromapsEXT.html) """ _build_micromaps_ext(device, infos::AbstractArray; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkBuildMicromapsEXT(device, deferred_operation, pointer_length(infos), infos))) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `device::Device` - `micromap::MicromapEXT` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyMicromapEXT.html) """ _destroy_micromap_ext(device, micromap; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyMicromapEXT(device, micromap, allocator)) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::_CopyMicromapInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyMicromapEXT.html) """ _cmd_copy_micromap_ext(command_buffer, info::_CopyMicromapInfoEXT)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyMicromapEXT(command_buffer, info)) """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::_CopyMicromapInfoEXT` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCopyMicromapEXT.html) """ _copy_micromap_ext(device, info::_CopyMicromapInfoEXT; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkCopyMicromapEXT(device, deferred_operation, info))) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::_CopyMicromapToMemoryInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyMicromapToMemoryEXT.html) """ _cmd_copy_micromap_to_memory_ext(command_buffer, info::_CopyMicromapToMemoryInfoEXT)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyMicromapToMemoryEXT(command_buffer, info)) """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::_CopyMicromapToMemoryInfoEXT` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCopyMicromapToMemoryEXT.html) """ _copy_micromap_to_memory_ext(device, info::_CopyMicromapToMemoryInfoEXT; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkCopyMicromapToMemoryEXT(device, deferred_operation, info))) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::_CopyMemoryToMicromapInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyMemoryToMicromapEXT.html) """ _cmd_copy_memory_to_micromap_ext(command_buffer, info::_CopyMemoryToMicromapInfoEXT)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyMemoryToMicromapEXT(command_buffer, info)) """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::_CopyMemoryToMicromapInfoEXT` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCopyMemoryToMicromapEXT.html) """ _copy_memory_to_micromap_ext(device, info::_CopyMemoryToMicromapInfoEXT; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkCopyMemoryToMicromapEXT(device, deferred_operation, info))) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `command_buffer::CommandBuffer` (externsync) - `micromaps::Vector{MicromapEXT}` - `query_type::QueryType` - `query_pool::QueryPool` - `first_query::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteMicromapsPropertiesEXT.html) """ _cmd_write_micromaps_properties_ext(command_buffer, micromaps::AbstractArray, query_type::QueryType, query_pool, first_query::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdWriteMicromapsPropertiesEXT(command_buffer, pointer_length(micromaps), micromaps, query_type, query_pool, first_query)) """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `micromaps::Vector{MicromapEXT}` - `query_type::QueryType` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) - `stride::UInt` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkWriteMicromapsPropertiesEXT.html) """ _write_micromaps_properties_ext(device, micromaps::AbstractArray, query_type::QueryType, data_size::Integer, data::Ptr{Cvoid}, stride::Integer)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkWriteMicromapsPropertiesEXT(device, pointer_length(micromaps), micromaps, query_type, data_size, data, stride))) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `device::Device` - `version_info::_MicromapVersionInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceMicromapCompatibilityEXT.html) """ function _get_device_micromap_compatibility_ext(device, version_info::_MicromapVersionInfoEXT)::AccelerationStructureCompatibilityKHR pCompatibility = Ref{VkAccelerationStructureCompatibilityKHR}() @dispatch device vkGetDeviceMicromapCompatibilityEXT(device, version_info, pCompatibility) pCompatibility[] end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `device::Device` - `build_type::AccelerationStructureBuildTypeKHR` - `build_info::_MicromapBuildInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetMicromapBuildSizesEXT.html) """ function _get_micromap_build_sizes_ext(device, build_type::AccelerationStructureBuildTypeKHR, build_info::_MicromapBuildInfoEXT)::_MicromapBuildSizesInfoEXT pSizeInfo = Ref{VkMicromapBuildSizesInfoEXT}() @dispatch device vkGetMicromapBuildSizesEXT(device, build_type, build_info, pSizeInfo) from_vk(_MicromapBuildSizesInfoEXT, pSizeInfo[]) end """ Extension: VK\\_EXT\\_shader\\_module\\_identifier Arguments: - `device::Device` - `shader_module::ShaderModule` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetShaderModuleIdentifierEXT.html) """ function _get_shader_module_identifier_ext(device, shader_module)::_ShaderModuleIdentifierEXT pIdentifier = Ref{VkShaderModuleIdentifierEXT}() @dispatch device vkGetShaderModuleIdentifierEXT(device, shader_module, pIdentifier) from_vk(_ShaderModuleIdentifierEXT, pIdentifier[]) end """ Extension: VK\\_EXT\\_shader\\_module\\_identifier Arguments: - `device::Device` - `create_info::_ShaderModuleCreateInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetShaderModuleCreateInfoIdentifierEXT.html) """ function _get_shader_module_create_info_identifier_ext(device, create_info::_ShaderModuleCreateInfo)::_ShaderModuleIdentifierEXT pIdentifier = Ref{VkShaderModuleIdentifierEXT}() @dispatch device vkGetShaderModuleCreateInfoIdentifierEXT(device, create_info, pIdentifier) from_vk(_ShaderModuleIdentifierEXT, pIdentifier[]) end """ Extension: VK\\_EXT\\_image\\_compression\\_control Arguments: - `device::Device` - `image::Image` - `subresource::_ImageSubresource2EXT` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageSubresourceLayout2EXT.html) """ function _get_image_subresource_layout_2_ext(device, image, subresource::_ImageSubresource2EXT, next_types::Type...)::_SubresourceLayout2EXT layout = initialize(_SubresourceLayout2EXT, next_types...) pLayout = Ref(Base.unsafe_convert(VkSubresourceLayout2EXT, layout)) GC.@preserve layout begin @dispatch device vkGetImageSubresourceLayout2EXT(device, image, subresource, pLayout) _SubresourceLayout2EXT(pLayout[], Any[layout]) end end """ Extension: VK\\_EXT\\_pipeline\\_properties Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `pipeline_info::VkPipelineInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPipelinePropertiesEXT.html) """ function _get_pipeline_properties_ext(device, pipeline_info::VkPipelineInfoEXT)::ResultTypes.Result{_BaseOutStructure, VulkanError} pPipelineProperties = Ref{VkBaseOutStructure}() @check @dispatch(device, vkGetPipelinePropertiesEXT(device, Ref(pipeline_info), pPipelineProperties)) from_vk(_BaseOutStructure, pPipelineProperties[]) end """ Extension: VK\\_EXT\\_metal\\_objects Arguments: - `device::Device` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkExportMetalObjectsEXT.html) """ function _export_metal_objects_ext(device)::_ExportMetalObjectsInfoEXT pMetalObjectsInfo = Ref{VkExportMetalObjectsInfoEXT}() @dispatch device vkExportMetalObjectsEXT(device, pMetalObjectsInfo) from_vk(_ExportMetalObjectsInfoEXT, pMetalObjectsInfo[]) end """ Extension: VK\\_QCOM\\_tile\\_properties Arguments: - `device::Device` - `framebuffer::Framebuffer` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetFramebufferTilePropertiesQCOM.html) """ function _get_framebuffer_tile_properties_qcom(device, framebuffer)::Vector{_TilePropertiesQCOM} pPropertiesCount = Ref{UInt32}() @repeat_while_incomplete begin @dispatch device vkGetFramebufferTilePropertiesQCOM(device, framebuffer, pPropertiesCount, C_NULL) pProperties = Vector{VkTilePropertiesQCOM}(undef, pPropertiesCount[]) @dispatch device vkGetFramebufferTilePropertiesQCOM(device, framebuffer, pPropertiesCount, pProperties) end from_vk.(_TilePropertiesQCOM, pProperties) end """ Extension: VK\\_QCOM\\_tile\\_properties Arguments: - `device::Device` - `rendering_info::_RenderingInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDynamicRenderingTilePropertiesQCOM.html) """ function _get_dynamic_rendering_tile_properties_qcom(device, rendering_info::_RenderingInfo)::_TilePropertiesQCOM pProperties = Ref{VkTilePropertiesQCOM}() @dispatch device vkGetDynamicRenderingTilePropertiesQCOM(device, rendering_info, pProperties) from_vk(_TilePropertiesQCOM, pProperties[]) end """ Extension: VK\\_NV\\_optical\\_flow Return codes: - `SUCCESS` - `ERROR_EXTENSION_NOT_PRESENT` - `ERROR_INITIALIZATION_FAILED` - `ERROR_FORMAT_NOT_SUPPORTED` Arguments: - `physical_device::PhysicalDevice` - `optical_flow_image_format_info::_OpticalFlowImageFormatInfoNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceOpticalFlowImageFormatsNV.html) """ function _get_physical_device_optical_flow_image_formats_nv(physical_device, optical_flow_image_format_info::_OpticalFlowImageFormatInfoNV)::ResultTypes.Result{Vector{_OpticalFlowImageFormatPropertiesNV}, VulkanError} pFormatCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceOpticalFlowImageFormatsNV(physical_device, optical_flow_image_format_info, pFormatCount, C_NULL)) pImageFormatProperties = Vector{VkOpticalFlowImageFormatPropertiesNV}(undef, pFormatCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceOpticalFlowImageFormatsNV(physical_device, optical_flow_image_format_info, pFormatCount, pImageFormatProperties)) end from_vk.(_OpticalFlowImageFormatPropertiesNV, pImageFormatProperties) end """ Extension: VK\\_NV\\_optical\\_flow Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `create_info::_OpticalFlowSessionCreateInfoNV` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateOpticalFlowSessionNV.html) """ function _create_optical_flow_session_nv(device, create_info::_OpticalFlowSessionCreateInfoNV; allocator = C_NULL)::ResultTypes.Result{OpticalFlowSessionNV, VulkanError} pSession = Ref{VkOpticalFlowSessionNV}() @check @dispatch(device, vkCreateOpticalFlowSessionNV(device, create_info, allocator, pSession)) OpticalFlowSessionNV(pSession[], begin parent = Vk.handle(device) x->_destroy_optical_flow_session_nv(parent, x; allocator) end, device) end """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `device::Device` - `session::OpticalFlowSessionNV` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyOpticalFlowSessionNV.html) """ _destroy_optical_flow_session_nv(device, session; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyOpticalFlowSessionNV(device, session, allocator)) """ Extension: VK\\_NV\\_optical\\_flow Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `session::OpticalFlowSessionNV` - `binding_point::OpticalFlowSessionBindingPointNV` - `layout::ImageLayout` - `view::ImageView`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindOpticalFlowSessionImageNV.html) """ _bind_optical_flow_session_image_nv(device, session, binding_point::OpticalFlowSessionBindingPointNV, layout::ImageLayout; view = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkBindOpticalFlowSessionImageNV(device, session, binding_point, view, layout))) """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `command_buffer::CommandBuffer` - `session::OpticalFlowSessionNV` - `execute_info::_OpticalFlowExecuteInfoNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdOpticalFlowExecuteNV.html) """ _cmd_optical_flow_execute_nv(command_buffer, session, execute_info::_OpticalFlowExecuteInfoNV)::Cvoid = @dispatch(device(command_buffer), vkCmdOpticalFlowExecuteNV(command_buffer, session, execute_info)) """ Extension: VK\\_EXT\\_device\\_fault Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceFaultInfoEXT.html) """ function _get_device_fault_info_ext(device)::ResultTypes.Result{Tuple{_DeviceFaultCountsEXT, _DeviceFaultInfoEXT}, VulkanError} pFaultCounts = Ref{VkDeviceFaultCountsEXT}() pFaultInfo = Ref{VkDeviceFaultInfoEXT}() @check @dispatch(device, vkGetDeviceFaultInfoEXT(device, pFaultCounts, pFaultInfo)) (from_vk(_DeviceFaultCountsEXT, pFaultCounts[]), from_vk(_DeviceFaultInfoEXT, pFaultInfo[])) end """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Return codes: - `SUCCESS` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `release_info::_ReleaseSwapchainImagesInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkReleaseSwapchainImagesEXT.html) """ _release_swapchain_images_ext(device, release_info::_ReleaseSwapchainImagesInfoEXT)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkReleaseSwapchainImagesEXT(device, release_info))) function _create_instance(create_info::_InstanceCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Instance, VulkanError} pInstance = Ref{VkInstance}() @check vkCreateInstance(create_info, allocator, pInstance, fptr_create) @fill_dispatch_table Instance(pInstance[], (x->_destroy_instance(x, fptr_destroy; allocator))) end _destroy_instance(instance, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyInstance(instance, allocator, fptr) function _enumerate_physical_devices(instance, fptr::FunctionPtr)::ResultTypes.Result{Vector{PhysicalDevice}, VulkanError} pPhysicalDeviceCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkEnumeratePhysicalDevices(instance, pPhysicalDeviceCount, C_NULL, fptr) pPhysicalDevices = Vector{VkPhysicalDevice}(undef, pPhysicalDeviceCount[]) @check vkEnumeratePhysicalDevices(instance, pPhysicalDeviceCount, pPhysicalDevices, fptr) end PhysicalDevice.(pPhysicalDevices, identity, instance) end _get_device_proc_addr(device, name::AbstractString, fptr::FunctionPtr)::FunctionPtr = vkGetDeviceProcAddr(device, name, fptr) _get_instance_proc_addr(name::AbstractString, fptr::FunctionPtr; instance = C_NULL)::FunctionPtr = vkGetInstanceProcAddr(instance, name, fptr) function _get_physical_device_properties(physical_device, fptr::FunctionPtr)::_PhysicalDeviceProperties pProperties = Ref{VkPhysicalDeviceProperties}() vkGetPhysicalDeviceProperties(physical_device, pProperties, fptr) from_vk(_PhysicalDeviceProperties, pProperties[]) end function _get_physical_device_queue_family_properties(physical_device, fptr::FunctionPtr)::Vector{_QueueFamilyProperties} pQueueFamilyPropertyCount = Ref{UInt32}() vkGetPhysicalDeviceQueueFamilyProperties(physical_device, pQueueFamilyPropertyCount, C_NULL, fptr) pQueueFamilyProperties = Vector{VkQueueFamilyProperties}(undef, pQueueFamilyPropertyCount[]) vkGetPhysicalDeviceQueueFamilyProperties(physical_device, pQueueFamilyPropertyCount, pQueueFamilyProperties, fptr) from_vk.(_QueueFamilyProperties, pQueueFamilyProperties) end function _get_physical_device_memory_properties(physical_device, fptr::FunctionPtr)::_PhysicalDeviceMemoryProperties pMemoryProperties = Ref{VkPhysicalDeviceMemoryProperties}() vkGetPhysicalDeviceMemoryProperties(physical_device, pMemoryProperties, fptr) from_vk(_PhysicalDeviceMemoryProperties, pMemoryProperties[]) end function _get_physical_device_features(physical_device, fptr::FunctionPtr)::_PhysicalDeviceFeatures pFeatures = Ref{VkPhysicalDeviceFeatures}() vkGetPhysicalDeviceFeatures(physical_device, pFeatures, fptr) from_vk(_PhysicalDeviceFeatures, pFeatures[]) end function _get_physical_device_format_properties(physical_device, format::Format, fptr::FunctionPtr)::_FormatProperties pFormatProperties = Ref{VkFormatProperties}() vkGetPhysicalDeviceFormatProperties(physical_device, format, pFormatProperties, fptr) from_vk(_FormatProperties, pFormatProperties[]) end function _get_physical_device_image_format_properties(physical_device, format::Format, type::ImageType, tiling::ImageTiling, usage::ImageUsageFlag, fptr::FunctionPtr; flags = 0)::ResultTypes.Result{_ImageFormatProperties, VulkanError} pImageFormatProperties = Ref{VkImageFormatProperties}() @check vkGetPhysicalDeviceImageFormatProperties(physical_device, format, type, tiling, usage, flags, pImageFormatProperties, fptr) from_vk(_ImageFormatProperties, pImageFormatProperties[]) end function _create_device(physical_device, create_info::_DeviceCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Device, VulkanError} pDevice = Ref{VkDevice}() @check vkCreateDevice(physical_device, create_info, allocator, pDevice, fptr_create) @fill_dispatch_table Device(pDevice[], (x->_destroy_device(x, fptr_destroy; allocator)), physical_device) end _destroy_device(device, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyDevice(device, allocator, fptr) function _enumerate_instance_version(fptr::FunctionPtr)::ResultTypes.Result{VersionNumber, VulkanError} pApiVersion = Ref{UInt32}() @check vkEnumerateInstanceVersion(pApiVersion, fptr) from_vk(VersionNumber, pApiVersion[]) end function _enumerate_instance_layer_properties(fptr::FunctionPtr)::ResultTypes.Result{Vector{_LayerProperties}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkEnumerateInstanceLayerProperties(pPropertyCount, C_NULL, fptr) pProperties = Vector{VkLayerProperties}(undef, pPropertyCount[]) @check vkEnumerateInstanceLayerProperties(pPropertyCount, pProperties, fptr) end from_vk.(_LayerProperties, pProperties) end function _enumerate_instance_extension_properties(fptr::FunctionPtr; layer_name = C_NULL)::ResultTypes.Result{Vector{_ExtensionProperties}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkEnumerateInstanceExtensionProperties(layer_name, pPropertyCount, C_NULL, fptr) pProperties = Vector{VkExtensionProperties}(undef, pPropertyCount[]) @check vkEnumerateInstanceExtensionProperties(layer_name, pPropertyCount, pProperties, fptr) end from_vk.(_ExtensionProperties, pProperties) end function _enumerate_device_layer_properties(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{_LayerProperties}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkEnumerateDeviceLayerProperties(physical_device, pPropertyCount, C_NULL, fptr) pProperties = Vector{VkLayerProperties}(undef, pPropertyCount[]) @check vkEnumerateDeviceLayerProperties(physical_device, pPropertyCount, pProperties, fptr) end from_vk.(_LayerProperties, pProperties) end function _enumerate_device_extension_properties(physical_device, fptr::FunctionPtr; layer_name = C_NULL)::ResultTypes.Result{Vector{_ExtensionProperties}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkEnumerateDeviceExtensionProperties(physical_device, layer_name, pPropertyCount, C_NULL, fptr) pProperties = Vector{VkExtensionProperties}(undef, pPropertyCount[]) @check vkEnumerateDeviceExtensionProperties(physical_device, layer_name, pPropertyCount, pProperties, fptr) end from_vk.(_ExtensionProperties, pProperties) end function _get_device_queue(device, queue_family_index::Integer, queue_index::Integer, fptr::FunctionPtr)::Queue pQueue = Ref{VkQueue}() vkGetDeviceQueue(device, queue_family_index, queue_index, pQueue, fptr) Queue(pQueue[], identity, device) end _queue_submit(queue, submits::AbstractArray, fptr::FunctionPtr; fence = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkQueueSubmit(queue, pointer_length(submits), submits, fence, fptr)) _queue_wait_idle(queue, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkQueueWaitIdle(queue, fptr)) _device_wait_idle(device, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkDeviceWaitIdle(device, fptr)) function _allocate_memory(device, allocate_info::_MemoryAllocateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DeviceMemory, VulkanError} pMemory = Ref{VkDeviceMemory}() @check vkAllocateMemory(device, allocate_info, allocator, pMemory, fptr_create) DeviceMemory(pMemory[], begin parent = Vk.handle(device) x->_free_memory(parent, x, fptr_destroy; allocator) end, device) end _free_memory(device, memory, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkFreeMemory(device, memory, allocator, fptr) function _map_memory(device, memory, offset::Integer, size::Integer, fptr::FunctionPtr; flags = 0)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} ppData = Ref{Ptr{Cvoid}}() @check vkMapMemory(device, memory, offset, size, flags, ppData, fptr) ppData[] end _unmap_memory(device, memory, fptr::FunctionPtr)::Cvoid = vkUnmapMemory(device, memory, fptr) _flush_mapped_memory_ranges(device, memory_ranges::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkFlushMappedMemoryRanges(device, pointer_length(memory_ranges), memory_ranges, fptr)) _invalidate_mapped_memory_ranges(device, memory_ranges::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkInvalidateMappedMemoryRanges(device, pointer_length(memory_ranges), memory_ranges, fptr)) function _get_device_memory_commitment(device, memory, fptr::FunctionPtr)::UInt64 pCommittedMemoryInBytes = Ref{VkDeviceSize}() vkGetDeviceMemoryCommitment(device, memory, pCommittedMemoryInBytes, fptr) pCommittedMemoryInBytes[] end function _get_buffer_memory_requirements(device, buffer, fptr::FunctionPtr)::_MemoryRequirements pMemoryRequirements = Ref{VkMemoryRequirements}() vkGetBufferMemoryRequirements(device, buffer, pMemoryRequirements, fptr) from_vk(_MemoryRequirements, pMemoryRequirements[]) end _bind_buffer_memory(device, buffer, memory, memory_offset::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkBindBufferMemory(device, buffer, memory, memory_offset, fptr)) function _get_image_memory_requirements(device, image, fptr::FunctionPtr)::_MemoryRequirements pMemoryRequirements = Ref{VkMemoryRequirements}() vkGetImageMemoryRequirements(device, image, pMemoryRequirements, fptr) from_vk(_MemoryRequirements, pMemoryRequirements[]) end _bind_image_memory(device, image, memory, memory_offset::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkBindImageMemory(device, image, memory, memory_offset, fptr)) function _get_image_sparse_memory_requirements(device, image, fptr::FunctionPtr)::Vector{_SparseImageMemoryRequirements} pSparseMemoryRequirementCount = Ref{UInt32}() vkGetImageSparseMemoryRequirements(device, image, pSparseMemoryRequirementCount, C_NULL, fptr) pSparseMemoryRequirements = Vector{VkSparseImageMemoryRequirements}(undef, pSparseMemoryRequirementCount[]) vkGetImageSparseMemoryRequirements(device, image, pSparseMemoryRequirementCount, pSparseMemoryRequirements, fptr) from_vk.(_SparseImageMemoryRequirements, pSparseMemoryRequirements) end function _get_physical_device_sparse_image_format_properties(physical_device, format::Format, type::ImageType, samples::SampleCountFlag, usage::ImageUsageFlag, tiling::ImageTiling, fptr::FunctionPtr)::Vector{_SparseImageFormatProperties} pPropertyCount = Ref{UInt32}() vkGetPhysicalDeviceSparseImageFormatProperties(physical_device, format, type, VkSampleCountFlagBits(samples.val), usage, tiling, pPropertyCount, C_NULL, fptr) pProperties = Vector{VkSparseImageFormatProperties}(undef, pPropertyCount[]) vkGetPhysicalDeviceSparseImageFormatProperties(physical_device, format, type, VkSampleCountFlagBits(samples.val), usage, tiling, pPropertyCount, pProperties, fptr) from_vk.(_SparseImageFormatProperties, pProperties) end _queue_bind_sparse(queue, bind_info::AbstractArray, fptr::FunctionPtr; fence = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkQueueBindSparse(queue, pointer_length(bind_info), bind_info, fence, fptr)) function _create_fence(device, create_info::_FenceCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Fence, VulkanError} pFence = Ref{VkFence}() @check vkCreateFence(device, create_info, allocator, pFence, fptr_create) Fence(pFence[], begin parent = Vk.handle(device) x->_destroy_fence(parent, x, fptr_destroy; allocator) end, device) end _destroy_fence(device, fence, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyFence(device, fence, allocator, fptr) _reset_fences(device, fences::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkResetFences(device, pointer_length(fences), fences, fptr)) _get_fence_status(device, fence, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkGetFenceStatus(device, fence, fptr)) _wait_for_fences(device, fences::AbstractArray, wait_all::Bool, timeout::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkWaitForFences(device, pointer_length(fences), fences, wait_all, timeout, fptr)) function _create_semaphore(device, create_info::_SemaphoreCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Semaphore, VulkanError} pSemaphore = Ref{VkSemaphore}() @check vkCreateSemaphore(device, create_info, allocator, pSemaphore, fptr_create) Semaphore(pSemaphore[], begin parent = Vk.handle(device) x->_destroy_semaphore(parent, x, fptr_destroy; allocator) end, device) end _destroy_semaphore(device, semaphore, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroySemaphore(device, semaphore, allocator, fptr) function _create_event(device, create_info::_EventCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Event, VulkanError} pEvent = Ref{VkEvent}() @check vkCreateEvent(device, create_info, allocator, pEvent, fptr_create) Event(pEvent[], begin parent = Vk.handle(device) x->_destroy_event(parent, x, fptr_destroy; allocator) end, device) end _destroy_event(device, event, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyEvent(device, event, allocator, fptr) _get_event_status(device, event, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkGetEventStatus(device, event, fptr)) _set_event(device, event, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkSetEvent(device, event, fptr)) _reset_event(device, event, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkResetEvent(device, event, fptr)) function _create_query_pool(device, create_info::_QueryPoolCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{QueryPool, VulkanError} pQueryPool = Ref{VkQueryPool}() @check vkCreateQueryPool(device, create_info, allocator, pQueryPool, fptr_create) QueryPool(pQueryPool[], begin parent = Vk.handle(device) x->_destroy_query_pool(parent, x, fptr_destroy; allocator) end, device) end _destroy_query_pool(device, query_pool, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyQueryPool(device, query_pool, allocator, fptr) _get_query_pool_results(device, query_pool, first_query::Integer, query_count::Integer, data_size::Integer, data::Ptr{Cvoid}, stride::Integer, fptr::FunctionPtr; flags = 0)::ResultTypes.Result{Result, VulkanError} = @check(vkGetQueryPoolResults(device, query_pool, first_query, query_count, data_size, data, stride, flags, fptr)) _reset_query_pool(device, query_pool, first_query::Integer, query_count::Integer, fptr::FunctionPtr)::Cvoid = vkResetQueryPool(device, query_pool, first_query, query_count, fptr) function _create_buffer(device, create_info::_BufferCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Buffer, VulkanError} pBuffer = Ref{VkBuffer}() @check vkCreateBuffer(device, create_info, allocator, pBuffer, fptr_create) Buffer(pBuffer[], begin parent = Vk.handle(device) x->_destroy_buffer(parent, x, fptr_destroy; allocator) end, device) end _destroy_buffer(device, buffer, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyBuffer(device, buffer, allocator, fptr) function _create_buffer_view(device, create_info::_BufferViewCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{BufferView, VulkanError} pView = Ref{VkBufferView}() @check vkCreateBufferView(device, create_info, allocator, pView, fptr_create) BufferView(pView[], begin parent = Vk.handle(device) x->_destroy_buffer_view(parent, x, fptr_destroy; allocator) end, device) end _destroy_buffer_view(device, buffer_view, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyBufferView(device, buffer_view, allocator, fptr) function _create_image(device, create_info::_ImageCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Image, VulkanError} pImage = Ref{VkImage}() @check vkCreateImage(device, create_info, allocator, pImage, fptr_create) Image(pImage[], begin parent = Vk.handle(device) x->_destroy_image(parent, x, fptr_destroy; allocator) end, device) end _destroy_image(device, image, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyImage(device, image, allocator, fptr) function _get_image_subresource_layout(device, image, subresource::_ImageSubresource, fptr::FunctionPtr)::_SubresourceLayout pLayout = Ref{VkSubresourceLayout}() vkGetImageSubresourceLayout(device, image, subresource, pLayout, fptr) from_vk(_SubresourceLayout, pLayout[]) end function _create_image_view(device, create_info::_ImageViewCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{ImageView, VulkanError} pView = Ref{VkImageView}() @check vkCreateImageView(device, create_info, allocator, pView, fptr_create) ImageView(pView[], begin parent = Vk.handle(device) x->_destroy_image_view(parent, x, fptr_destroy; allocator) end, device) end _destroy_image_view(device, image_view, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyImageView(device, image_view, allocator, fptr) function _create_shader_module(device, create_info::_ShaderModuleCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{ShaderModule, VulkanError} pShaderModule = Ref{VkShaderModule}() @check vkCreateShaderModule(device, create_info, allocator, pShaderModule, fptr_create) ShaderModule(pShaderModule[], begin parent = Vk.handle(device) x->_destroy_shader_module(parent, x, fptr_destroy; allocator) end, device) end _destroy_shader_module(device, shader_module, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyShaderModule(device, shader_module, allocator, fptr) function _create_pipeline_cache(device, create_info::_PipelineCacheCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{PipelineCache, VulkanError} pPipelineCache = Ref{VkPipelineCache}() @check vkCreatePipelineCache(device, create_info, allocator, pPipelineCache, fptr_create) PipelineCache(pPipelineCache[], begin parent = Vk.handle(device) x->_destroy_pipeline_cache(parent, x, fptr_destroy; allocator) end, device) end _destroy_pipeline_cache(device, pipeline_cache, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyPipelineCache(device, pipeline_cache, allocator, fptr) function _get_pipeline_cache_data(device, pipeline_cache, fptr::FunctionPtr)::ResultTypes.Result{Tuple{UInt, Ptr{Cvoid}}, VulkanError} pDataSize = Ref{UInt}() @repeat_while_incomplete begin @check vkGetPipelineCacheData(device, pipeline_cache, pDataSize, C_NULL, fptr) pData = Libc.malloc(pDataSize[]) @check vkGetPipelineCacheData(device, pipeline_cache, pDataSize, pData, fptr) if _return_code == VK_INCOMPLETE Libc.free(pData) end end (pDataSize[], pData) end _merge_pipeline_caches(device, dst_cache, src_caches::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkMergePipelineCaches(device, dst_cache, pointer_length(src_caches), src_caches, fptr)) function _create_graphics_pipelines(device, create_infos::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} pPipelines = Vector{VkPipeline}(undef, pointer_length(create_infos)) @check vkCreateGraphicsPipelines(device, pipeline_cache, pointer_length(create_infos), create_infos, allocator, pPipelines, fptr_create) (Pipeline.(pPipelines, begin parent = Vk.handle(device) x->_destroy_pipeline(parent, x, fptr_destroy; allocator) end, device), _return_code) end function _create_compute_pipelines(device, create_infos::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} pPipelines = Vector{VkPipeline}(undef, pointer_length(create_infos)) @check vkCreateComputePipelines(device, pipeline_cache, pointer_length(create_infos), create_infos, allocator, pPipelines, fptr_create) (Pipeline.(pPipelines, begin parent = Vk.handle(device) x->_destroy_pipeline(parent, x, fptr_destroy; allocator) end, device), _return_code) end function _get_device_subpass_shading_max_workgroup_size_huawei(device, renderpass, fptr::FunctionPtr)::ResultTypes.Result{_Extent2D, VulkanError} pMaxWorkgroupSize = Ref{VkExtent2D}() @check vkGetDeviceSubpassShadingMaxWorkgroupSizeHUAWEI(device, renderpass, pMaxWorkgroupSize, fptr) from_vk(_Extent2D, pMaxWorkgroupSize[]) end _destroy_pipeline(device, pipeline, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyPipeline(device, pipeline, allocator, fptr) function _create_pipeline_layout(device, create_info::_PipelineLayoutCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{PipelineLayout, VulkanError} pPipelineLayout = Ref{VkPipelineLayout}() @check vkCreatePipelineLayout(device, create_info, allocator, pPipelineLayout, fptr_create) PipelineLayout(pPipelineLayout[], begin parent = Vk.handle(device) x->_destroy_pipeline_layout(parent, x, fptr_destroy; allocator) end, device) end _destroy_pipeline_layout(device, pipeline_layout, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyPipelineLayout(device, pipeline_layout, allocator, fptr) function _create_sampler(device, create_info::_SamplerCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Sampler, VulkanError} pSampler = Ref{VkSampler}() @check vkCreateSampler(device, create_info, allocator, pSampler, fptr_create) Sampler(pSampler[], begin parent = Vk.handle(device) x->_destroy_sampler(parent, x, fptr_destroy; allocator) end, device) end _destroy_sampler(device, sampler, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroySampler(device, sampler, allocator, fptr) function _create_descriptor_set_layout(device, create_info::_DescriptorSetLayoutCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DescriptorSetLayout, VulkanError} pSetLayout = Ref{VkDescriptorSetLayout}() @check vkCreateDescriptorSetLayout(device, create_info, allocator, pSetLayout, fptr_create) DescriptorSetLayout(pSetLayout[], begin parent = Vk.handle(device) x->_destroy_descriptor_set_layout(parent, x, fptr_destroy; allocator) end, device) end _destroy_descriptor_set_layout(device, descriptor_set_layout, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyDescriptorSetLayout(device, descriptor_set_layout, allocator, fptr) function _create_descriptor_pool(device, create_info::_DescriptorPoolCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DescriptorPool, VulkanError} pDescriptorPool = Ref{VkDescriptorPool}() @check vkCreateDescriptorPool(device, create_info, allocator, pDescriptorPool, fptr_create) DescriptorPool(pDescriptorPool[], begin parent = Vk.handle(device) x->_destroy_descriptor_pool(parent, x, fptr_destroy; allocator) end, device) end _destroy_descriptor_pool(device, descriptor_pool, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyDescriptorPool(device, descriptor_pool, allocator, fptr) function _reset_descriptor_pool(device, descriptor_pool, fptr::FunctionPtr; flags = 0)::Nothing vkResetDescriptorPool(device, descriptor_pool, flags, fptr) nothing end function _allocate_descriptor_sets(device, allocate_info::_DescriptorSetAllocateInfo, fptr_create::FunctionPtr)::ResultTypes.Result{Vector{DescriptorSet}, VulkanError} pDescriptorSets = Vector{VkDescriptorSet}(undef, allocate_info.vks.descriptorSetCount) @check vkAllocateDescriptorSets(device, allocate_info, pDescriptorSets, fptr_create) DescriptorSet.(pDescriptorSets, identity, getproperty(allocate_info, :descriptor_pool)) end function _free_descriptor_sets(device, descriptor_pool, descriptor_sets::AbstractArray, fptr::FunctionPtr)::Nothing vkFreeDescriptorSets(device, descriptor_pool, pointer_length(descriptor_sets), descriptor_sets, fptr) nothing end _update_descriptor_sets(device, descriptor_writes::AbstractArray, descriptor_copies::AbstractArray, fptr::FunctionPtr)::Cvoid = vkUpdateDescriptorSets(device, pointer_length(descriptor_writes), descriptor_writes, pointer_length(descriptor_copies), descriptor_copies, fptr) function _create_framebuffer(device, create_info::_FramebufferCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Framebuffer, VulkanError} pFramebuffer = Ref{VkFramebuffer}() @check vkCreateFramebuffer(device, create_info, allocator, pFramebuffer, fptr_create) Framebuffer(pFramebuffer[], begin parent = Vk.handle(device) x->_destroy_framebuffer(parent, x, fptr_destroy; allocator) end, device) end _destroy_framebuffer(device, framebuffer, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyFramebuffer(device, framebuffer, allocator, fptr) function _create_render_pass(device, create_info::_RenderPassCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{RenderPass, VulkanError} pRenderPass = Ref{VkRenderPass}() @check vkCreateRenderPass(device, create_info, allocator, pRenderPass, fptr_create) RenderPass(pRenderPass[], begin parent = Vk.handle(device) x->_destroy_render_pass(parent, x, fptr_destroy; allocator) end, device) end _destroy_render_pass(device, render_pass, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyRenderPass(device, render_pass, allocator, fptr) function _get_render_area_granularity(device, render_pass, fptr::FunctionPtr)::_Extent2D pGranularity = Ref{VkExtent2D}() vkGetRenderAreaGranularity(device, render_pass, pGranularity, fptr) from_vk(_Extent2D, pGranularity[]) end function _create_command_pool(device, create_info::_CommandPoolCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{CommandPool, VulkanError} pCommandPool = Ref{VkCommandPool}() @check vkCreateCommandPool(device, create_info, allocator, pCommandPool, fptr_create) CommandPool(pCommandPool[], begin parent = Vk.handle(device) x->_destroy_command_pool(parent, x, fptr_destroy; allocator) end, device) end _destroy_command_pool(device, command_pool, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyCommandPool(device, command_pool, allocator, fptr) _reset_command_pool(device, command_pool, fptr::FunctionPtr; flags = 0)::ResultTypes.Result{Result, VulkanError} = @check(vkResetCommandPool(device, command_pool, flags, fptr)) function _allocate_command_buffers(device, allocate_info::_CommandBufferAllocateInfo, fptr_create::FunctionPtr)::ResultTypes.Result{Vector{CommandBuffer}, VulkanError} pCommandBuffers = Vector{VkCommandBuffer}(undef, allocate_info.vks.commandBufferCount) @check vkAllocateCommandBuffers(device, allocate_info, pCommandBuffers, fptr_create) CommandBuffer.(pCommandBuffers, identity, getproperty(allocate_info, :command_pool)) end _free_command_buffers(device, command_pool, command_buffers::AbstractArray, fptr::FunctionPtr)::Cvoid = vkFreeCommandBuffers(device, command_pool, pointer_length(command_buffers), command_buffers, fptr) _begin_command_buffer(command_buffer, begin_info::_CommandBufferBeginInfo, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkBeginCommandBuffer(command_buffer, begin_info, fptr)) _end_command_buffer(command_buffer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkEndCommandBuffer(command_buffer, fptr)) _reset_command_buffer(command_buffer, fptr::FunctionPtr; flags = 0)::ResultTypes.Result{Result, VulkanError} = @check(vkResetCommandBuffer(command_buffer, flags, fptr)) _cmd_bind_pipeline(command_buffer, pipeline_bind_point::PipelineBindPoint, pipeline, fptr::FunctionPtr)::Cvoid = vkCmdBindPipeline(command_buffer, pipeline_bind_point, pipeline, fptr) _cmd_set_viewport(command_buffer, viewports::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetViewport(command_buffer, 0, pointer_length(viewports), viewports, fptr) _cmd_set_scissor(command_buffer, scissors::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetScissor(command_buffer, 0, pointer_length(scissors), scissors, fptr) _cmd_set_line_width(command_buffer, line_width::Real, fptr::FunctionPtr)::Cvoid = vkCmdSetLineWidth(command_buffer, line_width, fptr) _cmd_set_depth_bias(command_buffer, depth_bias_constant_factor::Real, depth_bias_clamp::Real, depth_bias_slope_factor::Real, fptr::FunctionPtr)::Cvoid = vkCmdSetDepthBias(command_buffer, depth_bias_constant_factor, depth_bias_clamp, depth_bias_slope_factor, fptr) _cmd_set_blend_constants(command_buffer, blend_constants::NTuple{4, Float32}, fptr::FunctionPtr)::Cvoid = vkCmdSetBlendConstants(command_buffer, blend_constants, fptr) _cmd_set_depth_bounds(command_buffer, min_depth_bounds::Real, max_depth_bounds::Real, fptr::FunctionPtr)::Cvoid = vkCmdSetDepthBounds(command_buffer, min_depth_bounds, max_depth_bounds, fptr) _cmd_set_stencil_compare_mask(command_buffer, face_mask::StencilFaceFlag, compare_mask::Integer, fptr::FunctionPtr)::Cvoid = vkCmdSetStencilCompareMask(command_buffer, face_mask, compare_mask, fptr) _cmd_set_stencil_write_mask(command_buffer, face_mask::StencilFaceFlag, write_mask::Integer, fptr::FunctionPtr)::Cvoid = vkCmdSetStencilWriteMask(command_buffer, face_mask, write_mask, fptr) _cmd_set_stencil_reference(command_buffer, face_mask::StencilFaceFlag, reference::Integer, fptr::FunctionPtr)::Cvoid = vkCmdSetStencilReference(command_buffer, face_mask, reference, fptr) _cmd_bind_descriptor_sets(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, first_set::Integer, descriptor_sets::AbstractArray, dynamic_offsets::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdBindDescriptorSets(command_buffer, pipeline_bind_point, layout, first_set, pointer_length(descriptor_sets), descriptor_sets, pointer_length(dynamic_offsets), dynamic_offsets, fptr) _cmd_bind_index_buffer(command_buffer, buffer, offset::Integer, index_type::IndexType, fptr::FunctionPtr)::Cvoid = vkCmdBindIndexBuffer(command_buffer, buffer, offset, index_type, fptr) _cmd_bind_vertex_buffers(command_buffer, buffers::AbstractArray, offsets::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdBindVertexBuffers(command_buffer, 0, pointer_length(buffers), buffers, offsets, fptr) _cmd_draw(command_buffer, vertex_count::Integer, instance_count::Integer, first_vertex::Integer, first_instance::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDraw(command_buffer, vertex_count, instance_count, first_vertex, first_instance, fptr) _cmd_draw_indexed(command_buffer, index_count::Integer, instance_count::Integer, first_index::Integer, vertex_offset::Integer, first_instance::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawIndexed(command_buffer, index_count, instance_count, first_index, vertex_offset, first_instance, fptr) _cmd_draw_multi_ext(command_buffer, vertex_info::AbstractArray, instance_count::Integer, first_instance::Integer, stride::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawMultiEXT(command_buffer, pointer_length(vertex_info), vertex_info, instance_count, first_instance, stride, fptr) _cmd_draw_multi_indexed_ext(command_buffer, index_info::AbstractArray, instance_count::Integer, first_instance::Integer, stride::Integer, fptr::FunctionPtr; vertex_offset = C_NULL)::Cvoid = vkCmdDrawMultiIndexedEXT(command_buffer, pointer_length(index_info), index_info, instance_count, first_instance, stride, if vertex_offset == C_NULL C_NULL else Ref(vertex_offset) end, fptr) _cmd_draw_indirect(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawIndirect(command_buffer, buffer, offset, draw_count, stride, fptr) _cmd_draw_indexed_indirect(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawIndexedIndirect(command_buffer, buffer, offset, draw_count, stride, fptr) _cmd_dispatch(command_buffer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDispatch(command_buffer, group_count_x, group_count_y, group_count_z, fptr) _cmd_dispatch_indirect(command_buffer, buffer, offset::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDispatchIndirect(command_buffer, buffer, offset, fptr) _cmd_subpass_shading_huawei(command_buffer, fptr::FunctionPtr)::Cvoid = vkCmdSubpassShadingHUAWEI(command_buffer, fptr) _cmd_draw_cluster_huawei(command_buffer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawClusterHUAWEI(command_buffer, group_count_x, group_count_y, group_count_z, fptr) _cmd_draw_cluster_indirect_huawei(command_buffer, buffer, offset::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawClusterIndirectHUAWEI(command_buffer, buffer, offset, fptr) _cmd_copy_buffer(command_buffer, src_buffer, dst_buffer, regions::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdCopyBuffer(command_buffer, src_buffer, dst_buffer, pointer_length(regions), regions, fptr) _cmd_copy_image(command_buffer, src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdCopyImage(command_buffer, src_image, src_image_layout, dst_image, dst_image_layout, pointer_length(regions), regions, fptr) _cmd_blit_image(command_buffer, src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray, filter::Filter, fptr::FunctionPtr)::Cvoid = vkCmdBlitImage(command_buffer, src_image, src_image_layout, dst_image, dst_image_layout, pointer_length(regions), regions, filter, fptr) _cmd_copy_buffer_to_image(command_buffer, src_buffer, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdCopyBufferToImage(command_buffer, src_buffer, dst_image, dst_image_layout, pointer_length(regions), regions, fptr) _cmd_copy_image_to_buffer(command_buffer, src_image, src_image_layout::ImageLayout, dst_buffer, regions::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdCopyImageToBuffer(command_buffer, src_image, src_image_layout, dst_buffer, pointer_length(regions), regions, fptr) _cmd_copy_memory_indirect_nv(command_buffer, copy_buffer_address::Integer, copy_count::Integer, stride::Integer, fptr::FunctionPtr)::Cvoid = vkCmdCopyMemoryIndirectNV(command_buffer, copy_buffer_address, copy_count, stride, fptr) _cmd_copy_memory_to_image_indirect_nv(command_buffer, copy_buffer_address::Integer, stride::Integer, dst_image, dst_image_layout::ImageLayout, image_subresources::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdCopyMemoryToImageIndirectNV(command_buffer, copy_buffer_address, pointer_length(image_subresources), stride, dst_image, dst_image_layout, image_subresources, fptr) _cmd_update_buffer(command_buffer, dst_buffer, dst_offset::Integer, data_size::Integer, data::Ptr{Cvoid}, fptr::FunctionPtr)::Cvoid = vkCmdUpdateBuffer(command_buffer, dst_buffer, dst_offset, data_size, data, fptr) _cmd_fill_buffer(command_buffer, dst_buffer, dst_offset::Integer, size::Integer, data::Integer, fptr::FunctionPtr)::Cvoid = vkCmdFillBuffer(command_buffer, dst_buffer, dst_offset, size, data, fptr) _cmd_clear_color_image(command_buffer, image, image_layout::ImageLayout, color::_ClearColorValue, ranges::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdClearColorImage(command_buffer, image, image_layout, color, pointer_length(ranges), ranges, fptr) _cmd_clear_depth_stencil_image(command_buffer, image, image_layout::ImageLayout, depth_stencil::_ClearDepthStencilValue, ranges::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdClearDepthStencilImage(command_buffer, image, image_layout, depth_stencil, pointer_length(ranges), ranges, fptr) _cmd_clear_attachments(command_buffer, attachments::AbstractArray, rects::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdClearAttachments(command_buffer, pointer_length(attachments), attachments, pointer_length(rects), rects, fptr) _cmd_resolve_image(command_buffer, src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdResolveImage(command_buffer, src_image, src_image_layout, dst_image, dst_image_layout, pointer_length(regions), regions, fptr) _cmd_set_event(command_buffer, event, fptr::FunctionPtr; stage_mask = 0)::Cvoid = vkCmdSetEvent(command_buffer, event, stage_mask, fptr) _cmd_reset_event(command_buffer, event, fptr::FunctionPtr; stage_mask = 0)::Cvoid = vkCmdResetEvent(command_buffer, event, stage_mask, fptr) _cmd_wait_events(command_buffer, events::AbstractArray, memory_barriers::AbstractArray, buffer_memory_barriers::AbstractArray, image_memory_barriers::AbstractArray, fptr::FunctionPtr; src_stage_mask = 0, dst_stage_mask = 0)::Cvoid = vkCmdWaitEvents(command_buffer, pointer_length(events), events, src_stage_mask, dst_stage_mask, pointer_length(memory_barriers), memory_barriers, pointer_length(buffer_memory_barriers), buffer_memory_barriers, pointer_length(image_memory_barriers), image_memory_barriers, fptr) _cmd_pipeline_barrier(command_buffer, memory_barriers::AbstractArray, buffer_memory_barriers::AbstractArray, image_memory_barriers::AbstractArray, fptr::FunctionPtr; src_stage_mask = 0, dst_stage_mask = 0, dependency_flags = 0)::Cvoid = vkCmdPipelineBarrier(command_buffer, src_stage_mask, dst_stage_mask, dependency_flags, pointer_length(memory_barriers), memory_barriers, pointer_length(buffer_memory_barriers), buffer_memory_barriers, pointer_length(image_memory_barriers), image_memory_barriers, fptr) _cmd_begin_query(command_buffer, query_pool, query::Integer, fptr::FunctionPtr; flags = 0)::Cvoid = vkCmdBeginQuery(command_buffer, query_pool, query, flags, fptr) _cmd_end_query(command_buffer, query_pool, query::Integer, fptr::FunctionPtr)::Cvoid = vkCmdEndQuery(command_buffer, query_pool, query, fptr) _cmd_begin_conditional_rendering_ext(command_buffer, conditional_rendering_begin::_ConditionalRenderingBeginInfoEXT, fptr::FunctionPtr)::Cvoid = vkCmdBeginConditionalRenderingEXT(command_buffer, conditional_rendering_begin, fptr) _cmd_end_conditional_rendering_ext(command_buffer, fptr::FunctionPtr)::Cvoid = vkCmdEndConditionalRenderingEXT(command_buffer, fptr) _cmd_reset_query_pool(command_buffer, query_pool, first_query::Integer, query_count::Integer, fptr::FunctionPtr)::Cvoid = vkCmdResetQueryPool(command_buffer, query_pool, first_query, query_count, fptr) _cmd_write_timestamp(command_buffer, pipeline_stage::PipelineStageFlag, query_pool, query::Integer, fptr::FunctionPtr)::Cvoid = vkCmdWriteTimestamp(command_buffer, VkPipelineStageFlagBits(pipeline_stage.val), query_pool, query, fptr) _cmd_copy_query_pool_results(command_buffer, query_pool, first_query::Integer, query_count::Integer, dst_buffer, dst_offset::Integer, stride::Integer, fptr::FunctionPtr; flags = 0)::Cvoid = vkCmdCopyQueryPoolResults(command_buffer, query_pool, first_query, query_count, dst_buffer, dst_offset, stride, flags, fptr) _cmd_push_constants(command_buffer, layout, stage_flags::ShaderStageFlag, offset::Integer, size::Integer, values::Ptr{Cvoid}, fptr::FunctionPtr)::Cvoid = vkCmdPushConstants(command_buffer, layout, stage_flags, offset, size, values, fptr) _cmd_begin_render_pass(command_buffer, render_pass_begin::_RenderPassBeginInfo, contents::SubpassContents, fptr::FunctionPtr)::Cvoid = vkCmdBeginRenderPass(command_buffer, render_pass_begin, contents, fptr) _cmd_next_subpass(command_buffer, contents::SubpassContents, fptr::FunctionPtr)::Cvoid = vkCmdNextSubpass(command_buffer, contents, fptr) _cmd_end_render_pass(command_buffer, fptr::FunctionPtr)::Cvoid = vkCmdEndRenderPass(command_buffer, fptr) _cmd_execute_commands(command_buffer, command_buffers::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdExecuteCommands(command_buffer, pointer_length(command_buffers), command_buffers, fptr) function _get_physical_device_display_properties_khr(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{_DisplayPropertiesKHR}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceDisplayPropertiesKHR(physical_device, pPropertyCount, C_NULL, fptr) pProperties = Vector{VkDisplayPropertiesKHR}(undef, pPropertyCount[]) @check vkGetPhysicalDeviceDisplayPropertiesKHR(physical_device, pPropertyCount, pProperties, fptr) end from_vk.(_DisplayPropertiesKHR, pProperties) end function _get_physical_device_display_plane_properties_khr(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{_DisplayPlanePropertiesKHR}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceDisplayPlanePropertiesKHR(physical_device, pPropertyCount, C_NULL, fptr) pProperties = Vector{VkDisplayPlanePropertiesKHR}(undef, pPropertyCount[]) @check vkGetPhysicalDeviceDisplayPlanePropertiesKHR(physical_device, pPropertyCount, pProperties, fptr) end from_vk.(_DisplayPlanePropertiesKHR, pProperties) end function _get_display_plane_supported_displays_khr(physical_device, plane_index::Integer, fptr::FunctionPtr)::ResultTypes.Result{Vector{DisplayKHR}, VulkanError} pDisplayCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetDisplayPlaneSupportedDisplaysKHR(physical_device, plane_index, pDisplayCount, C_NULL, fptr) pDisplays = Vector{VkDisplayKHR}(undef, pDisplayCount[]) @check vkGetDisplayPlaneSupportedDisplaysKHR(physical_device, plane_index, pDisplayCount, pDisplays, fptr) end DisplayKHR.(pDisplays, identity, physical_device) end function _get_display_mode_properties_khr(physical_device, display, fptr::FunctionPtr)::ResultTypes.Result{Vector{_DisplayModePropertiesKHR}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetDisplayModePropertiesKHR(physical_device, display, pPropertyCount, C_NULL, fptr) pProperties = Vector{VkDisplayModePropertiesKHR}(undef, pPropertyCount[]) @check vkGetDisplayModePropertiesKHR(physical_device, display, pPropertyCount, pProperties, fptr) end from_vk.(_DisplayModePropertiesKHR, pProperties) end function _create_display_mode_khr(physical_device, display, create_info::_DisplayModeCreateInfoKHR, fptr_create::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DisplayModeKHR, VulkanError} pMode = Ref{VkDisplayModeKHR}() @check vkCreateDisplayModeKHR(physical_device, display, create_info, allocator, pMode, fptr_create) DisplayModeKHR(pMode[], identity, display) end function _get_display_plane_capabilities_khr(physical_device, mode, plane_index::Integer, fptr::FunctionPtr)::ResultTypes.Result{_DisplayPlaneCapabilitiesKHR, VulkanError} pCapabilities = Ref{VkDisplayPlaneCapabilitiesKHR}() @check vkGetDisplayPlaneCapabilitiesKHR(physical_device, mode, plane_index, pCapabilities, fptr) from_vk(_DisplayPlaneCapabilitiesKHR, pCapabilities[]) end function _create_display_plane_surface_khr(instance, create_info::_DisplaySurfaceCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} pSurface = Ref{VkSurfaceKHR}() @check vkCreateDisplayPlaneSurfaceKHR(instance, create_info, allocator, pSurface, fptr_create) SurfaceKHR(pSurface[], begin parent = Vk.handle(instance) x->_destroy_surface_khr(parent, x, fptr_destroy; allocator) end, instance) end function _create_shared_swapchains_khr(device, create_infos::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Vector{SwapchainKHR}, VulkanError} pSwapchains = Vector{VkSwapchainKHR}(undef, pointer_length(create_infos)) @check vkCreateSharedSwapchainsKHR(device, pointer_length(create_infos), create_infos, allocator, pSwapchains, fptr_create) SwapchainKHR.(pSwapchains, begin parent = Vk.handle(device) x->_destroy_swapchain_khr(parent, x, fptr_destroy; allocator) end, device) end _destroy_surface_khr(instance, surface, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroySurfaceKHR(instance, surface, allocator, fptr) function _get_physical_device_surface_support_khr(physical_device, queue_family_index::Integer, surface, fptr::FunctionPtr)::ResultTypes.Result{Bool, VulkanError} pSupported = Ref{VkBool32}() @check vkGetPhysicalDeviceSurfaceSupportKHR(physical_device, queue_family_index, surface, pSupported, fptr) from_vk(Bool, pSupported[]) end function _get_physical_device_surface_capabilities_khr(physical_device, surface, fptr::FunctionPtr)::ResultTypes.Result{_SurfaceCapabilitiesKHR, VulkanError} pSurfaceCapabilities = Ref{VkSurfaceCapabilitiesKHR}() @check vkGetPhysicalDeviceSurfaceCapabilitiesKHR(physical_device, surface, pSurfaceCapabilities, fptr) from_vk(_SurfaceCapabilitiesKHR, pSurfaceCapabilities[]) end function _get_physical_device_surface_formats_khr(physical_device, fptr::FunctionPtr; surface = C_NULL)::ResultTypes.Result{Vector{_SurfaceFormatKHR}, VulkanError} pSurfaceFormatCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceSurfaceFormatsKHR(physical_device, surface, pSurfaceFormatCount, C_NULL, fptr) pSurfaceFormats = Vector{VkSurfaceFormatKHR}(undef, pSurfaceFormatCount[]) @check vkGetPhysicalDeviceSurfaceFormatsKHR(physical_device, surface, pSurfaceFormatCount, pSurfaceFormats, fptr) end from_vk.(_SurfaceFormatKHR, pSurfaceFormats) end function _get_physical_device_surface_present_modes_khr(physical_device, fptr::FunctionPtr; surface = C_NULL)::ResultTypes.Result{Vector{PresentModeKHR}, VulkanError} pPresentModeCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceSurfacePresentModesKHR(physical_device, surface, pPresentModeCount, C_NULL, fptr) pPresentModes = Vector{VkPresentModeKHR}(undef, pPresentModeCount[]) @check vkGetPhysicalDeviceSurfacePresentModesKHR(physical_device, surface, pPresentModeCount, pPresentModes, fptr) end pPresentModes end function _create_swapchain_khr(device, create_info::_SwapchainCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SwapchainKHR, VulkanError} pSwapchain = Ref{VkSwapchainKHR}() @check vkCreateSwapchainKHR(device, create_info, allocator, pSwapchain, fptr_create) SwapchainKHR(pSwapchain[], begin parent = Vk.handle(device) x->_destroy_swapchain_khr(parent, x, fptr_destroy; allocator) end, device) end _destroy_swapchain_khr(device, swapchain, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroySwapchainKHR(device, swapchain, allocator, fptr) function _get_swapchain_images_khr(device, swapchain, fptr::FunctionPtr)::ResultTypes.Result{Vector{Image}, VulkanError} pSwapchainImageCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetSwapchainImagesKHR(device, swapchain, pSwapchainImageCount, C_NULL, fptr) pSwapchainImages = Vector{VkImage}(undef, pSwapchainImageCount[]) @check vkGetSwapchainImagesKHR(device, swapchain, pSwapchainImageCount, pSwapchainImages, fptr) end Image.(pSwapchainImages, identity, device) end function _acquire_next_image_khr(device, swapchain, timeout::Integer, fptr::FunctionPtr; semaphore = C_NULL, fence = C_NULL)::ResultTypes.Result{Tuple{UInt32, Result}, VulkanError} pImageIndex = Ref{UInt32}() @check vkAcquireNextImageKHR(device, swapchain, timeout, semaphore, fence, pImageIndex, fptr) (pImageIndex[], _return_code) end _queue_present_khr(queue, present_info::_PresentInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkQueuePresentKHR(queue, present_info, fptr)) function _create_debug_report_callback_ext(instance, create_info::_DebugReportCallbackCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DebugReportCallbackEXT, VulkanError} pCallback = Ref{VkDebugReportCallbackEXT}() @check vkCreateDebugReportCallbackEXT(instance, create_info, allocator, pCallback, fptr_create) DebugReportCallbackEXT(pCallback[], begin parent = Vk.handle(instance) x->_destroy_debug_report_callback_ext(parent, x, fptr_destroy; allocator) end, instance) end _destroy_debug_report_callback_ext(instance, callback, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyDebugReportCallbackEXT(instance, callback, allocator, fptr) _debug_report_message_ext(instance, flags::DebugReportFlagEXT, object_type::DebugReportObjectTypeEXT, object::Integer, location::Integer, message_code::Integer, layer_prefix::AbstractString, message::AbstractString, fptr::FunctionPtr)::Cvoid = vkDebugReportMessageEXT(instance, flags, object_type, object, location, message_code, layer_prefix, message, fptr) _debug_marker_set_object_name_ext(device, name_info::_DebugMarkerObjectNameInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkDebugMarkerSetObjectNameEXT(device, name_info, fptr)) _debug_marker_set_object_tag_ext(device, tag_info::_DebugMarkerObjectTagInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkDebugMarkerSetObjectTagEXT(device, tag_info, fptr)) _cmd_debug_marker_begin_ext(command_buffer, marker_info::_DebugMarkerMarkerInfoEXT, fptr::FunctionPtr)::Cvoid = vkCmdDebugMarkerBeginEXT(command_buffer, marker_info, fptr) _cmd_debug_marker_end_ext(command_buffer, fptr::FunctionPtr)::Cvoid = vkCmdDebugMarkerEndEXT(command_buffer, fptr) _cmd_debug_marker_insert_ext(command_buffer, marker_info::_DebugMarkerMarkerInfoEXT, fptr::FunctionPtr)::Cvoid = vkCmdDebugMarkerInsertEXT(command_buffer, marker_info, fptr) function _get_physical_device_external_image_format_properties_nv(physical_device, format::Format, type::ImageType, tiling::ImageTiling, usage::ImageUsageFlag, fptr::FunctionPtr; flags = 0, external_handle_type = 0)::ResultTypes.Result{_ExternalImageFormatPropertiesNV, VulkanError} pExternalImageFormatProperties = Ref{VkExternalImageFormatPropertiesNV}() @check vkGetPhysicalDeviceExternalImageFormatPropertiesNV(physical_device, format, type, tiling, usage, flags, external_handle_type, pExternalImageFormatProperties, fptr) from_vk(_ExternalImageFormatPropertiesNV, pExternalImageFormatProperties[]) end _cmd_execute_generated_commands_nv(command_buffer, is_preprocessed::Bool, generated_commands_info::_GeneratedCommandsInfoNV, fptr::FunctionPtr)::Cvoid = vkCmdExecuteGeneratedCommandsNV(command_buffer, is_preprocessed, generated_commands_info, fptr) _cmd_preprocess_generated_commands_nv(command_buffer, generated_commands_info::_GeneratedCommandsInfoNV, fptr::FunctionPtr)::Cvoid = vkCmdPreprocessGeneratedCommandsNV(command_buffer, generated_commands_info, fptr) _cmd_bind_pipeline_shader_group_nv(command_buffer, pipeline_bind_point::PipelineBindPoint, pipeline, group_index::Integer, fptr::FunctionPtr)::Cvoid = vkCmdBindPipelineShaderGroupNV(command_buffer, pipeline_bind_point, pipeline, group_index, fptr) function _get_generated_commands_memory_requirements_nv(device, info::_GeneratedCommandsMemoryRequirementsInfoNV, fptr::FunctionPtr, next_types::Type...)::_MemoryRequirements2 memory_requirements = initialize(_MemoryRequirements2, next_types...) pMemoryRequirements = Ref(Base.unsafe_convert(VkMemoryRequirements2, memory_requirements)) GC.@preserve memory_requirements begin vkGetGeneratedCommandsMemoryRequirementsNV(device, info, pMemoryRequirements, fptr) _MemoryRequirements2(pMemoryRequirements[], Any[memory_requirements]) end end function _create_indirect_commands_layout_nv(device, create_info::_IndirectCommandsLayoutCreateInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{IndirectCommandsLayoutNV, VulkanError} pIndirectCommandsLayout = Ref{VkIndirectCommandsLayoutNV}() @check vkCreateIndirectCommandsLayoutNV(device, create_info, allocator, pIndirectCommandsLayout, fptr_create) IndirectCommandsLayoutNV(pIndirectCommandsLayout[], begin parent = Vk.handle(device) x->_destroy_indirect_commands_layout_nv(parent, x, fptr_destroy; allocator) end, device) end _destroy_indirect_commands_layout_nv(device, indirect_commands_layout, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyIndirectCommandsLayoutNV(device, indirect_commands_layout, allocator, fptr) function _get_physical_device_features_2(physical_device, fptr::FunctionPtr, next_types::Type...)::_PhysicalDeviceFeatures2 features = initialize(_PhysicalDeviceFeatures2, next_types...) pFeatures = Ref(Base.unsafe_convert(VkPhysicalDeviceFeatures2, features)) GC.@preserve features begin vkGetPhysicalDeviceFeatures2(physical_device, pFeatures, fptr) _PhysicalDeviceFeatures2(pFeatures[], Any[features]) end end function _get_physical_device_properties_2(physical_device, fptr::FunctionPtr, next_types::Type...)::_PhysicalDeviceProperties2 properties = initialize(_PhysicalDeviceProperties2, next_types...) pProperties = Ref(Base.unsafe_convert(VkPhysicalDeviceProperties2, properties)) GC.@preserve properties begin vkGetPhysicalDeviceProperties2(physical_device, pProperties, fptr) _PhysicalDeviceProperties2(pProperties[], Any[properties]) end end function _get_physical_device_format_properties_2(physical_device, format::Format, fptr::FunctionPtr, next_types::Type...)::_FormatProperties2 format_properties = initialize(_FormatProperties2, next_types...) pFormatProperties = Ref(Base.unsafe_convert(VkFormatProperties2, format_properties)) GC.@preserve format_properties begin vkGetPhysicalDeviceFormatProperties2(physical_device, format, pFormatProperties, fptr) _FormatProperties2(pFormatProperties[], Any[format_properties]) end end function _get_physical_device_image_format_properties_2(physical_device, image_format_info::_PhysicalDeviceImageFormatInfo2, fptr::FunctionPtr, next_types::Type...)::ResultTypes.Result{_ImageFormatProperties2, VulkanError} image_format_properties = initialize(_ImageFormatProperties2, next_types...) pImageFormatProperties = Ref(Base.unsafe_convert(VkImageFormatProperties2, image_format_properties)) GC.@preserve image_format_properties begin @check vkGetPhysicalDeviceImageFormatProperties2(physical_device, image_format_info, pImageFormatProperties, fptr) _ImageFormatProperties2(pImageFormatProperties[], Any[image_format_properties]) end end function _get_physical_device_queue_family_properties_2(physical_device, fptr::FunctionPtr)::Vector{_QueueFamilyProperties2} pQueueFamilyPropertyCount = Ref{UInt32}() vkGetPhysicalDeviceQueueFamilyProperties2(physical_device, pQueueFamilyPropertyCount, C_NULL, fptr) pQueueFamilyProperties = Vector{VkQueueFamilyProperties2}(undef, pQueueFamilyPropertyCount[]) vkGetPhysicalDeviceQueueFamilyProperties2(physical_device, pQueueFamilyPropertyCount, pQueueFamilyProperties, fptr) from_vk.(_QueueFamilyProperties2, pQueueFamilyProperties) end function _get_physical_device_memory_properties_2(physical_device, fptr::FunctionPtr, next_types::Type...)::_PhysicalDeviceMemoryProperties2 memory_properties = initialize(_PhysicalDeviceMemoryProperties2, next_types...) pMemoryProperties = Ref(Base.unsafe_convert(VkPhysicalDeviceMemoryProperties2, memory_properties)) GC.@preserve memory_properties begin vkGetPhysicalDeviceMemoryProperties2(physical_device, pMemoryProperties, fptr) _PhysicalDeviceMemoryProperties2(pMemoryProperties[], Any[memory_properties]) end end function _get_physical_device_sparse_image_format_properties_2(physical_device, format_info::_PhysicalDeviceSparseImageFormatInfo2, fptr::FunctionPtr)::Vector{_SparseImageFormatProperties2} pPropertyCount = Ref{UInt32}() vkGetPhysicalDeviceSparseImageFormatProperties2(physical_device, format_info, pPropertyCount, C_NULL, fptr) pProperties = Vector{VkSparseImageFormatProperties2}(undef, pPropertyCount[]) vkGetPhysicalDeviceSparseImageFormatProperties2(physical_device, format_info, pPropertyCount, pProperties, fptr) from_vk.(_SparseImageFormatProperties2, pProperties) end _cmd_push_descriptor_set_khr(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, set::Integer, descriptor_writes::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdPushDescriptorSetKHR(command_buffer, pipeline_bind_point, layout, set, pointer_length(descriptor_writes), descriptor_writes, fptr) _trim_command_pool(device, command_pool, fptr::FunctionPtr; flags = 0)::Cvoid = vkTrimCommandPool(device, command_pool, flags, fptr) function _get_physical_device_external_buffer_properties(physical_device, external_buffer_info::_PhysicalDeviceExternalBufferInfo, fptr::FunctionPtr)::_ExternalBufferProperties pExternalBufferProperties = Ref{VkExternalBufferProperties}() vkGetPhysicalDeviceExternalBufferProperties(physical_device, external_buffer_info, pExternalBufferProperties, fptr) from_vk(_ExternalBufferProperties, pExternalBufferProperties[]) end function _get_memory_fd_khr(device, get_fd_info::_MemoryGetFdInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Int, VulkanError} pFd = Ref{Int}() @check vkGetMemoryFdKHR(device, get_fd_info, pFd, fptr) pFd[] end function _get_memory_fd_properties_khr(device, handle_type::ExternalMemoryHandleTypeFlag, fd::Integer, fptr::FunctionPtr)::ResultTypes.Result{_MemoryFdPropertiesKHR, VulkanError} pMemoryFdProperties = Ref{VkMemoryFdPropertiesKHR}() @check vkGetMemoryFdPropertiesKHR(device, VkExternalMemoryHandleTypeFlagBits(handle_type.val), fd, pMemoryFdProperties, fptr) from_vk(_MemoryFdPropertiesKHR, pMemoryFdProperties[]) end function _get_memory_remote_address_nv(device, memory_get_remote_address_info::_MemoryGetRemoteAddressInfoNV, fptr::FunctionPtr)::ResultTypes.Result{Cvoid, VulkanError} pAddress = Ref{VkRemoteAddressNV}() @check vkGetMemoryRemoteAddressNV(device, memory_get_remote_address_info, pAddress, fptr) pAddress[] end function _get_physical_device_external_semaphore_properties(physical_device, external_semaphore_info::_PhysicalDeviceExternalSemaphoreInfo, fptr::FunctionPtr)::_ExternalSemaphoreProperties pExternalSemaphoreProperties = Ref{VkExternalSemaphoreProperties}() vkGetPhysicalDeviceExternalSemaphoreProperties(physical_device, external_semaphore_info, pExternalSemaphoreProperties, fptr) from_vk(_ExternalSemaphoreProperties, pExternalSemaphoreProperties[]) end function _get_semaphore_fd_khr(device, get_fd_info::_SemaphoreGetFdInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Int, VulkanError} pFd = Ref{Int}() @check vkGetSemaphoreFdKHR(device, get_fd_info, pFd, fptr) pFd[] end _import_semaphore_fd_khr(device, import_semaphore_fd_info::_ImportSemaphoreFdInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkImportSemaphoreFdKHR(device, import_semaphore_fd_info, fptr)) function _get_physical_device_external_fence_properties(physical_device, external_fence_info::_PhysicalDeviceExternalFenceInfo, fptr::FunctionPtr)::_ExternalFenceProperties pExternalFenceProperties = Ref{VkExternalFenceProperties}() vkGetPhysicalDeviceExternalFenceProperties(physical_device, external_fence_info, pExternalFenceProperties, fptr) from_vk(_ExternalFenceProperties, pExternalFenceProperties[]) end function _get_fence_fd_khr(device, get_fd_info::_FenceGetFdInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Int, VulkanError} pFd = Ref{Int}() @check vkGetFenceFdKHR(device, get_fd_info, pFd, fptr) pFd[] end _import_fence_fd_khr(device, import_fence_fd_info::_ImportFenceFdInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkImportFenceFdKHR(device, import_fence_fd_info, fptr)) function _release_display_ext(physical_device, display, fptr::FunctionPtr)::Nothing vkReleaseDisplayEXT(physical_device, display, fptr) nothing end _display_power_control_ext(device, display, display_power_info::_DisplayPowerInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkDisplayPowerControlEXT(device, display, display_power_info, fptr)) function _register_device_event_ext(device, device_event_info::_DeviceEventInfoEXT, fptr::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Fence, VulkanError} pFence = Ref{VkFence}() @check vkRegisterDeviceEventEXT(device, device_event_info, allocator, pFence, fptr) Fence(pFence[], begin parent = Vk.handle(device) x->_destroy_fence(parent, x, fptr_destroy; allocator) end, device) end function _register_display_event_ext(device, display, display_event_info::_DisplayEventInfoEXT, fptr::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Fence, VulkanError} pFence = Ref{VkFence}() @check vkRegisterDisplayEventEXT(device, display, display_event_info, allocator, pFence, fptr) Fence(pFence[], begin parent = Vk.handle(device) x->_destroy_fence(parent, x, fptr_destroy; allocator) end, device) end function _get_swapchain_counter_ext(device, swapchain, counter::SurfaceCounterFlagEXT, fptr::FunctionPtr)::ResultTypes.Result{UInt64, VulkanError} pCounterValue = Ref{UInt64}() @check vkGetSwapchainCounterEXT(device, swapchain, VkSurfaceCounterFlagBitsEXT(counter.val), pCounterValue, fptr) pCounterValue[] end function _get_physical_device_surface_capabilities_2_ext(physical_device, surface, fptr::FunctionPtr)::ResultTypes.Result{_SurfaceCapabilities2EXT, VulkanError} pSurfaceCapabilities = Ref{VkSurfaceCapabilities2EXT}() @check vkGetPhysicalDeviceSurfaceCapabilities2EXT(physical_device, surface, pSurfaceCapabilities, fptr) from_vk(_SurfaceCapabilities2EXT, pSurfaceCapabilities[]) end function _enumerate_physical_device_groups(instance, fptr::FunctionPtr)::ResultTypes.Result{Vector{_PhysicalDeviceGroupProperties}, VulkanError} pPhysicalDeviceGroupCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkEnumeratePhysicalDeviceGroups(instance, pPhysicalDeviceGroupCount, C_NULL, fptr) pPhysicalDeviceGroupProperties = Vector{VkPhysicalDeviceGroupProperties}(undef, pPhysicalDeviceGroupCount[]) @check vkEnumeratePhysicalDeviceGroups(instance, pPhysicalDeviceGroupCount, pPhysicalDeviceGroupProperties, fptr) end from_vk.(_PhysicalDeviceGroupProperties, pPhysicalDeviceGroupProperties) end function _get_device_group_peer_memory_features(device, heap_index::Integer, local_device_index::Integer, remote_device_index::Integer, fptr::FunctionPtr)::PeerMemoryFeatureFlag pPeerMemoryFeatures = Ref{VkPeerMemoryFeatureFlags}() vkGetDeviceGroupPeerMemoryFeatures(device, heap_index, local_device_index, remote_device_index, pPeerMemoryFeatures, fptr) pPeerMemoryFeatures[] end _bind_buffer_memory_2(device, bind_infos::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkBindBufferMemory2(device, pointer_length(bind_infos), bind_infos, fptr)) _bind_image_memory_2(device, bind_infos::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkBindImageMemory2(device, pointer_length(bind_infos), bind_infos, fptr)) _cmd_set_device_mask(command_buffer, device_mask::Integer, fptr::FunctionPtr)::Cvoid = vkCmdSetDeviceMask(command_buffer, device_mask, fptr) function _get_device_group_present_capabilities_khr(device, fptr::FunctionPtr)::ResultTypes.Result{_DeviceGroupPresentCapabilitiesKHR, VulkanError} pDeviceGroupPresentCapabilities = Ref{VkDeviceGroupPresentCapabilitiesKHR}() @check vkGetDeviceGroupPresentCapabilitiesKHR(device, pDeviceGroupPresentCapabilities, fptr) from_vk(_DeviceGroupPresentCapabilitiesKHR, pDeviceGroupPresentCapabilities[]) end function _get_device_group_surface_present_modes_khr(device, surface, modes::DeviceGroupPresentModeFlagKHR, fptr::FunctionPtr)::ResultTypes.Result{DeviceGroupPresentModeFlagKHR, VulkanError} pModes = Ref{VkDeviceGroupPresentModeFlagsKHR}() @check vkGetDeviceGroupSurfacePresentModesKHR(device, surface, pModes, fptr) pModes[] end function _acquire_next_image_2_khr(device, acquire_info::_AcquireNextImageInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Tuple{UInt32, Result}, VulkanError} pImageIndex = Ref{UInt32}() @check vkAcquireNextImage2KHR(device, acquire_info, pImageIndex, fptr) (pImageIndex[], _return_code) end _cmd_dispatch_base(command_buffer, base_group_x::Integer, base_group_y::Integer, base_group_z::Integer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDispatchBase(command_buffer, base_group_x, base_group_y, base_group_z, group_count_x, group_count_y, group_count_z, fptr) function _get_physical_device_present_rectangles_khr(physical_device, surface, fptr::FunctionPtr)::ResultTypes.Result{Vector{_Rect2D}, VulkanError} pRectCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDevicePresentRectanglesKHR(physical_device, surface, pRectCount, C_NULL, fptr) pRects = Vector{VkRect2D}(undef, pRectCount[]) @check vkGetPhysicalDevicePresentRectanglesKHR(physical_device, surface, pRectCount, pRects, fptr) end from_vk.(_Rect2D, pRects) end function _create_descriptor_update_template(device, create_info::_DescriptorUpdateTemplateCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DescriptorUpdateTemplate, VulkanError} pDescriptorUpdateTemplate = Ref{VkDescriptorUpdateTemplate}() @check vkCreateDescriptorUpdateTemplate(device, create_info, allocator, pDescriptorUpdateTemplate, fptr_create) DescriptorUpdateTemplate(pDescriptorUpdateTemplate[], begin parent = Vk.handle(device) x->_destroy_descriptor_update_template(parent, x, fptr_destroy; allocator) end, device) end _destroy_descriptor_update_template(device, descriptor_update_template, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyDescriptorUpdateTemplate(device, descriptor_update_template, allocator, fptr) _update_descriptor_set_with_template(device, descriptor_set, descriptor_update_template, data::Ptr{Cvoid}, fptr::FunctionPtr)::Cvoid = vkUpdateDescriptorSetWithTemplate(device, descriptor_set, descriptor_update_template, data, fptr) _cmd_push_descriptor_set_with_template_khr(command_buffer, descriptor_update_template, layout, set::Integer, data::Ptr{Cvoid}, fptr::FunctionPtr)::Cvoid = vkCmdPushDescriptorSetWithTemplateKHR(command_buffer, descriptor_update_template, layout, set, data, fptr) _set_hdr_metadata_ext(device, swapchains::AbstractArray, metadata::AbstractArray, fptr::FunctionPtr)::Cvoid = vkSetHdrMetadataEXT(device, pointer_length(swapchains), swapchains, metadata, fptr) _get_swapchain_status_khr(device, swapchain, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkGetSwapchainStatusKHR(device, swapchain, fptr)) function _get_refresh_cycle_duration_google(device, swapchain, fptr::FunctionPtr)::ResultTypes.Result{_RefreshCycleDurationGOOGLE, VulkanError} pDisplayTimingProperties = Ref{VkRefreshCycleDurationGOOGLE}() @check vkGetRefreshCycleDurationGOOGLE(device, swapchain, pDisplayTimingProperties, fptr) from_vk(_RefreshCycleDurationGOOGLE, pDisplayTimingProperties[]) end function _get_past_presentation_timing_google(device, swapchain, fptr::FunctionPtr)::ResultTypes.Result{Vector{_PastPresentationTimingGOOGLE}, VulkanError} pPresentationTimingCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPastPresentationTimingGOOGLE(device, swapchain, pPresentationTimingCount, C_NULL, fptr) pPresentationTimings = Vector{VkPastPresentationTimingGOOGLE}(undef, pPresentationTimingCount[]) @check vkGetPastPresentationTimingGOOGLE(device, swapchain, pPresentationTimingCount, pPresentationTimings, fptr) end from_vk.(_PastPresentationTimingGOOGLE, pPresentationTimings) end function _create_mac_os_surface_mvk(instance, create_info::_MacOSSurfaceCreateInfoMVK, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} pSurface = Ref{VkSurfaceKHR}() @check vkCreateMacOSSurfaceMVK(instance, create_info, allocator, pSurface, fptr_create) SurfaceKHR(pSurface[], begin parent = Vk.handle(instance) x->_destroy_surface_khr(parent, x, fptr_destroy; allocator) end, instance) end function _create_metal_surface_ext(instance, create_info::_MetalSurfaceCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} pSurface = Ref{VkSurfaceKHR}() @check vkCreateMetalSurfaceEXT(instance, create_info, allocator, pSurface, fptr_create) SurfaceKHR(pSurface[], begin parent = Vk.handle(instance) x->_destroy_surface_khr(parent, x, fptr_destroy; allocator) end, instance) end _cmd_set_viewport_w_scaling_nv(command_buffer, viewport_w_scalings::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetViewportWScalingNV(command_buffer, 0, pointer_length(viewport_w_scalings), viewport_w_scalings, fptr) _cmd_set_discard_rectangle_ext(command_buffer, discard_rectangles::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetDiscardRectangleEXT(command_buffer, 0, pointer_length(discard_rectangles), discard_rectangles, fptr) _cmd_set_sample_locations_ext(command_buffer, sample_locations_info::_SampleLocationsInfoEXT, fptr::FunctionPtr)::Cvoid = vkCmdSetSampleLocationsEXT(command_buffer, sample_locations_info, fptr) function _get_physical_device_multisample_properties_ext(physical_device, samples::SampleCountFlag, fptr::FunctionPtr)::_MultisamplePropertiesEXT pMultisampleProperties = Ref{VkMultisamplePropertiesEXT}() vkGetPhysicalDeviceMultisamplePropertiesEXT(physical_device, VkSampleCountFlagBits(samples.val), pMultisampleProperties, fptr) from_vk(_MultisamplePropertiesEXT, pMultisampleProperties[]) end function _get_physical_device_surface_capabilities_2_khr(physical_device, surface_info::_PhysicalDeviceSurfaceInfo2KHR, fptr::FunctionPtr, next_types::Type...)::ResultTypes.Result{_SurfaceCapabilities2KHR, VulkanError} surface_capabilities = initialize(_SurfaceCapabilities2KHR, next_types...) pSurfaceCapabilities = Ref(Base.unsafe_convert(VkSurfaceCapabilities2KHR, surface_capabilities)) GC.@preserve surface_capabilities begin @check vkGetPhysicalDeviceSurfaceCapabilities2KHR(physical_device, surface_info, pSurfaceCapabilities, fptr) _SurfaceCapabilities2KHR(pSurfaceCapabilities[], Any[surface_capabilities]) end end function _get_physical_device_surface_formats_2_khr(physical_device, surface_info::_PhysicalDeviceSurfaceInfo2KHR, fptr::FunctionPtr)::ResultTypes.Result{Vector{_SurfaceFormat2KHR}, VulkanError} pSurfaceFormatCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceSurfaceFormats2KHR(physical_device, surface_info, pSurfaceFormatCount, C_NULL, fptr) pSurfaceFormats = Vector{VkSurfaceFormat2KHR}(undef, pSurfaceFormatCount[]) @check vkGetPhysicalDeviceSurfaceFormats2KHR(physical_device, surface_info, pSurfaceFormatCount, pSurfaceFormats, fptr) end from_vk.(_SurfaceFormat2KHR, pSurfaceFormats) end function _get_physical_device_display_properties_2_khr(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{_DisplayProperties2KHR}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceDisplayProperties2KHR(physical_device, pPropertyCount, C_NULL, fptr) pProperties = Vector{VkDisplayProperties2KHR}(undef, pPropertyCount[]) @check vkGetPhysicalDeviceDisplayProperties2KHR(physical_device, pPropertyCount, pProperties, fptr) end from_vk.(_DisplayProperties2KHR, pProperties) end function _get_physical_device_display_plane_properties_2_khr(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{_DisplayPlaneProperties2KHR}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceDisplayPlaneProperties2KHR(physical_device, pPropertyCount, C_NULL, fptr) pProperties = Vector{VkDisplayPlaneProperties2KHR}(undef, pPropertyCount[]) @check vkGetPhysicalDeviceDisplayPlaneProperties2KHR(physical_device, pPropertyCount, pProperties, fptr) end from_vk.(_DisplayPlaneProperties2KHR, pProperties) end function _get_display_mode_properties_2_khr(physical_device, display, fptr::FunctionPtr)::ResultTypes.Result{Vector{_DisplayModeProperties2KHR}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetDisplayModeProperties2KHR(physical_device, display, pPropertyCount, C_NULL, fptr) pProperties = Vector{VkDisplayModeProperties2KHR}(undef, pPropertyCount[]) @check vkGetDisplayModeProperties2KHR(physical_device, display, pPropertyCount, pProperties, fptr) end from_vk.(_DisplayModeProperties2KHR, pProperties) end function _get_display_plane_capabilities_2_khr(physical_device, display_plane_info::_DisplayPlaneInfo2KHR, fptr::FunctionPtr)::ResultTypes.Result{_DisplayPlaneCapabilities2KHR, VulkanError} pCapabilities = Ref{VkDisplayPlaneCapabilities2KHR}() @check vkGetDisplayPlaneCapabilities2KHR(physical_device, display_plane_info, pCapabilities, fptr) from_vk(_DisplayPlaneCapabilities2KHR, pCapabilities[]) end function _get_buffer_memory_requirements_2(device, info::_BufferMemoryRequirementsInfo2, fptr::FunctionPtr, next_types::Type...)::_MemoryRequirements2 memory_requirements = initialize(_MemoryRequirements2, next_types...) pMemoryRequirements = Ref(Base.unsafe_convert(VkMemoryRequirements2, memory_requirements)) GC.@preserve memory_requirements begin vkGetBufferMemoryRequirements2(device, info, pMemoryRequirements, fptr) _MemoryRequirements2(pMemoryRequirements[], Any[memory_requirements]) end end function _get_image_memory_requirements_2(device, info::_ImageMemoryRequirementsInfo2, fptr::FunctionPtr, next_types::Type...)::_MemoryRequirements2 memory_requirements = initialize(_MemoryRequirements2, next_types...) pMemoryRequirements = Ref(Base.unsafe_convert(VkMemoryRequirements2, memory_requirements)) GC.@preserve memory_requirements begin vkGetImageMemoryRequirements2(device, info, pMemoryRequirements, fptr) _MemoryRequirements2(pMemoryRequirements[], Any[memory_requirements]) end end function _get_image_sparse_memory_requirements_2(device, info::_ImageSparseMemoryRequirementsInfo2, fptr::FunctionPtr)::Vector{_SparseImageMemoryRequirements2} pSparseMemoryRequirementCount = Ref{UInt32}() vkGetImageSparseMemoryRequirements2(device, info, pSparseMemoryRequirementCount, C_NULL, fptr) pSparseMemoryRequirements = Vector{VkSparseImageMemoryRequirements2}(undef, pSparseMemoryRequirementCount[]) vkGetImageSparseMemoryRequirements2(device, info, pSparseMemoryRequirementCount, pSparseMemoryRequirements, fptr) from_vk.(_SparseImageMemoryRequirements2, pSparseMemoryRequirements) end function _get_device_buffer_memory_requirements(device, info::_DeviceBufferMemoryRequirements, fptr::FunctionPtr, next_types::Type...)::_MemoryRequirements2 memory_requirements = initialize(_MemoryRequirements2, next_types...) pMemoryRequirements = Ref(Base.unsafe_convert(VkMemoryRequirements2, memory_requirements)) GC.@preserve memory_requirements begin vkGetDeviceBufferMemoryRequirements(device, info, pMemoryRequirements, fptr) _MemoryRequirements2(pMemoryRequirements[], Any[memory_requirements]) end end function _get_device_image_memory_requirements(device, info::_DeviceImageMemoryRequirements, fptr::FunctionPtr, next_types::Type...)::_MemoryRequirements2 memory_requirements = initialize(_MemoryRequirements2, next_types...) pMemoryRequirements = Ref(Base.unsafe_convert(VkMemoryRequirements2, memory_requirements)) GC.@preserve memory_requirements begin vkGetDeviceImageMemoryRequirements(device, info, pMemoryRequirements, fptr) _MemoryRequirements2(pMemoryRequirements[], Any[memory_requirements]) end end function _get_device_image_sparse_memory_requirements(device, info::_DeviceImageMemoryRequirements, fptr::FunctionPtr)::Vector{_SparseImageMemoryRequirements2} pSparseMemoryRequirementCount = Ref{UInt32}() vkGetDeviceImageSparseMemoryRequirements(device, info, pSparseMemoryRequirementCount, C_NULL, fptr) pSparseMemoryRequirements = Vector{VkSparseImageMemoryRequirements2}(undef, pSparseMemoryRequirementCount[]) vkGetDeviceImageSparseMemoryRequirements(device, info, pSparseMemoryRequirementCount, pSparseMemoryRequirements, fptr) from_vk.(_SparseImageMemoryRequirements2, pSparseMemoryRequirements) end function _create_sampler_ycbcr_conversion(device, create_info::_SamplerYcbcrConversionCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SamplerYcbcrConversion, VulkanError} pYcbcrConversion = Ref{VkSamplerYcbcrConversion}() @check vkCreateSamplerYcbcrConversion(device, create_info, allocator, pYcbcrConversion, fptr_create) SamplerYcbcrConversion(pYcbcrConversion[], begin parent = Vk.handle(device) x->_destroy_sampler_ycbcr_conversion(parent, x, fptr_destroy; allocator) end, device) end _destroy_sampler_ycbcr_conversion(device, ycbcr_conversion, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroySamplerYcbcrConversion(device, ycbcr_conversion, allocator, fptr) function _get_device_queue_2(device, queue_info::_DeviceQueueInfo2, fptr::FunctionPtr)::Queue pQueue = Ref{VkQueue}() vkGetDeviceQueue2(device, queue_info, pQueue, fptr) Queue(pQueue[], identity, device) end function _create_validation_cache_ext(device, create_info::_ValidationCacheCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{ValidationCacheEXT, VulkanError} pValidationCache = Ref{VkValidationCacheEXT}() @check vkCreateValidationCacheEXT(device, create_info, allocator, pValidationCache, fptr_create) ValidationCacheEXT(pValidationCache[], begin parent = Vk.handle(device) x->_destroy_validation_cache_ext(parent, x, fptr_destroy; allocator) end, device) end _destroy_validation_cache_ext(device, validation_cache, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyValidationCacheEXT(device, validation_cache, allocator, fptr) function _get_validation_cache_data_ext(device, validation_cache, fptr::FunctionPtr)::ResultTypes.Result{Tuple{UInt, Ptr{Cvoid}}, VulkanError} pDataSize = Ref{UInt}() @repeat_while_incomplete begin @check vkGetValidationCacheDataEXT(device, validation_cache, pDataSize, C_NULL, fptr) pData = Libc.malloc(pDataSize[]) @check vkGetValidationCacheDataEXT(device, validation_cache, pDataSize, pData, fptr) if _return_code == VK_INCOMPLETE Libc.free(pData) end end (pDataSize[], pData) end _merge_validation_caches_ext(device, dst_cache, src_caches::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkMergeValidationCachesEXT(device, dst_cache, pointer_length(src_caches), src_caches, fptr)) function _get_descriptor_set_layout_support(device, create_info::_DescriptorSetLayoutCreateInfo, fptr::FunctionPtr, next_types::Type...)::_DescriptorSetLayoutSupport support = initialize(_DescriptorSetLayoutSupport, next_types...) pSupport = Ref(Base.unsafe_convert(VkDescriptorSetLayoutSupport, support)) GC.@preserve support begin vkGetDescriptorSetLayoutSupport(device, create_info, pSupport, fptr) _DescriptorSetLayoutSupport(pSupport[], Any[support]) end end function _get_shader_info_amd(device, pipeline, shader_stage::ShaderStageFlag, info_type::ShaderInfoTypeAMD, fptr::FunctionPtr)::ResultTypes.Result{Tuple{UInt, Ptr{Cvoid}}, VulkanError} pInfoSize = Ref{UInt}() @repeat_while_incomplete begin @check vkGetShaderInfoAMD(device, pipeline, VkShaderStageFlagBits(shader_stage.val), info_type, pInfoSize, C_NULL, fptr) pInfo = Libc.malloc(pInfoSize[]) @check vkGetShaderInfoAMD(device, pipeline, VkShaderStageFlagBits(shader_stage.val), info_type, pInfoSize, pInfo, fptr) if _return_code == VK_INCOMPLETE Libc.free(pInfo) end end (pInfoSize[], pInfo) end _set_local_dimming_amd(device, swap_chain, local_dimming_enable::Bool, fptr::FunctionPtr)::Cvoid = vkSetLocalDimmingAMD(device, swap_chain, local_dimming_enable, fptr) function _get_physical_device_calibrateable_time_domains_ext(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{TimeDomainEXT}, VulkanError} pTimeDomainCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceCalibrateableTimeDomainsEXT(physical_device, pTimeDomainCount, C_NULL, fptr) pTimeDomains = Vector{VkTimeDomainEXT}(undef, pTimeDomainCount[]) @check vkGetPhysicalDeviceCalibrateableTimeDomainsEXT(physical_device, pTimeDomainCount, pTimeDomains, fptr) end pTimeDomains end function _get_calibrated_timestamps_ext(device, timestamp_infos::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Tuple{Vector{UInt64}, UInt64}, VulkanError} pTimestamps = Vector{UInt64}(undef, pointer_length(timestamp_infos)) pMaxDeviation = Ref{UInt64}() @check vkGetCalibratedTimestampsEXT(device, pointer_length(timestamp_infos), timestamp_infos, pTimestamps, pMaxDeviation, fptr) (pTimestamps, pMaxDeviation[]) end _set_debug_utils_object_name_ext(device, name_info::_DebugUtilsObjectNameInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkSetDebugUtilsObjectNameEXT(device, name_info, fptr)) _set_debug_utils_object_tag_ext(device, tag_info::_DebugUtilsObjectTagInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkSetDebugUtilsObjectTagEXT(device, tag_info, fptr)) _queue_begin_debug_utils_label_ext(queue, label_info::_DebugUtilsLabelEXT, fptr::FunctionPtr)::Cvoid = vkQueueBeginDebugUtilsLabelEXT(queue, label_info, fptr) _queue_end_debug_utils_label_ext(queue, fptr::FunctionPtr)::Cvoid = vkQueueEndDebugUtilsLabelEXT(queue, fptr) _queue_insert_debug_utils_label_ext(queue, label_info::_DebugUtilsLabelEXT, fptr::FunctionPtr)::Cvoid = vkQueueInsertDebugUtilsLabelEXT(queue, label_info, fptr) _cmd_begin_debug_utils_label_ext(command_buffer, label_info::_DebugUtilsLabelEXT, fptr::FunctionPtr)::Cvoid = vkCmdBeginDebugUtilsLabelEXT(command_buffer, label_info, fptr) _cmd_end_debug_utils_label_ext(command_buffer, fptr::FunctionPtr)::Cvoid = vkCmdEndDebugUtilsLabelEXT(command_buffer, fptr) _cmd_insert_debug_utils_label_ext(command_buffer, label_info::_DebugUtilsLabelEXT, fptr::FunctionPtr)::Cvoid = vkCmdInsertDebugUtilsLabelEXT(command_buffer, label_info, fptr) function _create_debug_utils_messenger_ext(instance, create_info::_DebugUtilsMessengerCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DebugUtilsMessengerEXT, VulkanError} pMessenger = Ref{VkDebugUtilsMessengerEXT}() @check vkCreateDebugUtilsMessengerEXT(instance, create_info, allocator, pMessenger, fptr_create) DebugUtilsMessengerEXT(pMessenger[], begin parent = Vk.handle(instance) x->_destroy_debug_utils_messenger_ext(parent, x, fptr_destroy; allocator) end, instance) end _destroy_debug_utils_messenger_ext(instance, messenger, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyDebugUtilsMessengerEXT(instance, messenger, allocator, fptr) _submit_debug_utils_message_ext(instance, message_severity::DebugUtilsMessageSeverityFlagEXT, message_types::DebugUtilsMessageTypeFlagEXT, callback_data::_DebugUtilsMessengerCallbackDataEXT, fptr::FunctionPtr)::Cvoid = vkSubmitDebugUtilsMessageEXT(instance, VkDebugUtilsMessageSeverityFlagBitsEXT(message_severity.val), message_types, callback_data, fptr) function _get_memory_host_pointer_properties_ext(device, handle_type::ExternalMemoryHandleTypeFlag, host_pointer::Ptr{Cvoid}, fptr::FunctionPtr)::ResultTypes.Result{_MemoryHostPointerPropertiesEXT, VulkanError} pMemoryHostPointerProperties = Ref{VkMemoryHostPointerPropertiesEXT}() @check vkGetMemoryHostPointerPropertiesEXT(device, VkExternalMemoryHandleTypeFlagBits(handle_type.val), host_pointer, pMemoryHostPointerProperties, fptr) from_vk(_MemoryHostPointerPropertiesEXT, pMemoryHostPointerProperties[]) end _cmd_write_buffer_marker_amd(command_buffer, dst_buffer, dst_offset::Integer, marker::Integer, fptr::FunctionPtr; pipeline_stage = 0)::Cvoid = vkCmdWriteBufferMarkerAMD(command_buffer, VkPipelineStageFlagBits(pipeline_stage.val), dst_buffer, dst_offset, marker, fptr) function _create_render_pass_2(device, create_info::_RenderPassCreateInfo2, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{RenderPass, VulkanError} pRenderPass = Ref{VkRenderPass}() @check vkCreateRenderPass2(device, create_info, allocator, pRenderPass, fptr_create) RenderPass(pRenderPass[], begin parent = Vk.handle(device) x->_destroy_render_pass(parent, x, fptr_destroy; allocator) end, device) end _cmd_begin_render_pass_2(command_buffer, render_pass_begin::_RenderPassBeginInfo, subpass_begin_info::_SubpassBeginInfo, fptr::FunctionPtr)::Cvoid = vkCmdBeginRenderPass2(command_buffer, render_pass_begin, subpass_begin_info, fptr) _cmd_next_subpass_2(command_buffer, subpass_begin_info::_SubpassBeginInfo, subpass_end_info::_SubpassEndInfo, fptr::FunctionPtr)::Cvoid = vkCmdNextSubpass2(command_buffer, subpass_begin_info, subpass_end_info, fptr) _cmd_end_render_pass_2(command_buffer, subpass_end_info::_SubpassEndInfo, fptr::FunctionPtr)::Cvoid = vkCmdEndRenderPass2(command_buffer, subpass_end_info, fptr) function _get_semaphore_counter_value(device, semaphore, fptr::FunctionPtr)::ResultTypes.Result{UInt64, VulkanError} pValue = Ref{UInt64}() @check vkGetSemaphoreCounterValue(device, semaphore, pValue, fptr) pValue[] end _wait_semaphores(device, wait_info::_SemaphoreWaitInfo, timeout::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkWaitSemaphores(device, wait_info, timeout, fptr)) _signal_semaphore(device, signal_info::_SemaphoreSignalInfo, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkSignalSemaphore(device, signal_info, fptr)) _cmd_draw_indirect_count(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawIndirectCount(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride, fptr) _cmd_draw_indexed_indirect_count(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawIndexedIndirectCount(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride, fptr) _cmd_set_checkpoint_nv(command_buffer, checkpoint_marker::Ptr{Cvoid}, fptr::FunctionPtr)::Cvoid = vkCmdSetCheckpointNV(command_buffer, checkpoint_marker, fptr) function _get_queue_checkpoint_data_nv(queue, fptr::FunctionPtr)::Vector{_CheckpointDataNV} pCheckpointDataCount = Ref{UInt32}() vkGetQueueCheckpointDataNV(queue, pCheckpointDataCount, C_NULL, fptr) pCheckpointData = Vector{VkCheckpointDataNV}(undef, pCheckpointDataCount[]) vkGetQueueCheckpointDataNV(queue, pCheckpointDataCount, pCheckpointData, fptr) from_vk.(_CheckpointDataNV, pCheckpointData) end _cmd_bind_transform_feedback_buffers_ext(command_buffer, buffers::AbstractArray, offsets::AbstractArray, fptr::FunctionPtr; sizes = C_NULL)::Cvoid = vkCmdBindTransformFeedbackBuffersEXT(command_buffer, 0, pointer_length(buffers), buffers, offsets, sizes, fptr) _cmd_begin_transform_feedback_ext(command_buffer, counter_buffers::AbstractArray, fptr::FunctionPtr; counter_buffer_offsets = C_NULL)::Cvoid = vkCmdBeginTransformFeedbackEXT(command_buffer, 0, pointer_length(counter_buffers), counter_buffers, counter_buffer_offsets, fptr) _cmd_end_transform_feedback_ext(command_buffer, counter_buffers::AbstractArray, fptr::FunctionPtr; counter_buffer_offsets = C_NULL)::Cvoid = vkCmdEndTransformFeedbackEXT(command_buffer, 0, pointer_length(counter_buffers), counter_buffers, counter_buffer_offsets, fptr) _cmd_begin_query_indexed_ext(command_buffer, query_pool, query::Integer, index::Integer, fptr::FunctionPtr; flags = 0)::Cvoid = vkCmdBeginQueryIndexedEXT(command_buffer, query_pool, query, flags, index, fptr) _cmd_end_query_indexed_ext(command_buffer, query_pool, query::Integer, index::Integer, fptr::FunctionPtr)::Cvoid = vkCmdEndQueryIndexedEXT(command_buffer, query_pool, query, index, fptr) _cmd_draw_indirect_byte_count_ext(command_buffer, instance_count::Integer, first_instance::Integer, counter_buffer, counter_buffer_offset::Integer, counter_offset::Integer, vertex_stride::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawIndirectByteCountEXT(command_buffer, instance_count, first_instance, counter_buffer, counter_buffer_offset, counter_offset, vertex_stride, fptr) _cmd_set_exclusive_scissor_nv(command_buffer, exclusive_scissors::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetExclusiveScissorNV(command_buffer, 0, pointer_length(exclusive_scissors), exclusive_scissors, fptr) _cmd_bind_shading_rate_image_nv(command_buffer, image_layout::ImageLayout, fptr::FunctionPtr; image_view = C_NULL)::Cvoid = vkCmdBindShadingRateImageNV(command_buffer, image_view, image_layout, fptr) _cmd_set_viewport_shading_rate_palette_nv(command_buffer, shading_rate_palettes::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetViewportShadingRatePaletteNV(command_buffer, 0, pointer_length(shading_rate_palettes), shading_rate_palettes, fptr) _cmd_set_coarse_sample_order_nv(command_buffer, sample_order_type::CoarseSampleOrderTypeNV, custom_sample_orders::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetCoarseSampleOrderNV(command_buffer, sample_order_type, pointer_length(custom_sample_orders), custom_sample_orders, fptr) _cmd_draw_mesh_tasks_nv(command_buffer, task_count::Integer, first_task::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawMeshTasksNV(command_buffer, task_count, first_task, fptr) _cmd_draw_mesh_tasks_indirect_nv(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawMeshTasksIndirectNV(command_buffer, buffer, offset, draw_count, stride, fptr) _cmd_draw_mesh_tasks_indirect_count_nv(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawMeshTasksIndirectCountNV(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride, fptr) _cmd_draw_mesh_tasks_ext(command_buffer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawMeshTasksEXT(command_buffer, group_count_x, group_count_y, group_count_z, fptr) _cmd_draw_mesh_tasks_indirect_ext(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawMeshTasksIndirectEXT(command_buffer, buffer, offset, draw_count, stride, fptr) _cmd_draw_mesh_tasks_indirect_count_ext(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawMeshTasksIndirectCountEXT(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride, fptr) _compile_deferred_nv(device, pipeline, shader::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkCompileDeferredNV(device, pipeline, shader, fptr)) function _create_acceleration_structure_nv(device, create_info::_AccelerationStructureCreateInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{AccelerationStructureNV, VulkanError} pAccelerationStructure = Ref{VkAccelerationStructureNV}() @check vkCreateAccelerationStructureNV(device, create_info, allocator, pAccelerationStructure, fptr_create) AccelerationStructureNV(pAccelerationStructure[], begin parent = Vk.handle(device) x->_destroy_acceleration_structure_nv(parent, x, fptr_destroy; allocator) end, device) end _cmd_bind_invocation_mask_huawei(command_buffer, image_layout::ImageLayout, fptr::FunctionPtr; image_view = C_NULL)::Cvoid = vkCmdBindInvocationMaskHUAWEI(command_buffer, image_view, image_layout, fptr) _destroy_acceleration_structure_khr(device, acceleration_structure, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyAccelerationStructureKHR(device, acceleration_structure, allocator, fptr) _destroy_acceleration_structure_nv(device, acceleration_structure, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyAccelerationStructureNV(device, acceleration_structure, allocator, fptr) function _get_acceleration_structure_memory_requirements_nv(device, info::_AccelerationStructureMemoryRequirementsInfoNV, fptr::FunctionPtr)::VkMemoryRequirements2KHR pMemoryRequirements = Ref{VkMemoryRequirements2KHR}() vkGetAccelerationStructureMemoryRequirementsNV(device, info, pMemoryRequirements, fptr) from_vk(VkMemoryRequirements2KHR, pMemoryRequirements[]) end _bind_acceleration_structure_memory_nv(device, bind_infos::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkBindAccelerationStructureMemoryNV(device, pointer_length(bind_infos), bind_infos, fptr)) _cmd_copy_acceleration_structure_nv(command_buffer, dst, src, mode::CopyAccelerationStructureModeKHR, fptr::FunctionPtr)::Cvoid = vkCmdCopyAccelerationStructureNV(command_buffer, dst, src, mode, fptr) _cmd_copy_acceleration_structure_khr(command_buffer, info::_CopyAccelerationStructureInfoKHR, fptr::FunctionPtr)::Cvoid = vkCmdCopyAccelerationStructureKHR(command_buffer, info, fptr) _copy_acceleration_structure_khr(device, info::_CopyAccelerationStructureInfoKHR, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkCopyAccelerationStructureKHR(device, deferred_operation, info, fptr)) _cmd_copy_acceleration_structure_to_memory_khr(command_buffer, info::_CopyAccelerationStructureToMemoryInfoKHR, fptr::FunctionPtr)::Cvoid = vkCmdCopyAccelerationStructureToMemoryKHR(command_buffer, info, fptr) _copy_acceleration_structure_to_memory_khr(device, info::_CopyAccelerationStructureToMemoryInfoKHR, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkCopyAccelerationStructureToMemoryKHR(device, deferred_operation, info, fptr)) _cmd_copy_memory_to_acceleration_structure_khr(command_buffer, info::_CopyMemoryToAccelerationStructureInfoKHR, fptr::FunctionPtr)::Cvoid = vkCmdCopyMemoryToAccelerationStructureKHR(command_buffer, info, fptr) _copy_memory_to_acceleration_structure_khr(device, info::_CopyMemoryToAccelerationStructureInfoKHR, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkCopyMemoryToAccelerationStructureKHR(device, deferred_operation, info, fptr)) _cmd_write_acceleration_structures_properties_khr(command_buffer, acceleration_structures::AbstractArray, query_type::QueryType, query_pool, first_query::Integer, fptr::FunctionPtr)::Cvoid = vkCmdWriteAccelerationStructuresPropertiesKHR(command_buffer, pointer_length(acceleration_structures), acceleration_structures, query_type, query_pool, first_query, fptr) _cmd_write_acceleration_structures_properties_nv(command_buffer, acceleration_structures::AbstractArray, query_type::QueryType, query_pool, first_query::Integer, fptr::FunctionPtr)::Cvoid = vkCmdWriteAccelerationStructuresPropertiesNV(command_buffer, pointer_length(acceleration_structures), acceleration_structures, query_type, query_pool, first_query, fptr) _cmd_build_acceleration_structure_nv(command_buffer, info::_AccelerationStructureInfoNV, instance_offset::Integer, update::Bool, dst, scratch, scratch_offset::Integer, fptr::FunctionPtr; instance_data = C_NULL, src = C_NULL)::Cvoid = vkCmdBuildAccelerationStructureNV(command_buffer, info, instance_data, instance_offset, update, dst, src, scratch, scratch_offset, fptr) _write_acceleration_structures_properties_khr(device, acceleration_structures::AbstractArray, query_type::QueryType, data_size::Integer, data::Ptr{Cvoid}, stride::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkWriteAccelerationStructuresPropertiesKHR(device, pointer_length(acceleration_structures), acceleration_structures, query_type, data_size, data, stride, fptr)) _cmd_trace_rays_khr(command_buffer, raygen_shader_binding_table::_StridedDeviceAddressRegionKHR, miss_shader_binding_table::_StridedDeviceAddressRegionKHR, hit_shader_binding_table::_StridedDeviceAddressRegionKHR, callable_shader_binding_table::_StridedDeviceAddressRegionKHR, width::Integer, height::Integer, depth::Integer, fptr::FunctionPtr)::Cvoid = vkCmdTraceRaysKHR(command_buffer, raygen_shader_binding_table, miss_shader_binding_table, hit_shader_binding_table, callable_shader_binding_table, width, height, depth, fptr) _cmd_trace_rays_nv(command_buffer, raygen_shader_binding_table_buffer, raygen_shader_binding_offset::Integer, miss_shader_binding_offset::Integer, miss_shader_binding_stride::Integer, hit_shader_binding_offset::Integer, hit_shader_binding_stride::Integer, callable_shader_binding_offset::Integer, callable_shader_binding_stride::Integer, width::Integer, height::Integer, depth::Integer, fptr::FunctionPtr; miss_shader_binding_table_buffer = C_NULL, hit_shader_binding_table_buffer = C_NULL, callable_shader_binding_table_buffer = C_NULL)::Cvoid = vkCmdTraceRaysNV(command_buffer, raygen_shader_binding_table_buffer, raygen_shader_binding_offset, miss_shader_binding_table_buffer, miss_shader_binding_offset, miss_shader_binding_stride, hit_shader_binding_table_buffer, hit_shader_binding_offset, hit_shader_binding_stride, callable_shader_binding_table_buffer, callable_shader_binding_offset, callable_shader_binding_stride, width, height, depth, fptr) _get_ray_tracing_shader_group_handles_khr(device, pipeline, first_group::Integer, group_count::Integer, data_size::Integer, data::Ptr{Cvoid}, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkGetRayTracingShaderGroupHandlesKHR(device, pipeline, first_group, group_count, data_size, data, fptr)) _get_ray_tracing_capture_replay_shader_group_handles_khr(device, pipeline, first_group::Integer, group_count::Integer, data_size::Integer, data::Ptr{Cvoid}, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkGetRayTracingCaptureReplayShaderGroupHandlesKHR(device, pipeline, first_group, group_count, data_size, data, fptr)) _get_acceleration_structure_handle_nv(device, acceleration_structure, data_size::Integer, data::Ptr{Cvoid}, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkGetAccelerationStructureHandleNV(device, acceleration_structure, data_size, data, fptr)) function _create_ray_tracing_pipelines_nv(device, create_infos::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} pPipelines = Vector{VkPipeline}(undef, pointer_length(create_infos)) @check vkCreateRayTracingPipelinesNV(device, pipeline_cache, pointer_length(create_infos), create_infos, allocator, pPipelines, fptr_create) (Pipeline.(pPipelines, begin parent = Vk.handle(device) x->_destroy_pipeline(parent, x, fptr_destroy; allocator) end, device), _return_code) end function _create_ray_tracing_pipelines_khr(device, create_infos::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; deferred_operation = C_NULL, pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} pPipelines = Vector{VkPipeline}(undef, pointer_length(create_infos)) @check vkCreateRayTracingPipelinesKHR(device, deferred_operation, pipeline_cache, pointer_length(create_infos), create_infos, allocator, pPipelines, fptr_create) (Pipeline.(pPipelines, begin parent = Vk.handle(device) x->_destroy_pipeline(parent, x, fptr_destroy; allocator) end, device), _return_code) end function _get_physical_device_cooperative_matrix_properties_nv(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{_CooperativeMatrixPropertiesNV}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceCooperativeMatrixPropertiesNV(physical_device, pPropertyCount, C_NULL, fptr) pProperties = Vector{VkCooperativeMatrixPropertiesNV}(undef, pPropertyCount[]) @check vkGetPhysicalDeviceCooperativeMatrixPropertiesNV(physical_device, pPropertyCount, pProperties, fptr) end from_vk.(_CooperativeMatrixPropertiesNV, pProperties) end _cmd_trace_rays_indirect_khr(command_buffer, raygen_shader_binding_table::_StridedDeviceAddressRegionKHR, miss_shader_binding_table::_StridedDeviceAddressRegionKHR, hit_shader_binding_table::_StridedDeviceAddressRegionKHR, callable_shader_binding_table::_StridedDeviceAddressRegionKHR, indirect_device_address::Integer, fptr::FunctionPtr)::Cvoid = vkCmdTraceRaysIndirectKHR(command_buffer, raygen_shader_binding_table, miss_shader_binding_table, hit_shader_binding_table, callable_shader_binding_table, indirect_device_address, fptr) _cmd_trace_rays_indirect_2_khr(command_buffer, indirect_device_address::Integer, fptr::FunctionPtr)::Cvoid = vkCmdTraceRaysIndirect2KHR(command_buffer, indirect_device_address, fptr) function _get_device_acceleration_structure_compatibility_khr(device, version_info::_AccelerationStructureVersionInfoKHR, fptr::FunctionPtr)::AccelerationStructureCompatibilityKHR pCompatibility = Ref{VkAccelerationStructureCompatibilityKHR}() vkGetDeviceAccelerationStructureCompatibilityKHR(device, version_info, pCompatibility, fptr) pCompatibility[] end _get_ray_tracing_shader_group_stack_size_khr(device, pipeline, group::Integer, group_shader::ShaderGroupShaderKHR, fptr::FunctionPtr)::UInt64 = vkGetRayTracingShaderGroupStackSizeKHR(device, pipeline, group, group_shader, fptr) _cmd_set_ray_tracing_pipeline_stack_size_khr(command_buffer, pipeline_stack_size::Integer, fptr::FunctionPtr)::Cvoid = vkCmdSetRayTracingPipelineStackSizeKHR(command_buffer, pipeline_stack_size, fptr) _get_image_view_handle_nvx(device, info::_ImageViewHandleInfoNVX, fptr::FunctionPtr)::UInt32 = vkGetImageViewHandleNVX(device, info, fptr) function _get_image_view_address_nvx(device, image_view, fptr::FunctionPtr)::ResultTypes.Result{_ImageViewAddressPropertiesNVX, VulkanError} pProperties = Ref{VkImageViewAddressPropertiesNVX}() @check vkGetImageViewAddressNVX(device, image_view, pProperties, fptr) from_vk(_ImageViewAddressPropertiesNVX, pProperties[]) end function _enumerate_physical_device_queue_family_performance_query_counters_khr(physical_device, queue_family_index::Integer, fptr::FunctionPtr)::ResultTypes.Result{Tuple{Vector{_PerformanceCounterKHR}, Vector{_PerformanceCounterDescriptionKHR}}, VulkanError} pCounterCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkEnumeratePhysicalDeviceQueueFamilyPerformanceQueryCountersKHR(physical_device, queue_family_index, pCounterCount, C_NULL, C_NULL, fptr) pCounters = Vector{VkPerformanceCounterKHR}(undef, pCounterCount[]) pCounterDescriptions = Vector{VkPerformanceCounterDescriptionKHR}(undef, pCounterCount[]) @check vkEnumeratePhysicalDeviceQueueFamilyPerformanceQueryCountersKHR(physical_device, queue_family_index, pCounterCount, pCounters, pCounterDescriptions, fptr) end (from_vk.(_PerformanceCounterKHR, pCounters), from_vk.(_PerformanceCounterDescriptionKHR, pCounterDescriptions)) end function _get_physical_device_queue_family_performance_query_passes_khr(physical_device, performance_query_create_info::_QueryPoolPerformanceCreateInfoKHR, fptr::FunctionPtr)::UInt32 pNumPasses = Ref{UInt32}() vkGetPhysicalDeviceQueueFamilyPerformanceQueryPassesKHR(physical_device, performance_query_create_info, pNumPasses, fptr) pNumPasses[] end _acquire_profiling_lock_khr(device, info::_AcquireProfilingLockInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkAcquireProfilingLockKHR(device, info, fptr)) _release_profiling_lock_khr(device, fptr::FunctionPtr)::Cvoid = vkReleaseProfilingLockKHR(device, fptr) function _get_image_drm_format_modifier_properties_ext(device, image, fptr::FunctionPtr)::ResultTypes.Result{_ImageDrmFormatModifierPropertiesEXT, VulkanError} pProperties = Ref{VkImageDrmFormatModifierPropertiesEXT}() @check vkGetImageDrmFormatModifierPropertiesEXT(device, image, pProperties, fptr) from_vk(_ImageDrmFormatModifierPropertiesEXT, pProperties[]) end _get_buffer_opaque_capture_address(device, info::_BufferDeviceAddressInfo, fptr::FunctionPtr)::UInt64 = vkGetBufferOpaqueCaptureAddress(device, info, fptr) _get_buffer_device_address(device, info::_BufferDeviceAddressInfo, fptr::FunctionPtr)::UInt64 = vkGetBufferDeviceAddress(device, info, fptr) function _create_headless_surface_ext(instance, create_info::_HeadlessSurfaceCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} pSurface = Ref{VkSurfaceKHR}() @check vkCreateHeadlessSurfaceEXT(instance, create_info, allocator, pSurface, fptr_create) SurfaceKHR(pSurface[], begin parent = Vk.handle(instance) x->_destroy_surface_khr(parent, x, fptr_destroy; allocator) end, instance) end function _get_physical_device_supported_framebuffer_mixed_samples_combinations_nv(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{_FramebufferMixedSamplesCombinationNV}, VulkanError} pCombinationCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceSupportedFramebufferMixedSamplesCombinationsNV(physical_device, pCombinationCount, C_NULL, fptr) pCombinations = Vector{VkFramebufferMixedSamplesCombinationNV}(undef, pCombinationCount[]) @check vkGetPhysicalDeviceSupportedFramebufferMixedSamplesCombinationsNV(physical_device, pCombinationCount, pCombinations, fptr) end from_vk.(_FramebufferMixedSamplesCombinationNV, pCombinations) end _initialize_performance_api_intel(device, initialize_info::_InitializePerformanceApiInfoINTEL, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkInitializePerformanceApiINTEL(device, initialize_info, fptr)) _uninitialize_performance_api_intel(device, fptr::FunctionPtr)::Cvoid = vkUninitializePerformanceApiINTEL(device, fptr) _cmd_set_performance_marker_intel(command_buffer, marker_info::_PerformanceMarkerInfoINTEL, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkCmdSetPerformanceMarkerINTEL(command_buffer, marker_info, fptr)) _cmd_set_performance_stream_marker_intel(command_buffer, marker_info::_PerformanceStreamMarkerInfoINTEL, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkCmdSetPerformanceStreamMarkerINTEL(command_buffer, marker_info, fptr)) _cmd_set_performance_override_intel(command_buffer, override_info::_PerformanceOverrideInfoINTEL, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkCmdSetPerformanceOverrideINTEL(command_buffer, override_info, fptr)) function _acquire_performance_configuration_intel(device, acquire_info::_PerformanceConfigurationAcquireInfoINTEL, fptr::FunctionPtr)::ResultTypes.Result{PerformanceConfigurationINTEL, VulkanError} pConfiguration = Ref{VkPerformanceConfigurationINTEL}() @check vkAcquirePerformanceConfigurationINTEL(device, acquire_info, pConfiguration, fptr) PerformanceConfigurationINTEL(pConfiguration[], identity, device) end _release_performance_configuration_intel(device, fptr::FunctionPtr; configuration = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkReleasePerformanceConfigurationINTEL(device, configuration, fptr)) _queue_set_performance_configuration_intel(queue, configuration, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkQueueSetPerformanceConfigurationINTEL(queue, configuration, fptr)) function _get_performance_parameter_intel(device, parameter::PerformanceParameterTypeINTEL, fptr::FunctionPtr)::ResultTypes.Result{_PerformanceValueINTEL, VulkanError} pValue = Ref{VkPerformanceValueINTEL}() @check vkGetPerformanceParameterINTEL(device, parameter, pValue, fptr) from_vk(_PerformanceValueINTEL, pValue[]) end _get_device_memory_opaque_capture_address(device, info::_DeviceMemoryOpaqueCaptureAddressInfo, fptr::FunctionPtr)::UInt64 = vkGetDeviceMemoryOpaqueCaptureAddress(device, info, fptr) function _get_pipeline_executable_properties_khr(device, pipeline_info::_PipelineInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Vector{_PipelineExecutablePropertiesKHR}, VulkanError} pExecutableCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPipelineExecutablePropertiesKHR(device, pipeline_info, pExecutableCount, C_NULL, fptr) pProperties = Vector{VkPipelineExecutablePropertiesKHR}(undef, pExecutableCount[]) @check vkGetPipelineExecutablePropertiesKHR(device, pipeline_info, pExecutableCount, pProperties, fptr) end from_vk.(_PipelineExecutablePropertiesKHR, pProperties) end function _get_pipeline_executable_statistics_khr(device, executable_info::_PipelineExecutableInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Vector{_PipelineExecutableStatisticKHR}, VulkanError} pStatisticCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPipelineExecutableStatisticsKHR(device, executable_info, pStatisticCount, C_NULL, fptr) pStatistics = Vector{VkPipelineExecutableStatisticKHR}(undef, pStatisticCount[]) @check vkGetPipelineExecutableStatisticsKHR(device, executable_info, pStatisticCount, pStatistics, fptr) end from_vk.(_PipelineExecutableStatisticKHR, pStatistics) end function _get_pipeline_executable_internal_representations_khr(device, executable_info::_PipelineExecutableInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Vector{_PipelineExecutableInternalRepresentationKHR}, VulkanError} pInternalRepresentationCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPipelineExecutableInternalRepresentationsKHR(device, executable_info, pInternalRepresentationCount, C_NULL, fptr) pInternalRepresentations = Vector{VkPipelineExecutableInternalRepresentationKHR}(undef, pInternalRepresentationCount[]) @check vkGetPipelineExecutableInternalRepresentationsKHR(device, executable_info, pInternalRepresentationCount, pInternalRepresentations, fptr) end from_vk.(_PipelineExecutableInternalRepresentationKHR, pInternalRepresentations) end _cmd_set_line_stipple_ext(command_buffer, line_stipple_factor::Integer, line_stipple_pattern::Integer, fptr::FunctionPtr)::Cvoid = vkCmdSetLineStippleEXT(command_buffer, line_stipple_factor, line_stipple_pattern, fptr) function _get_physical_device_tool_properties(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{_PhysicalDeviceToolProperties}, VulkanError} pToolCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceToolProperties(physical_device, pToolCount, C_NULL, fptr) pToolProperties = Vector{VkPhysicalDeviceToolProperties}(undef, pToolCount[]) @check vkGetPhysicalDeviceToolProperties(physical_device, pToolCount, pToolProperties, fptr) end from_vk.(_PhysicalDeviceToolProperties, pToolProperties) end function _create_acceleration_structure_khr(device, create_info::_AccelerationStructureCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{AccelerationStructureKHR, VulkanError} pAccelerationStructure = Ref{VkAccelerationStructureKHR}() @check vkCreateAccelerationStructureKHR(device, create_info, allocator, pAccelerationStructure, fptr_create) AccelerationStructureKHR(pAccelerationStructure[], begin parent = Vk.handle(device) x->_destroy_acceleration_structure_khr(parent, x, fptr_destroy; allocator) end, device) end _cmd_build_acceleration_structures_khr(command_buffer, infos::AbstractArray, build_range_infos::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdBuildAccelerationStructuresKHR(command_buffer, pointer_length(infos), infos, build_range_infos, fptr) _cmd_build_acceleration_structures_indirect_khr(command_buffer, infos::AbstractArray, indirect_device_addresses::AbstractArray, indirect_strides::AbstractArray, max_primitive_counts::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdBuildAccelerationStructuresIndirectKHR(command_buffer, pointer_length(infos), infos, indirect_device_addresses, indirect_strides, max_primitive_counts, fptr) _build_acceleration_structures_khr(device, infos::AbstractArray, build_range_infos::AbstractArray, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkBuildAccelerationStructuresKHR(device, deferred_operation, pointer_length(infos), infos, build_range_infos, fptr)) _get_acceleration_structure_device_address_khr(device, info::_AccelerationStructureDeviceAddressInfoKHR, fptr::FunctionPtr)::UInt64 = vkGetAccelerationStructureDeviceAddressKHR(device, info, fptr) function _create_deferred_operation_khr(device, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DeferredOperationKHR, VulkanError} pDeferredOperation = Ref{VkDeferredOperationKHR}() @check vkCreateDeferredOperationKHR(device, allocator, pDeferredOperation, fptr_create) DeferredOperationKHR(pDeferredOperation[], begin parent = Vk.handle(device) x->_destroy_deferred_operation_khr(parent, x, fptr_destroy; allocator) end, device) end _destroy_deferred_operation_khr(device, operation, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyDeferredOperationKHR(device, operation, allocator, fptr) _get_deferred_operation_max_concurrency_khr(device, operation, fptr::FunctionPtr)::UInt32 = vkGetDeferredOperationMaxConcurrencyKHR(device, operation, fptr) _get_deferred_operation_result_khr(device, operation, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkGetDeferredOperationResultKHR(device, operation, fptr)) _deferred_operation_join_khr(device, operation, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkDeferredOperationJoinKHR(device, operation, fptr)) _cmd_set_cull_mode(command_buffer, fptr::FunctionPtr; cull_mode = 0)::Cvoid = vkCmdSetCullMode(command_buffer, cull_mode, fptr) _cmd_set_front_face(command_buffer, front_face::FrontFace, fptr::FunctionPtr)::Cvoid = vkCmdSetFrontFace(command_buffer, front_face, fptr) _cmd_set_primitive_topology(command_buffer, primitive_topology::PrimitiveTopology, fptr::FunctionPtr)::Cvoid = vkCmdSetPrimitiveTopology(command_buffer, primitive_topology, fptr) _cmd_set_viewport_with_count(command_buffer, viewports::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetViewportWithCount(command_buffer, pointer_length(viewports), viewports, fptr) _cmd_set_scissor_with_count(command_buffer, scissors::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetScissorWithCount(command_buffer, pointer_length(scissors), scissors, fptr) _cmd_bind_vertex_buffers_2(command_buffer, buffers::AbstractArray, offsets::AbstractArray, fptr::FunctionPtr; sizes = C_NULL, strides = C_NULL)::Cvoid = vkCmdBindVertexBuffers2(command_buffer, 0, pointer_length(buffers), buffers, offsets, sizes, strides, fptr) _cmd_set_depth_test_enable(command_buffer, depth_test_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetDepthTestEnable(command_buffer, depth_test_enable, fptr) _cmd_set_depth_write_enable(command_buffer, depth_write_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetDepthWriteEnable(command_buffer, depth_write_enable, fptr) _cmd_set_depth_compare_op(command_buffer, depth_compare_op::CompareOp, fptr::FunctionPtr)::Cvoid = vkCmdSetDepthCompareOp(command_buffer, depth_compare_op, fptr) _cmd_set_depth_bounds_test_enable(command_buffer, depth_bounds_test_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetDepthBoundsTestEnable(command_buffer, depth_bounds_test_enable, fptr) _cmd_set_stencil_test_enable(command_buffer, stencil_test_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetStencilTestEnable(command_buffer, stencil_test_enable, fptr) _cmd_set_stencil_op(command_buffer, face_mask::StencilFaceFlag, fail_op::StencilOp, pass_op::StencilOp, depth_fail_op::StencilOp, compare_op::CompareOp, fptr::FunctionPtr)::Cvoid = vkCmdSetStencilOp(command_buffer, face_mask, fail_op, pass_op, depth_fail_op, compare_op, fptr) _cmd_set_patch_control_points_ext(command_buffer, patch_control_points::Integer, fptr::FunctionPtr)::Cvoid = vkCmdSetPatchControlPointsEXT(command_buffer, patch_control_points, fptr) _cmd_set_rasterizer_discard_enable(command_buffer, rasterizer_discard_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetRasterizerDiscardEnable(command_buffer, rasterizer_discard_enable, fptr) _cmd_set_depth_bias_enable(command_buffer, depth_bias_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetDepthBiasEnable(command_buffer, depth_bias_enable, fptr) _cmd_set_logic_op_ext(command_buffer, logic_op::LogicOp, fptr::FunctionPtr)::Cvoid = vkCmdSetLogicOpEXT(command_buffer, logic_op, fptr) _cmd_set_primitive_restart_enable(command_buffer, primitive_restart_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetPrimitiveRestartEnable(command_buffer, primitive_restart_enable, fptr) _cmd_set_tessellation_domain_origin_ext(command_buffer, domain_origin::TessellationDomainOrigin, fptr::FunctionPtr)::Cvoid = vkCmdSetTessellationDomainOriginEXT(command_buffer, domain_origin, fptr) _cmd_set_depth_clamp_enable_ext(command_buffer, depth_clamp_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetDepthClampEnableEXT(command_buffer, depth_clamp_enable, fptr) _cmd_set_polygon_mode_ext(command_buffer, polygon_mode::PolygonMode, fptr::FunctionPtr)::Cvoid = vkCmdSetPolygonModeEXT(command_buffer, polygon_mode, fptr) _cmd_set_rasterization_samples_ext(command_buffer, rasterization_samples::SampleCountFlag, fptr::FunctionPtr)::Cvoid = vkCmdSetRasterizationSamplesEXT(command_buffer, VkSampleCountFlagBits(rasterization_samples.val), fptr) _cmd_set_sample_mask_ext(command_buffer, samples::SampleCountFlag, sample_mask::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetSampleMaskEXT(command_buffer, VkSampleCountFlagBits(samples.val), sample_mask, fptr) _cmd_set_alpha_to_coverage_enable_ext(command_buffer, alpha_to_coverage_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetAlphaToCoverageEnableEXT(command_buffer, alpha_to_coverage_enable, fptr) _cmd_set_alpha_to_one_enable_ext(command_buffer, alpha_to_one_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetAlphaToOneEnableEXT(command_buffer, alpha_to_one_enable, fptr) _cmd_set_logic_op_enable_ext(command_buffer, logic_op_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetLogicOpEnableEXT(command_buffer, logic_op_enable, fptr) _cmd_set_color_blend_enable_ext(command_buffer, color_blend_enables::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetColorBlendEnableEXT(command_buffer, 0, pointer_length(color_blend_enables), color_blend_enables, fptr) _cmd_set_color_blend_equation_ext(command_buffer, color_blend_equations::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetColorBlendEquationEXT(command_buffer, 0, pointer_length(color_blend_equations), color_blend_equations, fptr) _cmd_set_color_write_mask_ext(command_buffer, color_write_masks::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetColorWriteMaskEXT(command_buffer, 0, pointer_length(color_write_masks), color_write_masks, fptr) _cmd_set_rasterization_stream_ext(command_buffer, rasterization_stream::Integer, fptr::FunctionPtr)::Cvoid = vkCmdSetRasterizationStreamEXT(command_buffer, rasterization_stream, fptr) _cmd_set_conservative_rasterization_mode_ext(command_buffer, conservative_rasterization_mode::ConservativeRasterizationModeEXT, fptr::FunctionPtr)::Cvoid = vkCmdSetConservativeRasterizationModeEXT(command_buffer, conservative_rasterization_mode, fptr) _cmd_set_extra_primitive_overestimation_size_ext(command_buffer, extra_primitive_overestimation_size::Real, fptr::FunctionPtr)::Cvoid = vkCmdSetExtraPrimitiveOverestimationSizeEXT(command_buffer, extra_primitive_overestimation_size, fptr) _cmd_set_depth_clip_enable_ext(command_buffer, depth_clip_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetDepthClipEnableEXT(command_buffer, depth_clip_enable, fptr) _cmd_set_sample_locations_enable_ext(command_buffer, sample_locations_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetSampleLocationsEnableEXT(command_buffer, sample_locations_enable, fptr) _cmd_set_color_blend_advanced_ext(command_buffer, color_blend_advanced::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetColorBlendAdvancedEXT(command_buffer, 0, pointer_length(color_blend_advanced), color_blend_advanced, fptr) _cmd_set_provoking_vertex_mode_ext(command_buffer, provoking_vertex_mode::ProvokingVertexModeEXT, fptr::FunctionPtr)::Cvoid = vkCmdSetProvokingVertexModeEXT(command_buffer, provoking_vertex_mode, fptr) _cmd_set_line_rasterization_mode_ext(command_buffer, line_rasterization_mode::LineRasterizationModeEXT, fptr::FunctionPtr)::Cvoid = vkCmdSetLineRasterizationModeEXT(command_buffer, line_rasterization_mode, fptr) _cmd_set_line_stipple_enable_ext(command_buffer, stippled_line_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetLineStippleEnableEXT(command_buffer, stippled_line_enable, fptr) _cmd_set_depth_clip_negative_one_to_one_ext(command_buffer, negative_one_to_one::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetDepthClipNegativeOneToOneEXT(command_buffer, negative_one_to_one, fptr) _cmd_set_viewport_w_scaling_enable_nv(command_buffer, viewport_w_scaling_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetViewportWScalingEnableNV(command_buffer, viewport_w_scaling_enable, fptr) _cmd_set_viewport_swizzle_nv(command_buffer, viewport_swizzles::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetViewportSwizzleNV(command_buffer, 0, pointer_length(viewport_swizzles), viewport_swizzles, fptr) _cmd_set_coverage_to_color_enable_nv(command_buffer, coverage_to_color_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetCoverageToColorEnableNV(command_buffer, coverage_to_color_enable, fptr) _cmd_set_coverage_to_color_location_nv(command_buffer, coverage_to_color_location::Integer, fptr::FunctionPtr)::Cvoid = vkCmdSetCoverageToColorLocationNV(command_buffer, coverage_to_color_location, fptr) _cmd_set_coverage_modulation_mode_nv(command_buffer, coverage_modulation_mode::CoverageModulationModeNV, fptr::FunctionPtr)::Cvoid = vkCmdSetCoverageModulationModeNV(command_buffer, coverage_modulation_mode, fptr) _cmd_set_coverage_modulation_table_enable_nv(command_buffer, coverage_modulation_table_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetCoverageModulationTableEnableNV(command_buffer, coverage_modulation_table_enable, fptr) _cmd_set_coverage_modulation_table_nv(command_buffer, coverage_modulation_table::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetCoverageModulationTableNV(command_buffer, pointer_length(coverage_modulation_table), coverage_modulation_table, fptr) _cmd_set_shading_rate_image_enable_nv(command_buffer, shading_rate_image_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetShadingRateImageEnableNV(command_buffer, shading_rate_image_enable, fptr) _cmd_set_coverage_reduction_mode_nv(command_buffer, coverage_reduction_mode::CoverageReductionModeNV, fptr::FunctionPtr)::Cvoid = vkCmdSetCoverageReductionModeNV(command_buffer, coverage_reduction_mode, fptr) _cmd_set_representative_fragment_test_enable_nv(command_buffer, representative_fragment_test_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetRepresentativeFragmentTestEnableNV(command_buffer, representative_fragment_test_enable, fptr) function _create_private_data_slot(device, create_info::_PrivateDataSlotCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{PrivateDataSlot, VulkanError} pPrivateDataSlot = Ref{VkPrivateDataSlot}() @check vkCreatePrivateDataSlot(device, create_info, allocator, pPrivateDataSlot, fptr_create) PrivateDataSlot(pPrivateDataSlot[], begin parent = Vk.handle(device) x->_destroy_private_data_slot(parent, x, fptr_destroy; allocator) end, device) end _destroy_private_data_slot(device, private_data_slot, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyPrivateDataSlot(device, private_data_slot, allocator, fptr) _set_private_data(device, object_type::ObjectType, object_handle::Integer, private_data_slot, data::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkSetPrivateData(device, object_type, object_handle, private_data_slot, data, fptr)) function _get_private_data(device, object_type::ObjectType, object_handle::Integer, private_data_slot, fptr::FunctionPtr)::UInt64 pData = Ref{UInt64}() vkGetPrivateData(device, object_type, object_handle, private_data_slot, pData, fptr) pData[] end _cmd_copy_buffer_2(command_buffer, copy_buffer_info::_CopyBufferInfo2, fptr::FunctionPtr)::Cvoid = vkCmdCopyBuffer2(command_buffer, copy_buffer_info, fptr) _cmd_copy_image_2(command_buffer, copy_image_info::_CopyImageInfo2, fptr::FunctionPtr)::Cvoid = vkCmdCopyImage2(command_buffer, copy_image_info, fptr) _cmd_blit_image_2(command_buffer, blit_image_info::_BlitImageInfo2, fptr::FunctionPtr)::Cvoid = vkCmdBlitImage2(command_buffer, blit_image_info, fptr) _cmd_copy_buffer_to_image_2(command_buffer, copy_buffer_to_image_info::_CopyBufferToImageInfo2, fptr::FunctionPtr)::Cvoid = vkCmdCopyBufferToImage2(command_buffer, copy_buffer_to_image_info, fptr) _cmd_copy_image_to_buffer_2(command_buffer, copy_image_to_buffer_info::_CopyImageToBufferInfo2, fptr::FunctionPtr)::Cvoid = vkCmdCopyImageToBuffer2(command_buffer, copy_image_to_buffer_info, fptr) _cmd_resolve_image_2(command_buffer, resolve_image_info::_ResolveImageInfo2, fptr::FunctionPtr)::Cvoid = vkCmdResolveImage2(command_buffer, resolve_image_info, fptr) _cmd_set_fragment_shading_rate_khr(command_buffer, fragment_size::_Extent2D, combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}, fptr::FunctionPtr)::Cvoid = vkCmdSetFragmentShadingRateKHR(command_buffer, fragment_size, to_vk(NTuple{2, VkFragmentShadingRateCombinerOpKHR}, combiner_ops), fptr) function _get_physical_device_fragment_shading_rates_khr(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{_PhysicalDeviceFragmentShadingRateKHR}, VulkanError} pFragmentShadingRateCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceFragmentShadingRatesKHR(physical_device, pFragmentShadingRateCount, C_NULL, fptr) pFragmentShadingRates = Vector{VkPhysicalDeviceFragmentShadingRateKHR}(undef, pFragmentShadingRateCount[]) @check vkGetPhysicalDeviceFragmentShadingRatesKHR(physical_device, pFragmentShadingRateCount, pFragmentShadingRates, fptr) end from_vk.(_PhysicalDeviceFragmentShadingRateKHR, pFragmentShadingRates) end _cmd_set_fragment_shading_rate_enum_nv(command_buffer, shading_rate::FragmentShadingRateNV, combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}, fptr::FunctionPtr)::Cvoid = vkCmdSetFragmentShadingRateEnumNV(command_buffer, shading_rate, to_vk(NTuple{2, VkFragmentShadingRateCombinerOpKHR}, combiner_ops), fptr) function _get_acceleration_structure_build_sizes_khr(device, build_type::AccelerationStructureBuildTypeKHR, build_info::_AccelerationStructureBuildGeometryInfoKHR, fptr::FunctionPtr; max_primitive_counts = C_NULL)::_AccelerationStructureBuildSizesInfoKHR pSizeInfo = Ref{VkAccelerationStructureBuildSizesInfoKHR}() vkGetAccelerationStructureBuildSizesKHR(device, build_type, build_info, max_primitive_counts, pSizeInfo, fptr) from_vk(_AccelerationStructureBuildSizesInfoKHR, pSizeInfo[]) end _cmd_set_vertex_input_ext(command_buffer, vertex_binding_descriptions::AbstractArray, vertex_attribute_descriptions::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetVertexInputEXT(command_buffer, pointer_length(vertex_binding_descriptions), vertex_binding_descriptions, pointer_length(vertex_attribute_descriptions), vertex_attribute_descriptions, fptr) _cmd_set_color_write_enable_ext(command_buffer, color_write_enables::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetColorWriteEnableEXT(command_buffer, pointer_length(color_write_enables), color_write_enables, fptr) _cmd_set_event_2(command_buffer, event, dependency_info::_DependencyInfo, fptr::FunctionPtr)::Cvoid = vkCmdSetEvent2(command_buffer, event, dependency_info, fptr) _cmd_reset_event_2(command_buffer, event, fptr::FunctionPtr; stage_mask = 0)::Cvoid = vkCmdResetEvent2(command_buffer, event, stage_mask, fptr) _cmd_wait_events_2(command_buffer, events::AbstractArray, dependency_infos::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdWaitEvents2(command_buffer, pointer_length(events), events, dependency_infos, fptr) _cmd_pipeline_barrier_2(command_buffer, dependency_info::_DependencyInfo, fptr::FunctionPtr)::Cvoid = vkCmdPipelineBarrier2(command_buffer, dependency_info, fptr) _queue_submit_2(queue, submits::AbstractArray, fptr::FunctionPtr; fence = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkQueueSubmit2(queue, pointer_length(submits), submits, fence, fptr)) _cmd_write_timestamp_2(command_buffer, query_pool, query::Integer, fptr::FunctionPtr; stage = 0)::Cvoid = vkCmdWriteTimestamp2(command_buffer, stage, query_pool, query, fptr) _cmd_write_buffer_marker_2_amd(command_buffer, dst_buffer, dst_offset::Integer, marker::Integer, fptr::FunctionPtr; stage = 0)::Cvoid = vkCmdWriteBufferMarker2AMD(command_buffer, stage, dst_buffer, dst_offset, marker, fptr) function _get_queue_checkpoint_data_2_nv(queue, fptr::FunctionPtr)::Vector{_CheckpointData2NV} pCheckpointDataCount = Ref{UInt32}() vkGetQueueCheckpointData2NV(queue, pCheckpointDataCount, C_NULL, fptr) pCheckpointData = Vector{VkCheckpointData2NV}(undef, pCheckpointDataCount[]) vkGetQueueCheckpointData2NV(queue, pCheckpointDataCount, pCheckpointData, fptr) from_vk.(_CheckpointData2NV, pCheckpointData) end function _get_physical_device_video_capabilities_khr(physical_device, video_profile::_VideoProfileInfoKHR, fptr::FunctionPtr, next_types::Type...)::ResultTypes.Result{_VideoCapabilitiesKHR, VulkanError} capabilities = initialize(_VideoCapabilitiesKHR, next_types...) pCapabilities = Ref(Base.unsafe_convert(VkVideoCapabilitiesKHR, capabilities)) GC.@preserve capabilities begin @check vkGetPhysicalDeviceVideoCapabilitiesKHR(physical_device, video_profile, pCapabilities, fptr) _VideoCapabilitiesKHR(pCapabilities[], Any[capabilities]) end end function _get_physical_device_video_format_properties_khr(physical_device, video_format_info::_PhysicalDeviceVideoFormatInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Vector{_VideoFormatPropertiesKHR}, VulkanError} pVideoFormatPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceVideoFormatPropertiesKHR(physical_device, video_format_info, pVideoFormatPropertyCount, C_NULL, fptr) pVideoFormatProperties = Vector{VkVideoFormatPropertiesKHR}(undef, pVideoFormatPropertyCount[]) @check vkGetPhysicalDeviceVideoFormatPropertiesKHR(physical_device, video_format_info, pVideoFormatPropertyCount, pVideoFormatProperties, fptr) end from_vk.(_VideoFormatPropertiesKHR, pVideoFormatProperties) end function _create_video_session_khr(device, create_info::_VideoSessionCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{VideoSessionKHR, VulkanError} pVideoSession = Ref{VkVideoSessionKHR}() @check vkCreateVideoSessionKHR(device, create_info, allocator, pVideoSession, fptr_create) VideoSessionKHR(pVideoSession[], begin parent = Vk.handle(device) x->_destroy_video_session_khr(parent, x, fptr_destroy; allocator) end, device) end _destroy_video_session_khr(device, video_session, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyVideoSessionKHR(device, video_session, allocator, fptr) function _create_video_session_parameters_khr(device, create_info::_VideoSessionParametersCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{VideoSessionParametersKHR, VulkanError} pVideoSessionParameters = Ref{VkVideoSessionParametersKHR}() @check vkCreateVideoSessionParametersKHR(device, create_info, allocator, pVideoSessionParameters, fptr_create) VideoSessionParametersKHR(pVideoSessionParameters[], (x->_destroy_video_session_parameters_khr(device, x, fptr_destroy; allocator)), getproperty(create_info, :video_session)) end _update_video_session_parameters_khr(device, video_session_parameters, update_info::_VideoSessionParametersUpdateInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkUpdateVideoSessionParametersKHR(device, video_session_parameters, update_info, fptr)) _destroy_video_session_parameters_khr(device, video_session_parameters, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyVideoSessionParametersKHR(device, video_session_parameters, allocator, fptr) function _get_video_session_memory_requirements_khr(device, video_session, fptr::FunctionPtr)::Vector{_VideoSessionMemoryRequirementsKHR} pMemoryRequirementsCount = Ref{UInt32}() @repeat_while_incomplete begin vkGetVideoSessionMemoryRequirementsKHR(device, video_session, pMemoryRequirementsCount, C_NULL, fptr) pMemoryRequirements = Vector{VkVideoSessionMemoryRequirementsKHR}(undef, pMemoryRequirementsCount[]) vkGetVideoSessionMemoryRequirementsKHR(device, video_session, pMemoryRequirementsCount, pMemoryRequirements, fptr) end from_vk.(_VideoSessionMemoryRequirementsKHR, pMemoryRequirements) end _bind_video_session_memory_khr(device, video_session, bind_session_memory_infos::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkBindVideoSessionMemoryKHR(device, video_session, pointer_length(bind_session_memory_infos), bind_session_memory_infos, fptr)) _cmd_decode_video_khr(command_buffer, decode_info::_VideoDecodeInfoKHR, fptr::FunctionPtr)::Cvoid = vkCmdDecodeVideoKHR(command_buffer, decode_info, fptr) _cmd_begin_video_coding_khr(command_buffer, begin_info::_VideoBeginCodingInfoKHR, fptr::FunctionPtr)::Cvoid = vkCmdBeginVideoCodingKHR(command_buffer, begin_info, fptr) _cmd_control_video_coding_khr(command_buffer, coding_control_info::_VideoCodingControlInfoKHR, fptr::FunctionPtr)::Cvoid = vkCmdControlVideoCodingKHR(command_buffer, coding_control_info, fptr) _cmd_end_video_coding_khr(command_buffer, end_coding_info::_VideoEndCodingInfoKHR, fptr::FunctionPtr)::Cvoid = vkCmdEndVideoCodingKHR(command_buffer, end_coding_info, fptr) _cmd_decompress_memory_nv(command_buffer, decompress_memory_regions::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdDecompressMemoryNV(command_buffer, pointer_length(decompress_memory_regions), decompress_memory_regions, fptr) _cmd_decompress_memory_indirect_count_nv(command_buffer, indirect_commands_address::Integer, indirect_commands_count_address::Integer, stride::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDecompressMemoryIndirectCountNV(command_buffer, indirect_commands_address, indirect_commands_count_address, stride, fptr) function _create_cu_module_nvx(device, create_info::_CuModuleCreateInfoNVX, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{CuModuleNVX, VulkanError} pModule = Ref{VkCuModuleNVX}() @check vkCreateCuModuleNVX(device, create_info, allocator, pModule, fptr_create) CuModuleNVX(pModule[], begin parent = Vk.handle(device) x->_destroy_cu_module_nvx(parent, x, fptr_destroy; allocator) end, device) end function _create_cu_function_nvx(device, create_info::_CuFunctionCreateInfoNVX, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{CuFunctionNVX, VulkanError} pFunction = Ref{VkCuFunctionNVX}() @check vkCreateCuFunctionNVX(device, create_info, allocator, pFunction, fptr_create) CuFunctionNVX(pFunction[], begin parent = Vk.handle(device) x->_destroy_cu_function_nvx(parent, x, fptr_destroy; allocator) end, device) end _destroy_cu_module_nvx(device, _module, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyCuModuleNVX(device, _module, allocator, fptr) _destroy_cu_function_nvx(device, _function, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyCuFunctionNVX(device, _function, allocator, fptr) _cmd_cu_launch_kernel_nvx(command_buffer, launch_info::_CuLaunchInfoNVX, fptr::FunctionPtr)::Cvoid = vkCmdCuLaunchKernelNVX(command_buffer, launch_info, fptr) function _get_descriptor_set_layout_size_ext(device, layout, fptr::FunctionPtr)::UInt64 pLayoutSizeInBytes = Ref{VkDeviceSize}() vkGetDescriptorSetLayoutSizeEXT(device, layout, pLayoutSizeInBytes, fptr) pLayoutSizeInBytes[] end function _get_descriptor_set_layout_binding_offset_ext(device, layout, binding::Integer, fptr::FunctionPtr)::UInt64 pOffset = Ref{VkDeviceSize}() vkGetDescriptorSetLayoutBindingOffsetEXT(device, layout, binding, pOffset, fptr) pOffset[] end _get_descriptor_ext(device, descriptor_info::_DescriptorGetInfoEXT, data_size::Integer, descriptor::Ptr{Cvoid}, fptr::FunctionPtr)::Cvoid = vkGetDescriptorEXT(device, descriptor_info, data_size, descriptor, fptr) _cmd_bind_descriptor_buffers_ext(command_buffer, binding_infos::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdBindDescriptorBuffersEXT(command_buffer, pointer_length(binding_infos), binding_infos, fptr) _cmd_set_descriptor_buffer_offsets_ext(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, buffer_indices::AbstractArray, offsets::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetDescriptorBufferOffsetsEXT(command_buffer, pipeline_bind_point, layout, 0, pointer_length(buffer_indices), buffer_indices, offsets, fptr) _cmd_bind_descriptor_buffer_embedded_samplers_ext(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, set::Integer, fptr::FunctionPtr)::Cvoid = vkCmdBindDescriptorBufferEmbeddedSamplersEXT(command_buffer, pipeline_bind_point, layout, set, fptr) function _get_buffer_opaque_capture_descriptor_data_ext(device, info::_BufferCaptureDescriptorDataInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} pData = Ref{Ptr{Cvoid}}() @check vkGetBufferOpaqueCaptureDescriptorDataEXT(device, info, pData, fptr) pData[] end function _get_image_opaque_capture_descriptor_data_ext(device, info::_ImageCaptureDescriptorDataInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} pData = Ref{Ptr{Cvoid}}() @check vkGetImageOpaqueCaptureDescriptorDataEXT(device, info, pData, fptr) pData[] end function _get_image_view_opaque_capture_descriptor_data_ext(device, info::_ImageViewCaptureDescriptorDataInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} pData = Ref{Ptr{Cvoid}}() @check vkGetImageViewOpaqueCaptureDescriptorDataEXT(device, info, pData, fptr) pData[] end function _get_sampler_opaque_capture_descriptor_data_ext(device, info::_SamplerCaptureDescriptorDataInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} pData = Ref{Ptr{Cvoid}}() @check vkGetSamplerOpaqueCaptureDescriptorDataEXT(device, info, pData, fptr) pData[] end function _get_acceleration_structure_opaque_capture_descriptor_data_ext(device, info::_AccelerationStructureCaptureDescriptorDataInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} pData = Ref{Ptr{Cvoid}}() @check vkGetAccelerationStructureOpaqueCaptureDescriptorDataEXT(device, info, pData, fptr) pData[] end _set_device_memory_priority_ext(device, memory, priority::Real, fptr::FunctionPtr)::Cvoid = vkSetDeviceMemoryPriorityEXT(device, memory, priority, fptr) _acquire_drm_display_ext(physical_device, drm_fd::Integer, display, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkAcquireDrmDisplayEXT(physical_device, drm_fd, display, fptr)) function _get_drm_display_ext(physical_device, drm_fd::Integer, connector_id::Integer, fptr::FunctionPtr)::ResultTypes.Result{DisplayKHR, VulkanError} display = Ref{VkDisplayKHR}() @check vkGetDrmDisplayEXT(physical_device, drm_fd, connector_id, display, fptr) DisplayKHR(display[], identity, physical_device) end _wait_for_present_khr(device, swapchain, present_id::Integer, timeout::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkWaitForPresentKHR(device, swapchain, present_id, timeout, fptr)) _cmd_begin_rendering(command_buffer, rendering_info::_RenderingInfo, fptr::FunctionPtr)::Cvoid = vkCmdBeginRendering(command_buffer, rendering_info, fptr) _cmd_end_rendering(command_buffer, fptr::FunctionPtr)::Cvoid = vkCmdEndRendering(command_buffer, fptr) function _get_descriptor_set_layout_host_mapping_info_valve(device, binding_reference::_DescriptorSetBindingReferenceVALVE, fptr::FunctionPtr)::_DescriptorSetLayoutHostMappingInfoVALVE pHostMapping = Ref{VkDescriptorSetLayoutHostMappingInfoVALVE}() vkGetDescriptorSetLayoutHostMappingInfoVALVE(device, binding_reference, pHostMapping, fptr) from_vk(_DescriptorSetLayoutHostMappingInfoVALVE, pHostMapping[]) end function _get_descriptor_set_host_mapping_valve(device, descriptor_set, fptr::FunctionPtr)::Ptr{Cvoid} ppData = Ref{Ptr{Cvoid}}() vkGetDescriptorSetHostMappingVALVE(device, descriptor_set, ppData, fptr) ppData[] end function _create_micromap_ext(device, create_info::_MicromapCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{MicromapEXT, VulkanError} pMicromap = Ref{VkMicromapEXT}() @check vkCreateMicromapEXT(device, create_info, allocator, pMicromap, fptr_create) MicromapEXT(pMicromap[], begin parent = Vk.handle(device) x->_destroy_micromap_ext(parent, x, fptr_destroy; allocator) end, device) end _cmd_build_micromaps_ext(command_buffer, infos::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdBuildMicromapsEXT(command_buffer, pointer_length(infos), infos, fptr) _build_micromaps_ext(device, infos::AbstractArray, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkBuildMicromapsEXT(device, deferred_operation, pointer_length(infos), infos, fptr)) _destroy_micromap_ext(device, micromap, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyMicromapEXT(device, micromap, allocator, fptr) _cmd_copy_micromap_ext(command_buffer, info::_CopyMicromapInfoEXT, fptr::FunctionPtr)::Cvoid = vkCmdCopyMicromapEXT(command_buffer, info, fptr) _copy_micromap_ext(device, info::_CopyMicromapInfoEXT, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkCopyMicromapEXT(device, deferred_operation, info, fptr)) _cmd_copy_micromap_to_memory_ext(command_buffer, info::_CopyMicromapToMemoryInfoEXT, fptr::FunctionPtr)::Cvoid = vkCmdCopyMicromapToMemoryEXT(command_buffer, info, fptr) _copy_micromap_to_memory_ext(device, info::_CopyMicromapToMemoryInfoEXT, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkCopyMicromapToMemoryEXT(device, deferred_operation, info, fptr)) _cmd_copy_memory_to_micromap_ext(command_buffer, info::_CopyMemoryToMicromapInfoEXT, fptr::FunctionPtr)::Cvoid = vkCmdCopyMemoryToMicromapEXT(command_buffer, info, fptr) _copy_memory_to_micromap_ext(device, info::_CopyMemoryToMicromapInfoEXT, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkCopyMemoryToMicromapEXT(device, deferred_operation, info, fptr)) _cmd_write_micromaps_properties_ext(command_buffer, micromaps::AbstractArray, query_type::QueryType, query_pool, first_query::Integer, fptr::FunctionPtr)::Cvoid = vkCmdWriteMicromapsPropertiesEXT(command_buffer, pointer_length(micromaps), micromaps, query_type, query_pool, first_query, fptr) _write_micromaps_properties_ext(device, micromaps::AbstractArray, query_type::QueryType, data_size::Integer, data::Ptr{Cvoid}, stride::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkWriteMicromapsPropertiesEXT(device, pointer_length(micromaps), micromaps, query_type, data_size, data, stride, fptr)) function _get_device_micromap_compatibility_ext(device, version_info::_MicromapVersionInfoEXT, fptr::FunctionPtr)::AccelerationStructureCompatibilityKHR pCompatibility = Ref{VkAccelerationStructureCompatibilityKHR}() vkGetDeviceMicromapCompatibilityEXT(device, version_info, pCompatibility, fptr) pCompatibility[] end function _get_micromap_build_sizes_ext(device, build_type::AccelerationStructureBuildTypeKHR, build_info::_MicromapBuildInfoEXT, fptr::FunctionPtr)::_MicromapBuildSizesInfoEXT pSizeInfo = Ref{VkMicromapBuildSizesInfoEXT}() vkGetMicromapBuildSizesEXT(device, build_type, build_info, pSizeInfo, fptr) from_vk(_MicromapBuildSizesInfoEXT, pSizeInfo[]) end function _get_shader_module_identifier_ext(device, shader_module, fptr::FunctionPtr)::_ShaderModuleIdentifierEXT pIdentifier = Ref{VkShaderModuleIdentifierEXT}() vkGetShaderModuleIdentifierEXT(device, shader_module, pIdentifier, fptr) from_vk(_ShaderModuleIdentifierEXT, pIdentifier[]) end function _get_shader_module_create_info_identifier_ext(device, create_info::_ShaderModuleCreateInfo, fptr::FunctionPtr)::_ShaderModuleIdentifierEXT pIdentifier = Ref{VkShaderModuleIdentifierEXT}() vkGetShaderModuleCreateInfoIdentifierEXT(device, create_info, pIdentifier, fptr) from_vk(_ShaderModuleIdentifierEXT, pIdentifier[]) end function _get_image_subresource_layout_2_ext(device, image, subresource::_ImageSubresource2EXT, fptr::FunctionPtr, next_types::Type...)::_SubresourceLayout2EXT layout = initialize(_SubresourceLayout2EXT, next_types...) pLayout = Ref(Base.unsafe_convert(VkSubresourceLayout2EXT, layout)) GC.@preserve layout begin vkGetImageSubresourceLayout2EXT(device, image, subresource, pLayout, fptr) _SubresourceLayout2EXT(pLayout[], Any[layout]) end end function _get_pipeline_properties_ext(device, pipeline_info::VkPipelineInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{_BaseOutStructure, VulkanError} pPipelineProperties = Ref{VkBaseOutStructure}() @check vkGetPipelinePropertiesEXT(device, Ref(pipeline_info), pPipelineProperties, fptr) from_vk(_BaseOutStructure, pPipelineProperties[]) end function _export_metal_objects_ext(device, fptr::FunctionPtr)::_ExportMetalObjectsInfoEXT pMetalObjectsInfo = Ref{VkExportMetalObjectsInfoEXT}() vkExportMetalObjectsEXT(device, pMetalObjectsInfo, fptr) from_vk(_ExportMetalObjectsInfoEXT, pMetalObjectsInfo[]) end function _get_framebuffer_tile_properties_qcom(device, framebuffer, fptr::FunctionPtr)::Vector{_TilePropertiesQCOM} pPropertiesCount = Ref{UInt32}() @repeat_while_incomplete begin vkGetFramebufferTilePropertiesQCOM(device, framebuffer, pPropertiesCount, C_NULL, fptr) pProperties = Vector{VkTilePropertiesQCOM}(undef, pPropertiesCount[]) vkGetFramebufferTilePropertiesQCOM(device, framebuffer, pPropertiesCount, pProperties, fptr) end from_vk.(_TilePropertiesQCOM, pProperties) end function _get_dynamic_rendering_tile_properties_qcom(device, rendering_info::_RenderingInfo, fptr::FunctionPtr)::_TilePropertiesQCOM pProperties = Ref{VkTilePropertiesQCOM}() vkGetDynamicRenderingTilePropertiesQCOM(device, rendering_info, pProperties, fptr) from_vk(_TilePropertiesQCOM, pProperties[]) end function _get_physical_device_optical_flow_image_formats_nv(physical_device, optical_flow_image_format_info::_OpticalFlowImageFormatInfoNV, fptr::FunctionPtr)::ResultTypes.Result{Vector{_OpticalFlowImageFormatPropertiesNV}, VulkanError} pFormatCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceOpticalFlowImageFormatsNV(physical_device, optical_flow_image_format_info, pFormatCount, C_NULL, fptr) pImageFormatProperties = Vector{VkOpticalFlowImageFormatPropertiesNV}(undef, pFormatCount[]) @check vkGetPhysicalDeviceOpticalFlowImageFormatsNV(physical_device, optical_flow_image_format_info, pFormatCount, pImageFormatProperties, fptr) end from_vk.(_OpticalFlowImageFormatPropertiesNV, pImageFormatProperties) end function _create_optical_flow_session_nv(device, create_info::_OpticalFlowSessionCreateInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{OpticalFlowSessionNV, VulkanError} pSession = Ref{VkOpticalFlowSessionNV}() @check vkCreateOpticalFlowSessionNV(device, create_info, allocator, pSession, fptr_create) OpticalFlowSessionNV(pSession[], begin parent = Vk.handle(device) x->_destroy_optical_flow_session_nv(parent, x, fptr_destroy; allocator) end, device) end _destroy_optical_flow_session_nv(device, session, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyOpticalFlowSessionNV(device, session, allocator, fptr) _bind_optical_flow_session_image_nv(device, session, binding_point::OpticalFlowSessionBindingPointNV, layout::ImageLayout, fptr::FunctionPtr; view = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkBindOpticalFlowSessionImageNV(device, session, binding_point, view, layout, fptr)) _cmd_optical_flow_execute_nv(command_buffer, session, execute_info::_OpticalFlowExecuteInfoNV, fptr::FunctionPtr)::Cvoid = vkCmdOpticalFlowExecuteNV(command_buffer, session, execute_info, fptr) function _get_device_fault_info_ext(device, fptr::FunctionPtr)::ResultTypes.Result{Tuple{_DeviceFaultCountsEXT, _DeviceFaultInfoEXT}, VulkanError} pFaultCounts = Ref{VkDeviceFaultCountsEXT}() pFaultInfo = Ref{VkDeviceFaultInfoEXT}() @check vkGetDeviceFaultInfoEXT(device, pFaultCounts, pFaultInfo, fptr) (from_vk(_DeviceFaultCountsEXT, pFaultCounts[]), from_vk(_DeviceFaultInfoEXT, pFaultInfo[])) end _release_swapchain_images_ext(device, release_info::_ReleaseSwapchainImagesInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkReleaseSwapchainImagesEXT(device, release_info, fptr)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_LAYER_NOT_PRESENT` - `ERROR_EXTENSION_NOT_PRESENT` - `ERROR_INCOMPATIBLE_DRIVER` Arguments: - `create_info::InstanceCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateInstance.html) """ function create_instance(create_info::InstanceCreateInfo; allocator = C_NULL)::ResultTypes.Result{Instance, VulkanError} val = @propagate_errors(_create_instance(convert(_InstanceCreateInfo, create_info); allocator)) val end """ Arguments: - `instance::Instance` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyInstance.html) """ function destroy_instance(instance; allocator = C_NULL) _destroy_instance(instance; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `instance::Instance` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumeratePhysicalDevices.html) """ function enumerate_physical_devices(instance)::ResultTypes.Result{Vector{PhysicalDevice}, VulkanError} val = @propagate_errors(_enumerate_physical_devices(instance)) val end """ Arguments: - `device::Device` - `name::String` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceProcAddr.html) """ function get_device_proc_addr(device, name::AbstractString) _get_device_proc_addr(device, name) end """ Arguments: - `name::String` - `instance::Instance`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetInstanceProcAddr.html) """ function get_instance_proc_addr(name::AbstractString; instance = C_NULL) _get_instance_proc_addr(name; instance) end """ Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceProperties.html) """ function get_physical_device_properties(physical_device) PhysicalDeviceProperties(_get_physical_device_properties(physical_device)) end """ Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceQueueFamilyProperties.html) """ function get_physical_device_queue_family_properties(physical_device) QueueFamilyProperties.(_get_physical_device_queue_family_properties(physical_device)) end """ Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceMemoryProperties.html) """ function get_physical_device_memory_properties(physical_device) PhysicalDeviceMemoryProperties(_get_physical_device_memory_properties(physical_device)) end """ Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceFeatures.html) """ function get_physical_device_features(physical_device) PhysicalDeviceFeatures(_get_physical_device_features(physical_device)) end """ Arguments: - `physical_device::PhysicalDevice` - `format::Format` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceFormatProperties.html) """ function get_physical_device_format_properties(physical_device, format::Format) FormatProperties(_get_physical_device_format_properties(physical_device, format)) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_FORMAT_NOT_SUPPORTED` Arguments: - `physical_device::PhysicalDevice` - `format::Format` - `type::ImageType` - `tiling::ImageTiling` - `usage::ImageUsageFlag` - `flags::ImageCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceImageFormatProperties.html) """ function get_physical_device_image_format_properties(physical_device, format::Format, type::ImageType, tiling::ImageTiling, usage::ImageUsageFlag; flags = 0)::ResultTypes.Result{ImageFormatProperties, VulkanError} val = @propagate_errors(_get_physical_device_image_format_properties(physical_device, format, type, tiling, usage; flags)) ImageFormatProperties(val) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_EXTENSION_NOT_PRESENT` - `ERROR_FEATURE_NOT_PRESENT` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_DEVICE_LOST` Arguments: - `physical_device::PhysicalDevice` - `create_info::DeviceCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDevice.html) """ function create_device(physical_device, create_info::DeviceCreateInfo; allocator = C_NULL)::ResultTypes.Result{Device, VulkanError} val = @propagate_errors(_create_device(physical_device, convert(_DeviceCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDevice.html) """ function destroy_device(device; allocator = C_NULL) _destroy_device(device; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumerateInstanceVersion.html) """ function enumerate_instance_version()::ResultTypes.Result{VersionNumber, VulkanError} val = @propagate_errors(_enumerate_instance_version()) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumerateInstanceLayerProperties.html) """ function enumerate_instance_layer_properties()::ResultTypes.Result{Vector{LayerProperties}, VulkanError} val = @propagate_errors(_enumerate_instance_layer_properties()) LayerProperties.(val) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_LAYER_NOT_PRESENT` Arguments: - `layer_name::String`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumerateInstanceExtensionProperties.html) """ function enumerate_instance_extension_properties(; layer_name = C_NULL)::ResultTypes.Result{Vector{ExtensionProperties}, VulkanError} val = @propagate_errors(_enumerate_instance_extension_properties(; layer_name)) ExtensionProperties.(val) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumerateDeviceLayerProperties.html) """ function enumerate_device_layer_properties(physical_device)::ResultTypes.Result{Vector{LayerProperties}, VulkanError} val = @propagate_errors(_enumerate_device_layer_properties(physical_device)) LayerProperties.(val) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_LAYER_NOT_PRESENT` Arguments: - `physical_device::PhysicalDevice` - `layer_name::String`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumerateDeviceExtensionProperties.html) """ function enumerate_device_extension_properties(physical_device; layer_name = C_NULL)::ResultTypes.Result{Vector{ExtensionProperties}, VulkanError} val = @propagate_errors(_enumerate_device_extension_properties(physical_device; layer_name)) ExtensionProperties.(val) end """ Arguments: - `device::Device` - `queue_family_index::UInt32` - `queue_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceQueue.html) """ function get_device_queue(device, queue_family_index::Integer, queue_index::Integer) _get_device_queue(device, queue_family_index, queue_index) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `queue::Queue` (externsync) - `submits::Vector{SubmitInfo}` - `fence::Fence`: defaults to `C_NULL` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueSubmit.html) """ function queue_submit(queue, submits::AbstractArray; fence = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_queue_submit(queue, convert(AbstractArray{_SubmitInfo}, submits); fence)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `queue::Queue` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueWaitIdle.html) """ function queue_wait_idle(queue)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_queue_wait_idle(queue)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDeviceWaitIdle.html) """ function device_wait_idle(device)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_device_wait_idle(device)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `allocate_info::MemoryAllocateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAllocateMemory.html) """ function allocate_memory(device, allocate_info::MemoryAllocateInfo; allocator = C_NULL)::ResultTypes.Result{DeviceMemory, VulkanError} val = @propagate_errors(_allocate_memory(device, convert(_MemoryAllocateInfo, allocate_info); allocator)) val end """ Arguments: - `device::Device` - `memory::DeviceMemory` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkFreeMemory.html) """ function free_memory(device, memory; allocator = C_NULL) _free_memory(device, memory; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_MEMORY_MAP_FAILED` Arguments: - `device::Device` - `memory::DeviceMemory` (externsync) - `offset::UInt64` - `size::UInt64` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkMapMemory.html) """ function map_memory(device, memory, offset::Integer, size::Integer; flags = 0)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} val = @propagate_errors(_map_memory(device, memory, offset, size; flags)) val end """ Arguments: - `device::Device` - `memory::DeviceMemory` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkUnmapMemory.html) """ function unmap_memory(device, memory) _unmap_memory(device, memory) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `memory_ranges::Vector{MappedMemoryRange}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkFlushMappedMemoryRanges.html) """ function flush_mapped_memory_ranges(device, memory_ranges::AbstractArray)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_flush_mapped_memory_ranges(device, convert(AbstractArray{_MappedMemoryRange}, memory_ranges))) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `memory_ranges::Vector{MappedMemoryRange}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkInvalidateMappedMemoryRanges.html) """ function invalidate_mapped_memory_ranges(device, memory_ranges::AbstractArray)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_invalidate_mapped_memory_ranges(device, convert(AbstractArray{_MappedMemoryRange}, memory_ranges))) val end """ Arguments: - `device::Device` - `memory::DeviceMemory` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceMemoryCommitment.html) """ function get_device_memory_commitment(device, memory) _get_device_memory_commitment(device, memory) end """ Arguments: - `device::Device` - `buffer::Buffer` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetBufferMemoryRequirements.html) """ function get_buffer_memory_requirements(device, buffer) MemoryRequirements(_get_buffer_memory_requirements(device, buffer)) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `buffer::Buffer` (externsync) - `memory::DeviceMemory` - `memory_offset::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindBufferMemory.html) """ function bind_buffer_memory(device, buffer, memory, memory_offset::Integer)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_buffer_memory(device, buffer, memory, memory_offset)) val end """ Arguments: - `device::Device` - `image::Image` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageMemoryRequirements.html) """ function get_image_memory_requirements(device, image) MemoryRequirements(_get_image_memory_requirements(device, image)) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `image::Image` (externsync) - `memory::DeviceMemory` - `memory_offset::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindImageMemory.html) """ function bind_image_memory(device, image, memory, memory_offset::Integer)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_image_memory(device, image, memory, memory_offset)) val end """ Arguments: - `device::Device` - `image::Image` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageSparseMemoryRequirements.html) """ function get_image_sparse_memory_requirements(device, image) SparseImageMemoryRequirements.(_get_image_sparse_memory_requirements(device, image)) end """ Arguments: - `physical_device::PhysicalDevice` - `format::Format` - `type::ImageType` - `samples::SampleCountFlag` - `usage::ImageUsageFlag` - `tiling::ImageTiling` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSparseImageFormatProperties.html) """ function get_physical_device_sparse_image_format_properties(physical_device, format::Format, type::ImageType, samples::SampleCountFlag, usage::ImageUsageFlag, tiling::ImageTiling) SparseImageFormatProperties.(_get_physical_device_sparse_image_format_properties(physical_device, format, type, samples, usage, tiling)) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `queue::Queue` (externsync) - `bind_info::Vector{BindSparseInfo}` - `fence::Fence`: defaults to `C_NULL` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueBindSparse.html) """ function queue_bind_sparse(queue, bind_info::AbstractArray; fence = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_queue_bind_sparse(queue, convert(AbstractArray{_BindSparseInfo}, bind_info); fence)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::FenceCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateFence.html) """ function create_fence(device, create_info::FenceCreateInfo; allocator = C_NULL)::ResultTypes.Result{Fence, VulkanError} val = @propagate_errors(_create_fence(device, convert(_FenceCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `fence::Fence` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyFence.html) """ function destroy_fence(device, fence; allocator = C_NULL) _destroy_fence(device, fence; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `fences::Vector{Fence}` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkResetFences.html) """ function reset_fences(device, fences::AbstractArray)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_reset_fences(device, fences)) val end """ Return codes: - `SUCCESS` - `NOT_READY` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` - `fence::Fence` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetFenceStatus.html) """ function get_fence_status(device, fence)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_fence_status(device, fence)) val end """ Return codes: - `SUCCESS` - `TIMEOUT` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` - `fences::Vector{Fence}` - `wait_all::Bool` - `timeout::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkWaitForFences.html) """ function wait_for_fences(device, fences::AbstractArray, wait_all::Bool, timeout::Integer)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_wait_for_fences(device, fences, wait_all, timeout)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::SemaphoreCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSemaphore.html) """ function create_semaphore(device, create_info::SemaphoreCreateInfo; allocator = C_NULL)::ResultTypes.Result{Semaphore, VulkanError} val = @propagate_errors(_create_semaphore(device, convert(_SemaphoreCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `semaphore::Semaphore` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroySemaphore.html) """ function destroy_semaphore(device, semaphore; allocator = C_NULL) _destroy_semaphore(device, semaphore; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::EventCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateEvent.html) """ function create_event(device, create_info::EventCreateInfo; allocator = C_NULL)::ResultTypes.Result{Event, VulkanError} val = @propagate_errors(_create_event(device, convert(_EventCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `event::Event` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyEvent.html) """ function destroy_event(device, event; allocator = C_NULL) _destroy_event(device, event; allocator) end """ Return codes: - `EVENT_SET` - `EVENT_RESET` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` - `event::Event` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetEventStatus.html) """ function get_event_status(device, event)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_event_status(device, event)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `event::Event` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetEvent.html) """ function set_event(device, event)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_set_event(device, event)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `event::Event` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkResetEvent.html) """ function reset_event(device, event)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_reset_event(device, event)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::QueryPoolCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateQueryPool.html) """ function create_query_pool(device, create_info::QueryPoolCreateInfo; allocator = C_NULL)::ResultTypes.Result{QueryPool, VulkanError} val = @propagate_errors(_create_query_pool(device, convert(_QueryPoolCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `query_pool::QueryPool` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyQueryPool.html) """ function destroy_query_pool(device, query_pool; allocator = C_NULL) _destroy_query_pool(device, query_pool; allocator) end """ Return codes: - `SUCCESS` - `NOT_READY` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` - `query_pool::QueryPool` - `first_query::UInt32` - `query_count::UInt32` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) - `stride::UInt64` - `flags::QueryResultFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetQueryPoolResults.html) """ function get_query_pool_results(device, query_pool, first_query::Integer, query_count::Integer, data_size::Integer, data::Ptr{Cvoid}, stride::Integer; flags = 0)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_query_pool_results(device, query_pool, first_query, query_count, data_size, data, stride; flags)) val end """ Arguments: - `device::Device` - `query_pool::QueryPool` - `first_query::UInt32` - `query_count::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkResetQueryPool.html) """ function reset_query_pool(device, query_pool, first_query::Integer, query_count::Integer) _reset_query_pool(device, query_pool, first_query, query_count) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `create_info::BufferCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateBuffer.html) """ function create_buffer(device, create_info::BufferCreateInfo; allocator = C_NULL)::ResultTypes.Result{Buffer, VulkanError} val = @propagate_errors(_create_buffer(device, convert(_BufferCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `buffer::Buffer` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyBuffer.html) """ function destroy_buffer(device, buffer; allocator = C_NULL) _destroy_buffer(device, buffer; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::BufferViewCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateBufferView.html) """ function create_buffer_view(device, create_info::BufferViewCreateInfo; allocator = C_NULL)::ResultTypes.Result{BufferView, VulkanError} val = @propagate_errors(_create_buffer_view(device, convert(_BufferViewCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `buffer_view::BufferView` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyBufferView.html) """ function destroy_buffer_view(device, buffer_view; allocator = C_NULL) _destroy_buffer_view(device, buffer_view; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_COMPRESSION_EXHAUSTED_EXT` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `create_info::ImageCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateImage.html) """ function create_image(device, create_info::ImageCreateInfo; allocator = C_NULL)::ResultTypes.Result{Image, VulkanError} val = @propagate_errors(_create_image(device, convert(_ImageCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `image::Image` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyImage.html) """ function destroy_image(device, image; allocator = C_NULL) _destroy_image(device, image; allocator) end """ Arguments: - `device::Device` - `image::Image` - `subresource::ImageSubresource` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageSubresourceLayout.html) """ function get_image_subresource_layout(device, image, subresource::ImageSubresource) SubresourceLayout(_get_image_subresource_layout(device, image, convert(_ImageSubresource, subresource))) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `create_info::ImageViewCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateImageView.html) """ function create_image_view(device, create_info::ImageViewCreateInfo; allocator = C_NULL)::ResultTypes.Result{ImageView, VulkanError} val = @propagate_errors(_create_image_view(device, convert(_ImageViewCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `image_view::ImageView` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyImageView.html) """ function destroy_image_view(device, image_view; allocator = C_NULL) _destroy_image_view(device, image_view; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_SHADER_NV` Arguments: - `device::Device` - `create_info::ShaderModuleCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateShaderModule.html) """ function create_shader_module(device, create_info::ShaderModuleCreateInfo; allocator = C_NULL)::ResultTypes.Result{ShaderModule, VulkanError} val = @propagate_errors(_create_shader_module(device, convert(_ShaderModuleCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `shader_module::ShaderModule` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyShaderModule.html) """ function destroy_shader_module(device, shader_module; allocator = C_NULL) _destroy_shader_module(device, shader_module; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::PipelineCacheCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePipelineCache.html) """ function create_pipeline_cache(device, create_info::PipelineCacheCreateInfo; allocator = C_NULL)::ResultTypes.Result{PipelineCache, VulkanError} val = @propagate_errors(_create_pipeline_cache(device, convert(_PipelineCacheCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `pipeline_cache::PipelineCache` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyPipelineCache.html) """ function destroy_pipeline_cache(device, pipeline_cache; allocator = C_NULL) _destroy_pipeline_cache(device, pipeline_cache; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `pipeline_cache::PipelineCache` !!! warning The pointer returned by this function holds memory owned by Julia. It is therefore **your** responsibility to free it after use (e.g. with `Libc.free`). [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPipelineCacheData.html) """ function get_pipeline_cache_data(device, pipeline_cache)::ResultTypes.Result{Tuple{UInt, Ptr{Cvoid}}, VulkanError} val = @propagate_errors(_get_pipeline_cache_data(device, pipeline_cache)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `dst_cache::PipelineCache` (externsync) - `src_caches::Vector{PipelineCache}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkMergePipelineCaches.html) """ function merge_pipeline_caches(device, dst_cache, src_caches::AbstractArray)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_merge_pipeline_caches(device, dst_cache, src_caches)) val end """ Return codes: - `SUCCESS` - `PIPELINE_COMPILE_REQUIRED_EXT` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_SHADER_NV` Arguments: - `device::Device` - `create_infos::Vector{GraphicsPipelineCreateInfo}` - `pipeline_cache::PipelineCache`: defaults to `C_NULL` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateGraphicsPipelines.html) """ function create_graphics_pipelines(device, create_infos::AbstractArray; pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} val = @propagate_errors(_create_graphics_pipelines(device, convert(AbstractArray{_GraphicsPipelineCreateInfo}, create_infos); pipeline_cache, allocator)) val end """ Return codes: - `SUCCESS` - `PIPELINE_COMPILE_REQUIRED_EXT` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_SHADER_NV` Arguments: - `device::Device` - `create_infos::Vector{ComputePipelineCreateInfo}` - `pipeline_cache::PipelineCache`: defaults to `C_NULL` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateComputePipelines.html) """ function create_compute_pipelines(device, create_infos::AbstractArray; pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} val = @propagate_errors(_create_compute_pipelines(device, convert(AbstractArray{_ComputePipelineCreateInfo}, create_infos); pipeline_cache, allocator)) val end """ Extension: VK\\_HUAWEI\\_subpass\\_shading Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `renderpass::RenderPass` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceSubpassShadingMaxWorkgroupSizeHUAWEI.html) """ function get_device_subpass_shading_max_workgroup_size_huawei(device, renderpass)::ResultTypes.Result{Extent2D, VulkanError} val = @propagate_errors(_get_device_subpass_shading_max_workgroup_size_huawei(device, renderpass)) Extent2D(val) end """ Arguments: - `device::Device` - `pipeline::Pipeline` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyPipeline.html) """ function destroy_pipeline(device, pipeline; allocator = C_NULL) _destroy_pipeline(device, pipeline; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::PipelineLayoutCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePipelineLayout.html) """ function create_pipeline_layout(device, create_info::PipelineLayoutCreateInfo; allocator = C_NULL)::ResultTypes.Result{PipelineLayout, VulkanError} val = @propagate_errors(_create_pipeline_layout(device, convert(_PipelineLayoutCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `pipeline_layout::PipelineLayout` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyPipelineLayout.html) """ function destroy_pipeline_layout(device, pipeline_layout; allocator = C_NULL) _destroy_pipeline_layout(device, pipeline_layout; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `create_info::SamplerCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSampler.html) """ function create_sampler(device, create_info::SamplerCreateInfo; allocator = C_NULL)::ResultTypes.Result{Sampler, VulkanError} val = @propagate_errors(_create_sampler(device, convert(_SamplerCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `sampler::Sampler` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroySampler.html) """ function destroy_sampler(device, sampler; allocator = C_NULL) _destroy_sampler(device, sampler; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::DescriptorSetLayoutCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorSetLayout.html) """ function create_descriptor_set_layout(device, create_info::DescriptorSetLayoutCreateInfo; allocator = C_NULL)::ResultTypes.Result{DescriptorSetLayout, VulkanError} val = @propagate_errors(_create_descriptor_set_layout(device, convert(_DescriptorSetLayoutCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `descriptor_set_layout::DescriptorSetLayout` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDescriptorSetLayout.html) """ function destroy_descriptor_set_layout(device, descriptor_set_layout; allocator = C_NULL) _destroy_descriptor_set_layout(device, descriptor_set_layout; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_FRAGMENTATION_EXT` Arguments: - `device::Device` - `create_info::DescriptorPoolCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorPool.html) """ function create_descriptor_pool(device, create_info::DescriptorPoolCreateInfo; allocator = C_NULL)::ResultTypes.Result{DescriptorPool, VulkanError} val = @propagate_errors(_create_descriptor_pool(device, convert(_DescriptorPoolCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `descriptor_pool::DescriptorPool` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDescriptorPool.html) """ function destroy_descriptor_pool(device, descriptor_pool; allocator = C_NULL) _destroy_descriptor_pool(device, descriptor_pool; allocator) end """ Arguments: - `device::Device` - `descriptor_pool::DescriptorPool` (externsync) - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkResetDescriptorPool.html) """ function reset_descriptor_pool(device, descriptor_pool; flags = 0) _reset_descriptor_pool(device, descriptor_pool; flags) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_FRAGMENTED_POOL` - `ERROR_OUT_OF_POOL_MEMORY` Arguments: - `device::Device` - `allocate_info::DescriptorSetAllocateInfo` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAllocateDescriptorSets.html) """ function allocate_descriptor_sets(device, allocate_info::DescriptorSetAllocateInfo)::ResultTypes.Result{Vector{DescriptorSet}, VulkanError} val = @propagate_errors(_allocate_descriptor_sets(device, convert(_DescriptorSetAllocateInfo, allocate_info))) val end """ Arguments: - `device::Device` - `descriptor_pool::DescriptorPool` (externsync) - `descriptor_sets::Vector{DescriptorSet}` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkFreeDescriptorSets.html) """ function free_descriptor_sets(device, descriptor_pool, descriptor_sets::AbstractArray) _free_descriptor_sets(device, descriptor_pool, descriptor_sets) end """ Arguments: - `device::Device` - `descriptor_writes::Vector{WriteDescriptorSet}` - `descriptor_copies::Vector{CopyDescriptorSet}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkUpdateDescriptorSets.html) """ function update_descriptor_sets(device, descriptor_writes::AbstractArray, descriptor_copies::AbstractArray) _update_descriptor_sets(device, convert(AbstractArray{_WriteDescriptorSet}, descriptor_writes), convert(AbstractArray{_CopyDescriptorSet}, descriptor_copies)) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::FramebufferCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateFramebuffer.html) """ function create_framebuffer(device, create_info::FramebufferCreateInfo; allocator = C_NULL)::ResultTypes.Result{Framebuffer, VulkanError} val = @propagate_errors(_create_framebuffer(device, convert(_FramebufferCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `framebuffer::Framebuffer` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyFramebuffer.html) """ function destroy_framebuffer(device, framebuffer; allocator = C_NULL) _destroy_framebuffer(device, framebuffer; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::RenderPassCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRenderPass.html) """ function create_render_pass(device, create_info::RenderPassCreateInfo; allocator = C_NULL)::ResultTypes.Result{RenderPass, VulkanError} val = @propagate_errors(_create_render_pass(device, convert(_RenderPassCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `render_pass::RenderPass` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyRenderPass.html) """ function destroy_render_pass(device, render_pass; allocator = C_NULL) _destroy_render_pass(device, render_pass; allocator) end """ Arguments: - `device::Device` - `render_pass::RenderPass` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetRenderAreaGranularity.html) """ function get_render_area_granularity(device, render_pass) Extent2D(_get_render_area_granularity(device, render_pass)) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::CommandPoolCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCommandPool.html) """ function create_command_pool(device, create_info::CommandPoolCreateInfo; allocator = C_NULL)::ResultTypes.Result{CommandPool, VulkanError} val = @propagate_errors(_create_command_pool(device, convert(_CommandPoolCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `command_pool::CommandPool` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyCommandPool.html) """ function destroy_command_pool(device, command_pool; allocator = C_NULL) _destroy_command_pool(device, command_pool; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `command_pool::CommandPool` (externsync) - `flags::CommandPoolResetFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkResetCommandPool.html) """ function reset_command_pool(device, command_pool; flags = 0)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_reset_command_pool(device, command_pool; flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `allocate_info::CommandBufferAllocateInfo` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAllocateCommandBuffers.html) """ function allocate_command_buffers(device, allocate_info::CommandBufferAllocateInfo)::ResultTypes.Result{Vector{CommandBuffer}, VulkanError} val = @propagate_errors(_allocate_command_buffers(device, convert(_CommandBufferAllocateInfo, allocate_info))) val end """ Arguments: - `device::Device` - `command_pool::CommandPool` (externsync) - `command_buffers::Vector{CommandBuffer}` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkFreeCommandBuffers.html) """ function free_command_buffers(device, command_pool, command_buffers::AbstractArray) _free_command_buffers(device, command_pool, command_buffers) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `command_buffer::CommandBuffer` (externsync) - `begin_info::CommandBufferBeginInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBeginCommandBuffer.html) """ function begin_command_buffer(command_buffer, begin_info::CommandBufferBeginInfo)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_begin_command_buffer(command_buffer, convert(_CommandBufferBeginInfo, begin_info))) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEndCommandBuffer.html) """ function end_command_buffer(command_buffer)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_end_command_buffer(command_buffer)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `command_buffer::CommandBuffer` (externsync) - `flags::CommandBufferResetFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkResetCommandBuffer.html) """ function reset_command_buffer(command_buffer; flags = 0)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_reset_command_buffer(command_buffer; flags)) val end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_bind_point::PipelineBindPoint` - `pipeline::Pipeline` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindPipeline.html) """ function cmd_bind_pipeline(command_buffer, pipeline_bind_point::PipelineBindPoint, pipeline) _cmd_bind_pipeline(command_buffer, pipeline_bind_point, pipeline) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `viewports::Vector{Viewport}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetViewport.html) """ function cmd_set_viewport(command_buffer, viewports::AbstractArray) _cmd_set_viewport(command_buffer, convert(AbstractArray{_Viewport}, viewports)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `scissors::Vector{Rect2D}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetScissor.html) """ function cmd_set_scissor(command_buffer, scissors::AbstractArray) _cmd_set_scissor(command_buffer, convert(AbstractArray{_Rect2D}, scissors)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `line_width::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetLineWidth.html) """ function cmd_set_line_width(command_buffer, line_width::Real) _cmd_set_line_width(command_buffer, line_width) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_bias_constant_factor::Float32` - `depth_bias_clamp::Float32` - `depth_bias_slope_factor::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthBias.html) """ function cmd_set_depth_bias(command_buffer, depth_bias_constant_factor::Real, depth_bias_clamp::Real, depth_bias_slope_factor::Real) _cmd_set_depth_bias(command_buffer, depth_bias_constant_factor, depth_bias_clamp, depth_bias_slope_factor) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `blend_constants::NTuple{4, Float32}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetBlendConstants.html) """ function cmd_set_blend_constants(command_buffer, blend_constants::NTuple{4, Float32}) _cmd_set_blend_constants(command_buffer, blend_constants) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `min_depth_bounds::Float32` - `max_depth_bounds::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthBounds.html) """ function cmd_set_depth_bounds(command_buffer, min_depth_bounds::Real, max_depth_bounds::Real) _cmd_set_depth_bounds(command_buffer, min_depth_bounds, max_depth_bounds) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `face_mask::StencilFaceFlag` - `compare_mask::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetStencilCompareMask.html) """ function cmd_set_stencil_compare_mask(command_buffer, face_mask::StencilFaceFlag, compare_mask::Integer) _cmd_set_stencil_compare_mask(command_buffer, face_mask, compare_mask) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `face_mask::StencilFaceFlag` - `write_mask::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetStencilWriteMask.html) """ function cmd_set_stencil_write_mask(command_buffer, face_mask::StencilFaceFlag, write_mask::Integer) _cmd_set_stencil_write_mask(command_buffer, face_mask, write_mask) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `face_mask::StencilFaceFlag` - `reference::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetStencilReference.html) """ function cmd_set_stencil_reference(command_buffer, face_mask::StencilFaceFlag, reference::Integer) _cmd_set_stencil_reference(command_buffer, face_mask, reference) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_bind_point::PipelineBindPoint` - `layout::PipelineLayout` - `first_set::UInt32` - `descriptor_sets::Vector{DescriptorSet}` - `dynamic_offsets::Vector{UInt32}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindDescriptorSets.html) """ function cmd_bind_descriptor_sets(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, first_set::Integer, descriptor_sets::AbstractArray, dynamic_offsets::AbstractArray) _cmd_bind_descriptor_sets(command_buffer, pipeline_bind_point, layout, first_set, descriptor_sets, dynamic_offsets) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `index_type::IndexType` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindIndexBuffer.html) """ function cmd_bind_index_buffer(command_buffer, buffer, offset::Integer, index_type::IndexType) _cmd_bind_index_buffer(command_buffer, buffer, offset, index_type) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffers::Vector{Buffer}` - `offsets::Vector{UInt64}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindVertexBuffers.html) """ function cmd_bind_vertex_buffers(command_buffer, buffers::AbstractArray, offsets::AbstractArray) _cmd_bind_vertex_buffers(command_buffer, buffers, offsets) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `vertex_count::UInt32` - `instance_count::UInt32` - `first_vertex::UInt32` - `first_instance::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDraw.html) """ function cmd_draw(command_buffer, vertex_count::Integer, instance_count::Integer, first_vertex::Integer, first_instance::Integer) _cmd_draw(command_buffer, vertex_count, instance_count, first_vertex, first_instance) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `index_count::UInt32` - `instance_count::UInt32` - `first_index::UInt32` - `vertex_offset::Int32` - `first_instance::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawIndexed.html) """ function cmd_draw_indexed(command_buffer, index_count::Integer, instance_count::Integer, first_index::Integer, vertex_offset::Integer, first_instance::Integer) _cmd_draw_indexed(command_buffer, index_count, instance_count, first_index, vertex_offset, first_instance) end """ Extension: VK\\_EXT\\_multi\\_draw Arguments: - `command_buffer::CommandBuffer` (externsync) - `vertex_info::Vector{MultiDrawInfoEXT}` - `instance_count::UInt32` - `first_instance::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMultiEXT.html) """ function cmd_draw_multi_ext(command_buffer, vertex_info::AbstractArray, instance_count::Integer, first_instance::Integer, stride::Integer) _cmd_draw_multi_ext(command_buffer, convert(AbstractArray{_MultiDrawInfoEXT}, vertex_info), instance_count, first_instance, stride) end """ Extension: VK\\_EXT\\_multi\\_draw Arguments: - `command_buffer::CommandBuffer` (externsync) - `index_info::Vector{MultiDrawIndexedInfoEXT}` - `instance_count::UInt32` - `first_instance::UInt32` - `stride::UInt32` - `vertex_offset::Int32`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMultiIndexedEXT.html) """ function cmd_draw_multi_indexed_ext(command_buffer, index_info::AbstractArray, instance_count::Integer, first_instance::Integer, stride::Integer; vertex_offset = C_NULL) _cmd_draw_multi_indexed_ext(command_buffer, convert(AbstractArray{_MultiDrawIndexedInfoEXT}, index_info), instance_count, first_instance, stride; vertex_offset) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawIndirect.html) """ function cmd_draw_indirect(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer) _cmd_draw_indirect(command_buffer, buffer, offset, draw_count, stride) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawIndexedIndirect.html) """ function cmd_draw_indexed_indirect(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer) _cmd_draw_indexed_indirect(command_buffer, buffer, offset, draw_count, stride) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `group_count_x::UInt32` - `group_count_y::UInt32` - `group_count_z::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDispatch.html) """ function cmd_dispatch(command_buffer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer) _cmd_dispatch(command_buffer, group_count_x, group_count_y, group_count_z) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDispatchIndirect.html) """ function cmd_dispatch_indirect(command_buffer, buffer, offset::Integer) _cmd_dispatch_indirect(command_buffer, buffer, offset) end """ Extension: VK\\_HUAWEI\\_subpass\\_shading Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSubpassShadingHUAWEI.html) """ function cmd_subpass_shading_huawei(command_buffer) _cmd_subpass_shading_huawei(command_buffer) end """ Extension: VK\\_HUAWEI\\_cluster\\_culling\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `group_count_x::UInt32` - `group_count_y::UInt32` - `group_count_z::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawClusterHUAWEI.html) """ function cmd_draw_cluster_huawei(command_buffer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer) _cmd_draw_cluster_huawei(command_buffer, group_count_x, group_count_y, group_count_z) end """ Extension: VK\\_HUAWEI\\_cluster\\_culling\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawClusterIndirectHUAWEI.html) """ function cmd_draw_cluster_indirect_huawei(command_buffer, buffer, offset::Integer) _cmd_draw_cluster_indirect_huawei(command_buffer, buffer, offset) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `src_buffer::Buffer` - `dst_buffer::Buffer` - `regions::Vector{BufferCopy}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyBuffer.html) """ function cmd_copy_buffer(command_buffer, src_buffer, dst_buffer, regions::AbstractArray) _cmd_copy_buffer(command_buffer, src_buffer, dst_buffer, convert(AbstractArray{_BufferCopy}, regions)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{ImageCopy}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyImage.html) """ function cmd_copy_image(command_buffer, src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray) _cmd_copy_image(command_buffer, src_image, src_image_layout, dst_image, dst_image_layout, convert(AbstractArray{_ImageCopy}, regions)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{ImageBlit}` - `filter::Filter` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBlitImage.html) """ function cmd_blit_image(command_buffer, src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray, filter::Filter) _cmd_blit_image(command_buffer, src_image, src_image_layout, dst_image, dst_image_layout, convert(AbstractArray{_ImageBlit}, regions), filter) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `src_buffer::Buffer` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{BufferImageCopy}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyBufferToImage.html) """ function cmd_copy_buffer_to_image(command_buffer, src_buffer, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray) _cmd_copy_buffer_to_image(command_buffer, src_buffer, dst_image, dst_image_layout, convert(AbstractArray{_BufferImageCopy}, regions)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_buffer::Buffer` - `regions::Vector{BufferImageCopy}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyImageToBuffer.html) """ function cmd_copy_image_to_buffer(command_buffer, src_image, src_image_layout::ImageLayout, dst_buffer, regions::AbstractArray) _cmd_copy_image_to_buffer(command_buffer, src_image, src_image_layout, dst_buffer, convert(AbstractArray{_BufferImageCopy}, regions)) end """ Extension: VK\\_NV\\_copy\\_memory\\_indirect Arguments: - `command_buffer::CommandBuffer` (externsync) - `copy_buffer_address::UInt64` - `copy_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyMemoryIndirectNV.html) """ function cmd_copy_memory_indirect_nv(command_buffer, copy_buffer_address::Integer, copy_count::Integer, stride::Integer) _cmd_copy_memory_indirect_nv(command_buffer, copy_buffer_address, copy_count, stride) end """ Extension: VK\\_NV\\_copy\\_memory\\_indirect Arguments: - `command_buffer::CommandBuffer` (externsync) - `copy_buffer_address::UInt64` - `stride::UInt32` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `image_subresources::Vector{ImageSubresourceLayers}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyMemoryToImageIndirectNV.html) """ function cmd_copy_memory_to_image_indirect_nv(command_buffer, copy_buffer_address::Integer, stride::Integer, dst_image, dst_image_layout::ImageLayout, image_subresources::AbstractArray) _cmd_copy_memory_to_image_indirect_nv(command_buffer, copy_buffer_address, stride, dst_image, dst_image_layout, convert(AbstractArray{_ImageSubresourceLayers}, image_subresources)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `dst_buffer::Buffer` - `dst_offset::UInt64` - `data_size::UInt64` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdUpdateBuffer.html) """ function cmd_update_buffer(command_buffer, dst_buffer, dst_offset::Integer, data_size::Integer, data::Ptr{Cvoid}) _cmd_update_buffer(command_buffer, dst_buffer, dst_offset, data_size, data) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `dst_buffer::Buffer` - `dst_offset::UInt64` - `size::UInt64` - `data::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdFillBuffer.html) """ function cmd_fill_buffer(command_buffer, dst_buffer, dst_offset::Integer, size::Integer, data::Integer) _cmd_fill_buffer(command_buffer, dst_buffer, dst_offset, size, data) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `image::Image` - `image_layout::ImageLayout` - `color::ClearColorValue` - `ranges::Vector{ImageSubresourceRange}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdClearColorImage.html) """ function cmd_clear_color_image(command_buffer, image, image_layout::ImageLayout, color::ClearColorValue, ranges::AbstractArray) _cmd_clear_color_image(command_buffer, image, image_layout, convert(_ClearColorValue, color), convert(AbstractArray{_ImageSubresourceRange}, ranges)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `image::Image` - `image_layout::ImageLayout` - `depth_stencil::ClearDepthStencilValue` - `ranges::Vector{ImageSubresourceRange}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdClearDepthStencilImage.html) """ function cmd_clear_depth_stencil_image(command_buffer, image, image_layout::ImageLayout, depth_stencil::ClearDepthStencilValue, ranges::AbstractArray) _cmd_clear_depth_stencil_image(command_buffer, image, image_layout, convert(_ClearDepthStencilValue, depth_stencil), convert(AbstractArray{_ImageSubresourceRange}, ranges)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `attachments::Vector{ClearAttachment}` - `rects::Vector{ClearRect}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdClearAttachments.html) """ function cmd_clear_attachments(command_buffer, attachments::AbstractArray, rects::AbstractArray) _cmd_clear_attachments(command_buffer, convert(AbstractArray{_ClearAttachment}, attachments), convert(AbstractArray{_ClearRect}, rects)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{ImageResolve}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdResolveImage.html) """ function cmd_resolve_image(command_buffer, src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray) _cmd_resolve_image(command_buffer, src_image, src_image_layout, dst_image, dst_image_layout, convert(AbstractArray{_ImageResolve}, regions)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `event::Event` - `stage_mask::PipelineStageFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetEvent.html) """ function cmd_set_event(command_buffer, event; stage_mask = 0) _cmd_set_event(command_buffer, event; stage_mask) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `event::Event` - `stage_mask::PipelineStageFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdResetEvent.html) """ function cmd_reset_event(command_buffer, event; stage_mask = 0) _cmd_reset_event(command_buffer, event; stage_mask) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `events::Vector{Event}` - `memory_barriers::Vector{MemoryBarrier}` - `buffer_memory_barriers::Vector{BufferMemoryBarrier}` - `image_memory_barriers::Vector{ImageMemoryBarrier}` - `src_stage_mask::PipelineStageFlag`: defaults to `0` - `dst_stage_mask::PipelineStageFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWaitEvents.html) """ function cmd_wait_events(command_buffer, events::AbstractArray, memory_barriers::AbstractArray, buffer_memory_barriers::AbstractArray, image_memory_barriers::AbstractArray; src_stage_mask = 0, dst_stage_mask = 0) _cmd_wait_events(command_buffer, events, convert(AbstractArray{_MemoryBarrier}, memory_barriers), convert(AbstractArray{_BufferMemoryBarrier}, buffer_memory_barriers), convert(AbstractArray{_ImageMemoryBarrier}, image_memory_barriers); src_stage_mask, dst_stage_mask) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `memory_barriers::Vector{MemoryBarrier}` - `buffer_memory_barriers::Vector{BufferMemoryBarrier}` - `image_memory_barriers::Vector{ImageMemoryBarrier}` - `src_stage_mask::PipelineStageFlag`: defaults to `0` - `dst_stage_mask::PipelineStageFlag`: defaults to `0` - `dependency_flags::DependencyFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdPipelineBarrier.html) """ function cmd_pipeline_barrier(command_buffer, memory_barriers::AbstractArray, buffer_memory_barriers::AbstractArray, image_memory_barriers::AbstractArray; src_stage_mask = 0, dst_stage_mask = 0, dependency_flags = 0) _cmd_pipeline_barrier(command_buffer, convert(AbstractArray{_MemoryBarrier}, memory_barriers), convert(AbstractArray{_BufferMemoryBarrier}, buffer_memory_barriers), convert(AbstractArray{_ImageMemoryBarrier}, image_memory_barriers); src_stage_mask, dst_stage_mask, dependency_flags) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `query::UInt32` - `flags::QueryControlFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginQuery.html) """ function cmd_begin_query(command_buffer, query_pool, query::Integer; flags = 0) _cmd_begin_query(command_buffer, query_pool, query; flags) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `query::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndQuery.html) """ function cmd_end_query(command_buffer, query_pool, query::Integer) _cmd_end_query(command_buffer, query_pool, query) end """ Extension: VK\\_EXT\\_conditional\\_rendering Arguments: - `command_buffer::CommandBuffer` (externsync) - `conditional_rendering_begin::ConditionalRenderingBeginInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginConditionalRenderingEXT.html) """ function cmd_begin_conditional_rendering_ext(command_buffer, conditional_rendering_begin::ConditionalRenderingBeginInfoEXT) _cmd_begin_conditional_rendering_ext(command_buffer, convert(_ConditionalRenderingBeginInfoEXT, conditional_rendering_begin)) end """ Extension: VK\\_EXT\\_conditional\\_rendering Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndConditionalRenderingEXT.html) """ function cmd_end_conditional_rendering_ext(command_buffer) _cmd_end_conditional_rendering_ext(command_buffer) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `first_query::UInt32` - `query_count::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdResetQueryPool.html) """ function cmd_reset_query_pool(command_buffer, query_pool, first_query::Integer, query_count::Integer) _cmd_reset_query_pool(command_buffer, query_pool, first_query, query_count) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_stage::PipelineStageFlag` - `query_pool::QueryPool` - `query::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteTimestamp.html) """ function cmd_write_timestamp(command_buffer, pipeline_stage::PipelineStageFlag, query_pool, query::Integer) _cmd_write_timestamp(command_buffer, pipeline_stage, query_pool, query) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `first_query::UInt32` - `query_count::UInt32` - `dst_buffer::Buffer` - `dst_offset::UInt64` - `stride::UInt64` - `flags::QueryResultFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyQueryPoolResults.html) """ function cmd_copy_query_pool_results(command_buffer, query_pool, first_query::Integer, query_count::Integer, dst_buffer, dst_offset::Integer, stride::Integer; flags = 0) _cmd_copy_query_pool_results(command_buffer, query_pool, first_query, query_count, dst_buffer, dst_offset, stride; flags) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `layout::PipelineLayout` - `stage_flags::ShaderStageFlag` - `offset::UInt32` - `size::UInt32` - `values::Ptr{Cvoid}` (must be a valid pointer with `size` bytes) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdPushConstants.html) """ function cmd_push_constants(command_buffer, layout, stage_flags::ShaderStageFlag, offset::Integer, size::Integer, values::Ptr{Cvoid}) _cmd_push_constants(command_buffer, layout, stage_flags, offset, size, values) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `render_pass_begin::RenderPassBeginInfo` - `contents::SubpassContents` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginRenderPass.html) """ function cmd_begin_render_pass(command_buffer, render_pass_begin::RenderPassBeginInfo, contents::SubpassContents) _cmd_begin_render_pass(command_buffer, convert(_RenderPassBeginInfo, render_pass_begin), contents) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `contents::SubpassContents` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdNextSubpass.html) """ function cmd_next_subpass(command_buffer, contents::SubpassContents) _cmd_next_subpass(command_buffer, contents) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndRenderPass.html) """ function cmd_end_render_pass(command_buffer) _cmd_end_render_pass(command_buffer) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `command_buffers::Vector{CommandBuffer}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdExecuteCommands.html) """ function cmd_execute_commands(command_buffer, command_buffers::AbstractArray) _cmd_execute_commands(command_buffer, command_buffers) end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceDisplayPropertiesKHR.html) """ function get_physical_device_display_properties_khr(physical_device)::ResultTypes.Result{Vector{DisplayPropertiesKHR}, VulkanError} val = @propagate_errors(_get_physical_device_display_properties_khr(physical_device)) DisplayPropertiesKHR.(val) end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceDisplayPlanePropertiesKHR.html) """ function get_physical_device_display_plane_properties_khr(physical_device)::ResultTypes.Result{Vector{DisplayPlanePropertiesKHR}, VulkanError} val = @propagate_errors(_get_physical_device_display_plane_properties_khr(physical_device)) DisplayPlanePropertiesKHR.(val) end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `plane_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDisplayPlaneSupportedDisplaysKHR.html) """ function get_display_plane_supported_displays_khr(physical_device, plane_index::Integer)::ResultTypes.Result{Vector{DisplayKHR}, VulkanError} val = @propagate_errors(_get_display_plane_supported_displays_khr(physical_device, plane_index)) val end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDisplayModePropertiesKHR.html) """ function get_display_mode_properties_khr(physical_device, display)::ResultTypes.Result{Vector{DisplayModePropertiesKHR}, VulkanError} val = @propagate_errors(_get_display_mode_properties_khr(physical_device, display)) DisplayModePropertiesKHR.(val) end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` (externsync) - `create_info::DisplayModeCreateInfoKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDisplayModeKHR.html) """ function create_display_mode_khr(physical_device, display, create_info::DisplayModeCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{DisplayModeKHR, VulkanError} val = @propagate_errors(_create_display_mode_khr(physical_device, display, convert(_DisplayModeCreateInfoKHR, create_info); allocator)) val end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `mode::DisplayModeKHR` (externsync) - `plane_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDisplayPlaneCapabilitiesKHR.html) """ function get_display_plane_capabilities_khr(physical_device, mode, plane_index::Integer)::ResultTypes.Result{DisplayPlaneCapabilitiesKHR, VulkanError} val = @propagate_errors(_get_display_plane_capabilities_khr(physical_device, mode, plane_index)) DisplayPlaneCapabilitiesKHR(val) end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `create_info::DisplaySurfaceCreateInfoKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDisplayPlaneSurfaceKHR.html) """ function create_display_plane_surface_khr(instance, create_info::DisplaySurfaceCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_display_plane_surface_khr(instance, convert(_DisplaySurfaceCreateInfoKHR, create_info); allocator)) val end """ Extension: VK\\_KHR\\_display\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INCOMPATIBLE_DISPLAY_KHR` - `ERROR_DEVICE_LOST` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `create_infos::Vector{SwapchainCreateInfoKHR}` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSharedSwapchainsKHR.html) """ function create_shared_swapchains_khr(device, create_infos::AbstractArray; allocator = C_NULL)::ResultTypes.Result{Vector{SwapchainKHR}, VulkanError} val = @propagate_errors(_create_shared_swapchains_khr(device, convert(AbstractArray{_SwapchainCreateInfoKHR}, create_infos); allocator)) val end """ Extension: VK\\_KHR\\_surface Arguments: - `instance::Instance` - `surface::SurfaceKHR` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroySurfaceKHR.html) """ function destroy_surface_khr(instance, surface; allocator = C_NULL) _destroy_surface_khr(instance, surface; allocator) end """ Extension: VK\\_KHR\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `queue_family_index::UInt32` - `surface::SurfaceKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfaceSupportKHR.html) """ function get_physical_device_surface_support_khr(physical_device, queue_family_index::Integer, surface)::ResultTypes.Result{Bool, VulkanError} val = @propagate_errors(_get_physical_device_surface_support_khr(physical_device, queue_family_index, surface)) val end """ Extension: VK\\_KHR\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface::SurfaceKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfaceCapabilitiesKHR.html) """ function get_physical_device_surface_capabilities_khr(physical_device, surface)::ResultTypes.Result{SurfaceCapabilitiesKHR, VulkanError} val = @propagate_errors(_get_physical_device_surface_capabilities_khr(physical_device, surface)) SurfaceCapabilitiesKHR(val) end """ Extension: VK\\_KHR\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface::SurfaceKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfaceFormatsKHR.html) """ function get_physical_device_surface_formats_khr(physical_device; surface = C_NULL)::ResultTypes.Result{Vector{SurfaceFormatKHR}, VulkanError} val = @propagate_errors(_get_physical_device_surface_formats_khr(physical_device; surface)) SurfaceFormatKHR.(val) end """ Extension: VK\\_KHR\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface::SurfaceKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfacePresentModesKHR.html) """ function get_physical_device_surface_present_modes_khr(physical_device; surface = C_NULL)::ResultTypes.Result{Vector{PresentModeKHR}, VulkanError} val = @propagate_errors(_get_physical_device_surface_present_modes_khr(physical_device; surface)) val end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_SURFACE_LOST_KHR` - `ERROR_NATIVE_WINDOW_IN_USE_KHR` - `ERROR_INITIALIZATION_FAILED` - `ERROR_COMPRESSION_EXHAUSTED_EXT` Arguments: - `device::Device` - `create_info::SwapchainCreateInfoKHR` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSwapchainKHR.html) """ function create_swapchain_khr(device, create_info::SwapchainCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{SwapchainKHR, VulkanError} val = @propagate_errors(_create_swapchain_khr(device, convert(_SwapchainCreateInfoKHR, create_info); allocator)) val end """ Extension: VK\\_KHR\\_swapchain Arguments: - `device::Device` - `swapchain::SwapchainKHR` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroySwapchainKHR.html) """ function destroy_swapchain_khr(device, swapchain; allocator = C_NULL) _destroy_swapchain_khr(device, swapchain; allocator) end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `swapchain::SwapchainKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSwapchainImagesKHR.html) """ function get_swapchain_images_khr(device, swapchain)::ResultTypes.Result{Vector{Image}, VulkanError} val = @propagate_errors(_get_swapchain_images_khr(device, swapchain)) val end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `TIMEOUT` - `NOT_READY` - `SUBOPTIMAL_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` - `ERROR_SURFACE_LOST_KHR` - `ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT` Arguments: - `device::Device` - `swapchain::SwapchainKHR` (externsync) - `timeout::UInt64` - `semaphore::Semaphore`: defaults to `C_NULL` (externsync) - `fence::Fence`: defaults to `C_NULL` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAcquireNextImageKHR.html) """ function acquire_next_image_khr(device, swapchain, timeout::Integer; semaphore = C_NULL, fence = C_NULL)::ResultTypes.Result{Tuple{UInt32, Result}, VulkanError} val = @propagate_errors(_acquire_next_image_khr(device, swapchain, timeout; semaphore, fence)) val end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `SUBOPTIMAL_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` - `ERROR_SURFACE_LOST_KHR` - `ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT` Arguments: - `queue::Queue` (externsync) - `present_info::PresentInfoKHR` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueuePresentKHR.html) """ function queue_present_khr(queue, present_info::PresentInfoKHR)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_queue_present_khr(queue, convert(_PresentInfoKHR, present_info))) val end """ Extension: VK\\_EXT\\_debug\\_report Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `instance::Instance` - `create_info::DebugReportCallbackCreateInfoEXT` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDebugReportCallbackEXT.html) """ function create_debug_report_callback_ext(instance, create_info::DebugReportCallbackCreateInfoEXT; allocator = C_NULL)::ResultTypes.Result{DebugReportCallbackEXT, VulkanError} val = @propagate_errors(_create_debug_report_callback_ext(instance, convert(_DebugReportCallbackCreateInfoEXT, create_info); allocator)) val end """ Extension: VK\\_EXT\\_debug\\_report Arguments: - `instance::Instance` - `callback::DebugReportCallbackEXT` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDebugReportCallbackEXT.html) """ function destroy_debug_report_callback_ext(instance, callback; allocator = C_NULL) _destroy_debug_report_callback_ext(instance, callback; allocator) end """ Extension: VK\\_EXT\\_debug\\_report Arguments: - `instance::Instance` - `flags::DebugReportFlagEXT` - `object_type::DebugReportObjectTypeEXT` - `object::UInt64` - `location::UInt` - `message_code::Int32` - `layer_prefix::String` - `message::String` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDebugReportMessageEXT.html) """ function debug_report_message_ext(instance, flags::DebugReportFlagEXT, object_type::DebugReportObjectTypeEXT, object::Integer, location::Integer, message_code::Integer, layer_prefix::AbstractString, message::AbstractString) _debug_report_message_ext(instance, flags, object_type, object, location, message_code, layer_prefix, message) end """ Extension: VK\\_EXT\\_debug\\_marker Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `name_info::DebugMarkerObjectNameInfoEXT` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDebugMarkerSetObjectNameEXT.html) """ function debug_marker_set_object_name_ext(device, name_info::DebugMarkerObjectNameInfoEXT)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_debug_marker_set_object_name_ext(device, convert(_DebugMarkerObjectNameInfoEXT, name_info))) val end """ Extension: VK\\_EXT\\_debug\\_marker Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `tag_info::DebugMarkerObjectTagInfoEXT` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDebugMarkerSetObjectTagEXT.html) """ function debug_marker_set_object_tag_ext(device, tag_info::DebugMarkerObjectTagInfoEXT)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_debug_marker_set_object_tag_ext(device, convert(_DebugMarkerObjectTagInfoEXT, tag_info))) val end """ Extension: VK\\_EXT\\_debug\\_marker Arguments: - `command_buffer::CommandBuffer` (externsync) - `marker_info::DebugMarkerMarkerInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDebugMarkerBeginEXT.html) """ function cmd_debug_marker_begin_ext(command_buffer, marker_info::DebugMarkerMarkerInfoEXT) _cmd_debug_marker_begin_ext(command_buffer, convert(_DebugMarkerMarkerInfoEXT, marker_info)) end """ Extension: VK\\_EXT\\_debug\\_marker Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDebugMarkerEndEXT.html) """ function cmd_debug_marker_end_ext(command_buffer) _cmd_debug_marker_end_ext(command_buffer) end """ Extension: VK\\_EXT\\_debug\\_marker Arguments: - `command_buffer::CommandBuffer` (externsync) - `marker_info::DebugMarkerMarkerInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDebugMarkerInsertEXT.html) """ function cmd_debug_marker_insert_ext(command_buffer, marker_info::DebugMarkerMarkerInfoEXT) _cmd_debug_marker_insert_ext(command_buffer, convert(_DebugMarkerMarkerInfoEXT, marker_info)) end """ Extension: VK\\_NV\\_external\\_memory\\_capabilities Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_FORMAT_NOT_SUPPORTED` Arguments: - `physical_device::PhysicalDevice` - `format::Format` - `type::ImageType` - `tiling::ImageTiling` - `usage::ImageUsageFlag` - `flags::ImageCreateFlag`: defaults to `0` - `external_handle_type::ExternalMemoryHandleTypeFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceExternalImageFormatPropertiesNV.html) """ function get_physical_device_external_image_format_properties_nv(physical_device, format::Format, type::ImageType, tiling::ImageTiling, usage::ImageUsageFlag; flags = 0, external_handle_type = 0)::ResultTypes.Result{ExternalImageFormatPropertiesNV, VulkanError} val = @propagate_errors(_get_physical_device_external_image_format_properties_nv(physical_device, format, type, tiling, usage; flags, external_handle_type)) ExternalImageFormatPropertiesNV(val) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `command_buffer::CommandBuffer` (externsync) - `is_preprocessed::Bool` - `generated_commands_info::GeneratedCommandsInfoNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdExecuteGeneratedCommandsNV.html) """ function cmd_execute_generated_commands_nv(command_buffer, is_preprocessed::Bool, generated_commands_info::GeneratedCommandsInfoNV) _cmd_execute_generated_commands_nv(command_buffer, is_preprocessed, convert(_GeneratedCommandsInfoNV, generated_commands_info)) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `command_buffer::CommandBuffer` (externsync) - `generated_commands_info::GeneratedCommandsInfoNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdPreprocessGeneratedCommandsNV.html) """ function cmd_preprocess_generated_commands_nv(command_buffer, generated_commands_info::GeneratedCommandsInfoNV) _cmd_preprocess_generated_commands_nv(command_buffer, convert(_GeneratedCommandsInfoNV, generated_commands_info)) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_bind_point::PipelineBindPoint` - `pipeline::Pipeline` - `group_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindPipelineShaderGroupNV.html) """ function cmd_bind_pipeline_shader_group_nv(command_buffer, pipeline_bind_point::PipelineBindPoint, pipeline, group_index::Integer) _cmd_bind_pipeline_shader_group_nv(command_buffer, pipeline_bind_point, pipeline, group_index) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `device::Device` - `info::GeneratedCommandsMemoryRequirementsInfoNV` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetGeneratedCommandsMemoryRequirementsNV.html) """ function get_generated_commands_memory_requirements_nv(device, info::GeneratedCommandsMemoryRequirementsInfoNV, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) MemoryRequirements2(_get_generated_commands_memory_requirements_nv(device, convert(_GeneratedCommandsMemoryRequirementsInfoNV, info), next_types...), next_types_hl...) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::IndirectCommandsLayoutCreateInfoNV` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateIndirectCommandsLayoutNV.html) """ function create_indirect_commands_layout_nv(device, create_info::IndirectCommandsLayoutCreateInfoNV; allocator = C_NULL)::ResultTypes.Result{IndirectCommandsLayoutNV, VulkanError} val = @propagate_errors(_create_indirect_commands_layout_nv(device, convert(_IndirectCommandsLayoutCreateInfoNV, create_info); allocator)) val end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `device::Device` - `indirect_commands_layout::IndirectCommandsLayoutNV` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyIndirectCommandsLayoutNV.html) """ function destroy_indirect_commands_layout_nv(device, indirect_commands_layout; allocator = C_NULL) _destroy_indirect_commands_layout_nv(device, indirect_commands_layout; allocator) end """ Arguments: - `physical_device::PhysicalDevice` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceFeatures2.html) """ function get_physical_device_features_2(physical_device, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) PhysicalDeviceFeatures2(_get_physical_device_features_2(physical_device, next_types...), next_types_hl...) end """ Arguments: - `physical_device::PhysicalDevice` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceProperties2.html) """ function get_physical_device_properties_2(physical_device, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) PhysicalDeviceProperties2(_get_physical_device_properties_2(physical_device, next_types...), next_types_hl...) end """ Arguments: - `physical_device::PhysicalDevice` - `format::Format` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceFormatProperties2.html) """ function get_physical_device_format_properties_2(physical_device, format::Format, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) FormatProperties2(_get_physical_device_format_properties_2(physical_device, format, next_types...), next_types_hl...) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_FORMAT_NOT_SUPPORTED` - `ERROR_IMAGE_USAGE_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_OPERATION_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_FORMAT_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PICTURE_LAYOUT_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_CODEC_NOT_SUPPORTED_KHR` Arguments: - `physical_device::PhysicalDevice` - `image_format_info::PhysicalDeviceImageFormatInfo2` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceImageFormatProperties2.html) """ function get_physical_device_image_format_properties_2(physical_device, image_format_info::PhysicalDeviceImageFormatInfo2, next_types::Type...)::ResultTypes.Result{ImageFormatProperties2, VulkanError} next_types_hl = next_types next_types = intermediate_type.(next_types) val = @propagate_errors(_get_physical_device_image_format_properties_2(physical_device, convert(_PhysicalDeviceImageFormatInfo2, image_format_info), next_types...)) ImageFormatProperties2(val, next_types_hl...) end """ Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceQueueFamilyProperties2.html) """ function get_physical_device_queue_family_properties_2(physical_device) QueueFamilyProperties2.(_get_physical_device_queue_family_properties_2(physical_device)) end """ Arguments: - `physical_device::PhysicalDevice` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceMemoryProperties2.html) """ function get_physical_device_memory_properties_2(physical_device, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) PhysicalDeviceMemoryProperties2(_get_physical_device_memory_properties_2(physical_device, next_types...), next_types_hl...) end """ Arguments: - `physical_device::PhysicalDevice` - `format_info::PhysicalDeviceSparseImageFormatInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSparseImageFormatProperties2.html) """ function get_physical_device_sparse_image_format_properties_2(physical_device, format_info::PhysicalDeviceSparseImageFormatInfo2) SparseImageFormatProperties2.(_get_physical_device_sparse_image_format_properties_2(physical_device, convert(_PhysicalDeviceSparseImageFormatInfo2, format_info))) end """ Extension: VK\\_KHR\\_push\\_descriptor Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_bind_point::PipelineBindPoint` - `layout::PipelineLayout` - `set::UInt32` - `descriptor_writes::Vector{WriteDescriptorSet}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdPushDescriptorSetKHR.html) """ function cmd_push_descriptor_set_khr(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, set::Integer, descriptor_writes::AbstractArray) _cmd_push_descriptor_set_khr(command_buffer, pipeline_bind_point, layout, set, convert(AbstractArray{_WriteDescriptorSet}, descriptor_writes)) end """ Arguments: - `device::Device` - `command_pool::CommandPool` (externsync) - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkTrimCommandPool.html) """ function trim_command_pool(device, command_pool; flags = 0) _trim_command_pool(device, command_pool; flags) end """ Arguments: - `physical_device::PhysicalDevice` - `external_buffer_info::PhysicalDeviceExternalBufferInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceExternalBufferProperties.html) """ function get_physical_device_external_buffer_properties(physical_device, external_buffer_info::PhysicalDeviceExternalBufferInfo) ExternalBufferProperties(_get_physical_device_external_buffer_properties(physical_device, convert(_PhysicalDeviceExternalBufferInfo, external_buffer_info))) end """ Extension: VK\\_KHR\\_external\\_memory\\_fd Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `get_fd_info::MemoryGetFdInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetMemoryFdKHR.html) """ function get_memory_fd_khr(device, get_fd_info::MemoryGetFdInfoKHR)::ResultTypes.Result{Int, VulkanError} val = @propagate_errors(_get_memory_fd_khr(device, convert(_MemoryGetFdInfoKHR, get_fd_info))) val end """ Extension: VK\\_KHR\\_external\\_memory\\_fd Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` Arguments: - `device::Device` - `handle_type::ExternalMemoryHandleTypeFlag` - `fd::Int` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetMemoryFdPropertiesKHR.html) """ function get_memory_fd_properties_khr(device, handle_type::ExternalMemoryHandleTypeFlag, fd::Integer)::ResultTypes.Result{MemoryFdPropertiesKHR, VulkanError} val = @propagate_errors(_get_memory_fd_properties_khr(device, handle_type, fd)) MemoryFdPropertiesKHR(val) end """ Extension: VK\\_NV\\_external\\_memory\\_rdma Return codes: - `SUCCESS` - `ERROR_INVALID_EXTERNAL_HANDLE` Arguments: - `device::Device` - `memory_get_remote_address_info::MemoryGetRemoteAddressInfoNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetMemoryRemoteAddressNV.html) """ function get_memory_remote_address_nv(device, memory_get_remote_address_info::MemoryGetRemoteAddressInfoNV)::ResultTypes.Result{Cvoid, VulkanError} val = @propagate_errors(_get_memory_remote_address_nv(device, convert(_MemoryGetRemoteAddressInfoNV, memory_get_remote_address_info))) val end """ Arguments: - `physical_device::PhysicalDevice` - `external_semaphore_info::PhysicalDeviceExternalSemaphoreInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceExternalSemaphoreProperties.html) """ function get_physical_device_external_semaphore_properties(physical_device, external_semaphore_info::PhysicalDeviceExternalSemaphoreInfo) ExternalSemaphoreProperties(_get_physical_device_external_semaphore_properties(physical_device, convert(_PhysicalDeviceExternalSemaphoreInfo, external_semaphore_info))) end """ Extension: VK\\_KHR\\_external\\_semaphore\\_fd Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `get_fd_info::SemaphoreGetFdInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSemaphoreFdKHR.html) """ function get_semaphore_fd_khr(device, get_fd_info::SemaphoreGetFdInfoKHR)::ResultTypes.Result{Int, VulkanError} val = @propagate_errors(_get_semaphore_fd_khr(device, convert(_SemaphoreGetFdInfoKHR, get_fd_info))) val end """ Extension: VK\\_KHR\\_external\\_semaphore\\_fd Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` Arguments: - `device::Device` - `import_semaphore_fd_info::ImportSemaphoreFdInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkImportSemaphoreFdKHR.html) """ function import_semaphore_fd_khr(device, import_semaphore_fd_info::ImportSemaphoreFdInfoKHR)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_import_semaphore_fd_khr(device, convert(_ImportSemaphoreFdInfoKHR, import_semaphore_fd_info))) val end """ Arguments: - `physical_device::PhysicalDevice` - `external_fence_info::PhysicalDeviceExternalFenceInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceExternalFenceProperties.html) """ function get_physical_device_external_fence_properties(physical_device, external_fence_info::PhysicalDeviceExternalFenceInfo) ExternalFenceProperties(_get_physical_device_external_fence_properties(physical_device, convert(_PhysicalDeviceExternalFenceInfo, external_fence_info))) end """ Extension: VK\\_KHR\\_external\\_fence\\_fd Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `get_fd_info::FenceGetFdInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetFenceFdKHR.html) """ function get_fence_fd_khr(device, get_fd_info::FenceGetFdInfoKHR)::ResultTypes.Result{Int, VulkanError} val = @propagate_errors(_get_fence_fd_khr(device, convert(_FenceGetFdInfoKHR, get_fd_info))) val end """ Extension: VK\\_KHR\\_external\\_fence\\_fd Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` Arguments: - `device::Device` - `import_fence_fd_info::ImportFenceFdInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkImportFenceFdKHR.html) """ function import_fence_fd_khr(device, import_fence_fd_info::ImportFenceFdInfoKHR)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_import_fence_fd_khr(device, convert(_ImportFenceFdInfoKHR, import_fence_fd_info))) val end """ Extension: VK\\_EXT\\_direct\\_mode\\_display Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkReleaseDisplayEXT.html) """ function release_display_ext(physical_device, display) _release_display_ext(physical_device, display) end """ Extension: VK\\_EXT\\_display\\_control Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `display::DisplayKHR` - `display_power_info::DisplayPowerInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDisplayPowerControlEXT.html) """ function display_power_control_ext(device, display, display_power_info::DisplayPowerInfoEXT)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_display_power_control_ext(device, display, convert(_DisplayPowerInfoEXT, display_power_info))) val end """ Extension: VK\\_EXT\\_display\\_control Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `device_event_info::DeviceEventInfoEXT` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkRegisterDeviceEventEXT.html) """ function register_device_event_ext(device, device_event_info::DeviceEventInfoEXT; allocator = C_NULL)::ResultTypes.Result{Fence, VulkanError} val = @propagate_errors(_register_device_event_ext(device, convert(_DeviceEventInfoEXT, device_event_info); allocator)) val end """ Extension: VK\\_EXT\\_display\\_control Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `display::DisplayKHR` - `display_event_info::DisplayEventInfoEXT` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkRegisterDisplayEventEXT.html) """ function register_display_event_ext(device, display, display_event_info::DisplayEventInfoEXT; allocator = C_NULL)::ResultTypes.Result{Fence, VulkanError} val = @propagate_errors(_register_display_event_ext(device, display, convert(_DisplayEventInfoEXT, display_event_info); allocator)) val end """ Extension: VK\\_EXT\\_display\\_control Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` Arguments: - `device::Device` - `swapchain::SwapchainKHR` - `counter::SurfaceCounterFlagEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSwapchainCounterEXT.html) """ function get_swapchain_counter_ext(device, swapchain, counter::SurfaceCounterFlagEXT)::ResultTypes.Result{UInt64, VulkanError} val = @propagate_errors(_get_swapchain_counter_ext(device, swapchain, counter)) val end """ Extension: VK\\_EXT\\_display\\_surface\\_counter Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface::SurfaceKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfaceCapabilities2EXT.html) """ function get_physical_device_surface_capabilities_2_ext(physical_device, surface)::ResultTypes.Result{SurfaceCapabilities2EXT, VulkanError} val = @propagate_errors(_get_physical_device_surface_capabilities_2_ext(physical_device, surface)) SurfaceCapabilities2EXT(val) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `instance::Instance` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumeratePhysicalDeviceGroups.html) """ function enumerate_physical_device_groups(instance)::ResultTypes.Result{Vector{PhysicalDeviceGroupProperties}, VulkanError} val = @propagate_errors(_enumerate_physical_device_groups(instance)) PhysicalDeviceGroupProperties.(val) end """ Arguments: - `device::Device` - `heap_index::UInt32` - `local_device_index::UInt32` - `remote_device_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceGroupPeerMemoryFeatures.html) """ function get_device_group_peer_memory_features(device, heap_index::Integer, local_device_index::Integer, remote_device_index::Integer) _get_device_group_peer_memory_features(device, heap_index, local_device_index, remote_device_index) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `bind_infos::Vector{BindBufferMemoryInfo}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindBufferMemory2.html) """ function bind_buffer_memory_2(device, bind_infos::AbstractArray)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_buffer_memory_2(device, convert(AbstractArray{_BindBufferMemoryInfo}, bind_infos))) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `bind_infos::Vector{BindImageMemoryInfo}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindImageMemory2.html) """ function bind_image_memory_2(device, bind_infos::AbstractArray)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_image_memory_2(device, convert(AbstractArray{_BindImageMemoryInfo}, bind_infos))) val end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `device_mask::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDeviceMask.html) """ function cmd_set_device_mask(command_buffer, device_mask::Integer) _cmd_set_device_mask(command_buffer, device_mask) end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceGroupPresentCapabilitiesKHR.html) """ function get_device_group_present_capabilities_khr(device)::ResultTypes.Result{DeviceGroupPresentCapabilitiesKHR, VulkanError} val = @propagate_errors(_get_device_group_present_capabilities_khr(device)) DeviceGroupPresentCapabilitiesKHR(val) end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `surface::SurfaceKHR` (externsync) - `modes::DeviceGroupPresentModeFlagKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceGroupSurfacePresentModesKHR.html) """ function get_device_group_surface_present_modes_khr(device, surface, modes::DeviceGroupPresentModeFlagKHR)::ResultTypes.Result{DeviceGroupPresentModeFlagKHR, VulkanError} val = @propagate_errors(_get_device_group_surface_present_modes_khr(device, surface, modes)) val end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `TIMEOUT` - `NOT_READY` - `SUBOPTIMAL_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` - `ERROR_SURFACE_LOST_KHR` - `ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT` Arguments: - `device::Device` - `acquire_info::AcquireNextImageInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAcquireNextImage2KHR.html) """ function acquire_next_image_2_khr(device, acquire_info::AcquireNextImageInfoKHR)::ResultTypes.Result{Tuple{UInt32, Result}, VulkanError} val = @propagate_errors(_acquire_next_image_2_khr(device, convert(_AcquireNextImageInfoKHR, acquire_info))) val end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `base_group_x::UInt32` - `base_group_y::UInt32` - `base_group_z::UInt32` - `group_count_x::UInt32` - `group_count_y::UInt32` - `group_count_z::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDispatchBase.html) """ function cmd_dispatch_base(command_buffer, base_group_x::Integer, base_group_y::Integer, base_group_z::Integer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer) _cmd_dispatch_base(command_buffer, base_group_x, base_group_y, base_group_z, group_count_x, group_count_y, group_count_z) end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `surface::SurfaceKHR` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDevicePresentRectanglesKHR.html) """ function get_physical_device_present_rectangles_khr(physical_device, surface)::ResultTypes.Result{Vector{Rect2D}, VulkanError} val = @propagate_errors(_get_physical_device_present_rectangles_khr(physical_device, surface)) Rect2D.(val) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::DescriptorUpdateTemplateCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorUpdateTemplate.html) """ function create_descriptor_update_template(device, create_info::DescriptorUpdateTemplateCreateInfo; allocator = C_NULL)::ResultTypes.Result{DescriptorUpdateTemplate, VulkanError} val = @propagate_errors(_create_descriptor_update_template(device, convert(_DescriptorUpdateTemplateCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `descriptor_update_template::DescriptorUpdateTemplate` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDescriptorUpdateTemplate.html) """ function destroy_descriptor_update_template(device, descriptor_update_template; allocator = C_NULL) _destroy_descriptor_update_template(device, descriptor_update_template; allocator) end """ Arguments: - `device::Device` - `descriptor_set::DescriptorSet` - `descriptor_update_template::DescriptorUpdateTemplate` - `data::Ptr{Cvoid}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkUpdateDescriptorSetWithTemplate.html) """ function update_descriptor_set_with_template(device, descriptor_set, descriptor_update_template, data::Ptr{Cvoid}) _update_descriptor_set_with_template(device, descriptor_set, descriptor_update_template, data) end """ Extension: VK\\_KHR\\_push\\_descriptor Arguments: - `command_buffer::CommandBuffer` (externsync) - `descriptor_update_template::DescriptorUpdateTemplate` - `layout::PipelineLayout` - `set::UInt32` - `data::Ptr{Cvoid}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdPushDescriptorSetWithTemplateKHR.html) """ function cmd_push_descriptor_set_with_template_khr(command_buffer, descriptor_update_template, layout, set::Integer, data::Ptr{Cvoid}) _cmd_push_descriptor_set_with_template_khr(command_buffer, descriptor_update_template, layout, set, data) end """ Extension: VK\\_EXT\\_hdr\\_metadata Arguments: - `device::Device` - `swapchains::Vector{SwapchainKHR}` - `metadata::Vector{HdrMetadataEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetHdrMetadataEXT.html) """ function set_hdr_metadata_ext(device, swapchains::AbstractArray, metadata::AbstractArray) _set_hdr_metadata_ext(device, swapchains, convert(AbstractArray{_HdrMetadataEXT}, metadata)) end """ Extension: VK\\_KHR\\_shared\\_presentable\\_image Return codes: - `SUCCESS` - `SUBOPTIMAL_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` - `ERROR_SURFACE_LOST_KHR` - `ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT` Arguments: - `device::Device` - `swapchain::SwapchainKHR` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSwapchainStatusKHR.html) """ function get_swapchain_status_khr(device, swapchain)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_swapchain_status_khr(device, swapchain)) val end """ Extension: VK\\_GOOGLE\\_display\\_timing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `swapchain::SwapchainKHR` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetRefreshCycleDurationGOOGLE.html) """ function get_refresh_cycle_duration_google(device, swapchain)::ResultTypes.Result{RefreshCycleDurationGOOGLE, VulkanError} val = @propagate_errors(_get_refresh_cycle_duration_google(device, swapchain)) RefreshCycleDurationGOOGLE(val) end """ Extension: VK\\_GOOGLE\\_display\\_timing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `swapchain::SwapchainKHR` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPastPresentationTimingGOOGLE.html) """ function get_past_presentation_timing_google(device, swapchain)::ResultTypes.Result{Vector{PastPresentationTimingGOOGLE}, VulkanError} val = @propagate_errors(_get_past_presentation_timing_google(device, swapchain)) PastPresentationTimingGOOGLE.(val) end """ Extension: VK\\_MVK\\_macos\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_NATIVE_WINDOW_IN_USE_KHR` Arguments: - `instance::Instance` - `create_info::MacOSSurfaceCreateInfoMVK` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateMacOSSurfaceMVK.html) """ function create_mac_os_surface_mvk(instance, create_info::MacOSSurfaceCreateInfoMVK; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_mac_os_surface_mvk(instance, convert(_MacOSSurfaceCreateInfoMVK, create_info); allocator)) val end """ Extension: VK\\_EXT\\_metal\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_NATIVE_WINDOW_IN_USE_KHR` Arguments: - `instance::Instance` - `create_info::MetalSurfaceCreateInfoEXT` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateMetalSurfaceEXT.html) """ function create_metal_surface_ext(instance, create_info::MetalSurfaceCreateInfoEXT; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_metal_surface_ext(instance, convert(_MetalSurfaceCreateInfoEXT, create_info); allocator)) val end """ Extension: VK\\_NV\\_clip\\_space\\_w\\_scaling Arguments: - `command_buffer::CommandBuffer` (externsync) - `viewport_w_scalings::Vector{ViewportWScalingNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetViewportWScalingNV.html) """ function cmd_set_viewport_w_scaling_nv(command_buffer, viewport_w_scalings::AbstractArray) _cmd_set_viewport_w_scaling_nv(command_buffer, convert(AbstractArray{_ViewportWScalingNV}, viewport_w_scalings)) end """ Extension: VK\\_EXT\\_discard\\_rectangles Arguments: - `command_buffer::CommandBuffer` (externsync) - `discard_rectangles::Vector{Rect2D}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDiscardRectangleEXT.html) """ function cmd_set_discard_rectangle_ext(command_buffer, discard_rectangles::AbstractArray) _cmd_set_discard_rectangle_ext(command_buffer, convert(AbstractArray{_Rect2D}, discard_rectangles)) end """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `command_buffer::CommandBuffer` (externsync) - `sample_locations_info::SampleLocationsInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetSampleLocationsEXT.html) """ function cmd_set_sample_locations_ext(command_buffer, sample_locations_info::SampleLocationsInfoEXT) _cmd_set_sample_locations_ext(command_buffer, convert(_SampleLocationsInfoEXT, sample_locations_info)) end """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `physical_device::PhysicalDevice` - `samples::SampleCountFlag` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceMultisamplePropertiesEXT.html) """ function get_physical_device_multisample_properties_ext(physical_device, samples::SampleCountFlag) MultisamplePropertiesEXT(_get_physical_device_multisample_properties_ext(physical_device, samples)) end """ Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface_info::PhysicalDeviceSurfaceInfo2KHR` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfaceCapabilities2KHR.html) """ function get_physical_device_surface_capabilities_2_khr(physical_device, surface_info::PhysicalDeviceSurfaceInfo2KHR, next_types::Type...)::ResultTypes.Result{SurfaceCapabilities2KHR, VulkanError} next_types_hl = next_types next_types = intermediate_type.(next_types) val = @propagate_errors(_get_physical_device_surface_capabilities_2_khr(physical_device, convert(_PhysicalDeviceSurfaceInfo2KHR, surface_info), next_types...)) SurfaceCapabilities2KHR(val, next_types_hl...) end """ Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface_info::PhysicalDeviceSurfaceInfo2KHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfaceFormats2KHR.html) """ function get_physical_device_surface_formats_2_khr(physical_device, surface_info::PhysicalDeviceSurfaceInfo2KHR)::ResultTypes.Result{Vector{SurfaceFormat2KHR}, VulkanError} val = @propagate_errors(_get_physical_device_surface_formats_2_khr(physical_device, convert(_PhysicalDeviceSurfaceInfo2KHR, surface_info))) SurfaceFormat2KHR.(val) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceDisplayProperties2KHR.html) """ function get_physical_device_display_properties_2_khr(physical_device)::ResultTypes.Result{Vector{DisplayProperties2KHR}, VulkanError} val = @propagate_errors(_get_physical_device_display_properties_2_khr(physical_device)) DisplayProperties2KHR.(val) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceDisplayPlaneProperties2KHR.html) """ function get_physical_device_display_plane_properties_2_khr(physical_device)::ResultTypes.Result{Vector{DisplayPlaneProperties2KHR}, VulkanError} val = @propagate_errors(_get_physical_device_display_plane_properties_2_khr(physical_device)) DisplayPlaneProperties2KHR.(val) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDisplayModeProperties2KHR.html) """ function get_display_mode_properties_2_khr(physical_device, display)::ResultTypes.Result{Vector{DisplayModeProperties2KHR}, VulkanError} val = @propagate_errors(_get_display_mode_properties_2_khr(physical_device, display)) DisplayModeProperties2KHR.(val) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `display_plane_info::DisplayPlaneInfo2KHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDisplayPlaneCapabilities2KHR.html) """ function get_display_plane_capabilities_2_khr(physical_device, display_plane_info::DisplayPlaneInfo2KHR)::ResultTypes.Result{DisplayPlaneCapabilities2KHR, VulkanError} val = @propagate_errors(_get_display_plane_capabilities_2_khr(physical_device, convert(_DisplayPlaneInfo2KHR, display_plane_info))) DisplayPlaneCapabilities2KHR(val) end """ Arguments: - `device::Device` - `info::BufferMemoryRequirementsInfo2` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetBufferMemoryRequirements2.html) """ function get_buffer_memory_requirements_2(device, info::BufferMemoryRequirementsInfo2, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) MemoryRequirements2(_get_buffer_memory_requirements_2(device, convert(_BufferMemoryRequirementsInfo2, info), next_types...), next_types_hl...) end """ Arguments: - `device::Device` - `info::ImageMemoryRequirementsInfo2` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageMemoryRequirements2.html) """ function get_image_memory_requirements_2(device, info::ImageMemoryRequirementsInfo2, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) MemoryRequirements2(_get_image_memory_requirements_2(device, convert(_ImageMemoryRequirementsInfo2, info), next_types...), next_types_hl...) end """ Arguments: - `device::Device` - `info::ImageSparseMemoryRequirementsInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageSparseMemoryRequirements2.html) """ function get_image_sparse_memory_requirements_2(device, info::ImageSparseMemoryRequirementsInfo2) SparseImageMemoryRequirements2.(_get_image_sparse_memory_requirements_2(device, convert(_ImageSparseMemoryRequirementsInfo2, info))) end """ Arguments: - `device::Device` - `info::DeviceBufferMemoryRequirements` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceBufferMemoryRequirements.html) """ function get_device_buffer_memory_requirements(device, info::DeviceBufferMemoryRequirements, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) MemoryRequirements2(_get_device_buffer_memory_requirements(device, convert(_DeviceBufferMemoryRequirements, info), next_types...), next_types_hl...) end """ Arguments: - `device::Device` - `info::DeviceImageMemoryRequirements` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceImageMemoryRequirements.html) """ function get_device_image_memory_requirements(device, info::DeviceImageMemoryRequirements, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) MemoryRequirements2(_get_device_image_memory_requirements(device, convert(_DeviceImageMemoryRequirements, info), next_types...), next_types_hl...) end """ Arguments: - `device::Device` - `info::DeviceImageMemoryRequirements` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceImageSparseMemoryRequirements.html) """ function get_device_image_sparse_memory_requirements(device, info::DeviceImageMemoryRequirements) SparseImageMemoryRequirements2.(_get_device_image_sparse_memory_requirements(device, convert(_DeviceImageMemoryRequirements, info))) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::SamplerYcbcrConversionCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSamplerYcbcrConversion.html) """ function create_sampler_ycbcr_conversion(device, create_info::SamplerYcbcrConversionCreateInfo; allocator = C_NULL)::ResultTypes.Result{SamplerYcbcrConversion, VulkanError} val = @propagate_errors(_create_sampler_ycbcr_conversion(device, convert(_SamplerYcbcrConversionCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `ycbcr_conversion::SamplerYcbcrConversion` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroySamplerYcbcrConversion.html) """ function destroy_sampler_ycbcr_conversion(device, ycbcr_conversion; allocator = C_NULL) _destroy_sampler_ycbcr_conversion(device, ycbcr_conversion; allocator) end """ Arguments: - `device::Device` - `queue_info::DeviceQueueInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceQueue2.html) """ function get_device_queue_2(device, queue_info::DeviceQueueInfo2) _get_device_queue_2(device, convert(_DeviceQueueInfo2, queue_info)) end """ Extension: VK\\_EXT\\_validation\\_cache Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `create_info::ValidationCacheCreateInfoEXT` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateValidationCacheEXT.html) """ function create_validation_cache_ext(device, create_info::ValidationCacheCreateInfoEXT; allocator = C_NULL)::ResultTypes.Result{ValidationCacheEXT, VulkanError} val = @propagate_errors(_create_validation_cache_ext(device, convert(_ValidationCacheCreateInfoEXT, create_info); allocator)) val end """ Extension: VK\\_EXT\\_validation\\_cache Arguments: - `device::Device` - `validation_cache::ValidationCacheEXT` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyValidationCacheEXT.html) """ function destroy_validation_cache_ext(device, validation_cache; allocator = C_NULL) _destroy_validation_cache_ext(device, validation_cache; allocator) end """ Extension: VK\\_EXT\\_validation\\_cache Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `validation_cache::ValidationCacheEXT` !!! warning The pointer returned by this function holds memory owned by Julia. It is therefore **your** responsibility to free it after use (e.g. with `Libc.free`). [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetValidationCacheDataEXT.html) """ function get_validation_cache_data_ext(device, validation_cache)::ResultTypes.Result{Tuple{UInt, Ptr{Cvoid}}, VulkanError} val = @propagate_errors(_get_validation_cache_data_ext(device, validation_cache)) val end """ Extension: VK\\_EXT\\_validation\\_cache Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `dst_cache::ValidationCacheEXT` (externsync) - `src_caches::Vector{ValidationCacheEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkMergeValidationCachesEXT.html) """ function merge_validation_caches_ext(device, dst_cache, src_caches::AbstractArray)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_merge_validation_caches_ext(device, dst_cache, src_caches)) val end """ Arguments: - `device::Device` - `create_info::DescriptorSetLayoutCreateInfo` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDescriptorSetLayoutSupport.html) """ function get_descriptor_set_layout_support(device, create_info::DescriptorSetLayoutCreateInfo, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) DescriptorSetLayoutSupport(_get_descriptor_set_layout_support(device, convert(_DescriptorSetLayoutCreateInfo, create_info), next_types...), next_types_hl...) end """ Extension: VK\\_AMD\\_shader\\_info Return codes: - `SUCCESS` - `ERROR_FEATURE_NOT_PRESENT` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `pipeline::Pipeline` - `shader_stage::ShaderStageFlag` - `info_type::ShaderInfoTypeAMD` !!! warning The pointer returned by this function holds memory owned by Julia. It is therefore **your** responsibility to free it after use (e.g. with `Libc.free`). [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetShaderInfoAMD.html) """ function get_shader_info_amd(device, pipeline, shader_stage::ShaderStageFlag, info_type::ShaderInfoTypeAMD)::ResultTypes.Result{Tuple{UInt, Ptr{Cvoid}}, VulkanError} val = @propagate_errors(_get_shader_info_amd(device, pipeline, shader_stage, info_type)) val end """ Extension: VK\\_AMD\\_display\\_native\\_hdr Arguments: - `device::Device` - `swap_chain::SwapchainKHR` - `local_dimming_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetLocalDimmingAMD.html) """ function set_local_dimming_amd(device, swap_chain, local_dimming_enable::Bool) _set_local_dimming_amd(device, swap_chain, local_dimming_enable) end """ Extension: VK\\_EXT\\_calibrated\\_timestamps Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceCalibrateableTimeDomainsEXT.html) """ function get_physical_device_calibrateable_time_domains_ext(physical_device)::ResultTypes.Result{Vector{TimeDomainEXT}, VulkanError} val = @propagate_errors(_get_physical_device_calibrateable_time_domains_ext(physical_device)) val end """ Extension: VK\\_EXT\\_calibrated\\_timestamps Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `timestamp_infos::Vector{CalibratedTimestampInfoEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetCalibratedTimestampsEXT.html) """ function get_calibrated_timestamps_ext(device, timestamp_infos::AbstractArray)::ResultTypes.Result{Tuple{Vector{UInt64}, UInt64}, VulkanError} val = @propagate_errors(_get_calibrated_timestamps_ext(device, convert(AbstractArray{_CalibratedTimestampInfoEXT}, timestamp_infos))) val end """ Extension: VK\\_EXT\\_debug\\_utils Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `name_info::DebugUtilsObjectNameInfoEXT` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetDebugUtilsObjectNameEXT.html) """ function set_debug_utils_object_name_ext(device, name_info::DebugUtilsObjectNameInfoEXT)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_set_debug_utils_object_name_ext(device, convert(_DebugUtilsObjectNameInfoEXT, name_info))) val end """ Extension: VK\\_EXT\\_debug\\_utils Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `tag_info::DebugUtilsObjectTagInfoEXT` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetDebugUtilsObjectTagEXT.html) """ function set_debug_utils_object_tag_ext(device, tag_info::DebugUtilsObjectTagInfoEXT)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_set_debug_utils_object_tag_ext(device, convert(_DebugUtilsObjectTagInfoEXT, tag_info))) val end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `queue::Queue` - `label_info::DebugUtilsLabelEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueBeginDebugUtilsLabelEXT.html) """ function queue_begin_debug_utils_label_ext(queue, label_info::DebugUtilsLabelEXT) _queue_begin_debug_utils_label_ext(queue, convert(_DebugUtilsLabelEXT, label_info)) end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `queue::Queue` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueEndDebugUtilsLabelEXT.html) """ function queue_end_debug_utils_label_ext(queue) _queue_end_debug_utils_label_ext(queue) end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `queue::Queue` - `label_info::DebugUtilsLabelEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueInsertDebugUtilsLabelEXT.html) """ function queue_insert_debug_utils_label_ext(queue, label_info::DebugUtilsLabelEXT) _queue_insert_debug_utils_label_ext(queue, convert(_DebugUtilsLabelEXT, label_info)) end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `command_buffer::CommandBuffer` (externsync) - `label_info::DebugUtilsLabelEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginDebugUtilsLabelEXT.html) """ function cmd_begin_debug_utils_label_ext(command_buffer, label_info::DebugUtilsLabelEXT) _cmd_begin_debug_utils_label_ext(command_buffer, convert(_DebugUtilsLabelEXT, label_info)) end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndDebugUtilsLabelEXT.html) """ function cmd_end_debug_utils_label_ext(command_buffer) _cmd_end_debug_utils_label_ext(command_buffer) end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `command_buffer::CommandBuffer` (externsync) - `label_info::DebugUtilsLabelEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdInsertDebugUtilsLabelEXT.html) """ function cmd_insert_debug_utils_label_ext(command_buffer, label_info::DebugUtilsLabelEXT) _cmd_insert_debug_utils_label_ext(command_buffer, convert(_DebugUtilsLabelEXT, label_info)) end """ Extension: VK\\_EXT\\_debug\\_utils Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `instance::Instance` - `create_info::DebugUtilsMessengerCreateInfoEXT` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDebugUtilsMessengerEXT.html) """ function create_debug_utils_messenger_ext(instance, create_info::DebugUtilsMessengerCreateInfoEXT; allocator = C_NULL)::ResultTypes.Result{DebugUtilsMessengerEXT, VulkanError} val = @propagate_errors(_create_debug_utils_messenger_ext(instance, convert(_DebugUtilsMessengerCreateInfoEXT, create_info); allocator)) val end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `instance::Instance` - `messenger::DebugUtilsMessengerEXT` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDebugUtilsMessengerEXT.html) """ function destroy_debug_utils_messenger_ext(instance, messenger; allocator = C_NULL) _destroy_debug_utils_messenger_ext(instance, messenger; allocator) end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `instance::Instance` - `message_severity::DebugUtilsMessageSeverityFlagEXT` - `message_types::DebugUtilsMessageTypeFlagEXT` - `callback_data::DebugUtilsMessengerCallbackDataEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSubmitDebugUtilsMessageEXT.html) """ function submit_debug_utils_message_ext(instance, message_severity::DebugUtilsMessageSeverityFlagEXT, message_types::DebugUtilsMessageTypeFlagEXT, callback_data::DebugUtilsMessengerCallbackDataEXT) _submit_debug_utils_message_ext(instance, message_severity, message_types, convert(_DebugUtilsMessengerCallbackDataEXT, callback_data)) end """ Extension: VK\\_EXT\\_external\\_memory\\_host Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` Arguments: - `device::Device` - `handle_type::ExternalMemoryHandleTypeFlag` - `host_pointer::Ptr{Cvoid}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetMemoryHostPointerPropertiesEXT.html) """ function get_memory_host_pointer_properties_ext(device, handle_type::ExternalMemoryHandleTypeFlag, host_pointer::Ptr{Cvoid})::ResultTypes.Result{MemoryHostPointerPropertiesEXT, VulkanError} val = @propagate_errors(_get_memory_host_pointer_properties_ext(device, handle_type, host_pointer)) MemoryHostPointerPropertiesEXT(val) end """ Extension: VK\\_AMD\\_buffer\\_marker Arguments: - `command_buffer::CommandBuffer` (externsync) - `dst_buffer::Buffer` - `dst_offset::UInt64` - `marker::UInt32` - `pipeline_stage::PipelineStageFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteBufferMarkerAMD.html) """ function cmd_write_buffer_marker_amd(command_buffer, dst_buffer, dst_offset::Integer, marker::Integer; pipeline_stage = 0) _cmd_write_buffer_marker_amd(command_buffer, dst_buffer, dst_offset, marker; pipeline_stage) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::RenderPassCreateInfo2` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRenderPass2.html) """ function create_render_pass_2(device, create_info::RenderPassCreateInfo2; allocator = C_NULL)::ResultTypes.Result{RenderPass, VulkanError} val = @propagate_errors(_create_render_pass_2(device, convert(_RenderPassCreateInfo2, create_info); allocator)) val end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `render_pass_begin::RenderPassBeginInfo` - `subpass_begin_info::SubpassBeginInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginRenderPass2.html) """ function cmd_begin_render_pass_2(command_buffer, render_pass_begin::RenderPassBeginInfo, subpass_begin_info::SubpassBeginInfo) _cmd_begin_render_pass_2(command_buffer, convert(_RenderPassBeginInfo, render_pass_begin), convert(_SubpassBeginInfo, subpass_begin_info)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `subpass_begin_info::SubpassBeginInfo` - `subpass_end_info::SubpassEndInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdNextSubpass2.html) """ function cmd_next_subpass_2(command_buffer, subpass_begin_info::SubpassBeginInfo, subpass_end_info::SubpassEndInfo) _cmd_next_subpass_2(command_buffer, convert(_SubpassBeginInfo, subpass_begin_info), convert(_SubpassEndInfo, subpass_end_info)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `subpass_end_info::SubpassEndInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndRenderPass2.html) """ function cmd_end_render_pass_2(command_buffer, subpass_end_info::SubpassEndInfo) _cmd_end_render_pass_2(command_buffer, convert(_SubpassEndInfo, subpass_end_info)) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` - `semaphore::Semaphore` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSemaphoreCounterValue.html) """ function get_semaphore_counter_value(device, semaphore)::ResultTypes.Result{UInt64, VulkanError} val = @propagate_errors(_get_semaphore_counter_value(device, semaphore)) val end """ Return codes: - `SUCCESS` - `TIMEOUT` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` - `wait_info::SemaphoreWaitInfo` - `timeout::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkWaitSemaphores.html) """ function wait_semaphores(device, wait_info::SemaphoreWaitInfo, timeout::Integer)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_wait_semaphores(device, convert(_SemaphoreWaitInfo, wait_info), timeout)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `signal_info::SemaphoreSignalInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSignalSemaphore.html) """ function signal_semaphore(device, signal_info::SemaphoreSignalInfo)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_signal_semaphore(device, convert(_SemaphoreSignalInfo, signal_info))) val end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `count_buffer::Buffer` - `count_buffer_offset::UInt64` - `max_draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawIndirectCount.html) """ function cmd_draw_indirect_count(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer) _cmd_draw_indirect_count(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `count_buffer::Buffer` - `count_buffer_offset::UInt64` - `max_draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawIndexedIndirectCount.html) """ function cmd_draw_indexed_indirect_count(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer) _cmd_draw_indexed_indirect_count(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride) end """ Extension: VK\\_NV\\_device\\_diagnostic\\_checkpoints Arguments: - `command_buffer::CommandBuffer` (externsync) - `checkpoint_marker::Ptr{Cvoid}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCheckpointNV.html) """ function cmd_set_checkpoint_nv(command_buffer, checkpoint_marker::Ptr{Cvoid}) _cmd_set_checkpoint_nv(command_buffer, checkpoint_marker) end """ Extension: VK\\_NV\\_device\\_diagnostic\\_checkpoints Arguments: - `queue::Queue` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetQueueCheckpointDataNV.html) """ function get_queue_checkpoint_data_nv(queue) CheckpointDataNV.(_get_queue_checkpoint_data_nv(queue)) end """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffers::Vector{Buffer}` - `offsets::Vector{UInt64}` - `sizes::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindTransformFeedbackBuffersEXT.html) """ function cmd_bind_transform_feedback_buffers_ext(command_buffer, buffers::AbstractArray, offsets::AbstractArray; sizes = C_NULL) _cmd_bind_transform_feedback_buffers_ext(command_buffer, buffers, offsets; sizes) end """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `command_buffer::CommandBuffer` (externsync) - `counter_buffers::Vector{Buffer}` - `counter_buffer_offsets::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginTransformFeedbackEXT.html) """ function cmd_begin_transform_feedback_ext(command_buffer, counter_buffers::AbstractArray; counter_buffer_offsets = C_NULL) _cmd_begin_transform_feedback_ext(command_buffer, counter_buffers; counter_buffer_offsets) end """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `command_buffer::CommandBuffer` (externsync) - `counter_buffers::Vector{Buffer}` - `counter_buffer_offsets::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndTransformFeedbackEXT.html) """ function cmd_end_transform_feedback_ext(command_buffer, counter_buffers::AbstractArray; counter_buffer_offsets = C_NULL) _cmd_end_transform_feedback_ext(command_buffer, counter_buffers; counter_buffer_offsets) end """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `query::UInt32` - `index::UInt32` - `flags::QueryControlFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginQueryIndexedEXT.html) """ function cmd_begin_query_indexed_ext(command_buffer, query_pool, query::Integer, index::Integer; flags = 0) _cmd_begin_query_indexed_ext(command_buffer, query_pool, query, index; flags) end """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `query::UInt32` - `index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndQueryIndexedEXT.html) """ function cmd_end_query_indexed_ext(command_buffer, query_pool, query::Integer, index::Integer) _cmd_end_query_indexed_ext(command_buffer, query_pool, query, index) end """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `command_buffer::CommandBuffer` (externsync) - `instance_count::UInt32` - `first_instance::UInt32` - `counter_buffer::Buffer` - `counter_buffer_offset::UInt64` - `counter_offset::UInt32` - `vertex_stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawIndirectByteCountEXT.html) """ function cmd_draw_indirect_byte_count_ext(command_buffer, instance_count::Integer, first_instance::Integer, counter_buffer, counter_buffer_offset::Integer, counter_offset::Integer, vertex_stride::Integer) _cmd_draw_indirect_byte_count_ext(command_buffer, instance_count, first_instance, counter_buffer, counter_buffer_offset, counter_offset, vertex_stride) end """ Extension: VK\\_NV\\_scissor\\_exclusive Arguments: - `command_buffer::CommandBuffer` (externsync) - `exclusive_scissors::Vector{Rect2D}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetExclusiveScissorNV.html) """ function cmd_set_exclusive_scissor_nv(command_buffer, exclusive_scissors::AbstractArray) _cmd_set_exclusive_scissor_nv(command_buffer, convert(AbstractArray{_Rect2D}, exclusive_scissors)) end """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `command_buffer::CommandBuffer` (externsync) - `image_layout::ImageLayout` - `image_view::ImageView`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindShadingRateImageNV.html) """ function cmd_bind_shading_rate_image_nv(command_buffer, image_layout::ImageLayout; image_view = C_NULL) _cmd_bind_shading_rate_image_nv(command_buffer, image_layout; image_view) end """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `command_buffer::CommandBuffer` (externsync) - `shading_rate_palettes::Vector{ShadingRatePaletteNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetViewportShadingRatePaletteNV.html) """ function cmd_set_viewport_shading_rate_palette_nv(command_buffer, shading_rate_palettes::AbstractArray) _cmd_set_viewport_shading_rate_palette_nv(command_buffer, convert(AbstractArray{_ShadingRatePaletteNV}, shading_rate_palettes)) end """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `command_buffer::CommandBuffer` (externsync) - `sample_order_type::CoarseSampleOrderTypeNV` - `custom_sample_orders::Vector{CoarseSampleOrderCustomNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoarseSampleOrderNV.html) """ function cmd_set_coarse_sample_order_nv(command_buffer, sample_order_type::CoarseSampleOrderTypeNV, custom_sample_orders::AbstractArray) _cmd_set_coarse_sample_order_nv(command_buffer, sample_order_type, convert(AbstractArray{_CoarseSampleOrderCustomNV}, custom_sample_orders)) end """ Extension: VK\\_NV\\_mesh\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `task_count::UInt32` - `first_task::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMeshTasksNV.html) """ function cmd_draw_mesh_tasks_nv(command_buffer, task_count::Integer, first_task::Integer) _cmd_draw_mesh_tasks_nv(command_buffer, task_count, first_task) end """ Extension: VK\\_NV\\_mesh\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMeshTasksIndirectNV.html) """ function cmd_draw_mesh_tasks_indirect_nv(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer) _cmd_draw_mesh_tasks_indirect_nv(command_buffer, buffer, offset, draw_count, stride) end """ Extension: VK\\_NV\\_mesh\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `count_buffer::Buffer` - `count_buffer_offset::UInt64` - `max_draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMeshTasksIndirectCountNV.html) """ function cmd_draw_mesh_tasks_indirect_count_nv(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer) _cmd_draw_mesh_tasks_indirect_count_nv(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride) end """ Extension: VK\\_EXT\\_mesh\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `group_count_x::UInt32` - `group_count_y::UInt32` - `group_count_z::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMeshTasksEXT.html) """ function cmd_draw_mesh_tasks_ext(command_buffer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer) _cmd_draw_mesh_tasks_ext(command_buffer, group_count_x, group_count_y, group_count_z) end """ Extension: VK\\_EXT\\_mesh\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMeshTasksIndirectEXT.html) """ function cmd_draw_mesh_tasks_indirect_ext(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer) _cmd_draw_mesh_tasks_indirect_ext(command_buffer, buffer, offset, draw_count, stride) end """ Extension: VK\\_EXT\\_mesh\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `count_buffer::Buffer` - `count_buffer_offset::UInt64` - `max_draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMeshTasksIndirectCountEXT.html) """ function cmd_draw_mesh_tasks_indirect_count_ext(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer) _cmd_draw_mesh_tasks_indirect_count_ext(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride) end """ Extension: VK\\_NV\\_ray\\_tracing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `pipeline::Pipeline` - `shader::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCompileDeferredNV.html) """ function compile_deferred_nv(device, pipeline, shader::Integer)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_compile_deferred_nv(device, pipeline, shader)) val end """ Extension: VK\\_NV\\_ray\\_tracing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `create_info::AccelerationStructureCreateInfoNV` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateAccelerationStructureNV.html) """ function create_acceleration_structure_nv(device, create_info::AccelerationStructureCreateInfoNV; allocator = C_NULL)::ResultTypes.Result{AccelerationStructureNV, VulkanError} val = @propagate_errors(_create_acceleration_structure_nv(device, convert(_AccelerationStructureCreateInfoNV, create_info); allocator)) val end """ Extension: VK\\_HUAWEI\\_invocation\\_mask Arguments: - `command_buffer::CommandBuffer` (externsync) - `image_layout::ImageLayout` - `image_view::ImageView`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindInvocationMaskHUAWEI.html) """ function cmd_bind_invocation_mask_huawei(command_buffer, image_layout::ImageLayout; image_view = C_NULL) _cmd_bind_invocation_mask_huawei(command_buffer, image_layout; image_view) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `device::Device` - `acceleration_structure::AccelerationStructureKHR` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyAccelerationStructureKHR.html) """ function destroy_acceleration_structure_khr(device, acceleration_structure; allocator = C_NULL) _destroy_acceleration_structure_khr(device, acceleration_structure; allocator) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `device::Device` - `acceleration_structure::AccelerationStructureNV` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyAccelerationStructureNV.html) """ function destroy_acceleration_structure_nv(device, acceleration_structure; allocator = C_NULL) _destroy_acceleration_structure_nv(device, acceleration_structure; allocator) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `device::Device` - `info::AccelerationStructureMemoryRequirementsInfoNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetAccelerationStructureMemoryRequirementsNV.html) """ function get_acceleration_structure_memory_requirements_nv(device, info::AccelerationStructureMemoryRequirementsInfoNV) _get_acceleration_structure_memory_requirements_nv(device, convert(_AccelerationStructureMemoryRequirementsInfoNV, info)) end """ Extension: VK\\_NV\\_ray\\_tracing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `bind_infos::Vector{BindAccelerationStructureMemoryInfoNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindAccelerationStructureMemoryNV.html) """ function bind_acceleration_structure_memory_nv(device, bind_infos::AbstractArray)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_acceleration_structure_memory_nv(device, convert(AbstractArray{_BindAccelerationStructureMemoryInfoNV}, bind_infos))) val end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `command_buffer::CommandBuffer` (externsync) - `dst::AccelerationStructureNV` - `src::AccelerationStructureNV` - `mode::CopyAccelerationStructureModeKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyAccelerationStructureNV.html) """ function cmd_copy_acceleration_structure_nv(command_buffer, dst, src, mode::CopyAccelerationStructureModeKHR) _cmd_copy_acceleration_structure_nv(command_buffer, dst, src, mode) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::CopyAccelerationStructureInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyAccelerationStructureKHR.html) """ function cmd_copy_acceleration_structure_khr(command_buffer, info::CopyAccelerationStructureInfoKHR) _cmd_copy_acceleration_structure_khr(command_buffer, convert(_CopyAccelerationStructureInfoKHR, info)) end """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::CopyAccelerationStructureInfoKHR` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCopyAccelerationStructureKHR.html) """ function copy_acceleration_structure_khr(device, info::CopyAccelerationStructureInfoKHR; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_copy_acceleration_structure_khr(device, convert(_CopyAccelerationStructureInfoKHR, info); deferred_operation)) val end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::CopyAccelerationStructureToMemoryInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyAccelerationStructureToMemoryKHR.html) """ function cmd_copy_acceleration_structure_to_memory_khr(command_buffer, info::CopyAccelerationStructureToMemoryInfoKHR) _cmd_copy_acceleration_structure_to_memory_khr(command_buffer, convert(_CopyAccelerationStructureToMemoryInfoKHR, info)) end """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::CopyAccelerationStructureToMemoryInfoKHR` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCopyAccelerationStructureToMemoryKHR.html) """ function copy_acceleration_structure_to_memory_khr(device, info::CopyAccelerationStructureToMemoryInfoKHR; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_copy_acceleration_structure_to_memory_khr(device, convert(_CopyAccelerationStructureToMemoryInfoKHR, info); deferred_operation)) val end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::CopyMemoryToAccelerationStructureInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyMemoryToAccelerationStructureKHR.html) """ function cmd_copy_memory_to_acceleration_structure_khr(command_buffer, info::CopyMemoryToAccelerationStructureInfoKHR) _cmd_copy_memory_to_acceleration_structure_khr(command_buffer, convert(_CopyMemoryToAccelerationStructureInfoKHR, info)) end """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::CopyMemoryToAccelerationStructureInfoKHR` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCopyMemoryToAccelerationStructureKHR.html) """ function copy_memory_to_acceleration_structure_khr(device, info::CopyMemoryToAccelerationStructureInfoKHR; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_copy_memory_to_acceleration_structure_khr(device, convert(_CopyMemoryToAccelerationStructureInfoKHR, info); deferred_operation)) val end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `command_buffer::CommandBuffer` (externsync) - `acceleration_structures::Vector{AccelerationStructureKHR}` - `query_type::QueryType` - `query_pool::QueryPool` - `first_query::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteAccelerationStructuresPropertiesKHR.html) """ function cmd_write_acceleration_structures_properties_khr(command_buffer, acceleration_structures::AbstractArray, query_type::QueryType, query_pool, first_query::Integer) _cmd_write_acceleration_structures_properties_khr(command_buffer, acceleration_structures, query_type, query_pool, first_query) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `command_buffer::CommandBuffer` (externsync) - `acceleration_structures::Vector{AccelerationStructureNV}` - `query_type::QueryType` - `query_pool::QueryPool` - `first_query::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteAccelerationStructuresPropertiesNV.html) """ function cmd_write_acceleration_structures_properties_nv(command_buffer, acceleration_structures::AbstractArray, query_type::QueryType, query_pool, first_query::Integer) _cmd_write_acceleration_structures_properties_nv(command_buffer, acceleration_structures, query_type, query_pool, first_query) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::AccelerationStructureInfoNV` - `instance_offset::UInt64` - `update::Bool` - `dst::AccelerationStructureNV` - `scratch::Buffer` - `scratch_offset::UInt64` - `instance_data::Buffer`: defaults to `C_NULL` - `src::AccelerationStructureNV`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBuildAccelerationStructureNV.html) """ function cmd_build_acceleration_structure_nv(command_buffer, info::AccelerationStructureInfoNV, instance_offset::Integer, update::Bool, dst, scratch, scratch_offset::Integer; instance_data = C_NULL, src = C_NULL) _cmd_build_acceleration_structure_nv(command_buffer, convert(_AccelerationStructureInfoNV, info), instance_offset, update, dst, scratch, scratch_offset; instance_data, src) end """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `acceleration_structures::Vector{AccelerationStructureKHR}` - `query_type::QueryType` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) - `stride::UInt` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkWriteAccelerationStructuresPropertiesKHR.html) """ function write_acceleration_structures_properties_khr(device, acceleration_structures::AbstractArray, query_type::QueryType, data_size::Integer, data::Ptr{Cvoid}, stride::Integer)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_write_acceleration_structures_properties_khr(device, acceleration_structures, query_type, data_size, data, stride)) val end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `command_buffer::CommandBuffer` (externsync) - `raygen_shader_binding_table::StridedDeviceAddressRegionKHR` - `miss_shader_binding_table::StridedDeviceAddressRegionKHR` - `hit_shader_binding_table::StridedDeviceAddressRegionKHR` - `callable_shader_binding_table::StridedDeviceAddressRegionKHR` - `width::UInt32` - `height::UInt32` - `depth::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdTraceRaysKHR.html) """ function cmd_trace_rays_khr(command_buffer, raygen_shader_binding_table::StridedDeviceAddressRegionKHR, miss_shader_binding_table::StridedDeviceAddressRegionKHR, hit_shader_binding_table::StridedDeviceAddressRegionKHR, callable_shader_binding_table::StridedDeviceAddressRegionKHR, width::Integer, height::Integer, depth::Integer) _cmd_trace_rays_khr(command_buffer, convert(_StridedDeviceAddressRegionKHR, raygen_shader_binding_table), convert(_StridedDeviceAddressRegionKHR, miss_shader_binding_table), convert(_StridedDeviceAddressRegionKHR, hit_shader_binding_table), convert(_StridedDeviceAddressRegionKHR, callable_shader_binding_table), width, height, depth) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `command_buffer::CommandBuffer` (externsync) - `raygen_shader_binding_table_buffer::Buffer` - `raygen_shader_binding_offset::UInt64` - `miss_shader_binding_offset::UInt64` - `miss_shader_binding_stride::UInt64` - `hit_shader_binding_offset::UInt64` - `hit_shader_binding_stride::UInt64` - `callable_shader_binding_offset::UInt64` - `callable_shader_binding_stride::UInt64` - `width::UInt32` - `height::UInt32` - `depth::UInt32` - `miss_shader_binding_table_buffer::Buffer`: defaults to `C_NULL` - `hit_shader_binding_table_buffer::Buffer`: defaults to `C_NULL` - `callable_shader_binding_table_buffer::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdTraceRaysNV.html) """ function cmd_trace_rays_nv(command_buffer, raygen_shader_binding_table_buffer, raygen_shader_binding_offset::Integer, miss_shader_binding_offset::Integer, miss_shader_binding_stride::Integer, hit_shader_binding_offset::Integer, hit_shader_binding_stride::Integer, callable_shader_binding_offset::Integer, callable_shader_binding_stride::Integer, width::Integer, height::Integer, depth::Integer; miss_shader_binding_table_buffer = C_NULL, hit_shader_binding_table_buffer = C_NULL, callable_shader_binding_table_buffer = C_NULL) _cmd_trace_rays_nv(command_buffer, raygen_shader_binding_table_buffer, raygen_shader_binding_offset, miss_shader_binding_offset, miss_shader_binding_stride, hit_shader_binding_offset, hit_shader_binding_stride, callable_shader_binding_offset, callable_shader_binding_stride, width, height, depth; miss_shader_binding_table_buffer, hit_shader_binding_table_buffer, callable_shader_binding_table_buffer) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `pipeline::Pipeline` - `first_group::UInt32` - `group_count::UInt32` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetRayTracingShaderGroupHandlesKHR.html) """ function get_ray_tracing_shader_group_handles_khr(device, pipeline, first_group::Integer, group_count::Integer, data_size::Integer, data::Ptr{Cvoid})::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_ray_tracing_shader_group_handles_khr(device, pipeline, first_group, group_count, data_size, data)) val end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `pipeline::Pipeline` - `first_group::UInt32` - `group_count::UInt32` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetRayTracingCaptureReplayShaderGroupHandlesKHR.html) """ function get_ray_tracing_capture_replay_shader_group_handles_khr(device, pipeline, first_group::Integer, group_count::Integer, data_size::Integer, data::Ptr{Cvoid})::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_ray_tracing_capture_replay_shader_group_handles_khr(device, pipeline, first_group, group_count, data_size, data)) val end """ Extension: VK\\_NV\\_ray\\_tracing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `acceleration_structure::AccelerationStructureNV` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetAccelerationStructureHandleNV.html) """ function get_acceleration_structure_handle_nv(device, acceleration_structure, data_size::Integer, data::Ptr{Cvoid})::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_acceleration_structure_handle_nv(device, acceleration_structure, data_size, data)) val end """ Extension: VK\\_NV\\_ray\\_tracing Return codes: - `SUCCESS` - `PIPELINE_COMPILE_REQUIRED_EXT` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_SHADER_NV` Arguments: - `device::Device` - `create_infos::Vector{RayTracingPipelineCreateInfoNV}` - `pipeline_cache::PipelineCache`: defaults to `C_NULL` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRayTracingPipelinesNV.html) """ function create_ray_tracing_pipelines_nv(device, create_infos::AbstractArray; pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} val = @propagate_errors(_create_ray_tracing_pipelines_nv(device, convert(AbstractArray{_RayTracingPipelineCreateInfoNV}, create_infos); pipeline_cache, allocator)) val end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `PIPELINE_COMPILE_REQUIRED_EXT` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS` Arguments: - `device::Device` - `create_infos::Vector{RayTracingPipelineCreateInfoKHR}` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` - `pipeline_cache::PipelineCache`: defaults to `C_NULL` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRayTracingPipelinesKHR.html) """ function create_ray_tracing_pipelines_khr(device, create_infos::AbstractArray; deferred_operation = C_NULL, pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} val = @propagate_errors(_create_ray_tracing_pipelines_khr(device, convert(AbstractArray{_RayTracingPipelineCreateInfoKHR}, create_infos); deferred_operation, pipeline_cache, allocator)) val end """ Extension: VK\\_NV\\_cooperative\\_matrix Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceCooperativeMatrixPropertiesNV.html) """ function get_physical_device_cooperative_matrix_properties_nv(physical_device)::ResultTypes.Result{Vector{CooperativeMatrixPropertiesNV}, VulkanError} val = @propagate_errors(_get_physical_device_cooperative_matrix_properties_nv(physical_device)) CooperativeMatrixPropertiesNV.(val) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `command_buffer::CommandBuffer` (externsync) - `raygen_shader_binding_table::StridedDeviceAddressRegionKHR` - `miss_shader_binding_table::StridedDeviceAddressRegionKHR` - `hit_shader_binding_table::StridedDeviceAddressRegionKHR` - `callable_shader_binding_table::StridedDeviceAddressRegionKHR` - `indirect_device_address::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdTraceRaysIndirectKHR.html) """ function cmd_trace_rays_indirect_khr(command_buffer, raygen_shader_binding_table::StridedDeviceAddressRegionKHR, miss_shader_binding_table::StridedDeviceAddressRegionKHR, hit_shader_binding_table::StridedDeviceAddressRegionKHR, callable_shader_binding_table::StridedDeviceAddressRegionKHR, indirect_device_address::Integer) _cmd_trace_rays_indirect_khr(command_buffer, convert(_StridedDeviceAddressRegionKHR, raygen_shader_binding_table), convert(_StridedDeviceAddressRegionKHR, miss_shader_binding_table), convert(_StridedDeviceAddressRegionKHR, hit_shader_binding_table), convert(_StridedDeviceAddressRegionKHR, callable_shader_binding_table), indirect_device_address) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_maintenance1 Arguments: - `command_buffer::CommandBuffer` (externsync) - `indirect_device_address::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdTraceRaysIndirect2KHR.html) """ function cmd_trace_rays_indirect_2_khr(command_buffer, indirect_device_address::Integer) _cmd_trace_rays_indirect_2_khr(command_buffer, indirect_device_address) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `device::Device` - `version_info::AccelerationStructureVersionInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceAccelerationStructureCompatibilityKHR.html) """ function get_device_acceleration_structure_compatibility_khr(device, version_info::AccelerationStructureVersionInfoKHR) _get_device_acceleration_structure_compatibility_khr(device, convert(_AccelerationStructureVersionInfoKHR, version_info)) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `device::Device` - `pipeline::Pipeline` - `group::UInt32` - `group_shader::ShaderGroupShaderKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetRayTracingShaderGroupStackSizeKHR.html) """ function get_ray_tracing_shader_group_stack_size_khr(device, pipeline, group::Integer, group_shader::ShaderGroupShaderKHR) _get_ray_tracing_shader_group_stack_size_khr(device, pipeline, group, group_shader) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_stack_size::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetRayTracingPipelineStackSizeKHR.html) """ function cmd_set_ray_tracing_pipeline_stack_size_khr(command_buffer, pipeline_stack_size::Integer) _cmd_set_ray_tracing_pipeline_stack_size_khr(command_buffer, pipeline_stack_size) end """ Extension: VK\\_NVX\\_image\\_view\\_handle Arguments: - `device::Device` - `info::ImageViewHandleInfoNVX` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageViewHandleNVX.html) """ function get_image_view_handle_nvx(device, info::ImageViewHandleInfoNVX) _get_image_view_handle_nvx(device, convert(_ImageViewHandleInfoNVX, info)) end """ Extension: VK\\_NVX\\_image\\_view\\_handle Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_UNKNOWN` Arguments: - `device::Device` - `image_view::ImageView` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageViewAddressNVX.html) """ function get_image_view_address_nvx(device, image_view)::ResultTypes.Result{ImageViewAddressPropertiesNVX, VulkanError} val = @propagate_errors(_get_image_view_address_nvx(device, image_view)) ImageViewAddressPropertiesNVX(val) end """ Extension: VK\\_KHR\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `physical_device::PhysicalDevice` - `queue_family_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumeratePhysicalDeviceQueueFamilyPerformanceQueryCountersKHR.html) """ function enumerate_physical_device_queue_family_performance_query_counters_khr(physical_device, queue_family_index::Integer)::ResultTypes.Result{Tuple{Vector{_PerformanceCounterKHR}, Vector{_PerformanceCounterDescriptionKHR}}, VulkanError} val = @propagate_errors(_enumerate_physical_device_queue_family_performance_query_counters_khr(physical_device, queue_family_index)) val end """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `physical_device::PhysicalDevice` - `performance_query_create_info::QueryPoolPerformanceCreateInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceQueueFamilyPerformanceQueryPassesKHR.html) """ function get_physical_device_queue_family_performance_query_passes_khr(physical_device, performance_query_create_info::QueryPoolPerformanceCreateInfoKHR) _get_physical_device_queue_family_performance_query_passes_khr(physical_device, convert(_QueryPoolPerformanceCreateInfoKHR, performance_query_create_info)) end """ Extension: VK\\_KHR\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `TIMEOUT` Arguments: - `device::Device` - `info::AcquireProfilingLockInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAcquireProfilingLockKHR.html) """ function acquire_profiling_lock_khr(device, info::AcquireProfilingLockInfoKHR)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_acquire_profiling_lock_khr(device, convert(_AcquireProfilingLockInfoKHR, info))) val end """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `device::Device` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkReleaseProfilingLockKHR.html) """ function release_profiling_lock_khr(device) _release_profiling_lock_khr(device) end """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `image::Image` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageDrmFormatModifierPropertiesEXT.html) """ function get_image_drm_format_modifier_properties_ext(device, image)::ResultTypes.Result{ImageDrmFormatModifierPropertiesEXT, VulkanError} val = @propagate_errors(_get_image_drm_format_modifier_properties_ext(device, image)) ImageDrmFormatModifierPropertiesEXT(val) end """ Arguments: - `device::Device` - `info::BufferDeviceAddressInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetBufferOpaqueCaptureAddress.html) """ function get_buffer_opaque_capture_address(device, info::BufferDeviceAddressInfo) _get_buffer_opaque_capture_address(device, convert(_BufferDeviceAddressInfo, info)) end """ Arguments: - `device::Device` - `info::BufferDeviceAddressInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetBufferDeviceAddress.html) """ function get_buffer_device_address(device, info::BufferDeviceAddressInfo) _get_buffer_device_address(device, convert(_BufferDeviceAddressInfo, info)) end """ Extension: VK\\_EXT\\_headless\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `create_info::HeadlessSurfaceCreateInfoEXT` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateHeadlessSurfaceEXT.html) """ function create_headless_surface_ext(instance, create_info::HeadlessSurfaceCreateInfoEXT; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_headless_surface_ext(instance, convert(_HeadlessSurfaceCreateInfoEXT, create_info); allocator)) val end """ Extension: VK\\_NV\\_coverage\\_reduction\\_mode Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSupportedFramebufferMixedSamplesCombinationsNV.html) """ function get_physical_device_supported_framebuffer_mixed_samples_combinations_nv(physical_device)::ResultTypes.Result{Vector{FramebufferMixedSamplesCombinationNV}, VulkanError} val = @propagate_errors(_get_physical_device_supported_framebuffer_mixed_samples_combinations_nv(physical_device)) FramebufferMixedSamplesCombinationNV.(val) end """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `initialize_info::InitializePerformanceApiInfoINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkInitializePerformanceApiINTEL.html) """ function initialize_performance_api_intel(device, initialize_info::InitializePerformanceApiInfoINTEL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_initialize_performance_api_intel(device, convert(_InitializePerformanceApiInfoINTEL, initialize_info))) val end """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `device::Device` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkUninitializePerformanceApiINTEL.html) """ function uninitialize_performance_api_intel(device) _uninitialize_performance_api_intel(device) end """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `command_buffer::CommandBuffer` (externsync) - `marker_info::PerformanceMarkerInfoINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPerformanceMarkerINTEL.html) """ function cmd_set_performance_marker_intel(command_buffer, marker_info::PerformanceMarkerInfoINTEL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_cmd_set_performance_marker_intel(command_buffer, convert(_PerformanceMarkerInfoINTEL, marker_info))) val end """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `command_buffer::CommandBuffer` (externsync) - `marker_info::PerformanceStreamMarkerInfoINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPerformanceStreamMarkerINTEL.html) """ function cmd_set_performance_stream_marker_intel(command_buffer, marker_info::PerformanceStreamMarkerInfoINTEL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_cmd_set_performance_stream_marker_intel(command_buffer, convert(_PerformanceStreamMarkerInfoINTEL, marker_info))) val end """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `command_buffer::CommandBuffer` (externsync) - `override_info::PerformanceOverrideInfoINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPerformanceOverrideINTEL.html) """ function cmd_set_performance_override_intel(command_buffer, override_info::PerformanceOverrideInfoINTEL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_cmd_set_performance_override_intel(command_buffer, convert(_PerformanceOverrideInfoINTEL, override_info))) val end """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `acquire_info::PerformanceConfigurationAcquireInfoINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAcquirePerformanceConfigurationINTEL.html) """ function acquire_performance_configuration_intel(device, acquire_info::PerformanceConfigurationAcquireInfoINTEL)::ResultTypes.Result{PerformanceConfigurationINTEL, VulkanError} val = @propagate_errors(_acquire_performance_configuration_intel(device, convert(_PerformanceConfigurationAcquireInfoINTEL, acquire_info))) val end """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `configuration::PerformanceConfigurationINTEL`: defaults to `C_NULL` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkReleasePerformanceConfigurationINTEL.html) """ function release_performance_configuration_intel(device; configuration = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_release_performance_configuration_intel(device; configuration)) val end """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `queue::Queue` - `configuration::PerformanceConfigurationINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueSetPerformanceConfigurationINTEL.html) """ function queue_set_performance_configuration_intel(queue, configuration)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_queue_set_performance_configuration_intel(queue, configuration)) val end """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `parameter::PerformanceParameterTypeINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPerformanceParameterINTEL.html) """ function get_performance_parameter_intel(device, parameter::PerformanceParameterTypeINTEL)::ResultTypes.Result{PerformanceValueINTEL, VulkanError} val = @propagate_errors(_get_performance_parameter_intel(device, parameter)) PerformanceValueINTEL(val) end """ Arguments: - `device::Device` - `info::DeviceMemoryOpaqueCaptureAddressInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceMemoryOpaqueCaptureAddress.html) """ function get_device_memory_opaque_capture_address(device, info::DeviceMemoryOpaqueCaptureAddressInfo) _get_device_memory_opaque_capture_address(device, convert(_DeviceMemoryOpaqueCaptureAddressInfo, info)) end """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `pipeline_info::PipelineInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPipelineExecutablePropertiesKHR.html) """ function get_pipeline_executable_properties_khr(device, pipeline_info::PipelineInfoKHR)::ResultTypes.Result{Vector{PipelineExecutablePropertiesKHR}, VulkanError} val = @propagate_errors(_get_pipeline_executable_properties_khr(device, convert(_PipelineInfoKHR, pipeline_info))) PipelineExecutablePropertiesKHR.(val) end """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `executable_info::PipelineExecutableInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPipelineExecutableStatisticsKHR.html) """ function get_pipeline_executable_statistics_khr(device, executable_info::PipelineExecutableInfoKHR)::ResultTypes.Result{Vector{PipelineExecutableStatisticKHR}, VulkanError} val = @propagate_errors(_get_pipeline_executable_statistics_khr(device, convert(_PipelineExecutableInfoKHR, executable_info))) PipelineExecutableStatisticKHR.(val) end """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `executable_info::PipelineExecutableInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPipelineExecutableInternalRepresentationsKHR.html) """ function get_pipeline_executable_internal_representations_khr(device, executable_info::PipelineExecutableInfoKHR)::ResultTypes.Result{Vector{PipelineExecutableInternalRepresentationKHR}, VulkanError} val = @propagate_errors(_get_pipeline_executable_internal_representations_khr(device, convert(_PipelineExecutableInfoKHR, executable_info))) PipelineExecutableInternalRepresentationKHR.(val) end """ Extension: VK\\_EXT\\_line\\_rasterization Arguments: - `command_buffer::CommandBuffer` (externsync) - `line_stipple_factor::UInt32` - `line_stipple_pattern::UInt16` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetLineStippleEXT.html) """ function cmd_set_line_stipple_ext(command_buffer, line_stipple_factor::Integer, line_stipple_pattern::Integer) _cmd_set_line_stipple_ext(command_buffer, line_stipple_factor, line_stipple_pattern) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceToolProperties.html) """ function get_physical_device_tool_properties(physical_device)::ResultTypes.Result{Vector{PhysicalDeviceToolProperties}, VulkanError} val = @propagate_errors(_get_physical_device_tool_properties(physical_device)) PhysicalDeviceToolProperties.(val) end """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `create_info::AccelerationStructureCreateInfoKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateAccelerationStructureKHR.html) """ function create_acceleration_structure_khr(device, create_info::AccelerationStructureCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{AccelerationStructureKHR, VulkanError} val = @propagate_errors(_create_acceleration_structure_khr(device, convert(_AccelerationStructureCreateInfoKHR, create_info); allocator)) val end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `command_buffer::CommandBuffer` (externsync) - `infos::Vector{AccelerationStructureBuildGeometryInfoKHR}` - `build_range_infos::Vector{AccelerationStructureBuildRangeInfoKHR}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBuildAccelerationStructuresKHR.html) """ function cmd_build_acceleration_structures_khr(command_buffer, infos::AbstractArray, build_range_infos::AbstractArray) _cmd_build_acceleration_structures_khr(command_buffer, convert(AbstractArray{_AccelerationStructureBuildGeometryInfoKHR}, infos), convert(AbstractArray{_AccelerationStructureBuildRangeInfoKHR}, build_range_infos)) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `command_buffer::CommandBuffer` (externsync) - `infos::Vector{AccelerationStructureBuildGeometryInfoKHR}` - `indirect_device_addresses::Vector{UInt64}` - `indirect_strides::Vector{UInt32}` - `max_primitive_counts::Vector{UInt32}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBuildAccelerationStructuresIndirectKHR.html) """ function cmd_build_acceleration_structures_indirect_khr(command_buffer, infos::AbstractArray, indirect_device_addresses::AbstractArray, indirect_strides::AbstractArray, max_primitive_counts::AbstractArray) _cmd_build_acceleration_structures_indirect_khr(command_buffer, convert(AbstractArray{_AccelerationStructureBuildGeometryInfoKHR}, infos), indirect_device_addresses, indirect_strides, max_primitive_counts) end """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `infos::Vector{AccelerationStructureBuildGeometryInfoKHR}` - `build_range_infos::Vector{AccelerationStructureBuildRangeInfoKHR}` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBuildAccelerationStructuresKHR.html) """ function build_acceleration_structures_khr(device, infos::AbstractArray, build_range_infos::AbstractArray; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_build_acceleration_structures_khr(device, convert(AbstractArray{_AccelerationStructureBuildGeometryInfoKHR}, infos), convert(AbstractArray{_AccelerationStructureBuildRangeInfoKHR}, build_range_infos); deferred_operation)) val end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `device::Device` - `info::AccelerationStructureDeviceAddressInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetAccelerationStructureDeviceAddressKHR.html) """ function get_acceleration_structure_device_address_khr(device, info::AccelerationStructureDeviceAddressInfoKHR) _get_acceleration_structure_device_address_khr(device, convert(_AccelerationStructureDeviceAddressInfoKHR, info)) end """ Extension: VK\\_KHR\\_deferred\\_host\\_operations Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDeferredOperationKHR.html) """ function create_deferred_operation_khr(device; allocator = C_NULL)::ResultTypes.Result{DeferredOperationKHR, VulkanError} val = @propagate_errors(_create_deferred_operation_khr(device; allocator)) val end """ Extension: VK\\_KHR\\_deferred\\_host\\_operations Arguments: - `device::Device` - `operation::DeferredOperationKHR` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDeferredOperationKHR.html) """ function destroy_deferred_operation_khr(device, operation; allocator = C_NULL) _destroy_deferred_operation_khr(device, operation; allocator) end """ Extension: VK\\_KHR\\_deferred\\_host\\_operations Arguments: - `device::Device` - `operation::DeferredOperationKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeferredOperationMaxConcurrencyKHR.html) """ function get_deferred_operation_max_concurrency_khr(device, operation) _get_deferred_operation_max_concurrency_khr(device, operation) end """ Extension: VK\\_KHR\\_deferred\\_host\\_operations Return codes: - `SUCCESS` - `NOT_READY` Arguments: - `device::Device` - `operation::DeferredOperationKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeferredOperationResultKHR.html) """ function get_deferred_operation_result_khr(device, operation)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_deferred_operation_result_khr(device, operation)) val end """ Extension: VK\\_KHR\\_deferred\\_host\\_operations Return codes: - `SUCCESS` - `THREAD_DONE_KHR` - `THREAD_IDLE_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `operation::DeferredOperationKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDeferredOperationJoinKHR.html) """ function deferred_operation_join_khr(device, operation)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_deferred_operation_join_khr(device, operation)) val end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `cull_mode::CullModeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCullMode.html) """ function cmd_set_cull_mode(command_buffer; cull_mode = 0) _cmd_set_cull_mode(command_buffer; cull_mode) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `front_face::FrontFace` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetFrontFace.html) """ function cmd_set_front_face(command_buffer, front_face::FrontFace) _cmd_set_front_face(command_buffer, front_face) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `primitive_topology::PrimitiveTopology` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPrimitiveTopology.html) """ function cmd_set_primitive_topology(command_buffer, primitive_topology::PrimitiveTopology) _cmd_set_primitive_topology(command_buffer, primitive_topology) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `viewports::Vector{Viewport}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetViewportWithCount.html) """ function cmd_set_viewport_with_count(command_buffer, viewports::AbstractArray) _cmd_set_viewport_with_count(command_buffer, convert(AbstractArray{_Viewport}, viewports)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `scissors::Vector{Rect2D}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetScissorWithCount.html) """ function cmd_set_scissor_with_count(command_buffer, scissors::AbstractArray) _cmd_set_scissor_with_count(command_buffer, convert(AbstractArray{_Rect2D}, scissors)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffers::Vector{Buffer}` - `offsets::Vector{UInt64}` - `sizes::Vector{UInt64}`: defaults to `C_NULL` - `strides::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindVertexBuffers2.html) """ function cmd_bind_vertex_buffers_2(command_buffer, buffers::AbstractArray, offsets::AbstractArray; sizes = C_NULL, strides = C_NULL) _cmd_bind_vertex_buffers_2(command_buffer, buffers, offsets; sizes, strides) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_test_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthTestEnable.html) """ function cmd_set_depth_test_enable(command_buffer, depth_test_enable::Bool) _cmd_set_depth_test_enable(command_buffer, depth_test_enable) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_write_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthWriteEnable.html) """ function cmd_set_depth_write_enable(command_buffer, depth_write_enable::Bool) _cmd_set_depth_write_enable(command_buffer, depth_write_enable) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_compare_op::CompareOp` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthCompareOp.html) """ function cmd_set_depth_compare_op(command_buffer, depth_compare_op::CompareOp) _cmd_set_depth_compare_op(command_buffer, depth_compare_op) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_bounds_test_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthBoundsTestEnable.html) """ function cmd_set_depth_bounds_test_enable(command_buffer, depth_bounds_test_enable::Bool) _cmd_set_depth_bounds_test_enable(command_buffer, depth_bounds_test_enable) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `stencil_test_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetStencilTestEnable.html) """ function cmd_set_stencil_test_enable(command_buffer, stencil_test_enable::Bool) _cmd_set_stencil_test_enable(command_buffer, stencil_test_enable) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `face_mask::StencilFaceFlag` - `fail_op::StencilOp` - `pass_op::StencilOp` - `depth_fail_op::StencilOp` - `compare_op::CompareOp` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetStencilOp.html) """ function cmd_set_stencil_op(command_buffer, face_mask::StencilFaceFlag, fail_op::StencilOp, pass_op::StencilOp, depth_fail_op::StencilOp, compare_op::CompareOp) _cmd_set_stencil_op(command_buffer, face_mask, fail_op, pass_op, depth_fail_op, compare_op) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state2 Arguments: - `command_buffer::CommandBuffer` (externsync) - `patch_control_points::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPatchControlPointsEXT.html) """ function cmd_set_patch_control_points_ext(command_buffer, patch_control_points::Integer) _cmd_set_patch_control_points_ext(command_buffer, patch_control_points) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `rasterizer_discard_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetRasterizerDiscardEnable.html) """ function cmd_set_rasterizer_discard_enable(command_buffer, rasterizer_discard_enable::Bool) _cmd_set_rasterizer_discard_enable(command_buffer, rasterizer_discard_enable) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_bias_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthBiasEnable.html) """ function cmd_set_depth_bias_enable(command_buffer, depth_bias_enable::Bool) _cmd_set_depth_bias_enable(command_buffer, depth_bias_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state2 Arguments: - `command_buffer::CommandBuffer` (externsync) - `logic_op::LogicOp` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetLogicOpEXT.html) """ function cmd_set_logic_op_ext(command_buffer, logic_op::LogicOp) _cmd_set_logic_op_ext(command_buffer, logic_op) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `primitive_restart_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPrimitiveRestartEnable.html) """ function cmd_set_primitive_restart_enable(command_buffer, primitive_restart_enable::Bool) _cmd_set_primitive_restart_enable(command_buffer, primitive_restart_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `domain_origin::TessellationDomainOrigin` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetTessellationDomainOriginEXT.html) """ function cmd_set_tessellation_domain_origin_ext(command_buffer, domain_origin::TessellationDomainOrigin) _cmd_set_tessellation_domain_origin_ext(command_buffer, domain_origin) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_clamp_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthClampEnableEXT.html) """ function cmd_set_depth_clamp_enable_ext(command_buffer, depth_clamp_enable::Bool) _cmd_set_depth_clamp_enable_ext(command_buffer, depth_clamp_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `polygon_mode::PolygonMode` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPolygonModeEXT.html) """ function cmd_set_polygon_mode_ext(command_buffer, polygon_mode::PolygonMode) _cmd_set_polygon_mode_ext(command_buffer, polygon_mode) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `rasterization_samples::SampleCountFlag` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetRasterizationSamplesEXT.html) """ function cmd_set_rasterization_samples_ext(command_buffer, rasterization_samples::SampleCountFlag) _cmd_set_rasterization_samples_ext(command_buffer, rasterization_samples) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `samples::SampleCountFlag` - `sample_mask::Vector{UInt32}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetSampleMaskEXT.html) """ function cmd_set_sample_mask_ext(command_buffer, samples::SampleCountFlag, sample_mask::AbstractArray) _cmd_set_sample_mask_ext(command_buffer, samples, sample_mask) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `alpha_to_coverage_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetAlphaToCoverageEnableEXT.html) """ function cmd_set_alpha_to_coverage_enable_ext(command_buffer, alpha_to_coverage_enable::Bool) _cmd_set_alpha_to_coverage_enable_ext(command_buffer, alpha_to_coverage_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `alpha_to_one_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetAlphaToOneEnableEXT.html) """ function cmd_set_alpha_to_one_enable_ext(command_buffer, alpha_to_one_enable::Bool) _cmd_set_alpha_to_one_enable_ext(command_buffer, alpha_to_one_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `logic_op_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetLogicOpEnableEXT.html) """ function cmd_set_logic_op_enable_ext(command_buffer, logic_op_enable::Bool) _cmd_set_logic_op_enable_ext(command_buffer, logic_op_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `color_blend_enables::Vector{Bool}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetColorBlendEnableEXT.html) """ function cmd_set_color_blend_enable_ext(command_buffer, color_blend_enables::AbstractArray) _cmd_set_color_blend_enable_ext(command_buffer, color_blend_enables) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `color_blend_equations::Vector{ColorBlendEquationEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetColorBlendEquationEXT.html) """ function cmd_set_color_blend_equation_ext(command_buffer, color_blend_equations::AbstractArray) _cmd_set_color_blend_equation_ext(command_buffer, convert(AbstractArray{_ColorBlendEquationEXT}, color_blend_equations)) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `color_write_masks::Vector{ColorComponentFlag}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetColorWriteMaskEXT.html) """ function cmd_set_color_write_mask_ext(command_buffer, color_write_masks::AbstractArray) _cmd_set_color_write_mask_ext(command_buffer, color_write_masks) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `rasterization_stream::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetRasterizationStreamEXT.html) """ function cmd_set_rasterization_stream_ext(command_buffer, rasterization_stream::Integer) _cmd_set_rasterization_stream_ext(command_buffer, rasterization_stream) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `conservative_rasterization_mode::ConservativeRasterizationModeEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetConservativeRasterizationModeEXT.html) """ function cmd_set_conservative_rasterization_mode_ext(command_buffer, conservative_rasterization_mode::ConservativeRasterizationModeEXT) _cmd_set_conservative_rasterization_mode_ext(command_buffer, conservative_rasterization_mode) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `extra_primitive_overestimation_size::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetExtraPrimitiveOverestimationSizeEXT.html) """ function cmd_set_extra_primitive_overestimation_size_ext(command_buffer, extra_primitive_overestimation_size::Real) _cmd_set_extra_primitive_overestimation_size_ext(command_buffer, extra_primitive_overestimation_size) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_clip_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthClipEnableEXT.html) """ function cmd_set_depth_clip_enable_ext(command_buffer, depth_clip_enable::Bool) _cmd_set_depth_clip_enable_ext(command_buffer, depth_clip_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `sample_locations_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetSampleLocationsEnableEXT.html) """ function cmd_set_sample_locations_enable_ext(command_buffer, sample_locations_enable::Bool) _cmd_set_sample_locations_enable_ext(command_buffer, sample_locations_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `color_blend_advanced::Vector{ColorBlendAdvancedEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetColorBlendAdvancedEXT.html) """ function cmd_set_color_blend_advanced_ext(command_buffer, color_blend_advanced::AbstractArray) _cmd_set_color_blend_advanced_ext(command_buffer, convert(AbstractArray{_ColorBlendAdvancedEXT}, color_blend_advanced)) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `provoking_vertex_mode::ProvokingVertexModeEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetProvokingVertexModeEXT.html) """ function cmd_set_provoking_vertex_mode_ext(command_buffer, provoking_vertex_mode::ProvokingVertexModeEXT) _cmd_set_provoking_vertex_mode_ext(command_buffer, provoking_vertex_mode) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `line_rasterization_mode::LineRasterizationModeEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetLineRasterizationModeEXT.html) """ function cmd_set_line_rasterization_mode_ext(command_buffer, line_rasterization_mode::LineRasterizationModeEXT) _cmd_set_line_rasterization_mode_ext(command_buffer, line_rasterization_mode) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `stippled_line_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetLineStippleEnableEXT.html) """ function cmd_set_line_stipple_enable_ext(command_buffer, stippled_line_enable::Bool) _cmd_set_line_stipple_enable_ext(command_buffer, stippled_line_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `negative_one_to_one::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthClipNegativeOneToOneEXT.html) """ function cmd_set_depth_clip_negative_one_to_one_ext(command_buffer, negative_one_to_one::Bool) _cmd_set_depth_clip_negative_one_to_one_ext(command_buffer, negative_one_to_one) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `viewport_w_scaling_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetViewportWScalingEnableNV.html) """ function cmd_set_viewport_w_scaling_enable_nv(command_buffer, viewport_w_scaling_enable::Bool) _cmd_set_viewport_w_scaling_enable_nv(command_buffer, viewport_w_scaling_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `viewport_swizzles::Vector{ViewportSwizzleNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetViewportSwizzleNV.html) """ function cmd_set_viewport_swizzle_nv(command_buffer, viewport_swizzles::AbstractArray) _cmd_set_viewport_swizzle_nv(command_buffer, convert(AbstractArray{_ViewportSwizzleNV}, viewport_swizzles)) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `coverage_to_color_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoverageToColorEnableNV.html) """ function cmd_set_coverage_to_color_enable_nv(command_buffer, coverage_to_color_enable::Bool) _cmd_set_coverage_to_color_enable_nv(command_buffer, coverage_to_color_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `coverage_to_color_location::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoverageToColorLocationNV.html) """ function cmd_set_coverage_to_color_location_nv(command_buffer, coverage_to_color_location::Integer) _cmd_set_coverage_to_color_location_nv(command_buffer, coverage_to_color_location) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `coverage_modulation_mode::CoverageModulationModeNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoverageModulationModeNV.html) """ function cmd_set_coverage_modulation_mode_nv(command_buffer, coverage_modulation_mode::CoverageModulationModeNV) _cmd_set_coverage_modulation_mode_nv(command_buffer, coverage_modulation_mode) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `coverage_modulation_table_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoverageModulationTableEnableNV.html) """ function cmd_set_coverage_modulation_table_enable_nv(command_buffer, coverage_modulation_table_enable::Bool) _cmd_set_coverage_modulation_table_enable_nv(command_buffer, coverage_modulation_table_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `coverage_modulation_table::Vector{Float32}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoverageModulationTableNV.html) """ function cmd_set_coverage_modulation_table_nv(command_buffer, coverage_modulation_table::AbstractArray) _cmd_set_coverage_modulation_table_nv(command_buffer, coverage_modulation_table) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `shading_rate_image_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetShadingRateImageEnableNV.html) """ function cmd_set_shading_rate_image_enable_nv(command_buffer, shading_rate_image_enable::Bool) _cmd_set_shading_rate_image_enable_nv(command_buffer, shading_rate_image_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `coverage_reduction_mode::CoverageReductionModeNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoverageReductionModeNV.html) """ function cmd_set_coverage_reduction_mode_nv(command_buffer, coverage_reduction_mode::CoverageReductionModeNV) _cmd_set_coverage_reduction_mode_nv(command_buffer, coverage_reduction_mode) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `representative_fragment_test_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetRepresentativeFragmentTestEnableNV.html) """ function cmd_set_representative_fragment_test_enable_nv(command_buffer, representative_fragment_test_enable::Bool) _cmd_set_representative_fragment_test_enable_nv(command_buffer, representative_fragment_test_enable) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `create_info::PrivateDataSlotCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePrivateDataSlot.html) """ function create_private_data_slot(device, create_info::PrivateDataSlotCreateInfo; allocator = C_NULL)::ResultTypes.Result{PrivateDataSlot, VulkanError} val = @propagate_errors(_create_private_data_slot(device, convert(_PrivateDataSlotCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `private_data_slot::PrivateDataSlot` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyPrivateDataSlot.html) """ function destroy_private_data_slot(device, private_data_slot; allocator = C_NULL) _destroy_private_data_slot(device, private_data_slot; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `object_type::ObjectType` - `object_handle::UInt64` - `private_data_slot::PrivateDataSlot` - `data::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetPrivateData.html) """ function set_private_data(device, object_type::ObjectType, object_handle::Integer, private_data_slot, data::Integer)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_set_private_data(device, object_type, object_handle, private_data_slot, data)) val end """ Arguments: - `device::Device` - `object_type::ObjectType` - `object_handle::UInt64` - `private_data_slot::PrivateDataSlot` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPrivateData.html) """ function get_private_data(device, object_type::ObjectType, object_handle::Integer, private_data_slot) _get_private_data(device, object_type, object_handle, private_data_slot) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `copy_buffer_info::CopyBufferInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyBuffer2.html) """ function cmd_copy_buffer_2(command_buffer, copy_buffer_info::CopyBufferInfo2) _cmd_copy_buffer_2(command_buffer, convert(_CopyBufferInfo2, copy_buffer_info)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `copy_image_info::CopyImageInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyImage2.html) """ function cmd_copy_image_2(command_buffer, copy_image_info::CopyImageInfo2) _cmd_copy_image_2(command_buffer, convert(_CopyImageInfo2, copy_image_info)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `blit_image_info::BlitImageInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBlitImage2.html) """ function cmd_blit_image_2(command_buffer, blit_image_info::BlitImageInfo2) _cmd_blit_image_2(command_buffer, convert(_BlitImageInfo2, blit_image_info)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `copy_buffer_to_image_info::CopyBufferToImageInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyBufferToImage2.html) """ function cmd_copy_buffer_to_image_2(command_buffer, copy_buffer_to_image_info::CopyBufferToImageInfo2) _cmd_copy_buffer_to_image_2(command_buffer, convert(_CopyBufferToImageInfo2, copy_buffer_to_image_info)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `copy_image_to_buffer_info::CopyImageToBufferInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyImageToBuffer2.html) """ function cmd_copy_image_to_buffer_2(command_buffer, copy_image_to_buffer_info::CopyImageToBufferInfo2) _cmd_copy_image_to_buffer_2(command_buffer, convert(_CopyImageToBufferInfo2, copy_image_to_buffer_info)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `resolve_image_info::ResolveImageInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdResolveImage2.html) """ function cmd_resolve_image_2(command_buffer, resolve_image_info::ResolveImageInfo2) _cmd_resolve_image_2(command_buffer, convert(_ResolveImageInfo2, resolve_image_info)) end """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Arguments: - `command_buffer::CommandBuffer` (externsync) - `fragment_size::Extent2D` - `combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetFragmentShadingRateKHR.html) """ function cmd_set_fragment_shading_rate_khr(command_buffer, fragment_size::Extent2D, combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}) _cmd_set_fragment_shading_rate_khr(command_buffer, convert(_Extent2D, fragment_size), combiner_ops) end """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceFragmentShadingRatesKHR.html) """ function get_physical_device_fragment_shading_rates_khr(physical_device)::ResultTypes.Result{Vector{PhysicalDeviceFragmentShadingRateKHR}, VulkanError} val = @propagate_errors(_get_physical_device_fragment_shading_rates_khr(physical_device)) PhysicalDeviceFragmentShadingRateKHR.(val) end """ Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums Arguments: - `command_buffer::CommandBuffer` (externsync) - `shading_rate::FragmentShadingRateNV` - `combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetFragmentShadingRateEnumNV.html) """ function cmd_set_fragment_shading_rate_enum_nv(command_buffer, shading_rate::FragmentShadingRateNV, combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}) _cmd_set_fragment_shading_rate_enum_nv(command_buffer, shading_rate, combiner_ops) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `device::Device` - `build_type::AccelerationStructureBuildTypeKHR` - `build_info::AccelerationStructureBuildGeometryInfoKHR` - `max_primitive_counts::Vector{UInt32}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetAccelerationStructureBuildSizesKHR.html) """ function get_acceleration_structure_build_sizes_khr(device, build_type::AccelerationStructureBuildTypeKHR, build_info::AccelerationStructureBuildGeometryInfoKHR; max_primitive_counts = C_NULL) AccelerationStructureBuildSizesInfoKHR(_get_acceleration_structure_build_sizes_khr(device, build_type, convert(_AccelerationStructureBuildGeometryInfoKHR, build_info); max_primitive_counts)) end """ Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state Arguments: - `command_buffer::CommandBuffer` (externsync) - `vertex_binding_descriptions::Vector{VertexInputBindingDescription2EXT}` - `vertex_attribute_descriptions::Vector{VertexInputAttributeDescription2EXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetVertexInputEXT.html) """ function cmd_set_vertex_input_ext(command_buffer, vertex_binding_descriptions::AbstractArray, vertex_attribute_descriptions::AbstractArray) _cmd_set_vertex_input_ext(command_buffer, convert(AbstractArray{_VertexInputBindingDescription2EXT}, vertex_binding_descriptions), convert(AbstractArray{_VertexInputAttributeDescription2EXT}, vertex_attribute_descriptions)) end """ Extension: VK\\_EXT\\_color\\_write\\_enable Arguments: - `command_buffer::CommandBuffer` (externsync) - `color_write_enables::Vector{Bool}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetColorWriteEnableEXT.html) """ function cmd_set_color_write_enable_ext(command_buffer, color_write_enables::AbstractArray) _cmd_set_color_write_enable_ext(command_buffer, color_write_enables) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `event::Event` - `dependency_info::DependencyInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetEvent2.html) """ function cmd_set_event_2(command_buffer, event, dependency_info::DependencyInfo) _cmd_set_event_2(command_buffer, event, convert(_DependencyInfo, dependency_info)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `event::Event` - `stage_mask::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdResetEvent2.html) """ function cmd_reset_event_2(command_buffer, event; stage_mask = 0) _cmd_reset_event_2(command_buffer, event; stage_mask) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `events::Vector{Event}` - `dependency_infos::Vector{DependencyInfo}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWaitEvents2.html) """ function cmd_wait_events_2(command_buffer, events::AbstractArray, dependency_infos::AbstractArray) _cmd_wait_events_2(command_buffer, events, convert(AbstractArray{_DependencyInfo}, dependency_infos)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `dependency_info::DependencyInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdPipelineBarrier2.html) """ function cmd_pipeline_barrier_2(command_buffer, dependency_info::DependencyInfo) _cmd_pipeline_barrier_2(command_buffer, convert(_DependencyInfo, dependency_info)) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `queue::Queue` (externsync) - `submits::Vector{SubmitInfo2}` - `fence::Fence`: defaults to `C_NULL` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueSubmit2.html) """ function queue_submit_2(queue, submits::AbstractArray; fence = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_queue_submit_2(queue, convert(AbstractArray{_SubmitInfo2}, submits); fence)) val end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `query::UInt32` - `stage::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteTimestamp2.html) """ function cmd_write_timestamp_2(command_buffer, query_pool, query::Integer; stage = 0) _cmd_write_timestamp_2(command_buffer, query_pool, query; stage) end """ Extension: VK\\_KHR\\_synchronization2 Arguments: - `command_buffer::CommandBuffer` (externsync) - `dst_buffer::Buffer` - `dst_offset::UInt64` - `marker::UInt32` - `stage::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteBufferMarker2AMD.html) """ function cmd_write_buffer_marker_2_amd(command_buffer, dst_buffer, dst_offset::Integer, marker::Integer; stage = 0) _cmd_write_buffer_marker_2_amd(command_buffer, dst_buffer, dst_offset, marker; stage) end """ Extension: VK\\_KHR\\_synchronization2 Arguments: - `queue::Queue` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetQueueCheckpointData2NV.html) """ function get_queue_checkpoint_data_2_nv(queue) CheckpointData2NV.(_get_queue_checkpoint_data_2_nv(queue)) end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_VIDEO_PROFILE_OPERATION_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_FORMAT_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PICTURE_LAYOUT_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_CODEC_NOT_SUPPORTED_KHR` Arguments: - `physical_device::PhysicalDevice` - `video_profile::VideoProfileInfoKHR` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceVideoCapabilitiesKHR.html) """ function get_physical_device_video_capabilities_khr(physical_device, video_profile::VideoProfileInfoKHR, next_types::Type...)::ResultTypes.Result{VideoCapabilitiesKHR, VulkanError} next_types_hl = next_types next_types = intermediate_type.(next_types) val = @propagate_errors(_get_physical_device_video_capabilities_khr(physical_device, convert(_VideoProfileInfoKHR, video_profile), next_types...)) VideoCapabilitiesKHR(val, next_types_hl...) end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_IMAGE_USAGE_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_OPERATION_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_FORMAT_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PICTURE_LAYOUT_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_CODEC_NOT_SUPPORTED_KHR` Arguments: - `physical_device::PhysicalDevice` - `video_format_info::PhysicalDeviceVideoFormatInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceVideoFormatPropertiesKHR.html) """ function get_physical_device_video_format_properties_khr(physical_device, video_format_info::PhysicalDeviceVideoFormatInfoKHR)::ResultTypes.Result{Vector{VideoFormatPropertiesKHR}, VulkanError} val = @propagate_errors(_get_physical_device_video_format_properties_khr(physical_device, convert(_PhysicalDeviceVideoFormatInfoKHR, video_format_info))) VideoFormatPropertiesKHR.(val) end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_VIDEO_STD_VERSION_NOT_SUPPORTED_KHR` Arguments: - `device::Device` - `create_info::VideoSessionCreateInfoKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateVideoSessionKHR.html) """ function create_video_session_khr(device, create_info::VideoSessionCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{VideoSessionKHR, VulkanError} val = @propagate_errors(_create_video_session_khr(device, convert(_VideoSessionCreateInfoKHR, create_info); allocator)) val end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `device::Device` - `video_session::VideoSessionKHR` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyVideoSessionKHR.html) """ function destroy_video_session_khr(device, video_session; allocator = C_NULL) _destroy_video_session_khr(device, video_session; allocator) end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `create_info::VideoSessionParametersCreateInfoKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateVideoSessionParametersKHR.html) """ function create_video_session_parameters_khr(device, create_info::VideoSessionParametersCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{VideoSessionParametersKHR, VulkanError} val = @propagate_errors(_create_video_session_parameters_khr(device, convert(_VideoSessionParametersCreateInfoKHR, create_info); allocator)) val end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `video_session_parameters::VideoSessionParametersKHR` - `update_info::VideoSessionParametersUpdateInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkUpdateVideoSessionParametersKHR.html) """ function update_video_session_parameters_khr(device, video_session_parameters, update_info::VideoSessionParametersUpdateInfoKHR)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_update_video_session_parameters_khr(device, video_session_parameters, convert(_VideoSessionParametersUpdateInfoKHR, update_info))) val end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `device::Device` - `video_session_parameters::VideoSessionParametersKHR` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyVideoSessionParametersKHR.html) """ function destroy_video_session_parameters_khr(device, video_session_parameters; allocator = C_NULL) _destroy_video_session_parameters_khr(device, video_session_parameters; allocator) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `device::Device` - `video_session::VideoSessionKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetVideoSessionMemoryRequirementsKHR.html) """ function get_video_session_memory_requirements_khr(device, video_session) VideoSessionMemoryRequirementsKHR.(_get_video_session_memory_requirements_khr(device, video_session)) end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `video_session::VideoSessionKHR` (externsync) - `bind_session_memory_infos::Vector{BindVideoSessionMemoryInfoKHR}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindVideoSessionMemoryKHR.html) """ function bind_video_session_memory_khr(device, video_session, bind_session_memory_infos::AbstractArray)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_video_session_memory_khr(device, video_session, convert(AbstractArray{_BindVideoSessionMemoryInfoKHR}, bind_session_memory_infos))) val end """ Extension: VK\\_KHR\\_video\\_decode\\_queue Arguments: - `command_buffer::CommandBuffer` (externsync) - `decode_info::VideoDecodeInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDecodeVideoKHR.html) """ function cmd_decode_video_khr(command_buffer, decode_info::VideoDecodeInfoKHR) _cmd_decode_video_khr(command_buffer, convert(_VideoDecodeInfoKHR, decode_info)) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `command_buffer::CommandBuffer` (externsync) - `begin_info::VideoBeginCodingInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginVideoCodingKHR.html) """ function cmd_begin_video_coding_khr(command_buffer, begin_info::VideoBeginCodingInfoKHR) _cmd_begin_video_coding_khr(command_buffer, convert(_VideoBeginCodingInfoKHR, begin_info)) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `command_buffer::CommandBuffer` (externsync) - `coding_control_info::VideoCodingControlInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdControlVideoCodingKHR.html) """ function cmd_control_video_coding_khr(command_buffer, coding_control_info::VideoCodingControlInfoKHR) _cmd_control_video_coding_khr(command_buffer, convert(_VideoCodingControlInfoKHR, coding_control_info)) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `command_buffer::CommandBuffer` (externsync) - `end_coding_info::VideoEndCodingInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndVideoCodingKHR.html) """ function cmd_end_video_coding_khr(command_buffer, end_coding_info::VideoEndCodingInfoKHR) _cmd_end_video_coding_khr(command_buffer, convert(_VideoEndCodingInfoKHR, end_coding_info)) end """ Extension: VK\\_NV\\_memory\\_decompression Arguments: - `command_buffer::CommandBuffer` (externsync) - `decompress_memory_regions::Vector{DecompressMemoryRegionNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDecompressMemoryNV.html) """ function cmd_decompress_memory_nv(command_buffer, decompress_memory_regions::AbstractArray) _cmd_decompress_memory_nv(command_buffer, convert(AbstractArray{_DecompressMemoryRegionNV}, decompress_memory_regions)) end """ Extension: VK\\_NV\\_memory\\_decompression Arguments: - `command_buffer::CommandBuffer` (externsync) - `indirect_commands_address::UInt64` - `indirect_commands_count_address::UInt64` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDecompressMemoryIndirectCountNV.html) """ function cmd_decompress_memory_indirect_count_nv(command_buffer, indirect_commands_address::Integer, indirect_commands_count_address::Integer, stride::Integer) _cmd_decompress_memory_indirect_count_nv(command_buffer, indirect_commands_address, indirect_commands_count_address, stride) end """ Extension: VK\\_NVX\\_binary\\_import Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `create_info::CuModuleCreateInfoNVX` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCuModuleNVX.html) """ function create_cu_module_nvx(device, create_info::CuModuleCreateInfoNVX; allocator = C_NULL)::ResultTypes.Result{CuModuleNVX, VulkanError} val = @propagate_errors(_create_cu_module_nvx(device, convert(_CuModuleCreateInfoNVX, create_info); allocator)) val end """ Extension: VK\\_NVX\\_binary\\_import Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `create_info::CuFunctionCreateInfoNVX` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCuFunctionNVX.html) """ function create_cu_function_nvx(device, create_info::CuFunctionCreateInfoNVX; allocator = C_NULL)::ResultTypes.Result{CuFunctionNVX, VulkanError} val = @propagate_errors(_create_cu_function_nvx(device, convert(_CuFunctionCreateInfoNVX, create_info); allocator)) val end """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `device::Device` - `_module::CuModuleNVX` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyCuModuleNVX.html) """ function destroy_cu_module_nvx(device, _module; allocator = C_NULL) _destroy_cu_module_nvx(device, _module; allocator) end """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `device::Device` - `_function::CuFunctionNVX` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyCuFunctionNVX.html) """ function destroy_cu_function_nvx(device, _function; allocator = C_NULL) _destroy_cu_function_nvx(device, _function; allocator) end """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `command_buffer::CommandBuffer` - `launch_info::CuLaunchInfoNVX` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCuLaunchKernelNVX.html) """ function cmd_cu_launch_kernel_nvx(command_buffer, launch_info::CuLaunchInfoNVX) _cmd_cu_launch_kernel_nvx(command_buffer, convert(_CuLaunchInfoNVX, launch_info)) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `device::Device` - `layout::DescriptorSetLayout` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDescriptorSetLayoutSizeEXT.html) """ function get_descriptor_set_layout_size_ext(device, layout) _get_descriptor_set_layout_size_ext(device, layout) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `device::Device` - `layout::DescriptorSetLayout` - `binding::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDescriptorSetLayoutBindingOffsetEXT.html) """ function get_descriptor_set_layout_binding_offset_ext(device, layout, binding::Integer) _get_descriptor_set_layout_binding_offset_ext(device, layout, binding) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `device::Device` - `descriptor_info::DescriptorGetInfoEXT` - `data_size::UInt` - `descriptor::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDescriptorEXT.html) """ function get_descriptor_ext(device, descriptor_info::DescriptorGetInfoEXT, data_size::Integer, descriptor::Ptr{Cvoid}) _get_descriptor_ext(device, convert(_DescriptorGetInfoEXT, descriptor_info), data_size, descriptor) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `command_buffer::CommandBuffer` (externsync) - `binding_infos::Vector{DescriptorBufferBindingInfoEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindDescriptorBuffersEXT.html) """ function cmd_bind_descriptor_buffers_ext(command_buffer, binding_infos::AbstractArray) _cmd_bind_descriptor_buffers_ext(command_buffer, convert(AbstractArray{_DescriptorBufferBindingInfoEXT}, binding_infos)) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_bind_point::PipelineBindPoint` - `layout::PipelineLayout` - `buffer_indices::Vector{UInt32}` - `offsets::Vector{UInt64}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDescriptorBufferOffsetsEXT.html) """ function cmd_set_descriptor_buffer_offsets_ext(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, buffer_indices::AbstractArray, offsets::AbstractArray) _cmd_set_descriptor_buffer_offsets_ext(command_buffer, pipeline_bind_point, layout, buffer_indices, offsets) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_bind_point::PipelineBindPoint` - `layout::PipelineLayout` - `set::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindDescriptorBufferEmbeddedSamplersEXT.html) """ function cmd_bind_descriptor_buffer_embedded_samplers_ext(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, set::Integer) _cmd_bind_descriptor_buffer_embedded_samplers_ext(command_buffer, pipeline_bind_point, layout, set) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::BufferCaptureDescriptorDataInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetBufferOpaqueCaptureDescriptorDataEXT.html) """ function get_buffer_opaque_capture_descriptor_data_ext(device, info::BufferCaptureDescriptorDataInfoEXT)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} val = @propagate_errors(_get_buffer_opaque_capture_descriptor_data_ext(device, convert(_BufferCaptureDescriptorDataInfoEXT, info))) val end """ Extension: VK\\_EXT\\_descriptor\\_buffer Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::ImageCaptureDescriptorDataInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageOpaqueCaptureDescriptorDataEXT.html) """ function get_image_opaque_capture_descriptor_data_ext(device, info::ImageCaptureDescriptorDataInfoEXT)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} val = @propagate_errors(_get_image_opaque_capture_descriptor_data_ext(device, convert(_ImageCaptureDescriptorDataInfoEXT, info))) val end """ Extension: VK\\_EXT\\_descriptor\\_buffer Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::ImageViewCaptureDescriptorDataInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageViewOpaqueCaptureDescriptorDataEXT.html) """ function get_image_view_opaque_capture_descriptor_data_ext(device, info::ImageViewCaptureDescriptorDataInfoEXT)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} val = @propagate_errors(_get_image_view_opaque_capture_descriptor_data_ext(device, convert(_ImageViewCaptureDescriptorDataInfoEXT, info))) val end """ Extension: VK\\_EXT\\_descriptor\\_buffer Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::SamplerCaptureDescriptorDataInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSamplerOpaqueCaptureDescriptorDataEXT.html) """ function get_sampler_opaque_capture_descriptor_data_ext(device, info::SamplerCaptureDescriptorDataInfoEXT)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} val = @propagate_errors(_get_sampler_opaque_capture_descriptor_data_ext(device, convert(_SamplerCaptureDescriptorDataInfoEXT, info))) val end """ Extension: VK\\_EXT\\_descriptor\\_buffer Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::AccelerationStructureCaptureDescriptorDataInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetAccelerationStructureOpaqueCaptureDescriptorDataEXT.html) """ function get_acceleration_structure_opaque_capture_descriptor_data_ext(device, info::AccelerationStructureCaptureDescriptorDataInfoEXT)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} val = @propagate_errors(_get_acceleration_structure_opaque_capture_descriptor_data_ext(device, convert(_AccelerationStructureCaptureDescriptorDataInfoEXT, info))) val end """ Extension: VK\\_EXT\\_pageable\\_device\\_local\\_memory Arguments: - `device::Device` - `memory::DeviceMemory` - `priority::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetDeviceMemoryPriorityEXT.html) """ function set_device_memory_priority_ext(device, memory, priority::Real) _set_device_memory_priority_ext(device, memory, priority) end """ Extension: VK\\_EXT\\_acquire\\_drm\\_display Return codes: - `SUCCESS` - `ERROR_INITIALIZATION_FAILED` Arguments: - `physical_device::PhysicalDevice` - `drm_fd::Int32` - `display::DisplayKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAcquireDrmDisplayEXT.html) """ function acquire_drm_display_ext(physical_device, drm_fd::Integer, display)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_acquire_drm_display_ext(physical_device, drm_fd, display)) val end """ Extension: VK\\_EXT\\_acquire\\_drm\\_display Return codes: - `SUCCESS` - `ERROR_INITIALIZATION_FAILED` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `drm_fd::Int32` - `connector_id::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDrmDisplayEXT.html) """ function get_drm_display_ext(physical_device, drm_fd::Integer, connector_id::Integer)::ResultTypes.Result{DisplayKHR, VulkanError} val = @propagate_errors(_get_drm_display_ext(physical_device, drm_fd, connector_id)) val end """ Extension: VK\\_KHR\\_present\\_wait Return codes: - `SUCCESS` - `TIMEOUT` - `SUBOPTIMAL_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` - `ERROR_SURFACE_LOST_KHR` - `ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT` Arguments: - `device::Device` - `swapchain::SwapchainKHR` (externsync) - `present_id::UInt64` - `timeout::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkWaitForPresentKHR.html) """ function wait_for_present_khr(device, swapchain, present_id::Integer, timeout::Integer)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_wait_for_present_khr(device, swapchain, present_id, timeout)) val end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `rendering_info::RenderingInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginRendering.html) """ function cmd_begin_rendering(command_buffer, rendering_info::RenderingInfo) _cmd_begin_rendering(command_buffer, convert(_RenderingInfo, rendering_info)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndRendering.html) """ function cmd_end_rendering(command_buffer) _cmd_end_rendering(command_buffer) end """ Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping Arguments: - `device::Device` - `binding_reference::DescriptorSetBindingReferenceVALVE` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDescriptorSetLayoutHostMappingInfoVALVE.html) """ function get_descriptor_set_layout_host_mapping_info_valve(device, binding_reference::DescriptorSetBindingReferenceVALVE) DescriptorSetLayoutHostMappingInfoVALVE(_get_descriptor_set_layout_host_mapping_info_valve(device, convert(_DescriptorSetBindingReferenceVALVE, binding_reference))) end """ Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping Arguments: - `device::Device` - `descriptor_set::DescriptorSet` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDescriptorSetHostMappingVALVE.html) """ function get_descriptor_set_host_mapping_valve(device, descriptor_set) _get_descriptor_set_host_mapping_valve(device, descriptor_set) end """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `create_info::MicromapCreateInfoEXT` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateMicromapEXT.html) """ function create_micromap_ext(device, create_info::MicromapCreateInfoEXT; allocator = C_NULL)::ResultTypes.Result{MicromapEXT, VulkanError} val = @propagate_errors(_create_micromap_ext(device, convert(_MicromapCreateInfoEXT, create_info); allocator)) val end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `command_buffer::CommandBuffer` (externsync) - `infos::Vector{MicromapBuildInfoEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBuildMicromapsEXT.html) """ function cmd_build_micromaps_ext(command_buffer, infos::AbstractArray) _cmd_build_micromaps_ext(command_buffer, convert(AbstractArray{_MicromapBuildInfoEXT}, infos)) end """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `infos::Vector{MicromapBuildInfoEXT}` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBuildMicromapsEXT.html) """ function build_micromaps_ext(device, infos::AbstractArray; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_build_micromaps_ext(device, convert(AbstractArray{_MicromapBuildInfoEXT}, infos); deferred_operation)) val end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `device::Device` - `micromap::MicromapEXT` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyMicromapEXT.html) """ function destroy_micromap_ext(device, micromap; allocator = C_NULL) _destroy_micromap_ext(device, micromap; allocator) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::CopyMicromapInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyMicromapEXT.html) """ function cmd_copy_micromap_ext(command_buffer, info::CopyMicromapInfoEXT) _cmd_copy_micromap_ext(command_buffer, convert(_CopyMicromapInfoEXT, info)) end """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::CopyMicromapInfoEXT` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCopyMicromapEXT.html) """ function copy_micromap_ext(device, info::CopyMicromapInfoEXT; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_copy_micromap_ext(device, convert(_CopyMicromapInfoEXT, info); deferred_operation)) val end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::CopyMicromapToMemoryInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyMicromapToMemoryEXT.html) """ function cmd_copy_micromap_to_memory_ext(command_buffer, info::CopyMicromapToMemoryInfoEXT) _cmd_copy_micromap_to_memory_ext(command_buffer, convert(_CopyMicromapToMemoryInfoEXT, info)) end """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::CopyMicromapToMemoryInfoEXT` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCopyMicromapToMemoryEXT.html) """ function copy_micromap_to_memory_ext(device, info::CopyMicromapToMemoryInfoEXT; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_copy_micromap_to_memory_ext(device, convert(_CopyMicromapToMemoryInfoEXT, info); deferred_operation)) val end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::CopyMemoryToMicromapInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyMemoryToMicromapEXT.html) """ function cmd_copy_memory_to_micromap_ext(command_buffer, info::CopyMemoryToMicromapInfoEXT) _cmd_copy_memory_to_micromap_ext(command_buffer, convert(_CopyMemoryToMicromapInfoEXT, info)) end """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::CopyMemoryToMicromapInfoEXT` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCopyMemoryToMicromapEXT.html) """ function copy_memory_to_micromap_ext(device, info::CopyMemoryToMicromapInfoEXT; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_copy_memory_to_micromap_ext(device, convert(_CopyMemoryToMicromapInfoEXT, info); deferred_operation)) val end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `command_buffer::CommandBuffer` (externsync) - `micromaps::Vector{MicromapEXT}` - `query_type::QueryType` - `query_pool::QueryPool` - `first_query::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteMicromapsPropertiesEXT.html) """ function cmd_write_micromaps_properties_ext(command_buffer, micromaps::AbstractArray, query_type::QueryType, query_pool, first_query::Integer) _cmd_write_micromaps_properties_ext(command_buffer, micromaps, query_type, query_pool, first_query) end """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `micromaps::Vector{MicromapEXT}` - `query_type::QueryType` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) - `stride::UInt` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkWriteMicromapsPropertiesEXT.html) """ function write_micromaps_properties_ext(device, micromaps::AbstractArray, query_type::QueryType, data_size::Integer, data::Ptr{Cvoid}, stride::Integer)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_write_micromaps_properties_ext(device, micromaps, query_type, data_size, data, stride)) val end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `device::Device` - `version_info::MicromapVersionInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceMicromapCompatibilityEXT.html) """ function get_device_micromap_compatibility_ext(device, version_info::MicromapVersionInfoEXT) _get_device_micromap_compatibility_ext(device, convert(_MicromapVersionInfoEXT, version_info)) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `device::Device` - `build_type::AccelerationStructureBuildTypeKHR` - `build_info::MicromapBuildInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetMicromapBuildSizesEXT.html) """ function get_micromap_build_sizes_ext(device, build_type::AccelerationStructureBuildTypeKHR, build_info::MicromapBuildInfoEXT) MicromapBuildSizesInfoEXT(_get_micromap_build_sizes_ext(device, build_type, convert(_MicromapBuildInfoEXT, build_info))) end """ Extension: VK\\_EXT\\_shader\\_module\\_identifier Arguments: - `device::Device` - `shader_module::ShaderModule` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetShaderModuleIdentifierEXT.html) """ function get_shader_module_identifier_ext(device, shader_module) ShaderModuleIdentifierEXT(_get_shader_module_identifier_ext(device, shader_module)) end """ Extension: VK\\_EXT\\_shader\\_module\\_identifier Arguments: - `device::Device` - `create_info::ShaderModuleCreateInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetShaderModuleCreateInfoIdentifierEXT.html) """ function get_shader_module_create_info_identifier_ext(device, create_info::ShaderModuleCreateInfo) ShaderModuleIdentifierEXT(_get_shader_module_create_info_identifier_ext(device, convert(_ShaderModuleCreateInfo, create_info))) end """ Extension: VK\\_EXT\\_image\\_compression\\_control Arguments: - `device::Device` - `image::Image` - `subresource::ImageSubresource2EXT` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageSubresourceLayout2EXT.html) """ function get_image_subresource_layout_2_ext(device, image, subresource::ImageSubresource2EXT, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) SubresourceLayout2EXT(_get_image_subresource_layout_2_ext(device, image, convert(_ImageSubresource2EXT, subresource), next_types...), next_types_hl...) end """ Extension: VK\\_EXT\\_pipeline\\_properties Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `pipeline_info::VkPipelineInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPipelinePropertiesEXT.html) """ function get_pipeline_properties_ext(device, pipeline_info::VkPipelineInfoEXT)::ResultTypes.Result{BaseOutStructure, VulkanError} val = @propagate_errors(_get_pipeline_properties_ext(device, pipeline_info)) BaseOutStructure(val) end """ Extension: VK\\_EXT\\_metal\\_objects Arguments: - `device::Device` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkExportMetalObjectsEXT.html) """ function export_metal_objects_ext(device) ExportMetalObjectsInfoEXT(_export_metal_objects_ext(device)) end """ Extension: VK\\_QCOM\\_tile\\_properties Arguments: - `device::Device` - `framebuffer::Framebuffer` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetFramebufferTilePropertiesQCOM.html) """ function get_framebuffer_tile_properties_qcom(device, framebuffer) TilePropertiesQCOM.(_get_framebuffer_tile_properties_qcom(device, framebuffer)) end """ Extension: VK\\_QCOM\\_tile\\_properties Arguments: - `device::Device` - `rendering_info::RenderingInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDynamicRenderingTilePropertiesQCOM.html) """ function get_dynamic_rendering_tile_properties_qcom(device, rendering_info::RenderingInfo) TilePropertiesQCOM(_get_dynamic_rendering_tile_properties_qcom(device, convert(_RenderingInfo, rendering_info))) end """ Extension: VK\\_NV\\_optical\\_flow Return codes: - `SUCCESS` - `ERROR_EXTENSION_NOT_PRESENT` - `ERROR_INITIALIZATION_FAILED` - `ERROR_FORMAT_NOT_SUPPORTED` Arguments: - `physical_device::PhysicalDevice` - `optical_flow_image_format_info::OpticalFlowImageFormatInfoNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceOpticalFlowImageFormatsNV.html) """ function get_physical_device_optical_flow_image_formats_nv(physical_device, optical_flow_image_format_info::OpticalFlowImageFormatInfoNV)::ResultTypes.Result{Vector{OpticalFlowImageFormatPropertiesNV}, VulkanError} val = @propagate_errors(_get_physical_device_optical_flow_image_formats_nv(physical_device, convert(_OpticalFlowImageFormatInfoNV, optical_flow_image_format_info))) OpticalFlowImageFormatPropertiesNV.(val) end """ Extension: VK\\_NV\\_optical\\_flow Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `create_info::OpticalFlowSessionCreateInfoNV` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateOpticalFlowSessionNV.html) """ function create_optical_flow_session_nv(device, create_info::OpticalFlowSessionCreateInfoNV; allocator = C_NULL)::ResultTypes.Result{OpticalFlowSessionNV, VulkanError} val = @propagate_errors(_create_optical_flow_session_nv(device, convert(_OpticalFlowSessionCreateInfoNV, create_info); allocator)) val end """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `device::Device` - `session::OpticalFlowSessionNV` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyOpticalFlowSessionNV.html) """ function destroy_optical_flow_session_nv(device, session; allocator = C_NULL) _destroy_optical_flow_session_nv(device, session; allocator) end """ Extension: VK\\_NV\\_optical\\_flow Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `session::OpticalFlowSessionNV` - `binding_point::OpticalFlowSessionBindingPointNV` - `layout::ImageLayout` - `view::ImageView`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindOpticalFlowSessionImageNV.html) """ function bind_optical_flow_session_image_nv(device, session, binding_point::OpticalFlowSessionBindingPointNV, layout::ImageLayout; view = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_optical_flow_session_image_nv(device, session, binding_point, layout; view)) val end """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `command_buffer::CommandBuffer` - `session::OpticalFlowSessionNV` - `execute_info::OpticalFlowExecuteInfoNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdOpticalFlowExecuteNV.html) """ function cmd_optical_flow_execute_nv(command_buffer, session, execute_info::OpticalFlowExecuteInfoNV) _cmd_optical_flow_execute_nv(command_buffer, session, convert(_OpticalFlowExecuteInfoNV, execute_info)) end """ Extension: VK\\_EXT\\_device\\_fault Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceFaultInfoEXT.html) """ function get_device_fault_info_ext(device)::ResultTypes.Result{Tuple{_DeviceFaultCountsEXT, _DeviceFaultInfoEXT}, VulkanError} val = @propagate_errors(_get_device_fault_info_ext(device)) val end """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Return codes: - `SUCCESS` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `release_info::ReleaseSwapchainImagesInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkReleaseSwapchainImagesEXT.html) """ function release_swapchain_images_ext(device, release_info::ReleaseSwapchainImagesInfoEXT)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_release_swapchain_images_ext(device, convert(_ReleaseSwapchainImagesInfoEXT, release_info))) val end function create_instance(create_info::InstanceCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Instance, VulkanError} val = @propagate_errors(_create_instance(convert(_InstanceCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_instance(instance, fptr::FunctionPtr; allocator = C_NULL) _destroy_instance(instance, fptr; allocator) end function enumerate_physical_devices(instance, fptr::FunctionPtr)::ResultTypes.Result{Vector{PhysicalDevice}, VulkanError} val = @propagate_errors(_enumerate_physical_devices(instance, fptr)) val end function get_device_proc_addr(device, name::AbstractString, fptr::FunctionPtr) _get_device_proc_addr(device, name, fptr) end function get_instance_proc_addr(name::AbstractString, fptr::FunctionPtr; instance = C_NULL) _get_instance_proc_addr(name, fptr; instance) end function get_physical_device_properties(physical_device, fptr::FunctionPtr) PhysicalDeviceProperties(_get_physical_device_properties(physical_device, fptr)) end function get_physical_device_queue_family_properties(physical_device, fptr::FunctionPtr) QueueFamilyProperties.(_get_physical_device_queue_family_properties(physical_device, fptr)) end function get_physical_device_memory_properties(physical_device, fptr::FunctionPtr) PhysicalDeviceMemoryProperties(_get_physical_device_memory_properties(physical_device, fptr)) end function get_physical_device_features(physical_device, fptr::FunctionPtr) PhysicalDeviceFeatures(_get_physical_device_features(physical_device, fptr)) end function get_physical_device_format_properties(physical_device, format::Format, fptr::FunctionPtr) FormatProperties(_get_physical_device_format_properties(physical_device, format, fptr)) end function get_physical_device_image_format_properties(physical_device, format::Format, type::ImageType, tiling::ImageTiling, usage::ImageUsageFlag, fptr::FunctionPtr; flags = 0)::ResultTypes.Result{ImageFormatProperties, VulkanError} val = @propagate_errors(_get_physical_device_image_format_properties(physical_device, format, type, tiling, usage, fptr; flags)) ImageFormatProperties(val) end function create_device(physical_device, create_info::DeviceCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Device, VulkanError} val = @propagate_errors(_create_device(physical_device, convert(_DeviceCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_device(device, fptr::FunctionPtr; allocator = C_NULL) _destroy_device(device, fptr; allocator) end function enumerate_instance_version(fptr::FunctionPtr)::ResultTypes.Result{VersionNumber, VulkanError} val = @propagate_errors(_enumerate_instance_version(fptr)) val end function enumerate_instance_layer_properties(fptr::FunctionPtr)::ResultTypes.Result{Vector{LayerProperties}, VulkanError} val = @propagate_errors(_enumerate_instance_layer_properties(fptr)) LayerProperties.(val) end function enumerate_instance_extension_properties(fptr::FunctionPtr; layer_name = C_NULL)::ResultTypes.Result{Vector{ExtensionProperties}, VulkanError} val = @propagate_errors(_enumerate_instance_extension_properties(fptr; layer_name)) ExtensionProperties.(val) end function enumerate_device_layer_properties(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{LayerProperties}, VulkanError} val = @propagate_errors(_enumerate_device_layer_properties(physical_device, fptr)) LayerProperties.(val) end function enumerate_device_extension_properties(physical_device, fptr::FunctionPtr; layer_name = C_NULL)::ResultTypes.Result{Vector{ExtensionProperties}, VulkanError} val = @propagate_errors(_enumerate_device_extension_properties(physical_device, fptr; layer_name)) ExtensionProperties.(val) end function get_device_queue(device, queue_family_index::Integer, queue_index::Integer, fptr::FunctionPtr) _get_device_queue(device, queue_family_index, queue_index, fptr) end function queue_submit(queue, submits::AbstractArray, fptr::FunctionPtr; fence = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_queue_submit(queue, convert(AbstractArray{_SubmitInfo}, submits), fptr; fence)) val end function queue_wait_idle(queue, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_queue_wait_idle(queue, fptr)) val end function device_wait_idle(device, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_device_wait_idle(device, fptr)) val end function allocate_memory(device, allocate_info::MemoryAllocateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DeviceMemory, VulkanError} val = @propagate_errors(_allocate_memory(device, convert(_MemoryAllocateInfo, allocate_info), fptr_create, fptr_destroy; allocator)) val end function free_memory(device, memory, fptr::FunctionPtr; allocator = C_NULL) _free_memory(device, memory, fptr; allocator) end function map_memory(device, memory, offset::Integer, size::Integer, fptr::FunctionPtr; flags = 0)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} val = @propagate_errors(_map_memory(device, memory, offset, size, fptr; flags)) val end function unmap_memory(device, memory, fptr::FunctionPtr) _unmap_memory(device, memory, fptr) end function flush_mapped_memory_ranges(device, memory_ranges::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_flush_mapped_memory_ranges(device, convert(AbstractArray{_MappedMemoryRange}, memory_ranges), fptr)) val end function invalidate_mapped_memory_ranges(device, memory_ranges::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_invalidate_mapped_memory_ranges(device, convert(AbstractArray{_MappedMemoryRange}, memory_ranges), fptr)) val end function get_device_memory_commitment(device, memory, fptr::FunctionPtr) _get_device_memory_commitment(device, memory, fptr) end function get_buffer_memory_requirements(device, buffer, fptr::FunctionPtr) MemoryRequirements(_get_buffer_memory_requirements(device, buffer, fptr)) end function bind_buffer_memory(device, buffer, memory, memory_offset::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_buffer_memory(device, buffer, memory, memory_offset, fptr)) val end function get_image_memory_requirements(device, image, fptr::FunctionPtr) MemoryRequirements(_get_image_memory_requirements(device, image, fptr)) end function bind_image_memory(device, image, memory, memory_offset::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_image_memory(device, image, memory, memory_offset, fptr)) val end function get_image_sparse_memory_requirements(device, image, fptr::FunctionPtr) SparseImageMemoryRequirements.(_get_image_sparse_memory_requirements(device, image, fptr)) end function get_physical_device_sparse_image_format_properties(physical_device, format::Format, type::ImageType, samples::SampleCountFlag, usage::ImageUsageFlag, tiling::ImageTiling, fptr::FunctionPtr) SparseImageFormatProperties.(_get_physical_device_sparse_image_format_properties(physical_device, format, type, samples, usage, tiling, fptr)) end function queue_bind_sparse(queue, bind_info::AbstractArray, fptr::FunctionPtr; fence = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_queue_bind_sparse(queue, convert(AbstractArray{_BindSparseInfo}, bind_info), fptr; fence)) val end function create_fence(device, create_info::FenceCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Fence, VulkanError} val = @propagate_errors(_create_fence(device, convert(_FenceCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_fence(device, fence, fptr::FunctionPtr; allocator = C_NULL) _destroy_fence(device, fence, fptr; allocator) end function reset_fences(device, fences::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_reset_fences(device, fences, fptr)) val end function get_fence_status(device, fence, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_fence_status(device, fence, fptr)) val end function wait_for_fences(device, fences::AbstractArray, wait_all::Bool, timeout::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_wait_for_fences(device, fences, wait_all, timeout, fptr)) val end function create_semaphore(device, create_info::SemaphoreCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Semaphore, VulkanError} val = @propagate_errors(_create_semaphore(device, convert(_SemaphoreCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_semaphore(device, semaphore, fptr::FunctionPtr; allocator = C_NULL) _destroy_semaphore(device, semaphore, fptr; allocator) end function create_event(device, create_info::EventCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Event, VulkanError} val = @propagate_errors(_create_event(device, convert(_EventCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_event(device, event, fptr::FunctionPtr; allocator = C_NULL) _destroy_event(device, event, fptr; allocator) end function get_event_status(device, event, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_event_status(device, event, fptr)) val end function set_event(device, event, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_set_event(device, event, fptr)) val end function reset_event(device, event, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_reset_event(device, event, fptr)) val end function create_query_pool(device, create_info::QueryPoolCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{QueryPool, VulkanError} val = @propagate_errors(_create_query_pool(device, convert(_QueryPoolCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_query_pool(device, query_pool, fptr::FunctionPtr; allocator = C_NULL) _destroy_query_pool(device, query_pool, fptr; allocator) end function get_query_pool_results(device, query_pool, first_query::Integer, query_count::Integer, data_size::Integer, data::Ptr{Cvoid}, stride::Integer, fptr::FunctionPtr; flags = 0)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_query_pool_results(device, query_pool, first_query, query_count, data_size, data, stride, fptr; flags)) val end function reset_query_pool(device, query_pool, first_query::Integer, query_count::Integer, fptr::FunctionPtr) _reset_query_pool(device, query_pool, first_query, query_count, fptr) end function create_buffer(device, create_info::BufferCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Buffer, VulkanError} val = @propagate_errors(_create_buffer(device, convert(_BufferCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_buffer(device, buffer, fptr::FunctionPtr; allocator = C_NULL) _destroy_buffer(device, buffer, fptr; allocator) end function create_buffer_view(device, create_info::BufferViewCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{BufferView, VulkanError} val = @propagate_errors(_create_buffer_view(device, convert(_BufferViewCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_buffer_view(device, buffer_view, fptr::FunctionPtr; allocator = C_NULL) _destroy_buffer_view(device, buffer_view, fptr; allocator) end function create_image(device, create_info::ImageCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Image, VulkanError} val = @propagate_errors(_create_image(device, convert(_ImageCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_image(device, image, fptr::FunctionPtr; allocator = C_NULL) _destroy_image(device, image, fptr; allocator) end function get_image_subresource_layout(device, image, subresource::ImageSubresource, fptr::FunctionPtr) SubresourceLayout(_get_image_subresource_layout(device, image, convert(_ImageSubresource, subresource), fptr)) end function create_image_view(device, create_info::ImageViewCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{ImageView, VulkanError} val = @propagate_errors(_create_image_view(device, convert(_ImageViewCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_image_view(device, image_view, fptr::FunctionPtr; allocator = C_NULL) _destroy_image_view(device, image_view, fptr; allocator) end function create_shader_module(device, create_info::ShaderModuleCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{ShaderModule, VulkanError} val = @propagate_errors(_create_shader_module(device, convert(_ShaderModuleCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_shader_module(device, shader_module, fptr::FunctionPtr; allocator = C_NULL) _destroy_shader_module(device, shader_module, fptr; allocator) end function create_pipeline_cache(device, create_info::PipelineCacheCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{PipelineCache, VulkanError} val = @propagate_errors(_create_pipeline_cache(device, convert(_PipelineCacheCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_pipeline_cache(device, pipeline_cache, fptr::FunctionPtr; allocator = C_NULL) _destroy_pipeline_cache(device, pipeline_cache, fptr; allocator) end function get_pipeline_cache_data(device, pipeline_cache, fptr::FunctionPtr)::ResultTypes.Result{Tuple{UInt, Ptr{Cvoid}}, VulkanError} val = @propagate_errors(_get_pipeline_cache_data(device, pipeline_cache, fptr)) val end function merge_pipeline_caches(device, dst_cache, src_caches::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_merge_pipeline_caches(device, dst_cache, src_caches, fptr)) val end function create_graphics_pipelines(device, create_infos::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} val = @propagate_errors(_create_graphics_pipelines(device, convert(AbstractArray{_GraphicsPipelineCreateInfo}, create_infos), fptr_create, fptr_destroy; pipeline_cache, allocator)) val end function create_compute_pipelines(device, create_infos::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} val = @propagate_errors(_create_compute_pipelines(device, convert(AbstractArray{_ComputePipelineCreateInfo}, create_infos), fptr_create, fptr_destroy; pipeline_cache, allocator)) val end function get_device_subpass_shading_max_workgroup_size_huawei(device, renderpass, fptr::FunctionPtr)::ResultTypes.Result{Extent2D, VulkanError} val = @propagate_errors(_get_device_subpass_shading_max_workgroup_size_huawei(device, renderpass, fptr)) Extent2D(val) end function destroy_pipeline(device, pipeline, fptr::FunctionPtr; allocator = C_NULL) _destroy_pipeline(device, pipeline, fptr; allocator) end function create_pipeline_layout(device, create_info::PipelineLayoutCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{PipelineLayout, VulkanError} val = @propagate_errors(_create_pipeline_layout(device, convert(_PipelineLayoutCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_pipeline_layout(device, pipeline_layout, fptr::FunctionPtr; allocator = C_NULL) _destroy_pipeline_layout(device, pipeline_layout, fptr; allocator) end function create_sampler(device, create_info::SamplerCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Sampler, VulkanError} val = @propagate_errors(_create_sampler(device, convert(_SamplerCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_sampler(device, sampler, fptr::FunctionPtr; allocator = C_NULL) _destroy_sampler(device, sampler, fptr; allocator) end function create_descriptor_set_layout(device, create_info::DescriptorSetLayoutCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DescriptorSetLayout, VulkanError} val = @propagate_errors(_create_descriptor_set_layout(device, convert(_DescriptorSetLayoutCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_descriptor_set_layout(device, descriptor_set_layout, fptr::FunctionPtr; allocator = C_NULL) _destroy_descriptor_set_layout(device, descriptor_set_layout, fptr; allocator) end function create_descriptor_pool(device, create_info::DescriptorPoolCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DescriptorPool, VulkanError} val = @propagate_errors(_create_descriptor_pool(device, convert(_DescriptorPoolCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_descriptor_pool(device, descriptor_pool, fptr::FunctionPtr; allocator = C_NULL) _destroy_descriptor_pool(device, descriptor_pool, fptr; allocator) end function reset_descriptor_pool(device, descriptor_pool, fptr::FunctionPtr; flags = 0) _reset_descriptor_pool(device, descriptor_pool, fptr; flags) end function allocate_descriptor_sets(device, allocate_info::DescriptorSetAllocateInfo, fptr_create::FunctionPtr)::ResultTypes.Result{Vector{DescriptorSet}, VulkanError} val = @propagate_errors(_allocate_descriptor_sets(device, convert(_DescriptorSetAllocateInfo, allocate_info), fptr_create)) val end function free_descriptor_sets(device, descriptor_pool, descriptor_sets::AbstractArray, fptr::FunctionPtr) _free_descriptor_sets(device, descriptor_pool, descriptor_sets, fptr) end function update_descriptor_sets(device, descriptor_writes::AbstractArray, descriptor_copies::AbstractArray, fptr::FunctionPtr) _update_descriptor_sets(device, convert(AbstractArray{_WriteDescriptorSet}, descriptor_writes), convert(AbstractArray{_CopyDescriptorSet}, descriptor_copies), fptr) end function create_framebuffer(device, create_info::FramebufferCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Framebuffer, VulkanError} val = @propagate_errors(_create_framebuffer(device, convert(_FramebufferCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_framebuffer(device, framebuffer, fptr::FunctionPtr; allocator = C_NULL) _destroy_framebuffer(device, framebuffer, fptr; allocator) end function create_render_pass(device, create_info::RenderPassCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{RenderPass, VulkanError} val = @propagate_errors(_create_render_pass(device, convert(_RenderPassCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_render_pass(device, render_pass, fptr::FunctionPtr; allocator = C_NULL) _destroy_render_pass(device, render_pass, fptr; allocator) end function get_render_area_granularity(device, render_pass, fptr::FunctionPtr) Extent2D(_get_render_area_granularity(device, render_pass, fptr)) end function create_command_pool(device, create_info::CommandPoolCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{CommandPool, VulkanError} val = @propagate_errors(_create_command_pool(device, convert(_CommandPoolCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_command_pool(device, command_pool, fptr::FunctionPtr; allocator = C_NULL) _destroy_command_pool(device, command_pool, fptr; allocator) end function reset_command_pool(device, command_pool, fptr::FunctionPtr; flags = 0)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_reset_command_pool(device, command_pool, fptr; flags)) val end function allocate_command_buffers(device, allocate_info::CommandBufferAllocateInfo, fptr_create::FunctionPtr)::ResultTypes.Result{Vector{CommandBuffer}, VulkanError} val = @propagate_errors(_allocate_command_buffers(device, convert(_CommandBufferAllocateInfo, allocate_info), fptr_create)) val end function free_command_buffers(device, command_pool, command_buffers::AbstractArray, fptr::FunctionPtr) _free_command_buffers(device, command_pool, command_buffers, fptr) end function begin_command_buffer(command_buffer, begin_info::CommandBufferBeginInfo, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_begin_command_buffer(command_buffer, convert(_CommandBufferBeginInfo, begin_info), fptr)) val end function end_command_buffer(command_buffer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_end_command_buffer(command_buffer, fptr)) val end function reset_command_buffer(command_buffer, fptr::FunctionPtr; flags = 0)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_reset_command_buffer(command_buffer, fptr; flags)) val end function cmd_bind_pipeline(command_buffer, pipeline_bind_point::PipelineBindPoint, pipeline, fptr::FunctionPtr) _cmd_bind_pipeline(command_buffer, pipeline_bind_point, pipeline, fptr) end function cmd_set_viewport(command_buffer, viewports::AbstractArray, fptr::FunctionPtr) _cmd_set_viewport(command_buffer, convert(AbstractArray{_Viewport}, viewports), fptr) end function cmd_set_scissor(command_buffer, scissors::AbstractArray, fptr::FunctionPtr) _cmd_set_scissor(command_buffer, convert(AbstractArray{_Rect2D}, scissors), fptr) end function cmd_set_line_width(command_buffer, line_width::Real, fptr::FunctionPtr) _cmd_set_line_width(command_buffer, line_width, fptr) end function cmd_set_depth_bias(command_buffer, depth_bias_constant_factor::Real, depth_bias_clamp::Real, depth_bias_slope_factor::Real, fptr::FunctionPtr) _cmd_set_depth_bias(command_buffer, depth_bias_constant_factor, depth_bias_clamp, depth_bias_slope_factor, fptr) end function cmd_set_blend_constants(command_buffer, blend_constants::NTuple{4, Float32}, fptr::FunctionPtr) _cmd_set_blend_constants(command_buffer, blend_constants, fptr) end function cmd_set_depth_bounds(command_buffer, min_depth_bounds::Real, max_depth_bounds::Real, fptr::FunctionPtr) _cmd_set_depth_bounds(command_buffer, min_depth_bounds, max_depth_bounds, fptr) end function cmd_set_stencil_compare_mask(command_buffer, face_mask::StencilFaceFlag, compare_mask::Integer, fptr::FunctionPtr) _cmd_set_stencil_compare_mask(command_buffer, face_mask, compare_mask, fptr) end function cmd_set_stencil_write_mask(command_buffer, face_mask::StencilFaceFlag, write_mask::Integer, fptr::FunctionPtr) _cmd_set_stencil_write_mask(command_buffer, face_mask, write_mask, fptr) end function cmd_set_stencil_reference(command_buffer, face_mask::StencilFaceFlag, reference::Integer, fptr::FunctionPtr) _cmd_set_stencil_reference(command_buffer, face_mask, reference, fptr) end function cmd_bind_descriptor_sets(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, first_set::Integer, descriptor_sets::AbstractArray, dynamic_offsets::AbstractArray, fptr::FunctionPtr) _cmd_bind_descriptor_sets(command_buffer, pipeline_bind_point, layout, first_set, descriptor_sets, dynamic_offsets, fptr) end function cmd_bind_index_buffer(command_buffer, buffer, offset::Integer, index_type::IndexType, fptr::FunctionPtr) _cmd_bind_index_buffer(command_buffer, buffer, offset, index_type, fptr) end function cmd_bind_vertex_buffers(command_buffer, buffers::AbstractArray, offsets::AbstractArray, fptr::FunctionPtr) _cmd_bind_vertex_buffers(command_buffer, buffers, offsets, fptr) end function cmd_draw(command_buffer, vertex_count::Integer, instance_count::Integer, first_vertex::Integer, first_instance::Integer, fptr::FunctionPtr) _cmd_draw(command_buffer, vertex_count, instance_count, first_vertex, first_instance, fptr) end function cmd_draw_indexed(command_buffer, index_count::Integer, instance_count::Integer, first_index::Integer, vertex_offset::Integer, first_instance::Integer, fptr::FunctionPtr) _cmd_draw_indexed(command_buffer, index_count, instance_count, first_index, vertex_offset, first_instance, fptr) end function cmd_draw_multi_ext(command_buffer, vertex_info::AbstractArray, instance_count::Integer, first_instance::Integer, stride::Integer, fptr::FunctionPtr) _cmd_draw_multi_ext(command_buffer, convert(AbstractArray{_MultiDrawInfoEXT}, vertex_info), instance_count, first_instance, stride, fptr) end function cmd_draw_multi_indexed_ext(command_buffer, index_info::AbstractArray, instance_count::Integer, first_instance::Integer, stride::Integer, fptr::FunctionPtr; vertex_offset = C_NULL) _cmd_draw_multi_indexed_ext(command_buffer, convert(AbstractArray{_MultiDrawIndexedInfoEXT}, index_info), instance_count, first_instance, stride, fptr; vertex_offset) end function cmd_draw_indirect(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer, fptr::FunctionPtr) _cmd_draw_indirect(command_buffer, buffer, offset, draw_count, stride, fptr) end function cmd_draw_indexed_indirect(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer, fptr::FunctionPtr) _cmd_draw_indexed_indirect(command_buffer, buffer, offset, draw_count, stride, fptr) end function cmd_dispatch(command_buffer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer, fptr::FunctionPtr) _cmd_dispatch(command_buffer, group_count_x, group_count_y, group_count_z, fptr) end function cmd_dispatch_indirect(command_buffer, buffer, offset::Integer, fptr::FunctionPtr) _cmd_dispatch_indirect(command_buffer, buffer, offset, fptr) end function cmd_subpass_shading_huawei(command_buffer, fptr::FunctionPtr) _cmd_subpass_shading_huawei(command_buffer, fptr) end function cmd_draw_cluster_huawei(command_buffer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer, fptr::FunctionPtr) _cmd_draw_cluster_huawei(command_buffer, group_count_x, group_count_y, group_count_z, fptr) end function cmd_draw_cluster_indirect_huawei(command_buffer, buffer, offset::Integer, fptr::FunctionPtr) _cmd_draw_cluster_indirect_huawei(command_buffer, buffer, offset, fptr) end function cmd_copy_buffer(command_buffer, src_buffer, dst_buffer, regions::AbstractArray, fptr::FunctionPtr) _cmd_copy_buffer(command_buffer, src_buffer, dst_buffer, convert(AbstractArray{_BufferCopy}, regions), fptr) end function cmd_copy_image(command_buffer, src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray, fptr::FunctionPtr) _cmd_copy_image(command_buffer, src_image, src_image_layout, dst_image, dst_image_layout, convert(AbstractArray{_ImageCopy}, regions), fptr) end function cmd_blit_image(command_buffer, src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray, filter::Filter, fptr::FunctionPtr) _cmd_blit_image(command_buffer, src_image, src_image_layout, dst_image, dst_image_layout, convert(AbstractArray{_ImageBlit}, regions), filter, fptr) end function cmd_copy_buffer_to_image(command_buffer, src_buffer, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray, fptr::FunctionPtr) _cmd_copy_buffer_to_image(command_buffer, src_buffer, dst_image, dst_image_layout, convert(AbstractArray{_BufferImageCopy}, regions), fptr) end function cmd_copy_image_to_buffer(command_buffer, src_image, src_image_layout::ImageLayout, dst_buffer, regions::AbstractArray, fptr::FunctionPtr) _cmd_copy_image_to_buffer(command_buffer, src_image, src_image_layout, dst_buffer, convert(AbstractArray{_BufferImageCopy}, regions), fptr) end function cmd_copy_memory_indirect_nv(command_buffer, copy_buffer_address::Integer, copy_count::Integer, stride::Integer, fptr::FunctionPtr) _cmd_copy_memory_indirect_nv(command_buffer, copy_buffer_address, copy_count, stride, fptr) end function cmd_copy_memory_to_image_indirect_nv(command_buffer, copy_buffer_address::Integer, stride::Integer, dst_image, dst_image_layout::ImageLayout, image_subresources::AbstractArray, fptr::FunctionPtr) _cmd_copy_memory_to_image_indirect_nv(command_buffer, copy_buffer_address, stride, dst_image, dst_image_layout, convert(AbstractArray{_ImageSubresourceLayers}, image_subresources), fptr) end function cmd_update_buffer(command_buffer, dst_buffer, dst_offset::Integer, data_size::Integer, data::Ptr{Cvoid}, fptr::FunctionPtr) _cmd_update_buffer(command_buffer, dst_buffer, dst_offset, data_size, data, fptr) end function cmd_fill_buffer(command_buffer, dst_buffer, dst_offset::Integer, size::Integer, data::Integer, fptr::FunctionPtr) _cmd_fill_buffer(command_buffer, dst_buffer, dst_offset, size, data, fptr) end function cmd_clear_color_image(command_buffer, image, image_layout::ImageLayout, color::ClearColorValue, ranges::AbstractArray, fptr::FunctionPtr) _cmd_clear_color_image(command_buffer, image, image_layout, convert(_ClearColorValue, color), convert(AbstractArray{_ImageSubresourceRange}, ranges), fptr) end function cmd_clear_depth_stencil_image(command_buffer, image, image_layout::ImageLayout, depth_stencil::ClearDepthStencilValue, ranges::AbstractArray, fptr::FunctionPtr) _cmd_clear_depth_stencil_image(command_buffer, image, image_layout, convert(_ClearDepthStencilValue, depth_stencil), convert(AbstractArray{_ImageSubresourceRange}, ranges), fptr) end function cmd_clear_attachments(command_buffer, attachments::AbstractArray, rects::AbstractArray, fptr::FunctionPtr) _cmd_clear_attachments(command_buffer, convert(AbstractArray{_ClearAttachment}, attachments), convert(AbstractArray{_ClearRect}, rects), fptr) end function cmd_resolve_image(command_buffer, src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray, fptr::FunctionPtr) _cmd_resolve_image(command_buffer, src_image, src_image_layout, dst_image, dst_image_layout, convert(AbstractArray{_ImageResolve}, regions), fptr) end function cmd_set_event(command_buffer, event, fptr::FunctionPtr; stage_mask = 0) _cmd_set_event(command_buffer, event, fptr; stage_mask) end function cmd_reset_event(command_buffer, event, fptr::FunctionPtr; stage_mask = 0) _cmd_reset_event(command_buffer, event, fptr; stage_mask) end function cmd_wait_events(command_buffer, events::AbstractArray, memory_barriers::AbstractArray, buffer_memory_barriers::AbstractArray, image_memory_barriers::AbstractArray, fptr::FunctionPtr; src_stage_mask = 0, dst_stage_mask = 0) _cmd_wait_events(command_buffer, events, convert(AbstractArray{_MemoryBarrier}, memory_barriers), convert(AbstractArray{_BufferMemoryBarrier}, buffer_memory_barriers), convert(AbstractArray{_ImageMemoryBarrier}, image_memory_barriers), fptr; src_stage_mask, dst_stage_mask) end function cmd_pipeline_barrier(command_buffer, memory_barriers::AbstractArray, buffer_memory_barriers::AbstractArray, image_memory_barriers::AbstractArray, fptr::FunctionPtr; src_stage_mask = 0, dst_stage_mask = 0, dependency_flags = 0) _cmd_pipeline_barrier(command_buffer, convert(AbstractArray{_MemoryBarrier}, memory_barriers), convert(AbstractArray{_BufferMemoryBarrier}, buffer_memory_barriers), convert(AbstractArray{_ImageMemoryBarrier}, image_memory_barriers), fptr; src_stage_mask, dst_stage_mask, dependency_flags) end function cmd_begin_query(command_buffer, query_pool, query::Integer, fptr::FunctionPtr; flags = 0) _cmd_begin_query(command_buffer, query_pool, query, fptr; flags) end function cmd_end_query(command_buffer, query_pool, query::Integer, fptr::FunctionPtr) _cmd_end_query(command_buffer, query_pool, query, fptr) end function cmd_begin_conditional_rendering_ext(command_buffer, conditional_rendering_begin::ConditionalRenderingBeginInfoEXT, fptr::FunctionPtr) _cmd_begin_conditional_rendering_ext(command_buffer, convert(_ConditionalRenderingBeginInfoEXT, conditional_rendering_begin), fptr) end function cmd_end_conditional_rendering_ext(command_buffer, fptr::FunctionPtr) _cmd_end_conditional_rendering_ext(command_buffer, fptr) end function cmd_reset_query_pool(command_buffer, query_pool, first_query::Integer, query_count::Integer, fptr::FunctionPtr) _cmd_reset_query_pool(command_buffer, query_pool, first_query, query_count, fptr) end function cmd_write_timestamp(command_buffer, pipeline_stage::PipelineStageFlag, query_pool, query::Integer, fptr::FunctionPtr) _cmd_write_timestamp(command_buffer, pipeline_stage, query_pool, query, fptr) end function cmd_copy_query_pool_results(command_buffer, query_pool, first_query::Integer, query_count::Integer, dst_buffer, dst_offset::Integer, stride::Integer, fptr::FunctionPtr; flags = 0) _cmd_copy_query_pool_results(command_buffer, query_pool, first_query, query_count, dst_buffer, dst_offset, stride, fptr; flags) end function cmd_push_constants(command_buffer, layout, stage_flags::ShaderStageFlag, offset::Integer, size::Integer, values::Ptr{Cvoid}, fptr::FunctionPtr) _cmd_push_constants(command_buffer, layout, stage_flags, offset, size, values, fptr) end function cmd_begin_render_pass(command_buffer, render_pass_begin::RenderPassBeginInfo, contents::SubpassContents, fptr::FunctionPtr) _cmd_begin_render_pass(command_buffer, convert(_RenderPassBeginInfo, render_pass_begin), contents, fptr) end function cmd_next_subpass(command_buffer, contents::SubpassContents, fptr::FunctionPtr) _cmd_next_subpass(command_buffer, contents, fptr) end function cmd_end_render_pass(command_buffer, fptr::FunctionPtr) _cmd_end_render_pass(command_buffer, fptr) end function cmd_execute_commands(command_buffer, command_buffers::AbstractArray, fptr::FunctionPtr) _cmd_execute_commands(command_buffer, command_buffers, fptr) end function get_physical_device_display_properties_khr(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{DisplayPropertiesKHR}, VulkanError} val = @propagate_errors(_get_physical_device_display_properties_khr(physical_device, fptr)) DisplayPropertiesKHR.(val) end function get_physical_device_display_plane_properties_khr(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{DisplayPlanePropertiesKHR}, VulkanError} val = @propagate_errors(_get_physical_device_display_plane_properties_khr(physical_device, fptr)) DisplayPlanePropertiesKHR.(val) end function get_display_plane_supported_displays_khr(physical_device, plane_index::Integer, fptr::FunctionPtr)::ResultTypes.Result{Vector{DisplayKHR}, VulkanError} val = @propagate_errors(_get_display_plane_supported_displays_khr(physical_device, plane_index, fptr)) val end function get_display_mode_properties_khr(physical_device, display, fptr::FunctionPtr)::ResultTypes.Result{Vector{DisplayModePropertiesKHR}, VulkanError} val = @propagate_errors(_get_display_mode_properties_khr(physical_device, display, fptr)) DisplayModePropertiesKHR.(val) end function create_display_mode_khr(physical_device, display, create_info::DisplayModeCreateInfoKHR, fptr_create::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DisplayModeKHR, VulkanError} val = @propagate_errors(_create_display_mode_khr(physical_device, display, convert(_DisplayModeCreateInfoKHR, create_info), fptr_create; allocator)) val end function get_display_plane_capabilities_khr(physical_device, mode, plane_index::Integer, fptr::FunctionPtr)::ResultTypes.Result{DisplayPlaneCapabilitiesKHR, VulkanError} val = @propagate_errors(_get_display_plane_capabilities_khr(physical_device, mode, plane_index, fptr)) DisplayPlaneCapabilitiesKHR(val) end function create_display_plane_surface_khr(instance, create_info::DisplaySurfaceCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_display_plane_surface_khr(instance, convert(_DisplaySurfaceCreateInfoKHR, create_info), fptr_create, fptr_destroy; allocator)) val end function create_shared_swapchains_khr(device, create_infos::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Vector{SwapchainKHR}, VulkanError} val = @propagate_errors(_create_shared_swapchains_khr(device, convert(AbstractArray{_SwapchainCreateInfoKHR}, create_infos), fptr_create, fptr_destroy; allocator)) val end function destroy_surface_khr(instance, surface, fptr::FunctionPtr; allocator = C_NULL) _destroy_surface_khr(instance, surface, fptr; allocator) end function get_physical_device_surface_support_khr(physical_device, queue_family_index::Integer, surface, fptr::FunctionPtr)::ResultTypes.Result{Bool, VulkanError} val = @propagate_errors(_get_physical_device_surface_support_khr(physical_device, queue_family_index, surface, fptr)) val end function get_physical_device_surface_capabilities_khr(physical_device, surface, fptr::FunctionPtr)::ResultTypes.Result{SurfaceCapabilitiesKHR, VulkanError} val = @propagate_errors(_get_physical_device_surface_capabilities_khr(physical_device, surface, fptr)) SurfaceCapabilitiesKHR(val) end function get_physical_device_surface_formats_khr(physical_device, fptr::FunctionPtr; surface = C_NULL)::ResultTypes.Result{Vector{SurfaceFormatKHR}, VulkanError} val = @propagate_errors(_get_physical_device_surface_formats_khr(physical_device, fptr; surface)) SurfaceFormatKHR.(val) end function get_physical_device_surface_present_modes_khr(physical_device, fptr::FunctionPtr; surface = C_NULL)::ResultTypes.Result{Vector{PresentModeKHR}, VulkanError} val = @propagate_errors(_get_physical_device_surface_present_modes_khr(physical_device, fptr; surface)) val end function create_swapchain_khr(device, create_info::SwapchainCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SwapchainKHR, VulkanError} val = @propagate_errors(_create_swapchain_khr(device, convert(_SwapchainCreateInfoKHR, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_swapchain_khr(device, swapchain, fptr::FunctionPtr; allocator = C_NULL) _destroy_swapchain_khr(device, swapchain, fptr; allocator) end function get_swapchain_images_khr(device, swapchain, fptr::FunctionPtr)::ResultTypes.Result{Vector{Image}, VulkanError} val = @propagate_errors(_get_swapchain_images_khr(device, swapchain, fptr)) val end function acquire_next_image_khr(device, swapchain, timeout::Integer, fptr::FunctionPtr; semaphore = C_NULL, fence = C_NULL)::ResultTypes.Result{Tuple{UInt32, Result}, VulkanError} val = @propagate_errors(_acquire_next_image_khr(device, swapchain, timeout, fptr; semaphore, fence)) val end function queue_present_khr(queue, present_info::PresentInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_queue_present_khr(queue, convert(_PresentInfoKHR, present_info), fptr)) val end function create_debug_report_callback_ext(instance, create_info::DebugReportCallbackCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DebugReportCallbackEXT, VulkanError} val = @propagate_errors(_create_debug_report_callback_ext(instance, convert(_DebugReportCallbackCreateInfoEXT, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_debug_report_callback_ext(instance, callback, fptr::FunctionPtr; allocator = C_NULL) _destroy_debug_report_callback_ext(instance, callback, fptr; allocator) end function debug_report_message_ext(instance, flags::DebugReportFlagEXT, object_type::DebugReportObjectTypeEXT, object::Integer, location::Integer, message_code::Integer, layer_prefix::AbstractString, message::AbstractString, fptr::FunctionPtr) _debug_report_message_ext(instance, flags, object_type, object, location, message_code, layer_prefix, message, fptr) end function debug_marker_set_object_name_ext(device, name_info::DebugMarkerObjectNameInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_debug_marker_set_object_name_ext(device, convert(_DebugMarkerObjectNameInfoEXT, name_info), fptr)) val end function debug_marker_set_object_tag_ext(device, tag_info::DebugMarkerObjectTagInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_debug_marker_set_object_tag_ext(device, convert(_DebugMarkerObjectTagInfoEXT, tag_info), fptr)) val end function cmd_debug_marker_begin_ext(command_buffer, marker_info::DebugMarkerMarkerInfoEXT, fptr::FunctionPtr) _cmd_debug_marker_begin_ext(command_buffer, convert(_DebugMarkerMarkerInfoEXT, marker_info), fptr) end function cmd_debug_marker_end_ext(command_buffer, fptr::FunctionPtr) _cmd_debug_marker_end_ext(command_buffer, fptr) end function cmd_debug_marker_insert_ext(command_buffer, marker_info::DebugMarkerMarkerInfoEXT, fptr::FunctionPtr) _cmd_debug_marker_insert_ext(command_buffer, convert(_DebugMarkerMarkerInfoEXT, marker_info), fptr) end function get_physical_device_external_image_format_properties_nv(physical_device, format::Format, type::ImageType, tiling::ImageTiling, usage::ImageUsageFlag, fptr::FunctionPtr; flags = 0, external_handle_type = 0)::ResultTypes.Result{ExternalImageFormatPropertiesNV, VulkanError} val = @propagate_errors(_get_physical_device_external_image_format_properties_nv(physical_device, format, type, tiling, usage, fptr; flags, external_handle_type)) ExternalImageFormatPropertiesNV(val) end function cmd_execute_generated_commands_nv(command_buffer, is_preprocessed::Bool, generated_commands_info::GeneratedCommandsInfoNV, fptr::FunctionPtr) _cmd_execute_generated_commands_nv(command_buffer, is_preprocessed, convert(_GeneratedCommandsInfoNV, generated_commands_info), fptr) end function cmd_preprocess_generated_commands_nv(command_buffer, generated_commands_info::GeneratedCommandsInfoNV, fptr::FunctionPtr) _cmd_preprocess_generated_commands_nv(command_buffer, convert(_GeneratedCommandsInfoNV, generated_commands_info), fptr) end function cmd_bind_pipeline_shader_group_nv(command_buffer, pipeline_bind_point::PipelineBindPoint, pipeline, group_index::Integer, fptr::FunctionPtr) _cmd_bind_pipeline_shader_group_nv(command_buffer, pipeline_bind_point, pipeline, group_index, fptr) end function get_generated_commands_memory_requirements_nv(device, info::GeneratedCommandsMemoryRequirementsInfoNV, fptr::FunctionPtr, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) MemoryRequirements2(_get_generated_commands_memory_requirements_nv(device, convert(_GeneratedCommandsMemoryRequirementsInfoNV, info), fptr, next_types...), next_types_hl...) end function create_indirect_commands_layout_nv(device, create_info::IndirectCommandsLayoutCreateInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{IndirectCommandsLayoutNV, VulkanError} val = @propagate_errors(_create_indirect_commands_layout_nv(device, convert(_IndirectCommandsLayoutCreateInfoNV, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_indirect_commands_layout_nv(device, indirect_commands_layout, fptr::FunctionPtr; allocator = C_NULL) _destroy_indirect_commands_layout_nv(device, indirect_commands_layout, fptr; allocator) end function get_physical_device_features_2(physical_device, fptr::FunctionPtr, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) PhysicalDeviceFeatures2(_get_physical_device_features_2(physical_device, fptr, next_types...), next_types_hl...) end function get_physical_device_properties_2(physical_device, fptr::FunctionPtr, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) PhysicalDeviceProperties2(_get_physical_device_properties_2(physical_device, fptr, next_types...), next_types_hl...) end function get_physical_device_format_properties_2(physical_device, format::Format, fptr::FunctionPtr, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) FormatProperties2(_get_physical_device_format_properties_2(physical_device, format, fptr, next_types...), next_types_hl...) end function get_physical_device_image_format_properties_2(physical_device, image_format_info::PhysicalDeviceImageFormatInfo2, fptr::FunctionPtr, next_types::Type...)::ResultTypes.Result{ImageFormatProperties2, VulkanError} next_types_hl = next_types next_types = intermediate_type.(next_types) val = @propagate_errors(_get_physical_device_image_format_properties_2(physical_device, convert(_PhysicalDeviceImageFormatInfo2, image_format_info), fptr, next_types...)) ImageFormatProperties2(val, next_types_hl...) end function get_physical_device_queue_family_properties_2(physical_device, fptr::FunctionPtr) QueueFamilyProperties2.(_get_physical_device_queue_family_properties_2(physical_device, fptr)) end function get_physical_device_memory_properties_2(physical_device, fptr::FunctionPtr, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) PhysicalDeviceMemoryProperties2(_get_physical_device_memory_properties_2(physical_device, fptr, next_types...), next_types_hl...) end function get_physical_device_sparse_image_format_properties_2(physical_device, format_info::PhysicalDeviceSparseImageFormatInfo2, fptr::FunctionPtr) SparseImageFormatProperties2.(_get_physical_device_sparse_image_format_properties_2(physical_device, convert(_PhysicalDeviceSparseImageFormatInfo2, format_info), fptr)) end function cmd_push_descriptor_set_khr(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, set::Integer, descriptor_writes::AbstractArray, fptr::FunctionPtr) _cmd_push_descriptor_set_khr(command_buffer, pipeline_bind_point, layout, set, convert(AbstractArray{_WriteDescriptorSet}, descriptor_writes), fptr) end function trim_command_pool(device, command_pool, fptr::FunctionPtr; flags = 0) _trim_command_pool(device, command_pool, fptr; flags) end function get_physical_device_external_buffer_properties(physical_device, external_buffer_info::PhysicalDeviceExternalBufferInfo, fptr::FunctionPtr) ExternalBufferProperties(_get_physical_device_external_buffer_properties(physical_device, convert(_PhysicalDeviceExternalBufferInfo, external_buffer_info), fptr)) end function get_memory_fd_khr(device, get_fd_info::MemoryGetFdInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Int, VulkanError} val = @propagate_errors(_get_memory_fd_khr(device, convert(_MemoryGetFdInfoKHR, get_fd_info), fptr)) val end function get_memory_fd_properties_khr(device, handle_type::ExternalMemoryHandleTypeFlag, fd::Integer, fptr::FunctionPtr)::ResultTypes.Result{MemoryFdPropertiesKHR, VulkanError} val = @propagate_errors(_get_memory_fd_properties_khr(device, handle_type, fd, fptr)) MemoryFdPropertiesKHR(val) end function get_memory_remote_address_nv(device, memory_get_remote_address_info::MemoryGetRemoteAddressInfoNV, fptr::FunctionPtr)::ResultTypes.Result{Cvoid, VulkanError} val = @propagate_errors(_get_memory_remote_address_nv(device, convert(_MemoryGetRemoteAddressInfoNV, memory_get_remote_address_info), fptr)) val end function get_physical_device_external_semaphore_properties(physical_device, external_semaphore_info::PhysicalDeviceExternalSemaphoreInfo, fptr::FunctionPtr) ExternalSemaphoreProperties(_get_physical_device_external_semaphore_properties(physical_device, convert(_PhysicalDeviceExternalSemaphoreInfo, external_semaphore_info), fptr)) end function get_semaphore_fd_khr(device, get_fd_info::SemaphoreGetFdInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Int, VulkanError} val = @propagate_errors(_get_semaphore_fd_khr(device, convert(_SemaphoreGetFdInfoKHR, get_fd_info), fptr)) val end function import_semaphore_fd_khr(device, import_semaphore_fd_info::ImportSemaphoreFdInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_import_semaphore_fd_khr(device, convert(_ImportSemaphoreFdInfoKHR, import_semaphore_fd_info), fptr)) val end function get_physical_device_external_fence_properties(physical_device, external_fence_info::PhysicalDeviceExternalFenceInfo, fptr::FunctionPtr) ExternalFenceProperties(_get_physical_device_external_fence_properties(physical_device, convert(_PhysicalDeviceExternalFenceInfo, external_fence_info), fptr)) end function get_fence_fd_khr(device, get_fd_info::FenceGetFdInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Int, VulkanError} val = @propagate_errors(_get_fence_fd_khr(device, convert(_FenceGetFdInfoKHR, get_fd_info), fptr)) val end function import_fence_fd_khr(device, import_fence_fd_info::ImportFenceFdInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_import_fence_fd_khr(device, convert(_ImportFenceFdInfoKHR, import_fence_fd_info), fptr)) val end function release_display_ext(physical_device, display, fptr::FunctionPtr) _release_display_ext(physical_device, display, fptr) end function display_power_control_ext(device, display, display_power_info::DisplayPowerInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_display_power_control_ext(device, display, convert(_DisplayPowerInfoEXT, display_power_info), fptr)) val end function register_device_event_ext(device, device_event_info::DeviceEventInfoEXT, fptr::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Fence, VulkanError} val = @propagate_errors(_register_device_event_ext(device, convert(_DeviceEventInfoEXT, device_event_info), fptr; allocator)) val end function register_display_event_ext(device, display, display_event_info::DisplayEventInfoEXT, fptr::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Fence, VulkanError} val = @propagate_errors(_register_display_event_ext(device, display, convert(_DisplayEventInfoEXT, display_event_info), fptr; allocator)) val end function get_swapchain_counter_ext(device, swapchain, counter::SurfaceCounterFlagEXT, fptr::FunctionPtr)::ResultTypes.Result{UInt64, VulkanError} val = @propagate_errors(_get_swapchain_counter_ext(device, swapchain, counter, fptr)) val end function get_physical_device_surface_capabilities_2_ext(physical_device, surface, fptr::FunctionPtr)::ResultTypes.Result{SurfaceCapabilities2EXT, VulkanError} val = @propagate_errors(_get_physical_device_surface_capabilities_2_ext(physical_device, surface, fptr)) SurfaceCapabilities2EXT(val) end function enumerate_physical_device_groups(instance, fptr::FunctionPtr)::ResultTypes.Result{Vector{PhysicalDeviceGroupProperties}, VulkanError} val = @propagate_errors(_enumerate_physical_device_groups(instance, fptr)) PhysicalDeviceGroupProperties.(val) end function get_device_group_peer_memory_features(device, heap_index::Integer, local_device_index::Integer, remote_device_index::Integer, fptr::FunctionPtr) _get_device_group_peer_memory_features(device, heap_index, local_device_index, remote_device_index, fptr) end function bind_buffer_memory_2(device, bind_infos::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_buffer_memory_2(device, convert(AbstractArray{_BindBufferMemoryInfo}, bind_infos), fptr)) val end function bind_image_memory_2(device, bind_infos::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_image_memory_2(device, convert(AbstractArray{_BindImageMemoryInfo}, bind_infos), fptr)) val end function cmd_set_device_mask(command_buffer, device_mask::Integer, fptr::FunctionPtr) _cmd_set_device_mask(command_buffer, device_mask, fptr) end function get_device_group_present_capabilities_khr(device, fptr::FunctionPtr)::ResultTypes.Result{DeviceGroupPresentCapabilitiesKHR, VulkanError} val = @propagate_errors(_get_device_group_present_capabilities_khr(device, fptr)) DeviceGroupPresentCapabilitiesKHR(val) end function get_device_group_surface_present_modes_khr(device, surface, modes::DeviceGroupPresentModeFlagKHR, fptr::FunctionPtr)::ResultTypes.Result{DeviceGroupPresentModeFlagKHR, VulkanError} val = @propagate_errors(_get_device_group_surface_present_modes_khr(device, surface, modes, fptr)) val end function acquire_next_image_2_khr(device, acquire_info::AcquireNextImageInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Tuple{UInt32, Result}, VulkanError} val = @propagate_errors(_acquire_next_image_2_khr(device, convert(_AcquireNextImageInfoKHR, acquire_info), fptr)) val end function cmd_dispatch_base(command_buffer, base_group_x::Integer, base_group_y::Integer, base_group_z::Integer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer, fptr::FunctionPtr) _cmd_dispatch_base(command_buffer, base_group_x, base_group_y, base_group_z, group_count_x, group_count_y, group_count_z, fptr) end function get_physical_device_present_rectangles_khr(physical_device, surface, fptr::FunctionPtr)::ResultTypes.Result{Vector{Rect2D}, VulkanError} val = @propagate_errors(_get_physical_device_present_rectangles_khr(physical_device, surface, fptr)) Rect2D.(val) end function create_descriptor_update_template(device, create_info::DescriptorUpdateTemplateCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DescriptorUpdateTemplate, VulkanError} val = @propagate_errors(_create_descriptor_update_template(device, convert(_DescriptorUpdateTemplateCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_descriptor_update_template(device, descriptor_update_template, fptr::FunctionPtr; allocator = C_NULL) _destroy_descriptor_update_template(device, descriptor_update_template, fptr; allocator) end function update_descriptor_set_with_template(device, descriptor_set, descriptor_update_template, data::Ptr{Cvoid}, fptr::FunctionPtr) _update_descriptor_set_with_template(device, descriptor_set, descriptor_update_template, data, fptr) end function cmd_push_descriptor_set_with_template_khr(command_buffer, descriptor_update_template, layout, set::Integer, data::Ptr{Cvoid}, fptr::FunctionPtr) _cmd_push_descriptor_set_with_template_khr(command_buffer, descriptor_update_template, layout, set, data, fptr) end function set_hdr_metadata_ext(device, swapchains::AbstractArray, metadata::AbstractArray, fptr::FunctionPtr) _set_hdr_metadata_ext(device, swapchains, convert(AbstractArray{_HdrMetadataEXT}, metadata), fptr) end function get_swapchain_status_khr(device, swapchain, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_swapchain_status_khr(device, swapchain, fptr)) val end function get_refresh_cycle_duration_google(device, swapchain, fptr::FunctionPtr)::ResultTypes.Result{RefreshCycleDurationGOOGLE, VulkanError} val = @propagate_errors(_get_refresh_cycle_duration_google(device, swapchain, fptr)) RefreshCycleDurationGOOGLE(val) end function get_past_presentation_timing_google(device, swapchain, fptr::FunctionPtr)::ResultTypes.Result{Vector{PastPresentationTimingGOOGLE}, VulkanError} val = @propagate_errors(_get_past_presentation_timing_google(device, swapchain, fptr)) PastPresentationTimingGOOGLE.(val) end function create_mac_os_surface_mvk(instance, create_info::MacOSSurfaceCreateInfoMVK, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_mac_os_surface_mvk(instance, convert(_MacOSSurfaceCreateInfoMVK, create_info), fptr_create, fptr_destroy; allocator)) val end function create_metal_surface_ext(instance, create_info::MetalSurfaceCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_metal_surface_ext(instance, convert(_MetalSurfaceCreateInfoEXT, create_info), fptr_create, fptr_destroy; allocator)) val end function cmd_set_viewport_w_scaling_nv(command_buffer, viewport_w_scalings::AbstractArray, fptr::FunctionPtr) _cmd_set_viewport_w_scaling_nv(command_buffer, convert(AbstractArray{_ViewportWScalingNV}, viewport_w_scalings), fptr) end function cmd_set_discard_rectangle_ext(command_buffer, discard_rectangles::AbstractArray, fptr::FunctionPtr) _cmd_set_discard_rectangle_ext(command_buffer, convert(AbstractArray{_Rect2D}, discard_rectangles), fptr) end function cmd_set_sample_locations_ext(command_buffer, sample_locations_info::SampleLocationsInfoEXT, fptr::FunctionPtr) _cmd_set_sample_locations_ext(command_buffer, convert(_SampleLocationsInfoEXT, sample_locations_info), fptr) end function get_physical_device_multisample_properties_ext(physical_device, samples::SampleCountFlag, fptr::FunctionPtr) MultisamplePropertiesEXT(_get_physical_device_multisample_properties_ext(physical_device, samples, fptr)) end function get_physical_device_surface_capabilities_2_khr(physical_device, surface_info::PhysicalDeviceSurfaceInfo2KHR, fptr::FunctionPtr, next_types::Type...)::ResultTypes.Result{SurfaceCapabilities2KHR, VulkanError} next_types_hl = next_types next_types = intermediate_type.(next_types) val = @propagate_errors(_get_physical_device_surface_capabilities_2_khr(physical_device, convert(_PhysicalDeviceSurfaceInfo2KHR, surface_info), fptr, next_types...)) SurfaceCapabilities2KHR(val, next_types_hl...) end function get_physical_device_surface_formats_2_khr(physical_device, surface_info::PhysicalDeviceSurfaceInfo2KHR, fptr::FunctionPtr)::ResultTypes.Result{Vector{SurfaceFormat2KHR}, VulkanError} val = @propagate_errors(_get_physical_device_surface_formats_2_khr(physical_device, convert(_PhysicalDeviceSurfaceInfo2KHR, surface_info), fptr)) SurfaceFormat2KHR.(val) end function get_physical_device_display_properties_2_khr(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{DisplayProperties2KHR}, VulkanError} val = @propagate_errors(_get_physical_device_display_properties_2_khr(physical_device, fptr)) DisplayProperties2KHR.(val) end function get_physical_device_display_plane_properties_2_khr(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{DisplayPlaneProperties2KHR}, VulkanError} val = @propagate_errors(_get_physical_device_display_plane_properties_2_khr(physical_device, fptr)) DisplayPlaneProperties2KHR.(val) end function get_display_mode_properties_2_khr(physical_device, display, fptr::FunctionPtr)::ResultTypes.Result{Vector{DisplayModeProperties2KHR}, VulkanError} val = @propagate_errors(_get_display_mode_properties_2_khr(physical_device, display, fptr)) DisplayModeProperties2KHR.(val) end function get_display_plane_capabilities_2_khr(physical_device, display_plane_info::DisplayPlaneInfo2KHR, fptr::FunctionPtr)::ResultTypes.Result{DisplayPlaneCapabilities2KHR, VulkanError} val = @propagate_errors(_get_display_plane_capabilities_2_khr(physical_device, convert(_DisplayPlaneInfo2KHR, display_plane_info), fptr)) DisplayPlaneCapabilities2KHR(val) end function get_buffer_memory_requirements_2(device, info::BufferMemoryRequirementsInfo2, fptr::FunctionPtr, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) MemoryRequirements2(_get_buffer_memory_requirements_2(device, convert(_BufferMemoryRequirementsInfo2, info), fptr, next_types...), next_types_hl...) end function get_image_memory_requirements_2(device, info::ImageMemoryRequirementsInfo2, fptr::FunctionPtr, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) MemoryRequirements2(_get_image_memory_requirements_2(device, convert(_ImageMemoryRequirementsInfo2, info), fptr, next_types...), next_types_hl...) end function get_image_sparse_memory_requirements_2(device, info::ImageSparseMemoryRequirementsInfo2, fptr::FunctionPtr) SparseImageMemoryRequirements2.(_get_image_sparse_memory_requirements_2(device, convert(_ImageSparseMemoryRequirementsInfo2, info), fptr)) end function get_device_buffer_memory_requirements(device, info::DeviceBufferMemoryRequirements, fptr::FunctionPtr, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) MemoryRequirements2(_get_device_buffer_memory_requirements(device, convert(_DeviceBufferMemoryRequirements, info), fptr, next_types...), next_types_hl...) end function get_device_image_memory_requirements(device, info::DeviceImageMemoryRequirements, fptr::FunctionPtr, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) MemoryRequirements2(_get_device_image_memory_requirements(device, convert(_DeviceImageMemoryRequirements, info), fptr, next_types...), next_types_hl...) end function get_device_image_sparse_memory_requirements(device, info::DeviceImageMemoryRequirements, fptr::FunctionPtr) SparseImageMemoryRequirements2.(_get_device_image_sparse_memory_requirements(device, convert(_DeviceImageMemoryRequirements, info), fptr)) end function create_sampler_ycbcr_conversion(device, create_info::SamplerYcbcrConversionCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SamplerYcbcrConversion, VulkanError} val = @propagate_errors(_create_sampler_ycbcr_conversion(device, convert(_SamplerYcbcrConversionCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_sampler_ycbcr_conversion(device, ycbcr_conversion, fptr::FunctionPtr; allocator = C_NULL) _destroy_sampler_ycbcr_conversion(device, ycbcr_conversion, fptr; allocator) end function get_device_queue_2(device, queue_info::DeviceQueueInfo2, fptr::FunctionPtr) _get_device_queue_2(device, convert(_DeviceQueueInfo2, queue_info), fptr) end function create_validation_cache_ext(device, create_info::ValidationCacheCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{ValidationCacheEXT, VulkanError} val = @propagate_errors(_create_validation_cache_ext(device, convert(_ValidationCacheCreateInfoEXT, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_validation_cache_ext(device, validation_cache, fptr::FunctionPtr; allocator = C_NULL) _destroy_validation_cache_ext(device, validation_cache, fptr; allocator) end function get_validation_cache_data_ext(device, validation_cache, fptr::FunctionPtr)::ResultTypes.Result{Tuple{UInt, Ptr{Cvoid}}, VulkanError} val = @propagate_errors(_get_validation_cache_data_ext(device, validation_cache, fptr)) val end function merge_validation_caches_ext(device, dst_cache, src_caches::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_merge_validation_caches_ext(device, dst_cache, src_caches, fptr)) val end function get_descriptor_set_layout_support(device, create_info::DescriptorSetLayoutCreateInfo, fptr::FunctionPtr, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) DescriptorSetLayoutSupport(_get_descriptor_set_layout_support(device, convert(_DescriptorSetLayoutCreateInfo, create_info), fptr, next_types...), next_types_hl...) end function get_shader_info_amd(device, pipeline, shader_stage::ShaderStageFlag, info_type::ShaderInfoTypeAMD, fptr::FunctionPtr)::ResultTypes.Result{Tuple{UInt, Ptr{Cvoid}}, VulkanError} val = @propagate_errors(_get_shader_info_amd(device, pipeline, shader_stage, info_type, fptr)) val end function set_local_dimming_amd(device, swap_chain, local_dimming_enable::Bool, fptr::FunctionPtr) _set_local_dimming_amd(device, swap_chain, local_dimming_enable, fptr) end function get_physical_device_calibrateable_time_domains_ext(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{TimeDomainEXT}, VulkanError} val = @propagate_errors(_get_physical_device_calibrateable_time_domains_ext(physical_device, fptr)) val end function get_calibrated_timestamps_ext(device, timestamp_infos::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Tuple{Vector{UInt64}, UInt64}, VulkanError} val = @propagate_errors(_get_calibrated_timestamps_ext(device, convert(AbstractArray{_CalibratedTimestampInfoEXT}, timestamp_infos), fptr)) val end function set_debug_utils_object_name_ext(device, name_info::DebugUtilsObjectNameInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_set_debug_utils_object_name_ext(device, convert(_DebugUtilsObjectNameInfoEXT, name_info), fptr)) val end function set_debug_utils_object_tag_ext(device, tag_info::DebugUtilsObjectTagInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_set_debug_utils_object_tag_ext(device, convert(_DebugUtilsObjectTagInfoEXT, tag_info), fptr)) val end function queue_begin_debug_utils_label_ext(queue, label_info::DebugUtilsLabelEXT, fptr::FunctionPtr) _queue_begin_debug_utils_label_ext(queue, convert(_DebugUtilsLabelEXT, label_info), fptr) end function queue_end_debug_utils_label_ext(queue, fptr::FunctionPtr) _queue_end_debug_utils_label_ext(queue, fptr) end function queue_insert_debug_utils_label_ext(queue, label_info::DebugUtilsLabelEXT, fptr::FunctionPtr) _queue_insert_debug_utils_label_ext(queue, convert(_DebugUtilsLabelEXT, label_info), fptr) end function cmd_begin_debug_utils_label_ext(command_buffer, label_info::DebugUtilsLabelEXT, fptr::FunctionPtr) _cmd_begin_debug_utils_label_ext(command_buffer, convert(_DebugUtilsLabelEXT, label_info), fptr) end function cmd_end_debug_utils_label_ext(command_buffer, fptr::FunctionPtr) _cmd_end_debug_utils_label_ext(command_buffer, fptr) end function cmd_insert_debug_utils_label_ext(command_buffer, label_info::DebugUtilsLabelEXT, fptr::FunctionPtr) _cmd_insert_debug_utils_label_ext(command_buffer, convert(_DebugUtilsLabelEXT, label_info), fptr) end function create_debug_utils_messenger_ext(instance, create_info::DebugUtilsMessengerCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DebugUtilsMessengerEXT, VulkanError} val = @propagate_errors(_create_debug_utils_messenger_ext(instance, convert(_DebugUtilsMessengerCreateInfoEXT, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_debug_utils_messenger_ext(instance, messenger, fptr::FunctionPtr; allocator = C_NULL) _destroy_debug_utils_messenger_ext(instance, messenger, fptr; allocator) end function submit_debug_utils_message_ext(instance, message_severity::DebugUtilsMessageSeverityFlagEXT, message_types::DebugUtilsMessageTypeFlagEXT, callback_data::DebugUtilsMessengerCallbackDataEXT, fptr::FunctionPtr) _submit_debug_utils_message_ext(instance, message_severity, message_types, convert(_DebugUtilsMessengerCallbackDataEXT, callback_data), fptr) end function get_memory_host_pointer_properties_ext(device, handle_type::ExternalMemoryHandleTypeFlag, host_pointer::Ptr{Cvoid}, fptr::FunctionPtr)::ResultTypes.Result{MemoryHostPointerPropertiesEXT, VulkanError} val = @propagate_errors(_get_memory_host_pointer_properties_ext(device, handle_type, host_pointer, fptr)) MemoryHostPointerPropertiesEXT(val) end function cmd_write_buffer_marker_amd(command_buffer, dst_buffer, dst_offset::Integer, marker::Integer, fptr::FunctionPtr; pipeline_stage = 0) _cmd_write_buffer_marker_amd(command_buffer, dst_buffer, dst_offset, marker, fptr; pipeline_stage) end function create_render_pass_2(device, create_info::RenderPassCreateInfo2, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{RenderPass, VulkanError} val = @propagate_errors(_create_render_pass_2(device, convert(_RenderPassCreateInfo2, create_info), fptr_create, fptr_destroy; allocator)) val end function cmd_begin_render_pass_2(command_buffer, render_pass_begin::RenderPassBeginInfo, subpass_begin_info::SubpassBeginInfo, fptr::FunctionPtr) _cmd_begin_render_pass_2(command_buffer, convert(_RenderPassBeginInfo, render_pass_begin), convert(_SubpassBeginInfo, subpass_begin_info), fptr) end function cmd_next_subpass_2(command_buffer, subpass_begin_info::SubpassBeginInfo, subpass_end_info::SubpassEndInfo, fptr::FunctionPtr) _cmd_next_subpass_2(command_buffer, convert(_SubpassBeginInfo, subpass_begin_info), convert(_SubpassEndInfo, subpass_end_info), fptr) end function cmd_end_render_pass_2(command_buffer, subpass_end_info::SubpassEndInfo, fptr::FunctionPtr) _cmd_end_render_pass_2(command_buffer, convert(_SubpassEndInfo, subpass_end_info), fptr) end function get_semaphore_counter_value(device, semaphore, fptr::FunctionPtr)::ResultTypes.Result{UInt64, VulkanError} val = @propagate_errors(_get_semaphore_counter_value(device, semaphore, fptr)) val end function wait_semaphores(device, wait_info::SemaphoreWaitInfo, timeout::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_wait_semaphores(device, convert(_SemaphoreWaitInfo, wait_info), timeout, fptr)) val end function signal_semaphore(device, signal_info::SemaphoreSignalInfo, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_signal_semaphore(device, convert(_SemaphoreSignalInfo, signal_info), fptr)) val end function cmd_draw_indirect_count(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer, fptr::FunctionPtr) _cmd_draw_indirect_count(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride, fptr) end function cmd_draw_indexed_indirect_count(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer, fptr::FunctionPtr) _cmd_draw_indexed_indirect_count(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride, fptr) end function cmd_set_checkpoint_nv(command_buffer, checkpoint_marker::Ptr{Cvoid}, fptr::FunctionPtr) _cmd_set_checkpoint_nv(command_buffer, checkpoint_marker, fptr) end function get_queue_checkpoint_data_nv(queue, fptr::FunctionPtr) CheckpointDataNV.(_get_queue_checkpoint_data_nv(queue, fptr)) end function cmd_bind_transform_feedback_buffers_ext(command_buffer, buffers::AbstractArray, offsets::AbstractArray, fptr::FunctionPtr; sizes = C_NULL) _cmd_bind_transform_feedback_buffers_ext(command_buffer, buffers, offsets, fptr; sizes) end function cmd_begin_transform_feedback_ext(command_buffer, counter_buffers::AbstractArray, fptr::FunctionPtr; counter_buffer_offsets = C_NULL) _cmd_begin_transform_feedback_ext(command_buffer, counter_buffers, fptr; counter_buffer_offsets) end function cmd_end_transform_feedback_ext(command_buffer, counter_buffers::AbstractArray, fptr::FunctionPtr; counter_buffer_offsets = C_NULL) _cmd_end_transform_feedback_ext(command_buffer, counter_buffers, fptr; counter_buffer_offsets) end function cmd_begin_query_indexed_ext(command_buffer, query_pool, query::Integer, index::Integer, fptr::FunctionPtr; flags = 0) _cmd_begin_query_indexed_ext(command_buffer, query_pool, query, index, fptr; flags) end function cmd_end_query_indexed_ext(command_buffer, query_pool, query::Integer, index::Integer, fptr::FunctionPtr) _cmd_end_query_indexed_ext(command_buffer, query_pool, query, index, fptr) end function cmd_draw_indirect_byte_count_ext(command_buffer, instance_count::Integer, first_instance::Integer, counter_buffer, counter_buffer_offset::Integer, counter_offset::Integer, vertex_stride::Integer, fptr::FunctionPtr) _cmd_draw_indirect_byte_count_ext(command_buffer, instance_count, first_instance, counter_buffer, counter_buffer_offset, counter_offset, vertex_stride, fptr) end function cmd_set_exclusive_scissor_nv(command_buffer, exclusive_scissors::AbstractArray, fptr::FunctionPtr) _cmd_set_exclusive_scissor_nv(command_buffer, convert(AbstractArray{_Rect2D}, exclusive_scissors), fptr) end function cmd_bind_shading_rate_image_nv(command_buffer, image_layout::ImageLayout, fptr::FunctionPtr; image_view = C_NULL) _cmd_bind_shading_rate_image_nv(command_buffer, image_layout, fptr; image_view) end function cmd_set_viewport_shading_rate_palette_nv(command_buffer, shading_rate_palettes::AbstractArray, fptr::FunctionPtr) _cmd_set_viewport_shading_rate_palette_nv(command_buffer, convert(AbstractArray{_ShadingRatePaletteNV}, shading_rate_palettes), fptr) end function cmd_set_coarse_sample_order_nv(command_buffer, sample_order_type::CoarseSampleOrderTypeNV, custom_sample_orders::AbstractArray, fptr::FunctionPtr) _cmd_set_coarse_sample_order_nv(command_buffer, sample_order_type, convert(AbstractArray{_CoarseSampleOrderCustomNV}, custom_sample_orders), fptr) end function cmd_draw_mesh_tasks_nv(command_buffer, task_count::Integer, first_task::Integer, fptr::FunctionPtr) _cmd_draw_mesh_tasks_nv(command_buffer, task_count, first_task, fptr) end function cmd_draw_mesh_tasks_indirect_nv(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer, fptr::FunctionPtr) _cmd_draw_mesh_tasks_indirect_nv(command_buffer, buffer, offset, draw_count, stride, fptr) end function cmd_draw_mesh_tasks_indirect_count_nv(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer, fptr::FunctionPtr) _cmd_draw_mesh_tasks_indirect_count_nv(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride, fptr) end function cmd_draw_mesh_tasks_ext(command_buffer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer, fptr::FunctionPtr) _cmd_draw_mesh_tasks_ext(command_buffer, group_count_x, group_count_y, group_count_z, fptr) end function cmd_draw_mesh_tasks_indirect_ext(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer, fptr::FunctionPtr) _cmd_draw_mesh_tasks_indirect_ext(command_buffer, buffer, offset, draw_count, stride, fptr) end function cmd_draw_mesh_tasks_indirect_count_ext(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer, fptr::FunctionPtr) _cmd_draw_mesh_tasks_indirect_count_ext(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride, fptr) end function compile_deferred_nv(device, pipeline, shader::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_compile_deferred_nv(device, pipeline, shader, fptr)) val end function create_acceleration_structure_nv(device, create_info::AccelerationStructureCreateInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{AccelerationStructureNV, VulkanError} val = @propagate_errors(_create_acceleration_structure_nv(device, convert(_AccelerationStructureCreateInfoNV, create_info), fptr_create, fptr_destroy; allocator)) val end function cmd_bind_invocation_mask_huawei(command_buffer, image_layout::ImageLayout, fptr::FunctionPtr; image_view = C_NULL) _cmd_bind_invocation_mask_huawei(command_buffer, image_layout, fptr; image_view) end function destroy_acceleration_structure_khr(device, acceleration_structure, fptr::FunctionPtr; allocator = C_NULL) _destroy_acceleration_structure_khr(device, acceleration_structure, fptr; allocator) end function destroy_acceleration_structure_nv(device, acceleration_structure, fptr::FunctionPtr; allocator = C_NULL) _destroy_acceleration_structure_nv(device, acceleration_structure, fptr; allocator) end function get_acceleration_structure_memory_requirements_nv(device, info::AccelerationStructureMemoryRequirementsInfoNV, fptr::FunctionPtr) _get_acceleration_structure_memory_requirements_nv(device, convert(_AccelerationStructureMemoryRequirementsInfoNV, info), fptr) end function bind_acceleration_structure_memory_nv(device, bind_infos::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_acceleration_structure_memory_nv(device, convert(AbstractArray{_BindAccelerationStructureMemoryInfoNV}, bind_infos), fptr)) val end function cmd_copy_acceleration_structure_nv(command_buffer, dst, src, mode::CopyAccelerationStructureModeKHR, fptr::FunctionPtr) _cmd_copy_acceleration_structure_nv(command_buffer, dst, src, mode, fptr) end function cmd_copy_acceleration_structure_khr(command_buffer, info::CopyAccelerationStructureInfoKHR, fptr::FunctionPtr) _cmd_copy_acceleration_structure_khr(command_buffer, convert(_CopyAccelerationStructureInfoKHR, info), fptr) end function copy_acceleration_structure_khr(device, info::CopyAccelerationStructureInfoKHR, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_copy_acceleration_structure_khr(device, convert(_CopyAccelerationStructureInfoKHR, info), fptr; deferred_operation)) val end function cmd_copy_acceleration_structure_to_memory_khr(command_buffer, info::CopyAccelerationStructureToMemoryInfoKHR, fptr::FunctionPtr) _cmd_copy_acceleration_structure_to_memory_khr(command_buffer, convert(_CopyAccelerationStructureToMemoryInfoKHR, info), fptr) end function copy_acceleration_structure_to_memory_khr(device, info::CopyAccelerationStructureToMemoryInfoKHR, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_copy_acceleration_structure_to_memory_khr(device, convert(_CopyAccelerationStructureToMemoryInfoKHR, info), fptr; deferred_operation)) val end function cmd_copy_memory_to_acceleration_structure_khr(command_buffer, info::CopyMemoryToAccelerationStructureInfoKHR, fptr::FunctionPtr) _cmd_copy_memory_to_acceleration_structure_khr(command_buffer, convert(_CopyMemoryToAccelerationStructureInfoKHR, info), fptr) end function copy_memory_to_acceleration_structure_khr(device, info::CopyMemoryToAccelerationStructureInfoKHR, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_copy_memory_to_acceleration_structure_khr(device, convert(_CopyMemoryToAccelerationStructureInfoKHR, info), fptr; deferred_operation)) val end function cmd_write_acceleration_structures_properties_khr(command_buffer, acceleration_structures::AbstractArray, query_type::QueryType, query_pool, first_query::Integer, fptr::FunctionPtr) _cmd_write_acceleration_structures_properties_khr(command_buffer, acceleration_structures, query_type, query_pool, first_query, fptr) end function cmd_write_acceleration_structures_properties_nv(command_buffer, acceleration_structures::AbstractArray, query_type::QueryType, query_pool, first_query::Integer, fptr::FunctionPtr) _cmd_write_acceleration_structures_properties_nv(command_buffer, acceleration_structures, query_type, query_pool, first_query, fptr) end function cmd_build_acceleration_structure_nv(command_buffer, info::AccelerationStructureInfoNV, instance_offset::Integer, update::Bool, dst, scratch, scratch_offset::Integer, fptr::FunctionPtr; instance_data = C_NULL, src = C_NULL) _cmd_build_acceleration_structure_nv(command_buffer, convert(_AccelerationStructureInfoNV, info), instance_offset, update, dst, scratch, scratch_offset, fptr; instance_data, src) end function write_acceleration_structures_properties_khr(device, acceleration_structures::AbstractArray, query_type::QueryType, data_size::Integer, data::Ptr{Cvoid}, stride::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_write_acceleration_structures_properties_khr(device, acceleration_structures, query_type, data_size, data, stride, fptr)) val end function cmd_trace_rays_khr(command_buffer, raygen_shader_binding_table::StridedDeviceAddressRegionKHR, miss_shader_binding_table::StridedDeviceAddressRegionKHR, hit_shader_binding_table::StridedDeviceAddressRegionKHR, callable_shader_binding_table::StridedDeviceAddressRegionKHR, width::Integer, height::Integer, depth::Integer, fptr::FunctionPtr) _cmd_trace_rays_khr(command_buffer, convert(_StridedDeviceAddressRegionKHR, raygen_shader_binding_table), convert(_StridedDeviceAddressRegionKHR, miss_shader_binding_table), convert(_StridedDeviceAddressRegionKHR, hit_shader_binding_table), convert(_StridedDeviceAddressRegionKHR, callable_shader_binding_table), width, height, depth, fptr) end function cmd_trace_rays_nv(command_buffer, raygen_shader_binding_table_buffer, raygen_shader_binding_offset::Integer, miss_shader_binding_offset::Integer, miss_shader_binding_stride::Integer, hit_shader_binding_offset::Integer, hit_shader_binding_stride::Integer, callable_shader_binding_offset::Integer, callable_shader_binding_stride::Integer, width::Integer, height::Integer, depth::Integer, fptr::FunctionPtr; miss_shader_binding_table_buffer = C_NULL, hit_shader_binding_table_buffer = C_NULL, callable_shader_binding_table_buffer = C_NULL) _cmd_trace_rays_nv(command_buffer, raygen_shader_binding_table_buffer, raygen_shader_binding_offset, miss_shader_binding_offset, miss_shader_binding_stride, hit_shader_binding_offset, hit_shader_binding_stride, callable_shader_binding_offset, callable_shader_binding_stride, width, height, depth, fptr; miss_shader_binding_table_buffer, hit_shader_binding_table_buffer, callable_shader_binding_table_buffer) end function get_ray_tracing_shader_group_handles_khr(device, pipeline, first_group::Integer, group_count::Integer, data_size::Integer, data::Ptr{Cvoid}, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_ray_tracing_shader_group_handles_khr(device, pipeline, first_group, group_count, data_size, data, fptr)) val end function get_ray_tracing_capture_replay_shader_group_handles_khr(device, pipeline, first_group::Integer, group_count::Integer, data_size::Integer, data::Ptr{Cvoid}, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_ray_tracing_capture_replay_shader_group_handles_khr(device, pipeline, first_group, group_count, data_size, data, fptr)) val end function get_acceleration_structure_handle_nv(device, acceleration_structure, data_size::Integer, data::Ptr{Cvoid}, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_acceleration_structure_handle_nv(device, acceleration_structure, data_size, data, fptr)) val end function create_ray_tracing_pipelines_nv(device, create_infos::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} val = @propagate_errors(_create_ray_tracing_pipelines_nv(device, convert(AbstractArray{_RayTracingPipelineCreateInfoNV}, create_infos), fptr_create, fptr_destroy; pipeline_cache, allocator)) val end function create_ray_tracing_pipelines_khr(device, create_infos::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; deferred_operation = C_NULL, pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} val = @propagate_errors(_create_ray_tracing_pipelines_khr(device, convert(AbstractArray{_RayTracingPipelineCreateInfoKHR}, create_infos), fptr_create, fptr_destroy; deferred_operation, pipeline_cache, allocator)) val end function get_physical_device_cooperative_matrix_properties_nv(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{CooperativeMatrixPropertiesNV}, VulkanError} val = @propagate_errors(_get_physical_device_cooperative_matrix_properties_nv(physical_device, fptr)) CooperativeMatrixPropertiesNV.(val) end function cmd_trace_rays_indirect_khr(command_buffer, raygen_shader_binding_table::StridedDeviceAddressRegionKHR, miss_shader_binding_table::StridedDeviceAddressRegionKHR, hit_shader_binding_table::StridedDeviceAddressRegionKHR, callable_shader_binding_table::StridedDeviceAddressRegionKHR, indirect_device_address::Integer, fptr::FunctionPtr) _cmd_trace_rays_indirect_khr(command_buffer, convert(_StridedDeviceAddressRegionKHR, raygen_shader_binding_table), convert(_StridedDeviceAddressRegionKHR, miss_shader_binding_table), convert(_StridedDeviceAddressRegionKHR, hit_shader_binding_table), convert(_StridedDeviceAddressRegionKHR, callable_shader_binding_table), indirect_device_address, fptr) end function cmd_trace_rays_indirect_2_khr(command_buffer, indirect_device_address::Integer, fptr::FunctionPtr) _cmd_trace_rays_indirect_2_khr(command_buffer, indirect_device_address, fptr) end function get_device_acceleration_structure_compatibility_khr(device, version_info::AccelerationStructureVersionInfoKHR, fptr::FunctionPtr) _get_device_acceleration_structure_compatibility_khr(device, convert(_AccelerationStructureVersionInfoKHR, version_info), fptr) end function get_ray_tracing_shader_group_stack_size_khr(device, pipeline, group::Integer, group_shader::ShaderGroupShaderKHR, fptr::FunctionPtr) _get_ray_tracing_shader_group_stack_size_khr(device, pipeline, group, group_shader, fptr) end function cmd_set_ray_tracing_pipeline_stack_size_khr(command_buffer, pipeline_stack_size::Integer, fptr::FunctionPtr) _cmd_set_ray_tracing_pipeline_stack_size_khr(command_buffer, pipeline_stack_size, fptr) end function get_image_view_handle_nvx(device, info::ImageViewHandleInfoNVX, fptr::FunctionPtr) _get_image_view_handle_nvx(device, convert(_ImageViewHandleInfoNVX, info), fptr) end function get_image_view_address_nvx(device, image_view, fptr::FunctionPtr)::ResultTypes.Result{ImageViewAddressPropertiesNVX, VulkanError} val = @propagate_errors(_get_image_view_address_nvx(device, image_view, fptr)) ImageViewAddressPropertiesNVX(val) end function enumerate_physical_device_queue_family_performance_query_counters_khr(physical_device, queue_family_index::Integer, fptr::FunctionPtr)::ResultTypes.Result{Tuple{Vector{_PerformanceCounterKHR}, Vector{_PerformanceCounterDescriptionKHR}}, VulkanError} val = @propagate_errors(_enumerate_physical_device_queue_family_performance_query_counters_khr(physical_device, queue_family_index, fptr)) val end function get_physical_device_queue_family_performance_query_passes_khr(physical_device, performance_query_create_info::QueryPoolPerformanceCreateInfoKHR, fptr::FunctionPtr) _get_physical_device_queue_family_performance_query_passes_khr(physical_device, convert(_QueryPoolPerformanceCreateInfoKHR, performance_query_create_info), fptr) end function acquire_profiling_lock_khr(device, info::AcquireProfilingLockInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_acquire_profiling_lock_khr(device, convert(_AcquireProfilingLockInfoKHR, info), fptr)) val end function release_profiling_lock_khr(device, fptr::FunctionPtr) _release_profiling_lock_khr(device, fptr) end function get_image_drm_format_modifier_properties_ext(device, image, fptr::FunctionPtr)::ResultTypes.Result{ImageDrmFormatModifierPropertiesEXT, VulkanError} val = @propagate_errors(_get_image_drm_format_modifier_properties_ext(device, image, fptr)) ImageDrmFormatModifierPropertiesEXT(val) end function get_buffer_opaque_capture_address(device, info::BufferDeviceAddressInfo, fptr::FunctionPtr) _get_buffer_opaque_capture_address(device, convert(_BufferDeviceAddressInfo, info), fptr) end function get_buffer_device_address(device, info::BufferDeviceAddressInfo, fptr::FunctionPtr) _get_buffer_device_address(device, convert(_BufferDeviceAddressInfo, info), fptr) end function create_headless_surface_ext(instance, create_info::HeadlessSurfaceCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_headless_surface_ext(instance, convert(_HeadlessSurfaceCreateInfoEXT, create_info), fptr_create, fptr_destroy; allocator)) val end function get_physical_device_supported_framebuffer_mixed_samples_combinations_nv(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{FramebufferMixedSamplesCombinationNV}, VulkanError} val = @propagate_errors(_get_physical_device_supported_framebuffer_mixed_samples_combinations_nv(physical_device, fptr)) FramebufferMixedSamplesCombinationNV.(val) end function initialize_performance_api_intel(device, initialize_info::InitializePerformanceApiInfoINTEL, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_initialize_performance_api_intel(device, convert(_InitializePerformanceApiInfoINTEL, initialize_info), fptr)) val end function uninitialize_performance_api_intel(device, fptr::FunctionPtr) _uninitialize_performance_api_intel(device, fptr) end function cmd_set_performance_marker_intel(command_buffer, marker_info::PerformanceMarkerInfoINTEL, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_cmd_set_performance_marker_intel(command_buffer, convert(_PerformanceMarkerInfoINTEL, marker_info), fptr)) val end function cmd_set_performance_stream_marker_intel(command_buffer, marker_info::PerformanceStreamMarkerInfoINTEL, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_cmd_set_performance_stream_marker_intel(command_buffer, convert(_PerformanceStreamMarkerInfoINTEL, marker_info), fptr)) val end function cmd_set_performance_override_intel(command_buffer, override_info::PerformanceOverrideInfoINTEL, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_cmd_set_performance_override_intel(command_buffer, convert(_PerformanceOverrideInfoINTEL, override_info), fptr)) val end function acquire_performance_configuration_intel(device, acquire_info::PerformanceConfigurationAcquireInfoINTEL, fptr::FunctionPtr)::ResultTypes.Result{PerformanceConfigurationINTEL, VulkanError} val = @propagate_errors(_acquire_performance_configuration_intel(device, convert(_PerformanceConfigurationAcquireInfoINTEL, acquire_info), fptr)) val end function release_performance_configuration_intel(device, fptr::FunctionPtr; configuration = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_release_performance_configuration_intel(device, fptr; configuration)) val end function queue_set_performance_configuration_intel(queue, configuration, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_queue_set_performance_configuration_intel(queue, configuration, fptr)) val end function get_performance_parameter_intel(device, parameter::PerformanceParameterTypeINTEL, fptr::FunctionPtr)::ResultTypes.Result{PerformanceValueINTEL, VulkanError} val = @propagate_errors(_get_performance_parameter_intel(device, parameter, fptr)) PerformanceValueINTEL(val) end function get_device_memory_opaque_capture_address(device, info::DeviceMemoryOpaqueCaptureAddressInfo, fptr::FunctionPtr) _get_device_memory_opaque_capture_address(device, convert(_DeviceMemoryOpaqueCaptureAddressInfo, info), fptr) end function get_pipeline_executable_properties_khr(device, pipeline_info::PipelineInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Vector{PipelineExecutablePropertiesKHR}, VulkanError} val = @propagate_errors(_get_pipeline_executable_properties_khr(device, convert(_PipelineInfoKHR, pipeline_info), fptr)) PipelineExecutablePropertiesKHR.(val) end function get_pipeline_executable_statistics_khr(device, executable_info::PipelineExecutableInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Vector{PipelineExecutableStatisticKHR}, VulkanError} val = @propagate_errors(_get_pipeline_executable_statistics_khr(device, convert(_PipelineExecutableInfoKHR, executable_info), fptr)) PipelineExecutableStatisticKHR.(val) end function get_pipeline_executable_internal_representations_khr(device, executable_info::PipelineExecutableInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Vector{PipelineExecutableInternalRepresentationKHR}, VulkanError} val = @propagate_errors(_get_pipeline_executable_internal_representations_khr(device, convert(_PipelineExecutableInfoKHR, executable_info), fptr)) PipelineExecutableInternalRepresentationKHR.(val) end function cmd_set_line_stipple_ext(command_buffer, line_stipple_factor::Integer, line_stipple_pattern::Integer, fptr::FunctionPtr) _cmd_set_line_stipple_ext(command_buffer, line_stipple_factor, line_stipple_pattern, fptr) end function get_physical_device_tool_properties(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{PhysicalDeviceToolProperties}, VulkanError} val = @propagate_errors(_get_physical_device_tool_properties(physical_device, fptr)) PhysicalDeviceToolProperties.(val) end function create_acceleration_structure_khr(device, create_info::AccelerationStructureCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{AccelerationStructureKHR, VulkanError} val = @propagate_errors(_create_acceleration_structure_khr(device, convert(_AccelerationStructureCreateInfoKHR, create_info), fptr_create, fptr_destroy; allocator)) val end function cmd_build_acceleration_structures_khr(command_buffer, infos::AbstractArray, build_range_infos::AbstractArray, fptr::FunctionPtr) _cmd_build_acceleration_structures_khr(command_buffer, convert(AbstractArray{_AccelerationStructureBuildGeometryInfoKHR}, infos), convert(AbstractArray{_AccelerationStructureBuildRangeInfoKHR}, build_range_infos), fptr) end function cmd_build_acceleration_structures_indirect_khr(command_buffer, infos::AbstractArray, indirect_device_addresses::AbstractArray, indirect_strides::AbstractArray, max_primitive_counts::AbstractArray, fptr::FunctionPtr) _cmd_build_acceleration_structures_indirect_khr(command_buffer, convert(AbstractArray{_AccelerationStructureBuildGeometryInfoKHR}, infos), indirect_device_addresses, indirect_strides, max_primitive_counts, fptr) end function build_acceleration_structures_khr(device, infos::AbstractArray, build_range_infos::AbstractArray, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_build_acceleration_structures_khr(device, convert(AbstractArray{_AccelerationStructureBuildGeometryInfoKHR}, infos), convert(AbstractArray{_AccelerationStructureBuildRangeInfoKHR}, build_range_infos), fptr; deferred_operation)) val end function get_acceleration_structure_device_address_khr(device, info::AccelerationStructureDeviceAddressInfoKHR, fptr::FunctionPtr) _get_acceleration_structure_device_address_khr(device, convert(_AccelerationStructureDeviceAddressInfoKHR, info), fptr) end function create_deferred_operation_khr(device, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DeferredOperationKHR, VulkanError} val = @propagate_errors(_create_deferred_operation_khr(device, fptr_create, fptr_destroy; allocator)) val end function destroy_deferred_operation_khr(device, operation, fptr::FunctionPtr; allocator = C_NULL) _destroy_deferred_operation_khr(device, operation, fptr; allocator) end function get_deferred_operation_max_concurrency_khr(device, operation, fptr::FunctionPtr) _get_deferred_operation_max_concurrency_khr(device, operation, fptr) end function get_deferred_operation_result_khr(device, operation, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_deferred_operation_result_khr(device, operation, fptr)) val end function deferred_operation_join_khr(device, operation, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_deferred_operation_join_khr(device, operation, fptr)) val end function cmd_set_cull_mode(command_buffer, fptr::FunctionPtr; cull_mode = 0) _cmd_set_cull_mode(command_buffer, fptr; cull_mode) end function cmd_set_front_face(command_buffer, front_face::FrontFace, fptr::FunctionPtr) _cmd_set_front_face(command_buffer, front_face, fptr) end function cmd_set_primitive_topology(command_buffer, primitive_topology::PrimitiveTopology, fptr::FunctionPtr) _cmd_set_primitive_topology(command_buffer, primitive_topology, fptr) end function cmd_set_viewport_with_count(command_buffer, viewports::AbstractArray, fptr::FunctionPtr) _cmd_set_viewport_with_count(command_buffer, convert(AbstractArray{_Viewport}, viewports), fptr) end function cmd_set_scissor_with_count(command_buffer, scissors::AbstractArray, fptr::FunctionPtr) _cmd_set_scissor_with_count(command_buffer, convert(AbstractArray{_Rect2D}, scissors), fptr) end function cmd_bind_vertex_buffers_2(command_buffer, buffers::AbstractArray, offsets::AbstractArray, fptr::FunctionPtr; sizes = C_NULL, strides = C_NULL) _cmd_bind_vertex_buffers_2(command_buffer, buffers, offsets, fptr; sizes, strides) end function cmd_set_depth_test_enable(command_buffer, depth_test_enable::Bool, fptr::FunctionPtr) _cmd_set_depth_test_enable(command_buffer, depth_test_enable, fptr) end function cmd_set_depth_write_enable(command_buffer, depth_write_enable::Bool, fptr::FunctionPtr) _cmd_set_depth_write_enable(command_buffer, depth_write_enable, fptr) end function cmd_set_depth_compare_op(command_buffer, depth_compare_op::CompareOp, fptr::FunctionPtr) _cmd_set_depth_compare_op(command_buffer, depth_compare_op, fptr) end function cmd_set_depth_bounds_test_enable(command_buffer, depth_bounds_test_enable::Bool, fptr::FunctionPtr) _cmd_set_depth_bounds_test_enable(command_buffer, depth_bounds_test_enable, fptr) end function cmd_set_stencil_test_enable(command_buffer, stencil_test_enable::Bool, fptr::FunctionPtr) _cmd_set_stencil_test_enable(command_buffer, stencil_test_enable, fptr) end function cmd_set_stencil_op(command_buffer, face_mask::StencilFaceFlag, fail_op::StencilOp, pass_op::StencilOp, depth_fail_op::StencilOp, compare_op::CompareOp, fptr::FunctionPtr) _cmd_set_stencil_op(command_buffer, face_mask, fail_op, pass_op, depth_fail_op, compare_op, fptr) end function cmd_set_patch_control_points_ext(command_buffer, patch_control_points::Integer, fptr::FunctionPtr) _cmd_set_patch_control_points_ext(command_buffer, patch_control_points, fptr) end function cmd_set_rasterizer_discard_enable(command_buffer, rasterizer_discard_enable::Bool, fptr::FunctionPtr) _cmd_set_rasterizer_discard_enable(command_buffer, rasterizer_discard_enable, fptr) end function cmd_set_depth_bias_enable(command_buffer, depth_bias_enable::Bool, fptr::FunctionPtr) _cmd_set_depth_bias_enable(command_buffer, depth_bias_enable, fptr) end function cmd_set_logic_op_ext(command_buffer, logic_op::LogicOp, fptr::FunctionPtr) _cmd_set_logic_op_ext(command_buffer, logic_op, fptr) end function cmd_set_primitive_restart_enable(command_buffer, primitive_restart_enable::Bool, fptr::FunctionPtr) _cmd_set_primitive_restart_enable(command_buffer, primitive_restart_enable, fptr) end function cmd_set_tessellation_domain_origin_ext(command_buffer, domain_origin::TessellationDomainOrigin, fptr::FunctionPtr) _cmd_set_tessellation_domain_origin_ext(command_buffer, domain_origin, fptr) end function cmd_set_depth_clamp_enable_ext(command_buffer, depth_clamp_enable::Bool, fptr::FunctionPtr) _cmd_set_depth_clamp_enable_ext(command_buffer, depth_clamp_enable, fptr) end function cmd_set_polygon_mode_ext(command_buffer, polygon_mode::PolygonMode, fptr::FunctionPtr) _cmd_set_polygon_mode_ext(command_buffer, polygon_mode, fptr) end function cmd_set_rasterization_samples_ext(command_buffer, rasterization_samples::SampleCountFlag, fptr::FunctionPtr) _cmd_set_rasterization_samples_ext(command_buffer, rasterization_samples, fptr) end function cmd_set_sample_mask_ext(command_buffer, samples::SampleCountFlag, sample_mask::AbstractArray, fptr::FunctionPtr) _cmd_set_sample_mask_ext(command_buffer, samples, sample_mask, fptr) end function cmd_set_alpha_to_coverage_enable_ext(command_buffer, alpha_to_coverage_enable::Bool, fptr::FunctionPtr) _cmd_set_alpha_to_coverage_enable_ext(command_buffer, alpha_to_coverage_enable, fptr) end function cmd_set_alpha_to_one_enable_ext(command_buffer, alpha_to_one_enable::Bool, fptr::FunctionPtr) _cmd_set_alpha_to_one_enable_ext(command_buffer, alpha_to_one_enable, fptr) end function cmd_set_logic_op_enable_ext(command_buffer, logic_op_enable::Bool, fptr::FunctionPtr) _cmd_set_logic_op_enable_ext(command_buffer, logic_op_enable, fptr) end function cmd_set_color_blend_enable_ext(command_buffer, color_blend_enables::AbstractArray, fptr::FunctionPtr) _cmd_set_color_blend_enable_ext(command_buffer, color_blend_enables, fptr) end function cmd_set_color_blend_equation_ext(command_buffer, color_blend_equations::AbstractArray, fptr::FunctionPtr) _cmd_set_color_blend_equation_ext(command_buffer, convert(AbstractArray{_ColorBlendEquationEXT}, color_blend_equations), fptr) end function cmd_set_color_write_mask_ext(command_buffer, color_write_masks::AbstractArray, fptr::FunctionPtr) _cmd_set_color_write_mask_ext(command_buffer, color_write_masks, fptr) end function cmd_set_rasterization_stream_ext(command_buffer, rasterization_stream::Integer, fptr::FunctionPtr) _cmd_set_rasterization_stream_ext(command_buffer, rasterization_stream, fptr) end function cmd_set_conservative_rasterization_mode_ext(command_buffer, conservative_rasterization_mode::ConservativeRasterizationModeEXT, fptr::FunctionPtr) _cmd_set_conservative_rasterization_mode_ext(command_buffer, conservative_rasterization_mode, fptr) end function cmd_set_extra_primitive_overestimation_size_ext(command_buffer, extra_primitive_overestimation_size::Real, fptr::FunctionPtr) _cmd_set_extra_primitive_overestimation_size_ext(command_buffer, extra_primitive_overestimation_size, fptr) end function cmd_set_depth_clip_enable_ext(command_buffer, depth_clip_enable::Bool, fptr::FunctionPtr) _cmd_set_depth_clip_enable_ext(command_buffer, depth_clip_enable, fptr) end function cmd_set_sample_locations_enable_ext(command_buffer, sample_locations_enable::Bool, fptr::FunctionPtr) _cmd_set_sample_locations_enable_ext(command_buffer, sample_locations_enable, fptr) end function cmd_set_color_blend_advanced_ext(command_buffer, color_blend_advanced::AbstractArray, fptr::FunctionPtr) _cmd_set_color_blend_advanced_ext(command_buffer, convert(AbstractArray{_ColorBlendAdvancedEXT}, color_blend_advanced), fptr) end function cmd_set_provoking_vertex_mode_ext(command_buffer, provoking_vertex_mode::ProvokingVertexModeEXT, fptr::FunctionPtr) _cmd_set_provoking_vertex_mode_ext(command_buffer, provoking_vertex_mode, fptr) end function cmd_set_line_rasterization_mode_ext(command_buffer, line_rasterization_mode::LineRasterizationModeEXT, fptr::FunctionPtr) _cmd_set_line_rasterization_mode_ext(command_buffer, line_rasterization_mode, fptr) end function cmd_set_line_stipple_enable_ext(command_buffer, stippled_line_enable::Bool, fptr::FunctionPtr) _cmd_set_line_stipple_enable_ext(command_buffer, stippled_line_enable, fptr) end function cmd_set_depth_clip_negative_one_to_one_ext(command_buffer, negative_one_to_one::Bool, fptr::FunctionPtr) _cmd_set_depth_clip_negative_one_to_one_ext(command_buffer, negative_one_to_one, fptr) end function cmd_set_viewport_w_scaling_enable_nv(command_buffer, viewport_w_scaling_enable::Bool, fptr::FunctionPtr) _cmd_set_viewport_w_scaling_enable_nv(command_buffer, viewport_w_scaling_enable, fptr) end function cmd_set_viewport_swizzle_nv(command_buffer, viewport_swizzles::AbstractArray, fptr::FunctionPtr) _cmd_set_viewport_swizzle_nv(command_buffer, convert(AbstractArray{_ViewportSwizzleNV}, viewport_swizzles), fptr) end function cmd_set_coverage_to_color_enable_nv(command_buffer, coverage_to_color_enable::Bool, fptr::FunctionPtr) _cmd_set_coverage_to_color_enable_nv(command_buffer, coverage_to_color_enable, fptr) end function cmd_set_coverage_to_color_location_nv(command_buffer, coverage_to_color_location::Integer, fptr::FunctionPtr) _cmd_set_coverage_to_color_location_nv(command_buffer, coverage_to_color_location, fptr) end function cmd_set_coverage_modulation_mode_nv(command_buffer, coverage_modulation_mode::CoverageModulationModeNV, fptr::FunctionPtr) _cmd_set_coverage_modulation_mode_nv(command_buffer, coverage_modulation_mode, fptr) end function cmd_set_coverage_modulation_table_enable_nv(command_buffer, coverage_modulation_table_enable::Bool, fptr::FunctionPtr) _cmd_set_coverage_modulation_table_enable_nv(command_buffer, coverage_modulation_table_enable, fptr) end function cmd_set_coverage_modulation_table_nv(command_buffer, coverage_modulation_table::AbstractArray, fptr::FunctionPtr) _cmd_set_coverage_modulation_table_nv(command_buffer, coverage_modulation_table, fptr) end function cmd_set_shading_rate_image_enable_nv(command_buffer, shading_rate_image_enable::Bool, fptr::FunctionPtr) _cmd_set_shading_rate_image_enable_nv(command_buffer, shading_rate_image_enable, fptr) end function cmd_set_coverage_reduction_mode_nv(command_buffer, coverage_reduction_mode::CoverageReductionModeNV, fptr::FunctionPtr) _cmd_set_coverage_reduction_mode_nv(command_buffer, coverage_reduction_mode, fptr) end function cmd_set_representative_fragment_test_enable_nv(command_buffer, representative_fragment_test_enable::Bool, fptr::FunctionPtr) _cmd_set_representative_fragment_test_enable_nv(command_buffer, representative_fragment_test_enable, fptr) end function create_private_data_slot(device, create_info::PrivateDataSlotCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{PrivateDataSlot, VulkanError} val = @propagate_errors(_create_private_data_slot(device, convert(_PrivateDataSlotCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_private_data_slot(device, private_data_slot, fptr::FunctionPtr; allocator = C_NULL) _destroy_private_data_slot(device, private_data_slot, fptr; allocator) end function set_private_data(device, object_type::ObjectType, object_handle::Integer, private_data_slot, data::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_set_private_data(device, object_type, object_handle, private_data_slot, data, fptr)) val end function get_private_data(device, object_type::ObjectType, object_handle::Integer, private_data_slot, fptr::FunctionPtr) _get_private_data(device, object_type, object_handle, private_data_slot, fptr) end function cmd_copy_buffer_2(command_buffer, copy_buffer_info::CopyBufferInfo2, fptr::FunctionPtr) _cmd_copy_buffer_2(command_buffer, convert(_CopyBufferInfo2, copy_buffer_info), fptr) end function cmd_copy_image_2(command_buffer, copy_image_info::CopyImageInfo2, fptr::FunctionPtr) _cmd_copy_image_2(command_buffer, convert(_CopyImageInfo2, copy_image_info), fptr) end function cmd_blit_image_2(command_buffer, blit_image_info::BlitImageInfo2, fptr::FunctionPtr) _cmd_blit_image_2(command_buffer, convert(_BlitImageInfo2, blit_image_info), fptr) end function cmd_copy_buffer_to_image_2(command_buffer, copy_buffer_to_image_info::CopyBufferToImageInfo2, fptr::FunctionPtr) _cmd_copy_buffer_to_image_2(command_buffer, convert(_CopyBufferToImageInfo2, copy_buffer_to_image_info), fptr) end function cmd_copy_image_to_buffer_2(command_buffer, copy_image_to_buffer_info::CopyImageToBufferInfo2, fptr::FunctionPtr) _cmd_copy_image_to_buffer_2(command_buffer, convert(_CopyImageToBufferInfo2, copy_image_to_buffer_info), fptr) end function cmd_resolve_image_2(command_buffer, resolve_image_info::ResolveImageInfo2, fptr::FunctionPtr) _cmd_resolve_image_2(command_buffer, convert(_ResolveImageInfo2, resolve_image_info), fptr) end function cmd_set_fragment_shading_rate_khr(command_buffer, fragment_size::Extent2D, combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}, fptr::FunctionPtr) _cmd_set_fragment_shading_rate_khr(command_buffer, convert(_Extent2D, fragment_size), combiner_ops, fptr) end function get_physical_device_fragment_shading_rates_khr(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{PhysicalDeviceFragmentShadingRateKHR}, VulkanError} val = @propagate_errors(_get_physical_device_fragment_shading_rates_khr(physical_device, fptr)) PhysicalDeviceFragmentShadingRateKHR.(val) end function cmd_set_fragment_shading_rate_enum_nv(command_buffer, shading_rate::FragmentShadingRateNV, combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}, fptr::FunctionPtr) _cmd_set_fragment_shading_rate_enum_nv(command_buffer, shading_rate, combiner_ops, fptr) end function get_acceleration_structure_build_sizes_khr(device, build_type::AccelerationStructureBuildTypeKHR, build_info::AccelerationStructureBuildGeometryInfoKHR, fptr::FunctionPtr; max_primitive_counts = C_NULL) AccelerationStructureBuildSizesInfoKHR(_get_acceleration_structure_build_sizes_khr(device, build_type, convert(_AccelerationStructureBuildGeometryInfoKHR, build_info), fptr; max_primitive_counts)) end function cmd_set_vertex_input_ext(command_buffer, vertex_binding_descriptions::AbstractArray, vertex_attribute_descriptions::AbstractArray, fptr::FunctionPtr) _cmd_set_vertex_input_ext(command_buffer, convert(AbstractArray{_VertexInputBindingDescription2EXT}, vertex_binding_descriptions), convert(AbstractArray{_VertexInputAttributeDescription2EXT}, vertex_attribute_descriptions), fptr) end function cmd_set_color_write_enable_ext(command_buffer, color_write_enables::AbstractArray, fptr::FunctionPtr) _cmd_set_color_write_enable_ext(command_buffer, color_write_enables, fptr) end function cmd_set_event_2(command_buffer, event, dependency_info::DependencyInfo, fptr::FunctionPtr) _cmd_set_event_2(command_buffer, event, convert(_DependencyInfo, dependency_info), fptr) end function cmd_reset_event_2(command_buffer, event, fptr::FunctionPtr; stage_mask = 0) _cmd_reset_event_2(command_buffer, event, fptr; stage_mask) end function cmd_wait_events_2(command_buffer, events::AbstractArray, dependency_infos::AbstractArray, fptr::FunctionPtr) _cmd_wait_events_2(command_buffer, events, convert(AbstractArray{_DependencyInfo}, dependency_infos), fptr) end function cmd_pipeline_barrier_2(command_buffer, dependency_info::DependencyInfo, fptr::FunctionPtr) _cmd_pipeline_barrier_2(command_buffer, convert(_DependencyInfo, dependency_info), fptr) end function queue_submit_2(queue, submits::AbstractArray, fptr::FunctionPtr; fence = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_queue_submit_2(queue, convert(AbstractArray{_SubmitInfo2}, submits), fptr; fence)) val end function cmd_write_timestamp_2(command_buffer, query_pool, query::Integer, fptr::FunctionPtr; stage = 0) _cmd_write_timestamp_2(command_buffer, query_pool, query, fptr; stage) end function cmd_write_buffer_marker_2_amd(command_buffer, dst_buffer, dst_offset::Integer, marker::Integer, fptr::FunctionPtr; stage = 0) _cmd_write_buffer_marker_2_amd(command_buffer, dst_buffer, dst_offset, marker, fptr; stage) end function get_queue_checkpoint_data_2_nv(queue, fptr::FunctionPtr) CheckpointData2NV.(_get_queue_checkpoint_data_2_nv(queue, fptr)) end function get_physical_device_video_capabilities_khr(physical_device, video_profile::VideoProfileInfoKHR, fptr::FunctionPtr, next_types::Type...)::ResultTypes.Result{VideoCapabilitiesKHR, VulkanError} next_types_hl = next_types next_types = intermediate_type.(next_types) val = @propagate_errors(_get_physical_device_video_capabilities_khr(physical_device, convert(_VideoProfileInfoKHR, video_profile), fptr, next_types...)) VideoCapabilitiesKHR(val, next_types_hl...) end function get_physical_device_video_format_properties_khr(physical_device, video_format_info::PhysicalDeviceVideoFormatInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Vector{VideoFormatPropertiesKHR}, VulkanError} val = @propagate_errors(_get_physical_device_video_format_properties_khr(physical_device, convert(_PhysicalDeviceVideoFormatInfoKHR, video_format_info), fptr)) VideoFormatPropertiesKHR.(val) end function create_video_session_khr(device, create_info::VideoSessionCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{VideoSessionKHR, VulkanError} val = @propagate_errors(_create_video_session_khr(device, convert(_VideoSessionCreateInfoKHR, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_video_session_khr(device, video_session, fptr::FunctionPtr; allocator = C_NULL) _destroy_video_session_khr(device, video_session, fptr; allocator) end function create_video_session_parameters_khr(device, create_info::VideoSessionParametersCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{VideoSessionParametersKHR, VulkanError} val = @propagate_errors(_create_video_session_parameters_khr(device, convert(_VideoSessionParametersCreateInfoKHR, create_info), fptr_create, fptr_destroy; allocator)) val end function update_video_session_parameters_khr(device, video_session_parameters, update_info::VideoSessionParametersUpdateInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_update_video_session_parameters_khr(device, video_session_parameters, convert(_VideoSessionParametersUpdateInfoKHR, update_info), fptr)) val end function destroy_video_session_parameters_khr(device, video_session_parameters, fptr::FunctionPtr; allocator = C_NULL) _destroy_video_session_parameters_khr(device, video_session_parameters, fptr; allocator) end function get_video_session_memory_requirements_khr(device, video_session, fptr::FunctionPtr) VideoSessionMemoryRequirementsKHR.(_get_video_session_memory_requirements_khr(device, video_session, fptr)) end function bind_video_session_memory_khr(device, video_session, bind_session_memory_infos::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_video_session_memory_khr(device, video_session, convert(AbstractArray{_BindVideoSessionMemoryInfoKHR}, bind_session_memory_infos), fptr)) val end function cmd_decode_video_khr(command_buffer, decode_info::VideoDecodeInfoKHR, fptr::FunctionPtr) _cmd_decode_video_khr(command_buffer, convert(_VideoDecodeInfoKHR, decode_info), fptr) end function cmd_begin_video_coding_khr(command_buffer, begin_info::VideoBeginCodingInfoKHR, fptr::FunctionPtr) _cmd_begin_video_coding_khr(command_buffer, convert(_VideoBeginCodingInfoKHR, begin_info), fptr) end function cmd_control_video_coding_khr(command_buffer, coding_control_info::VideoCodingControlInfoKHR, fptr::FunctionPtr) _cmd_control_video_coding_khr(command_buffer, convert(_VideoCodingControlInfoKHR, coding_control_info), fptr) end function cmd_end_video_coding_khr(command_buffer, end_coding_info::VideoEndCodingInfoKHR, fptr::FunctionPtr) _cmd_end_video_coding_khr(command_buffer, convert(_VideoEndCodingInfoKHR, end_coding_info), fptr) end function cmd_decompress_memory_nv(command_buffer, decompress_memory_regions::AbstractArray, fptr::FunctionPtr) _cmd_decompress_memory_nv(command_buffer, convert(AbstractArray{_DecompressMemoryRegionNV}, decompress_memory_regions), fptr) end function cmd_decompress_memory_indirect_count_nv(command_buffer, indirect_commands_address::Integer, indirect_commands_count_address::Integer, stride::Integer, fptr::FunctionPtr) _cmd_decompress_memory_indirect_count_nv(command_buffer, indirect_commands_address, indirect_commands_count_address, stride, fptr) end function create_cu_module_nvx(device, create_info::CuModuleCreateInfoNVX, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{CuModuleNVX, VulkanError} val = @propagate_errors(_create_cu_module_nvx(device, convert(_CuModuleCreateInfoNVX, create_info), fptr_create, fptr_destroy; allocator)) val end function create_cu_function_nvx(device, create_info::CuFunctionCreateInfoNVX, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{CuFunctionNVX, VulkanError} val = @propagate_errors(_create_cu_function_nvx(device, convert(_CuFunctionCreateInfoNVX, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_cu_module_nvx(device, _module, fptr::FunctionPtr; allocator = C_NULL) _destroy_cu_module_nvx(device, _module, fptr; allocator) end function destroy_cu_function_nvx(device, _function, fptr::FunctionPtr; allocator = C_NULL) _destroy_cu_function_nvx(device, _function, fptr; allocator) end function cmd_cu_launch_kernel_nvx(command_buffer, launch_info::CuLaunchInfoNVX, fptr::FunctionPtr) _cmd_cu_launch_kernel_nvx(command_buffer, convert(_CuLaunchInfoNVX, launch_info), fptr) end function get_descriptor_set_layout_size_ext(device, layout, fptr::FunctionPtr) _get_descriptor_set_layout_size_ext(device, layout, fptr) end function get_descriptor_set_layout_binding_offset_ext(device, layout, binding::Integer, fptr::FunctionPtr) _get_descriptor_set_layout_binding_offset_ext(device, layout, binding, fptr) end function get_descriptor_ext(device, descriptor_info::DescriptorGetInfoEXT, data_size::Integer, descriptor::Ptr{Cvoid}, fptr::FunctionPtr) _get_descriptor_ext(device, convert(_DescriptorGetInfoEXT, descriptor_info), data_size, descriptor, fptr) end function cmd_bind_descriptor_buffers_ext(command_buffer, binding_infos::AbstractArray, fptr::FunctionPtr) _cmd_bind_descriptor_buffers_ext(command_buffer, convert(AbstractArray{_DescriptorBufferBindingInfoEXT}, binding_infos), fptr) end function cmd_set_descriptor_buffer_offsets_ext(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, buffer_indices::AbstractArray, offsets::AbstractArray, fptr::FunctionPtr) _cmd_set_descriptor_buffer_offsets_ext(command_buffer, pipeline_bind_point, layout, buffer_indices, offsets, fptr) end function cmd_bind_descriptor_buffer_embedded_samplers_ext(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, set::Integer, fptr::FunctionPtr) _cmd_bind_descriptor_buffer_embedded_samplers_ext(command_buffer, pipeline_bind_point, layout, set, fptr) end function get_buffer_opaque_capture_descriptor_data_ext(device, info::BufferCaptureDescriptorDataInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} val = @propagate_errors(_get_buffer_opaque_capture_descriptor_data_ext(device, convert(_BufferCaptureDescriptorDataInfoEXT, info), fptr)) val end function get_image_opaque_capture_descriptor_data_ext(device, info::ImageCaptureDescriptorDataInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} val = @propagate_errors(_get_image_opaque_capture_descriptor_data_ext(device, convert(_ImageCaptureDescriptorDataInfoEXT, info), fptr)) val end function get_image_view_opaque_capture_descriptor_data_ext(device, info::ImageViewCaptureDescriptorDataInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} val = @propagate_errors(_get_image_view_opaque_capture_descriptor_data_ext(device, convert(_ImageViewCaptureDescriptorDataInfoEXT, info), fptr)) val end function get_sampler_opaque_capture_descriptor_data_ext(device, info::SamplerCaptureDescriptorDataInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} val = @propagate_errors(_get_sampler_opaque_capture_descriptor_data_ext(device, convert(_SamplerCaptureDescriptorDataInfoEXT, info), fptr)) val end function get_acceleration_structure_opaque_capture_descriptor_data_ext(device, info::AccelerationStructureCaptureDescriptorDataInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} val = @propagate_errors(_get_acceleration_structure_opaque_capture_descriptor_data_ext(device, convert(_AccelerationStructureCaptureDescriptorDataInfoEXT, info), fptr)) val end function set_device_memory_priority_ext(device, memory, priority::Real, fptr::FunctionPtr) _set_device_memory_priority_ext(device, memory, priority, fptr) end function acquire_drm_display_ext(physical_device, drm_fd::Integer, display, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_acquire_drm_display_ext(physical_device, drm_fd, display, fptr)) val end function get_drm_display_ext(physical_device, drm_fd::Integer, connector_id::Integer, fptr::FunctionPtr)::ResultTypes.Result{DisplayKHR, VulkanError} val = @propagate_errors(_get_drm_display_ext(physical_device, drm_fd, connector_id, fptr)) val end function wait_for_present_khr(device, swapchain, present_id::Integer, timeout::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_wait_for_present_khr(device, swapchain, present_id, timeout, fptr)) val end function cmd_begin_rendering(command_buffer, rendering_info::RenderingInfo, fptr::FunctionPtr) _cmd_begin_rendering(command_buffer, convert(_RenderingInfo, rendering_info), fptr) end function cmd_end_rendering(command_buffer, fptr::FunctionPtr) _cmd_end_rendering(command_buffer, fptr) end function get_descriptor_set_layout_host_mapping_info_valve(device, binding_reference::DescriptorSetBindingReferenceVALVE, fptr::FunctionPtr) DescriptorSetLayoutHostMappingInfoVALVE(_get_descriptor_set_layout_host_mapping_info_valve(device, convert(_DescriptorSetBindingReferenceVALVE, binding_reference), fptr)) end function get_descriptor_set_host_mapping_valve(device, descriptor_set, fptr::FunctionPtr) _get_descriptor_set_host_mapping_valve(device, descriptor_set, fptr) end function create_micromap_ext(device, create_info::MicromapCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{MicromapEXT, VulkanError} val = @propagate_errors(_create_micromap_ext(device, convert(_MicromapCreateInfoEXT, create_info), fptr_create, fptr_destroy; allocator)) val end function cmd_build_micromaps_ext(command_buffer, infos::AbstractArray, fptr::FunctionPtr) _cmd_build_micromaps_ext(command_buffer, convert(AbstractArray{_MicromapBuildInfoEXT}, infos), fptr) end function build_micromaps_ext(device, infos::AbstractArray, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_build_micromaps_ext(device, convert(AbstractArray{_MicromapBuildInfoEXT}, infos), fptr; deferred_operation)) val end function destroy_micromap_ext(device, micromap, fptr::FunctionPtr; allocator = C_NULL) _destroy_micromap_ext(device, micromap, fptr; allocator) end function cmd_copy_micromap_ext(command_buffer, info::CopyMicromapInfoEXT, fptr::FunctionPtr) _cmd_copy_micromap_ext(command_buffer, convert(_CopyMicromapInfoEXT, info), fptr) end function copy_micromap_ext(device, info::CopyMicromapInfoEXT, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_copy_micromap_ext(device, convert(_CopyMicromapInfoEXT, info), fptr; deferred_operation)) val end function cmd_copy_micromap_to_memory_ext(command_buffer, info::CopyMicromapToMemoryInfoEXT, fptr::FunctionPtr) _cmd_copy_micromap_to_memory_ext(command_buffer, convert(_CopyMicromapToMemoryInfoEXT, info), fptr) end function copy_micromap_to_memory_ext(device, info::CopyMicromapToMemoryInfoEXT, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_copy_micromap_to_memory_ext(device, convert(_CopyMicromapToMemoryInfoEXT, info), fptr; deferred_operation)) val end function cmd_copy_memory_to_micromap_ext(command_buffer, info::CopyMemoryToMicromapInfoEXT, fptr::FunctionPtr) _cmd_copy_memory_to_micromap_ext(command_buffer, convert(_CopyMemoryToMicromapInfoEXT, info), fptr) end function copy_memory_to_micromap_ext(device, info::CopyMemoryToMicromapInfoEXT, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_copy_memory_to_micromap_ext(device, convert(_CopyMemoryToMicromapInfoEXT, info), fptr; deferred_operation)) val end function cmd_write_micromaps_properties_ext(command_buffer, micromaps::AbstractArray, query_type::QueryType, query_pool, first_query::Integer, fptr::FunctionPtr) _cmd_write_micromaps_properties_ext(command_buffer, micromaps, query_type, query_pool, first_query, fptr) end function write_micromaps_properties_ext(device, micromaps::AbstractArray, query_type::QueryType, data_size::Integer, data::Ptr{Cvoid}, stride::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_write_micromaps_properties_ext(device, micromaps, query_type, data_size, data, stride, fptr)) val end function get_device_micromap_compatibility_ext(device, version_info::MicromapVersionInfoEXT, fptr::FunctionPtr) _get_device_micromap_compatibility_ext(device, convert(_MicromapVersionInfoEXT, version_info), fptr) end function get_micromap_build_sizes_ext(device, build_type::AccelerationStructureBuildTypeKHR, build_info::MicromapBuildInfoEXT, fptr::FunctionPtr) MicromapBuildSizesInfoEXT(_get_micromap_build_sizes_ext(device, build_type, convert(_MicromapBuildInfoEXT, build_info), fptr)) end function get_shader_module_identifier_ext(device, shader_module, fptr::FunctionPtr) ShaderModuleIdentifierEXT(_get_shader_module_identifier_ext(device, shader_module, fptr)) end function get_shader_module_create_info_identifier_ext(device, create_info::ShaderModuleCreateInfo, fptr::FunctionPtr) ShaderModuleIdentifierEXT(_get_shader_module_create_info_identifier_ext(device, convert(_ShaderModuleCreateInfo, create_info), fptr)) end function get_image_subresource_layout_2_ext(device, image, subresource::ImageSubresource2EXT, fptr::FunctionPtr, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) SubresourceLayout2EXT(_get_image_subresource_layout_2_ext(device, image, convert(_ImageSubresource2EXT, subresource), fptr, next_types...), next_types_hl...) end function get_pipeline_properties_ext(device, pipeline_info::VkPipelineInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{BaseOutStructure, VulkanError} val = @propagate_errors(_get_pipeline_properties_ext(device, pipeline_info, fptr)) BaseOutStructure(val) end function export_metal_objects_ext(device, fptr::FunctionPtr) ExportMetalObjectsInfoEXT(_export_metal_objects_ext(device, fptr)) end function get_framebuffer_tile_properties_qcom(device, framebuffer, fptr::FunctionPtr) TilePropertiesQCOM.(_get_framebuffer_tile_properties_qcom(device, framebuffer, fptr)) end function get_dynamic_rendering_tile_properties_qcom(device, rendering_info::RenderingInfo, fptr::FunctionPtr) TilePropertiesQCOM(_get_dynamic_rendering_tile_properties_qcom(device, convert(_RenderingInfo, rendering_info), fptr)) end function get_physical_device_optical_flow_image_formats_nv(physical_device, optical_flow_image_format_info::OpticalFlowImageFormatInfoNV, fptr::FunctionPtr)::ResultTypes.Result{Vector{OpticalFlowImageFormatPropertiesNV}, VulkanError} val = @propagate_errors(_get_physical_device_optical_flow_image_formats_nv(physical_device, convert(_OpticalFlowImageFormatInfoNV, optical_flow_image_format_info), fptr)) OpticalFlowImageFormatPropertiesNV.(val) end function create_optical_flow_session_nv(device, create_info::OpticalFlowSessionCreateInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{OpticalFlowSessionNV, VulkanError} val = @propagate_errors(_create_optical_flow_session_nv(device, convert(_OpticalFlowSessionCreateInfoNV, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_optical_flow_session_nv(device, session, fptr::FunctionPtr; allocator = C_NULL) _destroy_optical_flow_session_nv(device, session, fptr; allocator) end function bind_optical_flow_session_image_nv(device, session, binding_point::OpticalFlowSessionBindingPointNV, layout::ImageLayout, fptr::FunctionPtr; view = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_optical_flow_session_image_nv(device, session, binding_point, layout, fptr; view)) val end function cmd_optical_flow_execute_nv(command_buffer, session, execute_info::OpticalFlowExecuteInfoNV, fptr::FunctionPtr) _cmd_optical_flow_execute_nv(command_buffer, session, convert(_OpticalFlowExecuteInfoNV, execute_info), fptr) end function get_device_fault_info_ext(device, fptr::FunctionPtr)::ResultTypes.Result{Tuple{_DeviceFaultCountsEXT, _DeviceFaultInfoEXT}, VulkanError} val = @propagate_errors(_get_device_fault_info_ext(device, fptr)) val end function release_swapchain_images_ext(device, release_info::ReleaseSwapchainImagesInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_release_swapchain_images_ext(device, convert(_ReleaseSwapchainImagesInfoEXT, release_info), fptr)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_LAYER_NOT_PRESENT` - `ERROR_EXTENSION_NOT_PRESENT` - `ERROR_INCOMPATIBLE_DRIVER` Arguments: - `enabled_layer_names::Vector{String}` - `enabled_extension_names::Vector{String}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::InstanceCreateFlag`: defaults to `0` - `application_info::_ApplicationInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateInstance.html) """ _create_instance(enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0, application_info = C_NULL) = _create_instance(_InstanceCreateInfo(enabled_layer_names, enabled_extension_names; next, flags, application_info); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_EXTENSION_NOT_PRESENT` - `ERROR_FEATURE_NOT_PRESENT` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_DEVICE_LOST` Arguments: - `physical_device::PhysicalDevice` - `queue_create_infos::Vector{_DeviceQueueCreateInfo}` - `enabled_layer_names::Vector{String}` - `enabled_extension_names::Vector{String}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `enabled_features::_PhysicalDeviceFeatures`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDevice.html) """ _create_device(physical_device, queue_create_infos::AbstractArray, enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0, enabled_features = C_NULL) = _create_device(physical_device, _DeviceCreateInfo(queue_create_infos, enabled_layer_names, enabled_extension_names; next, flags, enabled_features); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `allocation_size::UInt64` - `memory_type_index::UInt32` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAllocateMemory.html) """ _allocate_memory(device, allocation_size::Integer, memory_type_index::Integer; allocator = C_NULL, next = C_NULL) = _allocate_memory(device, _MemoryAllocateInfo(allocation_size, memory_type_index; next); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `queue_family_index::UInt32` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::CommandPoolCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCommandPool.html) """ _create_command_pool(device, queue_family_index::Integer; allocator = C_NULL, next = C_NULL, flags = 0) = _create_command_pool(device, _CommandPoolCreateInfo(queue_family_index; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `size::UInt64` - `usage::BufferUsageFlag` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::BufferCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateBuffer.html) """ _create_buffer(device, size::Integer, usage::BufferUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = _create_buffer(device, _BufferCreateInfo(size, usage, sharing_mode, queue_family_indices; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `buffer::Buffer` - `format::Format` - `offset::UInt64` - `range::UInt64` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateBufferView.html) """ _create_buffer_view(device, buffer, format::Format, offset::Integer, range::Integer; allocator = C_NULL, next = C_NULL, flags = 0) = _create_buffer_view(device, _BufferViewCreateInfo(buffer, format, offset, range; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_COMPRESSION_EXHAUSTED_EXT` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `image_type::ImageType` - `format::Format` - `extent::_Extent3D` - `mip_levels::UInt32` - `array_layers::UInt32` - `samples::SampleCountFlag` - `tiling::ImageTiling` - `usage::ImageUsageFlag` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `initial_layout::ImageLayout` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::ImageCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateImage.html) """ _create_image(device, image_type::ImageType, format::Format, extent::_Extent3D, mip_levels::Integer, array_layers::Integer, samples::SampleCountFlag, tiling::ImageTiling, usage::ImageUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, initial_layout::ImageLayout; allocator = C_NULL, next = C_NULL, flags = 0) = _create_image(device, _ImageCreateInfo(image_type, format, extent, mip_levels, array_layers, samples, tiling, usage, sharing_mode, queue_family_indices, initial_layout; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `image::Image` - `view_type::ImageViewType` - `format::Format` - `components::_ComponentMapping` - `subresource_range::_ImageSubresourceRange` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::ImageViewCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateImageView.html) """ _create_image_view(device, image, view_type::ImageViewType, format::Format, components::_ComponentMapping, subresource_range::_ImageSubresourceRange; allocator = C_NULL, next = C_NULL, flags = 0) = _create_image_view(device, _ImageViewCreateInfo(image, view_type, format, components, subresource_range; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_SHADER_NV` Arguments: - `device::Device` - `code_size::UInt` - `code::Vector{UInt32}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateShaderModule.html) """ _create_shader_module(device, code_size::Integer, code::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = _create_shader_module(device, _ShaderModuleCreateInfo(code_size, code; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `set_layouts::Vector{DescriptorSetLayout}` - `push_constant_ranges::Vector{_PushConstantRange}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PipelineLayoutCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePipelineLayout.html) """ _create_pipeline_layout(device, set_layouts::AbstractArray, push_constant_ranges::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = _create_pipeline_layout(device, _PipelineLayoutCreateInfo(set_layouts, push_constant_ranges; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `mag_filter::Filter` - `min_filter::Filter` - `mipmap_mode::SamplerMipmapMode` - `address_mode_u::SamplerAddressMode` - `address_mode_v::SamplerAddressMode` - `address_mode_w::SamplerAddressMode` - `mip_lod_bias::Float32` - `anisotropy_enable::Bool` - `max_anisotropy::Float32` - `compare_enable::Bool` - `compare_op::CompareOp` - `min_lod::Float32` - `max_lod::Float32` - `border_color::BorderColor` - `unnormalized_coordinates::Bool` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::SamplerCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSampler.html) """ _create_sampler(device, mag_filter::Filter, min_filter::Filter, mipmap_mode::SamplerMipmapMode, address_mode_u::SamplerAddressMode, address_mode_v::SamplerAddressMode, address_mode_w::SamplerAddressMode, mip_lod_bias::Real, anisotropy_enable::Bool, max_anisotropy::Real, compare_enable::Bool, compare_op::CompareOp, min_lod::Real, max_lod::Real, border_color::BorderColor, unnormalized_coordinates::Bool; allocator = C_NULL, next = C_NULL, flags = 0) = _create_sampler(device, _SamplerCreateInfo(mag_filter, min_filter, mipmap_mode, address_mode_u, address_mode_v, address_mode_w, mip_lod_bias, anisotropy_enable, max_anisotropy, compare_enable, compare_op, min_lod, max_lod, border_color, unnormalized_coordinates; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `bindings::Vector{_DescriptorSetLayoutBinding}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::DescriptorSetLayoutCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorSetLayout.html) """ _create_descriptor_set_layout(device, bindings::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = _create_descriptor_set_layout(device, _DescriptorSetLayoutCreateInfo(bindings; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_FRAGMENTATION_EXT` Arguments: - `device::Device` - `max_sets::UInt32` - `pool_sizes::Vector{_DescriptorPoolSize}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::DescriptorPoolCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorPool.html) """ _create_descriptor_pool(device, max_sets::Integer, pool_sizes::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = _create_descriptor_pool(device, _DescriptorPoolCreateInfo(max_sets, pool_sizes; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::FenceCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateFence.html) """ _create_fence(device; allocator = C_NULL, next = C_NULL, flags = 0) = _create_fence(device, _FenceCreateInfo(; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSemaphore.html) """ _create_semaphore(device; allocator = C_NULL, next = C_NULL, flags = 0) = _create_semaphore(device, _SemaphoreCreateInfo(; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::EventCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateEvent.html) """ _create_event(device; allocator = C_NULL, next = C_NULL, flags = 0) = _create_event(device, _EventCreateInfo(; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `query_type::QueryType` - `query_count::UInt32` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `pipeline_statistics::QueryPipelineStatisticFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateQueryPool.html) """ _create_query_pool(device, query_type::QueryType, query_count::Integer; allocator = C_NULL, next = C_NULL, flags = 0, pipeline_statistics = 0) = _create_query_pool(device, _QueryPoolCreateInfo(query_type, query_count; next, flags, pipeline_statistics); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `render_pass::RenderPass` - `attachments::Vector{ImageView}` - `width::UInt32` - `height::UInt32` - `layers::UInt32` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::FramebufferCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateFramebuffer.html) """ _create_framebuffer(device, render_pass, attachments::AbstractArray, width::Integer, height::Integer, layers::Integer; allocator = C_NULL, next = C_NULL, flags = 0) = _create_framebuffer(device, _FramebufferCreateInfo(render_pass, attachments, width, height, layers; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `attachments::Vector{_AttachmentDescription}` - `subpasses::Vector{_SubpassDescription}` - `dependencies::Vector{_SubpassDependency}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::RenderPassCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRenderPass.html) """ _create_render_pass(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = _create_render_pass(device, _RenderPassCreateInfo(attachments, subpasses, dependencies; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `attachments::Vector{_AttachmentDescription2}` - `subpasses::Vector{_SubpassDescription2}` - `dependencies::Vector{_SubpassDependency2}` - `correlated_view_masks::Vector{UInt32}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::RenderPassCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRenderPass2.html) """ _create_render_pass_2(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray, correlated_view_masks::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = _create_render_pass_2(device, _RenderPassCreateInfo2(attachments, subpasses, dependencies, correlated_view_masks; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `initial_data::Ptr{Cvoid}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PipelineCacheCreateFlag`: defaults to `0` - `initial_data_size::UInt`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePipelineCache.html) """ _create_pipeline_cache(device, initial_data::Ptr{Cvoid}; allocator = C_NULL, next = C_NULL, flags = 0, initial_data_size = 0) = _create_pipeline_cache(device, _PipelineCacheCreateInfo(initial_data; next, flags, initial_data_size); allocator) """ Extension: VK\\_NV\\_device\\_generated\\_commands Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `pipeline_bind_point::PipelineBindPoint` - `tokens::Vector{_IndirectCommandsLayoutTokenNV}` - `stream_strides::Vector{UInt32}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::IndirectCommandsLayoutUsageFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateIndirectCommandsLayoutNV.html) """ _create_indirect_commands_layout_nv(device, pipeline_bind_point::PipelineBindPoint, tokens::AbstractArray, stream_strides::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = _create_indirect_commands_layout_nv(device, _IndirectCommandsLayoutCreateInfoNV(pipeline_bind_point, tokens, stream_strides; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `descriptor_update_entries::Vector{_DescriptorUpdateTemplateEntry}` - `template_type::DescriptorUpdateTemplateType` - `descriptor_set_layout::DescriptorSetLayout` - `pipeline_bind_point::PipelineBindPoint` - `pipeline_layout::PipelineLayout` - `set::UInt32` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorUpdateTemplate.html) """ _create_descriptor_update_template(device, descriptor_update_entries::AbstractArray, template_type::DescriptorUpdateTemplateType, descriptor_set_layout, pipeline_bind_point::PipelineBindPoint, pipeline_layout, set::Integer; allocator = C_NULL, next = C_NULL, flags = 0) = _create_descriptor_update_template(device, _DescriptorUpdateTemplateCreateInfo(descriptor_update_entries, template_type, descriptor_set_layout, pipeline_bind_point, pipeline_layout, set; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `format::Format` - `ycbcr_model::SamplerYcbcrModelConversion` - `ycbcr_range::SamplerYcbcrRange` - `components::_ComponentMapping` - `x_chroma_offset::ChromaLocation` - `y_chroma_offset::ChromaLocation` - `chroma_filter::Filter` - `force_explicit_reconstruction::Bool` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSamplerYcbcrConversion.html) """ _create_sampler_ycbcr_conversion(device, format::Format, ycbcr_model::SamplerYcbcrModelConversion, ycbcr_range::SamplerYcbcrRange, components::_ComponentMapping, x_chroma_offset::ChromaLocation, y_chroma_offset::ChromaLocation, chroma_filter::Filter, force_explicit_reconstruction::Bool; allocator = C_NULL, next = C_NULL) = _create_sampler_ycbcr_conversion(device, _SamplerYcbcrConversionCreateInfo(format, ycbcr_model, ycbcr_range, components, x_chroma_offset, y_chroma_offset, chroma_filter, force_explicit_reconstruction; next); allocator) """ Extension: VK\\_EXT\\_validation\\_cache Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `initial_data::Ptr{Cvoid}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `initial_data_size::UInt`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateValidationCacheEXT.html) """ _create_validation_cache_ext(device, initial_data::Ptr{Cvoid}; allocator = C_NULL, next = C_NULL, flags = 0, initial_data_size = 0) = _create_validation_cache_ext(device, _ValidationCacheCreateInfoEXT(initial_data; next, flags, initial_data_size); allocator) """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `type::AccelerationStructureTypeKHR` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `create_flags::AccelerationStructureCreateFlagKHR`: defaults to `0` - `device_address::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateAccelerationStructureKHR.html) """ _create_acceleration_structure_khr(device, buffer, offset::Integer, size::Integer, type::AccelerationStructureTypeKHR; allocator = C_NULL, next = C_NULL, create_flags = 0, device_address = 0) = _create_acceleration_structure_khr(device, _AccelerationStructureCreateInfoKHR(buffer, offset, size, type; next, create_flags, device_address); allocator) """ Extension: VK\\_NV\\_ray\\_tracing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `compacted_size::UInt64` - `info::_AccelerationStructureInfoNV` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateAccelerationStructureNV.html) """ _create_acceleration_structure_nv(device, compacted_size::Integer, info::_AccelerationStructureInfoNV; allocator = C_NULL, next = C_NULL) = _create_acceleration_structure_nv(device, _AccelerationStructureCreateInfoNV(compacted_size, info; next); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `flags::UInt32` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePrivateDataSlot.html) """ _create_private_data_slot(device, flags::Integer; allocator = C_NULL, next = C_NULL) = _create_private_data_slot(device, _PrivateDataSlotCreateInfo(flags; next); allocator) """ Extension: VK\\_NVX\\_binary\\_import Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `data_size::UInt` - `data::Ptr{Cvoid}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCuModuleNVX.html) """ _create_cu_module_nvx(device, data_size::Integer, data::Ptr{Cvoid}; allocator = C_NULL, next = C_NULL) = _create_cu_module_nvx(device, _CuModuleCreateInfoNVX(data_size, data; next); allocator) """ Extension: VK\\_NVX\\_binary\\_import Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `_module::CuModuleNVX` - `name::String` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCuFunctionNVX.html) """ _create_cu_function_nvx(device, _module, name::AbstractString; allocator = C_NULL, next = C_NULL) = _create_cu_function_nvx(device, _CuFunctionCreateInfoNVX(_module, name; next); allocator) """ Extension: VK\\_NV\\_optical\\_flow Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `width::UInt32` - `height::UInt32` - `image_format::Format` - `flow_vector_format::Format` - `output_grid_size::OpticalFlowGridSizeFlagNV` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `cost_format::Format`: defaults to `0` - `hint_grid_size::OpticalFlowGridSizeFlagNV`: defaults to `0` - `performance_level::OpticalFlowPerformanceLevelNV`: defaults to `0` - `flags::OpticalFlowSessionCreateFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateOpticalFlowSessionNV.html) """ _create_optical_flow_session_nv(device, width::Integer, height::Integer, image_format::Format, flow_vector_format::Format, output_grid_size::OpticalFlowGridSizeFlagNV; allocator = C_NULL, next = C_NULL, cost_format = 0, hint_grid_size = 0, performance_level = 0, flags = 0) = _create_optical_flow_session_nv(device, _OpticalFlowSessionCreateInfoNV(width, height, image_format, flow_vector_format, output_grid_size; next, cost_format, hint_grid_size, performance_level, flags); allocator) """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `type::MicromapTypeEXT` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `create_flags::MicromapCreateFlagEXT`: defaults to `0` - `device_address::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateMicromapEXT.html) """ _create_micromap_ext(device, buffer, offset::Integer, size::Integer, type::MicromapTypeEXT; allocator = C_NULL, next = C_NULL, create_flags = 0, device_address = 0) = _create_micromap_ext(device, _MicromapCreateInfoEXT(buffer, offset, size, type; next, create_flags, device_address); allocator) """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` (externsync) - `parameters::_DisplayModeParametersKHR` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDisplayModeKHR.html) """ _create_display_mode_khr(physical_device, display, parameters::_DisplayModeParametersKHR; allocator = C_NULL, next = C_NULL, flags = 0) = _create_display_mode_khr(physical_device, display, _DisplayModeCreateInfoKHR(parameters; next, flags); allocator) """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `display_mode::DisplayModeKHR` - `plane_index::UInt32` - `plane_stack_index::UInt32` - `transform::SurfaceTransformFlagKHR` - `global_alpha::Float32` - `alpha_mode::DisplayPlaneAlphaFlagKHR` - `image_extent::_Extent2D` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDisplayPlaneSurfaceKHR.html) """ _create_display_plane_surface_khr(instance, display_mode, plane_index::Integer, plane_stack_index::Integer, transform::SurfaceTransformFlagKHR, global_alpha::Real, alpha_mode::DisplayPlaneAlphaFlagKHR, image_extent::_Extent2D; allocator = C_NULL, next = C_NULL, flags = 0) = _create_display_plane_surface_khr(instance, _DisplaySurfaceCreateInfoKHR(display_mode, plane_index, plane_stack_index, transform, global_alpha, alpha_mode, image_extent; next, flags); allocator) """ Extension: VK\\_MVK\\_macos\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_NATIVE_WINDOW_IN_USE_KHR` Arguments: - `instance::Instance` - `view::Ptr{Cvoid}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateMacOSSurfaceMVK.html) """ _create_mac_os_surface_mvk(instance, view::Ptr{Cvoid}; allocator = C_NULL, next = C_NULL, flags = 0) = _create_mac_os_surface_mvk(instance, _MacOSSurfaceCreateInfoMVK(view; next, flags); allocator) """ Extension: VK\\_EXT\\_metal\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_NATIVE_WINDOW_IN_USE_KHR` Arguments: - `instance::Instance` - `layer::Ptr{CAMetalLayer}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateMetalSurfaceEXT.html) """ _create_metal_surface_ext(instance, layer::Ptr{vk.CAMetalLayer}; allocator = C_NULL, next = C_NULL, flags = 0) = _create_metal_surface_ext(instance, _MetalSurfaceCreateInfoEXT(layer; next, flags); allocator) """ Extension: VK\\_EXT\\_headless\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateHeadlessSurfaceEXT.html) """ _create_headless_surface_ext(instance; allocator = C_NULL, next = C_NULL, flags = 0) = _create_headless_surface_ext(instance, _HeadlessSurfaceCreateInfoEXT(; next, flags); allocator) """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_SURFACE_LOST_KHR` - `ERROR_NATIVE_WINDOW_IN_USE_KHR` - `ERROR_INITIALIZATION_FAILED` - `ERROR_COMPRESSION_EXHAUSTED_EXT` Arguments: - `device::Device` - `surface::SurfaceKHR` - `min_image_count::UInt32` - `image_format::Format` - `image_color_space::ColorSpaceKHR` - `image_extent::_Extent2D` - `image_array_layers::UInt32` - `image_usage::ImageUsageFlag` - `image_sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `pre_transform::SurfaceTransformFlagKHR` - `composite_alpha::CompositeAlphaFlagKHR` - `present_mode::PresentModeKHR` - `clipped::Bool` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::SwapchainCreateFlagKHR`: defaults to `0` - `old_swapchain::SwapchainKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSwapchainKHR.html) """ _create_swapchain_khr(device, surface, min_image_count::Integer, image_format::Format, image_color_space::ColorSpaceKHR, image_extent::_Extent2D, image_array_layers::Integer, image_usage::ImageUsageFlag, image_sharing_mode::SharingMode, queue_family_indices::AbstractArray, pre_transform::SurfaceTransformFlagKHR, composite_alpha::CompositeAlphaFlagKHR, present_mode::PresentModeKHR, clipped::Bool; allocator = C_NULL, next = C_NULL, flags = 0, old_swapchain = C_NULL) = _create_swapchain_khr(device, _SwapchainCreateInfoKHR(surface, min_image_count, image_format, image_color_space, image_extent, image_array_layers, image_usage, image_sharing_mode, queue_family_indices, pre_transform, composite_alpha, present_mode, clipped; next, flags, old_swapchain); allocator) """ Extension: VK\\_EXT\\_debug\\_report Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `instance::Instance` - `pfn_callback::FunctionPtr` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::DebugReportFlagEXT`: defaults to `0` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDebugReportCallbackEXT.html) """ _create_debug_report_callback_ext(instance, pfn_callback::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL) = _create_debug_report_callback_ext(instance, _DebugReportCallbackCreateInfoEXT(pfn_callback; next, flags, user_data); allocator) """ Extension: VK\\_EXT\\_debug\\_utils Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `instance::Instance` - `message_severity::DebugUtilsMessageSeverityFlagEXT` - `message_type::DebugUtilsMessageTypeFlagEXT` - `pfn_user_callback::FunctionPtr` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDebugUtilsMessengerEXT.html) """ _create_debug_utils_messenger_ext(instance, message_severity::DebugUtilsMessageSeverityFlagEXT, message_type::DebugUtilsMessageTypeFlagEXT, pfn_user_callback::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL) = _create_debug_utils_messenger_ext(instance, _DebugUtilsMessengerCreateInfoEXT(message_severity, message_type, pfn_user_callback; next, flags, user_data); allocator) """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_VIDEO_STD_VERSION_NOT_SUPPORTED_KHR` Arguments: - `device::Device` - `queue_family_index::UInt32` - `video_profile::_VideoProfileInfoKHR` - `picture_format::Format` - `max_coded_extent::_Extent2D` - `reference_picture_format::Format` - `max_dpb_slots::UInt32` - `max_active_reference_pictures::UInt32` - `std_header_version::_ExtensionProperties` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::VideoSessionCreateFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateVideoSessionKHR.html) """ _create_video_session_khr(device, queue_family_index::Integer, video_profile::_VideoProfileInfoKHR, picture_format::Format, max_coded_extent::_Extent2D, reference_picture_format::Format, max_dpb_slots::Integer, max_active_reference_pictures::Integer, std_header_version::_ExtensionProperties; allocator = C_NULL, next = C_NULL, flags = 0) = _create_video_session_khr(device, _VideoSessionCreateInfoKHR(queue_family_index, video_profile, picture_format, max_coded_extent, reference_picture_format, max_dpb_slots, max_active_reference_pictures, std_header_version; next, flags); allocator) """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `video_session::VideoSessionKHR` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `video_session_parameters_template::VideoSessionParametersKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateVideoSessionParametersKHR.html) """ _create_video_session_parameters_khr(device, video_session; allocator = C_NULL, next = C_NULL, flags = 0, video_session_parameters_template = C_NULL) = _create_video_session_parameters_khr(device, _VideoSessionParametersCreateInfoKHR(video_session; next, flags, video_session_parameters_template); allocator) _create_instance(enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, application_info = C_NULL) = _create_instance(_InstanceCreateInfo(enabled_layer_names, enabled_extension_names; next, flags, application_info), fptr_create, fptr_destroy; allocator) _create_device(physical_device, queue_create_infos::AbstractArray, enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, enabled_features = C_NULL) = _create_device(physical_device, _DeviceCreateInfo(queue_create_infos, enabled_layer_names, enabled_extension_names; next, flags, enabled_features), fptr_create, fptr_destroy; allocator) _allocate_memory(device, allocation_size::Integer, memory_type_index::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = _allocate_memory(device, _MemoryAllocateInfo(allocation_size, memory_type_index; next), fptr_create, fptr_destroy; allocator) _create_command_pool(device, queue_family_index::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_command_pool(device, _CommandPoolCreateInfo(queue_family_index; next, flags), fptr_create, fptr_destroy; allocator) _create_buffer(device, size::Integer, usage::BufferUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_buffer(device, _BufferCreateInfo(size, usage, sharing_mode, queue_family_indices; next, flags), fptr_create, fptr_destroy; allocator) _create_buffer_view(device, buffer, format::Format, offset::Integer, range::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_buffer_view(device, _BufferViewCreateInfo(buffer, format, offset, range; next, flags), fptr_create, fptr_destroy; allocator) _create_image(device, image_type::ImageType, format::Format, extent::_Extent3D, mip_levels::Integer, array_layers::Integer, samples::SampleCountFlag, tiling::ImageTiling, usage::ImageUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, initial_layout::ImageLayout, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_image(device, _ImageCreateInfo(image_type, format, extent, mip_levels, array_layers, samples, tiling, usage, sharing_mode, queue_family_indices, initial_layout; next, flags), fptr_create, fptr_destroy; allocator) _create_image_view(device, image, view_type::ImageViewType, format::Format, components::_ComponentMapping, subresource_range::_ImageSubresourceRange, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_image_view(device, _ImageViewCreateInfo(image, view_type, format, components, subresource_range; next, flags), fptr_create, fptr_destroy; allocator) _create_shader_module(device, code_size::Integer, code::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_shader_module(device, _ShaderModuleCreateInfo(code_size, code; next, flags), fptr_create, fptr_destroy; allocator) _create_pipeline_layout(device, set_layouts::AbstractArray, push_constant_ranges::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_pipeline_layout(device, _PipelineLayoutCreateInfo(set_layouts, push_constant_ranges; next, flags), fptr_create, fptr_destroy; allocator) _create_sampler(device, mag_filter::Filter, min_filter::Filter, mipmap_mode::SamplerMipmapMode, address_mode_u::SamplerAddressMode, address_mode_v::SamplerAddressMode, address_mode_w::SamplerAddressMode, mip_lod_bias::Real, anisotropy_enable::Bool, max_anisotropy::Real, compare_enable::Bool, compare_op::CompareOp, min_lod::Real, max_lod::Real, border_color::BorderColor, unnormalized_coordinates::Bool, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_sampler(device, _SamplerCreateInfo(mag_filter, min_filter, mipmap_mode, address_mode_u, address_mode_v, address_mode_w, mip_lod_bias, anisotropy_enable, max_anisotropy, compare_enable, compare_op, min_lod, max_lod, border_color, unnormalized_coordinates; next, flags), fptr_create, fptr_destroy; allocator) _create_descriptor_set_layout(device, bindings::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_descriptor_set_layout(device, _DescriptorSetLayoutCreateInfo(bindings; next, flags), fptr_create, fptr_destroy; allocator) _create_descriptor_pool(device, max_sets::Integer, pool_sizes::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_descriptor_pool(device, _DescriptorPoolCreateInfo(max_sets, pool_sizes; next, flags), fptr_create, fptr_destroy; allocator) _create_fence(device, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_fence(device, _FenceCreateInfo(; next, flags), fptr_create, fptr_destroy; allocator) _create_semaphore(device, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_semaphore(device, _SemaphoreCreateInfo(; next, flags), fptr_create, fptr_destroy; allocator) _create_event(device, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_event(device, _EventCreateInfo(; next, flags), fptr_create, fptr_destroy; allocator) _create_query_pool(device, query_type::QueryType, query_count::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, pipeline_statistics = 0) = _create_query_pool(device, _QueryPoolCreateInfo(query_type, query_count; next, flags, pipeline_statistics), fptr_create, fptr_destroy; allocator) _create_framebuffer(device, render_pass, attachments::AbstractArray, width::Integer, height::Integer, layers::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_framebuffer(device, _FramebufferCreateInfo(render_pass, attachments, width, height, layers; next, flags), fptr_create, fptr_destroy; allocator) _create_render_pass(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_render_pass(device, _RenderPassCreateInfo(attachments, subpasses, dependencies; next, flags), fptr_create, fptr_destroy; allocator) _create_render_pass_2(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray, correlated_view_masks::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_render_pass_2(device, _RenderPassCreateInfo2(attachments, subpasses, dependencies, correlated_view_masks; next, flags), fptr_create, fptr_destroy; allocator) _create_pipeline_cache(device, initial_data::Ptr{Cvoid}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, initial_data_size = 0) = _create_pipeline_cache(device, _PipelineCacheCreateInfo(initial_data; next, flags, initial_data_size), fptr_create, fptr_destroy; allocator) _create_indirect_commands_layout_nv(device, pipeline_bind_point::PipelineBindPoint, tokens::AbstractArray, stream_strides::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_indirect_commands_layout_nv(device, _IndirectCommandsLayoutCreateInfoNV(pipeline_bind_point, tokens, stream_strides; next, flags), fptr_create, fptr_destroy; allocator) _create_descriptor_update_template(device, descriptor_update_entries::AbstractArray, template_type::DescriptorUpdateTemplateType, descriptor_set_layout, pipeline_bind_point::PipelineBindPoint, pipeline_layout, set::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_descriptor_update_template(device, _DescriptorUpdateTemplateCreateInfo(descriptor_update_entries, template_type, descriptor_set_layout, pipeline_bind_point, pipeline_layout, set; next, flags), fptr_create, fptr_destroy; allocator) _create_sampler_ycbcr_conversion(device, format::Format, ycbcr_model::SamplerYcbcrModelConversion, ycbcr_range::SamplerYcbcrRange, components::_ComponentMapping, x_chroma_offset::ChromaLocation, y_chroma_offset::ChromaLocation, chroma_filter::Filter, force_explicit_reconstruction::Bool, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = _create_sampler_ycbcr_conversion(device, _SamplerYcbcrConversionCreateInfo(format, ycbcr_model, ycbcr_range, components, x_chroma_offset, y_chroma_offset, chroma_filter, force_explicit_reconstruction; next), fptr_create, fptr_destroy; allocator) _create_validation_cache_ext(device, initial_data::Ptr{Cvoid}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, initial_data_size = 0) = _create_validation_cache_ext(device, _ValidationCacheCreateInfoEXT(initial_data; next, flags, initial_data_size), fptr_create, fptr_destroy; allocator) _create_acceleration_structure_khr(device, buffer, offset::Integer, size::Integer, type::AccelerationStructureTypeKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, create_flags = 0, device_address = 0) = _create_acceleration_structure_khr(device, _AccelerationStructureCreateInfoKHR(buffer, offset, size, type; next, create_flags, device_address), fptr_create, fptr_destroy; allocator) _create_acceleration_structure_nv(device, compacted_size::Integer, info::_AccelerationStructureInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = _create_acceleration_structure_nv(device, _AccelerationStructureCreateInfoNV(compacted_size, info; next), fptr_create, fptr_destroy; allocator) _create_private_data_slot(device, flags::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = _create_private_data_slot(device, _PrivateDataSlotCreateInfo(flags; next), fptr_create, fptr_destroy; allocator) _create_cu_module_nvx(device, data_size::Integer, data::Ptr{Cvoid}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = _create_cu_module_nvx(device, _CuModuleCreateInfoNVX(data_size, data; next), fptr_create, fptr_destroy; allocator) _create_cu_function_nvx(device, _module, name::AbstractString, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = _create_cu_function_nvx(device, _CuFunctionCreateInfoNVX(_module, name; next), fptr_create, fptr_destroy; allocator) _create_optical_flow_session_nv(device, width::Integer, height::Integer, image_format::Format, flow_vector_format::Format, output_grid_size::OpticalFlowGridSizeFlagNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, cost_format = 0, hint_grid_size = 0, performance_level = 0, flags = 0) = _create_optical_flow_session_nv(device, _OpticalFlowSessionCreateInfoNV(width, height, image_format, flow_vector_format, output_grid_size; next, cost_format, hint_grid_size, performance_level, flags), fptr_create, fptr_destroy; allocator) _create_micromap_ext(device, buffer, offset::Integer, size::Integer, type::MicromapTypeEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, create_flags = 0, device_address = 0) = _create_micromap_ext(device, _MicromapCreateInfoEXT(buffer, offset, size, type; next, create_flags, device_address), fptr_create, fptr_destroy; allocator) _create_display_mode_khr(physical_device, display, parameters::_DisplayModeParametersKHR, fptr_create::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_display_mode_khr(physical_device, display, _DisplayModeCreateInfoKHR(parameters; next, flags), fptr_create; allocator) _create_display_plane_surface_khr(instance, display_mode, plane_index::Integer, plane_stack_index::Integer, transform::SurfaceTransformFlagKHR, global_alpha::Real, alpha_mode::DisplayPlaneAlphaFlagKHR, image_extent::_Extent2D, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_display_plane_surface_khr(instance, _DisplaySurfaceCreateInfoKHR(display_mode, plane_index, plane_stack_index, transform, global_alpha, alpha_mode, image_extent; next, flags), fptr_create, fptr_destroy; allocator) _create_mac_os_surface_mvk(instance, view::Ptr{Cvoid}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_mac_os_surface_mvk(instance, _MacOSSurfaceCreateInfoMVK(view; next, flags), fptr_create, fptr_destroy; allocator) _create_metal_surface_ext(instance, layer::Ptr{vk.CAMetalLayer}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_metal_surface_ext(instance, _MetalSurfaceCreateInfoEXT(layer; next, flags), fptr_create, fptr_destroy; allocator) _create_headless_surface_ext(instance, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_headless_surface_ext(instance, _HeadlessSurfaceCreateInfoEXT(; next, flags), fptr_create, fptr_destroy; allocator) _create_swapchain_khr(device, surface, min_image_count::Integer, image_format::Format, image_color_space::ColorSpaceKHR, image_extent::_Extent2D, image_array_layers::Integer, image_usage::ImageUsageFlag, image_sharing_mode::SharingMode, queue_family_indices::AbstractArray, pre_transform::SurfaceTransformFlagKHR, composite_alpha::CompositeAlphaFlagKHR, present_mode::PresentModeKHR, clipped::Bool, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, old_swapchain = C_NULL) = _create_swapchain_khr(device, _SwapchainCreateInfoKHR(surface, min_image_count, image_format, image_color_space, image_extent, image_array_layers, image_usage, image_sharing_mode, queue_family_indices, pre_transform, composite_alpha, present_mode, clipped; next, flags, old_swapchain), fptr_create, fptr_destroy; allocator) _create_debug_report_callback_ext(instance, pfn_callback::FunctionPtr, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL) = _create_debug_report_callback_ext(instance, _DebugReportCallbackCreateInfoEXT(pfn_callback; next, flags, user_data), fptr_create, fptr_destroy; allocator) _create_debug_utils_messenger_ext(instance, message_severity::DebugUtilsMessageSeverityFlagEXT, message_type::DebugUtilsMessageTypeFlagEXT, pfn_user_callback::FunctionPtr, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL) = _create_debug_utils_messenger_ext(instance, _DebugUtilsMessengerCreateInfoEXT(message_severity, message_type, pfn_user_callback; next, flags, user_data), fptr_create, fptr_destroy; allocator) _create_video_session_khr(device, queue_family_index::Integer, video_profile::_VideoProfileInfoKHR, picture_format::Format, max_coded_extent::_Extent2D, reference_picture_format::Format, max_dpb_slots::Integer, max_active_reference_pictures::Integer, std_header_version::_ExtensionProperties, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_video_session_khr(device, _VideoSessionCreateInfoKHR(queue_family_index, video_profile, picture_format, max_coded_extent, reference_picture_format, max_dpb_slots, max_active_reference_pictures, std_header_version; next, flags), fptr_create, fptr_destroy; allocator) _create_video_session_parameters_khr(device, video_session, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, video_session_parameters_template = C_NULL) = _create_video_session_parameters_khr(device, _VideoSessionParametersCreateInfoKHR(video_session; next, flags, video_session_parameters_template), fptr_create, fptr_destroy; allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_LAYER_NOT_PRESENT` - `ERROR_EXTENSION_NOT_PRESENT` - `ERROR_INCOMPATIBLE_DRIVER` Arguments: - `enabled_layer_names::Vector{String}` - `enabled_extension_names::Vector{String}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::InstanceCreateFlag`: defaults to `0` - `application_info::ApplicationInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateInstance.html) """ function create_instance(enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0, application_info = C_NULL)::ResultTypes.Result{Instance, VulkanError} val = @propagate_errors(_create_instance(enabled_layer_names, enabled_extension_names; allocator, next, flags, application_info)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_EXTENSION_NOT_PRESENT` - `ERROR_FEATURE_NOT_PRESENT` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_DEVICE_LOST` Arguments: - `physical_device::PhysicalDevice` - `queue_create_infos::Vector{DeviceQueueCreateInfo}` - `enabled_layer_names::Vector{String}` - `enabled_extension_names::Vector{String}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `enabled_features::PhysicalDeviceFeatures`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDevice.html) """ function create_device(physical_device, queue_create_infos::AbstractArray, enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0, enabled_features = C_NULL)::ResultTypes.Result{Device, VulkanError} val = @propagate_errors(_create_device(physical_device, convert(AbstractArray{_DeviceQueueCreateInfo}, queue_create_infos), enabled_layer_names, enabled_extension_names; allocator, next, flags, enabled_features)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `allocation_size::UInt64` - `memory_type_index::UInt32` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAllocateMemory.html) """ function allocate_memory(device, allocation_size::Integer, memory_type_index::Integer; allocator = C_NULL, next = C_NULL)::ResultTypes.Result{DeviceMemory, VulkanError} val = @propagate_errors(_allocate_memory(device, allocation_size, memory_type_index; allocator, next)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `queue_family_index::UInt32` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::CommandPoolCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCommandPool.html) """ function create_command_pool(device, queue_family_index::Integer; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{CommandPool, VulkanError} val = @propagate_errors(_create_command_pool(device, queue_family_index; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `size::UInt64` - `usage::BufferUsageFlag` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::BufferCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateBuffer.html) """ function create_buffer(device, size::Integer, usage::BufferUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Buffer, VulkanError} val = @propagate_errors(_create_buffer(device, size, usage, sharing_mode, queue_family_indices; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `buffer::Buffer` - `format::Format` - `offset::UInt64` - `range::UInt64` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateBufferView.html) """ function create_buffer_view(device, buffer, format::Format, offset::Integer, range::Integer; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{BufferView, VulkanError} val = @propagate_errors(_create_buffer_view(device, buffer, format, offset, range; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_COMPRESSION_EXHAUSTED_EXT` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `image_type::ImageType` - `format::Format` - `extent::Extent3D` - `mip_levels::UInt32` - `array_layers::UInt32` - `samples::SampleCountFlag` - `tiling::ImageTiling` - `usage::ImageUsageFlag` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `initial_layout::ImageLayout` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::ImageCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateImage.html) """ function create_image(device, image_type::ImageType, format::Format, extent::Extent3D, mip_levels::Integer, array_layers::Integer, samples::SampleCountFlag, tiling::ImageTiling, usage::ImageUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, initial_layout::ImageLayout; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Image, VulkanError} val = @propagate_errors(_create_image(device, image_type, format, convert(_Extent3D, extent), mip_levels, array_layers, samples, tiling, usage, sharing_mode, queue_family_indices, initial_layout; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `image::Image` - `view_type::ImageViewType` - `format::Format` - `components::ComponentMapping` - `subresource_range::ImageSubresourceRange` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::ImageViewCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateImageView.html) """ function create_image_view(device, image, view_type::ImageViewType, format::Format, components::ComponentMapping, subresource_range::ImageSubresourceRange; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{ImageView, VulkanError} val = @propagate_errors(_create_image_view(device, image, view_type, format, convert(_ComponentMapping, components), convert(_ImageSubresourceRange, subresource_range); allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_SHADER_NV` Arguments: - `device::Device` - `code_size::UInt` - `code::Vector{UInt32}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateShaderModule.html) """ function create_shader_module(device, code_size::Integer, code::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{ShaderModule, VulkanError} val = @propagate_errors(_create_shader_module(device, code_size, code; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `set_layouts::Vector{DescriptorSetLayout}` - `push_constant_ranges::Vector{PushConstantRange}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::PipelineLayoutCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePipelineLayout.html) """ function create_pipeline_layout(device, set_layouts::AbstractArray, push_constant_ranges::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{PipelineLayout, VulkanError} val = @propagate_errors(_create_pipeline_layout(device, set_layouts, convert(AbstractArray{_PushConstantRange}, push_constant_ranges); allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `mag_filter::Filter` - `min_filter::Filter` - `mipmap_mode::SamplerMipmapMode` - `address_mode_u::SamplerAddressMode` - `address_mode_v::SamplerAddressMode` - `address_mode_w::SamplerAddressMode` - `mip_lod_bias::Float32` - `anisotropy_enable::Bool` - `max_anisotropy::Float32` - `compare_enable::Bool` - `compare_op::CompareOp` - `min_lod::Float32` - `max_lod::Float32` - `border_color::BorderColor` - `unnormalized_coordinates::Bool` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::SamplerCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSampler.html) """ function create_sampler(device, mag_filter::Filter, min_filter::Filter, mipmap_mode::SamplerMipmapMode, address_mode_u::SamplerAddressMode, address_mode_v::SamplerAddressMode, address_mode_w::SamplerAddressMode, mip_lod_bias::Real, anisotropy_enable::Bool, max_anisotropy::Real, compare_enable::Bool, compare_op::CompareOp, min_lod::Real, max_lod::Real, border_color::BorderColor, unnormalized_coordinates::Bool; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Sampler, VulkanError} val = @propagate_errors(_create_sampler(device, mag_filter, min_filter, mipmap_mode, address_mode_u, address_mode_v, address_mode_w, mip_lod_bias, anisotropy_enable, max_anisotropy, compare_enable, compare_op, min_lod, max_lod, border_color, unnormalized_coordinates; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `bindings::Vector{DescriptorSetLayoutBinding}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::DescriptorSetLayoutCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorSetLayout.html) """ function create_descriptor_set_layout(device, bindings::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{DescriptorSetLayout, VulkanError} val = @propagate_errors(_create_descriptor_set_layout(device, convert(AbstractArray{_DescriptorSetLayoutBinding}, bindings); allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_FRAGMENTATION_EXT` Arguments: - `device::Device` - `max_sets::UInt32` - `pool_sizes::Vector{DescriptorPoolSize}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::DescriptorPoolCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorPool.html) """ function create_descriptor_pool(device, max_sets::Integer, pool_sizes::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{DescriptorPool, VulkanError} val = @propagate_errors(_create_descriptor_pool(device, max_sets, convert(AbstractArray{_DescriptorPoolSize}, pool_sizes); allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::FenceCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateFence.html) """ function create_fence(device; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Fence, VulkanError} val = @propagate_errors(_create_fence(device; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSemaphore.html) """ function create_semaphore(device; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Semaphore, VulkanError} val = @propagate_errors(_create_semaphore(device; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::EventCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateEvent.html) """ function create_event(device; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Event, VulkanError} val = @propagate_errors(_create_event(device; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `query_type::QueryType` - `query_count::UInt32` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `pipeline_statistics::QueryPipelineStatisticFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateQueryPool.html) """ function create_query_pool(device, query_type::QueryType, query_count::Integer; allocator = C_NULL, next = C_NULL, flags = 0, pipeline_statistics = 0)::ResultTypes.Result{QueryPool, VulkanError} val = @propagate_errors(_create_query_pool(device, query_type, query_count; allocator, next, flags, pipeline_statistics)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `render_pass::RenderPass` - `attachments::Vector{ImageView}` - `width::UInt32` - `height::UInt32` - `layers::UInt32` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::FramebufferCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateFramebuffer.html) """ function create_framebuffer(device, render_pass, attachments::AbstractArray, width::Integer, height::Integer, layers::Integer; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Framebuffer, VulkanError} val = @propagate_errors(_create_framebuffer(device, render_pass, attachments, width, height, layers; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `attachments::Vector{AttachmentDescription}` - `subpasses::Vector{SubpassDescription}` - `dependencies::Vector{SubpassDependency}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::RenderPassCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRenderPass.html) """ function create_render_pass(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{RenderPass, VulkanError} val = @propagate_errors(_create_render_pass(device, convert(AbstractArray{_AttachmentDescription}, attachments), convert(AbstractArray{_SubpassDescription}, subpasses), convert(AbstractArray{_SubpassDependency}, dependencies); allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `attachments::Vector{AttachmentDescription2}` - `subpasses::Vector{SubpassDescription2}` - `dependencies::Vector{SubpassDependency2}` - `correlated_view_masks::Vector{UInt32}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::RenderPassCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRenderPass2.html) """ function create_render_pass_2(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray, correlated_view_masks::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{RenderPass, VulkanError} val = @propagate_errors(_create_render_pass_2(device, convert(AbstractArray{_AttachmentDescription2}, attachments), convert(AbstractArray{_SubpassDescription2}, subpasses), convert(AbstractArray{_SubpassDependency2}, dependencies), correlated_view_masks; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `initial_data::Ptr{Cvoid}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::PipelineCacheCreateFlag`: defaults to `0` - `initial_data_size::UInt`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePipelineCache.html) """ function create_pipeline_cache(device, initial_data::Ptr{Cvoid}; allocator = C_NULL, next = C_NULL, flags = 0, initial_data_size = 0)::ResultTypes.Result{PipelineCache, VulkanError} val = @propagate_errors(_create_pipeline_cache(device, initial_data; allocator, next, flags, initial_data_size)) val end """ Extension: VK\\_NV\\_device\\_generated\\_commands Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `pipeline_bind_point::PipelineBindPoint` - `tokens::Vector{IndirectCommandsLayoutTokenNV}` - `stream_strides::Vector{UInt32}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::IndirectCommandsLayoutUsageFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateIndirectCommandsLayoutNV.html) """ function create_indirect_commands_layout_nv(device, pipeline_bind_point::PipelineBindPoint, tokens::AbstractArray, stream_strides::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{IndirectCommandsLayoutNV, VulkanError} val = @propagate_errors(_create_indirect_commands_layout_nv(device, pipeline_bind_point, convert(AbstractArray{_IndirectCommandsLayoutTokenNV}, tokens), stream_strides; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `descriptor_update_entries::Vector{DescriptorUpdateTemplateEntry}` - `template_type::DescriptorUpdateTemplateType` - `descriptor_set_layout::DescriptorSetLayout` - `pipeline_bind_point::PipelineBindPoint` - `pipeline_layout::PipelineLayout` - `set::UInt32` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorUpdateTemplate.html) """ function create_descriptor_update_template(device, descriptor_update_entries::AbstractArray, template_type::DescriptorUpdateTemplateType, descriptor_set_layout, pipeline_bind_point::PipelineBindPoint, pipeline_layout, set::Integer; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{DescriptorUpdateTemplate, VulkanError} val = @propagate_errors(_create_descriptor_update_template(device, convert(AbstractArray{_DescriptorUpdateTemplateEntry}, descriptor_update_entries), template_type, descriptor_set_layout, pipeline_bind_point, pipeline_layout, set; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `format::Format` - `ycbcr_model::SamplerYcbcrModelConversion` - `ycbcr_range::SamplerYcbcrRange` - `components::ComponentMapping` - `x_chroma_offset::ChromaLocation` - `y_chroma_offset::ChromaLocation` - `chroma_filter::Filter` - `force_explicit_reconstruction::Bool` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSamplerYcbcrConversion.html) """ function create_sampler_ycbcr_conversion(device, format::Format, ycbcr_model::SamplerYcbcrModelConversion, ycbcr_range::SamplerYcbcrRange, components::ComponentMapping, x_chroma_offset::ChromaLocation, y_chroma_offset::ChromaLocation, chroma_filter::Filter, force_explicit_reconstruction::Bool; allocator = C_NULL, next = C_NULL)::ResultTypes.Result{SamplerYcbcrConversion, VulkanError} val = @propagate_errors(_create_sampler_ycbcr_conversion(device, format, ycbcr_model, ycbcr_range, convert(_ComponentMapping, components), x_chroma_offset, y_chroma_offset, chroma_filter, force_explicit_reconstruction; allocator, next)) val end """ Extension: VK\\_EXT\\_validation\\_cache Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `initial_data::Ptr{Cvoid}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `initial_data_size::UInt`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateValidationCacheEXT.html) """ function create_validation_cache_ext(device, initial_data::Ptr{Cvoid}; allocator = C_NULL, next = C_NULL, flags = 0, initial_data_size = 0)::ResultTypes.Result{ValidationCacheEXT, VulkanError} val = @propagate_errors(_create_validation_cache_ext(device, initial_data; allocator, next, flags, initial_data_size)) val end """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `type::AccelerationStructureTypeKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `create_flags::AccelerationStructureCreateFlagKHR`: defaults to `0` - `device_address::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateAccelerationStructureKHR.html) """ function create_acceleration_structure_khr(device, buffer, offset::Integer, size::Integer, type::AccelerationStructureTypeKHR; allocator = C_NULL, next = C_NULL, create_flags = 0, device_address = 0)::ResultTypes.Result{AccelerationStructureKHR, VulkanError} val = @propagate_errors(_create_acceleration_structure_khr(device, buffer, offset, size, type; allocator, next, create_flags, device_address)) val end """ Extension: VK\\_NV\\_ray\\_tracing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `compacted_size::UInt64` - `info::AccelerationStructureInfoNV` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateAccelerationStructureNV.html) """ function create_acceleration_structure_nv(device, compacted_size::Integer, info::AccelerationStructureInfoNV; allocator = C_NULL, next = C_NULL)::ResultTypes.Result{AccelerationStructureNV, VulkanError} val = @propagate_errors(_create_acceleration_structure_nv(device, compacted_size, convert(_AccelerationStructureInfoNV, info); allocator, next)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `flags::UInt32` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePrivateDataSlot.html) """ function create_private_data_slot(device, flags::Integer; allocator = C_NULL, next = C_NULL)::ResultTypes.Result{PrivateDataSlot, VulkanError} val = @propagate_errors(_create_private_data_slot(device, flags; allocator, next)) val end """ Extension: VK\\_NVX\\_binary\\_import Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `data_size::UInt` - `data::Ptr{Cvoid}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCuModuleNVX.html) """ function create_cu_module_nvx(device, data_size::Integer, data::Ptr{Cvoid}; allocator = C_NULL, next = C_NULL)::ResultTypes.Result{CuModuleNVX, VulkanError} val = @propagate_errors(_create_cu_module_nvx(device, data_size, data; allocator, next)) val end """ Extension: VK\\_NVX\\_binary\\_import Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `_module::CuModuleNVX` - `name::String` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCuFunctionNVX.html) """ function create_cu_function_nvx(device, _module, name::AbstractString; allocator = C_NULL, next = C_NULL)::ResultTypes.Result{CuFunctionNVX, VulkanError} val = @propagate_errors(_create_cu_function_nvx(device, _module, name; allocator, next)) val end """ Extension: VK\\_NV\\_optical\\_flow Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `width::UInt32` - `height::UInt32` - `image_format::Format` - `flow_vector_format::Format` - `output_grid_size::OpticalFlowGridSizeFlagNV` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `cost_format::Format`: defaults to `0` - `hint_grid_size::OpticalFlowGridSizeFlagNV`: defaults to `0` - `performance_level::OpticalFlowPerformanceLevelNV`: defaults to `0` - `flags::OpticalFlowSessionCreateFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateOpticalFlowSessionNV.html) """ function create_optical_flow_session_nv(device, width::Integer, height::Integer, image_format::Format, flow_vector_format::Format, output_grid_size::OpticalFlowGridSizeFlagNV; allocator = C_NULL, next = C_NULL, cost_format = 0, hint_grid_size = 0, performance_level = 0, flags = 0)::ResultTypes.Result{OpticalFlowSessionNV, VulkanError} val = @propagate_errors(_create_optical_flow_session_nv(device, width, height, image_format, flow_vector_format, output_grid_size; allocator, next, cost_format, hint_grid_size, performance_level, flags)) val end """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `type::MicromapTypeEXT` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `create_flags::MicromapCreateFlagEXT`: defaults to `0` - `device_address::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateMicromapEXT.html) """ function create_micromap_ext(device, buffer, offset::Integer, size::Integer, type::MicromapTypeEXT; allocator = C_NULL, next = C_NULL, create_flags = 0, device_address = 0)::ResultTypes.Result{MicromapEXT, VulkanError} val = @propagate_errors(_create_micromap_ext(device, buffer, offset, size, type; allocator, next, create_flags, device_address)) val end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` (externsync) - `parameters::DisplayModeParametersKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDisplayModeKHR.html) """ function create_display_mode_khr(physical_device, display, parameters::DisplayModeParametersKHR; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{DisplayModeKHR, VulkanError} val = @propagate_errors(_create_display_mode_khr(physical_device, display, convert(_DisplayModeParametersKHR, parameters); allocator, next, flags)) val end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `display_mode::DisplayModeKHR` - `plane_index::UInt32` - `plane_stack_index::UInt32` - `transform::SurfaceTransformFlagKHR` - `global_alpha::Float32` - `alpha_mode::DisplayPlaneAlphaFlagKHR` - `image_extent::Extent2D` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDisplayPlaneSurfaceKHR.html) """ function create_display_plane_surface_khr(instance, display_mode, plane_index::Integer, plane_stack_index::Integer, transform::SurfaceTransformFlagKHR, global_alpha::Real, alpha_mode::DisplayPlaneAlphaFlagKHR, image_extent::Extent2D; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_display_plane_surface_khr(instance, display_mode, plane_index, plane_stack_index, transform, global_alpha, alpha_mode, convert(_Extent2D, image_extent); allocator, next, flags)) val end """ Extension: VK\\_MVK\\_macos\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_NATIVE_WINDOW_IN_USE_KHR` Arguments: - `instance::Instance` - `view::Ptr{Cvoid}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateMacOSSurfaceMVK.html) """ function create_mac_os_surface_mvk(instance, view::Ptr{Cvoid}; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_mac_os_surface_mvk(instance, view; allocator, next, flags)) val end """ Extension: VK\\_EXT\\_metal\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_NATIVE_WINDOW_IN_USE_KHR` Arguments: - `instance::Instance` - `layer::Ptr{CAMetalLayer}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateMetalSurfaceEXT.html) """ function create_metal_surface_ext(instance, layer::Ptr{vk.CAMetalLayer}; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_metal_surface_ext(instance, layer; allocator, next, flags)) val end """ Extension: VK\\_EXT\\_headless\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateHeadlessSurfaceEXT.html) """ function create_headless_surface_ext(instance; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_headless_surface_ext(instance; allocator, next, flags)) val end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_SURFACE_LOST_KHR` - `ERROR_NATIVE_WINDOW_IN_USE_KHR` - `ERROR_INITIALIZATION_FAILED` - `ERROR_COMPRESSION_EXHAUSTED_EXT` Arguments: - `device::Device` - `surface::SurfaceKHR` - `min_image_count::UInt32` - `image_format::Format` - `image_color_space::ColorSpaceKHR` - `image_extent::Extent2D` - `image_array_layers::UInt32` - `image_usage::ImageUsageFlag` - `image_sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `pre_transform::SurfaceTransformFlagKHR` - `composite_alpha::CompositeAlphaFlagKHR` - `present_mode::PresentModeKHR` - `clipped::Bool` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::SwapchainCreateFlagKHR`: defaults to `0` - `old_swapchain::SwapchainKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSwapchainKHR.html) """ function create_swapchain_khr(device, surface, min_image_count::Integer, image_format::Format, image_color_space::ColorSpaceKHR, image_extent::Extent2D, image_array_layers::Integer, image_usage::ImageUsageFlag, image_sharing_mode::SharingMode, queue_family_indices::AbstractArray, pre_transform::SurfaceTransformFlagKHR, composite_alpha::CompositeAlphaFlagKHR, present_mode::PresentModeKHR, clipped::Bool; allocator = C_NULL, next = C_NULL, flags = 0, old_swapchain = C_NULL)::ResultTypes.Result{SwapchainKHR, VulkanError} val = @propagate_errors(_create_swapchain_khr(device, surface, min_image_count, image_format, image_color_space, convert(_Extent2D, image_extent), image_array_layers, image_usage, image_sharing_mode, queue_family_indices, pre_transform, composite_alpha, present_mode, clipped; allocator, next, flags, old_swapchain)) val end """ Extension: VK\\_EXT\\_debug\\_report Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `instance::Instance` - `pfn_callback::FunctionPtr` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::DebugReportFlagEXT`: defaults to `0` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDebugReportCallbackEXT.html) """ function create_debug_report_callback_ext(instance, pfn_callback::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL)::ResultTypes.Result{DebugReportCallbackEXT, VulkanError} val = @propagate_errors(_create_debug_report_callback_ext(instance, pfn_callback; allocator, next, flags, user_data)) val end """ Extension: VK\\_EXT\\_debug\\_utils Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `instance::Instance` - `message_severity::DebugUtilsMessageSeverityFlagEXT` - `message_type::DebugUtilsMessageTypeFlagEXT` - `pfn_user_callback::FunctionPtr` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDebugUtilsMessengerEXT.html) """ function create_debug_utils_messenger_ext(instance, message_severity::DebugUtilsMessageSeverityFlagEXT, message_type::DebugUtilsMessageTypeFlagEXT, pfn_user_callback::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL)::ResultTypes.Result{DebugUtilsMessengerEXT, VulkanError} val = @propagate_errors(_create_debug_utils_messenger_ext(instance, message_severity, message_type, pfn_user_callback; allocator, next, flags, user_data)) val end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_VIDEO_STD_VERSION_NOT_SUPPORTED_KHR` Arguments: - `device::Device` - `queue_family_index::UInt32` - `video_profile::VideoProfileInfoKHR` - `picture_format::Format` - `max_coded_extent::Extent2D` - `reference_picture_format::Format` - `max_dpb_slots::UInt32` - `max_active_reference_pictures::UInt32` - `std_header_version::ExtensionProperties` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::VideoSessionCreateFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateVideoSessionKHR.html) """ function create_video_session_khr(device, queue_family_index::Integer, video_profile::VideoProfileInfoKHR, picture_format::Format, max_coded_extent::Extent2D, reference_picture_format::Format, max_dpb_slots::Integer, max_active_reference_pictures::Integer, std_header_version::ExtensionProperties; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{VideoSessionKHR, VulkanError} val = @propagate_errors(_create_video_session_khr(device, queue_family_index, convert(_VideoProfileInfoKHR, video_profile), picture_format, convert(_Extent2D, max_coded_extent), reference_picture_format, max_dpb_slots, max_active_reference_pictures, convert(_ExtensionProperties, std_header_version); allocator, next, flags)) val end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `video_session::VideoSessionKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `video_session_parameters_template::VideoSessionParametersKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateVideoSessionParametersKHR.html) """ function create_video_session_parameters_khr(device, video_session; allocator = C_NULL, next = C_NULL, flags = 0, video_session_parameters_template = C_NULL)::ResultTypes.Result{VideoSessionParametersKHR, VulkanError} val = @propagate_errors(_create_video_session_parameters_khr(device, video_session; allocator, next, flags, video_session_parameters_template)) val end function create_instance(enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, application_info = C_NULL)::ResultTypes.Result{Instance, VulkanError} val = @propagate_errors(_create_instance(enabled_layer_names, enabled_extension_names, fptr_create, fptr_destroy; allocator, next, flags, application_info)) val end function create_device(physical_device, queue_create_infos::AbstractArray, enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, enabled_features = C_NULL)::ResultTypes.Result{Device, VulkanError} val = @propagate_errors(_create_device(physical_device, convert(AbstractArray{_DeviceQueueCreateInfo}, queue_create_infos), enabled_layer_names, enabled_extension_names, fptr_create, fptr_destroy; allocator, next, flags, enabled_features)) val end function allocate_memory(device, allocation_size::Integer, memory_type_index::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL)::ResultTypes.Result{DeviceMemory, VulkanError} val = @propagate_errors(_allocate_memory(device, allocation_size, memory_type_index, fptr_create, fptr_destroy; allocator, next)) val end function create_command_pool(device, queue_family_index::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{CommandPool, VulkanError} val = @propagate_errors(_create_command_pool(device, queue_family_index, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_buffer(device, size::Integer, usage::BufferUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Buffer, VulkanError} val = @propagate_errors(_create_buffer(device, size, usage, sharing_mode, queue_family_indices, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_buffer_view(device, buffer, format::Format, offset::Integer, range::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{BufferView, VulkanError} val = @propagate_errors(_create_buffer_view(device, buffer, format, offset, range, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_image(device, image_type::ImageType, format::Format, extent::Extent3D, mip_levels::Integer, array_layers::Integer, samples::SampleCountFlag, tiling::ImageTiling, usage::ImageUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, initial_layout::ImageLayout, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Image, VulkanError} val = @propagate_errors(_create_image(device, image_type, format, convert(_Extent3D, extent), mip_levels, array_layers, samples, tiling, usage, sharing_mode, queue_family_indices, initial_layout, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_image_view(device, image, view_type::ImageViewType, format::Format, components::ComponentMapping, subresource_range::ImageSubresourceRange, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{ImageView, VulkanError} val = @propagate_errors(_create_image_view(device, image, view_type, format, convert(_ComponentMapping, components), convert(_ImageSubresourceRange, subresource_range), fptr_create, fptr_destroy; allocator, next, flags)) val end function create_shader_module(device, code_size::Integer, code::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{ShaderModule, VulkanError} val = @propagate_errors(_create_shader_module(device, code_size, code, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_pipeline_layout(device, set_layouts::AbstractArray, push_constant_ranges::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{PipelineLayout, VulkanError} val = @propagate_errors(_create_pipeline_layout(device, set_layouts, convert(AbstractArray{_PushConstantRange}, push_constant_ranges), fptr_create, fptr_destroy; allocator, next, flags)) val end function create_sampler(device, mag_filter::Filter, min_filter::Filter, mipmap_mode::SamplerMipmapMode, address_mode_u::SamplerAddressMode, address_mode_v::SamplerAddressMode, address_mode_w::SamplerAddressMode, mip_lod_bias::Real, anisotropy_enable::Bool, max_anisotropy::Real, compare_enable::Bool, compare_op::CompareOp, min_lod::Real, max_lod::Real, border_color::BorderColor, unnormalized_coordinates::Bool, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Sampler, VulkanError} val = @propagate_errors(_create_sampler(device, mag_filter, min_filter, mipmap_mode, address_mode_u, address_mode_v, address_mode_w, mip_lod_bias, anisotropy_enable, max_anisotropy, compare_enable, compare_op, min_lod, max_lod, border_color, unnormalized_coordinates, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_descriptor_set_layout(device, bindings::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{DescriptorSetLayout, VulkanError} val = @propagate_errors(_create_descriptor_set_layout(device, convert(AbstractArray{_DescriptorSetLayoutBinding}, bindings), fptr_create, fptr_destroy; allocator, next, flags)) val end function create_descriptor_pool(device, max_sets::Integer, pool_sizes::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{DescriptorPool, VulkanError} val = @propagate_errors(_create_descriptor_pool(device, max_sets, convert(AbstractArray{_DescriptorPoolSize}, pool_sizes), fptr_create, fptr_destroy; allocator, next, flags)) val end function create_fence(device, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Fence, VulkanError} val = @propagate_errors(_create_fence(device, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_semaphore(device, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Semaphore, VulkanError} val = @propagate_errors(_create_semaphore(device, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_event(device, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Event, VulkanError} val = @propagate_errors(_create_event(device, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_query_pool(device, query_type::QueryType, query_count::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, pipeline_statistics = 0)::ResultTypes.Result{QueryPool, VulkanError} val = @propagate_errors(_create_query_pool(device, query_type, query_count, fptr_create, fptr_destroy; allocator, next, flags, pipeline_statistics)) val end function create_framebuffer(device, render_pass, attachments::AbstractArray, width::Integer, height::Integer, layers::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Framebuffer, VulkanError} val = @propagate_errors(_create_framebuffer(device, render_pass, attachments, width, height, layers, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_render_pass(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{RenderPass, VulkanError} val = @propagate_errors(_create_render_pass(device, convert(AbstractArray{_AttachmentDescription}, attachments), convert(AbstractArray{_SubpassDescription}, subpasses), convert(AbstractArray{_SubpassDependency}, dependencies), fptr_create, fptr_destroy; allocator, next, flags)) val end function create_render_pass_2(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray, correlated_view_masks::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{RenderPass, VulkanError} val = @propagate_errors(_create_render_pass_2(device, convert(AbstractArray{_AttachmentDescription2}, attachments), convert(AbstractArray{_SubpassDescription2}, subpasses), convert(AbstractArray{_SubpassDependency2}, dependencies), correlated_view_masks, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_pipeline_cache(device, initial_data::Ptr{Cvoid}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, initial_data_size = 0)::ResultTypes.Result{PipelineCache, VulkanError} val = @propagate_errors(_create_pipeline_cache(device, initial_data, fptr_create, fptr_destroy; allocator, next, flags, initial_data_size)) val end function create_indirect_commands_layout_nv(device, pipeline_bind_point::PipelineBindPoint, tokens::AbstractArray, stream_strides::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{IndirectCommandsLayoutNV, VulkanError} val = @propagate_errors(_create_indirect_commands_layout_nv(device, pipeline_bind_point, convert(AbstractArray{_IndirectCommandsLayoutTokenNV}, tokens), stream_strides, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_descriptor_update_template(device, descriptor_update_entries::AbstractArray, template_type::DescriptorUpdateTemplateType, descriptor_set_layout, pipeline_bind_point::PipelineBindPoint, pipeline_layout, set::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{DescriptorUpdateTemplate, VulkanError} val = @propagate_errors(_create_descriptor_update_template(device, convert(AbstractArray{_DescriptorUpdateTemplateEntry}, descriptor_update_entries), template_type, descriptor_set_layout, pipeline_bind_point, pipeline_layout, set, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_sampler_ycbcr_conversion(device, format::Format, ycbcr_model::SamplerYcbcrModelConversion, ycbcr_range::SamplerYcbcrRange, components::ComponentMapping, x_chroma_offset::ChromaLocation, y_chroma_offset::ChromaLocation, chroma_filter::Filter, force_explicit_reconstruction::Bool, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL)::ResultTypes.Result{SamplerYcbcrConversion, VulkanError} val = @propagate_errors(_create_sampler_ycbcr_conversion(device, format, ycbcr_model, ycbcr_range, convert(_ComponentMapping, components), x_chroma_offset, y_chroma_offset, chroma_filter, force_explicit_reconstruction, fptr_create, fptr_destroy; allocator, next)) val end function create_validation_cache_ext(device, initial_data::Ptr{Cvoid}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, initial_data_size = 0)::ResultTypes.Result{ValidationCacheEXT, VulkanError} val = @propagate_errors(_create_validation_cache_ext(device, initial_data, fptr_create, fptr_destroy; allocator, next, flags, initial_data_size)) val end function create_acceleration_structure_khr(device, buffer, offset::Integer, size::Integer, type::AccelerationStructureTypeKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, create_flags = 0, device_address = 0)::ResultTypes.Result{AccelerationStructureKHR, VulkanError} val = @propagate_errors(_create_acceleration_structure_khr(device, buffer, offset, size, type, fptr_create, fptr_destroy; allocator, next, create_flags, device_address)) val end function create_acceleration_structure_nv(device, compacted_size::Integer, info::AccelerationStructureInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL)::ResultTypes.Result{AccelerationStructureNV, VulkanError} val = @propagate_errors(_create_acceleration_structure_nv(device, compacted_size, convert(_AccelerationStructureInfoNV, info), fptr_create, fptr_destroy; allocator, next)) val end function create_private_data_slot(device, flags::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL)::ResultTypes.Result{PrivateDataSlot, VulkanError} val = @propagate_errors(_create_private_data_slot(device, flags, fptr_create, fptr_destroy; allocator, next)) val end function create_cu_module_nvx(device, data_size::Integer, data::Ptr{Cvoid}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL)::ResultTypes.Result{CuModuleNVX, VulkanError} val = @propagate_errors(_create_cu_module_nvx(device, data_size, data, fptr_create, fptr_destroy; allocator, next)) val end function create_cu_function_nvx(device, _module, name::AbstractString, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL)::ResultTypes.Result{CuFunctionNVX, VulkanError} val = @propagate_errors(_create_cu_function_nvx(device, _module, name, fptr_create, fptr_destroy; allocator, next)) val end function create_optical_flow_session_nv(device, width::Integer, height::Integer, image_format::Format, flow_vector_format::Format, output_grid_size::OpticalFlowGridSizeFlagNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, cost_format = 0, hint_grid_size = 0, performance_level = 0, flags = 0)::ResultTypes.Result{OpticalFlowSessionNV, VulkanError} val = @propagate_errors(_create_optical_flow_session_nv(device, width, height, image_format, flow_vector_format, output_grid_size, fptr_create, fptr_destroy; allocator, next, cost_format, hint_grid_size, performance_level, flags)) val end function create_micromap_ext(device, buffer, offset::Integer, size::Integer, type::MicromapTypeEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, create_flags = 0, device_address = 0)::ResultTypes.Result{MicromapEXT, VulkanError} val = @propagate_errors(_create_micromap_ext(device, buffer, offset, size, type, fptr_create, fptr_destroy; allocator, next, create_flags, device_address)) val end function create_display_mode_khr(physical_device, display, parameters::DisplayModeParametersKHR, fptr_create::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{DisplayModeKHR, VulkanError} val = @propagate_errors(_create_display_mode_khr(physical_device, display, convert(_DisplayModeParametersKHR, parameters), fptr_create; allocator, next, flags)) val end function create_display_plane_surface_khr(instance, display_mode, plane_index::Integer, plane_stack_index::Integer, transform::SurfaceTransformFlagKHR, global_alpha::Real, alpha_mode::DisplayPlaneAlphaFlagKHR, image_extent::Extent2D, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_display_plane_surface_khr(instance, display_mode, plane_index, plane_stack_index, transform, global_alpha, alpha_mode, convert(_Extent2D, image_extent), fptr_create, fptr_destroy; allocator, next, flags)) val end function create_mac_os_surface_mvk(instance, view::Ptr{Cvoid}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_mac_os_surface_mvk(instance, view, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_metal_surface_ext(instance, layer::Ptr{vk.CAMetalLayer}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_metal_surface_ext(instance, layer, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_headless_surface_ext(instance, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_headless_surface_ext(instance, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_swapchain_khr(device, surface, min_image_count::Integer, image_format::Format, image_color_space::ColorSpaceKHR, image_extent::Extent2D, image_array_layers::Integer, image_usage::ImageUsageFlag, image_sharing_mode::SharingMode, queue_family_indices::AbstractArray, pre_transform::SurfaceTransformFlagKHR, composite_alpha::CompositeAlphaFlagKHR, present_mode::PresentModeKHR, clipped::Bool, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, old_swapchain = C_NULL)::ResultTypes.Result{SwapchainKHR, VulkanError} val = @propagate_errors(_create_swapchain_khr(device, surface, min_image_count, image_format, image_color_space, convert(_Extent2D, image_extent), image_array_layers, image_usage, image_sharing_mode, queue_family_indices, pre_transform, composite_alpha, present_mode, clipped, fptr_create, fptr_destroy; allocator, next, flags, old_swapchain)) val end function create_debug_report_callback_ext(instance, pfn_callback::FunctionPtr, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL)::ResultTypes.Result{DebugReportCallbackEXT, VulkanError} val = @propagate_errors(_create_debug_report_callback_ext(instance, pfn_callback, fptr_create, fptr_destroy; allocator, next, flags, user_data)) val end function create_debug_utils_messenger_ext(instance, message_severity::DebugUtilsMessageSeverityFlagEXT, message_type::DebugUtilsMessageTypeFlagEXT, pfn_user_callback::FunctionPtr, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL)::ResultTypes.Result{DebugUtilsMessengerEXT, VulkanError} val = @propagate_errors(_create_debug_utils_messenger_ext(instance, message_severity, message_type, pfn_user_callback, fptr_create, fptr_destroy; allocator, next, flags, user_data)) val end function create_video_session_khr(device, queue_family_index::Integer, video_profile::VideoProfileInfoKHR, picture_format::Format, max_coded_extent::Extent2D, reference_picture_format::Format, max_dpb_slots::Integer, max_active_reference_pictures::Integer, std_header_version::ExtensionProperties, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{VideoSessionKHR, VulkanError} val = @propagate_errors(_create_video_session_khr(device, queue_family_index, convert(_VideoProfileInfoKHR, video_profile), picture_format, convert(_Extent2D, max_coded_extent), reference_picture_format, max_dpb_slots, max_active_reference_pictures, convert(_ExtensionProperties, std_header_version), fptr_create, fptr_destroy; allocator, next, flags)) val end function create_video_session_parameters_khr(device, video_session, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, video_session_parameters_template = C_NULL)::ResultTypes.Result{VideoSessionParametersKHR, VulkanError} val = @propagate_errors(_create_video_session_parameters_khr(device, video_session, fptr_create, fptr_destroy; allocator, next, flags, video_session_parameters_template)) val end """ Arguments: - `physical_device::PhysicalDevice` - `queue_create_infos::Vector{_DeviceQueueCreateInfo}` - `enabled_layer_names::Vector{String}` - `enabled_extension_names::Vector{String}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `enabled_features::_PhysicalDeviceFeatures`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDevice.html) """ Device(physical_device, queue_create_infos::AbstractArray{_DeviceQueueCreateInfo}, enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0, enabled_features = C_NULL) = unwrap(_create_device(physical_device, queue_create_infos, enabled_layer_names, enabled_extension_names; allocator, next, flags, enabled_features)) """ Arguments: - `device::Device` - `image_type::ImageType` - `format::Format` - `extent::_Extent3D` - `mip_levels::UInt32` - `array_layers::UInt32` - `samples::SampleCountFlag` - `tiling::ImageTiling` - `usage::ImageUsageFlag` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `initial_layout::ImageLayout` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::ImageCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateImage.html) """ Image(device, image_type::ImageType, format::Format, extent::_Extent3D, mip_levels::Integer, array_layers::Integer, samples::SampleCountFlag, tiling::ImageTiling, usage::ImageUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, initial_layout::ImageLayout; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_image(device, image_type, format, extent, mip_levels, array_layers, samples, tiling, usage, sharing_mode, queue_family_indices, initial_layout; allocator, next, flags)) """ Arguments: - `device::Device` - `image::Image` - `view_type::ImageViewType` - `format::Format` - `components::_ComponentMapping` - `subresource_range::_ImageSubresourceRange` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::ImageViewCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateImageView.html) """ ImageView(device, image, view_type::ImageViewType, format::Format, components::_ComponentMapping, subresource_range::_ImageSubresourceRange; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_image_view(device, image, view_type, format, components, subresource_range; allocator, next, flags)) """ Arguments: - `device::Device` - `set_layouts::Vector{DescriptorSetLayout}` - `push_constant_ranges::Vector{_PushConstantRange}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PipelineLayoutCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePipelineLayout.html) """ PipelineLayout(device, set_layouts::AbstractArray, push_constant_ranges::AbstractArray{_PushConstantRange}; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_pipeline_layout(device, set_layouts, push_constant_ranges; allocator, next, flags)) """ Arguments: - `device::Device` - `bindings::Vector{_DescriptorSetLayoutBinding}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::DescriptorSetLayoutCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorSetLayout.html) """ DescriptorSetLayout(device, bindings::AbstractArray{_DescriptorSetLayoutBinding}; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_descriptor_set_layout(device, bindings; allocator, next, flags)) """ Arguments: - `device::Device` - `max_sets::UInt32` - `pool_sizes::Vector{_DescriptorPoolSize}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::DescriptorPoolCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorPool.html) """ DescriptorPool(device, max_sets::Integer, pool_sizes::AbstractArray{_DescriptorPoolSize}; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_descriptor_pool(device, max_sets, pool_sizes; allocator, next, flags)) """ Arguments: - `device::Device` - `attachments::Vector{_AttachmentDescription}` - `subpasses::Vector{_SubpassDescription}` - `dependencies::Vector{_SubpassDependency}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::RenderPassCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRenderPass.html) """ RenderPass(device, attachments::AbstractArray{_AttachmentDescription}, subpasses::AbstractArray{_SubpassDescription}, dependencies::AbstractArray{_SubpassDependency}; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_render_pass(device, attachments, subpasses, dependencies; allocator, next, flags)) """ Arguments: - `device::Device` - `attachments::Vector{_AttachmentDescription2}` - `subpasses::Vector{_SubpassDescription2}` - `dependencies::Vector{_SubpassDependency2}` - `correlated_view_masks::Vector{UInt32}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::RenderPassCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRenderPass2.html) """ RenderPass(device, attachments::AbstractArray{_AttachmentDescription2}, subpasses::AbstractArray{_SubpassDescription2}, dependencies::AbstractArray{_SubpassDependency2}, correlated_view_masks::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_render_pass_2(device, attachments, subpasses, dependencies, correlated_view_masks; allocator, next, flags)) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `device::Device` - `pipeline_bind_point::PipelineBindPoint` - `tokens::Vector{_IndirectCommandsLayoutTokenNV}` - `stream_strides::Vector{UInt32}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::IndirectCommandsLayoutUsageFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateIndirectCommandsLayoutNV.html) """ IndirectCommandsLayoutNV(device, pipeline_bind_point::PipelineBindPoint, tokens::AbstractArray{_IndirectCommandsLayoutTokenNV}, stream_strides::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_indirect_commands_layout_nv(device, pipeline_bind_point, tokens, stream_strides; allocator, next, flags)) """ Arguments: - `device::Device` - `descriptor_update_entries::Vector{_DescriptorUpdateTemplateEntry}` - `template_type::DescriptorUpdateTemplateType` - `descriptor_set_layout::DescriptorSetLayout` - `pipeline_bind_point::PipelineBindPoint` - `pipeline_layout::PipelineLayout` - `set::UInt32` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorUpdateTemplate.html) """ DescriptorUpdateTemplate(device, descriptor_update_entries::AbstractArray{_DescriptorUpdateTemplateEntry}, template_type::DescriptorUpdateTemplateType, descriptor_set_layout, pipeline_bind_point::PipelineBindPoint, pipeline_layout, set::Integer; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_descriptor_update_template(device, descriptor_update_entries, template_type, descriptor_set_layout, pipeline_bind_point, pipeline_layout, set; allocator, next, flags)) """ Arguments: - `device::Device` - `format::Format` - `ycbcr_model::SamplerYcbcrModelConversion` - `ycbcr_range::SamplerYcbcrRange` - `components::_ComponentMapping` - `x_chroma_offset::ChromaLocation` - `y_chroma_offset::ChromaLocation` - `chroma_filter::Filter` - `force_explicit_reconstruction::Bool` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSamplerYcbcrConversion.html) """ SamplerYcbcrConversion(device, format::Format, ycbcr_model::SamplerYcbcrModelConversion, ycbcr_range::SamplerYcbcrRange, components::_ComponentMapping, x_chroma_offset::ChromaLocation, y_chroma_offset::ChromaLocation, chroma_filter::Filter, force_explicit_reconstruction::Bool; allocator = C_NULL, next = C_NULL) = unwrap(_create_sampler_ycbcr_conversion(device, format, ycbcr_model, ycbcr_range, components, x_chroma_offset, y_chroma_offset, chroma_filter, force_explicit_reconstruction; allocator, next)) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `device::Device` - `compacted_size::UInt64` - `info::_AccelerationStructureInfoNV` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateAccelerationStructureNV.html) """ AccelerationStructureNV(device, compacted_size::Integer, info::_AccelerationStructureInfoNV; allocator = C_NULL, next = C_NULL) = unwrap(_create_acceleration_structure_nv(device, compacted_size, info; allocator, next)) """ Extension: VK\\_KHR\\_display Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` (externsync) - `parameters::_DisplayModeParametersKHR` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDisplayModeKHR.html) """ DisplayModeKHR(physical_device, display, parameters::_DisplayModeParametersKHR; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_display_mode_khr(physical_device, display, parameters; allocator, next, flags)) """ Extension: VK\\_KHR\\_swapchain Arguments: - `device::Device` - `surface::SurfaceKHR` - `min_image_count::UInt32` - `image_format::Format` - `image_color_space::ColorSpaceKHR` - `image_extent::_Extent2D` - `image_array_layers::UInt32` - `image_usage::ImageUsageFlag` - `image_sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `pre_transform::SurfaceTransformFlagKHR` - `composite_alpha::CompositeAlphaFlagKHR` - `present_mode::PresentModeKHR` - `clipped::Bool` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::SwapchainCreateFlagKHR`: defaults to `0` - `old_swapchain::SwapchainKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSwapchainKHR.html) """ SwapchainKHR(device, surface, min_image_count::Integer, image_format::Format, image_color_space::ColorSpaceKHR, image_extent::_Extent2D, image_array_layers::Integer, image_usage::ImageUsageFlag, image_sharing_mode::SharingMode, queue_family_indices::AbstractArray, pre_transform::SurfaceTransformFlagKHR, composite_alpha::CompositeAlphaFlagKHR, present_mode::PresentModeKHR, clipped::Bool; allocator = C_NULL, next = C_NULL, flags = 0, old_swapchain = C_NULL) = unwrap(_create_swapchain_khr(device, surface, min_image_count, image_format, image_color_space, image_extent, image_array_layers, image_usage, image_sharing_mode, queue_family_indices, pre_transform, composite_alpha, present_mode, clipped; allocator, next, flags, old_swapchain)) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `device::Device` - `queue_family_index::UInt32` - `video_profile::_VideoProfileInfoKHR` - `picture_format::Format` - `max_coded_extent::_Extent2D` - `reference_picture_format::Format` - `max_dpb_slots::UInt32` - `max_active_reference_pictures::UInt32` - `std_header_version::_ExtensionProperties` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::VideoSessionCreateFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateVideoSessionKHR.html) """ VideoSessionKHR(device, queue_family_index::Integer, video_profile::_VideoProfileInfoKHR, picture_format::Format, max_coded_extent::_Extent2D, reference_picture_format::Format, max_dpb_slots::Integer, max_active_reference_pictures::Integer, std_header_version::_ExtensionProperties; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_video_session_khr(device, queue_family_index, video_profile, picture_format, max_coded_extent, reference_picture_format, max_dpb_slots, max_active_reference_pictures, std_header_version; allocator, next, flags)) Device(physical_device, queue_create_infos::AbstractArray{_DeviceQueueCreateInfo}, enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, enabled_features = C_NULL) = unwrap(_create_device(physical_device, queue_create_infos, enabled_layer_names, enabled_extension_names, fptr_create, fptr_destroy; allocator, next, flags, enabled_features)) Image(device, image_type::ImageType, format::Format, extent::_Extent3D, mip_levels::Integer, array_layers::Integer, samples::SampleCountFlag, tiling::ImageTiling, usage::ImageUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, initial_layout::ImageLayout, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_image(device, image_type, format, extent, mip_levels, array_layers, samples, tiling, usage, sharing_mode, queue_family_indices, initial_layout, fptr_create, fptr_destroy; allocator, next, flags)) ImageView(device, image, view_type::ImageViewType, format::Format, components::_ComponentMapping, subresource_range::_ImageSubresourceRange, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_image_view(device, image, view_type, format, components, subresource_range, fptr_create, fptr_destroy; allocator, next, flags)) PipelineLayout(device, set_layouts::AbstractArray, push_constant_ranges::AbstractArray{_PushConstantRange}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_pipeline_layout(device, set_layouts, push_constant_ranges, fptr_create, fptr_destroy; allocator, next, flags)) DescriptorSetLayout(device, bindings::AbstractArray{_DescriptorSetLayoutBinding}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_descriptor_set_layout(device, bindings, fptr_create, fptr_destroy; allocator, next, flags)) DescriptorPool(device, max_sets::Integer, pool_sizes::AbstractArray{_DescriptorPoolSize}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_descriptor_pool(device, max_sets, pool_sizes, fptr_create, fptr_destroy; allocator, next, flags)) RenderPass(device, attachments::AbstractArray{_AttachmentDescription}, subpasses::AbstractArray{_SubpassDescription}, dependencies::AbstractArray{_SubpassDependency}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_render_pass(device, attachments, subpasses, dependencies, fptr_create, fptr_destroy; allocator, next, flags)) RenderPass(device, attachments::AbstractArray{_AttachmentDescription2}, subpasses::AbstractArray{_SubpassDescription2}, dependencies::AbstractArray{_SubpassDependency2}, correlated_view_masks::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_render_pass_2(device, attachments, subpasses, dependencies, correlated_view_masks, fptr_create, fptr_destroy; allocator, next, flags)) IndirectCommandsLayoutNV(device, pipeline_bind_point::PipelineBindPoint, tokens::AbstractArray{_IndirectCommandsLayoutTokenNV}, stream_strides::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_indirect_commands_layout_nv(device, pipeline_bind_point, tokens, stream_strides, fptr_create, fptr_destroy; allocator, next, flags)) DescriptorUpdateTemplate(device, descriptor_update_entries::AbstractArray{_DescriptorUpdateTemplateEntry}, template_type::DescriptorUpdateTemplateType, descriptor_set_layout, pipeline_bind_point::PipelineBindPoint, pipeline_layout, set::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_descriptor_update_template(device, descriptor_update_entries, template_type, descriptor_set_layout, pipeline_bind_point, pipeline_layout, set, fptr_create, fptr_destroy; allocator, next, flags)) SamplerYcbcrConversion(device, format::Format, ycbcr_model::SamplerYcbcrModelConversion, ycbcr_range::SamplerYcbcrRange, components::_ComponentMapping, x_chroma_offset::ChromaLocation, y_chroma_offset::ChromaLocation, chroma_filter::Filter, force_explicit_reconstruction::Bool, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = unwrap(_create_sampler_ycbcr_conversion(device, format, ycbcr_model, ycbcr_range, components, x_chroma_offset, y_chroma_offset, chroma_filter, force_explicit_reconstruction, fptr_create, fptr_destroy; allocator, next)) AccelerationStructureNV(device, compacted_size::Integer, info::_AccelerationStructureInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = unwrap(_create_acceleration_structure_nv(device, compacted_size, info, fptr_create, fptr_destroy; allocator, next)) DisplayModeKHR(physical_device, display, parameters::_DisplayModeParametersKHR, fptr_create::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_display_mode_khr(physical_device, display, parameters, fptr_create; allocator, next, flags)) SwapchainKHR(device, surface, min_image_count::Integer, image_format::Format, image_color_space::ColorSpaceKHR, image_extent::_Extent2D, image_array_layers::Integer, image_usage::ImageUsageFlag, image_sharing_mode::SharingMode, queue_family_indices::AbstractArray, pre_transform::SurfaceTransformFlagKHR, composite_alpha::CompositeAlphaFlagKHR, present_mode::PresentModeKHR, clipped::Bool, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, old_swapchain = C_NULL) = unwrap(_create_swapchain_khr(device, surface, min_image_count, image_format, image_color_space, image_extent, image_array_layers, image_usage, image_sharing_mode, queue_family_indices, pre_transform, composite_alpha, present_mode, clipped, fptr_create, fptr_destroy; allocator, next, flags, old_swapchain)) VideoSessionKHR(device, queue_family_index::Integer, video_profile::_VideoProfileInfoKHR, picture_format::Format, max_coded_extent::_Extent2D, reference_picture_format::Format, max_dpb_slots::Integer, max_active_reference_pictures::Integer, std_header_version::_ExtensionProperties, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_video_session_khr(device, queue_family_index, video_profile, picture_format, max_coded_extent, reference_picture_format, max_dpb_slots, max_active_reference_pictures, std_header_version, fptr_create, fptr_destroy; allocator, next, flags)) """ Arguments: - `enabled_layer_names::Vector{String}` - `enabled_extension_names::Vector{String}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::InstanceCreateFlag`: defaults to `0` - `application_info::ApplicationInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateInstance.html) """ Instance(enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0, application_info = C_NULL) = unwrap(create_instance(enabled_layer_names, enabled_extension_names; allocator, next, flags, application_info)) """ Arguments: - `physical_device::PhysicalDevice` - `queue_create_infos::Vector{DeviceQueueCreateInfo}` - `enabled_layer_names::Vector{String}` - `enabled_extension_names::Vector{String}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `enabled_features::PhysicalDeviceFeatures`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDevice.html) """ Device(physical_device, queue_create_infos::AbstractArray, enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0, enabled_features = C_NULL) = unwrap(create_device(physical_device, queue_create_infos, enabled_layer_names, enabled_extension_names; allocator, next, flags, enabled_features)) """ Arguments: - `device::Device` - `allocation_size::UInt64` - `memory_type_index::UInt32` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAllocateMemory.html) """ DeviceMemory(device, allocation_size::Integer, memory_type_index::Integer; allocator = C_NULL, next = C_NULL) = unwrap(allocate_memory(device, allocation_size, memory_type_index; allocator, next)) """ Arguments: - `device::Device` - `queue_family_index::UInt32` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::CommandPoolCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCommandPool.html) """ CommandPool(device, queue_family_index::Integer; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_command_pool(device, queue_family_index; allocator, next, flags)) """ Arguments: - `device::Device` - `size::UInt64` - `usage::BufferUsageFlag` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::BufferCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateBuffer.html) """ Buffer(device, size::Integer, usage::BufferUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_buffer(device, size, usage, sharing_mode, queue_family_indices; allocator, next, flags)) """ Arguments: - `device::Device` - `buffer::Buffer` - `format::Format` - `offset::UInt64` - `range::UInt64` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateBufferView.html) """ BufferView(device, buffer, format::Format, offset::Integer, range::Integer; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_buffer_view(device, buffer, format, offset, range; allocator, next, flags)) """ Arguments: - `device::Device` - `image_type::ImageType` - `format::Format` - `extent::Extent3D` - `mip_levels::UInt32` - `array_layers::UInt32` - `samples::SampleCountFlag` - `tiling::ImageTiling` - `usage::ImageUsageFlag` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `initial_layout::ImageLayout` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::ImageCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateImage.html) """ Image(device, image_type::ImageType, format::Format, extent::Extent3D, mip_levels::Integer, array_layers::Integer, samples::SampleCountFlag, tiling::ImageTiling, usage::ImageUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, initial_layout::ImageLayout; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_image(device, image_type, format, extent, mip_levels, array_layers, samples, tiling, usage, sharing_mode, queue_family_indices, initial_layout; allocator, next, flags)) """ Arguments: - `device::Device` - `image::Image` - `view_type::ImageViewType` - `format::Format` - `components::ComponentMapping` - `subresource_range::ImageSubresourceRange` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::ImageViewCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateImageView.html) """ ImageView(device, image, view_type::ImageViewType, format::Format, components::ComponentMapping, subresource_range::ImageSubresourceRange; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_image_view(device, image, view_type, format, components, subresource_range; allocator, next, flags)) """ Arguments: - `device::Device` - `code_size::UInt` - `code::Vector{UInt32}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateShaderModule.html) """ ShaderModule(device, code_size::Integer, code::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_shader_module(device, code_size, code; allocator, next, flags)) """ Arguments: - `device::Device` - `set_layouts::Vector{DescriptorSetLayout}` - `push_constant_ranges::Vector{PushConstantRange}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::PipelineLayoutCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePipelineLayout.html) """ PipelineLayout(device, set_layouts::AbstractArray, push_constant_ranges::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_pipeline_layout(device, set_layouts, push_constant_ranges; allocator, next, flags)) """ Arguments: - `device::Device` - `mag_filter::Filter` - `min_filter::Filter` - `mipmap_mode::SamplerMipmapMode` - `address_mode_u::SamplerAddressMode` - `address_mode_v::SamplerAddressMode` - `address_mode_w::SamplerAddressMode` - `mip_lod_bias::Float32` - `anisotropy_enable::Bool` - `max_anisotropy::Float32` - `compare_enable::Bool` - `compare_op::CompareOp` - `min_lod::Float32` - `max_lod::Float32` - `border_color::BorderColor` - `unnormalized_coordinates::Bool` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::SamplerCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSampler.html) """ Sampler(device, mag_filter::Filter, min_filter::Filter, mipmap_mode::SamplerMipmapMode, address_mode_u::SamplerAddressMode, address_mode_v::SamplerAddressMode, address_mode_w::SamplerAddressMode, mip_lod_bias::Real, anisotropy_enable::Bool, max_anisotropy::Real, compare_enable::Bool, compare_op::CompareOp, min_lod::Real, max_lod::Real, border_color::BorderColor, unnormalized_coordinates::Bool; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_sampler(device, mag_filter, min_filter, mipmap_mode, address_mode_u, address_mode_v, address_mode_w, mip_lod_bias, anisotropy_enable, max_anisotropy, compare_enable, compare_op, min_lod, max_lod, border_color, unnormalized_coordinates; allocator, next, flags)) """ Arguments: - `device::Device` - `bindings::Vector{DescriptorSetLayoutBinding}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::DescriptorSetLayoutCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorSetLayout.html) """ DescriptorSetLayout(device, bindings::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_descriptor_set_layout(device, bindings; allocator, next, flags)) """ Arguments: - `device::Device` - `max_sets::UInt32` - `pool_sizes::Vector{DescriptorPoolSize}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::DescriptorPoolCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorPool.html) """ DescriptorPool(device, max_sets::Integer, pool_sizes::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_descriptor_pool(device, max_sets, pool_sizes; allocator, next, flags)) """ Arguments: - `device::Device` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::FenceCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateFence.html) """ Fence(device; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_fence(device; allocator, next, flags)) """ Arguments: - `device::Device` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSemaphore.html) """ Semaphore(device; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_semaphore(device; allocator, next, flags)) """ Arguments: - `device::Device` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::EventCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateEvent.html) """ Event(device; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_event(device; allocator, next, flags)) """ Arguments: - `device::Device` - `query_type::QueryType` - `query_count::UInt32` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `pipeline_statistics::QueryPipelineStatisticFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateQueryPool.html) """ QueryPool(device, query_type::QueryType, query_count::Integer; allocator = C_NULL, next = C_NULL, flags = 0, pipeline_statistics = 0) = unwrap(create_query_pool(device, query_type, query_count; allocator, next, flags, pipeline_statistics)) """ Arguments: - `device::Device` - `render_pass::RenderPass` - `attachments::Vector{ImageView}` - `width::UInt32` - `height::UInt32` - `layers::UInt32` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::FramebufferCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateFramebuffer.html) """ Framebuffer(device, render_pass, attachments::AbstractArray, width::Integer, height::Integer, layers::Integer; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_framebuffer(device, render_pass, attachments, width, height, layers; allocator, next, flags)) """ Arguments: - `device::Device` - `attachments::Vector{AttachmentDescription}` - `subpasses::Vector{SubpassDescription}` - `dependencies::Vector{SubpassDependency}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::RenderPassCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRenderPass.html) """ RenderPass(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_render_pass(device, attachments, subpasses, dependencies; allocator, next, flags)) """ Arguments: - `device::Device` - `attachments::Vector{AttachmentDescription2}` - `subpasses::Vector{SubpassDescription2}` - `dependencies::Vector{SubpassDependency2}` - `correlated_view_masks::Vector{UInt32}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::RenderPassCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRenderPass2.html) """ RenderPass(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray, correlated_view_masks::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_render_pass_2(device, attachments, subpasses, dependencies, correlated_view_masks; allocator, next, flags)) """ Arguments: - `device::Device` - `initial_data::Ptr{Cvoid}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::PipelineCacheCreateFlag`: defaults to `0` - `initial_data_size::UInt`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePipelineCache.html) """ PipelineCache(device, initial_data::Ptr{Cvoid}; allocator = C_NULL, next = C_NULL, flags = 0, initial_data_size = 0) = unwrap(create_pipeline_cache(device, initial_data; allocator, next, flags, initial_data_size)) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `device::Device` - `pipeline_bind_point::PipelineBindPoint` - `tokens::Vector{IndirectCommandsLayoutTokenNV}` - `stream_strides::Vector{UInt32}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::IndirectCommandsLayoutUsageFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateIndirectCommandsLayoutNV.html) """ IndirectCommandsLayoutNV(device, pipeline_bind_point::PipelineBindPoint, tokens::AbstractArray, stream_strides::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_indirect_commands_layout_nv(device, pipeline_bind_point, tokens, stream_strides; allocator, next, flags)) """ Arguments: - `device::Device` - `descriptor_update_entries::Vector{DescriptorUpdateTemplateEntry}` - `template_type::DescriptorUpdateTemplateType` - `descriptor_set_layout::DescriptorSetLayout` - `pipeline_bind_point::PipelineBindPoint` - `pipeline_layout::PipelineLayout` - `set::UInt32` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorUpdateTemplate.html) """ DescriptorUpdateTemplate(device, descriptor_update_entries::AbstractArray, template_type::DescriptorUpdateTemplateType, descriptor_set_layout, pipeline_bind_point::PipelineBindPoint, pipeline_layout, set::Integer; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_descriptor_update_template(device, descriptor_update_entries, template_type, descriptor_set_layout, pipeline_bind_point, pipeline_layout, set; allocator, next, flags)) """ Arguments: - `device::Device` - `format::Format` - `ycbcr_model::SamplerYcbcrModelConversion` - `ycbcr_range::SamplerYcbcrRange` - `components::ComponentMapping` - `x_chroma_offset::ChromaLocation` - `y_chroma_offset::ChromaLocation` - `chroma_filter::Filter` - `force_explicit_reconstruction::Bool` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSamplerYcbcrConversion.html) """ SamplerYcbcrConversion(device, format::Format, ycbcr_model::SamplerYcbcrModelConversion, ycbcr_range::SamplerYcbcrRange, components::ComponentMapping, x_chroma_offset::ChromaLocation, y_chroma_offset::ChromaLocation, chroma_filter::Filter, force_explicit_reconstruction::Bool; allocator = C_NULL, next = C_NULL) = unwrap(create_sampler_ycbcr_conversion(device, format, ycbcr_model, ycbcr_range, components, x_chroma_offset, y_chroma_offset, chroma_filter, force_explicit_reconstruction; allocator, next)) """ Extension: VK\\_EXT\\_validation\\_cache Arguments: - `device::Device` - `initial_data::Ptr{Cvoid}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `initial_data_size::UInt`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateValidationCacheEXT.html) """ ValidationCacheEXT(device, initial_data::Ptr{Cvoid}; allocator = C_NULL, next = C_NULL, flags = 0, initial_data_size = 0) = unwrap(create_validation_cache_ext(device, initial_data; allocator, next, flags, initial_data_size)) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `device::Device` - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `type::AccelerationStructureTypeKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `create_flags::AccelerationStructureCreateFlagKHR`: defaults to `0` - `device_address::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateAccelerationStructureKHR.html) """ AccelerationStructureKHR(device, buffer, offset::Integer, size::Integer, type::AccelerationStructureTypeKHR; allocator = C_NULL, next = C_NULL, create_flags = 0, device_address = 0) = unwrap(create_acceleration_structure_khr(device, buffer, offset, size, type; allocator, next, create_flags, device_address)) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `device::Device` - `compacted_size::UInt64` - `info::AccelerationStructureInfoNV` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateAccelerationStructureNV.html) """ AccelerationStructureNV(device, compacted_size::Integer, info::AccelerationStructureInfoNV; allocator = C_NULL, next = C_NULL) = unwrap(create_acceleration_structure_nv(device, compacted_size, info; allocator, next)) """ Arguments: - `device::Device` - `flags::UInt32` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePrivateDataSlot.html) """ PrivateDataSlot(device, flags::Integer; allocator = C_NULL, next = C_NULL) = unwrap(create_private_data_slot(device, flags; allocator, next)) """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `device::Device` - `data_size::UInt` - `data::Ptr{Cvoid}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCuModuleNVX.html) """ CuModuleNVX(device, data_size::Integer, data::Ptr{Cvoid}; allocator = C_NULL, next = C_NULL) = unwrap(create_cu_module_nvx(device, data_size, data; allocator, next)) """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `device::Device` - `_module::CuModuleNVX` - `name::String` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCuFunctionNVX.html) """ CuFunctionNVX(device, _module, name::AbstractString; allocator = C_NULL, next = C_NULL) = unwrap(create_cu_function_nvx(device, _module, name; allocator, next)) """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `device::Device` - `width::UInt32` - `height::UInt32` - `image_format::Format` - `flow_vector_format::Format` - `output_grid_size::OpticalFlowGridSizeFlagNV` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `cost_format::Format`: defaults to `0` - `hint_grid_size::OpticalFlowGridSizeFlagNV`: defaults to `0` - `performance_level::OpticalFlowPerformanceLevelNV`: defaults to `0` - `flags::OpticalFlowSessionCreateFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateOpticalFlowSessionNV.html) """ OpticalFlowSessionNV(device, width::Integer, height::Integer, image_format::Format, flow_vector_format::Format, output_grid_size::OpticalFlowGridSizeFlagNV; allocator = C_NULL, next = C_NULL, cost_format = 0, hint_grid_size = 0, performance_level = 0, flags = 0) = unwrap(create_optical_flow_session_nv(device, width, height, image_format, flow_vector_format, output_grid_size; allocator, next, cost_format, hint_grid_size, performance_level, flags)) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `device::Device` - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `type::MicromapTypeEXT` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `create_flags::MicromapCreateFlagEXT`: defaults to `0` - `device_address::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateMicromapEXT.html) """ MicromapEXT(device, buffer, offset::Integer, size::Integer, type::MicromapTypeEXT; allocator = C_NULL, next = C_NULL, create_flags = 0, device_address = 0) = unwrap(create_micromap_ext(device, buffer, offset, size, type; allocator, next, create_flags, device_address)) """ Extension: VK\\_KHR\\_display Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` (externsync) - `parameters::DisplayModeParametersKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDisplayModeKHR.html) """ DisplayModeKHR(physical_device, display, parameters::DisplayModeParametersKHR; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_display_mode_khr(physical_device, display, parameters; allocator, next, flags)) """ Extension: VK\\_KHR\\_swapchain Arguments: - `device::Device` - `surface::SurfaceKHR` - `min_image_count::UInt32` - `image_format::Format` - `image_color_space::ColorSpaceKHR` - `image_extent::Extent2D` - `image_array_layers::UInt32` - `image_usage::ImageUsageFlag` - `image_sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `pre_transform::SurfaceTransformFlagKHR` - `composite_alpha::CompositeAlphaFlagKHR` - `present_mode::PresentModeKHR` - `clipped::Bool` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::SwapchainCreateFlagKHR`: defaults to `0` - `old_swapchain::SwapchainKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSwapchainKHR.html) """ SwapchainKHR(device, surface, min_image_count::Integer, image_format::Format, image_color_space::ColorSpaceKHR, image_extent::Extent2D, image_array_layers::Integer, image_usage::ImageUsageFlag, image_sharing_mode::SharingMode, queue_family_indices::AbstractArray, pre_transform::SurfaceTransformFlagKHR, composite_alpha::CompositeAlphaFlagKHR, present_mode::PresentModeKHR, clipped::Bool; allocator = C_NULL, next = C_NULL, flags = 0, old_swapchain = C_NULL) = unwrap(create_swapchain_khr(device, surface, min_image_count, image_format, image_color_space, image_extent, image_array_layers, image_usage, image_sharing_mode, queue_family_indices, pre_transform, composite_alpha, present_mode, clipped; allocator, next, flags, old_swapchain)) """ Extension: VK\\_EXT\\_debug\\_report Arguments: - `instance::Instance` - `pfn_callback::FunctionPtr` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::DebugReportFlagEXT`: defaults to `0` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDebugReportCallbackEXT.html) """ DebugReportCallbackEXT(instance, pfn_callback::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL) = unwrap(create_debug_report_callback_ext(instance, pfn_callback; allocator, next, flags, user_data)) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `instance::Instance` - `message_severity::DebugUtilsMessageSeverityFlagEXT` - `message_type::DebugUtilsMessageTypeFlagEXT` - `pfn_user_callback::FunctionPtr` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDebugUtilsMessengerEXT.html) """ DebugUtilsMessengerEXT(instance, message_severity::DebugUtilsMessageSeverityFlagEXT, message_type::DebugUtilsMessageTypeFlagEXT, pfn_user_callback::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL) = unwrap(create_debug_utils_messenger_ext(instance, message_severity, message_type, pfn_user_callback; allocator, next, flags, user_data)) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `device::Device` - `queue_family_index::UInt32` - `video_profile::VideoProfileInfoKHR` - `picture_format::Format` - `max_coded_extent::Extent2D` - `reference_picture_format::Format` - `max_dpb_slots::UInt32` - `max_active_reference_pictures::UInt32` - `std_header_version::ExtensionProperties` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::VideoSessionCreateFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateVideoSessionKHR.html) """ VideoSessionKHR(device, queue_family_index::Integer, video_profile::VideoProfileInfoKHR, picture_format::Format, max_coded_extent::Extent2D, reference_picture_format::Format, max_dpb_slots::Integer, max_active_reference_pictures::Integer, std_header_version::ExtensionProperties; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_video_session_khr(device, queue_family_index, video_profile, picture_format, max_coded_extent, reference_picture_format, max_dpb_slots, max_active_reference_pictures, std_header_version; allocator, next, flags)) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `device::Device` - `video_session::VideoSessionKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `video_session_parameters_template::VideoSessionParametersKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateVideoSessionParametersKHR.html) """ VideoSessionParametersKHR(device, video_session; allocator = C_NULL, next = C_NULL, flags = 0, video_session_parameters_template = C_NULL) = unwrap(create_video_session_parameters_khr(device, video_session; allocator, next, flags, video_session_parameters_template)) Instance(enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, application_info = C_NULL) = unwrap(create_instance(enabled_layer_names, enabled_extension_names, fptr_create, fptr_destroy; allocator, next, flags, application_info)) Device(physical_device, queue_create_infos::AbstractArray, enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, enabled_features = C_NULL) = unwrap(create_device(physical_device, queue_create_infos, enabled_layer_names, enabled_extension_names, fptr_create, fptr_destroy; allocator, next, flags, enabled_features)) DeviceMemory(device, allocation_size::Integer, memory_type_index::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = unwrap(allocate_memory(device, allocation_size, memory_type_index, fptr_create, fptr_destroy; allocator, next)) CommandPool(device, queue_family_index::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_command_pool(device, queue_family_index, fptr_create, fptr_destroy; allocator, next, flags)) Buffer(device, size::Integer, usage::BufferUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_buffer(device, size, usage, sharing_mode, queue_family_indices, fptr_create, fptr_destroy; allocator, next, flags)) BufferView(device, buffer, format::Format, offset::Integer, range::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_buffer_view(device, buffer, format, offset, range, fptr_create, fptr_destroy; allocator, next, flags)) Image(device, image_type::ImageType, format::Format, extent::Extent3D, mip_levels::Integer, array_layers::Integer, samples::SampleCountFlag, tiling::ImageTiling, usage::ImageUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, initial_layout::ImageLayout, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_image(device, image_type, format, extent, mip_levels, array_layers, samples, tiling, usage, sharing_mode, queue_family_indices, initial_layout, fptr_create, fptr_destroy; allocator, next, flags)) ImageView(device, image, view_type::ImageViewType, format::Format, components::ComponentMapping, subresource_range::ImageSubresourceRange, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_image_view(device, image, view_type, format, components, subresource_range, fptr_create, fptr_destroy; allocator, next, flags)) ShaderModule(device, code_size::Integer, code::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_shader_module(device, code_size, code, fptr_create, fptr_destroy; allocator, next, flags)) PipelineLayout(device, set_layouts::AbstractArray, push_constant_ranges::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_pipeline_layout(device, set_layouts, push_constant_ranges, fptr_create, fptr_destroy; allocator, next, flags)) Sampler(device, mag_filter::Filter, min_filter::Filter, mipmap_mode::SamplerMipmapMode, address_mode_u::SamplerAddressMode, address_mode_v::SamplerAddressMode, address_mode_w::SamplerAddressMode, mip_lod_bias::Real, anisotropy_enable::Bool, max_anisotropy::Real, compare_enable::Bool, compare_op::CompareOp, min_lod::Real, max_lod::Real, border_color::BorderColor, unnormalized_coordinates::Bool, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_sampler(device, mag_filter, min_filter, mipmap_mode, address_mode_u, address_mode_v, address_mode_w, mip_lod_bias, anisotropy_enable, max_anisotropy, compare_enable, compare_op, min_lod, max_lod, border_color, unnormalized_coordinates, fptr_create, fptr_destroy; allocator, next, flags)) DescriptorSetLayout(device, bindings::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_descriptor_set_layout(device, bindings, fptr_create, fptr_destroy; allocator, next, flags)) DescriptorPool(device, max_sets::Integer, pool_sizes::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_descriptor_pool(device, max_sets, pool_sizes, fptr_create, fptr_destroy; allocator, next, flags)) Fence(device, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_fence(device, fptr_create, fptr_destroy; allocator, next, flags)) Semaphore(device, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_semaphore(device, fptr_create, fptr_destroy; allocator, next, flags)) Event(device, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_event(device, fptr_create, fptr_destroy; allocator, next, flags)) QueryPool(device, query_type::QueryType, query_count::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, pipeline_statistics = 0) = unwrap(create_query_pool(device, query_type, query_count, fptr_create, fptr_destroy; allocator, next, flags, pipeline_statistics)) Framebuffer(device, render_pass, attachments::AbstractArray, width::Integer, height::Integer, layers::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_framebuffer(device, render_pass, attachments, width, height, layers, fptr_create, fptr_destroy; allocator, next, flags)) RenderPass(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_render_pass(device, attachments, subpasses, dependencies, fptr_create, fptr_destroy; allocator, next, flags)) RenderPass(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray, correlated_view_masks::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_render_pass_2(device, attachments, subpasses, dependencies, correlated_view_masks, fptr_create, fptr_destroy; allocator, next, flags)) PipelineCache(device, initial_data::Ptr{Cvoid}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, initial_data_size = 0) = unwrap(create_pipeline_cache(device, initial_data, fptr_create, fptr_destroy; allocator, next, flags, initial_data_size)) IndirectCommandsLayoutNV(device, pipeline_bind_point::PipelineBindPoint, tokens::AbstractArray, stream_strides::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_indirect_commands_layout_nv(device, pipeline_bind_point, tokens, stream_strides, fptr_create, fptr_destroy; allocator, next, flags)) DescriptorUpdateTemplate(device, descriptor_update_entries::AbstractArray, template_type::DescriptorUpdateTemplateType, descriptor_set_layout, pipeline_bind_point::PipelineBindPoint, pipeline_layout, set::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_descriptor_update_template(device, descriptor_update_entries, template_type, descriptor_set_layout, pipeline_bind_point, pipeline_layout, set, fptr_create, fptr_destroy; allocator, next, flags)) SamplerYcbcrConversion(device, format::Format, ycbcr_model::SamplerYcbcrModelConversion, ycbcr_range::SamplerYcbcrRange, components::ComponentMapping, x_chroma_offset::ChromaLocation, y_chroma_offset::ChromaLocation, chroma_filter::Filter, force_explicit_reconstruction::Bool, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = unwrap(create_sampler_ycbcr_conversion(device, format, ycbcr_model, ycbcr_range, components, x_chroma_offset, y_chroma_offset, chroma_filter, force_explicit_reconstruction, fptr_create, fptr_destroy; allocator, next)) ValidationCacheEXT(device, initial_data::Ptr{Cvoid}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, initial_data_size = 0) = unwrap(create_validation_cache_ext(device, initial_data, fptr_create, fptr_destroy; allocator, next, flags, initial_data_size)) AccelerationStructureKHR(device, buffer, offset::Integer, size::Integer, type::AccelerationStructureTypeKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, create_flags = 0, device_address = 0) = unwrap(create_acceleration_structure_khr(device, buffer, offset, size, type, fptr_create, fptr_destroy; allocator, next, create_flags, device_address)) AccelerationStructureNV(device, compacted_size::Integer, info::AccelerationStructureInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = unwrap(create_acceleration_structure_nv(device, compacted_size, info, fptr_create, fptr_destroy; allocator, next)) PrivateDataSlot(device, flags::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = unwrap(create_private_data_slot(device, flags, fptr_create, fptr_destroy; allocator, next)) CuModuleNVX(device, data_size::Integer, data::Ptr{Cvoid}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = unwrap(create_cu_module_nvx(device, data_size, data, fptr_create, fptr_destroy; allocator, next)) CuFunctionNVX(device, _module, name::AbstractString, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = unwrap(create_cu_function_nvx(device, _module, name, fptr_create, fptr_destroy; allocator, next)) OpticalFlowSessionNV(device, width::Integer, height::Integer, image_format::Format, flow_vector_format::Format, output_grid_size::OpticalFlowGridSizeFlagNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, cost_format = 0, hint_grid_size = 0, performance_level = 0, flags = 0) = unwrap(create_optical_flow_session_nv(device, width, height, image_format, flow_vector_format, output_grid_size, fptr_create, fptr_destroy; allocator, next, cost_format, hint_grid_size, performance_level, flags)) MicromapEXT(device, buffer, offset::Integer, size::Integer, type::MicromapTypeEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, create_flags = 0, device_address = 0) = unwrap(create_micromap_ext(device, buffer, offset, size, type, fptr_create, fptr_destroy; allocator, next, create_flags, device_address)) DisplayModeKHR(physical_device, display, parameters::DisplayModeParametersKHR, fptr_create::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_display_mode_khr(physical_device, display, parameters, fptr_create; allocator, next, flags)) SwapchainKHR(device, surface, min_image_count::Integer, image_format::Format, image_color_space::ColorSpaceKHR, image_extent::Extent2D, image_array_layers::Integer, image_usage::ImageUsageFlag, image_sharing_mode::SharingMode, queue_family_indices::AbstractArray, pre_transform::SurfaceTransformFlagKHR, composite_alpha::CompositeAlphaFlagKHR, present_mode::PresentModeKHR, clipped::Bool, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, old_swapchain = C_NULL) = unwrap(create_swapchain_khr(device, surface, min_image_count, image_format, image_color_space, image_extent, image_array_layers, image_usage, image_sharing_mode, queue_family_indices, pre_transform, composite_alpha, present_mode, clipped, fptr_create, fptr_destroy; allocator, next, flags, old_swapchain)) DebugReportCallbackEXT(instance, pfn_callback::FunctionPtr, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL) = unwrap(create_debug_report_callback_ext(instance, pfn_callback, fptr_create, fptr_destroy; allocator, next, flags, user_data)) DebugUtilsMessengerEXT(instance, message_severity::DebugUtilsMessageSeverityFlagEXT, message_type::DebugUtilsMessageTypeFlagEXT, pfn_user_callback::FunctionPtr, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL) = unwrap(create_debug_utils_messenger_ext(instance, message_severity, message_type, pfn_user_callback, fptr_create, fptr_destroy; allocator, next, flags, user_data)) VideoSessionKHR(device, queue_family_index::Integer, video_profile::VideoProfileInfoKHR, picture_format::Format, max_coded_extent::Extent2D, reference_picture_format::Format, max_dpb_slots::Integer, max_active_reference_pictures::Integer, std_header_version::ExtensionProperties, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_video_session_khr(device, queue_family_index, video_profile, picture_format, max_coded_extent, reference_picture_format, max_dpb_slots, max_active_reference_pictures, std_header_version, fptr_create, fptr_destroy; allocator, next, flags)) VideoSessionParametersKHR(device, video_session, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, video_session_parameters_template = C_NULL) = unwrap(create_video_session_parameters_khr(device, video_session, fptr_create, fptr_destroy; allocator, next, flags, video_session_parameters_template)) Instance(create_info::_InstanceCreateInfo; allocator = C_NULL) = unwrap(_create_instance(create_info; allocator)) Device(physical_device, create_info::_DeviceCreateInfo; allocator = C_NULL) = unwrap(_create_device(physical_device, create_info; allocator)) DeviceMemory(device, allocate_info::_MemoryAllocateInfo; allocator = C_NULL) = unwrap(_allocate_memory(device, allocate_info; allocator)) CommandPool(device, create_info::_CommandPoolCreateInfo; allocator = C_NULL) = unwrap(_create_command_pool(device, create_info; allocator)) Buffer(device, create_info::_BufferCreateInfo; allocator = C_NULL) = unwrap(_create_buffer(device, create_info; allocator)) BufferView(device, create_info::_BufferViewCreateInfo; allocator = C_NULL) = unwrap(_create_buffer_view(device, create_info; allocator)) Image(device, create_info::_ImageCreateInfo; allocator = C_NULL) = unwrap(_create_image(device, create_info; allocator)) ImageView(device, create_info::_ImageViewCreateInfo; allocator = C_NULL) = unwrap(_create_image_view(device, create_info; allocator)) ShaderModule(device, create_info::_ShaderModuleCreateInfo; allocator = C_NULL) = unwrap(_create_shader_module(device, create_info; allocator)) PipelineLayout(device, create_info::_PipelineLayoutCreateInfo; allocator = C_NULL) = unwrap(_create_pipeline_layout(device, create_info; allocator)) Sampler(device, create_info::_SamplerCreateInfo; allocator = C_NULL) = unwrap(_create_sampler(device, create_info; allocator)) DescriptorSetLayout(device, create_info::_DescriptorSetLayoutCreateInfo; allocator = C_NULL) = unwrap(_create_descriptor_set_layout(device, create_info; allocator)) DescriptorPool(device, create_info::_DescriptorPoolCreateInfo; allocator = C_NULL) = unwrap(_create_descriptor_pool(device, create_info; allocator)) Fence(device, create_info::_FenceCreateInfo; allocator = C_NULL) = unwrap(_create_fence(device, create_info; allocator)) Semaphore(device, create_info::_SemaphoreCreateInfo; allocator = C_NULL) = unwrap(_create_semaphore(device, create_info; allocator)) Event(device, create_info::_EventCreateInfo; allocator = C_NULL) = unwrap(_create_event(device, create_info; allocator)) QueryPool(device, create_info::_QueryPoolCreateInfo; allocator = C_NULL) = unwrap(_create_query_pool(device, create_info; allocator)) Framebuffer(device, create_info::_FramebufferCreateInfo; allocator = C_NULL) = unwrap(_create_framebuffer(device, create_info; allocator)) RenderPass(device, create_info::_RenderPassCreateInfo; allocator = C_NULL) = unwrap(_create_render_pass(device, create_info; allocator)) RenderPass(device, create_info::_RenderPassCreateInfo2; allocator = C_NULL) = unwrap(_create_render_pass_2(device, create_info; allocator)) PipelineCache(device, create_info::_PipelineCacheCreateInfo; allocator = C_NULL) = unwrap(_create_pipeline_cache(device, create_info; allocator)) IndirectCommandsLayoutNV(device, create_info::_IndirectCommandsLayoutCreateInfoNV; allocator = C_NULL) = unwrap(_create_indirect_commands_layout_nv(device, create_info; allocator)) DescriptorUpdateTemplate(device, create_info::_DescriptorUpdateTemplateCreateInfo; allocator = C_NULL) = unwrap(_create_descriptor_update_template(device, create_info; allocator)) SamplerYcbcrConversion(device, create_info::_SamplerYcbcrConversionCreateInfo; allocator = C_NULL) = unwrap(_create_sampler_ycbcr_conversion(device, create_info; allocator)) ValidationCacheEXT(device, create_info::_ValidationCacheCreateInfoEXT; allocator = C_NULL) = unwrap(_create_validation_cache_ext(device, create_info; allocator)) AccelerationStructureKHR(device, create_info::_AccelerationStructureCreateInfoKHR; allocator = C_NULL) = unwrap(_create_acceleration_structure_khr(device, create_info; allocator)) AccelerationStructureNV(device, create_info::_AccelerationStructureCreateInfoNV; allocator = C_NULL) = unwrap(_create_acceleration_structure_nv(device, create_info; allocator)) PrivateDataSlot(device, create_info::_PrivateDataSlotCreateInfo; allocator = C_NULL) = unwrap(_create_private_data_slot(device, create_info; allocator)) CuModuleNVX(device, create_info::_CuModuleCreateInfoNVX; allocator = C_NULL) = unwrap(_create_cu_module_nvx(device, create_info; allocator)) CuFunctionNVX(device, create_info::_CuFunctionCreateInfoNVX; allocator = C_NULL) = unwrap(_create_cu_function_nvx(device, create_info; allocator)) OpticalFlowSessionNV(device, create_info::_OpticalFlowSessionCreateInfoNV; allocator = C_NULL) = unwrap(_create_optical_flow_session_nv(device, create_info; allocator)) MicromapEXT(device, create_info::_MicromapCreateInfoEXT; allocator = C_NULL) = unwrap(_create_micromap_ext(device, create_info; allocator)) DisplayModeKHR(physical_device, display, create_info::_DisplayModeCreateInfoKHR; allocator = C_NULL) = unwrap(_create_display_mode_khr(physical_device, display, create_info; allocator)) SwapchainKHR(device, create_info::_SwapchainCreateInfoKHR; allocator = C_NULL) = unwrap(_create_swapchain_khr(device, create_info; allocator)) DebugReportCallbackEXT(instance, create_info::_DebugReportCallbackCreateInfoEXT; allocator = C_NULL) = unwrap(_create_debug_report_callback_ext(instance, create_info; allocator)) DebugUtilsMessengerEXT(instance, create_info::_DebugUtilsMessengerCreateInfoEXT; allocator = C_NULL) = unwrap(_create_debug_utils_messenger_ext(instance, create_info; allocator)) VideoSessionKHR(device, create_info::_VideoSessionCreateInfoKHR; allocator = C_NULL) = unwrap(_create_video_session_khr(device, create_info; allocator)) VideoSessionParametersKHR(device, create_info::_VideoSessionParametersCreateInfoKHR; allocator = C_NULL) = unwrap(_create_video_session_parameters_khr(device, create_info; allocator)) Instance(create_info::_InstanceCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_instance(create_info, fptr_create, fptr_destroy; allocator)) Device(physical_device, create_info::_DeviceCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_device(physical_device, create_info, fptr_create, fptr_destroy; allocator)) DeviceMemory(device, allocate_info::_MemoryAllocateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_allocate_memory(device, allocate_info, fptr_create, fptr_destroy; allocator)) CommandPool(device, create_info::_CommandPoolCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_command_pool(device, create_info, fptr_create, fptr_destroy; allocator)) Buffer(device, create_info::_BufferCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_buffer(device, create_info, fptr_create, fptr_destroy; allocator)) BufferView(device, create_info::_BufferViewCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_buffer_view(device, create_info, fptr_create, fptr_destroy; allocator)) Image(device, create_info::_ImageCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_image(device, create_info, fptr_create, fptr_destroy; allocator)) ImageView(device, create_info::_ImageViewCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_image_view(device, create_info, fptr_create, fptr_destroy; allocator)) ShaderModule(device, create_info::_ShaderModuleCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_shader_module(device, create_info, fptr_create, fptr_destroy; allocator)) PipelineLayout(device, create_info::_PipelineLayoutCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_pipeline_layout(device, create_info, fptr_create, fptr_destroy; allocator)) Sampler(device, create_info::_SamplerCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_sampler(device, create_info, fptr_create, fptr_destroy; allocator)) DescriptorSetLayout(device, create_info::_DescriptorSetLayoutCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_descriptor_set_layout(device, create_info, fptr_create, fptr_destroy; allocator)) DescriptorPool(device, create_info::_DescriptorPoolCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_descriptor_pool(device, create_info, fptr_create, fptr_destroy; allocator)) Fence(device, create_info::_FenceCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_fence(device, create_info, fptr_create, fptr_destroy; allocator)) Semaphore(device, create_info::_SemaphoreCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_semaphore(device, create_info, fptr_create, fptr_destroy; allocator)) Event(device, create_info::_EventCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_event(device, create_info, fptr_create, fptr_destroy; allocator)) QueryPool(device, create_info::_QueryPoolCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_query_pool(device, create_info, fptr_create, fptr_destroy; allocator)) Framebuffer(device, create_info::_FramebufferCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_framebuffer(device, create_info, fptr_create, fptr_destroy; allocator)) RenderPass(device, create_info::_RenderPassCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_render_pass(device, create_info, fptr_create, fptr_destroy; allocator)) RenderPass(device, create_info::_RenderPassCreateInfo2, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_render_pass_2(device, create_info, fptr_create, fptr_destroy; allocator)) PipelineCache(device, create_info::_PipelineCacheCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_pipeline_cache(device, create_info, fptr_create, fptr_destroy; allocator)) IndirectCommandsLayoutNV(device, create_info::_IndirectCommandsLayoutCreateInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_indirect_commands_layout_nv(device, create_info, fptr_create, fptr_destroy; allocator)) DescriptorUpdateTemplate(device, create_info::_DescriptorUpdateTemplateCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_descriptor_update_template(device, create_info, fptr_create, fptr_destroy; allocator)) SamplerYcbcrConversion(device, create_info::_SamplerYcbcrConversionCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_sampler_ycbcr_conversion(device, create_info, fptr_create, fptr_destroy; allocator)) ValidationCacheEXT(device, create_info::_ValidationCacheCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_validation_cache_ext(device, create_info, fptr_create, fptr_destroy; allocator)) AccelerationStructureKHR(device, create_info::_AccelerationStructureCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_acceleration_structure_khr(device, create_info, fptr_create, fptr_destroy; allocator)) AccelerationStructureNV(device, create_info::_AccelerationStructureCreateInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_acceleration_structure_nv(device, create_info, fptr_create, fptr_destroy; allocator)) PrivateDataSlot(device, create_info::_PrivateDataSlotCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_private_data_slot(device, create_info, fptr_create, fptr_destroy; allocator)) CuModuleNVX(device, create_info::_CuModuleCreateInfoNVX, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_cu_module_nvx(device, create_info, fptr_create, fptr_destroy; allocator)) CuFunctionNVX(device, create_info::_CuFunctionCreateInfoNVX, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_cu_function_nvx(device, create_info, fptr_create, fptr_destroy; allocator)) OpticalFlowSessionNV(device, create_info::_OpticalFlowSessionCreateInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_optical_flow_session_nv(device, create_info, fptr_create, fptr_destroy; allocator)) MicromapEXT(device, create_info::_MicromapCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_micromap_ext(device, create_info, fptr_create, fptr_destroy; allocator)) DisplayModeKHR(physical_device, display, create_info::_DisplayModeCreateInfoKHR, fptr_create::FunctionPtr; allocator = C_NULL) = unwrap(_create_display_mode_khr(physical_device, display, create_info, fptr_create; allocator)) SwapchainKHR(device, create_info::_SwapchainCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_swapchain_khr(device, create_info, fptr_create, fptr_destroy; allocator)) DebugReportCallbackEXT(instance, create_info::_DebugReportCallbackCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_debug_report_callback_ext(instance, create_info, fptr_create, fptr_destroy; allocator)) DebugUtilsMessengerEXT(instance, create_info::_DebugUtilsMessengerCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_debug_utils_messenger_ext(instance, create_info, fptr_create, fptr_destroy; allocator)) VideoSessionKHR(device, create_info::_VideoSessionCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_video_session_khr(device, create_info, fptr_create, fptr_destroy; allocator)) VideoSessionParametersKHR(device, create_info::_VideoSessionParametersCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_video_session_parameters_khr(device, create_info, fptr_create, fptr_destroy; allocator)) Instance(create_info::InstanceCreateInfo; allocator = C_NULL) = unwrap(create_instance(create_info; allocator)) Device(physical_device, create_info::DeviceCreateInfo; allocator = C_NULL) = unwrap(create_device(physical_device, create_info; allocator)) DeviceMemory(device, allocate_info::MemoryAllocateInfo; allocator = C_NULL) = unwrap(allocate_memory(device, allocate_info; allocator)) CommandPool(device, create_info::CommandPoolCreateInfo; allocator = C_NULL) = unwrap(create_command_pool(device, create_info; allocator)) Buffer(device, create_info::BufferCreateInfo; allocator = C_NULL) = unwrap(create_buffer(device, create_info; allocator)) BufferView(device, create_info::BufferViewCreateInfo; allocator = C_NULL) = unwrap(create_buffer_view(device, create_info; allocator)) Image(device, create_info::ImageCreateInfo; allocator = C_NULL) = unwrap(create_image(device, create_info; allocator)) ImageView(device, create_info::ImageViewCreateInfo; allocator = C_NULL) = unwrap(create_image_view(device, create_info; allocator)) ShaderModule(device, create_info::ShaderModuleCreateInfo; allocator = C_NULL) = unwrap(create_shader_module(device, create_info; allocator)) PipelineLayout(device, create_info::PipelineLayoutCreateInfo; allocator = C_NULL) = unwrap(create_pipeline_layout(device, create_info; allocator)) Sampler(device, create_info::SamplerCreateInfo; allocator = C_NULL) = unwrap(create_sampler(device, create_info; allocator)) DescriptorSetLayout(device, create_info::DescriptorSetLayoutCreateInfo; allocator = C_NULL) = unwrap(create_descriptor_set_layout(device, create_info; allocator)) DescriptorPool(device, create_info::DescriptorPoolCreateInfo; allocator = C_NULL) = unwrap(create_descriptor_pool(device, create_info; allocator)) Fence(device, create_info::FenceCreateInfo; allocator = C_NULL) = unwrap(create_fence(device, create_info; allocator)) Semaphore(device, create_info::SemaphoreCreateInfo; allocator = C_NULL) = unwrap(create_semaphore(device, create_info; allocator)) Event(device, create_info::EventCreateInfo; allocator = C_NULL) = unwrap(create_event(device, create_info; allocator)) QueryPool(device, create_info::QueryPoolCreateInfo; allocator = C_NULL) = unwrap(create_query_pool(device, create_info; allocator)) Framebuffer(device, create_info::FramebufferCreateInfo; allocator = C_NULL) = unwrap(create_framebuffer(device, create_info; allocator)) RenderPass(device, create_info::RenderPassCreateInfo; allocator = C_NULL) = unwrap(create_render_pass(device, create_info; allocator)) RenderPass(device, create_info::RenderPassCreateInfo2; allocator = C_NULL) = unwrap(create_render_pass_2(device, create_info; allocator)) PipelineCache(device, create_info::PipelineCacheCreateInfo; allocator = C_NULL) = unwrap(create_pipeline_cache(device, create_info; allocator)) IndirectCommandsLayoutNV(device, create_info::IndirectCommandsLayoutCreateInfoNV; allocator = C_NULL) = unwrap(create_indirect_commands_layout_nv(device, create_info; allocator)) DescriptorUpdateTemplate(device, create_info::DescriptorUpdateTemplateCreateInfo; allocator = C_NULL) = unwrap(create_descriptor_update_template(device, create_info; allocator)) SamplerYcbcrConversion(device, create_info::SamplerYcbcrConversionCreateInfo; allocator = C_NULL) = unwrap(create_sampler_ycbcr_conversion(device, create_info; allocator)) ValidationCacheEXT(device, create_info::ValidationCacheCreateInfoEXT; allocator = C_NULL) = unwrap(create_validation_cache_ext(device, create_info; allocator)) AccelerationStructureKHR(device, create_info::AccelerationStructureCreateInfoKHR; allocator = C_NULL) = unwrap(create_acceleration_structure_khr(device, create_info; allocator)) AccelerationStructureNV(device, create_info::AccelerationStructureCreateInfoNV; allocator = C_NULL) = unwrap(create_acceleration_structure_nv(device, create_info; allocator)) DeferredOperationKHR(device; allocator = C_NULL) = unwrap(create_deferred_operation_khr(device; allocator)) PrivateDataSlot(device, create_info::PrivateDataSlotCreateInfo; allocator = C_NULL) = unwrap(create_private_data_slot(device, create_info; allocator)) CuModuleNVX(device, create_info::CuModuleCreateInfoNVX; allocator = C_NULL) = unwrap(create_cu_module_nvx(device, create_info; allocator)) CuFunctionNVX(device, create_info::CuFunctionCreateInfoNVX; allocator = C_NULL) = unwrap(create_cu_function_nvx(device, create_info; allocator)) OpticalFlowSessionNV(device, create_info::OpticalFlowSessionCreateInfoNV; allocator = C_NULL) = unwrap(create_optical_flow_session_nv(device, create_info; allocator)) MicromapEXT(device, create_info::MicromapCreateInfoEXT; allocator = C_NULL) = unwrap(create_micromap_ext(device, create_info; allocator)) DisplayModeKHR(physical_device, display, create_info::DisplayModeCreateInfoKHR; allocator = C_NULL) = unwrap(create_display_mode_khr(physical_device, display, create_info; allocator)) SwapchainKHR(device, create_info::SwapchainCreateInfoKHR; allocator = C_NULL) = unwrap(create_swapchain_khr(device, create_info; allocator)) DebugReportCallbackEXT(instance, create_info::DebugReportCallbackCreateInfoEXT; allocator = C_NULL) = unwrap(create_debug_report_callback_ext(instance, create_info; allocator)) DebugUtilsMessengerEXT(instance, create_info::DebugUtilsMessengerCreateInfoEXT; allocator = C_NULL) = unwrap(create_debug_utils_messenger_ext(instance, create_info; allocator)) VideoSessionKHR(device, create_info::VideoSessionCreateInfoKHR; allocator = C_NULL) = unwrap(create_video_session_khr(device, create_info; allocator)) VideoSessionParametersKHR(device, create_info::VideoSessionParametersCreateInfoKHR; allocator = C_NULL) = unwrap(create_video_session_parameters_khr(device, create_info; allocator)) Instance(create_info::InstanceCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_instance(create_info, fptr_create, fptr_destroy; allocator)) Device(physical_device, create_info::DeviceCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_device(physical_device, create_info, fptr_create, fptr_destroy; allocator)) DeviceMemory(device, allocate_info::MemoryAllocateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(allocate_memory(device, allocate_info, fptr_create, fptr_destroy; allocator)) CommandPool(device, create_info::CommandPoolCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_command_pool(device, create_info, fptr_create, fptr_destroy; allocator)) Buffer(device, create_info::BufferCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_buffer(device, create_info, fptr_create, fptr_destroy; allocator)) BufferView(device, create_info::BufferViewCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_buffer_view(device, create_info, fptr_create, fptr_destroy; allocator)) Image(device, create_info::ImageCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_image(device, create_info, fptr_create, fptr_destroy; allocator)) ImageView(device, create_info::ImageViewCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_image_view(device, create_info, fptr_create, fptr_destroy; allocator)) ShaderModule(device, create_info::ShaderModuleCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_shader_module(device, create_info, fptr_create, fptr_destroy; allocator)) PipelineLayout(device, create_info::PipelineLayoutCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_pipeline_layout(device, create_info, fptr_create, fptr_destroy; allocator)) Sampler(device, create_info::SamplerCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_sampler(device, create_info, fptr_create, fptr_destroy; allocator)) DescriptorSetLayout(device, create_info::DescriptorSetLayoutCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_descriptor_set_layout(device, create_info, fptr_create, fptr_destroy; allocator)) DescriptorPool(device, create_info::DescriptorPoolCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_descriptor_pool(device, create_info, fptr_create, fptr_destroy; allocator)) Fence(device, create_info::FenceCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_fence(device, create_info, fptr_create, fptr_destroy; allocator)) Semaphore(device, create_info::SemaphoreCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_semaphore(device, create_info, fptr_create, fptr_destroy; allocator)) Event(device, create_info::EventCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_event(device, create_info, fptr_create, fptr_destroy; allocator)) QueryPool(device, create_info::QueryPoolCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_query_pool(device, create_info, fptr_create, fptr_destroy; allocator)) Framebuffer(device, create_info::FramebufferCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_framebuffer(device, create_info, fptr_create, fptr_destroy; allocator)) RenderPass(device, create_info::RenderPassCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_render_pass(device, create_info, fptr_create, fptr_destroy; allocator)) RenderPass(device, create_info::RenderPassCreateInfo2, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_render_pass_2(device, create_info, fptr_create, fptr_destroy; allocator)) PipelineCache(device, create_info::PipelineCacheCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_pipeline_cache(device, create_info, fptr_create, fptr_destroy; allocator)) IndirectCommandsLayoutNV(device, create_info::IndirectCommandsLayoutCreateInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_indirect_commands_layout_nv(device, create_info, fptr_create, fptr_destroy; allocator)) DescriptorUpdateTemplate(device, create_info::DescriptorUpdateTemplateCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_descriptor_update_template(device, create_info, fptr_create, fptr_destroy; allocator)) SamplerYcbcrConversion(device, create_info::SamplerYcbcrConversionCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_sampler_ycbcr_conversion(device, create_info, fptr_create, fptr_destroy; allocator)) ValidationCacheEXT(device, create_info::ValidationCacheCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_validation_cache_ext(device, create_info, fptr_create, fptr_destroy; allocator)) AccelerationStructureKHR(device, create_info::AccelerationStructureCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_acceleration_structure_khr(device, create_info, fptr_create, fptr_destroy; allocator)) AccelerationStructureNV(device, create_info::AccelerationStructureCreateInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_acceleration_structure_nv(device, create_info, fptr_create, fptr_destroy; allocator)) DeferredOperationKHR(device, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_deferred_operation_khr(device, fptr_create, fptr_destroy; allocator)) PrivateDataSlot(device, create_info::PrivateDataSlotCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_private_data_slot(device, create_info, fptr_create, fptr_destroy; allocator)) CuModuleNVX(device, create_info::CuModuleCreateInfoNVX, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_cu_module_nvx(device, create_info, fptr_create, fptr_destroy; allocator)) CuFunctionNVX(device, create_info::CuFunctionCreateInfoNVX, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_cu_function_nvx(device, create_info, fptr_create, fptr_destroy; allocator)) OpticalFlowSessionNV(device, create_info::OpticalFlowSessionCreateInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_optical_flow_session_nv(device, create_info, fptr_create, fptr_destroy; allocator)) MicromapEXT(device, create_info::MicromapCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_micromap_ext(device, create_info, fptr_create, fptr_destroy; allocator)) DisplayModeKHR(physical_device, display, create_info::DisplayModeCreateInfoKHR, fptr_create::FunctionPtr; allocator = C_NULL) = unwrap(create_display_mode_khr(physical_device, display, create_info, fptr_create; allocator)) SwapchainKHR(device, create_info::SwapchainCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_swapchain_khr(device, create_info, fptr_create, fptr_destroy; allocator)) DebugReportCallbackEXT(instance, create_info::DebugReportCallbackCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_debug_report_callback_ext(instance, create_info, fptr_create, fptr_destroy; allocator)) DebugUtilsMessengerEXT(instance, create_info::DebugUtilsMessengerCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_debug_utils_messenger_ext(instance, create_info, fptr_create, fptr_destroy; allocator)) VideoSessionKHR(device, create_info::VideoSessionCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_video_session_khr(device, create_info, fptr_create, fptr_destroy; allocator)) VideoSessionParametersKHR(device, create_info::VideoSessionParametersCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_video_session_parameters_khr(device, create_info, fptr_create, fptr_destroy; allocator)) structure_type(@nospecialize(_::Union{Type{VkApplicationInfo}, Type{_ApplicationInfo}, Type{ApplicationInfo}})) = VK_STRUCTURE_TYPE_APPLICATION_INFO structure_type(@nospecialize(_::Union{Type{VkDeviceQueueCreateInfo}, Type{_DeviceQueueCreateInfo}, Type{DeviceQueueCreateInfo}})) = VK_STRUCTURE_TYPE_DEVICE_QUEUE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkDeviceCreateInfo}, Type{_DeviceCreateInfo}, Type{DeviceCreateInfo}})) = VK_STRUCTURE_TYPE_DEVICE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkInstanceCreateInfo}, Type{_InstanceCreateInfo}, Type{InstanceCreateInfo}})) = VK_STRUCTURE_TYPE_INSTANCE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkMemoryAllocateInfo}, Type{_MemoryAllocateInfo}, Type{MemoryAllocateInfo}})) = VK_STRUCTURE_TYPE_MEMORY_ALLOCATE_INFO structure_type(@nospecialize(_::Union{Type{VkMappedMemoryRange}, Type{_MappedMemoryRange}, Type{MappedMemoryRange}})) = VK_STRUCTURE_TYPE_MAPPED_MEMORY_RANGE structure_type(@nospecialize(_::Union{Type{VkWriteDescriptorSet}, Type{_WriteDescriptorSet}, Type{WriteDescriptorSet}})) = VK_STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET structure_type(@nospecialize(_::Union{Type{VkCopyDescriptorSet}, Type{_CopyDescriptorSet}, Type{CopyDescriptorSet}})) = VK_STRUCTURE_TYPE_COPY_DESCRIPTOR_SET structure_type(@nospecialize(_::Union{Type{VkBufferCreateInfo}, Type{_BufferCreateInfo}, Type{BufferCreateInfo}})) = VK_STRUCTURE_TYPE_BUFFER_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkBufferViewCreateInfo}, Type{_BufferViewCreateInfo}, Type{BufferViewCreateInfo}})) = VK_STRUCTURE_TYPE_BUFFER_VIEW_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkMemoryBarrier}, Type{_MemoryBarrier}, Type{MemoryBarrier}})) = VK_STRUCTURE_TYPE_MEMORY_BARRIER structure_type(@nospecialize(_::Union{Type{VkBufferMemoryBarrier}, Type{_BufferMemoryBarrier}, Type{BufferMemoryBarrier}})) = VK_STRUCTURE_TYPE_BUFFER_MEMORY_BARRIER structure_type(@nospecialize(_::Union{Type{VkImageMemoryBarrier}, Type{_ImageMemoryBarrier}, Type{ImageMemoryBarrier}})) = VK_STRUCTURE_TYPE_IMAGE_MEMORY_BARRIER structure_type(@nospecialize(_::Union{Type{VkImageCreateInfo}, Type{_ImageCreateInfo}, Type{ImageCreateInfo}})) = VK_STRUCTURE_TYPE_IMAGE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkImageViewCreateInfo}, Type{_ImageViewCreateInfo}, Type{ImageViewCreateInfo}})) = VK_STRUCTURE_TYPE_IMAGE_VIEW_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkBindSparseInfo}, Type{_BindSparseInfo}, Type{BindSparseInfo}})) = VK_STRUCTURE_TYPE_BIND_SPARSE_INFO structure_type(@nospecialize(_::Union{Type{VkShaderModuleCreateInfo}, Type{_ShaderModuleCreateInfo}, Type{ShaderModuleCreateInfo}})) = VK_STRUCTURE_TYPE_SHADER_MODULE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutCreateInfo}, Type{_DescriptorSetLayoutCreateInfo}, Type{DescriptorSetLayoutCreateInfo}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkDescriptorPoolCreateInfo}, Type{_DescriptorPoolCreateInfo}, Type{DescriptorPoolCreateInfo}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_POOL_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkDescriptorSetAllocateInfo}, Type{_DescriptorSetAllocateInfo}, Type{DescriptorSetAllocateInfo}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_SET_ALLOCATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineShaderStageCreateInfo}, Type{_PipelineShaderStageCreateInfo}, Type{PipelineShaderStageCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_SHADER_STAGE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkComputePipelineCreateInfo}, Type{_ComputePipelineCreateInfo}, Type{ComputePipelineCreateInfo}})) = VK_STRUCTURE_TYPE_COMPUTE_PIPELINE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineVertexInputStateCreateInfo}, Type{_PipelineVertexInputStateCreateInfo}, Type{PipelineVertexInputStateCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_VERTEX_INPUT_STATE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineInputAssemblyStateCreateInfo}, Type{_PipelineInputAssemblyStateCreateInfo}, Type{PipelineInputAssemblyStateCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_INPUT_ASSEMBLY_STATE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineTessellationStateCreateInfo}, Type{_PipelineTessellationStateCreateInfo}, Type{PipelineTessellationStateCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_TESSELLATION_STATE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineViewportStateCreateInfo}, Type{_PipelineViewportStateCreateInfo}, Type{PipelineViewportStateCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_VIEWPORT_STATE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineRasterizationStateCreateInfo}, Type{_PipelineRasterizationStateCreateInfo}, Type{PipelineRasterizationStateCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_RASTERIZATION_STATE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineMultisampleStateCreateInfo}, Type{_PipelineMultisampleStateCreateInfo}, Type{PipelineMultisampleStateCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_MULTISAMPLE_STATE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineColorBlendStateCreateInfo}, Type{_PipelineColorBlendStateCreateInfo}, Type{PipelineColorBlendStateCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_COLOR_BLEND_STATE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineDynamicStateCreateInfo}, Type{_PipelineDynamicStateCreateInfo}, Type{PipelineDynamicStateCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_DYNAMIC_STATE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineDepthStencilStateCreateInfo}, Type{_PipelineDepthStencilStateCreateInfo}, Type{PipelineDepthStencilStateCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_DEPTH_STENCIL_STATE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkGraphicsPipelineCreateInfo}, Type{_GraphicsPipelineCreateInfo}, Type{GraphicsPipelineCreateInfo}})) = VK_STRUCTURE_TYPE_GRAPHICS_PIPELINE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineCacheCreateInfo}, Type{_PipelineCacheCreateInfo}, Type{PipelineCacheCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_CACHE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineLayoutCreateInfo}, Type{_PipelineLayoutCreateInfo}, Type{PipelineLayoutCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_LAYOUT_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkSamplerCreateInfo}, Type{_SamplerCreateInfo}, Type{SamplerCreateInfo}})) = VK_STRUCTURE_TYPE_SAMPLER_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkCommandPoolCreateInfo}, Type{_CommandPoolCreateInfo}, Type{CommandPoolCreateInfo}})) = VK_STRUCTURE_TYPE_COMMAND_POOL_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkCommandBufferAllocateInfo}, Type{_CommandBufferAllocateInfo}, Type{CommandBufferAllocateInfo}})) = VK_STRUCTURE_TYPE_COMMAND_BUFFER_ALLOCATE_INFO structure_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceInfo}, Type{_CommandBufferInheritanceInfo}, Type{CommandBufferInheritanceInfo}})) = VK_STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_INFO structure_type(@nospecialize(_::Union{Type{VkCommandBufferBeginInfo}, Type{_CommandBufferBeginInfo}, Type{CommandBufferBeginInfo}})) = VK_STRUCTURE_TYPE_COMMAND_BUFFER_BEGIN_INFO structure_type(@nospecialize(_::Union{Type{VkRenderPassBeginInfo}, Type{_RenderPassBeginInfo}, Type{RenderPassBeginInfo}})) = VK_STRUCTURE_TYPE_RENDER_PASS_BEGIN_INFO structure_type(@nospecialize(_::Union{Type{VkRenderPassCreateInfo}, Type{_RenderPassCreateInfo}, Type{RenderPassCreateInfo}})) = VK_STRUCTURE_TYPE_RENDER_PASS_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkEventCreateInfo}, Type{_EventCreateInfo}, Type{EventCreateInfo}})) = VK_STRUCTURE_TYPE_EVENT_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkFenceCreateInfo}, Type{_FenceCreateInfo}, Type{FenceCreateInfo}})) = VK_STRUCTURE_TYPE_FENCE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkSemaphoreCreateInfo}, Type{_SemaphoreCreateInfo}, Type{SemaphoreCreateInfo}})) = VK_STRUCTURE_TYPE_SEMAPHORE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkQueryPoolCreateInfo}, Type{_QueryPoolCreateInfo}, Type{QueryPoolCreateInfo}})) = VK_STRUCTURE_TYPE_QUERY_POOL_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkFramebufferCreateInfo}, Type{_FramebufferCreateInfo}, Type{FramebufferCreateInfo}})) = VK_STRUCTURE_TYPE_FRAMEBUFFER_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkSubmitInfo}, Type{_SubmitInfo}, Type{SubmitInfo}})) = VK_STRUCTURE_TYPE_SUBMIT_INFO structure_type(@nospecialize(_::Union{Type{VkDisplayModeCreateInfoKHR}, Type{_DisplayModeCreateInfoKHR}, Type{DisplayModeCreateInfoKHR}})) = VK_STRUCTURE_TYPE_DISPLAY_MODE_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkDisplaySurfaceCreateInfoKHR}, Type{_DisplaySurfaceCreateInfoKHR}, Type{DisplaySurfaceCreateInfoKHR}})) = VK_STRUCTURE_TYPE_DISPLAY_SURFACE_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkDisplayPresentInfoKHR}, Type{_DisplayPresentInfoKHR}, Type{DisplayPresentInfoKHR}})) = VK_STRUCTURE_TYPE_DISPLAY_PRESENT_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkSwapchainCreateInfoKHR}, Type{_SwapchainCreateInfoKHR}, Type{SwapchainCreateInfoKHR}})) = VK_STRUCTURE_TYPE_SWAPCHAIN_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPresentInfoKHR}, Type{_PresentInfoKHR}, Type{PresentInfoKHR}})) = VK_STRUCTURE_TYPE_PRESENT_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkDebugReportCallbackCreateInfoEXT}, Type{_DebugReportCallbackCreateInfoEXT}, Type{DebugReportCallbackCreateInfoEXT}})) = VK_STRUCTURE_TYPE_DEBUG_REPORT_CALLBACK_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkValidationFlagsEXT}, Type{_ValidationFlagsEXT}, Type{ValidationFlagsEXT}})) = VK_STRUCTURE_TYPE_VALIDATION_FLAGS_EXT structure_type(@nospecialize(_::Union{Type{VkValidationFeaturesEXT}, Type{_ValidationFeaturesEXT}, Type{ValidationFeaturesEXT}})) = VK_STRUCTURE_TYPE_VALIDATION_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineRasterizationStateRasterizationOrderAMD}, Type{_PipelineRasterizationStateRasterizationOrderAMD}, Type{PipelineRasterizationStateRasterizationOrderAMD}})) = VK_STRUCTURE_TYPE_PIPELINE_RASTERIZATION_STATE_RASTERIZATION_ORDER_AMD structure_type(@nospecialize(_::Union{Type{VkDebugMarkerObjectNameInfoEXT}, Type{_DebugMarkerObjectNameInfoEXT}, Type{DebugMarkerObjectNameInfoEXT}})) = VK_STRUCTURE_TYPE_DEBUG_MARKER_OBJECT_NAME_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkDebugMarkerObjectTagInfoEXT}, Type{_DebugMarkerObjectTagInfoEXT}, Type{DebugMarkerObjectTagInfoEXT}})) = VK_STRUCTURE_TYPE_DEBUG_MARKER_OBJECT_TAG_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkDebugMarkerMarkerInfoEXT}, Type{_DebugMarkerMarkerInfoEXT}, Type{DebugMarkerMarkerInfoEXT}})) = VK_STRUCTURE_TYPE_DEBUG_MARKER_MARKER_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkDedicatedAllocationImageCreateInfoNV}, Type{_DedicatedAllocationImageCreateInfoNV}, Type{DedicatedAllocationImageCreateInfoNV}})) = VK_STRUCTURE_TYPE_DEDICATED_ALLOCATION_IMAGE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkDedicatedAllocationBufferCreateInfoNV}, Type{_DedicatedAllocationBufferCreateInfoNV}, Type{DedicatedAllocationBufferCreateInfoNV}})) = VK_STRUCTURE_TYPE_DEDICATED_ALLOCATION_BUFFER_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkDedicatedAllocationMemoryAllocateInfoNV}, Type{_DedicatedAllocationMemoryAllocateInfoNV}, Type{DedicatedAllocationMemoryAllocateInfoNV}})) = VK_STRUCTURE_TYPE_DEDICATED_ALLOCATION_MEMORY_ALLOCATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkExternalMemoryImageCreateInfoNV}, Type{_ExternalMemoryImageCreateInfoNV}, Type{ExternalMemoryImageCreateInfoNV}})) = VK_STRUCTURE_TYPE_EXTERNAL_MEMORY_IMAGE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkExportMemoryAllocateInfoNV}, Type{_ExportMemoryAllocateInfoNV}, Type{ExportMemoryAllocateInfoNV}})) = VK_STRUCTURE_TYPE_EXPORT_MEMORY_ALLOCATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV}, Type{_PhysicalDeviceDeviceGeneratedCommandsFeaturesNV}, Type{PhysicalDeviceDeviceGeneratedCommandsFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DEVICE_GENERATED_COMMANDS_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkDevicePrivateDataCreateInfo}, Type{_DevicePrivateDataCreateInfo}, Type{DevicePrivateDataCreateInfo}})) = VK_STRUCTURE_TYPE_DEVICE_PRIVATE_DATA_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPrivateDataSlotCreateInfo}, Type{_PrivateDataSlotCreateInfo}, Type{PrivateDataSlotCreateInfo}})) = VK_STRUCTURE_TYPE_PRIVATE_DATA_SLOT_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePrivateDataFeatures}, Type{_PhysicalDevicePrivateDataFeatures}, Type{PhysicalDevicePrivateDataFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PRIVATE_DATA_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV}, Type{_PhysicalDeviceDeviceGeneratedCommandsPropertiesNV}, Type{PhysicalDeviceDeviceGeneratedCommandsPropertiesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DEVICE_GENERATED_COMMANDS_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiDrawPropertiesEXT}, Type{_PhysicalDeviceMultiDrawPropertiesEXT}, Type{PhysicalDeviceMultiDrawPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTI_DRAW_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkGraphicsShaderGroupCreateInfoNV}, Type{_GraphicsShaderGroupCreateInfoNV}, Type{GraphicsShaderGroupCreateInfoNV}})) = VK_STRUCTURE_TYPE_GRAPHICS_SHADER_GROUP_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkGraphicsPipelineShaderGroupsCreateInfoNV}, Type{_GraphicsPipelineShaderGroupsCreateInfoNV}, Type{GraphicsPipelineShaderGroupsCreateInfoNV}})) = VK_STRUCTURE_TYPE_GRAPHICS_PIPELINE_SHADER_GROUPS_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkIndirectCommandsLayoutTokenNV}, Type{_IndirectCommandsLayoutTokenNV}, Type{IndirectCommandsLayoutTokenNV}})) = VK_STRUCTURE_TYPE_INDIRECT_COMMANDS_LAYOUT_TOKEN_NV structure_type(@nospecialize(_::Union{Type{VkIndirectCommandsLayoutCreateInfoNV}, Type{_IndirectCommandsLayoutCreateInfoNV}, Type{IndirectCommandsLayoutCreateInfoNV}})) = VK_STRUCTURE_TYPE_INDIRECT_COMMANDS_LAYOUT_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkGeneratedCommandsInfoNV}, Type{_GeneratedCommandsInfoNV}, Type{GeneratedCommandsInfoNV}})) = VK_STRUCTURE_TYPE_GENERATED_COMMANDS_INFO_NV structure_type(@nospecialize(_::Union{Type{VkGeneratedCommandsMemoryRequirementsInfoNV}, Type{_GeneratedCommandsMemoryRequirementsInfoNV}, Type{GeneratedCommandsMemoryRequirementsInfoNV}})) = VK_STRUCTURE_TYPE_GENERATED_COMMANDS_MEMORY_REQUIREMENTS_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFeatures2}, Type{_PhysicalDeviceFeatures2}, Type{PhysicalDeviceFeatures2}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FEATURES_2 structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProperties2}, Type{_PhysicalDeviceProperties2}, Type{PhysicalDeviceProperties2}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PROPERTIES_2 structure_type(@nospecialize(_::Union{Type{VkFormatProperties2}, Type{_FormatProperties2}, Type{FormatProperties2}})) = VK_STRUCTURE_TYPE_FORMAT_PROPERTIES_2 structure_type(@nospecialize(_::Union{Type{VkImageFormatProperties2}, Type{_ImageFormatProperties2}, Type{ImageFormatProperties2}})) = VK_STRUCTURE_TYPE_IMAGE_FORMAT_PROPERTIES_2 structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageFormatInfo2}, Type{_PhysicalDeviceImageFormatInfo2}, Type{PhysicalDeviceImageFormatInfo2}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_FORMAT_INFO_2 structure_type(@nospecialize(_::Union{Type{VkQueueFamilyProperties2}, Type{_QueueFamilyProperties2}, Type{QueueFamilyProperties2}})) = VK_STRUCTURE_TYPE_QUEUE_FAMILY_PROPERTIES_2 structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryProperties2}, Type{_PhysicalDeviceMemoryProperties2}, Type{PhysicalDeviceMemoryProperties2}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_PROPERTIES_2 structure_type(@nospecialize(_::Union{Type{VkSparseImageFormatProperties2}, Type{_SparseImageFormatProperties2}, Type{SparseImageFormatProperties2}})) = VK_STRUCTURE_TYPE_SPARSE_IMAGE_FORMAT_PROPERTIES_2 structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSparseImageFormatInfo2}, Type{_PhysicalDeviceSparseImageFormatInfo2}, Type{PhysicalDeviceSparseImageFormatInfo2}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SPARSE_IMAGE_FORMAT_INFO_2 structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePushDescriptorPropertiesKHR}, Type{_PhysicalDevicePushDescriptorPropertiesKHR}, Type{PhysicalDevicePushDescriptorPropertiesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PUSH_DESCRIPTOR_PROPERTIES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDriverProperties}, Type{_PhysicalDeviceDriverProperties}, Type{PhysicalDeviceDriverProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DRIVER_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkPresentRegionsKHR}, Type{_PresentRegionsKHR}, Type{PresentRegionsKHR}})) = VK_STRUCTURE_TYPE_PRESENT_REGIONS_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVariablePointersFeatures}, Type{_PhysicalDeviceVariablePointersFeatures}, Type{PhysicalDeviceVariablePointersFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_VARIABLE_POINTERS_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalImageFormatInfo}, Type{_PhysicalDeviceExternalImageFormatInfo}, Type{PhysicalDeviceExternalImageFormatInfo}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_IMAGE_FORMAT_INFO structure_type(@nospecialize(_::Union{Type{VkExternalImageFormatProperties}, Type{_ExternalImageFormatProperties}, Type{ExternalImageFormatProperties}})) = VK_STRUCTURE_TYPE_EXTERNAL_IMAGE_FORMAT_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalBufferInfo}, Type{_PhysicalDeviceExternalBufferInfo}, Type{PhysicalDeviceExternalBufferInfo}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_BUFFER_INFO structure_type(@nospecialize(_::Union{Type{VkExternalBufferProperties}, Type{_ExternalBufferProperties}, Type{ExternalBufferProperties}})) = VK_STRUCTURE_TYPE_EXTERNAL_BUFFER_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceIDProperties}, Type{_PhysicalDeviceIDProperties}, Type{PhysicalDeviceIDProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_ID_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkExternalMemoryImageCreateInfo}, Type{_ExternalMemoryImageCreateInfo}, Type{ExternalMemoryImageCreateInfo}})) = VK_STRUCTURE_TYPE_EXTERNAL_MEMORY_IMAGE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkExternalMemoryBufferCreateInfo}, Type{_ExternalMemoryBufferCreateInfo}, Type{ExternalMemoryBufferCreateInfo}})) = VK_STRUCTURE_TYPE_EXTERNAL_MEMORY_BUFFER_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkExportMemoryAllocateInfo}, Type{_ExportMemoryAllocateInfo}, Type{ExportMemoryAllocateInfo}})) = VK_STRUCTURE_TYPE_EXPORT_MEMORY_ALLOCATE_INFO structure_type(@nospecialize(_::Union{Type{VkImportMemoryFdInfoKHR}, Type{_ImportMemoryFdInfoKHR}, Type{ImportMemoryFdInfoKHR}})) = VK_STRUCTURE_TYPE_IMPORT_MEMORY_FD_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkMemoryFdPropertiesKHR}, Type{_MemoryFdPropertiesKHR}, Type{MemoryFdPropertiesKHR}})) = VK_STRUCTURE_TYPE_MEMORY_FD_PROPERTIES_KHR structure_type(@nospecialize(_::Union{Type{VkMemoryGetFdInfoKHR}, Type{_MemoryGetFdInfoKHR}, Type{MemoryGetFdInfoKHR}})) = VK_STRUCTURE_TYPE_MEMORY_GET_FD_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalSemaphoreInfo}, Type{_PhysicalDeviceExternalSemaphoreInfo}, Type{PhysicalDeviceExternalSemaphoreInfo}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_SEMAPHORE_INFO structure_type(@nospecialize(_::Union{Type{VkExternalSemaphoreProperties}, Type{_ExternalSemaphoreProperties}, Type{ExternalSemaphoreProperties}})) = VK_STRUCTURE_TYPE_EXTERNAL_SEMAPHORE_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkExportSemaphoreCreateInfo}, Type{_ExportSemaphoreCreateInfo}, Type{ExportSemaphoreCreateInfo}})) = VK_STRUCTURE_TYPE_EXPORT_SEMAPHORE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkImportSemaphoreFdInfoKHR}, Type{_ImportSemaphoreFdInfoKHR}, Type{ImportSemaphoreFdInfoKHR}})) = VK_STRUCTURE_TYPE_IMPORT_SEMAPHORE_FD_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkSemaphoreGetFdInfoKHR}, Type{_SemaphoreGetFdInfoKHR}, Type{SemaphoreGetFdInfoKHR}})) = VK_STRUCTURE_TYPE_SEMAPHORE_GET_FD_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalFenceInfo}, Type{_PhysicalDeviceExternalFenceInfo}, Type{PhysicalDeviceExternalFenceInfo}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_FENCE_INFO structure_type(@nospecialize(_::Union{Type{VkExternalFenceProperties}, Type{_ExternalFenceProperties}, Type{ExternalFenceProperties}})) = VK_STRUCTURE_TYPE_EXTERNAL_FENCE_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkExportFenceCreateInfo}, Type{_ExportFenceCreateInfo}, Type{ExportFenceCreateInfo}})) = VK_STRUCTURE_TYPE_EXPORT_FENCE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkImportFenceFdInfoKHR}, Type{_ImportFenceFdInfoKHR}, Type{ImportFenceFdInfoKHR}})) = VK_STRUCTURE_TYPE_IMPORT_FENCE_FD_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkFenceGetFdInfoKHR}, Type{_FenceGetFdInfoKHR}, Type{FenceGetFdInfoKHR}})) = VK_STRUCTURE_TYPE_FENCE_GET_FD_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiviewFeatures}, Type{_PhysicalDeviceMultiviewFeatures}, Type{PhysicalDeviceMultiviewFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiviewProperties}, Type{_PhysicalDeviceMultiviewProperties}, Type{PhysicalDeviceMultiviewProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkRenderPassMultiviewCreateInfo}, Type{_RenderPassMultiviewCreateInfo}, Type{RenderPassMultiviewCreateInfo}})) = VK_STRUCTURE_TYPE_RENDER_PASS_MULTIVIEW_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkSurfaceCapabilities2EXT}, Type{_SurfaceCapabilities2EXT}, Type{SurfaceCapabilities2EXT}})) = VK_STRUCTURE_TYPE_SURFACE_CAPABILITIES_2_EXT structure_type(@nospecialize(_::Union{Type{VkDisplayPowerInfoEXT}, Type{_DisplayPowerInfoEXT}, Type{DisplayPowerInfoEXT}})) = VK_STRUCTURE_TYPE_DISPLAY_POWER_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkDeviceEventInfoEXT}, Type{_DeviceEventInfoEXT}, Type{DeviceEventInfoEXT}})) = VK_STRUCTURE_TYPE_DEVICE_EVENT_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkDisplayEventInfoEXT}, Type{_DisplayEventInfoEXT}, Type{DisplayEventInfoEXT}})) = VK_STRUCTURE_TYPE_DISPLAY_EVENT_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkSwapchainCounterCreateInfoEXT}, Type{_SwapchainCounterCreateInfoEXT}, Type{SwapchainCounterCreateInfoEXT}})) = VK_STRUCTURE_TYPE_SWAPCHAIN_COUNTER_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceGroupProperties}, Type{_PhysicalDeviceGroupProperties}, Type{PhysicalDeviceGroupProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_GROUP_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkMemoryAllocateFlagsInfo}, Type{_MemoryAllocateFlagsInfo}, Type{MemoryAllocateFlagsInfo}})) = VK_STRUCTURE_TYPE_MEMORY_ALLOCATE_FLAGS_INFO structure_type(@nospecialize(_::Union{Type{VkBindBufferMemoryInfo}, Type{_BindBufferMemoryInfo}, Type{BindBufferMemoryInfo}})) = VK_STRUCTURE_TYPE_BIND_BUFFER_MEMORY_INFO structure_type(@nospecialize(_::Union{Type{VkBindBufferMemoryDeviceGroupInfo}, Type{_BindBufferMemoryDeviceGroupInfo}, Type{BindBufferMemoryDeviceGroupInfo}})) = VK_STRUCTURE_TYPE_BIND_BUFFER_MEMORY_DEVICE_GROUP_INFO structure_type(@nospecialize(_::Union{Type{VkBindImageMemoryInfo}, Type{_BindImageMemoryInfo}, Type{BindImageMemoryInfo}})) = VK_STRUCTURE_TYPE_BIND_IMAGE_MEMORY_INFO structure_type(@nospecialize(_::Union{Type{VkBindImageMemoryDeviceGroupInfo}, Type{_BindImageMemoryDeviceGroupInfo}, Type{BindImageMemoryDeviceGroupInfo}})) = VK_STRUCTURE_TYPE_BIND_IMAGE_MEMORY_DEVICE_GROUP_INFO structure_type(@nospecialize(_::Union{Type{VkDeviceGroupRenderPassBeginInfo}, Type{_DeviceGroupRenderPassBeginInfo}, Type{DeviceGroupRenderPassBeginInfo}})) = VK_STRUCTURE_TYPE_DEVICE_GROUP_RENDER_PASS_BEGIN_INFO structure_type(@nospecialize(_::Union{Type{VkDeviceGroupCommandBufferBeginInfo}, Type{_DeviceGroupCommandBufferBeginInfo}, Type{DeviceGroupCommandBufferBeginInfo}})) = VK_STRUCTURE_TYPE_DEVICE_GROUP_COMMAND_BUFFER_BEGIN_INFO structure_type(@nospecialize(_::Union{Type{VkDeviceGroupSubmitInfo}, Type{_DeviceGroupSubmitInfo}, Type{DeviceGroupSubmitInfo}})) = VK_STRUCTURE_TYPE_DEVICE_GROUP_SUBMIT_INFO structure_type(@nospecialize(_::Union{Type{VkDeviceGroupBindSparseInfo}, Type{_DeviceGroupBindSparseInfo}, Type{DeviceGroupBindSparseInfo}})) = VK_STRUCTURE_TYPE_DEVICE_GROUP_BIND_SPARSE_INFO structure_type(@nospecialize(_::Union{Type{VkDeviceGroupPresentCapabilitiesKHR}, Type{_DeviceGroupPresentCapabilitiesKHR}, Type{DeviceGroupPresentCapabilitiesKHR}})) = VK_STRUCTURE_TYPE_DEVICE_GROUP_PRESENT_CAPABILITIES_KHR structure_type(@nospecialize(_::Union{Type{VkImageSwapchainCreateInfoKHR}, Type{_ImageSwapchainCreateInfoKHR}, Type{ImageSwapchainCreateInfoKHR}})) = VK_STRUCTURE_TYPE_IMAGE_SWAPCHAIN_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkBindImageMemorySwapchainInfoKHR}, Type{_BindImageMemorySwapchainInfoKHR}, Type{BindImageMemorySwapchainInfoKHR}})) = VK_STRUCTURE_TYPE_BIND_IMAGE_MEMORY_SWAPCHAIN_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkAcquireNextImageInfoKHR}, Type{_AcquireNextImageInfoKHR}, Type{AcquireNextImageInfoKHR}})) = VK_STRUCTURE_TYPE_ACQUIRE_NEXT_IMAGE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkDeviceGroupPresentInfoKHR}, Type{_DeviceGroupPresentInfoKHR}, Type{DeviceGroupPresentInfoKHR}})) = VK_STRUCTURE_TYPE_DEVICE_GROUP_PRESENT_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkDeviceGroupDeviceCreateInfo}, Type{_DeviceGroupDeviceCreateInfo}, Type{DeviceGroupDeviceCreateInfo}})) = VK_STRUCTURE_TYPE_DEVICE_GROUP_DEVICE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkDeviceGroupSwapchainCreateInfoKHR}, Type{_DeviceGroupSwapchainCreateInfoKHR}, Type{DeviceGroupSwapchainCreateInfoKHR}})) = VK_STRUCTURE_TYPE_DEVICE_GROUP_SWAPCHAIN_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkDescriptorUpdateTemplateCreateInfo}, Type{_DescriptorUpdateTemplateCreateInfo}, Type{DescriptorUpdateTemplateCreateInfo}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePresentIdFeaturesKHR}, Type{_PhysicalDevicePresentIdFeaturesKHR}, Type{PhysicalDevicePresentIdFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PRESENT_ID_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkPresentIdKHR}, Type{_PresentIdKHR}, Type{PresentIdKHR}})) = VK_STRUCTURE_TYPE_PRESENT_ID_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePresentWaitFeaturesKHR}, Type{_PhysicalDevicePresentWaitFeaturesKHR}, Type{PhysicalDevicePresentWaitFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PRESENT_WAIT_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkHdrMetadataEXT}, Type{_HdrMetadataEXT}, Type{HdrMetadataEXT}})) = VK_STRUCTURE_TYPE_HDR_METADATA_EXT structure_type(@nospecialize(_::Union{Type{VkDisplayNativeHdrSurfaceCapabilitiesAMD}, Type{_DisplayNativeHdrSurfaceCapabilitiesAMD}, Type{DisplayNativeHdrSurfaceCapabilitiesAMD}})) = VK_STRUCTURE_TYPE_DISPLAY_NATIVE_HDR_SURFACE_CAPABILITIES_AMD structure_type(@nospecialize(_::Union{Type{VkSwapchainDisplayNativeHdrCreateInfoAMD}, Type{_SwapchainDisplayNativeHdrCreateInfoAMD}, Type{SwapchainDisplayNativeHdrCreateInfoAMD}})) = VK_STRUCTURE_TYPE_SWAPCHAIN_DISPLAY_NATIVE_HDR_CREATE_INFO_AMD structure_type(@nospecialize(_::Union{Type{VkPresentTimesInfoGOOGLE}, Type{_PresentTimesInfoGOOGLE}, Type{PresentTimesInfoGOOGLE}})) = VK_STRUCTURE_TYPE_PRESENT_TIMES_INFO_GOOGLE structure_type(@nospecialize(_::Union{Type{VkMacOSSurfaceCreateInfoMVK}, Type{_MacOSSurfaceCreateInfoMVK}, Type{MacOSSurfaceCreateInfoMVK}})) = VK_STRUCTURE_TYPE_MACOS_SURFACE_CREATE_INFO_MVK structure_type(@nospecialize(_::Union{Type{VkMetalSurfaceCreateInfoEXT}, Type{_MetalSurfaceCreateInfoEXT}, Type{MetalSurfaceCreateInfoEXT}})) = VK_STRUCTURE_TYPE_METAL_SURFACE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineViewportWScalingStateCreateInfoNV}, Type{_PipelineViewportWScalingStateCreateInfoNV}, Type{PipelineViewportWScalingStateCreateInfoNV}})) = VK_STRUCTURE_TYPE_PIPELINE_VIEWPORT_W_SCALING_STATE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPipelineViewportSwizzleStateCreateInfoNV}, Type{_PipelineViewportSwizzleStateCreateInfoNV}, Type{PipelineViewportSwizzleStateCreateInfoNV}})) = VK_STRUCTURE_TYPE_PIPELINE_VIEWPORT_SWIZZLE_STATE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDiscardRectanglePropertiesEXT}, Type{_PhysicalDeviceDiscardRectanglePropertiesEXT}, Type{PhysicalDeviceDiscardRectanglePropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DISCARD_RECTANGLE_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineDiscardRectangleStateCreateInfoEXT}, Type{_PipelineDiscardRectangleStateCreateInfoEXT}, Type{PipelineDiscardRectangleStateCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_DISCARD_RECTANGLE_STATE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX}, Type{_PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX}, Type{PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_PER_VIEW_ATTRIBUTES_PROPERTIES_NVX structure_type(@nospecialize(_::Union{Type{VkRenderPassInputAttachmentAspectCreateInfo}, Type{_RenderPassInputAttachmentAspectCreateInfo}, Type{RenderPassInputAttachmentAspectCreateInfo}})) = VK_STRUCTURE_TYPE_RENDER_PASS_INPUT_ATTACHMENT_ASPECT_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSurfaceInfo2KHR}, Type{_PhysicalDeviceSurfaceInfo2KHR}, Type{PhysicalDeviceSurfaceInfo2KHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SURFACE_INFO_2_KHR structure_type(@nospecialize(_::Union{Type{VkSurfaceCapabilities2KHR}, Type{_SurfaceCapabilities2KHR}, Type{SurfaceCapabilities2KHR}})) = VK_STRUCTURE_TYPE_SURFACE_CAPABILITIES_2_KHR structure_type(@nospecialize(_::Union{Type{VkSurfaceFormat2KHR}, Type{_SurfaceFormat2KHR}, Type{SurfaceFormat2KHR}})) = VK_STRUCTURE_TYPE_SURFACE_FORMAT_2_KHR structure_type(@nospecialize(_::Union{Type{VkDisplayProperties2KHR}, Type{_DisplayProperties2KHR}, Type{DisplayProperties2KHR}})) = VK_STRUCTURE_TYPE_DISPLAY_PROPERTIES_2_KHR structure_type(@nospecialize(_::Union{Type{VkDisplayPlaneProperties2KHR}, Type{_DisplayPlaneProperties2KHR}, Type{DisplayPlaneProperties2KHR}})) = VK_STRUCTURE_TYPE_DISPLAY_PLANE_PROPERTIES_2_KHR structure_type(@nospecialize(_::Union{Type{VkDisplayModeProperties2KHR}, Type{_DisplayModeProperties2KHR}, Type{DisplayModeProperties2KHR}})) = VK_STRUCTURE_TYPE_DISPLAY_MODE_PROPERTIES_2_KHR structure_type(@nospecialize(_::Union{Type{VkDisplayPlaneInfo2KHR}, Type{_DisplayPlaneInfo2KHR}, Type{DisplayPlaneInfo2KHR}})) = VK_STRUCTURE_TYPE_DISPLAY_PLANE_INFO_2_KHR structure_type(@nospecialize(_::Union{Type{VkDisplayPlaneCapabilities2KHR}, Type{_DisplayPlaneCapabilities2KHR}, Type{DisplayPlaneCapabilities2KHR}})) = VK_STRUCTURE_TYPE_DISPLAY_PLANE_CAPABILITIES_2_KHR structure_type(@nospecialize(_::Union{Type{VkSharedPresentSurfaceCapabilitiesKHR}, Type{_SharedPresentSurfaceCapabilitiesKHR}, Type{SharedPresentSurfaceCapabilitiesKHR}})) = VK_STRUCTURE_TYPE_SHARED_PRESENT_SURFACE_CAPABILITIES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDevice16BitStorageFeatures}, Type{_PhysicalDevice16BitStorageFeatures}, Type{PhysicalDevice16BitStorageFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_16BIT_STORAGE_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubgroupProperties}, Type{_PhysicalDeviceSubgroupProperties}, Type{PhysicalDeviceSubgroupProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures}, Type{_PhysicalDeviceShaderSubgroupExtendedTypesFeatures}, Type{PhysicalDeviceShaderSubgroupExtendedTypesFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SUBGROUP_EXTENDED_TYPES_FEATURES structure_type(@nospecialize(_::Union{Type{VkBufferMemoryRequirementsInfo2}, Type{_BufferMemoryRequirementsInfo2}, Type{BufferMemoryRequirementsInfo2}})) = VK_STRUCTURE_TYPE_BUFFER_MEMORY_REQUIREMENTS_INFO_2 structure_type(@nospecialize(_::Union{Type{VkDeviceBufferMemoryRequirements}, Type{_DeviceBufferMemoryRequirements}, Type{DeviceBufferMemoryRequirements}})) = VK_STRUCTURE_TYPE_DEVICE_BUFFER_MEMORY_REQUIREMENTS structure_type(@nospecialize(_::Union{Type{VkImageMemoryRequirementsInfo2}, Type{_ImageMemoryRequirementsInfo2}, Type{ImageMemoryRequirementsInfo2}})) = VK_STRUCTURE_TYPE_IMAGE_MEMORY_REQUIREMENTS_INFO_2 structure_type(@nospecialize(_::Union{Type{VkImageSparseMemoryRequirementsInfo2}, Type{_ImageSparseMemoryRequirementsInfo2}, Type{ImageSparseMemoryRequirementsInfo2}})) = VK_STRUCTURE_TYPE_IMAGE_SPARSE_MEMORY_REQUIREMENTS_INFO_2 structure_type(@nospecialize(_::Union{Type{VkDeviceImageMemoryRequirements}, Type{_DeviceImageMemoryRequirements}, Type{DeviceImageMemoryRequirements}})) = VK_STRUCTURE_TYPE_DEVICE_IMAGE_MEMORY_REQUIREMENTS structure_type(@nospecialize(_::Union{Type{VkMemoryRequirements2}, Type{_MemoryRequirements2}, Type{MemoryRequirements2}})) = VK_STRUCTURE_TYPE_MEMORY_REQUIREMENTS_2 structure_type(@nospecialize(_::Union{Type{VkSparseImageMemoryRequirements2}, Type{_SparseImageMemoryRequirements2}, Type{SparseImageMemoryRequirements2}})) = VK_STRUCTURE_TYPE_SPARSE_IMAGE_MEMORY_REQUIREMENTS_2 structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePointClippingProperties}, Type{_PhysicalDevicePointClippingProperties}, Type{PhysicalDevicePointClippingProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_POINT_CLIPPING_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkMemoryDedicatedRequirements}, Type{_MemoryDedicatedRequirements}, Type{MemoryDedicatedRequirements}})) = VK_STRUCTURE_TYPE_MEMORY_DEDICATED_REQUIREMENTS structure_type(@nospecialize(_::Union{Type{VkMemoryDedicatedAllocateInfo}, Type{_MemoryDedicatedAllocateInfo}, Type{MemoryDedicatedAllocateInfo}})) = VK_STRUCTURE_TYPE_MEMORY_DEDICATED_ALLOCATE_INFO structure_type(@nospecialize(_::Union{Type{VkImageViewUsageCreateInfo}, Type{_ImageViewUsageCreateInfo}, Type{ImageViewUsageCreateInfo}})) = VK_STRUCTURE_TYPE_IMAGE_VIEW_USAGE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineTessellationDomainOriginStateCreateInfo}, Type{_PipelineTessellationDomainOriginStateCreateInfo}, Type{PipelineTessellationDomainOriginStateCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_TESSELLATION_DOMAIN_ORIGIN_STATE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkSamplerYcbcrConversionInfo}, Type{_SamplerYcbcrConversionInfo}, Type{SamplerYcbcrConversionInfo}})) = VK_STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_INFO structure_type(@nospecialize(_::Union{Type{VkSamplerYcbcrConversionCreateInfo}, Type{_SamplerYcbcrConversionCreateInfo}, Type{SamplerYcbcrConversionCreateInfo}})) = VK_STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkBindImagePlaneMemoryInfo}, Type{_BindImagePlaneMemoryInfo}, Type{BindImagePlaneMemoryInfo}})) = VK_STRUCTURE_TYPE_BIND_IMAGE_PLANE_MEMORY_INFO structure_type(@nospecialize(_::Union{Type{VkImagePlaneMemoryRequirementsInfo}, Type{_ImagePlaneMemoryRequirementsInfo}, Type{ImagePlaneMemoryRequirementsInfo}})) = VK_STRUCTURE_TYPE_IMAGE_PLANE_MEMORY_REQUIREMENTS_INFO structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSamplerYcbcrConversionFeatures}, Type{_PhysicalDeviceSamplerYcbcrConversionFeatures}, Type{PhysicalDeviceSamplerYcbcrConversionFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLER_YCBCR_CONVERSION_FEATURES structure_type(@nospecialize(_::Union{Type{VkSamplerYcbcrConversionImageFormatProperties}, Type{_SamplerYcbcrConversionImageFormatProperties}, Type{SamplerYcbcrConversionImageFormatProperties}})) = VK_STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_IMAGE_FORMAT_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkTextureLODGatherFormatPropertiesAMD}, Type{_TextureLODGatherFormatPropertiesAMD}, Type{TextureLODGatherFormatPropertiesAMD}})) = VK_STRUCTURE_TYPE_TEXTURE_LOD_GATHER_FORMAT_PROPERTIES_AMD structure_type(@nospecialize(_::Union{Type{VkConditionalRenderingBeginInfoEXT}, Type{_ConditionalRenderingBeginInfoEXT}, Type{ConditionalRenderingBeginInfoEXT}})) = VK_STRUCTURE_TYPE_CONDITIONAL_RENDERING_BEGIN_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkProtectedSubmitInfo}, Type{_ProtectedSubmitInfo}, Type{ProtectedSubmitInfo}})) = VK_STRUCTURE_TYPE_PROTECTED_SUBMIT_INFO structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProtectedMemoryFeatures}, Type{_PhysicalDeviceProtectedMemoryFeatures}, Type{PhysicalDeviceProtectedMemoryFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PROTECTED_MEMORY_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProtectedMemoryProperties}, Type{_PhysicalDeviceProtectedMemoryProperties}, Type{PhysicalDeviceProtectedMemoryProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PROTECTED_MEMORY_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkDeviceQueueInfo2}, Type{_DeviceQueueInfo2}, Type{DeviceQueueInfo2}})) = VK_STRUCTURE_TYPE_DEVICE_QUEUE_INFO_2 structure_type(@nospecialize(_::Union{Type{VkPipelineCoverageToColorStateCreateInfoNV}, Type{_PipelineCoverageToColorStateCreateInfoNV}, Type{PipelineCoverageToColorStateCreateInfoNV}})) = VK_STRUCTURE_TYPE_PIPELINE_COVERAGE_TO_COLOR_STATE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSamplerFilterMinmaxProperties}, Type{_PhysicalDeviceSamplerFilterMinmaxProperties}, Type{PhysicalDeviceSamplerFilterMinmaxProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLER_FILTER_MINMAX_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkSampleLocationsInfoEXT}, Type{_SampleLocationsInfoEXT}, Type{SampleLocationsInfoEXT}})) = VK_STRUCTURE_TYPE_SAMPLE_LOCATIONS_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkRenderPassSampleLocationsBeginInfoEXT}, Type{_RenderPassSampleLocationsBeginInfoEXT}, Type{RenderPassSampleLocationsBeginInfoEXT}})) = VK_STRUCTURE_TYPE_RENDER_PASS_SAMPLE_LOCATIONS_BEGIN_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineSampleLocationsStateCreateInfoEXT}, Type{_PipelineSampleLocationsStateCreateInfoEXT}, Type{PipelineSampleLocationsStateCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_SAMPLE_LOCATIONS_STATE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSampleLocationsPropertiesEXT}, Type{_PhysicalDeviceSampleLocationsPropertiesEXT}, Type{PhysicalDeviceSampleLocationsPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLE_LOCATIONS_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkMultisamplePropertiesEXT}, Type{_MultisamplePropertiesEXT}, Type{MultisamplePropertiesEXT}})) = VK_STRUCTURE_TYPE_MULTISAMPLE_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkSamplerReductionModeCreateInfo}, Type{_SamplerReductionModeCreateInfo}, Type{SamplerReductionModeCreateInfo}})) = VK_STRUCTURE_TYPE_SAMPLER_REDUCTION_MODE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT}, Type{_PhysicalDeviceBlendOperationAdvancedFeaturesEXT}, Type{PhysicalDeviceBlendOperationAdvancedFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_BLEND_OPERATION_ADVANCED_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiDrawFeaturesEXT}, Type{_PhysicalDeviceMultiDrawFeaturesEXT}, Type{PhysicalDeviceMultiDrawFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTI_DRAW_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT}, Type{_PhysicalDeviceBlendOperationAdvancedPropertiesEXT}, Type{PhysicalDeviceBlendOperationAdvancedPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_BLEND_OPERATION_ADVANCED_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineColorBlendAdvancedStateCreateInfoEXT}, Type{_PipelineColorBlendAdvancedStateCreateInfoEXT}, Type{PipelineColorBlendAdvancedStateCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_COLOR_BLEND_ADVANCED_STATE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceInlineUniformBlockFeatures}, Type{_PhysicalDeviceInlineUniformBlockFeatures}, Type{PhysicalDeviceInlineUniformBlockFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_INLINE_UNIFORM_BLOCK_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceInlineUniformBlockProperties}, Type{_PhysicalDeviceInlineUniformBlockProperties}, Type{PhysicalDeviceInlineUniformBlockProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_INLINE_UNIFORM_BLOCK_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkWriteDescriptorSetInlineUniformBlock}, Type{_WriteDescriptorSetInlineUniformBlock}, Type{WriteDescriptorSetInlineUniformBlock}})) = VK_STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET_INLINE_UNIFORM_BLOCK structure_type(@nospecialize(_::Union{Type{VkDescriptorPoolInlineUniformBlockCreateInfo}, Type{_DescriptorPoolInlineUniformBlockCreateInfo}, Type{DescriptorPoolInlineUniformBlockCreateInfo}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_POOL_INLINE_UNIFORM_BLOCK_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineCoverageModulationStateCreateInfoNV}, Type{_PipelineCoverageModulationStateCreateInfoNV}, Type{PipelineCoverageModulationStateCreateInfoNV}})) = VK_STRUCTURE_TYPE_PIPELINE_COVERAGE_MODULATION_STATE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkImageFormatListCreateInfo}, Type{_ImageFormatListCreateInfo}, Type{ImageFormatListCreateInfo}})) = VK_STRUCTURE_TYPE_IMAGE_FORMAT_LIST_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkValidationCacheCreateInfoEXT}, Type{_ValidationCacheCreateInfoEXT}, Type{ValidationCacheCreateInfoEXT}})) = VK_STRUCTURE_TYPE_VALIDATION_CACHE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkShaderModuleValidationCacheCreateInfoEXT}, Type{_ShaderModuleValidationCacheCreateInfoEXT}, Type{ShaderModuleValidationCacheCreateInfoEXT}})) = VK_STRUCTURE_TYPE_SHADER_MODULE_VALIDATION_CACHE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMaintenance3Properties}, Type{_PhysicalDeviceMaintenance3Properties}, Type{PhysicalDeviceMaintenance3Properties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_3_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMaintenance4Features}, Type{_PhysicalDeviceMaintenance4Features}, Type{PhysicalDeviceMaintenance4Features}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_4_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMaintenance4Properties}, Type{_PhysicalDeviceMaintenance4Properties}, Type{PhysicalDeviceMaintenance4Properties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_4_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutSupport}, Type{_DescriptorSetLayoutSupport}, Type{DescriptorSetLayoutSupport}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_SUPPORT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderDrawParametersFeatures}, Type{_PhysicalDeviceShaderDrawParametersFeatures}, Type{PhysicalDeviceShaderDrawParametersFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_DRAW_PARAMETERS_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderFloat16Int8Features}, Type{_PhysicalDeviceShaderFloat16Int8Features}, Type{PhysicalDeviceShaderFloat16Int8Features}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_FLOAT16_INT8_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFloatControlsProperties}, Type{_PhysicalDeviceFloatControlsProperties}, Type{PhysicalDeviceFloatControlsProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FLOAT_CONTROLS_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceHostQueryResetFeatures}, Type{_PhysicalDeviceHostQueryResetFeatures}, Type{PhysicalDeviceHostQueryResetFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_HOST_QUERY_RESET_FEATURES structure_type(@nospecialize(_::Union{Type{VkDeviceQueueGlobalPriorityCreateInfoKHR}, Type{_DeviceQueueGlobalPriorityCreateInfoKHR}, Type{DeviceQueueGlobalPriorityCreateInfoKHR}})) = VK_STRUCTURE_TYPE_DEVICE_QUEUE_GLOBAL_PRIORITY_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR}, Type{_PhysicalDeviceGlobalPriorityQueryFeaturesKHR}, Type{PhysicalDeviceGlobalPriorityQueryFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_GLOBAL_PRIORITY_QUERY_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkQueueFamilyGlobalPriorityPropertiesKHR}, Type{_QueueFamilyGlobalPriorityPropertiesKHR}, Type{QueueFamilyGlobalPriorityPropertiesKHR}})) = VK_STRUCTURE_TYPE_QUEUE_FAMILY_GLOBAL_PRIORITY_PROPERTIES_KHR structure_type(@nospecialize(_::Union{Type{VkDebugUtilsObjectNameInfoEXT}, Type{_DebugUtilsObjectNameInfoEXT}, Type{DebugUtilsObjectNameInfoEXT}})) = VK_STRUCTURE_TYPE_DEBUG_UTILS_OBJECT_NAME_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkDebugUtilsObjectTagInfoEXT}, Type{_DebugUtilsObjectTagInfoEXT}, Type{DebugUtilsObjectTagInfoEXT}})) = VK_STRUCTURE_TYPE_DEBUG_UTILS_OBJECT_TAG_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkDebugUtilsLabelEXT}, Type{_DebugUtilsLabelEXT}, Type{DebugUtilsLabelEXT}})) = VK_STRUCTURE_TYPE_DEBUG_UTILS_LABEL_EXT structure_type(@nospecialize(_::Union{Type{VkDebugUtilsMessengerCreateInfoEXT}, Type{_DebugUtilsMessengerCreateInfoEXT}, Type{DebugUtilsMessengerCreateInfoEXT}})) = VK_STRUCTURE_TYPE_DEBUG_UTILS_MESSENGER_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkDebugUtilsMessengerCallbackDataEXT}, Type{_DebugUtilsMessengerCallbackDataEXT}, Type{DebugUtilsMessengerCallbackDataEXT}})) = VK_STRUCTURE_TYPE_DEBUG_UTILS_MESSENGER_CALLBACK_DATA_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDeviceMemoryReportFeaturesEXT}, Type{_PhysicalDeviceDeviceMemoryReportFeaturesEXT}, Type{PhysicalDeviceDeviceMemoryReportFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DEVICE_MEMORY_REPORT_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkDeviceDeviceMemoryReportCreateInfoEXT}, Type{_DeviceDeviceMemoryReportCreateInfoEXT}, Type{DeviceDeviceMemoryReportCreateInfoEXT}})) = VK_STRUCTURE_TYPE_DEVICE_DEVICE_MEMORY_REPORT_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkDeviceMemoryReportCallbackDataEXT}, Type{_DeviceMemoryReportCallbackDataEXT}, Type{DeviceMemoryReportCallbackDataEXT}})) = VK_STRUCTURE_TYPE_DEVICE_MEMORY_REPORT_CALLBACK_DATA_EXT structure_type(@nospecialize(_::Union{Type{VkImportMemoryHostPointerInfoEXT}, Type{_ImportMemoryHostPointerInfoEXT}, Type{ImportMemoryHostPointerInfoEXT}})) = VK_STRUCTURE_TYPE_IMPORT_MEMORY_HOST_POINTER_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkMemoryHostPointerPropertiesEXT}, Type{_MemoryHostPointerPropertiesEXT}, Type{MemoryHostPointerPropertiesEXT}})) = VK_STRUCTURE_TYPE_MEMORY_HOST_POINTER_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalMemoryHostPropertiesEXT}, Type{_PhysicalDeviceExternalMemoryHostPropertiesEXT}, Type{PhysicalDeviceExternalMemoryHostPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_MEMORY_HOST_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceConservativeRasterizationPropertiesEXT}, Type{_PhysicalDeviceConservativeRasterizationPropertiesEXT}, Type{PhysicalDeviceConservativeRasterizationPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_CONSERVATIVE_RASTERIZATION_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkCalibratedTimestampInfoEXT}, Type{_CalibratedTimestampInfoEXT}, Type{CalibratedTimestampInfoEXT}})) = VK_STRUCTURE_TYPE_CALIBRATED_TIMESTAMP_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderCorePropertiesAMD}, Type{_PhysicalDeviceShaderCorePropertiesAMD}, Type{PhysicalDeviceShaderCorePropertiesAMD}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CORE_PROPERTIES_AMD structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderCoreProperties2AMD}, Type{_PhysicalDeviceShaderCoreProperties2AMD}, Type{PhysicalDeviceShaderCoreProperties2AMD}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CORE_PROPERTIES_2_AMD structure_type(@nospecialize(_::Union{Type{VkPipelineRasterizationConservativeStateCreateInfoEXT}, Type{_PipelineRasterizationConservativeStateCreateInfoEXT}, Type{PipelineRasterizationConservativeStateCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_RASTERIZATION_CONSERVATIVE_STATE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorIndexingFeatures}, Type{_PhysicalDeviceDescriptorIndexingFeatures}, Type{PhysicalDeviceDescriptorIndexingFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_INDEXING_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorIndexingProperties}, Type{_PhysicalDeviceDescriptorIndexingProperties}, Type{PhysicalDeviceDescriptorIndexingProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_INDEXING_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutBindingFlagsCreateInfo}, Type{_DescriptorSetLayoutBindingFlagsCreateInfo}, Type{DescriptorSetLayoutBindingFlagsCreateInfo}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_BINDING_FLAGS_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkDescriptorSetVariableDescriptorCountAllocateInfo}, Type{_DescriptorSetVariableDescriptorCountAllocateInfo}, Type{DescriptorSetVariableDescriptorCountAllocateInfo}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_SET_VARIABLE_DESCRIPTOR_COUNT_ALLOCATE_INFO structure_type(@nospecialize(_::Union{Type{VkDescriptorSetVariableDescriptorCountLayoutSupport}, Type{_DescriptorSetVariableDescriptorCountLayoutSupport}, Type{DescriptorSetVariableDescriptorCountLayoutSupport}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_SET_VARIABLE_DESCRIPTOR_COUNT_LAYOUT_SUPPORT structure_type(@nospecialize(_::Union{Type{VkAttachmentDescription2}, Type{_AttachmentDescription2}, Type{AttachmentDescription2}})) = VK_STRUCTURE_TYPE_ATTACHMENT_DESCRIPTION_2 structure_type(@nospecialize(_::Union{Type{VkAttachmentReference2}, Type{_AttachmentReference2}, Type{AttachmentReference2}})) = VK_STRUCTURE_TYPE_ATTACHMENT_REFERENCE_2 structure_type(@nospecialize(_::Union{Type{VkSubpassDescription2}, Type{_SubpassDescription2}, Type{SubpassDescription2}})) = VK_STRUCTURE_TYPE_SUBPASS_DESCRIPTION_2 structure_type(@nospecialize(_::Union{Type{VkSubpassDependency2}, Type{_SubpassDependency2}, Type{SubpassDependency2}})) = VK_STRUCTURE_TYPE_SUBPASS_DEPENDENCY_2 structure_type(@nospecialize(_::Union{Type{VkRenderPassCreateInfo2}, Type{_RenderPassCreateInfo2}, Type{RenderPassCreateInfo2}})) = VK_STRUCTURE_TYPE_RENDER_PASS_CREATE_INFO_2 structure_type(@nospecialize(_::Union{Type{VkSubpassBeginInfo}, Type{_SubpassBeginInfo}, Type{SubpassBeginInfo}})) = VK_STRUCTURE_TYPE_SUBPASS_BEGIN_INFO structure_type(@nospecialize(_::Union{Type{VkSubpassEndInfo}, Type{_SubpassEndInfo}, Type{SubpassEndInfo}})) = VK_STRUCTURE_TYPE_SUBPASS_END_INFO structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTimelineSemaphoreFeatures}, Type{_PhysicalDeviceTimelineSemaphoreFeatures}, Type{PhysicalDeviceTimelineSemaphoreFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_TIMELINE_SEMAPHORE_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTimelineSemaphoreProperties}, Type{_PhysicalDeviceTimelineSemaphoreProperties}, Type{PhysicalDeviceTimelineSemaphoreProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_TIMELINE_SEMAPHORE_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkSemaphoreTypeCreateInfo}, Type{_SemaphoreTypeCreateInfo}, Type{SemaphoreTypeCreateInfo}})) = VK_STRUCTURE_TYPE_SEMAPHORE_TYPE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkTimelineSemaphoreSubmitInfo}, Type{_TimelineSemaphoreSubmitInfo}, Type{TimelineSemaphoreSubmitInfo}})) = VK_STRUCTURE_TYPE_TIMELINE_SEMAPHORE_SUBMIT_INFO structure_type(@nospecialize(_::Union{Type{VkSemaphoreWaitInfo}, Type{_SemaphoreWaitInfo}, Type{SemaphoreWaitInfo}})) = VK_STRUCTURE_TYPE_SEMAPHORE_WAIT_INFO structure_type(@nospecialize(_::Union{Type{VkSemaphoreSignalInfo}, Type{_SemaphoreSignalInfo}, Type{SemaphoreSignalInfo}})) = VK_STRUCTURE_TYPE_SEMAPHORE_SIGNAL_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineVertexInputDivisorStateCreateInfoEXT}, Type{_PipelineVertexInputDivisorStateCreateInfoEXT}, Type{PipelineVertexInputDivisorStateCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_VERTEX_INPUT_DIVISOR_STATE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT}, Type{_PhysicalDeviceVertexAttributeDivisorPropertiesEXT}, Type{PhysicalDeviceVertexAttributeDivisorPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_VERTEX_ATTRIBUTE_DIVISOR_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePCIBusInfoPropertiesEXT}, Type{_PhysicalDevicePCIBusInfoPropertiesEXT}, Type{PhysicalDevicePCIBusInfoPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PCI_BUS_INFO_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceConditionalRenderingInfoEXT}, Type{_CommandBufferInheritanceConditionalRenderingInfoEXT}, Type{CommandBufferInheritanceConditionalRenderingInfoEXT}})) = VK_STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_CONDITIONAL_RENDERING_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDevice8BitStorageFeatures}, Type{_PhysicalDevice8BitStorageFeatures}, Type{PhysicalDevice8BitStorageFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_8BIT_STORAGE_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceConditionalRenderingFeaturesEXT}, Type{_PhysicalDeviceConditionalRenderingFeaturesEXT}, Type{PhysicalDeviceConditionalRenderingFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_CONDITIONAL_RENDERING_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkanMemoryModelFeatures}, Type{_PhysicalDeviceVulkanMemoryModelFeatures}, Type{PhysicalDeviceVulkanMemoryModelFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_MEMORY_MODEL_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderAtomicInt64Features}, Type{_PhysicalDeviceShaderAtomicInt64Features}, Type{PhysicalDeviceShaderAtomicInt64Features}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_ATOMIC_INT64_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderAtomicFloatFeaturesEXT}, Type{_PhysicalDeviceShaderAtomicFloatFeaturesEXT}, Type{PhysicalDeviceShaderAtomicFloatFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_ATOMIC_FLOAT_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT}, Type{_PhysicalDeviceShaderAtomicFloat2FeaturesEXT}, Type{PhysicalDeviceShaderAtomicFloat2FeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_ATOMIC_FLOAT_2_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT}, Type{_PhysicalDeviceVertexAttributeDivisorFeaturesEXT}, Type{PhysicalDeviceVertexAttributeDivisorFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_VERTEX_ATTRIBUTE_DIVISOR_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkQueueFamilyCheckpointPropertiesNV}, Type{_QueueFamilyCheckpointPropertiesNV}, Type{QueueFamilyCheckpointPropertiesNV}})) = VK_STRUCTURE_TYPE_QUEUE_FAMILY_CHECKPOINT_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkCheckpointDataNV}, Type{_CheckpointDataNV}, Type{CheckpointDataNV}})) = VK_STRUCTURE_TYPE_CHECKPOINT_DATA_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDepthStencilResolveProperties}, Type{_PhysicalDeviceDepthStencilResolveProperties}, Type{PhysicalDeviceDepthStencilResolveProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_STENCIL_RESOLVE_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkSubpassDescriptionDepthStencilResolve}, Type{_SubpassDescriptionDepthStencilResolve}, Type{SubpassDescriptionDepthStencilResolve}})) = VK_STRUCTURE_TYPE_SUBPASS_DESCRIPTION_DEPTH_STENCIL_RESOLVE structure_type(@nospecialize(_::Union{Type{VkImageViewASTCDecodeModeEXT}, Type{_ImageViewASTCDecodeModeEXT}, Type{ImageViewASTCDecodeModeEXT}})) = VK_STRUCTURE_TYPE_IMAGE_VIEW_ASTC_DECODE_MODE_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceASTCDecodeFeaturesEXT}, Type{_PhysicalDeviceASTCDecodeFeaturesEXT}, Type{PhysicalDeviceASTCDecodeFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_ASTC_DECODE_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTransformFeedbackFeaturesEXT}, Type{_PhysicalDeviceTransformFeedbackFeaturesEXT}, Type{PhysicalDeviceTransformFeedbackFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_TRANSFORM_FEEDBACK_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTransformFeedbackPropertiesEXT}, Type{_PhysicalDeviceTransformFeedbackPropertiesEXT}, Type{PhysicalDeviceTransformFeedbackPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_TRANSFORM_FEEDBACK_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineRasterizationStateStreamCreateInfoEXT}, Type{_PipelineRasterizationStateStreamCreateInfoEXT}, Type{PipelineRasterizationStateStreamCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_RASTERIZATION_STATE_STREAM_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV}, Type{_PhysicalDeviceRepresentativeFragmentTestFeaturesNV}, Type{PhysicalDeviceRepresentativeFragmentTestFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_REPRESENTATIVE_FRAGMENT_TEST_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPipelineRepresentativeFragmentTestStateCreateInfoNV}, Type{_PipelineRepresentativeFragmentTestStateCreateInfoNV}, Type{PipelineRepresentativeFragmentTestStateCreateInfoNV}})) = VK_STRUCTURE_TYPE_PIPELINE_REPRESENTATIVE_FRAGMENT_TEST_STATE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExclusiveScissorFeaturesNV}, Type{_PhysicalDeviceExclusiveScissorFeaturesNV}, Type{PhysicalDeviceExclusiveScissorFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_EXCLUSIVE_SCISSOR_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPipelineViewportExclusiveScissorStateCreateInfoNV}, Type{_PipelineViewportExclusiveScissorStateCreateInfoNV}, Type{PipelineViewportExclusiveScissorStateCreateInfoNV}})) = VK_STRUCTURE_TYPE_PIPELINE_VIEWPORT_EXCLUSIVE_SCISSOR_STATE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCornerSampledImageFeaturesNV}, Type{_PhysicalDeviceCornerSampledImageFeaturesNV}, Type{PhysicalDeviceCornerSampledImageFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_CORNER_SAMPLED_IMAGE_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceComputeShaderDerivativesFeaturesNV}, Type{_PhysicalDeviceComputeShaderDerivativesFeaturesNV}, Type{PhysicalDeviceComputeShaderDerivativesFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_COMPUTE_SHADER_DERIVATIVES_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderImageFootprintFeaturesNV}, Type{_PhysicalDeviceShaderImageFootprintFeaturesNV}, Type{PhysicalDeviceShaderImageFootprintFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_IMAGE_FOOTPRINT_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV}, Type{_PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV}, Type{PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DEDICATED_ALLOCATION_IMAGE_ALIASING_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCopyMemoryIndirectFeaturesNV}, Type{_PhysicalDeviceCopyMemoryIndirectFeaturesNV}, Type{PhysicalDeviceCopyMemoryIndirectFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_COPY_MEMORY_INDIRECT_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCopyMemoryIndirectPropertiesNV}, Type{_PhysicalDeviceCopyMemoryIndirectPropertiesNV}, Type{PhysicalDeviceCopyMemoryIndirectPropertiesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_COPY_MEMORY_INDIRECT_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryDecompressionFeaturesNV}, Type{_PhysicalDeviceMemoryDecompressionFeaturesNV}, Type{PhysicalDeviceMemoryDecompressionFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_DECOMPRESSION_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryDecompressionPropertiesNV}, Type{_PhysicalDeviceMemoryDecompressionPropertiesNV}, Type{PhysicalDeviceMemoryDecompressionPropertiesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_DECOMPRESSION_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkPipelineViewportShadingRateImageStateCreateInfoNV}, Type{_PipelineViewportShadingRateImageStateCreateInfoNV}, Type{PipelineViewportShadingRateImageStateCreateInfoNV}})) = VK_STRUCTURE_TYPE_PIPELINE_VIEWPORT_SHADING_RATE_IMAGE_STATE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShadingRateImageFeaturesNV}, Type{_PhysicalDeviceShadingRateImageFeaturesNV}, Type{PhysicalDeviceShadingRateImageFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADING_RATE_IMAGE_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShadingRateImagePropertiesNV}, Type{_PhysicalDeviceShadingRateImagePropertiesNV}, Type{PhysicalDeviceShadingRateImagePropertiesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADING_RATE_IMAGE_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceInvocationMaskFeaturesHUAWEI}, Type{_PhysicalDeviceInvocationMaskFeaturesHUAWEI}, Type{PhysicalDeviceInvocationMaskFeaturesHUAWEI}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_INVOCATION_MASK_FEATURES_HUAWEI structure_type(@nospecialize(_::Union{Type{VkPipelineViewportCoarseSampleOrderStateCreateInfoNV}, Type{_PipelineViewportCoarseSampleOrderStateCreateInfoNV}, Type{PipelineViewportCoarseSampleOrderStateCreateInfoNV}})) = VK_STRUCTURE_TYPE_PIPELINE_VIEWPORT_COARSE_SAMPLE_ORDER_STATE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMeshShaderFeaturesNV}, Type{_PhysicalDeviceMeshShaderFeaturesNV}, Type{PhysicalDeviceMeshShaderFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MESH_SHADER_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMeshShaderPropertiesNV}, Type{_PhysicalDeviceMeshShaderPropertiesNV}, Type{PhysicalDeviceMeshShaderPropertiesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MESH_SHADER_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMeshShaderFeaturesEXT}, Type{_PhysicalDeviceMeshShaderFeaturesEXT}, Type{PhysicalDeviceMeshShaderFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MESH_SHADER_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMeshShaderPropertiesEXT}, Type{_PhysicalDeviceMeshShaderPropertiesEXT}, Type{PhysicalDeviceMeshShaderPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MESH_SHADER_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkRayTracingShaderGroupCreateInfoNV}, Type{_RayTracingShaderGroupCreateInfoNV}, Type{RayTracingShaderGroupCreateInfoNV}})) = VK_STRUCTURE_TYPE_RAY_TRACING_SHADER_GROUP_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkRayTracingShaderGroupCreateInfoKHR}, Type{_RayTracingShaderGroupCreateInfoKHR}, Type{RayTracingShaderGroupCreateInfoKHR}})) = VK_STRUCTURE_TYPE_RAY_TRACING_SHADER_GROUP_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkRayTracingPipelineCreateInfoNV}, Type{_RayTracingPipelineCreateInfoNV}, Type{RayTracingPipelineCreateInfoNV}})) = VK_STRUCTURE_TYPE_RAY_TRACING_PIPELINE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkRayTracingPipelineCreateInfoKHR}, Type{_RayTracingPipelineCreateInfoKHR}, Type{RayTracingPipelineCreateInfoKHR}})) = VK_STRUCTURE_TYPE_RAY_TRACING_PIPELINE_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkGeometryTrianglesNV}, Type{_GeometryTrianglesNV}, Type{GeometryTrianglesNV}})) = VK_STRUCTURE_TYPE_GEOMETRY_TRIANGLES_NV structure_type(@nospecialize(_::Union{Type{VkGeometryAABBNV}, Type{_GeometryAABBNV}, Type{GeometryAABBNV}})) = VK_STRUCTURE_TYPE_GEOMETRY_AABB_NV structure_type(@nospecialize(_::Union{Type{VkGeometryNV}, Type{_GeometryNV}, Type{GeometryNV}})) = VK_STRUCTURE_TYPE_GEOMETRY_NV structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureInfoNV}, Type{_AccelerationStructureInfoNV}, Type{AccelerationStructureInfoNV}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureCreateInfoNV}, Type{_AccelerationStructureCreateInfoNV}, Type{AccelerationStructureCreateInfoNV}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkBindAccelerationStructureMemoryInfoNV}, Type{_BindAccelerationStructureMemoryInfoNV}, Type{BindAccelerationStructureMemoryInfoNV}})) = VK_STRUCTURE_TYPE_BIND_ACCELERATION_STRUCTURE_MEMORY_INFO_NV structure_type(@nospecialize(_::Union{Type{VkWriteDescriptorSetAccelerationStructureKHR}, Type{_WriteDescriptorSetAccelerationStructureKHR}, Type{WriteDescriptorSetAccelerationStructureKHR}})) = VK_STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET_ACCELERATION_STRUCTURE_KHR structure_type(@nospecialize(_::Union{Type{VkWriteDescriptorSetAccelerationStructureNV}, Type{_WriteDescriptorSetAccelerationStructureNV}, Type{WriteDescriptorSetAccelerationStructureNV}})) = VK_STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET_ACCELERATION_STRUCTURE_NV structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureMemoryRequirementsInfoNV}, Type{_AccelerationStructureMemoryRequirementsInfoNV}, Type{AccelerationStructureMemoryRequirementsInfoNV}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_MEMORY_REQUIREMENTS_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAccelerationStructureFeaturesKHR}, Type{_PhysicalDeviceAccelerationStructureFeaturesKHR}, Type{PhysicalDeviceAccelerationStructureFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_ACCELERATION_STRUCTURE_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingPipelineFeaturesKHR}, Type{_PhysicalDeviceRayTracingPipelineFeaturesKHR}, Type{PhysicalDeviceRayTracingPipelineFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_PIPELINE_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayQueryFeaturesKHR}, Type{_PhysicalDeviceRayQueryFeaturesKHR}, Type{PhysicalDeviceRayQueryFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_QUERY_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAccelerationStructurePropertiesKHR}, Type{_PhysicalDeviceAccelerationStructurePropertiesKHR}, Type{PhysicalDeviceAccelerationStructurePropertiesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_ACCELERATION_STRUCTURE_PROPERTIES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingPipelinePropertiesKHR}, Type{_PhysicalDeviceRayTracingPipelinePropertiesKHR}, Type{PhysicalDeviceRayTracingPipelinePropertiesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_PIPELINE_PROPERTIES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingPropertiesNV}, Type{_PhysicalDeviceRayTracingPropertiesNV}, Type{PhysicalDeviceRayTracingPropertiesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR}, Type{_PhysicalDeviceRayTracingMaintenance1FeaturesKHR}, Type{PhysicalDeviceRayTracingMaintenance1FeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_MAINTENANCE_1_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkDrmFormatModifierPropertiesListEXT}, Type{_DrmFormatModifierPropertiesListEXT}, Type{DrmFormatModifierPropertiesListEXT}})) = VK_STRUCTURE_TYPE_DRM_FORMAT_MODIFIER_PROPERTIES_LIST_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageDrmFormatModifierInfoEXT}, Type{_PhysicalDeviceImageDrmFormatModifierInfoEXT}, Type{PhysicalDeviceImageDrmFormatModifierInfoEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_DRM_FORMAT_MODIFIER_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkImageDrmFormatModifierListCreateInfoEXT}, Type{_ImageDrmFormatModifierListCreateInfoEXT}, Type{ImageDrmFormatModifierListCreateInfoEXT}})) = VK_STRUCTURE_TYPE_IMAGE_DRM_FORMAT_MODIFIER_LIST_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkImageDrmFormatModifierExplicitCreateInfoEXT}, Type{_ImageDrmFormatModifierExplicitCreateInfoEXT}, Type{ImageDrmFormatModifierExplicitCreateInfoEXT}})) = VK_STRUCTURE_TYPE_IMAGE_DRM_FORMAT_MODIFIER_EXPLICIT_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkImageDrmFormatModifierPropertiesEXT}, Type{_ImageDrmFormatModifierPropertiesEXT}, Type{ImageDrmFormatModifierPropertiesEXT}})) = VK_STRUCTURE_TYPE_IMAGE_DRM_FORMAT_MODIFIER_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkImageStencilUsageCreateInfo}, Type{_ImageStencilUsageCreateInfo}, Type{ImageStencilUsageCreateInfo}})) = VK_STRUCTURE_TYPE_IMAGE_STENCIL_USAGE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkDeviceMemoryOverallocationCreateInfoAMD}, Type{_DeviceMemoryOverallocationCreateInfoAMD}, Type{DeviceMemoryOverallocationCreateInfoAMD}})) = VK_STRUCTURE_TYPE_DEVICE_MEMORY_OVERALLOCATION_CREATE_INFO_AMD structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMapFeaturesEXT}, Type{_PhysicalDeviceFragmentDensityMapFeaturesEXT}, Type{PhysicalDeviceFragmentDensityMapFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMap2FeaturesEXT}, Type{_PhysicalDeviceFragmentDensityMap2FeaturesEXT}, Type{PhysicalDeviceFragmentDensityMap2FeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_2_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM}, Type{_PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM}, Type{PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_OFFSET_FEATURES_QCOM structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMapPropertiesEXT}, Type{_PhysicalDeviceFragmentDensityMapPropertiesEXT}, Type{PhysicalDeviceFragmentDensityMapPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMap2PropertiesEXT}, Type{_PhysicalDeviceFragmentDensityMap2PropertiesEXT}, Type{PhysicalDeviceFragmentDensityMap2PropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_2_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM}, Type{_PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM}, Type{PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_OFFSET_PROPERTIES_QCOM structure_type(@nospecialize(_::Union{Type{VkRenderPassFragmentDensityMapCreateInfoEXT}, Type{_RenderPassFragmentDensityMapCreateInfoEXT}, Type{RenderPassFragmentDensityMapCreateInfoEXT}})) = VK_STRUCTURE_TYPE_RENDER_PASS_FRAGMENT_DENSITY_MAP_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkSubpassFragmentDensityMapOffsetEndInfoQCOM}, Type{_SubpassFragmentDensityMapOffsetEndInfoQCOM}, Type{SubpassFragmentDensityMapOffsetEndInfoQCOM}})) = VK_STRUCTURE_TYPE_SUBPASS_FRAGMENT_DENSITY_MAP_OFFSET_END_INFO_QCOM structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceScalarBlockLayoutFeatures}, Type{_PhysicalDeviceScalarBlockLayoutFeatures}, Type{PhysicalDeviceScalarBlockLayoutFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SCALAR_BLOCK_LAYOUT_FEATURES structure_type(@nospecialize(_::Union{Type{VkSurfaceProtectedCapabilitiesKHR}, Type{_SurfaceProtectedCapabilitiesKHR}, Type{SurfaceProtectedCapabilitiesKHR}})) = VK_STRUCTURE_TYPE_SURFACE_PROTECTED_CAPABILITIES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceUniformBufferStandardLayoutFeatures}, Type{_PhysicalDeviceUniformBufferStandardLayoutFeatures}, Type{PhysicalDeviceUniformBufferStandardLayoutFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_UNIFORM_BUFFER_STANDARD_LAYOUT_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDepthClipEnableFeaturesEXT}, Type{_PhysicalDeviceDepthClipEnableFeaturesEXT}, Type{PhysicalDeviceDepthClipEnableFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_CLIP_ENABLE_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineRasterizationDepthClipStateCreateInfoEXT}, Type{_PipelineRasterizationDepthClipStateCreateInfoEXT}, Type{PipelineRasterizationDepthClipStateCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_RASTERIZATION_DEPTH_CLIP_STATE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryBudgetPropertiesEXT}, Type{_PhysicalDeviceMemoryBudgetPropertiesEXT}, Type{PhysicalDeviceMemoryBudgetPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_BUDGET_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryPriorityFeaturesEXT}, Type{_PhysicalDeviceMemoryPriorityFeaturesEXT}, Type{PhysicalDeviceMemoryPriorityFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_PRIORITY_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkMemoryPriorityAllocateInfoEXT}, Type{_MemoryPriorityAllocateInfoEXT}, Type{MemoryPriorityAllocateInfoEXT}})) = VK_STRUCTURE_TYPE_MEMORY_PRIORITY_ALLOCATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT}, Type{_PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT}, Type{PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PAGEABLE_DEVICE_LOCAL_MEMORY_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBufferDeviceAddressFeatures}, Type{_PhysicalDeviceBufferDeviceAddressFeatures}, Type{PhysicalDeviceBufferDeviceAddressFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_BUFFER_DEVICE_ADDRESS_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBufferDeviceAddressFeaturesEXT}, Type{_PhysicalDeviceBufferDeviceAddressFeaturesEXT}, Type{PhysicalDeviceBufferDeviceAddressFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_BUFFER_DEVICE_ADDRESS_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkBufferDeviceAddressInfo}, Type{_BufferDeviceAddressInfo}, Type{BufferDeviceAddressInfo}})) = VK_STRUCTURE_TYPE_BUFFER_DEVICE_ADDRESS_INFO structure_type(@nospecialize(_::Union{Type{VkBufferOpaqueCaptureAddressCreateInfo}, Type{_BufferOpaqueCaptureAddressCreateInfo}, Type{BufferOpaqueCaptureAddressCreateInfo}})) = VK_STRUCTURE_TYPE_BUFFER_OPAQUE_CAPTURE_ADDRESS_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkBufferDeviceAddressCreateInfoEXT}, Type{_BufferDeviceAddressCreateInfoEXT}, Type{BufferDeviceAddressCreateInfoEXT}})) = VK_STRUCTURE_TYPE_BUFFER_DEVICE_ADDRESS_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageViewImageFormatInfoEXT}, Type{_PhysicalDeviceImageViewImageFormatInfoEXT}, Type{PhysicalDeviceImageViewImageFormatInfoEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_VIEW_IMAGE_FORMAT_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkFilterCubicImageViewImageFormatPropertiesEXT}, Type{_FilterCubicImageViewImageFormatPropertiesEXT}, Type{FilterCubicImageViewImageFormatPropertiesEXT}})) = VK_STRUCTURE_TYPE_FILTER_CUBIC_IMAGE_VIEW_IMAGE_FORMAT_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImagelessFramebufferFeatures}, Type{_PhysicalDeviceImagelessFramebufferFeatures}, Type{PhysicalDeviceImagelessFramebufferFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGELESS_FRAMEBUFFER_FEATURES structure_type(@nospecialize(_::Union{Type{VkFramebufferAttachmentsCreateInfo}, Type{_FramebufferAttachmentsCreateInfo}, Type{FramebufferAttachmentsCreateInfo}})) = VK_STRUCTURE_TYPE_FRAMEBUFFER_ATTACHMENTS_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkFramebufferAttachmentImageInfo}, Type{_FramebufferAttachmentImageInfo}, Type{FramebufferAttachmentImageInfo}})) = VK_STRUCTURE_TYPE_FRAMEBUFFER_ATTACHMENT_IMAGE_INFO structure_type(@nospecialize(_::Union{Type{VkRenderPassAttachmentBeginInfo}, Type{_RenderPassAttachmentBeginInfo}, Type{RenderPassAttachmentBeginInfo}})) = VK_STRUCTURE_TYPE_RENDER_PASS_ATTACHMENT_BEGIN_INFO structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTextureCompressionASTCHDRFeatures}, Type{_PhysicalDeviceTextureCompressionASTCHDRFeatures}, Type{PhysicalDeviceTextureCompressionASTCHDRFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXTURE_COMPRESSION_ASTC_HDR_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCooperativeMatrixFeaturesNV}, Type{_PhysicalDeviceCooperativeMatrixFeaturesNV}, Type{PhysicalDeviceCooperativeMatrixFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_COOPERATIVE_MATRIX_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCooperativeMatrixPropertiesNV}, Type{_PhysicalDeviceCooperativeMatrixPropertiesNV}, Type{PhysicalDeviceCooperativeMatrixPropertiesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_COOPERATIVE_MATRIX_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkCooperativeMatrixPropertiesNV}, Type{_CooperativeMatrixPropertiesNV}, Type{CooperativeMatrixPropertiesNV}})) = VK_STRUCTURE_TYPE_COOPERATIVE_MATRIX_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceYcbcrImageArraysFeaturesEXT}, Type{_PhysicalDeviceYcbcrImageArraysFeaturesEXT}, Type{PhysicalDeviceYcbcrImageArraysFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_YCBCR_IMAGE_ARRAYS_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkImageViewHandleInfoNVX}, Type{_ImageViewHandleInfoNVX}, Type{ImageViewHandleInfoNVX}})) = VK_STRUCTURE_TYPE_IMAGE_VIEW_HANDLE_INFO_NVX structure_type(@nospecialize(_::Union{Type{VkImageViewAddressPropertiesNVX}, Type{_ImageViewAddressPropertiesNVX}, Type{ImageViewAddressPropertiesNVX}})) = VK_STRUCTURE_TYPE_IMAGE_VIEW_ADDRESS_PROPERTIES_NVX structure_type(@nospecialize(_::Union{Type{VkPipelineCreationFeedbackCreateInfo}, Type{_PipelineCreationFeedbackCreateInfo}, Type{PipelineCreationFeedbackCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_CREATION_FEEDBACK_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePresentBarrierFeaturesNV}, Type{_PhysicalDevicePresentBarrierFeaturesNV}, Type{PhysicalDevicePresentBarrierFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PRESENT_BARRIER_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkSurfaceCapabilitiesPresentBarrierNV}, Type{_SurfaceCapabilitiesPresentBarrierNV}, Type{SurfaceCapabilitiesPresentBarrierNV}})) = VK_STRUCTURE_TYPE_SURFACE_CAPABILITIES_PRESENT_BARRIER_NV structure_type(@nospecialize(_::Union{Type{VkSwapchainPresentBarrierCreateInfoNV}, Type{_SwapchainPresentBarrierCreateInfoNV}, Type{SwapchainPresentBarrierCreateInfoNV}})) = VK_STRUCTURE_TYPE_SWAPCHAIN_PRESENT_BARRIER_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePerformanceQueryFeaturesKHR}, Type{_PhysicalDevicePerformanceQueryFeaturesKHR}, Type{PhysicalDevicePerformanceQueryFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PERFORMANCE_QUERY_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePerformanceQueryPropertiesKHR}, Type{_PhysicalDevicePerformanceQueryPropertiesKHR}, Type{PhysicalDevicePerformanceQueryPropertiesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PERFORMANCE_QUERY_PROPERTIES_KHR structure_type(@nospecialize(_::Union{Type{VkPerformanceCounterKHR}, Type{_PerformanceCounterKHR}, Type{PerformanceCounterKHR}})) = VK_STRUCTURE_TYPE_PERFORMANCE_COUNTER_KHR structure_type(@nospecialize(_::Union{Type{VkPerformanceCounterDescriptionKHR}, Type{_PerformanceCounterDescriptionKHR}, Type{PerformanceCounterDescriptionKHR}})) = VK_STRUCTURE_TYPE_PERFORMANCE_COUNTER_DESCRIPTION_KHR structure_type(@nospecialize(_::Union{Type{VkQueryPoolPerformanceCreateInfoKHR}, Type{_QueryPoolPerformanceCreateInfoKHR}, Type{QueryPoolPerformanceCreateInfoKHR}})) = VK_STRUCTURE_TYPE_QUERY_POOL_PERFORMANCE_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkAcquireProfilingLockInfoKHR}, Type{_AcquireProfilingLockInfoKHR}, Type{AcquireProfilingLockInfoKHR}})) = VK_STRUCTURE_TYPE_ACQUIRE_PROFILING_LOCK_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPerformanceQuerySubmitInfoKHR}, Type{_PerformanceQuerySubmitInfoKHR}, Type{PerformanceQuerySubmitInfoKHR}})) = VK_STRUCTURE_TYPE_PERFORMANCE_QUERY_SUBMIT_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkHeadlessSurfaceCreateInfoEXT}, Type{_HeadlessSurfaceCreateInfoEXT}, Type{HeadlessSurfaceCreateInfoEXT}})) = VK_STRUCTURE_TYPE_HEADLESS_SURFACE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCoverageReductionModeFeaturesNV}, Type{_PhysicalDeviceCoverageReductionModeFeaturesNV}, Type{PhysicalDeviceCoverageReductionModeFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_COVERAGE_REDUCTION_MODE_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPipelineCoverageReductionStateCreateInfoNV}, Type{_PipelineCoverageReductionStateCreateInfoNV}, Type{PipelineCoverageReductionStateCreateInfoNV}})) = VK_STRUCTURE_TYPE_PIPELINE_COVERAGE_REDUCTION_STATE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkFramebufferMixedSamplesCombinationNV}, Type{_FramebufferMixedSamplesCombinationNV}, Type{FramebufferMixedSamplesCombinationNV}})) = VK_STRUCTURE_TYPE_FRAMEBUFFER_MIXED_SAMPLES_COMBINATION_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL}, Type{_PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL}, Type{PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_FUNCTIONS_2_FEATURES_INTEL structure_type(@nospecialize(_::Union{Type{VkInitializePerformanceApiInfoINTEL}, Type{_InitializePerformanceApiInfoINTEL}, Type{InitializePerformanceApiInfoINTEL}})) = VK_STRUCTURE_TYPE_INITIALIZE_PERFORMANCE_API_INFO_INTEL structure_type(@nospecialize(_::Union{Type{VkQueryPoolPerformanceQueryCreateInfoINTEL}, Type{_QueryPoolPerformanceQueryCreateInfoINTEL}, Type{QueryPoolPerformanceQueryCreateInfoINTEL}})) = VK_STRUCTURE_TYPE_QUERY_POOL_PERFORMANCE_QUERY_CREATE_INFO_INTEL structure_type(@nospecialize(_::Union{Type{VkPerformanceMarkerInfoINTEL}, Type{_PerformanceMarkerInfoINTEL}, Type{PerformanceMarkerInfoINTEL}})) = VK_STRUCTURE_TYPE_PERFORMANCE_MARKER_INFO_INTEL structure_type(@nospecialize(_::Union{Type{VkPerformanceStreamMarkerInfoINTEL}, Type{_PerformanceStreamMarkerInfoINTEL}, Type{PerformanceStreamMarkerInfoINTEL}})) = VK_STRUCTURE_TYPE_PERFORMANCE_STREAM_MARKER_INFO_INTEL structure_type(@nospecialize(_::Union{Type{VkPerformanceOverrideInfoINTEL}, Type{_PerformanceOverrideInfoINTEL}, Type{PerformanceOverrideInfoINTEL}})) = VK_STRUCTURE_TYPE_PERFORMANCE_OVERRIDE_INFO_INTEL structure_type(@nospecialize(_::Union{Type{VkPerformanceConfigurationAcquireInfoINTEL}, Type{_PerformanceConfigurationAcquireInfoINTEL}, Type{PerformanceConfigurationAcquireInfoINTEL}})) = VK_STRUCTURE_TYPE_PERFORMANCE_CONFIGURATION_ACQUIRE_INFO_INTEL structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderClockFeaturesKHR}, Type{_PhysicalDeviceShaderClockFeaturesKHR}, Type{PhysicalDeviceShaderClockFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CLOCK_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceIndexTypeUint8FeaturesEXT}, Type{_PhysicalDeviceIndexTypeUint8FeaturesEXT}, Type{PhysicalDeviceIndexTypeUint8FeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_INDEX_TYPE_UINT8_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderSMBuiltinsPropertiesNV}, Type{_PhysicalDeviceShaderSMBuiltinsPropertiesNV}, Type{PhysicalDeviceShaderSMBuiltinsPropertiesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SM_BUILTINS_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderSMBuiltinsFeaturesNV}, Type{_PhysicalDeviceShaderSMBuiltinsFeaturesNV}, Type{PhysicalDeviceShaderSMBuiltinsFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SM_BUILTINS_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT}, Type{_PhysicalDeviceFragmentShaderInterlockFeaturesEXT}, Type{PhysicalDeviceFragmentShaderInterlockFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADER_INTERLOCK_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures}, Type{_PhysicalDeviceSeparateDepthStencilLayoutsFeatures}, Type{PhysicalDeviceSeparateDepthStencilLayoutsFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SEPARATE_DEPTH_STENCIL_LAYOUTS_FEATURES structure_type(@nospecialize(_::Union{Type{VkAttachmentReferenceStencilLayout}, Type{_AttachmentReferenceStencilLayout}, Type{AttachmentReferenceStencilLayout}})) = VK_STRUCTURE_TYPE_ATTACHMENT_REFERENCE_STENCIL_LAYOUT structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT}, Type{_PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT}, Type{PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PRIMITIVE_TOPOLOGY_LIST_RESTART_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkAttachmentDescriptionStencilLayout}, Type{_AttachmentDescriptionStencilLayout}, Type{AttachmentDescriptionStencilLayout}})) = VK_STRUCTURE_TYPE_ATTACHMENT_DESCRIPTION_STENCIL_LAYOUT structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR}, Type{_PhysicalDevicePipelineExecutablePropertiesFeaturesKHR}, Type{PhysicalDevicePipelineExecutablePropertiesFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_EXECUTABLE_PROPERTIES_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkPipelineInfoKHR}, Type{_PipelineInfoKHR}, Type{PipelineInfoKHR}})) = VK_STRUCTURE_TYPE_PIPELINE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPipelineExecutablePropertiesKHR}, Type{_PipelineExecutablePropertiesKHR}, Type{PipelineExecutablePropertiesKHR}})) = VK_STRUCTURE_TYPE_PIPELINE_EXECUTABLE_PROPERTIES_KHR structure_type(@nospecialize(_::Union{Type{VkPipelineExecutableInfoKHR}, Type{_PipelineExecutableInfoKHR}, Type{PipelineExecutableInfoKHR}})) = VK_STRUCTURE_TYPE_PIPELINE_EXECUTABLE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPipelineExecutableStatisticKHR}, Type{_PipelineExecutableStatisticKHR}, Type{PipelineExecutableStatisticKHR}})) = VK_STRUCTURE_TYPE_PIPELINE_EXECUTABLE_STATISTIC_KHR structure_type(@nospecialize(_::Union{Type{VkPipelineExecutableInternalRepresentationKHR}, Type{_PipelineExecutableInternalRepresentationKHR}, Type{PipelineExecutableInternalRepresentationKHR}})) = VK_STRUCTURE_TYPE_PIPELINE_EXECUTABLE_INTERNAL_REPRESENTATION_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures}, Type{_PhysicalDeviceShaderDemoteToHelperInvocationFeatures}, Type{PhysicalDeviceShaderDemoteToHelperInvocationFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_DEMOTE_TO_HELPER_INVOCATION_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT}, Type{_PhysicalDeviceTexelBufferAlignmentFeaturesEXT}, Type{PhysicalDeviceTexelBufferAlignmentFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXEL_BUFFER_ALIGNMENT_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTexelBufferAlignmentProperties}, Type{_PhysicalDeviceTexelBufferAlignmentProperties}, Type{PhysicalDeviceTexelBufferAlignmentProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXEL_BUFFER_ALIGNMENT_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubgroupSizeControlFeatures}, Type{_PhysicalDeviceSubgroupSizeControlFeatures}, Type{PhysicalDeviceSubgroupSizeControlFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_SIZE_CONTROL_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubgroupSizeControlProperties}, Type{_PhysicalDeviceSubgroupSizeControlProperties}, Type{PhysicalDeviceSubgroupSizeControlProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_SIZE_CONTROL_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkPipelineShaderStageRequiredSubgroupSizeCreateInfo}, Type{_PipelineShaderStageRequiredSubgroupSizeCreateInfo}, Type{PipelineShaderStageRequiredSubgroupSizeCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_SHADER_STAGE_REQUIRED_SUBGROUP_SIZE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkSubpassShadingPipelineCreateInfoHUAWEI}, Type{_SubpassShadingPipelineCreateInfoHUAWEI}, Type{SubpassShadingPipelineCreateInfoHUAWEI}})) = VK_STRUCTURE_TYPE_SUBPASS_SHADING_PIPELINE_CREATE_INFO_HUAWEI structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubpassShadingPropertiesHUAWEI}, Type{_PhysicalDeviceSubpassShadingPropertiesHUAWEI}, Type{PhysicalDeviceSubpassShadingPropertiesHUAWEI}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBPASS_SHADING_PROPERTIES_HUAWEI structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI}, Type{_PhysicalDeviceClusterCullingShaderPropertiesHUAWEI}, Type{PhysicalDeviceClusterCullingShaderPropertiesHUAWEI}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_CLUSTER_CULLING_SHADER_PROPERTIES_HUAWEI structure_type(@nospecialize(_::Union{Type{VkMemoryOpaqueCaptureAddressAllocateInfo}, Type{_MemoryOpaqueCaptureAddressAllocateInfo}, Type{MemoryOpaqueCaptureAddressAllocateInfo}})) = VK_STRUCTURE_TYPE_MEMORY_OPAQUE_CAPTURE_ADDRESS_ALLOCATE_INFO structure_type(@nospecialize(_::Union{Type{VkDeviceMemoryOpaqueCaptureAddressInfo}, Type{_DeviceMemoryOpaqueCaptureAddressInfo}, Type{DeviceMemoryOpaqueCaptureAddressInfo}})) = VK_STRUCTURE_TYPE_DEVICE_MEMORY_OPAQUE_CAPTURE_ADDRESS_INFO structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLineRasterizationFeaturesEXT}, Type{_PhysicalDeviceLineRasterizationFeaturesEXT}, Type{PhysicalDeviceLineRasterizationFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_LINE_RASTERIZATION_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLineRasterizationPropertiesEXT}, Type{_PhysicalDeviceLineRasterizationPropertiesEXT}, Type{PhysicalDeviceLineRasterizationPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_LINE_RASTERIZATION_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineRasterizationLineStateCreateInfoEXT}, Type{_PipelineRasterizationLineStateCreateInfoEXT}, Type{PipelineRasterizationLineStateCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_RASTERIZATION_LINE_STATE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineCreationCacheControlFeatures}, Type{_PhysicalDevicePipelineCreationCacheControlFeatures}, Type{PhysicalDevicePipelineCreationCacheControlFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_CREATION_CACHE_CONTROL_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan11Features}, Type{_PhysicalDeviceVulkan11Features}, Type{PhysicalDeviceVulkan11Features}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_1_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan11Properties}, Type{_PhysicalDeviceVulkan11Properties}, Type{PhysicalDeviceVulkan11Properties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_1_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan12Features}, Type{_PhysicalDeviceVulkan12Features}, Type{PhysicalDeviceVulkan12Features}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_2_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan12Properties}, Type{_PhysicalDeviceVulkan12Properties}, Type{PhysicalDeviceVulkan12Properties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_2_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan13Features}, Type{_PhysicalDeviceVulkan13Features}, Type{PhysicalDeviceVulkan13Features}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_3_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan13Properties}, Type{_PhysicalDeviceVulkan13Properties}, Type{PhysicalDeviceVulkan13Properties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_3_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkPipelineCompilerControlCreateInfoAMD}, Type{_PipelineCompilerControlCreateInfoAMD}, Type{PipelineCompilerControlCreateInfoAMD}})) = VK_STRUCTURE_TYPE_PIPELINE_COMPILER_CONTROL_CREATE_INFO_AMD structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCoherentMemoryFeaturesAMD}, Type{_PhysicalDeviceCoherentMemoryFeaturesAMD}, Type{PhysicalDeviceCoherentMemoryFeaturesAMD}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_COHERENT_MEMORY_FEATURES_AMD structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceToolProperties}, Type{_PhysicalDeviceToolProperties}, Type{PhysicalDeviceToolProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_TOOL_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkSamplerCustomBorderColorCreateInfoEXT}, Type{_SamplerCustomBorderColorCreateInfoEXT}, Type{SamplerCustomBorderColorCreateInfoEXT}})) = VK_STRUCTURE_TYPE_SAMPLER_CUSTOM_BORDER_COLOR_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCustomBorderColorPropertiesEXT}, Type{_PhysicalDeviceCustomBorderColorPropertiesEXT}, Type{PhysicalDeviceCustomBorderColorPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_CUSTOM_BORDER_COLOR_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCustomBorderColorFeaturesEXT}, Type{_PhysicalDeviceCustomBorderColorFeaturesEXT}, Type{PhysicalDeviceCustomBorderColorFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_CUSTOM_BORDER_COLOR_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkSamplerBorderColorComponentMappingCreateInfoEXT}, Type{_SamplerBorderColorComponentMappingCreateInfoEXT}, Type{SamplerBorderColorComponentMappingCreateInfoEXT}})) = VK_STRUCTURE_TYPE_SAMPLER_BORDER_COLOR_COMPONENT_MAPPING_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBorderColorSwizzleFeaturesEXT}, Type{_PhysicalDeviceBorderColorSwizzleFeaturesEXT}, Type{PhysicalDeviceBorderColorSwizzleFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_BORDER_COLOR_SWIZZLE_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryTrianglesDataKHR}, Type{_AccelerationStructureGeometryTrianglesDataKHR}, Type{AccelerationStructureGeometryTrianglesDataKHR}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_TRIANGLES_DATA_KHR structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryAabbsDataKHR}, Type{_AccelerationStructureGeometryAabbsDataKHR}, Type{AccelerationStructureGeometryAabbsDataKHR}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_AABBS_DATA_KHR structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryInstancesDataKHR}, Type{_AccelerationStructureGeometryInstancesDataKHR}, Type{AccelerationStructureGeometryInstancesDataKHR}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_INSTANCES_DATA_KHR structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryKHR}, Type{_AccelerationStructureGeometryKHR}, Type{AccelerationStructureGeometryKHR}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_KHR structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureBuildGeometryInfoKHR}, Type{_AccelerationStructureBuildGeometryInfoKHR}, Type{AccelerationStructureBuildGeometryInfoKHR}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_BUILD_GEOMETRY_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureCreateInfoKHR}, Type{_AccelerationStructureCreateInfoKHR}, Type{AccelerationStructureCreateInfoKHR}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureDeviceAddressInfoKHR}, Type{_AccelerationStructureDeviceAddressInfoKHR}, Type{AccelerationStructureDeviceAddressInfoKHR}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_DEVICE_ADDRESS_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureVersionInfoKHR}, Type{_AccelerationStructureVersionInfoKHR}, Type{AccelerationStructureVersionInfoKHR}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_VERSION_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkCopyAccelerationStructureInfoKHR}, Type{_CopyAccelerationStructureInfoKHR}, Type{CopyAccelerationStructureInfoKHR}})) = VK_STRUCTURE_TYPE_COPY_ACCELERATION_STRUCTURE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkCopyAccelerationStructureToMemoryInfoKHR}, Type{_CopyAccelerationStructureToMemoryInfoKHR}, Type{CopyAccelerationStructureToMemoryInfoKHR}})) = VK_STRUCTURE_TYPE_COPY_ACCELERATION_STRUCTURE_TO_MEMORY_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkCopyMemoryToAccelerationStructureInfoKHR}, Type{_CopyMemoryToAccelerationStructureInfoKHR}, Type{CopyMemoryToAccelerationStructureInfoKHR}})) = VK_STRUCTURE_TYPE_COPY_MEMORY_TO_ACCELERATION_STRUCTURE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkRayTracingPipelineInterfaceCreateInfoKHR}, Type{_RayTracingPipelineInterfaceCreateInfoKHR}, Type{RayTracingPipelineInterfaceCreateInfoKHR}})) = VK_STRUCTURE_TYPE_RAY_TRACING_PIPELINE_INTERFACE_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPipelineLibraryCreateInfoKHR}, Type{_PipelineLibraryCreateInfoKHR}, Type{PipelineLibraryCreateInfoKHR}})) = VK_STRUCTURE_TYPE_PIPELINE_LIBRARY_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExtendedDynamicStateFeaturesEXT}, Type{_PhysicalDeviceExtendedDynamicStateFeaturesEXT}, Type{PhysicalDeviceExtendedDynamicStateFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTENDED_DYNAMIC_STATE_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExtendedDynamicState2FeaturesEXT}, Type{_PhysicalDeviceExtendedDynamicState2FeaturesEXT}, Type{PhysicalDeviceExtendedDynamicState2FeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTENDED_DYNAMIC_STATE_2_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExtendedDynamicState3FeaturesEXT}, Type{_PhysicalDeviceExtendedDynamicState3FeaturesEXT}, Type{PhysicalDeviceExtendedDynamicState3FeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTENDED_DYNAMIC_STATE_3_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExtendedDynamicState3PropertiesEXT}, Type{_PhysicalDeviceExtendedDynamicState3PropertiesEXT}, Type{PhysicalDeviceExtendedDynamicState3PropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTENDED_DYNAMIC_STATE_3_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkRenderPassTransformBeginInfoQCOM}, Type{_RenderPassTransformBeginInfoQCOM}, Type{RenderPassTransformBeginInfoQCOM}})) = VK_STRUCTURE_TYPE_RENDER_PASS_TRANSFORM_BEGIN_INFO_QCOM structure_type(@nospecialize(_::Union{Type{VkCopyCommandTransformInfoQCOM}, Type{_CopyCommandTransformInfoQCOM}, Type{CopyCommandTransformInfoQCOM}})) = VK_STRUCTURE_TYPE_COPY_COMMAND_TRANSFORM_INFO_QCOM structure_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceRenderPassTransformInfoQCOM}, Type{_CommandBufferInheritanceRenderPassTransformInfoQCOM}, Type{CommandBufferInheritanceRenderPassTransformInfoQCOM}})) = VK_STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_RENDER_PASS_TRANSFORM_INFO_QCOM structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDiagnosticsConfigFeaturesNV}, Type{_PhysicalDeviceDiagnosticsConfigFeaturesNV}, Type{PhysicalDeviceDiagnosticsConfigFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DIAGNOSTICS_CONFIG_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkDeviceDiagnosticsConfigCreateInfoNV}, Type{_DeviceDiagnosticsConfigCreateInfoNV}, Type{DeviceDiagnosticsConfigCreateInfoNV}})) = VK_STRUCTURE_TYPE_DEVICE_DIAGNOSTICS_CONFIG_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures}, Type{_PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures}, Type{PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_ZERO_INITIALIZE_WORKGROUP_MEMORY_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR}, Type{_PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR}, Type{PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SUBGROUP_UNIFORM_CONTROL_FLOW_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRobustness2FeaturesEXT}, Type{_PhysicalDeviceRobustness2FeaturesEXT}, Type{PhysicalDeviceRobustness2FeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_ROBUSTNESS_2_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRobustness2PropertiesEXT}, Type{_PhysicalDeviceRobustness2PropertiesEXT}, Type{PhysicalDeviceRobustness2PropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_ROBUSTNESS_2_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageRobustnessFeatures}, Type{_PhysicalDeviceImageRobustnessFeatures}, Type{PhysicalDeviceImageRobustnessFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_ROBUSTNESS_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR}, Type{_PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR}, Type{PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_WORKGROUP_MEMORY_EXPLICIT_LAYOUT_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDevice4444FormatsFeaturesEXT}, Type{_PhysicalDevice4444FormatsFeaturesEXT}, Type{PhysicalDevice4444FormatsFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_4444_FORMATS_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubpassShadingFeaturesHUAWEI}, Type{_PhysicalDeviceSubpassShadingFeaturesHUAWEI}, Type{PhysicalDeviceSubpassShadingFeaturesHUAWEI}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBPASS_SHADING_FEATURES_HUAWEI structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI}, Type{_PhysicalDeviceClusterCullingShaderFeaturesHUAWEI}, Type{PhysicalDeviceClusterCullingShaderFeaturesHUAWEI}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_CLUSTER_CULLING_SHADER_FEATURES_HUAWEI structure_type(@nospecialize(_::Union{Type{VkBufferCopy2}, Type{_BufferCopy2}, Type{BufferCopy2}})) = VK_STRUCTURE_TYPE_BUFFER_COPY_2 structure_type(@nospecialize(_::Union{Type{VkImageCopy2}, Type{_ImageCopy2}, Type{ImageCopy2}})) = VK_STRUCTURE_TYPE_IMAGE_COPY_2 structure_type(@nospecialize(_::Union{Type{VkImageBlit2}, Type{_ImageBlit2}, Type{ImageBlit2}})) = VK_STRUCTURE_TYPE_IMAGE_BLIT_2 structure_type(@nospecialize(_::Union{Type{VkBufferImageCopy2}, Type{_BufferImageCopy2}, Type{BufferImageCopy2}})) = VK_STRUCTURE_TYPE_BUFFER_IMAGE_COPY_2 structure_type(@nospecialize(_::Union{Type{VkImageResolve2}, Type{_ImageResolve2}, Type{ImageResolve2}})) = VK_STRUCTURE_TYPE_IMAGE_RESOLVE_2 structure_type(@nospecialize(_::Union{Type{VkCopyBufferInfo2}, Type{_CopyBufferInfo2}, Type{CopyBufferInfo2}})) = VK_STRUCTURE_TYPE_COPY_BUFFER_INFO_2 structure_type(@nospecialize(_::Union{Type{VkCopyImageInfo2}, Type{_CopyImageInfo2}, Type{CopyImageInfo2}})) = VK_STRUCTURE_TYPE_COPY_IMAGE_INFO_2 structure_type(@nospecialize(_::Union{Type{VkBlitImageInfo2}, Type{_BlitImageInfo2}, Type{BlitImageInfo2}})) = VK_STRUCTURE_TYPE_BLIT_IMAGE_INFO_2 structure_type(@nospecialize(_::Union{Type{VkCopyBufferToImageInfo2}, Type{_CopyBufferToImageInfo2}, Type{CopyBufferToImageInfo2}})) = VK_STRUCTURE_TYPE_COPY_BUFFER_TO_IMAGE_INFO_2 structure_type(@nospecialize(_::Union{Type{VkCopyImageToBufferInfo2}, Type{_CopyImageToBufferInfo2}, Type{CopyImageToBufferInfo2}})) = VK_STRUCTURE_TYPE_COPY_IMAGE_TO_BUFFER_INFO_2 structure_type(@nospecialize(_::Union{Type{VkResolveImageInfo2}, Type{_ResolveImageInfo2}, Type{ResolveImageInfo2}})) = VK_STRUCTURE_TYPE_RESOLVE_IMAGE_INFO_2 structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT}, Type{_PhysicalDeviceShaderImageAtomicInt64FeaturesEXT}, Type{PhysicalDeviceShaderImageAtomicInt64FeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_IMAGE_ATOMIC_INT64_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkFragmentShadingRateAttachmentInfoKHR}, Type{_FragmentShadingRateAttachmentInfoKHR}, Type{FragmentShadingRateAttachmentInfoKHR}})) = VK_STRUCTURE_TYPE_FRAGMENT_SHADING_RATE_ATTACHMENT_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPipelineFragmentShadingRateStateCreateInfoKHR}, Type{_PipelineFragmentShadingRateStateCreateInfoKHR}, Type{PipelineFragmentShadingRateStateCreateInfoKHR}})) = VK_STRUCTURE_TYPE_PIPELINE_FRAGMENT_SHADING_RATE_STATE_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRateFeaturesKHR}, Type{_PhysicalDeviceFragmentShadingRateFeaturesKHR}, Type{PhysicalDeviceFragmentShadingRateFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRatePropertiesKHR}, Type{_PhysicalDeviceFragmentShadingRatePropertiesKHR}, Type{PhysicalDeviceFragmentShadingRatePropertiesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_PROPERTIES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRateKHR}, Type{_PhysicalDeviceFragmentShadingRateKHR}, Type{PhysicalDeviceFragmentShadingRateKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderTerminateInvocationFeatures}, Type{_PhysicalDeviceShaderTerminateInvocationFeatures}, Type{PhysicalDeviceShaderTerminateInvocationFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_TERMINATE_INVOCATION_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV}, Type{_PhysicalDeviceFragmentShadingRateEnumsFeaturesNV}, Type{PhysicalDeviceFragmentShadingRateEnumsFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_ENUMS_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV}, Type{_PhysicalDeviceFragmentShadingRateEnumsPropertiesNV}, Type{PhysicalDeviceFragmentShadingRateEnumsPropertiesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_ENUMS_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkPipelineFragmentShadingRateEnumStateCreateInfoNV}, Type{_PipelineFragmentShadingRateEnumStateCreateInfoNV}, Type{PipelineFragmentShadingRateEnumStateCreateInfoNV}})) = VK_STRUCTURE_TYPE_PIPELINE_FRAGMENT_SHADING_RATE_ENUM_STATE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureBuildSizesInfoKHR}, Type{_AccelerationStructureBuildSizesInfoKHR}, Type{AccelerationStructureBuildSizesInfoKHR}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_BUILD_SIZES_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImage2DViewOf3DFeaturesEXT}, Type{_PhysicalDeviceImage2DViewOf3DFeaturesEXT}, Type{PhysicalDeviceImage2DViewOf3DFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_2D_VIEW_OF_3D_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT}, Type{_PhysicalDeviceMutableDescriptorTypeFeaturesEXT}, Type{PhysicalDeviceMutableDescriptorTypeFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MUTABLE_DESCRIPTOR_TYPE_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkMutableDescriptorTypeCreateInfoEXT}, Type{_MutableDescriptorTypeCreateInfoEXT}, Type{MutableDescriptorTypeCreateInfoEXT}})) = VK_STRUCTURE_TYPE_MUTABLE_DESCRIPTOR_TYPE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDepthClipControlFeaturesEXT}, Type{_PhysicalDeviceDepthClipControlFeaturesEXT}, Type{PhysicalDeviceDepthClipControlFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_CLIP_CONTROL_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineViewportDepthClipControlCreateInfoEXT}, Type{_PipelineViewportDepthClipControlCreateInfoEXT}, Type{PipelineViewportDepthClipControlCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_VIEWPORT_DEPTH_CLIP_CONTROL_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT}, Type{_PhysicalDeviceVertexInputDynamicStateFeaturesEXT}, Type{PhysicalDeviceVertexInputDynamicStateFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_VERTEX_INPUT_DYNAMIC_STATE_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalMemoryRDMAFeaturesNV}, Type{_PhysicalDeviceExternalMemoryRDMAFeaturesNV}, Type{PhysicalDeviceExternalMemoryRDMAFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_MEMORY_RDMA_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkVertexInputBindingDescription2EXT}, Type{_VertexInputBindingDescription2EXT}, Type{VertexInputBindingDescription2EXT}})) = VK_STRUCTURE_TYPE_VERTEX_INPUT_BINDING_DESCRIPTION_2_EXT structure_type(@nospecialize(_::Union{Type{VkVertexInputAttributeDescription2EXT}, Type{_VertexInputAttributeDescription2EXT}, Type{VertexInputAttributeDescription2EXT}})) = VK_STRUCTURE_TYPE_VERTEX_INPUT_ATTRIBUTE_DESCRIPTION_2_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceColorWriteEnableFeaturesEXT}, Type{_PhysicalDeviceColorWriteEnableFeaturesEXT}, Type{PhysicalDeviceColorWriteEnableFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_COLOR_WRITE_ENABLE_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineColorWriteCreateInfoEXT}, Type{_PipelineColorWriteCreateInfoEXT}, Type{PipelineColorWriteCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_COLOR_WRITE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkMemoryBarrier2}, Type{_MemoryBarrier2}, Type{MemoryBarrier2}})) = VK_STRUCTURE_TYPE_MEMORY_BARRIER_2 structure_type(@nospecialize(_::Union{Type{VkImageMemoryBarrier2}, Type{_ImageMemoryBarrier2}, Type{ImageMemoryBarrier2}})) = VK_STRUCTURE_TYPE_IMAGE_MEMORY_BARRIER_2 structure_type(@nospecialize(_::Union{Type{VkBufferMemoryBarrier2}, Type{_BufferMemoryBarrier2}, Type{BufferMemoryBarrier2}})) = VK_STRUCTURE_TYPE_BUFFER_MEMORY_BARRIER_2 structure_type(@nospecialize(_::Union{Type{VkDependencyInfo}, Type{_DependencyInfo}, Type{DependencyInfo}})) = VK_STRUCTURE_TYPE_DEPENDENCY_INFO structure_type(@nospecialize(_::Union{Type{VkSemaphoreSubmitInfo}, Type{_SemaphoreSubmitInfo}, Type{SemaphoreSubmitInfo}})) = VK_STRUCTURE_TYPE_SEMAPHORE_SUBMIT_INFO structure_type(@nospecialize(_::Union{Type{VkCommandBufferSubmitInfo}, Type{_CommandBufferSubmitInfo}, Type{CommandBufferSubmitInfo}})) = VK_STRUCTURE_TYPE_COMMAND_BUFFER_SUBMIT_INFO structure_type(@nospecialize(_::Union{Type{VkSubmitInfo2}, Type{_SubmitInfo2}, Type{SubmitInfo2}})) = VK_STRUCTURE_TYPE_SUBMIT_INFO_2 structure_type(@nospecialize(_::Union{Type{VkQueueFamilyCheckpointProperties2NV}, Type{_QueueFamilyCheckpointProperties2NV}, Type{QueueFamilyCheckpointProperties2NV}})) = VK_STRUCTURE_TYPE_QUEUE_FAMILY_CHECKPOINT_PROPERTIES_2_NV structure_type(@nospecialize(_::Union{Type{VkCheckpointData2NV}, Type{_CheckpointData2NV}, Type{CheckpointData2NV}})) = VK_STRUCTURE_TYPE_CHECKPOINT_DATA_2_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSynchronization2Features}, Type{_PhysicalDeviceSynchronization2Features}, Type{PhysicalDeviceSynchronization2Features}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SYNCHRONIZATION_2_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT}, Type{_PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT}, Type{PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PRIMITIVES_GENERATED_QUERY_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLegacyDitheringFeaturesEXT}, Type{_PhysicalDeviceLegacyDitheringFeaturesEXT}, Type{PhysicalDeviceLegacyDitheringFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_LEGACY_DITHERING_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT}, Type{_PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT}, Type{PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTISAMPLED_RENDER_TO_SINGLE_SAMPLED_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkSubpassResolvePerformanceQueryEXT}, Type{_SubpassResolvePerformanceQueryEXT}, Type{SubpassResolvePerformanceQueryEXT}})) = VK_STRUCTURE_TYPE_SUBPASS_RESOLVE_PERFORMANCE_QUERY_EXT structure_type(@nospecialize(_::Union{Type{VkMultisampledRenderToSingleSampledInfoEXT}, Type{_MultisampledRenderToSingleSampledInfoEXT}, Type{MultisampledRenderToSingleSampledInfoEXT}})) = VK_STRUCTURE_TYPE_MULTISAMPLED_RENDER_TO_SINGLE_SAMPLED_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineProtectedAccessFeaturesEXT}, Type{_PhysicalDevicePipelineProtectedAccessFeaturesEXT}, Type{PhysicalDevicePipelineProtectedAccessFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_PROTECTED_ACCESS_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkQueueFamilyVideoPropertiesKHR}, Type{_QueueFamilyVideoPropertiesKHR}, Type{QueueFamilyVideoPropertiesKHR}})) = VK_STRUCTURE_TYPE_QUEUE_FAMILY_VIDEO_PROPERTIES_KHR structure_type(@nospecialize(_::Union{Type{VkQueueFamilyQueryResultStatusPropertiesKHR}, Type{_QueueFamilyQueryResultStatusPropertiesKHR}, Type{QueueFamilyQueryResultStatusPropertiesKHR}})) = VK_STRUCTURE_TYPE_QUEUE_FAMILY_QUERY_RESULT_STATUS_PROPERTIES_KHR structure_type(@nospecialize(_::Union{Type{VkVideoProfileListInfoKHR}, Type{_VideoProfileListInfoKHR}, Type{VideoProfileListInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_PROFILE_LIST_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVideoFormatInfoKHR}, Type{_PhysicalDeviceVideoFormatInfoKHR}, Type{PhysicalDeviceVideoFormatInfoKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_VIDEO_FORMAT_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoFormatPropertiesKHR}, Type{_VideoFormatPropertiesKHR}, Type{VideoFormatPropertiesKHR}})) = VK_STRUCTURE_TYPE_VIDEO_FORMAT_PROPERTIES_KHR structure_type(@nospecialize(_::Union{Type{VkVideoProfileInfoKHR}, Type{_VideoProfileInfoKHR}, Type{VideoProfileInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_PROFILE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoCapabilitiesKHR}, Type{_VideoCapabilitiesKHR}, Type{VideoCapabilitiesKHR}})) = VK_STRUCTURE_TYPE_VIDEO_CAPABILITIES_KHR structure_type(@nospecialize(_::Union{Type{VkVideoSessionMemoryRequirementsKHR}, Type{_VideoSessionMemoryRequirementsKHR}, Type{VideoSessionMemoryRequirementsKHR}})) = VK_STRUCTURE_TYPE_VIDEO_SESSION_MEMORY_REQUIREMENTS_KHR structure_type(@nospecialize(_::Union{Type{VkBindVideoSessionMemoryInfoKHR}, Type{_BindVideoSessionMemoryInfoKHR}, Type{BindVideoSessionMemoryInfoKHR}})) = VK_STRUCTURE_TYPE_BIND_VIDEO_SESSION_MEMORY_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoPictureResourceInfoKHR}, Type{_VideoPictureResourceInfoKHR}, Type{VideoPictureResourceInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_PICTURE_RESOURCE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoReferenceSlotInfoKHR}, Type{_VideoReferenceSlotInfoKHR}, Type{VideoReferenceSlotInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_REFERENCE_SLOT_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeCapabilitiesKHR}, Type{_VideoDecodeCapabilitiesKHR}, Type{VideoDecodeCapabilitiesKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_CAPABILITIES_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeUsageInfoKHR}, Type{_VideoDecodeUsageInfoKHR}, Type{VideoDecodeUsageInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_USAGE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeInfoKHR}, Type{_VideoDecodeInfoKHR}, Type{VideoDecodeInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeH264ProfileInfoKHR}, Type{_VideoDecodeH264ProfileInfoKHR}, Type{VideoDecodeH264ProfileInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_H264_PROFILE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeH264CapabilitiesKHR}, Type{_VideoDecodeH264CapabilitiesKHR}, Type{VideoDecodeH264CapabilitiesKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_H264_CAPABILITIES_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeH264SessionParametersAddInfoKHR}, Type{_VideoDecodeH264SessionParametersAddInfoKHR}, Type{VideoDecodeH264SessionParametersAddInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_H264_SESSION_PARAMETERS_ADD_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeH264SessionParametersCreateInfoKHR}, Type{_VideoDecodeH264SessionParametersCreateInfoKHR}, Type{VideoDecodeH264SessionParametersCreateInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_H264_SESSION_PARAMETERS_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeH264PictureInfoKHR}, Type{_VideoDecodeH264PictureInfoKHR}, Type{VideoDecodeH264PictureInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_H264_PICTURE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeH264DpbSlotInfoKHR}, Type{_VideoDecodeH264DpbSlotInfoKHR}, Type{VideoDecodeH264DpbSlotInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_H264_DPB_SLOT_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeH265ProfileInfoKHR}, Type{_VideoDecodeH265ProfileInfoKHR}, Type{VideoDecodeH265ProfileInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_H265_PROFILE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeH265CapabilitiesKHR}, Type{_VideoDecodeH265CapabilitiesKHR}, Type{VideoDecodeH265CapabilitiesKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_H265_CAPABILITIES_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeH265SessionParametersAddInfoKHR}, Type{_VideoDecodeH265SessionParametersAddInfoKHR}, Type{VideoDecodeH265SessionParametersAddInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_H265_SESSION_PARAMETERS_ADD_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeH265SessionParametersCreateInfoKHR}, Type{_VideoDecodeH265SessionParametersCreateInfoKHR}, Type{VideoDecodeH265SessionParametersCreateInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_H265_SESSION_PARAMETERS_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeH265PictureInfoKHR}, Type{_VideoDecodeH265PictureInfoKHR}, Type{VideoDecodeH265PictureInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_H265_PICTURE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeH265DpbSlotInfoKHR}, Type{_VideoDecodeH265DpbSlotInfoKHR}, Type{VideoDecodeH265DpbSlotInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_H265_DPB_SLOT_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoSessionCreateInfoKHR}, Type{_VideoSessionCreateInfoKHR}, Type{VideoSessionCreateInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_SESSION_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoSessionParametersCreateInfoKHR}, Type{_VideoSessionParametersCreateInfoKHR}, Type{VideoSessionParametersCreateInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_SESSION_PARAMETERS_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoSessionParametersUpdateInfoKHR}, Type{_VideoSessionParametersUpdateInfoKHR}, Type{VideoSessionParametersUpdateInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_SESSION_PARAMETERS_UPDATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoBeginCodingInfoKHR}, Type{_VideoBeginCodingInfoKHR}, Type{VideoBeginCodingInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_BEGIN_CODING_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoEndCodingInfoKHR}, Type{_VideoEndCodingInfoKHR}, Type{VideoEndCodingInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_END_CODING_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoCodingControlInfoKHR}, Type{_VideoCodingControlInfoKHR}, Type{VideoCodingControlInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_CODING_CONTROL_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceInheritedViewportScissorFeaturesNV}, Type{_PhysicalDeviceInheritedViewportScissorFeaturesNV}, Type{PhysicalDeviceInheritedViewportScissorFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_INHERITED_VIEWPORT_SCISSOR_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceViewportScissorInfoNV}, Type{_CommandBufferInheritanceViewportScissorInfoNV}, Type{CommandBufferInheritanceViewportScissorInfoNV}})) = VK_STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_VIEWPORT_SCISSOR_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT}, Type{_PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT}, Type{PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_YCBCR_2_PLANE_444_FORMATS_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProvokingVertexFeaturesEXT}, Type{_PhysicalDeviceProvokingVertexFeaturesEXT}, Type{PhysicalDeviceProvokingVertexFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PROVOKING_VERTEX_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProvokingVertexPropertiesEXT}, Type{_PhysicalDeviceProvokingVertexPropertiesEXT}, Type{PhysicalDeviceProvokingVertexPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PROVOKING_VERTEX_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineRasterizationProvokingVertexStateCreateInfoEXT}, Type{_PipelineRasterizationProvokingVertexStateCreateInfoEXT}, Type{PipelineRasterizationProvokingVertexStateCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_RASTERIZATION_PROVOKING_VERTEX_STATE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkCuModuleCreateInfoNVX}, Type{_CuModuleCreateInfoNVX}, Type{CuModuleCreateInfoNVX}})) = VK_STRUCTURE_TYPE_CU_MODULE_CREATE_INFO_NVX structure_type(@nospecialize(_::Union{Type{VkCuFunctionCreateInfoNVX}, Type{_CuFunctionCreateInfoNVX}, Type{CuFunctionCreateInfoNVX}})) = VK_STRUCTURE_TYPE_CU_FUNCTION_CREATE_INFO_NVX structure_type(@nospecialize(_::Union{Type{VkCuLaunchInfoNVX}, Type{_CuLaunchInfoNVX}, Type{CuLaunchInfoNVX}})) = VK_STRUCTURE_TYPE_CU_LAUNCH_INFO_NVX structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorBufferFeaturesEXT}, Type{_PhysicalDeviceDescriptorBufferFeaturesEXT}, Type{PhysicalDeviceDescriptorBufferFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_BUFFER_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorBufferPropertiesEXT}, Type{_PhysicalDeviceDescriptorBufferPropertiesEXT}, Type{PhysicalDeviceDescriptorBufferPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_BUFFER_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT}, Type{_PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT}, Type{PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_BUFFER_DENSITY_MAP_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkDescriptorAddressInfoEXT}, Type{_DescriptorAddressInfoEXT}, Type{DescriptorAddressInfoEXT}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_ADDRESS_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkDescriptorBufferBindingInfoEXT}, Type{_DescriptorBufferBindingInfoEXT}, Type{DescriptorBufferBindingInfoEXT}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_BUFFER_BINDING_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkDescriptorBufferBindingPushDescriptorBufferHandleEXT}, Type{_DescriptorBufferBindingPushDescriptorBufferHandleEXT}, Type{DescriptorBufferBindingPushDescriptorBufferHandleEXT}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_BUFFER_BINDING_PUSH_DESCRIPTOR_BUFFER_HANDLE_EXT structure_type(@nospecialize(_::Union{Type{VkDescriptorGetInfoEXT}, Type{_DescriptorGetInfoEXT}, Type{DescriptorGetInfoEXT}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_GET_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkBufferCaptureDescriptorDataInfoEXT}, Type{_BufferCaptureDescriptorDataInfoEXT}, Type{BufferCaptureDescriptorDataInfoEXT}})) = VK_STRUCTURE_TYPE_BUFFER_CAPTURE_DESCRIPTOR_DATA_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkImageCaptureDescriptorDataInfoEXT}, Type{_ImageCaptureDescriptorDataInfoEXT}, Type{ImageCaptureDescriptorDataInfoEXT}})) = VK_STRUCTURE_TYPE_IMAGE_CAPTURE_DESCRIPTOR_DATA_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkImageViewCaptureDescriptorDataInfoEXT}, Type{_ImageViewCaptureDescriptorDataInfoEXT}, Type{ImageViewCaptureDescriptorDataInfoEXT}})) = VK_STRUCTURE_TYPE_IMAGE_VIEW_CAPTURE_DESCRIPTOR_DATA_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkSamplerCaptureDescriptorDataInfoEXT}, Type{_SamplerCaptureDescriptorDataInfoEXT}, Type{SamplerCaptureDescriptorDataInfoEXT}})) = VK_STRUCTURE_TYPE_SAMPLER_CAPTURE_DESCRIPTOR_DATA_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureCaptureDescriptorDataInfoEXT}, Type{_AccelerationStructureCaptureDescriptorDataInfoEXT}, Type{AccelerationStructureCaptureDescriptorDataInfoEXT}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_CAPTURE_DESCRIPTOR_DATA_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkOpaqueCaptureDescriptorDataCreateInfoEXT}, Type{_OpaqueCaptureDescriptorDataCreateInfoEXT}, Type{OpaqueCaptureDescriptorDataCreateInfoEXT}})) = VK_STRUCTURE_TYPE_OPAQUE_CAPTURE_DESCRIPTOR_DATA_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderIntegerDotProductFeatures}, Type{_PhysicalDeviceShaderIntegerDotProductFeatures}, Type{PhysicalDeviceShaderIntegerDotProductFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_DOT_PRODUCT_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderIntegerDotProductProperties}, Type{_PhysicalDeviceShaderIntegerDotProductProperties}, Type{PhysicalDeviceShaderIntegerDotProductProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_DOT_PRODUCT_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDrmPropertiesEXT}, Type{_PhysicalDeviceDrmPropertiesEXT}, Type{PhysicalDeviceDrmPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DRM_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR}, Type{_PhysicalDeviceFragmentShaderBarycentricFeaturesKHR}, Type{PhysicalDeviceFragmentShaderBarycentricFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADER_BARYCENTRIC_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR}, Type{_PhysicalDeviceFragmentShaderBarycentricPropertiesKHR}, Type{PhysicalDeviceFragmentShaderBarycentricPropertiesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADER_BARYCENTRIC_PROPERTIES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingMotionBlurFeaturesNV}, Type{_PhysicalDeviceRayTracingMotionBlurFeaturesNV}, Type{PhysicalDeviceRayTracingMotionBlurFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_MOTION_BLUR_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryMotionTrianglesDataNV}, Type{_AccelerationStructureGeometryMotionTrianglesDataNV}, Type{AccelerationStructureGeometryMotionTrianglesDataNV}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_MOTION_TRIANGLES_DATA_NV structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureMotionInfoNV}, Type{_AccelerationStructureMotionInfoNV}, Type{AccelerationStructureMotionInfoNV}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_MOTION_INFO_NV structure_type(@nospecialize(_::Union{Type{VkMemoryGetRemoteAddressInfoNV}, Type{_MemoryGetRemoteAddressInfoNV}, Type{MemoryGetRemoteAddressInfoNV}})) = VK_STRUCTURE_TYPE_MEMORY_GET_REMOTE_ADDRESS_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT}, Type{_PhysicalDeviceRGBA10X6FormatsFeaturesEXT}, Type{PhysicalDeviceRGBA10X6FormatsFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_RGBA10X6_FORMATS_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkFormatProperties3}, Type{_FormatProperties3}, Type{FormatProperties3}})) = VK_STRUCTURE_TYPE_FORMAT_PROPERTIES_3 structure_type(@nospecialize(_::Union{Type{VkDrmFormatModifierPropertiesList2EXT}, Type{_DrmFormatModifierPropertiesList2EXT}, Type{DrmFormatModifierPropertiesList2EXT}})) = VK_STRUCTURE_TYPE_DRM_FORMAT_MODIFIER_PROPERTIES_LIST_2_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineRenderingCreateInfo}, Type{_PipelineRenderingCreateInfo}, Type{PipelineRenderingCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_RENDERING_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkRenderingInfo}, Type{_RenderingInfo}, Type{RenderingInfo}})) = VK_STRUCTURE_TYPE_RENDERING_INFO structure_type(@nospecialize(_::Union{Type{VkRenderingAttachmentInfo}, Type{_RenderingAttachmentInfo}, Type{RenderingAttachmentInfo}})) = VK_STRUCTURE_TYPE_RENDERING_ATTACHMENT_INFO structure_type(@nospecialize(_::Union{Type{VkRenderingFragmentShadingRateAttachmentInfoKHR}, Type{_RenderingFragmentShadingRateAttachmentInfoKHR}, Type{RenderingFragmentShadingRateAttachmentInfoKHR}})) = VK_STRUCTURE_TYPE_RENDERING_FRAGMENT_SHADING_RATE_ATTACHMENT_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkRenderingFragmentDensityMapAttachmentInfoEXT}, Type{_RenderingFragmentDensityMapAttachmentInfoEXT}, Type{RenderingFragmentDensityMapAttachmentInfoEXT}})) = VK_STRUCTURE_TYPE_RENDERING_FRAGMENT_DENSITY_MAP_ATTACHMENT_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDynamicRenderingFeatures}, Type{_PhysicalDeviceDynamicRenderingFeatures}, Type{PhysicalDeviceDynamicRenderingFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DYNAMIC_RENDERING_FEATURES structure_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceRenderingInfo}, Type{_CommandBufferInheritanceRenderingInfo}, Type{CommandBufferInheritanceRenderingInfo}})) = VK_STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_RENDERING_INFO structure_type(@nospecialize(_::Union{Type{VkAttachmentSampleCountInfoAMD}, Type{_AttachmentSampleCountInfoAMD}, Type{AttachmentSampleCountInfoAMD}})) = VK_STRUCTURE_TYPE_ATTACHMENT_SAMPLE_COUNT_INFO_AMD structure_type(@nospecialize(_::Union{Type{VkMultiviewPerViewAttributesInfoNVX}, Type{_MultiviewPerViewAttributesInfoNVX}, Type{MultiviewPerViewAttributesInfoNVX}})) = VK_STRUCTURE_TYPE_MULTIVIEW_PER_VIEW_ATTRIBUTES_INFO_NVX structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageViewMinLodFeaturesEXT}, Type{_PhysicalDeviceImageViewMinLodFeaturesEXT}, Type{PhysicalDeviceImageViewMinLodFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_VIEW_MIN_LOD_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkImageViewMinLodCreateInfoEXT}, Type{_ImageViewMinLodCreateInfoEXT}, Type{ImageViewMinLodCreateInfoEXT}})) = VK_STRUCTURE_TYPE_IMAGE_VIEW_MIN_LOD_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT}, Type{_PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT}, Type{PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_RASTERIZATION_ORDER_ATTACHMENT_ACCESS_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLinearColorAttachmentFeaturesNV}, Type{_PhysicalDeviceLinearColorAttachmentFeaturesNV}, Type{PhysicalDeviceLinearColorAttachmentFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_LINEAR_COLOR_ATTACHMENT_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT}, Type{_PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT}, Type{PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_GRAPHICS_PIPELINE_LIBRARY_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT}, Type{_PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT}, Type{PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_GRAPHICS_PIPELINE_LIBRARY_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkGraphicsPipelineLibraryCreateInfoEXT}, Type{_GraphicsPipelineLibraryCreateInfoEXT}, Type{GraphicsPipelineLibraryCreateInfoEXT}})) = VK_STRUCTURE_TYPE_GRAPHICS_PIPELINE_LIBRARY_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE}, Type{_PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE}, Type{PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_SET_HOST_MAPPING_FEATURES_VALVE structure_type(@nospecialize(_::Union{Type{VkDescriptorSetBindingReferenceVALVE}, Type{_DescriptorSetBindingReferenceVALVE}, Type{DescriptorSetBindingReferenceVALVE}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_SET_BINDING_REFERENCE_VALVE structure_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutHostMappingInfoVALVE}, Type{_DescriptorSetLayoutHostMappingInfoVALVE}, Type{DescriptorSetLayoutHostMappingInfoVALVE}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_HOST_MAPPING_INFO_VALVE structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT}, Type{_PhysicalDeviceShaderModuleIdentifierFeaturesEXT}, Type{PhysicalDeviceShaderModuleIdentifierFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_MODULE_IDENTIFIER_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT}, Type{_PhysicalDeviceShaderModuleIdentifierPropertiesEXT}, Type{PhysicalDeviceShaderModuleIdentifierPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_MODULE_IDENTIFIER_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineShaderStageModuleIdentifierCreateInfoEXT}, Type{_PipelineShaderStageModuleIdentifierCreateInfoEXT}, Type{PipelineShaderStageModuleIdentifierCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_SHADER_STAGE_MODULE_IDENTIFIER_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkShaderModuleIdentifierEXT}, Type{_ShaderModuleIdentifierEXT}, Type{ShaderModuleIdentifierEXT}})) = VK_STRUCTURE_TYPE_SHADER_MODULE_IDENTIFIER_EXT structure_type(@nospecialize(_::Union{Type{VkImageCompressionControlEXT}, Type{_ImageCompressionControlEXT}, Type{ImageCompressionControlEXT}})) = VK_STRUCTURE_TYPE_IMAGE_COMPRESSION_CONTROL_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageCompressionControlFeaturesEXT}, Type{_PhysicalDeviceImageCompressionControlFeaturesEXT}, Type{PhysicalDeviceImageCompressionControlFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_COMPRESSION_CONTROL_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkImageCompressionPropertiesEXT}, Type{_ImageCompressionPropertiesEXT}, Type{ImageCompressionPropertiesEXT}})) = VK_STRUCTURE_TYPE_IMAGE_COMPRESSION_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT}, Type{_PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT}, Type{PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_COMPRESSION_CONTROL_SWAPCHAIN_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkImageSubresource2EXT}, Type{_ImageSubresource2EXT}, Type{ImageSubresource2EXT}})) = VK_STRUCTURE_TYPE_IMAGE_SUBRESOURCE_2_EXT structure_type(@nospecialize(_::Union{Type{VkSubresourceLayout2EXT}, Type{_SubresourceLayout2EXT}, Type{SubresourceLayout2EXT}})) = VK_STRUCTURE_TYPE_SUBRESOURCE_LAYOUT_2_EXT structure_type(@nospecialize(_::Union{Type{VkRenderPassCreationControlEXT}, Type{_RenderPassCreationControlEXT}, Type{RenderPassCreationControlEXT}})) = VK_STRUCTURE_TYPE_RENDER_PASS_CREATION_CONTROL_EXT structure_type(@nospecialize(_::Union{Type{VkRenderPassCreationFeedbackCreateInfoEXT}, Type{_RenderPassCreationFeedbackCreateInfoEXT}, Type{RenderPassCreationFeedbackCreateInfoEXT}})) = VK_STRUCTURE_TYPE_RENDER_PASS_CREATION_FEEDBACK_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkRenderPassSubpassFeedbackCreateInfoEXT}, Type{_RenderPassSubpassFeedbackCreateInfoEXT}, Type{RenderPassSubpassFeedbackCreateInfoEXT}})) = VK_STRUCTURE_TYPE_RENDER_PASS_SUBPASS_FEEDBACK_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT}, Type{_PhysicalDeviceSubpassMergeFeedbackFeaturesEXT}, Type{PhysicalDeviceSubpassMergeFeedbackFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBPASS_MERGE_FEEDBACK_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkMicromapBuildInfoEXT}, Type{_MicromapBuildInfoEXT}, Type{MicromapBuildInfoEXT}})) = VK_STRUCTURE_TYPE_MICROMAP_BUILD_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkMicromapCreateInfoEXT}, Type{_MicromapCreateInfoEXT}, Type{MicromapCreateInfoEXT}})) = VK_STRUCTURE_TYPE_MICROMAP_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkMicromapVersionInfoEXT}, Type{_MicromapVersionInfoEXT}, Type{MicromapVersionInfoEXT}})) = VK_STRUCTURE_TYPE_MICROMAP_VERSION_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkCopyMicromapInfoEXT}, Type{_CopyMicromapInfoEXT}, Type{CopyMicromapInfoEXT}})) = VK_STRUCTURE_TYPE_COPY_MICROMAP_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkCopyMicromapToMemoryInfoEXT}, Type{_CopyMicromapToMemoryInfoEXT}, Type{CopyMicromapToMemoryInfoEXT}})) = VK_STRUCTURE_TYPE_COPY_MICROMAP_TO_MEMORY_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkCopyMemoryToMicromapInfoEXT}, Type{_CopyMemoryToMicromapInfoEXT}, Type{CopyMemoryToMicromapInfoEXT}})) = VK_STRUCTURE_TYPE_COPY_MEMORY_TO_MICROMAP_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkMicromapBuildSizesInfoEXT}, Type{_MicromapBuildSizesInfoEXT}, Type{MicromapBuildSizesInfoEXT}})) = VK_STRUCTURE_TYPE_MICROMAP_BUILD_SIZES_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceOpacityMicromapFeaturesEXT}, Type{_PhysicalDeviceOpacityMicromapFeaturesEXT}, Type{PhysicalDeviceOpacityMicromapFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_OPACITY_MICROMAP_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceOpacityMicromapPropertiesEXT}, Type{_PhysicalDeviceOpacityMicromapPropertiesEXT}, Type{PhysicalDeviceOpacityMicromapPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_OPACITY_MICROMAP_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureTrianglesOpacityMicromapEXT}, Type{_AccelerationStructureTrianglesOpacityMicromapEXT}, Type{AccelerationStructureTrianglesOpacityMicromapEXT}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_TRIANGLES_OPACITY_MICROMAP_EXT structure_type(@nospecialize(_::Union{Type{VkPipelinePropertiesIdentifierEXT}, Type{_PipelinePropertiesIdentifierEXT}, Type{PipelinePropertiesIdentifierEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_PROPERTIES_IDENTIFIER_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelinePropertiesFeaturesEXT}, Type{_PhysicalDevicePipelinePropertiesFeaturesEXT}, Type{PhysicalDevicePipelinePropertiesFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_PROPERTIES_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD}, Type{_PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD}, Type{PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_EARLY_AND_LATE_FRAGMENT_TESTS_FEATURES_AMD structure_type(@nospecialize(_::Union{Type{VkExportMetalObjectCreateInfoEXT}, Type{_ExportMetalObjectCreateInfoEXT}, Type{ExportMetalObjectCreateInfoEXT}})) = VK_STRUCTURE_TYPE_EXPORT_METAL_OBJECT_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkExportMetalObjectsInfoEXT}, Type{_ExportMetalObjectsInfoEXT}, Type{ExportMetalObjectsInfoEXT}})) = VK_STRUCTURE_TYPE_EXPORT_METAL_OBJECTS_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkExportMetalDeviceInfoEXT}, Type{_ExportMetalDeviceInfoEXT}, Type{ExportMetalDeviceInfoEXT}})) = VK_STRUCTURE_TYPE_EXPORT_METAL_DEVICE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkExportMetalCommandQueueInfoEXT}, Type{_ExportMetalCommandQueueInfoEXT}, Type{ExportMetalCommandQueueInfoEXT}})) = VK_STRUCTURE_TYPE_EXPORT_METAL_COMMAND_QUEUE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkExportMetalBufferInfoEXT}, Type{_ExportMetalBufferInfoEXT}, Type{ExportMetalBufferInfoEXT}})) = VK_STRUCTURE_TYPE_EXPORT_METAL_BUFFER_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkImportMetalBufferInfoEXT}, Type{_ImportMetalBufferInfoEXT}, Type{ImportMetalBufferInfoEXT}})) = VK_STRUCTURE_TYPE_IMPORT_METAL_BUFFER_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkExportMetalTextureInfoEXT}, Type{_ExportMetalTextureInfoEXT}, Type{ExportMetalTextureInfoEXT}})) = VK_STRUCTURE_TYPE_EXPORT_METAL_TEXTURE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkImportMetalTextureInfoEXT}, Type{_ImportMetalTextureInfoEXT}, Type{ImportMetalTextureInfoEXT}})) = VK_STRUCTURE_TYPE_IMPORT_METAL_TEXTURE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkExportMetalIOSurfaceInfoEXT}, Type{_ExportMetalIOSurfaceInfoEXT}, Type{ExportMetalIOSurfaceInfoEXT}})) = VK_STRUCTURE_TYPE_EXPORT_METAL_IO_SURFACE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkImportMetalIOSurfaceInfoEXT}, Type{_ImportMetalIOSurfaceInfoEXT}, Type{ImportMetalIOSurfaceInfoEXT}})) = VK_STRUCTURE_TYPE_IMPORT_METAL_IO_SURFACE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkExportMetalSharedEventInfoEXT}, Type{_ExportMetalSharedEventInfoEXT}, Type{ExportMetalSharedEventInfoEXT}})) = VK_STRUCTURE_TYPE_EXPORT_METAL_SHARED_EVENT_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkImportMetalSharedEventInfoEXT}, Type{_ImportMetalSharedEventInfoEXT}, Type{ImportMetalSharedEventInfoEXT}})) = VK_STRUCTURE_TYPE_IMPORT_METAL_SHARED_EVENT_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT}, Type{_PhysicalDeviceNonSeamlessCubeMapFeaturesEXT}, Type{PhysicalDeviceNonSeamlessCubeMapFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_NON_SEAMLESS_CUBE_MAP_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineRobustnessFeaturesEXT}, Type{_PhysicalDevicePipelineRobustnessFeaturesEXT}, Type{PhysicalDevicePipelineRobustnessFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_ROBUSTNESS_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineRobustnessCreateInfoEXT}, Type{_PipelineRobustnessCreateInfoEXT}, Type{PipelineRobustnessCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_ROBUSTNESS_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineRobustnessPropertiesEXT}, Type{_PhysicalDevicePipelineRobustnessPropertiesEXT}, Type{PhysicalDevicePipelineRobustnessPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_ROBUSTNESS_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkImageViewSampleWeightCreateInfoQCOM}, Type{_ImageViewSampleWeightCreateInfoQCOM}, Type{ImageViewSampleWeightCreateInfoQCOM}})) = VK_STRUCTURE_TYPE_IMAGE_VIEW_SAMPLE_WEIGHT_CREATE_INFO_QCOM structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageProcessingFeaturesQCOM}, Type{_PhysicalDeviceImageProcessingFeaturesQCOM}, Type{PhysicalDeviceImageProcessingFeaturesQCOM}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_PROCESSING_FEATURES_QCOM structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageProcessingPropertiesQCOM}, Type{_PhysicalDeviceImageProcessingPropertiesQCOM}, Type{PhysicalDeviceImageProcessingPropertiesQCOM}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_PROCESSING_PROPERTIES_QCOM structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTilePropertiesFeaturesQCOM}, Type{_PhysicalDeviceTilePropertiesFeaturesQCOM}, Type{PhysicalDeviceTilePropertiesFeaturesQCOM}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_TILE_PROPERTIES_FEATURES_QCOM structure_type(@nospecialize(_::Union{Type{VkTilePropertiesQCOM}, Type{_TilePropertiesQCOM}, Type{TilePropertiesQCOM}})) = VK_STRUCTURE_TYPE_TILE_PROPERTIES_QCOM structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAmigoProfilingFeaturesSEC}, Type{_PhysicalDeviceAmigoProfilingFeaturesSEC}, Type{PhysicalDeviceAmigoProfilingFeaturesSEC}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_AMIGO_PROFILING_FEATURES_SEC structure_type(@nospecialize(_::Union{Type{VkAmigoProfilingSubmitInfoSEC}, Type{_AmigoProfilingSubmitInfoSEC}, Type{AmigoProfilingSubmitInfoSEC}})) = VK_STRUCTURE_TYPE_AMIGO_PROFILING_SUBMIT_INFO_SEC structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT}, Type{_PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT}, Type{PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_ATTACHMENT_FEEDBACK_LOOP_LAYOUT_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDepthClampZeroOneFeaturesEXT}, Type{_PhysicalDeviceDepthClampZeroOneFeaturesEXT}, Type{PhysicalDeviceDepthClampZeroOneFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_CLAMP_ZERO_ONE_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAddressBindingReportFeaturesEXT}, Type{_PhysicalDeviceAddressBindingReportFeaturesEXT}, Type{PhysicalDeviceAddressBindingReportFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_ADDRESS_BINDING_REPORT_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkDeviceAddressBindingCallbackDataEXT}, Type{_DeviceAddressBindingCallbackDataEXT}, Type{DeviceAddressBindingCallbackDataEXT}})) = VK_STRUCTURE_TYPE_DEVICE_ADDRESS_BINDING_CALLBACK_DATA_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceOpticalFlowFeaturesNV}, Type{_PhysicalDeviceOpticalFlowFeaturesNV}, Type{PhysicalDeviceOpticalFlowFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_OPTICAL_FLOW_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceOpticalFlowPropertiesNV}, Type{_PhysicalDeviceOpticalFlowPropertiesNV}, Type{PhysicalDeviceOpticalFlowPropertiesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_OPTICAL_FLOW_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkOpticalFlowImageFormatInfoNV}, Type{_OpticalFlowImageFormatInfoNV}, Type{OpticalFlowImageFormatInfoNV}})) = VK_STRUCTURE_TYPE_OPTICAL_FLOW_IMAGE_FORMAT_INFO_NV structure_type(@nospecialize(_::Union{Type{VkOpticalFlowImageFormatPropertiesNV}, Type{_OpticalFlowImageFormatPropertiesNV}, Type{OpticalFlowImageFormatPropertiesNV}})) = VK_STRUCTURE_TYPE_OPTICAL_FLOW_IMAGE_FORMAT_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkOpticalFlowSessionCreateInfoNV}, Type{_OpticalFlowSessionCreateInfoNV}, Type{OpticalFlowSessionCreateInfoNV}})) = VK_STRUCTURE_TYPE_OPTICAL_FLOW_SESSION_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkOpticalFlowSessionCreatePrivateDataInfoNV}, Type{_OpticalFlowSessionCreatePrivateDataInfoNV}, Type{OpticalFlowSessionCreatePrivateDataInfoNV}})) = VK_STRUCTURE_TYPE_OPTICAL_FLOW_SESSION_CREATE_PRIVATE_DATA_INFO_NV structure_type(@nospecialize(_::Union{Type{VkOpticalFlowExecuteInfoNV}, Type{_OpticalFlowExecuteInfoNV}, Type{OpticalFlowExecuteInfoNV}})) = VK_STRUCTURE_TYPE_OPTICAL_FLOW_EXECUTE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFaultFeaturesEXT}, Type{_PhysicalDeviceFaultFeaturesEXT}, Type{PhysicalDeviceFaultFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FAULT_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkDeviceFaultCountsEXT}, Type{_DeviceFaultCountsEXT}, Type{DeviceFaultCountsEXT}})) = VK_STRUCTURE_TYPE_DEVICE_FAULT_COUNTS_EXT structure_type(@nospecialize(_::Union{Type{VkDeviceFaultInfoEXT}, Type{_DeviceFaultInfoEXT}, Type{DeviceFaultInfoEXT}})) = VK_STRUCTURE_TYPE_DEVICE_FAULT_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT}, Type{_PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT}, Type{PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_LIBRARY_GROUP_HANDLES_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM}, Type{_PhysicalDeviceShaderCoreBuiltinsPropertiesARM}, Type{PhysicalDeviceShaderCoreBuiltinsPropertiesARM}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CORE_BUILTINS_PROPERTIES_ARM structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM}, Type{_PhysicalDeviceShaderCoreBuiltinsFeaturesARM}, Type{PhysicalDeviceShaderCoreBuiltinsFeaturesARM}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CORE_BUILTINS_FEATURES_ARM structure_type(@nospecialize(_::Union{Type{VkSurfacePresentModeEXT}, Type{_SurfacePresentModeEXT}, Type{SurfacePresentModeEXT}})) = VK_STRUCTURE_TYPE_SURFACE_PRESENT_MODE_EXT structure_type(@nospecialize(_::Union{Type{VkSurfacePresentScalingCapabilitiesEXT}, Type{_SurfacePresentScalingCapabilitiesEXT}, Type{SurfacePresentScalingCapabilitiesEXT}})) = VK_STRUCTURE_TYPE_SURFACE_PRESENT_SCALING_CAPABILITIES_EXT structure_type(@nospecialize(_::Union{Type{VkSurfacePresentModeCompatibilityEXT}, Type{_SurfacePresentModeCompatibilityEXT}, Type{SurfacePresentModeCompatibilityEXT}})) = VK_STRUCTURE_TYPE_SURFACE_PRESENT_MODE_COMPATIBILITY_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT}, Type{_PhysicalDeviceSwapchainMaintenance1FeaturesEXT}, Type{PhysicalDeviceSwapchainMaintenance1FeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SWAPCHAIN_MAINTENANCE_1_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkSwapchainPresentFenceInfoEXT}, Type{_SwapchainPresentFenceInfoEXT}, Type{SwapchainPresentFenceInfoEXT}})) = VK_STRUCTURE_TYPE_SWAPCHAIN_PRESENT_FENCE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkSwapchainPresentModesCreateInfoEXT}, Type{_SwapchainPresentModesCreateInfoEXT}, Type{SwapchainPresentModesCreateInfoEXT}})) = VK_STRUCTURE_TYPE_SWAPCHAIN_PRESENT_MODES_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkSwapchainPresentModeInfoEXT}, Type{_SwapchainPresentModeInfoEXT}, Type{SwapchainPresentModeInfoEXT}})) = VK_STRUCTURE_TYPE_SWAPCHAIN_PRESENT_MODE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkSwapchainPresentScalingCreateInfoEXT}, Type{_SwapchainPresentScalingCreateInfoEXT}, Type{SwapchainPresentScalingCreateInfoEXT}})) = VK_STRUCTURE_TYPE_SWAPCHAIN_PRESENT_SCALING_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkReleaseSwapchainImagesInfoEXT}, Type{_ReleaseSwapchainImagesInfoEXT}, Type{ReleaseSwapchainImagesInfoEXT}})) = VK_STRUCTURE_TYPE_RELEASE_SWAPCHAIN_IMAGES_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV}, Type{_PhysicalDeviceRayTracingInvocationReorderFeaturesNV}, Type{PhysicalDeviceRayTracingInvocationReorderFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_INVOCATION_REORDER_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV}, Type{_PhysicalDeviceRayTracingInvocationReorderPropertiesNV}, Type{PhysicalDeviceRayTracingInvocationReorderPropertiesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_INVOCATION_REORDER_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkDirectDriverLoadingInfoLUNARG}, Type{_DirectDriverLoadingInfoLUNARG}, Type{DirectDriverLoadingInfoLUNARG}})) = VK_STRUCTURE_TYPE_DIRECT_DRIVER_LOADING_INFO_LUNARG structure_type(@nospecialize(_::Union{Type{VkDirectDriverLoadingListLUNARG}, Type{_DirectDriverLoadingListLUNARG}, Type{DirectDriverLoadingListLUNARG}})) = VK_STRUCTURE_TYPE_DIRECT_DRIVER_LOADING_LIST_LUNARG structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM}, Type{_PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM}, Type{PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_PER_VIEW_VIEWPORTS_FEATURES_QCOM hl_type(@nospecialize(_::Union{Type{VkBaseOutStructure}, Type{_BaseOutStructure}})) = BaseOutStructure hl_type(@nospecialize(_::Union{Type{VkBaseInStructure}, Type{_BaseInStructure}})) = BaseInStructure hl_type(@nospecialize(_::Union{Type{VkOffset2D}, Type{_Offset2D}})) = Offset2D hl_type(@nospecialize(_::Union{Type{VkOffset3D}, Type{_Offset3D}})) = Offset3D hl_type(@nospecialize(_::Union{Type{VkExtent2D}, Type{_Extent2D}})) = Extent2D hl_type(@nospecialize(_::Union{Type{VkExtent3D}, Type{_Extent3D}})) = Extent3D hl_type(@nospecialize(_::Union{Type{VkViewport}, Type{_Viewport}})) = Viewport hl_type(@nospecialize(_::Union{Type{VkRect2D}, Type{_Rect2D}})) = Rect2D hl_type(@nospecialize(_::Union{Type{VkClearRect}, Type{_ClearRect}})) = ClearRect hl_type(@nospecialize(_::Union{Type{VkComponentMapping}, Type{_ComponentMapping}})) = ComponentMapping hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProperties}, Type{_PhysicalDeviceProperties}})) = PhysicalDeviceProperties hl_type(@nospecialize(_::Union{Type{VkExtensionProperties}, Type{_ExtensionProperties}})) = ExtensionProperties hl_type(@nospecialize(_::Union{Type{VkLayerProperties}, Type{_LayerProperties}})) = LayerProperties hl_type(@nospecialize(_::Union{Type{VkApplicationInfo}, Type{_ApplicationInfo}})) = ApplicationInfo hl_type(@nospecialize(_::Union{Type{VkAllocationCallbacks}, Type{_AllocationCallbacks}})) = AllocationCallbacks hl_type(@nospecialize(_::Union{Type{VkDeviceQueueCreateInfo}, Type{_DeviceQueueCreateInfo}})) = DeviceQueueCreateInfo hl_type(@nospecialize(_::Union{Type{VkDeviceCreateInfo}, Type{_DeviceCreateInfo}})) = DeviceCreateInfo hl_type(@nospecialize(_::Union{Type{VkInstanceCreateInfo}, Type{_InstanceCreateInfo}})) = InstanceCreateInfo hl_type(@nospecialize(_::Union{Type{VkQueueFamilyProperties}, Type{_QueueFamilyProperties}})) = QueueFamilyProperties hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryProperties}, Type{_PhysicalDeviceMemoryProperties}})) = PhysicalDeviceMemoryProperties hl_type(@nospecialize(_::Union{Type{VkMemoryAllocateInfo}, Type{_MemoryAllocateInfo}})) = MemoryAllocateInfo hl_type(@nospecialize(_::Union{Type{VkMemoryRequirements}, Type{_MemoryRequirements}})) = MemoryRequirements hl_type(@nospecialize(_::Union{Type{VkSparseImageFormatProperties}, Type{_SparseImageFormatProperties}})) = SparseImageFormatProperties hl_type(@nospecialize(_::Union{Type{VkSparseImageMemoryRequirements}, Type{_SparseImageMemoryRequirements}})) = SparseImageMemoryRequirements hl_type(@nospecialize(_::Union{Type{VkMemoryType}, Type{_MemoryType}})) = MemoryType hl_type(@nospecialize(_::Union{Type{VkMemoryHeap}, Type{_MemoryHeap}})) = MemoryHeap hl_type(@nospecialize(_::Union{Type{VkMappedMemoryRange}, Type{_MappedMemoryRange}})) = MappedMemoryRange hl_type(@nospecialize(_::Union{Type{VkFormatProperties}, Type{_FormatProperties}})) = FormatProperties hl_type(@nospecialize(_::Union{Type{VkImageFormatProperties}, Type{_ImageFormatProperties}})) = ImageFormatProperties hl_type(@nospecialize(_::Union{Type{VkDescriptorBufferInfo}, Type{_DescriptorBufferInfo}})) = DescriptorBufferInfo hl_type(@nospecialize(_::Union{Type{VkDescriptorImageInfo}, Type{_DescriptorImageInfo}})) = DescriptorImageInfo hl_type(@nospecialize(_::Union{Type{VkWriteDescriptorSet}, Type{_WriteDescriptorSet}})) = WriteDescriptorSet hl_type(@nospecialize(_::Union{Type{VkCopyDescriptorSet}, Type{_CopyDescriptorSet}})) = CopyDescriptorSet hl_type(@nospecialize(_::Union{Type{VkBufferCreateInfo}, Type{_BufferCreateInfo}})) = BufferCreateInfo hl_type(@nospecialize(_::Union{Type{VkBufferViewCreateInfo}, Type{_BufferViewCreateInfo}})) = BufferViewCreateInfo hl_type(@nospecialize(_::Union{Type{VkImageSubresource}, Type{_ImageSubresource}})) = ImageSubresource hl_type(@nospecialize(_::Union{Type{VkImageSubresourceLayers}, Type{_ImageSubresourceLayers}})) = ImageSubresourceLayers hl_type(@nospecialize(_::Union{Type{VkImageSubresourceRange}, Type{_ImageSubresourceRange}})) = ImageSubresourceRange hl_type(@nospecialize(_::Union{Type{VkMemoryBarrier}, Type{_MemoryBarrier}})) = MemoryBarrier hl_type(@nospecialize(_::Union{Type{VkBufferMemoryBarrier}, Type{_BufferMemoryBarrier}})) = BufferMemoryBarrier hl_type(@nospecialize(_::Union{Type{VkImageMemoryBarrier}, Type{_ImageMemoryBarrier}})) = ImageMemoryBarrier hl_type(@nospecialize(_::Union{Type{VkImageCreateInfo}, Type{_ImageCreateInfo}})) = ImageCreateInfo hl_type(@nospecialize(_::Union{Type{VkSubresourceLayout}, Type{_SubresourceLayout}})) = SubresourceLayout hl_type(@nospecialize(_::Union{Type{VkImageViewCreateInfo}, Type{_ImageViewCreateInfo}})) = ImageViewCreateInfo hl_type(@nospecialize(_::Union{Type{VkBufferCopy}, Type{_BufferCopy}})) = BufferCopy hl_type(@nospecialize(_::Union{Type{VkSparseMemoryBind}, Type{_SparseMemoryBind}})) = SparseMemoryBind hl_type(@nospecialize(_::Union{Type{VkSparseImageMemoryBind}, Type{_SparseImageMemoryBind}})) = SparseImageMemoryBind hl_type(@nospecialize(_::Union{Type{VkSparseBufferMemoryBindInfo}, Type{_SparseBufferMemoryBindInfo}})) = SparseBufferMemoryBindInfo hl_type(@nospecialize(_::Union{Type{VkSparseImageOpaqueMemoryBindInfo}, Type{_SparseImageOpaqueMemoryBindInfo}})) = SparseImageOpaqueMemoryBindInfo hl_type(@nospecialize(_::Union{Type{VkSparseImageMemoryBindInfo}, Type{_SparseImageMemoryBindInfo}})) = SparseImageMemoryBindInfo hl_type(@nospecialize(_::Union{Type{VkBindSparseInfo}, Type{_BindSparseInfo}})) = BindSparseInfo hl_type(@nospecialize(_::Union{Type{VkImageCopy}, Type{_ImageCopy}})) = ImageCopy hl_type(@nospecialize(_::Union{Type{VkImageBlit}, Type{_ImageBlit}})) = ImageBlit hl_type(@nospecialize(_::Union{Type{VkBufferImageCopy}, Type{_BufferImageCopy}})) = BufferImageCopy hl_type(@nospecialize(_::Union{Type{VkCopyMemoryIndirectCommandNV}, Type{_CopyMemoryIndirectCommandNV}})) = CopyMemoryIndirectCommandNV hl_type(@nospecialize(_::Union{Type{VkCopyMemoryToImageIndirectCommandNV}, Type{_CopyMemoryToImageIndirectCommandNV}})) = CopyMemoryToImageIndirectCommandNV hl_type(@nospecialize(_::Union{Type{VkImageResolve}, Type{_ImageResolve}})) = ImageResolve hl_type(@nospecialize(_::Union{Type{VkShaderModuleCreateInfo}, Type{_ShaderModuleCreateInfo}})) = ShaderModuleCreateInfo hl_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutBinding}, Type{_DescriptorSetLayoutBinding}})) = DescriptorSetLayoutBinding hl_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutCreateInfo}, Type{_DescriptorSetLayoutCreateInfo}})) = DescriptorSetLayoutCreateInfo hl_type(@nospecialize(_::Union{Type{VkDescriptorPoolSize}, Type{_DescriptorPoolSize}})) = DescriptorPoolSize hl_type(@nospecialize(_::Union{Type{VkDescriptorPoolCreateInfo}, Type{_DescriptorPoolCreateInfo}})) = DescriptorPoolCreateInfo hl_type(@nospecialize(_::Union{Type{VkDescriptorSetAllocateInfo}, Type{_DescriptorSetAllocateInfo}})) = DescriptorSetAllocateInfo hl_type(@nospecialize(_::Union{Type{VkSpecializationMapEntry}, Type{_SpecializationMapEntry}})) = SpecializationMapEntry hl_type(@nospecialize(_::Union{Type{VkSpecializationInfo}, Type{_SpecializationInfo}})) = SpecializationInfo hl_type(@nospecialize(_::Union{Type{VkPipelineShaderStageCreateInfo}, Type{_PipelineShaderStageCreateInfo}})) = PipelineShaderStageCreateInfo hl_type(@nospecialize(_::Union{Type{VkComputePipelineCreateInfo}, Type{_ComputePipelineCreateInfo}})) = ComputePipelineCreateInfo hl_type(@nospecialize(_::Union{Type{VkVertexInputBindingDescription}, Type{_VertexInputBindingDescription}})) = VertexInputBindingDescription hl_type(@nospecialize(_::Union{Type{VkVertexInputAttributeDescription}, Type{_VertexInputAttributeDescription}})) = VertexInputAttributeDescription hl_type(@nospecialize(_::Union{Type{VkPipelineVertexInputStateCreateInfo}, Type{_PipelineVertexInputStateCreateInfo}})) = PipelineVertexInputStateCreateInfo hl_type(@nospecialize(_::Union{Type{VkPipelineInputAssemblyStateCreateInfo}, Type{_PipelineInputAssemblyStateCreateInfo}})) = PipelineInputAssemblyStateCreateInfo hl_type(@nospecialize(_::Union{Type{VkPipelineTessellationStateCreateInfo}, Type{_PipelineTessellationStateCreateInfo}})) = PipelineTessellationStateCreateInfo hl_type(@nospecialize(_::Union{Type{VkPipelineViewportStateCreateInfo}, Type{_PipelineViewportStateCreateInfo}})) = PipelineViewportStateCreateInfo hl_type(@nospecialize(_::Union{Type{VkPipelineRasterizationStateCreateInfo}, Type{_PipelineRasterizationStateCreateInfo}})) = PipelineRasterizationStateCreateInfo hl_type(@nospecialize(_::Union{Type{VkPipelineMultisampleStateCreateInfo}, Type{_PipelineMultisampleStateCreateInfo}})) = PipelineMultisampleStateCreateInfo hl_type(@nospecialize(_::Union{Type{VkPipelineColorBlendAttachmentState}, Type{_PipelineColorBlendAttachmentState}})) = PipelineColorBlendAttachmentState hl_type(@nospecialize(_::Union{Type{VkPipelineColorBlendStateCreateInfo}, Type{_PipelineColorBlendStateCreateInfo}})) = PipelineColorBlendStateCreateInfo hl_type(@nospecialize(_::Union{Type{VkPipelineDynamicStateCreateInfo}, Type{_PipelineDynamicStateCreateInfo}})) = PipelineDynamicStateCreateInfo hl_type(@nospecialize(_::Union{Type{VkStencilOpState}, Type{_StencilOpState}})) = StencilOpState hl_type(@nospecialize(_::Union{Type{VkPipelineDepthStencilStateCreateInfo}, Type{_PipelineDepthStencilStateCreateInfo}})) = PipelineDepthStencilStateCreateInfo hl_type(@nospecialize(_::Union{Type{VkGraphicsPipelineCreateInfo}, Type{_GraphicsPipelineCreateInfo}})) = GraphicsPipelineCreateInfo hl_type(@nospecialize(_::Union{Type{VkPipelineCacheCreateInfo}, Type{_PipelineCacheCreateInfo}})) = PipelineCacheCreateInfo hl_type(@nospecialize(_::Union{Type{VkPipelineCacheHeaderVersionOne}, Type{_PipelineCacheHeaderVersionOne}})) = PipelineCacheHeaderVersionOne hl_type(@nospecialize(_::Union{Type{VkPushConstantRange}, Type{_PushConstantRange}})) = PushConstantRange hl_type(@nospecialize(_::Union{Type{VkPipelineLayoutCreateInfo}, Type{_PipelineLayoutCreateInfo}})) = PipelineLayoutCreateInfo hl_type(@nospecialize(_::Union{Type{VkSamplerCreateInfo}, Type{_SamplerCreateInfo}})) = SamplerCreateInfo hl_type(@nospecialize(_::Union{Type{VkCommandPoolCreateInfo}, Type{_CommandPoolCreateInfo}})) = CommandPoolCreateInfo hl_type(@nospecialize(_::Union{Type{VkCommandBufferAllocateInfo}, Type{_CommandBufferAllocateInfo}})) = CommandBufferAllocateInfo hl_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceInfo}, Type{_CommandBufferInheritanceInfo}})) = CommandBufferInheritanceInfo hl_type(@nospecialize(_::Union{Type{VkCommandBufferBeginInfo}, Type{_CommandBufferBeginInfo}})) = CommandBufferBeginInfo hl_type(@nospecialize(_::Union{Type{VkRenderPassBeginInfo}, Type{_RenderPassBeginInfo}})) = RenderPassBeginInfo hl_type(@nospecialize(_::Union{Type{VkClearDepthStencilValue}, Type{_ClearDepthStencilValue}})) = ClearDepthStencilValue hl_type(@nospecialize(_::Union{Type{VkClearAttachment}, Type{_ClearAttachment}})) = ClearAttachment hl_type(@nospecialize(_::Union{Type{VkAttachmentDescription}, Type{_AttachmentDescription}})) = AttachmentDescription hl_type(@nospecialize(_::Union{Type{VkAttachmentReference}, Type{_AttachmentReference}})) = AttachmentReference hl_type(@nospecialize(_::Union{Type{VkSubpassDescription}, Type{_SubpassDescription}})) = SubpassDescription hl_type(@nospecialize(_::Union{Type{VkSubpassDependency}, Type{_SubpassDependency}})) = SubpassDependency hl_type(@nospecialize(_::Union{Type{VkRenderPassCreateInfo}, Type{_RenderPassCreateInfo}})) = RenderPassCreateInfo hl_type(@nospecialize(_::Union{Type{VkEventCreateInfo}, Type{_EventCreateInfo}})) = EventCreateInfo hl_type(@nospecialize(_::Union{Type{VkFenceCreateInfo}, Type{_FenceCreateInfo}})) = FenceCreateInfo hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFeatures}, Type{_PhysicalDeviceFeatures}})) = PhysicalDeviceFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSparseProperties}, Type{_PhysicalDeviceSparseProperties}})) = PhysicalDeviceSparseProperties hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLimits}, Type{_PhysicalDeviceLimits}})) = PhysicalDeviceLimits hl_type(@nospecialize(_::Union{Type{VkSemaphoreCreateInfo}, Type{_SemaphoreCreateInfo}})) = SemaphoreCreateInfo hl_type(@nospecialize(_::Union{Type{VkQueryPoolCreateInfo}, Type{_QueryPoolCreateInfo}})) = QueryPoolCreateInfo hl_type(@nospecialize(_::Union{Type{VkFramebufferCreateInfo}, Type{_FramebufferCreateInfo}})) = FramebufferCreateInfo hl_type(@nospecialize(_::Union{Type{VkDrawIndirectCommand}, Type{_DrawIndirectCommand}})) = DrawIndirectCommand hl_type(@nospecialize(_::Union{Type{VkDrawIndexedIndirectCommand}, Type{_DrawIndexedIndirectCommand}})) = DrawIndexedIndirectCommand hl_type(@nospecialize(_::Union{Type{VkDispatchIndirectCommand}, Type{_DispatchIndirectCommand}})) = DispatchIndirectCommand hl_type(@nospecialize(_::Union{Type{VkMultiDrawInfoEXT}, Type{_MultiDrawInfoEXT}})) = MultiDrawInfoEXT hl_type(@nospecialize(_::Union{Type{VkMultiDrawIndexedInfoEXT}, Type{_MultiDrawIndexedInfoEXT}})) = MultiDrawIndexedInfoEXT hl_type(@nospecialize(_::Union{Type{VkSubmitInfo}, Type{_SubmitInfo}})) = SubmitInfo hl_type(@nospecialize(_::Union{Type{VkDisplayPropertiesKHR}, Type{_DisplayPropertiesKHR}})) = DisplayPropertiesKHR hl_type(@nospecialize(_::Union{Type{VkDisplayPlanePropertiesKHR}, Type{_DisplayPlanePropertiesKHR}})) = DisplayPlanePropertiesKHR hl_type(@nospecialize(_::Union{Type{VkDisplayModeParametersKHR}, Type{_DisplayModeParametersKHR}})) = DisplayModeParametersKHR hl_type(@nospecialize(_::Union{Type{VkDisplayModePropertiesKHR}, Type{_DisplayModePropertiesKHR}})) = DisplayModePropertiesKHR hl_type(@nospecialize(_::Union{Type{VkDisplayModeCreateInfoKHR}, Type{_DisplayModeCreateInfoKHR}})) = DisplayModeCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkDisplayPlaneCapabilitiesKHR}, Type{_DisplayPlaneCapabilitiesKHR}})) = DisplayPlaneCapabilitiesKHR hl_type(@nospecialize(_::Union{Type{VkDisplaySurfaceCreateInfoKHR}, Type{_DisplaySurfaceCreateInfoKHR}})) = DisplaySurfaceCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkDisplayPresentInfoKHR}, Type{_DisplayPresentInfoKHR}})) = DisplayPresentInfoKHR hl_type(@nospecialize(_::Union{Type{VkSurfaceCapabilitiesKHR}, Type{_SurfaceCapabilitiesKHR}})) = SurfaceCapabilitiesKHR hl_type(@nospecialize(_::Union{Type{VkSurfaceFormatKHR}, Type{_SurfaceFormatKHR}})) = SurfaceFormatKHR hl_type(@nospecialize(_::Union{Type{VkSwapchainCreateInfoKHR}, Type{_SwapchainCreateInfoKHR}})) = SwapchainCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkPresentInfoKHR}, Type{_PresentInfoKHR}})) = PresentInfoKHR hl_type(@nospecialize(_::Union{Type{VkDebugReportCallbackCreateInfoEXT}, Type{_DebugReportCallbackCreateInfoEXT}})) = DebugReportCallbackCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkValidationFlagsEXT}, Type{_ValidationFlagsEXT}})) = ValidationFlagsEXT hl_type(@nospecialize(_::Union{Type{VkValidationFeaturesEXT}, Type{_ValidationFeaturesEXT}})) = ValidationFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPipelineRasterizationStateRasterizationOrderAMD}, Type{_PipelineRasterizationStateRasterizationOrderAMD}})) = PipelineRasterizationStateRasterizationOrderAMD hl_type(@nospecialize(_::Union{Type{VkDebugMarkerObjectNameInfoEXT}, Type{_DebugMarkerObjectNameInfoEXT}})) = DebugMarkerObjectNameInfoEXT hl_type(@nospecialize(_::Union{Type{VkDebugMarkerObjectTagInfoEXT}, Type{_DebugMarkerObjectTagInfoEXT}})) = DebugMarkerObjectTagInfoEXT hl_type(@nospecialize(_::Union{Type{VkDebugMarkerMarkerInfoEXT}, Type{_DebugMarkerMarkerInfoEXT}})) = DebugMarkerMarkerInfoEXT hl_type(@nospecialize(_::Union{Type{VkDedicatedAllocationImageCreateInfoNV}, Type{_DedicatedAllocationImageCreateInfoNV}})) = DedicatedAllocationImageCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkDedicatedAllocationBufferCreateInfoNV}, Type{_DedicatedAllocationBufferCreateInfoNV}})) = DedicatedAllocationBufferCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkDedicatedAllocationMemoryAllocateInfoNV}, Type{_DedicatedAllocationMemoryAllocateInfoNV}})) = DedicatedAllocationMemoryAllocateInfoNV hl_type(@nospecialize(_::Union{Type{VkExternalImageFormatPropertiesNV}, Type{_ExternalImageFormatPropertiesNV}})) = ExternalImageFormatPropertiesNV hl_type(@nospecialize(_::Union{Type{VkExternalMemoryImageCreateInfoNV}, Type{_ExternalMemoryImageCreateInfoNV}})) = ExternalMemoryImageCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkExportMemoryAllocateInfoNV}, Type{_ExportMemoryAllocateInfoNV}})) = ExportMemoryAllocateInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV}, Type{_PhysicalDeviceDeviceGeneratedCommandsFeaturesNV}})) = PhysicalDeviceDeviceGeneratedCommandsFeaturesNV hl_type(@nospecialize(_::Union{Type{VkDevicePrivateDataCreateInfo}, Type{_DevicePrivateDataCreateInfo}})) = DevicePrivateDataCreateInfo hl_type(@nospecialize(_::Union{Type{VkPrivateDataSlotCreateInfo}, Type{_PrivateDataSlotCreateInfo}})) = PrivateDataSlotCreateInfo hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePrivateDataFeatures}, Type{_PhysicalDevicePrivateDataFeatures}})) = PhysicalDevicePrivateDataFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV}, Type{_PhysicalDeviceDeviceGeneratedCommandsPropertiesNV}})) = PhysicalDeviceDeviceGeneratedCommandsPropertiesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiDrawPropertiesEXT}, Type{_PhysicalDeviceMultiDrawPropertiesEXT}})) = PhysicalDeviceMultiDrawPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkGraphicsShaderGroupCreateInfoNV}, Type{_GraphicsShaderGroupCreateInfoNV}})) = GraphicsShaderGroupCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkGraphicsPipelineShaderGroupsCreateInfoNV}, Type{_GraphicsPipelineShaderGroupsCreateInfoNV}})) = GraphicsPipelineShaderGroupsCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkBindShaderGroupIndirectCommandNV}, Type{_BindShaderGroupIndirectCommandNV}})) = BindShaderGroupIndirectCommandNV hl_type(@nospecialize(_::Union{Type{VkBindIndexBufferIndirectCommandNV}, Type{_BindIndexBufferIndirectCommandNV}})) = BindIndexBufferIndirectCommandNV hl_type(@nospecialize(_::Union{Type{VkBindVertexBufferIndirectCommandNV}, Type{_BindVertexBufferIndirectCommandNV}})) = BindVertexBufferIndirectCommandNV hl_type(@nospecialize(_::Union{Type{VkSetStateFlagsIndirectCommandNV}, Type{_SetStateFlagsIndirectCommandNV}})) = SetStateFlagsIndirectCommandNV hl_type(@nospecialize(_::Union{Type{VkIndirectCommandsStreamNV}, Type{_IndirectCommandsStreamNV}})) = IndirectCommandsStreamNV hl_type(@nospecialize(_::Union{Type{VkIndirectCommandsLayoutTokenNV}, Type{_IndirectCommandsLayoutTokenNV}})) = IndirectCommandsLayoutTokenNV hl_type(@nospecialize(_::Union{Type{VkIndirectCommandsLayoutCreateInfoNV}, Type{_IndirectCommandsLayoutCreateInfoNV}})) = IndirectCommandsLayoutCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkGeneratedCommandsInfoNV}, Type{_GeneratedCommandsInfoNV}})) = GeneratedCommandsInfoNV hl_type(@nospecialize(_::Union{Type{VkGeneratedCommandsMemoryRequirementsInfoNV}, Type{_GeneratedCommandsMemoryRequirementsInfoNV}})) = GeneratedCommandsMemoryRequirementsInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFeatures2}, Type{_PhysicalDeviceFeatures2}})) = PhysicalDeviceFeatures2 hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProperties2}, Type{_PhysicalDeviceProperties2}})) = PhysicalDeviceProperties2 hl_type(@nospecialize(_::Union{Type{VkFormatProperties2}, Type{_FormatProperties2}})) = FormatProperties2 hl_type(@nospecialize(_::Union{Type{VkImageFormatProperties2}, Type{_ImageFormatProperties2}})) = ImageFormatProperties2 hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageFormatInfo2}, Type{_PhysicalDeviceImageFormatInfo2}})) = PhysicalDeviceImageFormatInfo2 hl_type(@nospecialize(_::Union{Type{VkQueueFamilyProperties2}, Type{_QueueFamilyProperties2}})) = QueueFamilyProperties2 hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryProperties2}, Type{_PhysicalDeviceMemoryProperties2}})) = PhysicalDeviceMemoryProperties2 hl_type(@nospecialize(_::Union{Type{VkSparseImageFormatProperties2}, Type{_SparseImageFormatProperties2}})) = SparseImageFormatProperties2 hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSparseImageFormatInfo2}, Type{_PhysicalDeviceSparseImageFormatInfo2}})) = PhysicalDeviceSparseImageFormatInfo2 hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePushDescriptorPropertiesKHR}, Type{_PhysicalDevicePushDescriptorPropertiesKHR}})) = PhysicalDevicePushDescriptorPropertiesKHR hl_type(@nospecialize(_::Union{Type{VkConformanceVersion}, Type{_ConformanceVersion}})) = ConformanceVersion hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDriverProperties}, Type{_PhysicalDeviceDriverProperties}})) = PhysicalDeviceDriverProperties hl_type(@nospecialize(_::Union{Type{VkPresentRegionsKHR}, Type{_PresentRegionsKHR}})) = PresentRegionsKHR hl_type(@nospecialize(_::Union{Type{VkPresentRegionKHR}, Type{_PresentRegionKHR}})) = PresentRegionKHR hl_type(@nospecialize(_::Union{Type{VkRectLayerKHR}, Type{_RectLayerKHR}})) = RectLayerKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVariablePointersFeatures}, Type{_PhysicalDeviceVariablePointersFeatures}})) = PhysicalDeviceVariablePointersFeatures hl_type(@nospecialize(_::Union{Type{VkExternalMemoryProperties}, Type{_ExternalMemoryProperties}})) = ExternalMemoryProperties hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalImageFormatInfo}, Type{_PhysicalDeviceExternalImageFormatInfo}})) = PhysicalDeviceExternalImageFormatInfo hl_type(@nospecialize(_::Union{Type{VkExternalImageFormatProperties}, Type{_ExternalImageFormatProperties}})) = ExternalImageFormatProperties hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalBufferInfo}, Type{_PhysicalDeviceExternalBufferInfo}})) = PhysicalDeviceExternalBufferInfo hl_type(@nospecialize(_::Union{Type{VkExternalBufferProperties}, Type{_ExternalBufferProperties}})) = ExternalBufferProperties hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceIDProperties}, Type{_PhysicalDeviceIDProperties}})) = PhysicalDeviceIDProperties hl_type(@nospecialize(_::Union{Type{VkExternalMemoryImageCreateInfo}, Type{_ExternalMemoryImageCreateInfo}})) = ExternalMemoryImageCreateInfo hl_type(@nospecialize(_::Union{Type{VkExternalMemoryBufferCreateInfo}, Type{_ExternalMemoryBufferCreateInfo}})) = ExternalMemoryBufferCreateInfo hl_type(@nospecialize(_::Union{Type{VkExportMemoryAllocateInfo}, Type{_ExportMemoryAllocateInfo}})) = ExportMemoryAllocateInfo hl_type(@nospecialize(_::Union{Type{VkImportMemoryFdInfoKHR}, Type{_ImportMemoryFdInfoKHR}})) = ImportMemoryFdInfoKHR hl_type(@nospecialize(_::Union{Type{VkMemoryFdPropertiesKHR}, Type{_MemoryFdPropertiesKHR}})) = MemoryFdPropertiesKHR hl_type(@nospecialize(_::Union{Type{VkMemoryGetFdInfoKHR}, Type{_MemoryGetFdInfoKHR}})) = MemoryGetFdInfoKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalSemaphoreInfo}, Type{_PhysicalDeviceExternalSemaphoreInfo}})) = PhysicalDeviceExternalSemaphoreInfo hl_type(@nospecialize(_::Union{Type{VkExternalSemaphoreProperties}, Type{_ExternalSemaphoreProperties}})) = ExternalSemaphoreProperties hl_type(@nospecialize(_::Union{Type{VkExportSemaphoreCreateInfo}, Type{_ExportSemaphoreCreateInfo}})) = ExportSemaphoreCreateInfo hl_type(@nospecialize(_::Union{Type{VkImportSemaphoreFdInfoKHR}, Type{_ImportSemaphoreFdInfoKHR}})) = ImportSemaphoreFdInfoKHR hl_type(@nospecialize(_::Union{Type{VkSemaphoreGetFdInfoKHR}, Type{_SemaphoreGetFdInfoKHR}})) = SemaphoreGetFdInfoKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalFenceInfo}, Type{_PhysicalDeviceExternalFenceInfo}})) = PhysicalDeviceExternalFenceInfo hl_type(@nospecialize(_::Union{Type{VkExternalFenceProperties}, Type{_ExternalFenceProperties}})) = ExternalFenceProperties hl_type(@nospecialize(_::Union{Type{VkExportFenceCreateInfo}, Type{_ExportFenceCreateInfo}})) = ExportFenceCreateInfo hl_type(@nospecialize(_::Union{Type{VkImportFenceFdInfoKHR}, Type{_ImportFenceFdInfoKHR}})) = ImportFenceFdInfoKHR hl_type(@nospecialize(_::Union{Type{VkFenceGetFdInfoKHR}, Type{_FenceGetFdInfoKHR}})) = FenceGetFdInfoKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiviewFeatures}, Type{_PhysicalDeviceMultiviewFeatures}})) = PhysicalDeviceMultiviewFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiviewProperties}, Type{_PhysicalDeviceMultiviewProperties}})) = PhysicalDeviceMultiviewProperties hl_type(@nospecialize(_::Union{Type{VkRenderPassMultiviewCreateInfo}, Type{_RenderPassMultiviewCreateInfo}})) = RenderPassMultiviewCreateInfo hl_type(@nospecialize(_::Union{Type{VkSurfaceCapabilities2EXT}, Type{_SurfaceCapabilities2EXT}})) = SurfaceCapabilities2EXT hl_type(@nospecialize(_::Union{Type{VkDisplayPowerInfoEXT}, Type{_DisplayPowerInfoEXT}})) = DisplayPowerInfoEXT hl_type(@nospecialize(_::Union{Type{VkDeviceEventInfoEXT}, Type{_DeviceEventInfoEXT}})) = DeviceEventInfoEXT hl_type(@nospecialize(_::Union{Type{VkDisplayEventInfoEXT}, Type{_DisplayEventInfoEXT}})) = DisplayEventInfoEXT hl_type(@nospecialize(_::Union{Type{VkSwapchainCounterCreateInfoEXT}, Type{_SwapchainCounterCreateInfoEXT}})) = SwapchainCounterCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceGroupProperties}, Type{_PhysicalDeviceGroupProperties}})) = PhysicalDeviceGroupProperties hl_type(@nospecialize(_::Union{Type{VkMemoryAllocateFlagsInfo}, Type{_MemoryAllocateFlagsInfo}})) = MemoryAllocateFlagsInfo hl_type(@nospecialize(_::Union{Type{VkBindBufferMemoryInfo}, Type{_BindBufferMemoryInfo}})) = BindBufferMemoryInfo hl_type(@nospecialize(_::Union{Type{VkBindBufferMemoryDeviceGroupInfo}, Type{_BindBufferMemoryDeviceGroupInfo}})) = BindBufferMemoryDeviceGroupInfo hl_type(@nospecialize(_::Union{Type{VkBindImageMemoryInfo}, Type{_BindImageMemoryInfo}})) = BindImageMemoryInfo hl_type(@nospecialize(_::Union{Type{VkBindImageMemoryDeviceGroupInfo}, Type{_BindImageMemoryDeviceGroupInfo}})) = BindImageMemoryDeviceGroupInfo hl_type(@nospecialize(_::Union{Type{VkDeviceGroupRenderPassBeginInfo}, Type{_DeviceGroupRenderPassBeginInfo}})) = DeviceGroupRenderPassBeginInfo hl_type(@nospecialize(_::Union{Type{VkDeviceGroupCommandBufferBeginInfo}, Type{_DeviceGroupCommandBufferBeginInfo}})) = DeviceGroupCommandBufferBeginInfo hl_type(@nospecialize(_::Union{Type{VkDeviceGroupSubmitInfo}, Type{_DeviceGroupSubmitInfo}})) = DeviceGroupSubmitInfo hl_type(@nospecialize(_::Union{Type{VkDeviceGroupBindSparseInfo}, Type{_DeviceGroupBindSparseInfo}})) = DeviceGroupBindSparseInfo hl_type(@nospecialize(_::Union{Type{VkDeviceGroupPresentCapabilitiesKHR}, Type{_DeviceGroupPresentCapabilitiesKHR}})) = DeviceGroupPresentCapabilitiesKHR hl_type(@nospecialize(_::Union{Type{VkImageSwapchainCreateInfoKHR}, Type{_ImageSwapchainCreateInfoKHR}})) = ImageSwapchainCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkBindImageMemorySwapchainInfoKHR}, Type{_BindImageMemorySwapchainInfoKHR}})) = BindImageMemorySwapchainInfoKHR hl_type(@nospecialize(_::Union{Type{VkAcquireNextImageInfoKHR}, Type{_AcquireNextImageInfoKHR}})) = AcquireNextImageInfoKHR hl_type(@nospecialize(_::Union{Type{VkDeviceGroupPresentInfoKHR}, Type{_DeviceGroupPresentInfoKHR}})) = DeviceGroupPresentInfoKHR hl_type(@nospecialize(_::Union{Type{VkDeviceGroupDeviceCreateInfo}, Type{_DeviceGroupDeviceCreateInfo}})) = DeviceGroupDeviceCreateInfo hl_type(@nospecialize(_::Union{Type{VkDeviceGroupSwapchainCreateInfoKHR}, Type{_DeviceGroupSwapchainCreateInfoKHR}})) = DeviceGroupSwapchainCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkDescriptorUpdateTemplateEntry}, Type{_DescriptorUpdateTemplateEntry}})) = DescriptorUpdateTemplateEntry hl_type(@nospecialize(_::Union{Type{VkDescriptorUpdateTemplateCreateInfo}, Type{_DescriptorUpdateTemplateCreateInfo}})) = DescriptorUpdateTemplateCreateInfo hl_type(@nospecialize(_::Union{Type{VkXYColorEXT}, Type{_XYColorEXT}})) = XYColorEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePresentIdFeaturesKHR}, Type{_PhysicalDevicePresentIdFeaturesKHR}})) = PhysicalDevicePresentIdFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkPresentIdKHR}, Type{_PresentIdKHR}})) = PresentIdKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePresentWaitFeaturesKHR}, Type{_PhysicalDevicePresentWaitFeaturesKHR}})) = PhysicalDevicePresentWaitFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkHdrMetadataEXT}, Type{_HdrMetadataEXT}})) = HdrMetadataEXT hl_type(@nospecialize(_::Union{Type{VkDisplayNativeHdrSurfaceCapabilitiesAMD}, Type{_DisplayNativeHdrSurfaceCapabilitiesAMD}})) = DisplayNativeHdrSurfaceCapabilitiesAMD hl_type(@nospecialize(_::Union{Type{VkSwapchainDisplayNativeHdrCreateInfoAMD}, Type{_SwapchainDisplayNativeHdrCreateInfoAMD}})) = SwapchainDisplayNativeHdrCreateInfoAMD hl_type(@nospecialize(_::Union{Type{VkRefreshCycleDurationGOOGLE}, Type{_RefreshCycleDurationGOOGLE}})) = RefreshCycleDurationGOOGLE hl_type(@nospecialize(_::Union{Type{VkPastPresentationTimingGOOGLE}, Type{_PastPresentationTimingGOOGLE}})) = PastPresentationTimingGOOGLE hl_type(@nospecialize(_::Union{Type{VkPresentTimesInfoGOOGLE}, Type{_PresentTimesInfoGOOGLE}})) = PresentTimesInfoGOOGLE hl_type(@nospecialize(_::Union{Type{VkPresentTimeGOOGLE}, Type{_PresentTimeGOOGLE}})) = PresentTimeGOOGLE hl_type(@nospecialize(_::Union{Type{VkMacOSSurfaceCreateInfoMVK}, Type{_MacOSSurfaceCreateInfoMVK}})) = MacOSSurfaceCreateInfoMVK hl_type(@nospecialize(_::Union{Type{VkMetalSurfaceCreateInfoEXT}, Type{_MetalSurfaceCreateInfoEXT}})) = MetalSurfaceCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkViewportWScalingNV}, Type{_ViewportWScalingNV}})) = ViewportWScalingNV hl_type(@nospecialize(_::Union{Type{VkPipelineViewportWScalingStateCreateInfoNV}, Type{_PipelineViewportWScalingStateCreateInfoNV}})) = PipelineViewportWScalingStateCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkViewportSwizzleNV}, Type{_ViewportSwizzleNV}})) = ViewportSwizzleNV hl_type(@nospecialize(_::Union{Type{VkPipelineViewportSwizzleStateCreateInfoNV}, Type{_PipelineViewportSwizzleStateCreateInfoNV}})) = PipelineViewportSwizzleStateCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDiscardRectanglePropertiesEXT}, Type{_PhysicalDeviceDiscardRectanglePropertiesEXT}})) = PhysicalDeviceDiscardRectanglePropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPipelineDiscardRectangleStateCreateInfoEXT}, Type{_PipelineDiscardRectangleStateCreateInfoEXT}})) = PipelineDiscardRectangleStateCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX}, Type{_PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX}})) = PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX hl_type(@nospecialize(_::Union{Type{VkInputAttachmentAspectReference}, Type{_InputAttachmentAspectReference}})) = InputAttachmentAspectReference hl_type(@nospecialize(_::Union{Type{VkRenderPassInputAttachmentAspectCreateInfo}, Type{_RenderPassInputAttachmentAspectCreateInfo}})) = RenderPassInputAttachmentAspectCreateInfo hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSurfaceInfo2KHR}, Type{_PhysicalDeviceSurfaceInfo2KHR}})) = PhysicalDeviceSurfaceInfo2KHR hl_type(@nospecialize(_::Union{Type{VkSurfaceCapabilities2KHR}, Type{_SurfaceCapabilities2KHR}})) = SurfaceCapabilities2KHR hl_type(@nospecialize(_::Union{Type{VkSurfaceFormat2KHR}, Type{_SurfaceFormat2KHR}})) = SurfaceFormat2KHR hl_type(@nospecialize(_::Union{Type{VkDisplayProperties2KHR}, Type{_DisplayProperties2KHR}})) = DisplayProperties2KHR hl_type(@nospecialize(_::Union{Type{VkDisplayPlaneProperties2KHR}, Type{_DisplayPlaneProperties2KHR}})) = DisplayPlaneProperties2KHR hl_type(@nospecialize(_::Union{Type{VkDisplayModeProperties2KHR}, Type{_DisplayModeProperties2KHR}})) = DisplayModeProperties2KHR hl_type(@nospecialize(_::Union{Type{VkDisplayPlaneInfo2KHR}, Type{_DisplayPlaneInfo2KHR}})) = DisplayPlaneInfo2KHR hl_type(@nospecialize(_::Union{Type{VkDisplayPlaneCapabilities2KHR}, Type{_DisplayPlaneCapabilities2KHR}})) = DisplayPlaneCapabilities2KHR hl_type(@nospecialize(_::Union{Type{VkSharedPresentSurfaceCapabilitiesKHR}, Type{_SharedPresentSurfaceCapabilitiesKHR}})) = SharedPresentSurfaceCapabilitiesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDevice16BitStorageFeatures}, Type{_PhysicalDevice16BitStorageFeatures}})) = PhysicalDevice16BitStorageFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubgroupProperties}, Type{_PhysicalDeviceSubgroupProperties}})) = PhysicalDeviceSubgroupProperties hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures}, Type{_PhysicalDeviceShaderSubgroupExtendedTypesFeatures}})) = PhysicalDeviceShaderSubgroupExtendedTypesFeatures hl_type(@nospecialize(_::Union{Type{VkBufferMemoryRequirementsInfo2}, Type{_BufferMemoryRequirementsInfo2}})) = BufferMemoryRequirementsInfo2 hl_type(@nospecialize(_::Union{Type{VkDeviceBufferMemoryRequirements}, Type{_DeviceBufferMemoryRequirements}})) = DeviceBufferMemoryRequirements hl_type(@nospecialize(_::Union{Type{VkImageMemoryRequirementsInfo2}, Type{_ImageMemoryRequirementsInfo2}})) = ImageMemoryRequirementsInfo2 hl_type(@nospecialize(_::Union{Type{VkImageSparseMemoryRequirementsInfo2}, Type{_ImageSparseMemoryRequirementsInfo2}})) = ImageSparseMemoryRequirementsInfo2 hl_type(@nospecialize(_::Union{Type{VkDeviceImageMemoryRequirements}, Type{_DeviceImageMemoryRequirements}})) = DeviceImageMemoryRequirements hl_type(@nospecialize(_::Union{Type{VkMemoryRequirements2}, Type{_MemoryRequirements2}})) = MemoryRequirements2 hl_type(@nospecialize(_::Union{Type{VkSparseImageMemoryRequirements2}, Type{_SparseImageMemoryRequirements2}})) = SparseImageMemoryRequirements2 hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePointClippingProperties}, Type{_PhysicalDevicePointClippingProperties}})) = PhysicalDevicePointClippingProperties hl_type(@nospecialize(_::Union{Type{VkMemoryDedicatedRequirements}, Type{_MemoryDedicatedRequirements}})) = MemoryDedicatedRequirements hl_type(@nospecialize(_::Union{Type{VkMemoryDedicatedAllocateInfo}, Type{_MemoryDedicatedAllocateInfo}})) = MemoryDedicatedAllocateInfo hl_type(@nospecialize(_::Union{Type{VkImageViewUsageCreateInfo}, Type{_ImageViewUsageCreateInfo}})) = ImageViewUsageCreateInfo hl_type(@nospecialize(_::Union{Type{VkPipelineTessellationDomainOriginStateCreateInfo}, Type{_PipelineTessellationDomainOriginStateCreateInfo}})) = PipelineTessellationDomainOriginStateCreateInfo hl_type(@nospecialize(_::Union{Type{VkSamplerYcbcrConversionInfo}, Type{_SamplerYcbcrConversionInfo}})) = SamplerYcbcrConversionInfo hl_type(@nospecialize(_::Union{Type{VkSamplerYcbcrConversionCreateInfo}, Type{_SamplerYcbcrConversionCreateInfo}})) = SamplerYcbcrConversionCreateInfo hl_type(@nospecialize(_::Union{Type{VkBindImagePlaneMemoryInfo}, Type{_BindImagePlaneMemoryInfo}})) = BindImagePlaneMemoryInfo hl_type(@nospecialize(_::Union{Type{VkImagePlaneMemoryRequirementsInfo}, Type{_ImagePlaneMemoryRequirementsInfo}})) = ImagePlaneMemoryRequirementsInfo hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSamplerYcbcrConversionFeatures}, Type{_PhysicalDeviceSamplerYcbcrConversionFeatures}})) = PhysicalDeviceSamplerYcbcrConversionFeatures hl_type(@nospecialize(_::Union{Type{VkSamplerYcbcrConversionImageFormatProperties}, Type{_SamplerYcbcrConversionImageFormatProperties}})) = SamplerYcbcrConversionImageFormatProperties hl_type(@nospecialize(_::Union{Type{VkTextureLODGatherFormatPropertiesAMD}, Type{_TextureLODGatherFormatPropertiesAMD}})) = TextureLODGatherFormatPropertiesAMD hl_type(@nospecialize(_::Union{Type{VkConditionalRenderingBeginInfoEXT}, Type{_ConditionalRenderingBeginInfoEXT}})) = ConditionalRenderingBeginInfoEXT hl_type(@nospecialize(_::Union{Type{VkProtectedSubmitInfo}, Type{_ProtectedSubmitInfo}})) = ProtectedSubmitInfo hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProtectedMemoryFeatures}, Type{_PhysicalDeviceProtectedMemoryFeatures}})) = PhysicalDeviceProtectedMemoryFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProtectedMemoryProperties}, Type{_PhysicalDeviceProtectedMemoryProperties}})) = PhysicalDeviceProtectedMemoryProperties hl_type(@nospecialize(_::Union{Type{VkDeviceQueueInfo2}, Type{_DeviceQueueInfo2}})) = DeviceQueueInfo2 hl_type(@nospecialize(_::Union{Type{VkPipelineCoverageToColorStateCreateInfoNV}, Type{_PipelineCoverageToColorStateCreateInfoNV}})) = PipelineCoverageToColorStateCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSamplerFilterMinmaxProperties}, Type{_PhysicalDeviceSamplerFilterMinmaxProperties}})) = PhysicalDeviceSamplerFilterMinmaxProperties hl_type(@nospecialize(_::Union{Type{VkSampleLocationEXT}, Type{_SampleLocationEXT}})) = SampleLocationEXT hl_type(@nospecialize(_::Union{Type{VkSampleLocationsInfoEXT}, Type{_SampleLocationsInfoEXT}})) = SampleLocationsInfoEXT hl_type(@nospecialize(_::Union{Type{VkAttachmentSampleLocationsEXT}, Type{_AttachmentSampleLocationsEXT}})) = AttachmentSampleLocationsEXT hl_type(@nospecialize(_::Union{Type{VkSubpassSampleLocationsEXT}, Type{_SubpassSampleLocationsEXT}})) = SubpassSampleLocationsEXT hl_type(@nospecialize(_::Union{Type{VkRenderPassSampleLocationsBeginInfoEXT}, Type{_RenderPassSampleLocationsBeginInfoEXT}})) = RenderPassSampleLocationsBeginInfoEXT hl_type(@nospecialize(_::Union{Type{VkPipelineSampleLocationsStateCreateInfoEXT}, Type{_PipelineSampleLocationsStateCreateInfoEXT}})) = PipelineSampleLocationsStateCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSampleLocationsPropertiesEXT}, Type{_PhysicalDeviceSampleLocationsPropertiesEXT}})) = PhysicalDeviceSampleLocationsPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkMultisamplePropertiesEXT}, Type{_MultisamplePropertiesEXT}})) = MultisamplePropertiesEXT hl_type(@nospecialize(_::Union{Type{VkSamplerReductionModeCreateInfo}, Type{_SamplerReductionModeCreateInfo}})) = SamplerReductionModeCreateInfo hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT}, Type{_PhysicalDeviceBlendOperationAdvancedFeaturesEXT}})) = PhysicalDeviceBlendOperationAdvancedFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiDrawFeaturesEXT}, Type{_PhysicalDeviceMultiDrawFeaturesEXT}})) = PhysicalDeviceMultiDrawFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT}, Type{_PhysicalDeviceBlendOperationAdvancedPropertiesEXT}})) = PhysicalDeviceBlendOperationAdvancedPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPipelineColorBlendAdvancedStateCreateInfoEXT}, Type{_PipelineColorBlendAdvancedStateCreateInfoEXT}})) = PipelineColorBlendAdvancedStateCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceInlineUniformBlockFeatures}, Type{_PhysicalDeviceInlineUniformBlockFeatures}})) = PhysicalDeviceInlineUniformBlockFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceInlineUniformBlockProperties}, Type{_PhysicalDeviceInlineUniformBlockProperties}})) = PhysicalDeviceInlineUniformBlockProperties hl_type(@nospecialize(_::Union{Type{VkWriteDescriptorSetInlineUniformBlock}, Type{_WriteDescriptorSetInlineUniformBlock}})) = WriteDescriptorSetInlineUniformBlock hl_type(@nospecialize(_::Union{Type{VkDescriptorPoolInlineUniformBlockCreateInfo}, Type{_DescriptorPoolInlineUniformBlockCreateInfo}})) = DescriptorPoolInlineUniformBlockCreateInfo hl_type(@nospecialize(_::Union{Type{VkPipelineCoverageModulationStateCreateInfoNV}, Type{_PipelineCoverageModulationStateCreateInfoNV}})) = PipelineCoverageModulationStateCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkImageFormatListCreateInfo}, Type{_ImageFormatListCreateInfo}})) = ImageFormatListCreateInfo hl_type(@nospecialize(_::Union{Type{VkValidationCacheCreateInfoEXT}, Type{_ValidationCacheCreateInfoEXT}})) = ValidationCacheCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkShaderModuleValidationCacheCreateInfoEXT}, Type{_ShaderModuleValidationCacheCreateInfoEXT}})) = ShaderModuleValidationCacheCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMaintenance3Properties}, Type{_PhysicalDeviceMaintenance3Properties}})) = PhysicalDeviceMaintenance3Properties hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMaintenance4Features}, Type{_PhysicalDeviceMaintenance4Features}})) = PhysicalDeviceMaintenance4Features hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMaintenance4Properties}, Type{_PhysicalDeviceMaintenance4Properties}})) = PhysicalDeviceMaintenance4Properties hl_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutSupport}, Type{_DescriptorSetLayoutSupport}})) = DescriptorSetLayoutSupport hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderDrawParametersFeatures}, Type{_PhysicalDeviceShaderDrawParametersFeatures}})) = PhysicalDeviceShaderDrawParametersFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderFloat16Int8Features}, Type{_PhysicalDeviceShaderFloat16Int8Features}})) = PhysicalDeviceShaderFloat16Int8Features hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFloatControlsProperties}, Type{_PhysicalDeviceFloatControlsProperties}})) = PhysicalDeviceFloatControlsProperties hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceHostQueryResetFeatures}, Type{_PhysicalDeviceHostQueryResetFeatures}})) = PhysicalDeviceHostQueryResetFeatures hl_type(@nospecialize(_::Union{Type{VkShaderResourceUsageAMD}, Type{_ShaderResourceUsageAMD}})) = ShaderResourceUsageAMD hl_type(@nospecialize(_::Union{Type{VkShaderStatisticsInfoAMD}, Type{_ShaderStatisticsInfoAMD}})) = ShaderStatisticsInfoAMD hl_type(@nospecialize(_::Union{Type{VkDeviceQueueGlobalPriorityCreateInfoKHR}, Type{_DeviceQueueGlobalPriorityCreateInfoKHR}})) = DeviceQueueGlobalPriorityCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR}, Type{_PhysicalDeviceGlobalPriorityQueryFeaturesKHR}})) = PhysicalDeviceGlobalPriorityQueryFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkQueueFamilyGlobalPriorityPropertiesKHR}, Type{_QueueFamilyGlobalPriorityPropertiesKHR}})) = QueueFamilyGlobalPriorityPropertiesKHR hl_type(@nospecialize(_::Union{Type{VkDebugUtilsObjectNameInfoEXT}, Type{_DebugUtilsObjectNameInfoEXT}})) = DebugUtilsObjectNameInfoEXT hl_type(@nospecialize(_::Union{Type{VkDebugUtilsObjectTagInfoEXT}, Type{_DebugUtilsObjectTagInfoEXT}})) = DebugUtilsObjectTagInfoEXT hl_type(@nospecialize(_::Union{Type{VkDebugUtilsLabelEXT}, Type{_DebugUtilsLabelEXT}})) = DebugUtilsLabelEXT hl_type(@nospecialize(_::Union{Type{VkDebugUtilsMessengerCreateInfoEXT}, Type{_DebugUtilsMessengerCreateInfoEXT}})) = DebugUtilsMessengerCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkDebugUtilsMessengerCallbackDataEXT}, Type{_DebugUtilsMessengerCallbackDataEXT}})) = DebugUtilsMessengerCallbackDataEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDeviceMemoryReportFeaturesEXT}, Type{_PhysicalDeviceDeviceMemoryReportFeaturesEXT}})) = PhysicalDeviceDeviceMemoryReportFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkDeviceDeviceMemoryReportCreateInfoEXT}, Type{_DeviceDeviceMemoryReportCreateInfoEXT}})) = DeviceDeviceMemoryReportCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkDeviceMemoryReportCallbackDataEXT}, Type{_DeviceMemoryReportCallbackDataEXT}})) = DeviceMemoryReportCallbackDataEXT hl_type(@nospecialize(_::Union{Type{VkImportMemoryHostPointerInfoEXT}, Type{_ImportMemoryHostPointerInfoEXT}})) = ImportMemoryHostPointerInfoEXT hl_type(@nospecialize(_::Union{Type{VkMemoryHostPointerPropertiesEXT}, Type{_MemoryHostPointerPropertiesEXT}})) = MemoryHostPointerPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalMemoryHostPropertiesEXT}, Type{_PhysicalDeviceExternalMemoryHostPropertiesEXT}})) = PhysicalDeviceExternalMemoryHostPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceConservativeRasterizationPropertiesEXT}, Type{_PhysicalDeviceConservativeRasterizationPropertiesEXT}})) = PhysicalDeviceConservativeRasterizationPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkCalibratedTimestampInfoEXT}, Type{_CalibratedTimestampInfoEXT}})) = CalibratedTimestampInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderCorePropertiesAMD}, Type{_PhysicalDeviceShaderCorePropertiesAMD}})) = PhysicalDeviceShaderCorePropertiesAMD hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderCoreProperties2AMD}, Type{_PhysicalDeviceShaderCoreProperties2AMD}})) = PhysicalDeviceShaderCoreProperties2AMD hl_type(@nospecialize(_::Union{Type{VkPipelineRasterizationConservativeStateCreateInfoEXT}, Type{_PipelineRasterizationConservativeStateCreateInfoEXT}})) = PipelineRasterizationConservativeStateCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorIndexingFeatures}, Type{_PhysicalDeviceDescriptorIndexingFeatures}})) = PhysicalDeviceDescriptorIndexingFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorIndexingProperties}, Type{_PhysicalDeviceDescriptorIndexingProperties}})) = PhysicalDeviceDescriptorIndexingProperties hl_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutBindingFlagsCreateInfo}, Type{_DescriptorSetLayoutBindingFlagsCreateInfo}})) = DescriptorSetLayoutBindingFlagsCreateInfo hl_type(@nospecialize(_::Union{Type{VkDescriptorSetVariableDescriptorCountAllocateInfo}, Type{_DescriptorSetVariableDescriptorCountAllocateInfo}})) = DescriptorSetVariableDescriptorCountAllocateInfo hl_type(@nospecialize(_::Union{Type{VkDescriptorSetVariableDescriptorCountLayoutSupport}, Type{_DescriptorSetVariableDescriptorCountLayoutSupport}})) = DescriptorSetVariableDescriptorCountLayoutSupport hl_type(@nospecialize(_::Union{Type{VkAttachmentDescription2}, Type{_AttachmentDescription2}})) = AttachmentDescription2 hl_type(@nospecialize(_::Union{Type{VkAttachmentReference2}, Type{_AttachmentReference2}})) = AttachmentReference2 hl_type(@nospecialize(_::Union{Type{VkSubpassDescription2}, Type{_SubpassDescription2}})) = SubpassDescription2 hl_type(@nospecialize(_::Union{Type{VkSubpassDependency2}, Type{_SubpassDependency2}})) = SubpassDependency2 hl_type(@nospecialize(_::Union{Type{VkRenderPassCreateInfo2}, Type{_RenderPassCreateInfo2}})) = RenderPassCreateInfo2 hl_type(@nospecialize(_::Union{Type{VkSubpassBeginInfo}, Type{_SubpassBeginInfo}})) = SubpassBeginInfo hl_type(@nospecialize(_::Union{Type{VkSubpassEndInfo}, Type{_SubpassEndInfo}})) = SubpassEndInfo hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTimelineSemaphoreFeatures}, Type{_PhysicalDeviceTimelineSemaphoreFeatures}})) = PhysicalDeviceTimelineSemaphoreFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTimelineSemaphoreProperties}, Type{_PhysicalDeviceTimelineSemaphoreProperties}})) = PhysicalDeviceTimelineSemaphoreProperties hl_type(@nospecialize(_::Union{Type{VkSemaphoreTypeCreateInfo}, Type{_SemaphoreTypeCreateInfo}})) = SemaphoreTypeCreateInfo hl_type(@nospecialize(_::Union{Type{VkTimelineSemaphoreSubmitInfo}, Type{_TimelineSemaphoreSubmitInfo}})) = TimelineSemaphoreSubmitInfo hl_type(@nospecialize(_::Union{Type{VkSemaphoreWaitInfo}, Type{_SemaphoreWaitInfo}})) = SemaphoreWaitInfo hl_type(@nospecialize(_::Union{Type{VkSemaphoreSignalInfo}, Type{_SemaphoreSignalInfo}})) = SemaphoreSignalInfo hl_type(@nospecialize(_::Union{Type{VkVertexInputBindingDivisorDescriptionEXT}, Type{_VertexInputBindingDivisorDescriptionEXT}})) = VertexInputBindingDivisorDescriptionEXT hl_type(@nospecialize(_::Union{Type{VkPipelineVertexInputDivisorStateCreateInfoEXT}, Type{_PipelineVertexInputDivisorStateCreateInfoEXT}})) = PipelineVertexInputDivisorStateCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT}, Type{_PhysicalDeviceVertexAttributeDivisorPropertiesEXT}})) = PhysicalDeviceVertexAttributeDivisorPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePCIBusInfoPropertiesEXT}, Type{_PhysicalDevicePCIBusInfoPropertiesEXT}})) = PhysicalDevicePCIBusInfoPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceConditionalRenderingInfoEXT}, Type{_CommandBufferInheritanceConditionalRenderingInfoEXT}})) = CommandBufferInheritanceConditionalRenderingInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDevice8BitStorageFeatures}, Type{_PhysicalDevice8BitStorageFeatures}})) = PhysicalDevice8BitStorageFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceConditionalRenderingFeaturesEXT}, Type{_PhysicalDeviceConditionalRenderingFeaturesEXT}})) = PhysicalDeviceConditionalRenderingFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkanMemoryModelFeatures}, Type{_PhysicalDeviceVulkanMemoryModelFeatures}})) = PhysicalDeviceVulkanMemoryModelFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderAtomicInt64Features}, Type{_PhysicalDeviceShaderAtomicInt64Features}})) = PhysicalDeviceShaderAtomicInt64Features hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderAtomicFloatFeaturesEXT}, Type{_PhysicalDeviceShaderAtomicFloatFeaturesEXT}})) = PhysicalDeviceShaderAtomicFloatFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT}, Type{_PhysicalDeviceShaderAtomicFloat2FeaturesEXT}})) = PhysicalDeviceShaderAtomicFloat2FeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT}, Type{_PhysicalDeviceVertexAttributeDivisorFeaturesEXT}})) = PhysicalDeviceVertexAttributeDivisorFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkQueueFamilyCheckpointPropertiesNV}, Type{_QueueFamilyCheckpointPropertiesNV}})) = QueueFamilyCheckpointPropertiesNV hl_type(@nospecialize(_::Union{Type{VkCheckpointDataNV}, Type{_CheckpointDataNV}})) = CheckpointDataNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDepthStencilResolveProperties}, Type{_PhysicalDeviceDepthStencilResolveProperties}})) = PhysicalDeviceDepthStencilResolveProperties hl_type(@nospecialize(_::Union{Type{VkSubpassDescriptionDepthStencilResolve}, Type{_SubpassDescriptionDepthStencilResolve}})) = SubpassDescriptionDepthStencilResolve hl_type(@nospecialize(_::Union{Type{VkImageViewASTCDecodeModeEXT}, Type{_ImageViewASTCDecodeModeEXT}})) = ImageViewASTCDecodeModeEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceASTCDecodeFeaturesEXT}, Type{_PhysicalDeviceASTCDecodeFeaturesEXT}})) = PhysicalDeviceASTCDecodeFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTransformFeedbackFeaturesEXT}, Type{_PhysicalDeviceTransformFeedbackFeaturesEXT}})) = PhysicalDeviceTransformFeedbackFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTransformFeedbackPropertiesEXT}, Type{_PhysicalDeviceTransformFeedbackPropertiesEXT}})) = PhysicalDeviceTransformFeedbackPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPipelineRasterizationStateStreamCreateInfoEXT}, Type{_PipelineRasterizationStateStreamCreateInfoEXT}})) = PipelineRasterizationStateStreamCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV}, Type{_PhysicalDeviceRepresentativeFragmentTestFeaturesNV}})) = PhysicalDeviceRepresentativeFragmentTestFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPipelineRepresentativeFragmentTestStateCreateInfoNV}, Type{_PipelineRepresentativeFragmentTestStateCreateInfoNV}})) = PipelineRepresentativeFragmentTestStateCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExclusiveScissorFeaturesNV}, Type{_PhysicalDeviceExclusiveScissorFeaturesNV}})) = PhysicalDeviceExclusiveScissorFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPipelineViewportExclusiveScissorStateCreateInfoNV}, Type{_PipelineViewportExclusiveScissorStateCreateInfoNV}})) = PipelineViewportExclusiveScissorStateCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCornerSampledImageFeaturesNV}, Type{_PhysicalDeviceCornerSampledImageFeaturesNV}})) = PhysicalDeviceCornerSampledImageFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceComputeShaderDerivativesFeaturesNV}, Type{_PhysicalDeviceComputeShaderDerivativesFeaturesNV}})) = PhysicalDeviceComputeShaderDerivativesFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderImageFootprintFeaturesNV}, Type{_PhysicalDeviceShaderImageFootprintFeaturesNV}})) = PhysicalDeviceShaderImageFootprintFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV}, Type{_PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV}})) = PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCopyMemoryIndirectFeaturesNV}, Type{_PhysicalDeviceCopyMemoryIndirectFeaturesNV}})) = PhysicalDeviceCopyMemoryIndirectFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCopyMemoryIndirectPropertiesNV}, Type{_PhysicalDeviceCopyMemoryIndirectPropertiesNV}})) = PhysicalDeviceCopyMemoryIndirectPropertiesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryDecompressionFeaturesNV}, Type{_PhysicalDeviceMemoryDecompressionFeaturesNV}})) = PhysicalDeviceMemoryDecompressionFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryDecompressionPropertiesNV}, Type{_PhysicalDeviceMemoryDecompressionPropertiesNV}})) = PhysicalDeviceMemoryDecompressionPropertiesNV hl_type(@nospecialize(_::Union{Type{VkShadingRatePaletteNV}, Type{_ShadingRatePaletteNV}})) = ShadingRatePaletteNV hl_type(@nospecialize(_::Union{Type{VkPipelineViewportShadingRateImageStateCreateInfoNV}, Type{_PipelineViewportShadingRateImageStateCreateInfoNV}})) = PipelineViewportShadingRateImageStateCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShadingRateImageFeaturesNV}, Type{_PhysicalDeviceShadingRateImageFeaturesNV}})) = PhysicalDeviceShadingRateImageFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShadingRateImagePropertiesNV}, Type{_PhysicalDeviceShadingRateImagePropertiesNV}})) = PhysicalDeviceShadingRateImagePropertiesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceInvocationMaskFeaturesHUAWEI}, Type{_PhysicalDeviceInvocationMaskFeaturesHUAWEI}})) = PhysicalDeviceInvocationMaskFeaturesHUAWEI hl_type(@nospecialize(_::Union{Type{VkCoarseSampleLocationNV}, Type{_CoarseSampleLocationNV}})) = CoarseSampleLocationNV hl_type(@nospecialize(_::Union{Type{VkCoarseSampleOrderCustomNV}, Type{_CoarseSampleOrderCustomNV}})) = CoarseSampleOrderCustomNV hl_type(@nospecialize(_::Union{Type{VkPipelineViewportCoarseSampleOrderStateCreateInfoNV}, Type{_PipelineViewportCoarseSampleOrderStateCreateInfoNV}})) = PipelineViewportCoarseSampleOrderStateCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMeshShaderFeaturesNV}, Type{_PhysicalDeviceMeshShaderFeaturesNV}})) = PhysicalDeviceMeshShaderFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMeshShaderPropertiesNV}, Type{_PhysicalDeviceMeshShaderPropertiesNV}})) = PhysicalDeviceMeshShaderPropertiesNV hl_type(@nospecialize(_::Union{Type{VkDrawMeshTasksIndirectCommandNV}, Type{_DrawMeshTasksIndirectCommandNV}})) = DrawMeshTasksIndirectCommandNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMeshShaderFeaturesEXT}, Type{_PhysicalDeviceMeshShaderFeaturesEXT}})) = PhysicalDeviceMeshShaderFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMeshShaderPropertiesEXT}, Type{_PhysicalDeviceMeshShaderPropertiesEXT}})) = PhysicalDeviceMeshShaderPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkDrawMeshTasksIndirectCommandEXT}, Type{_DrawMeshTasksIndirectCommandEXT}})) = DrawMeshTasksIndirectCommandEXT hl_type(@nospecialize(_::Union{Type{VkRayTracingShaderGroupCreateInfoNV}, Type{_RayTracingShaderGroupCreateInfoNV}})) = RayTracingShaderGroupCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkRayTracingShaderGroupCreateInfoKHR}, Type{_RayTracingShaderGroupCreateInfoKHR}})) = RayTracingShaderGroupCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkRayTracingPipelineCreateInfoNV}, Type{_RayTracingPipelineCreateInfoNV}})) = RayTracingPipelineCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkRayTracingPipelineCreateInfoKHR}, Type{_RayTracingPipelineCreateInfoKHR}})) = RayTracingPipelineCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkGeometryTrianglesNV}, Type{_GeometryTrianglesNV}})) = GeometryTrianglesNV hl_type(@nospecialize(_::Union{Type{VkGeometryAABBNV}, Type{_GeometryAABBNV}})) = GeometryAABBNV hl_type(@nospecialize(_::Union{Type{VkGeometryDataNV}, Type{_GeometryDataNV}})) = GeometryDataNV hl_type(@nospecialize(_::Union{Type{VkGeometryNV}, Type{_GeometryNV}})) = GeometryNV hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureInfoNV}, Type{_AccelerationStructureInfoNV}})) = AccelerationStructureInfoNV hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureCreateInfoNV}, Type{_AccelerationStructureCreateInfoNV}})) = AccelerationStructureCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkBindAccelerationStructureMemoryInfoNV}, Type{_BindAccelerationStructureMemoryInfoNV}})) = BindAccelerationStructureMemoryInfoNV hl_type(@nospecialize(_::Union{Type{VkWriteDescriptorSetAccelerationStructureKHR}, Type{_WriteDescriptorSetAccelerationStructureKHR}})) = WriteDescriptorSetAccelerationStructureKHR hl_type(@nospecialize(_::Union{Type{VkWriteDescriptorSetAccelerationStructureNV}, Type{_WriteDescriptorSetAccelerationStructureNV}})) = WriteDescriptorSetAccelerationStructureNV hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureMemoryRequirementsInfoNV}, Type{_AccelerationStructureMemoryRequirementsInfoNV}})) = AccelerationStructureMemoryRequirementsInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAccelerationStructureFeaturesKHR}, Type{_PhysicalDeviceAccelerationStructureFeaturesKHR}})) = PhysicalDeviceAccelerationStructureFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingPipelineFeaturesKHR}, Type{_PhysicalDeviceRayTracingPipelineFeaturesKHR}})) = PhysicalDeviceRayTracingPipelineFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayQueryFeaturesKHR}, Type{_PhysicalDeviceRayQueryFeaturesKHR}})) = PhysicalDeviceRayQueryFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAccelerationStructurePropertiesKHR}, Type{_PhysicalDeviceAccelerationStructurePropertiesKHR}})) = PhysicalDeviceAccelerationStructurePropertiesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingPipelinePropertiesKHR}, Type{_PhysicalDeviceRayTracingPipelinePropertiesKHR}})) = PhysicalDeviceRayTracingPipelinePropertiesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingPropertiesNV}, Type{_PhysicalDeviceRayTracingPropertiesNV}})) = PhysicalDeviceRayTracingPropertiesNV hl_type(@nospecialize(_::Union{Type{VkStridedDeviceAddressRegionKHR}, Type{_StridedDeviceAddressRegionKHR}})) = StridedDeviceAddressRegionKHR hl_type(@nospecialize(_::Union{Type{VkTraceRaysIndirectCommandKHR}, Type{_TraceRaysIndirectCommandKHR}})) = TraceRaysIndirectCommandKHR hl_type(@nospecialize(_::Union{Type{VkTraceRaysIndirectCommand2KHR}, Type{_TraceRaysIndirectCommand2KHR}})) = TraceRaysIndirectCommand2KHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR}, Type{_PhysicalDeviceRayTracingMaintenance1FeaturesKHR}})) = PhysicalDeviceRayTracingMaintenance1FeaturesKHR hl_type(@nospecialize(_::Union{Type{VkDrmFormatModifierPropertiesListEXT}, Type{_DrmFormatModifierPropertiesListEXT}})) = DrmFormatModifierPropertiesListEXT hl_type(@nospecialize(_::Union{Type{VkDrmFormatModifierPropertiesEXT}, Type{_DrmFormatModifierPropertiesEXT}})) = DrmFormatModifierPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageDrmFormatModifierInfoEXT}, Type{_PhysicalDeviceImageDrmFormatModifierInfoEXT}})) = PhysicalDeviceImageDrmFormatModifierInfoEXT hl_type(@nospecialize(_::Union{Type{VkImageDrmFormatModifierListCreateInfoEXT}, Type{_ImageDrmFormatModifierListCreateInfoEXT}})) = ImageDrmFormatModifierListCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkImageDrmFormatModifierExplicitCreateInfoEXT}, Type{_ImageDrmFormatModifierExplicitCreateInfoEXT}})) = ImageDrmFormatModifierExplicitCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkImageDrmFormatModifierPropertiesEXT}, Type{_ImageDrmFormatModifierPropertiesEXT}})) = ImageDrmFormatModifierPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkImageStencilUsageCreateInfo}, Type{_ImageStencilUsageCreateInfo}})) = ImageStencilUsageCreateInfo hl_type(@nospecialize(_::Union{Type{VkDeviceMemoryOverallocationCreateInfoAMD}, Type{_DeviceMemoryOverallocationCreateInfoAMD}})) = DeviceMemoryOverallocationCreateInfoAMD hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMapFeaturesEXT}, Type{_PhysicalDeviceFragmentDensityMapFeaturesEXT}})) = PhysicalDeviceFragmentDensityMapFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMap2FeaturesEXT}, Type{_PhysicalDeviceFragmentDensityMap2FeaturesEXT}})) = PhysicalDeviceFragmentDensityMap2FeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM}, Type{_PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM}})) = PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMapPropertiesEXT}, Type{_PhysicalDeviceFragmentDensityMapPropertiesEXT}})) = PhysicalDeviceFragmentDensityMapPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMap2PropertiesEXT}, Type{_PhysicalDeviceFragmentDensityMap2PropertiesEXT}})) = PhysicalDeviceFragmentDensityMap2PropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM}, Type{_PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM}})) = PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM hl_type(@nospecialize(_::Union{Type{VkRenderPassFragmentDensityMapCreateInfoEXT}, Type{_RenderPassFragmentDensityMapCreateInfoEXT}})) = RenderPassFragmentDensityMapCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkSubpassFragmentDensityMapOffsetEndInfoQCOM}, Type{_SubpassFragmentDensityMapOffsetEndInfoQCOM}})) = SubpassFragmentDensityMapOffsetEndInfoQCOM hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceScalarBlockLayoutFeatures}, Type{_PhysicalDeviceScalarBlockLayoutFeatures}})) = PhysicalDeviceScalarBlockLayoutFeatures hl_type(@nospecialize(_::Union{Type{VkSurfaceProtectedCapabilitiesKHR}, Type{_SurfaceProtectedCapabilitiesKHR}})) = SurfaceProtectedCapabilitiesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceUniformBufferStandardLayoutFeatures}, Type{_PhysicalDeviceUniformBufferStandardLayoutFeatures}})) = PhysicalDeviceUniformBufferStandardLayoutFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDepthClipEnableFeaturesEXT}, Type{_PhysicalDeviceDepthClipEnableFeaturesEXT}})) = PhysicalDeviceDepthClipEnableFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPipelineRasterizationDepthClipStateCreateInfoEXT}, Type{_PipelineRasterizationDepthClipStateCreateInfoEXT}})) = PipelineRasterizationDepthClipStateCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryBudgetPropertiesEXT}, Type{_PhysicalDeviceMemoryBudgetPropertiesEXT}})) = PhysicalDeviceMemoryBudgetPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryPriorityFeaturesEXT}, Type{_PhysicalDeviceMemoryPriorityFeaturesEXT}})) = PhysicalDeviceMemoryPriorityFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkMemoryPriorityAllocateInfoEXT}, Type{_MemoryPriorityAllocateInfoEXT}})) = MemoryPriorityAllocateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT}, Type{_PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT}})) = PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBufferDeviceAddressFeatures}, Type{_PhysicalDeviceBufferDeviceAddressFeatures}})) = PhysicalDeviceBufferDeviceAddressFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBufferDeviceAddressFeaturesEXT}, Type{_PhysicalDeviceBufferDeviceAddressFeaturesEXT}})) = PhysicalDeviceBufferDeviceAddressFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkBufferDeviceAddressInfo}, Type{_BufferDeviceAddressInfo}})) = BufferDeviceAddressInfo hl_type(@nospecialize(_::Union{Type{VkBufferOpaqueCaptureAddressCreateInfo}, Type{_BufferOpaqueCaptureAddressCreateInfo}})) = BufferOpaqueCaptureAddressCreateInfo hl_type(@nospecialize(_::Union{Type{VkBufferDeviceAddressCreateInfoEXT}, Type{_BufferDeviceAddressCreateInfoEXT}})) = BufferDeviceAddressCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageViewImageFormatInfoEXT}, Type{_PhysicalDeviceImageViewImageFormatInfoEXT}})) = PhysicalDeviceImageViewImageFormatInfoEXT hl_type(@nospecialize(_::Union{Type{VkFilterCubicImageViewImageFormatPropertiesEXT}, Type{_FilterCubicImageViewImageFormatPropertiesEXT}})) = FilterCubicImageViewImageFormatPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImagelessFramebufferFeatures}, Type{_PhysicalDeviceImagelessFramebufferFeatures}})) = PhysicalDeviceImagelessFramebufferFeatures hl_type(@nospecialize(_::Union{Type{VkFramebufferAttachmentsCreateInfo}, Type{_FramebufferAttachmentsCreateInfo}})) = FramebufferAttachmentsCreateInfo hl_type(@nospecialize(_::Union{Type{VkFramebufferAttachmentImageInfo}, Type{_FramebufferAttachmentImageInfo}})) = FramebufferAttachmentImageInfo hl_type(@nospecialize(_::Union{Type{VkRenderPassAttachmentBeginInfo}, Type{_RenderPassAttachmentBeginInfo}})) = RenderPassAttachmentBeginInfo hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTextureCompressionASTCHDRFeatures}, Type{_PhysicalDeviceTextureCompressionASTCHDRFeatures}})) = PhysicalDeviceTextureCompressionASTCHDRFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCooperativeMatrixFeaturesNV}, Type{_PhysicalDeviceCooperativeMatrixFeaturesNV}})) = PhysicalDeviceCooperativeMatrixFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCooperativeMatrixPropertiesNV}, Type{_PhysicalDeviceCooperativeMatrixPropertiesNV}})) = PhysicalDeviceCooperativeMatrixPropertiesNV hl_type(@nospecialize(_::Union{Type{VkCooperativeMatrixPropertiesNV}, Type{_CooperativeMatrixPropertiesNV}})) = CooperativeMatrixPropertiesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceYcbcrImageArraysFeaturesEXT}, Type{_PhysicalDeviceYcbcrImageArraysFeaturesEXT}})) = PhysicalDeviceYcbcrImageArraysFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkImageViewHandleInfoNVX}, Type{_ImageViewHandleInfoNVX}})) = ImageViewHandleInfoNVX hl_type(@nospecialize(_::Union{Type{VkImageViewAddressPropertiesNVX}, Type{_ImageViewAddressPropertiesNVX}})) = ImageViewAddressPropertiesNVX hl_type(@nospecialize(_::Union{Type{VkPipelineCreationFeedback}, Type{_PipelineCreationFeedback}})) = PipelineCreationFeedback hl_type(@nospecialize(_::Union{Type{VkPipelineCreationFeedbackCreateInfo}, Type{_PipelineCreationFeedbackCreateInfo}})) = PipelineCreationFeedbackCreateInfo hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePresentBarrierFeaturesNV}, Type{_PhysicalDevicePresentBarrierFeaturesNV}})) = PhysicalDevicePresentBarrierFeaturesNV hl_type(@nospecialize(_::Union{Type{VkSurfaceCapabilitiesPresentBarrierNV}, Type{_SurfaceCapabilitiesPresentBarrierNV}})) = SurfaceCapabilitiesPresentBarrierNV hl_type(@nospecialize(_::Union{Type{VkSwapchainPresentBarrierCreateInfoNV}, Type{_SwapchainPresentBarrierCreateInfoNV}})) = SwapchainPresentBarrierCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePerformanceQueryFeaturesKHR}, Type{_PhysicalDevicePerformanceQueryFeaturesKHR}})) = PhysicalDevicePerformanceQueryFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePerformanceQueryPropertiesKHR}, Type{_PhysicalDevicePerformanceQueryPropertiesKHR}})) = PhysicalDevicePerformanceQueryPropertiesKHR hl_type(@nospecialize(_::Union{Type{VkPerformanceCounterKHR}, Type{_PerformanceCounterKHR}})) = PerformanceCounterKHR hl_type(@nospecialize(_::Union{Type{VkPerformanceCounterDescriptionKHR}, Type{_PerformanceCounterDescriptionKHR}})) = PerformanceCounterDescriptionKHR hl_type(@nospecialize(_::Union{Type{VkQueryPoolPerformanceCreateInfoKHR}, Type{_QueryPoolPerformanceCreateInfoKHR}})) = QueryPoolPerformanceCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkAcquireProfilingLockInfoKHR}, Type{_AcquireProfilingLockInfoKHR}})) = AcquireProfilingLockInfoKHR hl_type(@nospecialize(_::Union{Type{VkPerformanceQuerySubmitInfoKHR}, Type{_PerformanceQuerySubmitInfoKHR}})) = PerformanceQuerySubmitInfoKHR hl_type(@nospecialize(_::Union{Type{VkHeadlessSurfaceCreateInfoEXT}, Type{_HeadlessSurfaceCreateInfoEXT}})) = HeadlessSurfaceCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCoverageReductionModeFeaturesNV}, Type{_PhysicalDeviceCoverageReductionModeFeaturesNV}})) = PhysicalDeviceCoverageReductionModeFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPipelineCoverageReductionStateCreateInfoNV}, Type{_PipelineCoverageReductionStateCreateInfoNV}})) = PipelineCoverageReductionStateCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkFramebufferMixedSamplesCombinationNV}, Type{_FramebufferMixedSamplesCombinationNV}})) = FramebufferMixedSamplesCombinationNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL}, Type{_PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL}})) = PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL hl_type(@nospecialize(_::Union{Type{VkPerformanceValueINTEL}, Type{_PerformanceValueINTEL}})) = PerformanceValueINTEL hl_type(@nospecialize(_::Union{Type{VkInitializePerformanceApiInfoINTEL}, Type{_InitializePerformanceApiInfoINTEL}})) = InitializePerformanceApiInfoINTEL hl_type(@nospecialize(_::Union{Type{VkQueryPoolPerformanceQueryCreateInfoINTEL}, Type{_QueryPoolPerformanceQueryCreateInfoINTEL}})) = QueryPoolPerformanceQueryCreateInfoINTEL hl_type(@nospecialize(_::Union{Type{VkPerformanceMarkerInfoINTEL}, Type{_PerformanceMarkerInfoINTEL}})) = PerformanceMarkerInfoINTEL hl_type(@nospecialize(_::Union{Type{VkPerformanceStreamMarkerInfoINTEL}, Type{_PerformanceStreamMarkerInfoINTEL}})) = PerformanceStreamMarkerInfoINTEL hl_type(@nospecialize(_::Union{Type{VkPerformanceOverrideInfoINTEL}, Type{_PerformanceOverrideInfoINTEL}})) = PerformanceOverrideInfoINTEL hl_type(@nospecialize(_::Union{Type{VkPerformanceConfigurationAcquireInfoINTEL}, Type{_PerformanceConfigurationAcquireInfoINTEL}})) = PerformanceConfigurationAcquireInfoINTEL hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderClockFeaturesKHR}, Type{_PhysicalDeviceShaderClockFeaturesKHR}})) = PhysicalDeviceShaderClockFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceIndexTypeUint8FeaturesEXT}, Type{_PhysicalDeviceIndexTypeUint8FeaturesEXT}})) = PhysicalDeviceIndexTypeUint8FeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderSMBuiltinsPropertiesNV}, Type{_PhysicalDeviceShaderSMBuiltinsPropertiesNV}})) = PhysicalDeviceShaderSMBuiltinsPropertiesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderSMBuiltinsFeaturesNV}, Type{_PhysicalDeviceShaderSMBuiltinsFeaturesNV}})) = PhysicalDeviceShaderSMBuiltinsFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT}, Type{_PhysicalDeviceFragmentShaderInterlockFeaturesEXT}})) = PhysicalDeviceFragmentShaderInterlockFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures}, Type{_PhysicalDeviceSeparateDepthStencilLayoutsFeatures}})) = PhysicalDeviceSeparateDepthStencilLayoutsFeatures hl_type(@nospecialize(_::Union{Type{VkAttachmentReferenceStencilLayout}, Type{_AttachmentReferenceStencilLayout}})) = AttachmentReferenceStencilLayout hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT}, Type{_PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT}})) = PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkAttachmentDescriptionStencilLayout}, Type{_AttachmentDescriptionStencilLayout}})) = AttachmentDescriptionStencilLayout hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR}, Type{_PhysicalDevicePipelineExecutablePropertiesFeaturesKHR}})) = PhysicalDevicePipelineExecutablePropertiesFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkPipelineInfoKHR}, Type{_PipelineInfoKHR}})) = PipelineInfoKHR hl_type(@nospecialize(_::Union{Type{VkPipelineExecutablePropertiesKHR}, Type{_PipelineExecutablePropertiesKHR}})) = PipelineExecutablePropertiesKHR hl_type(@nospecialize(_::Union{Type{VkPipelineExecutableInfoKHR}, Type{_PipelineExecutableInfoKHR}})) = PipelineExecutableInfoKHR hl_type(@nospecialize(_::Union{Type{VkPipelineExecutableStatisticKHR}, Type{_PipelineExecutableStatisticKHR}})) = PipelineExecutableStatisticKHR hl_type(@nospecialize(_::Union{Type{VkPipelineExecutableInternalRepresentationKHR}, Type{_PipelineExecutableInternalRepresentationKHR}})) = PipelineExecutableInternalRepresentationKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures}, Type{_PhysicalDeviceShaderDemoteToHelperInvocationFeatures}})) = PhysicalDeviceShaderDemoteToHelperInvocationFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT}, Type{_PhysicalDeviceTexelBufferAlignmentFeaturesEXT}})) = PhysicalDeviceTexelBufferAlignmentFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTexelBufferAlignmentProperties}, Type{_PhysicalDeviceTexelBufferAlignmentProperties}})) = PhysicalDeviceTexelBufferAlignmentProperties hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubgroupSizeControlFeatures}, Type{_PhysicalDeviceSubgroupSizeControlFeatures}})) = PhysicalDeviceSubgroupSizeControlFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubgroupSizeControlProperties}, Type{_PhysicalDeviceSubgroupSizeControlProperties}})) = PhysicalDeviceSubgroupSizeControlProperties hl_type(@nospecialize(_::Union{Type{VkPipelineShaderStageRequiredSubgroupSizeCreateInfo}, Type{_PipelineShaderStageRequiredSubgroupSizeCreateInfo}})) = PipelineShaderStageRequiredSubgroupSizeCreateInfo hl_type(@nospecialize(_::Union{Type{VkSubpassShadingPipelineCreateInfoHUAWEI}, Type{_SubpassShadingPipelineCreateInfoHUAWEI}})) = SubpassShadingPipelineCreateInfoHUAWEI hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubpassShadingPropertiesHUAWEI}, Type{_PhysicalDeviceSubpassShadingPropertiesHUAWEI}})) = PhysicalDeviceSubpassShadingPropertiesHUAWEI hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI}, Type{_PhysicalDeviceClusterCullingShaderPropertiesHUAWEI}})) = PhysicalDeviceClusterCullingShaderPropertiesHUAWEI hl_type(@nospecialize(_::Union{Type{VkMemoryOpaqueCaptureAddressAllocateInfo}, Type{_MemoryOpaqueCaptureAddressAllocateInfo}})) = MemoryOpaqueCaptureAddressAllocateInfo hl_type(@nospecialize(_::Union{Type{VkDeviceMemoryOpaqueCaptureAddressInfo}, Type{_DeviceMemoryOpaqueCaptureAddressInfo}})) = DeviceMemoryOpaqueCaptureAddressInfo hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLineRasterizationFeaturesEXT}, Type{_PhysicalDeviceLineRasterizationFeaturesEXT}})) = PhysicalDeviceLineRasterizationFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLineRasterizationPropertiesEXT}, Type{_PhysicalDeviceLineRasterizationPropertiesEXT}})) = PhysicalDeviceLineRasterizationPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPipelineRasterizationLineStateCreateInfoEXT}, Type{_PipelineRasterizationLineStateCreateInfoEXT}})) = PipelineRasterizationLineStateCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineCreationCacheControlFeatures}, Type{_PhysicalDevicePipelineCreationCacheControlFeatures}})) = PhysicalDevicePipelineCreationCacheControlFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan11Features}, Type{_PhysicalDeviceVulkan11Features}})) = PhysicalDeviceVulkan11Features hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan11Properties}, Type{_PhysicalDeviceVulkan11Properties}})) = PhysicalDeviceVulkan11Properties hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan12Features}, Type{_PhysicalDeviceVulkan12Features}})) = PhysicalDeviceVulkan12Features hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan12Properties}, Type{_PhysicalDeviceVulkan12Properties}})) = PhysicalDeviceVulkan12Properties hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan13Features}, Type{_PhysicalDeviceVulkan13Features}})) = PhysicalDeviceVulkan13Features hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan13Properties}, Type{_PhysicalDeviceVulkan13Properties}})) = PhysicalDeviceVulkan13Properties hl_type(@nospecialize(_::Union{Type{VkPipelineCompilerControlCreateInfoAMD}, Type{_PipelineCompilerControlCreateInfoAMD}})) = PipelineCompilerControlCreateInfoAMD hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCoherentMemoryFeaturesAMD}, Type{_PhysicalDeviceCoherentMemoryFeaturesAMD}})) = PhysicalDeviceCoherentMemoryFeaturesAMD hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceToolProperties}, Type{_PhysicalDeviceToolProperties}})) = PhysicalDeviceToolProperties hl_type(@nospecialize(_::Union{Type{VkSamplerCustomBorderColorCreateInfoEXT}, Type{_SamplerCustomBorderColorCreateInfoEXT}})) = SamplerCustomBorderColorCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCustomBorderColorPropertiesEXT}, Type{_PhysicalDeviceCustomBorderColorPropertiesEXT}})) = PhysicalDeviceCustomBorderColorPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCustomBorderColorFeaturesEXT}, Type{_PhysicalDeviceCustomBorderColorFeaturesEXT}})) = PhysicalDeviceCustomBorderColorFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkSamplerBorderColorComponentMappingCreateInfoEXT}, Type{_SamplerBorderColorComponentMappingCreateInfoEXT}})) = SamplerBorderColorComponentMappingCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBorderColorSwizzleFeaturesEXT}, Type{_PhysicalDeviceBorderColorSwizzleFeaturesEXT}})) = PhysicalDeviceBorderColorSwizzleFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryTrianglesDataKHR}, Type{_AccelerationStructureGeometryTrianglesDataKHR}})) = AccelerationStructureGeometryTrianglesDataKHR hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryAabbsDataKHR}, Type{_AccelerationStructureGeometryAabbsDataKHR}})) = AccelerationStructureGeometryAabbsDataKHR hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryInstancesDataKHR}, Type{_AccelerationStructureGeometryInstancesDataKHR}})) = AccelerationStructureGeometryInstancesDataKHR hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryKHR}, Type{_AccelerationStructureGeometryKHR}})) = AccelerationStructureGeometryKHR hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureBuildGeometryInfoKHR}, Type{_AccelerationStructureBuildGeometryInfoKHR}})) = AccelerationStructureBuildGeometryInfoKHR hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureBuildRangeInfoKHR}, Type{_AccelerationStructureBuildRangeInfoKHR}})) = AccelerationStructureBuildRangeInfoKHR hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureCreateInfoKHR}, Type{_AccelerationStructureCreateInfoKHR}})) = AccelerationStructureCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkAabbPositionsKHR}, Type{_AabbPositionsKHR}})) = AabbPositionsKHR hl_type(@nospecialize(_::Union{Type{VkTransformMatrixKHR}, Type{_TransformMatrixKHR}})) = TransformMatrixKHR hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureInstanceKHR}, Type{_AccelerationStructureInstanceKHR}})) = AccelerationStructureInstanceKHR hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureDeviceAddressInfoKHR}, Type{_AccelerationStructureDeviceAddressInfoKHR}})) = AccelerationStructureDeviceAddressInfoKHR hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureVersionInfoKHR}, Type{_AccelerationStructureVersionInfoKHR}})) = AccelerationStructureVersionInfoKHR hl_type(@nospecialize(_::Union{Type{VkCopyAccelerationStructureInfoKHR}, Type{_CopyAccelerationStructureInfoKHR}})) = CopyAccelerationStructureInfoKHR hl_type(@nospecialize(_::Union{Type{VkCopyAccelerationStructureToMemoryInfoKHR}, Type{_CopyAccelerationStructureToMemoryInfoKHR}})) = CopyAccelerationStructureToMemoryInfoKHR hl_type(@nospecialize(_::Union{Type{VkCopyMemoryToAccelerationStructureInfoKHR}, Type{_CopyMemoryToAccelerationStructureInfoKHR}})) = CopyMemoryToAccelerationStructureInfoKHR hl_type(@nospecialize(_::Union{Type{VkRayTracingPipelineInterfaceCreateInfoKHR}, Type{_RayTracingPipelineInterfaceCreateInfoKHR}})) = RayTracingPipelineInterfaceCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkPipelineLibraryCreateInfoKHR}, Type{_PipelineLibraryCreateInfoKHR}})) = PipelineLibraryCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExtendedDynamicStateFeaturesEXT}, Type{_PhysicalDeviceExtendedDynamicStateFeaturesEXT}})) = PhysicalDeviceExtendedDynamicStateFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExtendedDynamicState2FeaturesEXT}, Type{_PhysicalDeviceExtendedDynamicState2FeaturesEXT}})) = PhysicalDeviceExtendedDynamicState2FeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExtendedDynamicState3FeaturesEXT}, Type{_PhysicalDeviceExtendedDynamicState3FeaturesEXT}})) = PhysicalDeviceExtendedDynamicState3FeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExtendedDynamicState3PropertiesEXT}, Type{_PhysicalDeviceExtendedDynamicState3PropertiesEXT}})) = PhysicalDeviceExtendedDynamicState3PropertiesEXT hl_type(@nospecialize(_::Union{Type{VkColorBlendEquationEXT}, Type{_ColorBlendEquationEXT}})) = ColorBlendEquationEXT hl_type(@nospecialize(_::Union{Type{VkColorBlendAdvancedEXT}, Type{_ColorBlendAdvancedEXT}})) = ColorBlendAdvancedEXT hl_type(@nospecialize(_::Union{Type{VkRenderPassTransformBeginInfoQCOM}, Type{_RenderPassTransformBeginInfoQCOM}})) = RenderPassTransformBeginInfoQCOM hl_type(@nospecialize(_::Union{Type{VkCopyCommandTransformInfoQCOM}, Type{_CopyCommandTransformInfoQCOM}})) = CopyCommandTransformInfoQCOM hl_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceRenderPassTransformInfoQCOM}, Type{_CommandBufferInheritanceRenderPassTransformInfoQCOM}})) = CommandBufferInheritanceRenderPassTransformInfoQCOM hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDiagnosticsConfigFeaturesNV}, Type{_PhysicalDeviceDiagnosticsConfigFeaturesNV}})) = PhysicalDeviceDiagnosticsConfigFeaturesNV hl_type(@nospecialize(_::Union{Type{VkDeviceDiagnosticsConfigCreateInfoNV}, Type{_DeviceDiagnosticsConfigCreateInfoNV}})) = DeviceDiagnosticsConfigCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures}, Type{_PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures}})) = PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR}, Type{_PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR}})) = PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRobustness2FeaturesEXT}, Type{_PhysicalDeviceRobustness2FeaturesEXT}})) = PhysicalDeviceRobustness2FeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRobustness2PropertiesEXT}, Type{_PhysicalDeviceRobustness2PropertiesEXT}})) = PhysicalDeviceRobustness2PropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageRobustnessFeatures}, Type{_PhysicalDeviceImageRobustnessFeatures}})) = PhysicalDeviceImageRobustnessFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR}, Type{_PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR}})) = PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDevice4444FormatsFeaturesEXT}, Type{_PhysicalDevice4444FormatsFeaturesEXT}})) = PhysicalDevice4444FormatsFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubpassShadingFeaturesHUAWEI}, Type{_PhysicalDeviceSubpassShadingFeaturesHUAWEI}})) = PhysicalDeviceSubpassShadingFeaturesHUAWEI hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI}, Type{_PhysicalDeviceClusterCullingShaderFeaturesHUAWEI}})) = PhysicalDeviceClusterCullingShaderFeaturesHUAWEI hl_type(@nospecialize(_::Union{Type{VkBufferCopy2}, Type{_BufferCopy2}})) = BufferCopy2 hl_type(@nospecialize(_::Union{Type{VkImageCopy2}, Type{_ImageCopy2}})) = ImageCopy2 hl_type(@nospecialize(_::Union{Type{VkImageBlit2}, Type{_ImageBlit2}})) = ImageBlit2 hl_type(@nospecialize(_::Union{Type{VkBufferImageCopy2}, Type{_BufferImageCopy2}})) = BufferImageCopy2 hl_type(@nospecialize(_::Union{Type{VkImageResolve2}, Type{_ImageResolve2}})) = ImageResolve2 hl_type(@nospecialize(_::Union{Type{VkCopyBufferInfo2}, Type{_CopyBufferInfo2}})) = CopyBufferInfo2 hl_type(@nospecialize(_::Union{Type{VkCopyImageInfo2}, Type{_CopyImageInfo2}})) = CopyImageInfo2 hl_type(@nospecialize(_::Union{Type{VkBlitImageInfo2}, Type{_BlitImageInfo2}})) = BlitImageInfo2 hl_type(@nospecialize(_::Union{Type{VkCopyBufferToImageInfo2}, Type{_CopyBufferToImageInfo2}})) = CopyBufferToImageInfo2 hl_type(@nospecialize(_::Union{Type{VkCopyImageToBufferInfo2}, Type{_CopyImageToBufferInfo2}})) = CopyImageToBufferInfo2 hl_type(@nospecialize(_::Union{Type{VkResolveImageInfo2}, Type{_ResolveImageInfo2}})) = ResolveImageInfo2 hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT}, Type{_PhysicalDeviceShaderImageAtomicInt64FeaturesEXT}})) = PhysicalDeviceShaderImageAtomicInt64FeaturesEXT hl_type(@nospecialize(_::Union{Type{VkFragmentShadingRateAttachmentInfoKHR}, Type{_FragmentShadingRateAttachmentInfoKHR}})) = FragmentShadingRateAttachmentInfoKHR hl_type(@nospecialize(_::Union{Type{VkPipelineFragmentShadingRateStateCreateInfoKHR}, Type{_PipelineFragmentShadingRateStateCreateInfoKHR}})) = PipelineFragmentShadingRateStateCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRateFeaturesKHR}, Type{_PhysicalDeviceFragmentShadingRateFeaturesKHR}})) = PhysicalDeviceFragmentShadingRateFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRatePropertiesKHR}, Type{_PhysicalDeviceFragmentShadingRatePropertiesKHR}})) = PhysicalDeviceFragmentShadingRatePropertiesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRateKHR}, Type{_PhysicalDeviceFragmentShadingRateKHR}})) = PhysicalDeviceFragmentShadingRateKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderTerminateInvocationFeatures}, Type{_PhysicalDeviceShaderTerminateInvocationFeatures}})) = PhysicalDeviceShaderTerminateInvocationFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV}, Type{_PhysicalDeviceFragmentShadingRateEnumsFeaturesNV}})) = PhysicalDeviceFragmentShadingRateEnumsFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV}, Type{_PhysicalDeviceFragmentShadingRateEnumsPropertiesNV}})) = PhysicalDeviceFragmentShadingRateEnumsPropertiesNV hl_type(@nospecialize(_::Union{Type{VkPipelineFragmentShadingRateEnumStateCreateInfoNV}, Type{_PipelineFragmentShadingRateEnumStateCreateInfoNV}})) = PipelineFragmentShadingRateEnumStateCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureBuildSizesInfoKHR}, Type{_AccelerationStructureBuildSizesInfoKHR}})) = AccelerationStructureBuildSizesInfoKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImage2DViewOf3DFeaturesEXT}, Type{_PhysicalDeviceImage2DViewOf3DFeaturesEXT}})) = PhysicalDeviceImage2DViewOf3DFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT}, Type{_PhysicalDeviceMutableDescriptorTypeFeaturesEXT}})) = PhysicalDeviceMutableDescriptorTypeFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkMutableDescriptorTypeListEXT}, Type{_MutableDescriptorTypeListEXT}})) = MutableDescriptorTypeListEXT hl_type(@nospecialize(_::Union{Type{VkMutableDescriptorTypeCreateInfoEXT}, Type{_MutableDescriptorTypeCreateInfoEXT}})) = MutableDescriptorTypeCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDepthClipControlFeaturesEXT}, Type{_PhysicalDeviceDepthClipControlFeaturesEXT}})) = PhysicalDeviceDepthClipControlFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPipelineViewportDepthClipControlCreateInfoEXT}, Type{_PipelineViewportDepthClipControlCreateInfoEXT}})) = PipelineViewportDepthClipControlCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT}, Type{_PhysicalDeviceVertexInputDynamicStateFeaturesEXT}})) = PhysicalDeviceVertexInputDynamicStateFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalMemoryRDMAFeaturesNV}, Type{_PhysicalDeviceExternalMemoryRDMAFeaturesNV}})) = PhysicalDeviceExternalMemoryRDMAFeaturesNV hl_type(@nospecialize(_::Union{Type{VkVertexInputBindingDescription2EXT}, Type{_VertexInputBindingDescription2EXT}})) = VertexInputBindingDescription2EXT hl_type(@nospecialize(_::Union{Type{VkVertexInputAttributeDescription2EXT}, Type{_VertexInputAttributeDescription2EXT}})) = VertexInputAttributeDescription2EXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceColorWriteEnableFeaturesEXT}, Type{_PhysicalDeviceColorWriteEnableFeaturesEXT}})) = PhysicalDeviceColorWriteEnableFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPipelineColorWriteCreateInfoEXT}, Type{_PipelineColorWriteCreateInfoEXT}})) = PipelineColorWriteCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkMemoryBarrier2}, Type{_MemoryBarrier2}})) = MemoryBarrier2 hl_type(@nospecialize(_::Union{Type{VkImageMemoryBarrier2}, Type{_ImageMemoryBarrier2}})) = ImageMemoryBarrier2 hl_type(@nospecialize(_::Union{Type{VkBufferMemoryBarrier2}, Type{_BufferMemoryBarrier2}})) = BufferMemoryBarrier2 hl_type(@nospecialize(_::Union{Type{VkDependencyInfo}, Type{_DependencyInfo}})) = DependencyInfo hl_type(@nospecialize(_::Union{Type{VkSemaphoreSubmitInfo}, Type{_SemaphoreSubmitInfo}})) = SemaphoreSubmitInfo hl_type(@nospecialize(_::Union{Type{VkCommandBufferSubmitInfo}, Type{_CommandBufferSubmitInfo}})) = CommandBufferSubmitInfo hl_type(@nospecialize(_::Union{Type{VkSubmitInfo2}, Type{_SubmitInfo2}})) = SubmitInfo2 hl_type(@nospecialize(_::Union{Type{VkQueueFamilyCheckpointProperties2NV}, Type{_QueueFamilyCheckpointProperties2NV}})) = QueueFamilyCheckpointProperties2NV hl_type(@nospecialize(_::Union{Type{VkCheckpointData2NV}, Type{_CheckpointData2NV}})) = CheckpointData2NV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSynchronization2Features}, Type{_PhysicalDeviceSynchronization2Features}})) = PhysicalDeviceSynchronization2Features hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT}, Type{_PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT}})) = PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLegacyDitheringFeaturesEXT}, Type{_PhysicalDeviceLegacyDitheringFeaturesEXT}})) = PhysicalDeviceLegacyDitheringFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT}, Type{_PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT}})) = PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkSubpassResolvePerformanceQueryEXT}, Type{_SubpassResolvePerformanceQueryEXT}})) = SubpassResolvePerformanceQueryEXT hl_type(@nospecialize(_::Union{Type{VkMultisampledRenderToSingleSampledInfoEXT}, Type{_MultisampledRenderToSingleSampledInfoEXT}})) = MultisampledRenderToSingleSampledInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineProtectedAccessFeaturesEXT}, Type{_PhysicalDevicePipelineProtectedAccessFeaturesEXT}})) = PhysicalDevicePipelineProtectedAccessFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkQueueFamilyVideoPropertiesKHR}, Type{_QueueFamilyVideoPropertiesKHR}})) = QueueFamilyVideoPropertiesKHR hl_type(@nospecialize(_::Union{Type{VkQueueFamilyQueryResultStatusPropertiesKHR}, Type{_QueueFamilyQueryResultStatusPropertiesKHR}})) = QueueFamilyQueryResultStatusPropertiesKHR hl_type(@nospecialize(_::Union{Type{VkVideoProfileListInfoKHR}, Type{_VideoProfileListInfoKHR}})) = VideoProfileListInfoKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVideoFormatInfoKHR}, Type{_PhysicalDeviceVideoFormatInfoKHR}})) = PhysicalDeviceVideoFormatInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoFormatPropertiesKHR}, Type{_VideoFormatPropertiesKHR}})) = VideoFormatPropertiesKHR hl_type(@nospecialize(_::Union{Type{VkVideoProfileInfoKHR}, Type{_VideoProfileInfoKHR}})) = VideoProfileInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoCapabilitiesKHR}, Type{_VideoCapabilitiesKHR}})) = VideoCapabilitiesKHR hl_type(@nospecialize(_::Union{Type{VkVideoSessionMemoryRequirementsKHR}, Type{_VideoSessionMemoryRequirementsKHR}})) = VideoSessionMemoryRequirementsKHR hl_type(@nospecialize(_::Union{Type{VkBindVideoSessionMemoryInfoKHR}, Type{_BindVideoSessionMemoryInfoKHR}})) = BindVideoSessionMemoryInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoPictureResourceInfoKHR}, Type{_VideoPictureResourceInfoKHR}})) = VideoPictureResourceInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoReferenceSlotInfoKHR}, Type{_VideoReferenceSlotInfoKHR}})) = VideoReferenceSlotInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeCapabilitiesKHR}, Type{_VideoDecodeCapabilitiesKHR}})) = VideoDecodeCapabilitiesKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeUsageInfoKHR}, Type{_VideoDecodeUsageInfoKHR}})) = VideoDecodeUsageInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeInfoKHR}, Type{_VideoDecodeInfoKHR}})) = VideoDecodeInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeH264ProfileInfoKHR}, Type{_VideoDecodeH264ProfileInfoKHR}})) = VideoDecodeH264ProfileInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeH264CapabilitiesKHR}, Type{_VideoDecodeH264CapabilitiesKHR}})) = VideoDecodeH264CapabilitiesKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeH264SessionParametersAddInfoKHR}, Type{_VideoDecodeH264SessionParametersAddInfoKHR}})) = VideoDecodeH264SessionParametersAddInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeH264SessionParametersCreateInfoKHR}, Type{_VideoDecodeH264SessionParametersCreateInfoKHR}})) = VideoDecodeH264SessionParametersCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeH264PictureInfoKHR}, Type{_VideoDecodeH264PictureInfoKHR}})) = VideoDecodeH264PictureInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeH264DpbSlotInfoKHR}, Type{_VideoDecodeH264DpbSlotInfoKHR}})) = VideoDecodeH264DpbSlotInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeH265ProfileInfoKHR}, Type{_VideoDecodeH265ProfileInfoKHR}})) = VideoDecodeH265ProfileInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeH265CapabilitiesKHR}, Type{_VideoDecodeH265CapabilitiesKHR}})) = VideoDecodeH265CapabilitiesKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeH265SessionParametersAddInfoKHR}, Type{_VideoDecodeH265SessionParametersAddInfoKHR}})) = VideoDecodeH265SessionParametersAddInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeH265SessionParametersCreateInfoKHR}, Type{_VideoDecodeH265SessionParametersCreateInfoKHR}})) = VideoDecodeH265SessionParametersCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeH265PictureInfoKHR}, Type{_VideoDecodeH265PictureInfoKHR}})) = VideoDecodeH265PictureInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeH265DpbSlotInfoKHR}, Type{_VideoDecodeH265DpbSlotInfoKHR}})) = VideoDecodeH265DpbSlotInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoSessionCreateInfoKHR}, Type{_VideoSessionCreateInfoKHR}})) = VideoSessionCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoSessionParametersCreateInfoKHR}, Type{_VideoSessionParametersCreateInfoKHR}})) = VideoSessionParametersCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoSessionParametersUpdateInfoKHR}, Type{_VideoSessionParametersUpdateInfoKHR}})) = VideoSessionParametersUpdateInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoBeginCodingInfoKHR}, Type{_VideoBeginCodingInfoKHR}})) = VideoBeginCodingInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoEndCodingInfoKHR}, Type{_VideoEndCodingInfoKHR}})) = VideoEndCodingInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoCodingControlInfoKHR}, Type{_VideoCodingControlInfoKHR}})) = VideoCodingControlInfoKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceInheritedViewportScissorFeaturesNV}, Type{_PhysicalDeviceInheritedViewportScissorFeaturesNV}})) = PhysicalDeviceInheritedViewportScissorFeaturesNV hl_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceViewportScissorInfoNV}, Type{_CommandBufferInheritanceViewportScissorInfoNV}})) = CommandBufferInheritanceViewportScissorInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT}, Type{_PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT}})) = PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProvokingVertexFeaturesEXT}, Type{_PhysicalDeviceProvokingVertexFeaturesEXT}})) = PhysicalDeviceProvokingVertexFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProvokingVertexPropertiesEXT}, Type{_PhysicalDeviceProvokingVertexPropertiesEXT}})) = PhysicalDeviceProvokingVertexPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPipelineRasterizationProvokingVertexStateCreateInfoEXT}, Type{_PipelineRasterizationProvokingVertexStateCreateInfoEXT}})) = PipelineRasterizationProvokingVertexStateCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkCuModuleCreateInfoNVX}, Type{_CuModuleCreateInfoNVX}})) = CuModuleCreateInfoNVX hl_type(@nospecialize(_::Union{Type{VkCuFunctionCreateInfoNVX}, Type{_CuFunctionCreateInfoNVX}})) = CuFunctionCreateInfoNVX hl_type(@nospecialize(_::Union{Type{VkCuLaunchInfoNVX}, Type{_CuLaunchInfoNVX}})) = CuLaunchInfoNVX hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorBufferFeaturesEXT}, Type{_PhysicalDeviceDescriptorBufferFeaturesEXT}})) = PhysicalDeviceDescriptorBufferFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorBufferPropertiesEXT}, Type{_PhysicalDeviceDescriptorBufferPropertiesEXT}})) = PhysicalDeviceDescriptorBufferPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT}, Type{_PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT}})) = PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkDescriptorAddressInfoEXT}, Type{_DescriptorAddressInfoEXT}})) = DescriptorAddressInfoEXT hl_type(@nospecialize(_::Union{Type{VkDescriptorBufferBindingInfoEXT}, Type{_DescriptorBufferBindingInfoEXT}})) = DescriptorBufferBindingInfoEXT hl_type(@nospecialize(_::Union{Type{VkDescriptorBufferBindingPushDescriptorBufferHandleEXT}, Type{_DescriptorBufferBindingPushDescriptorBufferHandleEXT}})) = DescriptorBufferBindingPushDescriptorBufferHandleEXT hl_type(@nospecialize(_::Union{Type{VkDescriptorGetInfoEXT}, Type{_DescriptorGetInfoEXT}})) = DescriptorGetInfoEXT hl_type(@nospecialize(_::Union{Type{VkBufferCaptureDescriptorDataInfoEXT}, Type{_BufferCaptureDescriptorDataInfoEXT}})) = BufferCaptureDescriptorDataInfoEXT hl_type(@nospecialize(_::Union{Type{VkImageCaptureDescriptorDataInfoEXT}, Type{_ImageCaptureDescriptorDataInfoEXT}})) = ImageCaptureDescriptorDataInfoEXT hl_type(@nospecialize(_::Union{Type{VkImageViewCaptureDescriptorDataInfoEXT}, Type{_ImageViewCaptureDescriptorDataInfoEXT}})) = ImageViewCaptureDescriptorDataInfoEXT hl_type(@nospecialize(_::Union{Type{VkSamplerCaptureDescriptorDataInfoEXT}, Type{_SamplerCaptureDescriptorDataInfoEXT}})) = SamplerCaptureDescriptorDataInfoEXT hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureCaptureDescriptorDataInfoEXT}, Type{_AccelerationStructureCaptureDescriptorDataInfoEXT}})) = AccelerationStructureCaptureDescriptorDataInfoEXT hl_type(@nospecialize(_::Union{Type{VkOpaqueCaptureDescriptorDataCreateInfoEXT}, Type{_OpaqueCaptureDescriptorDataCreateInfoEXT}})) = OpaqueCaptureDescriptorDataCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderIntegerDotProductFeatures}, Type{_PhysicalDeviceShaderIntegerDotProductFeatures}})) = PhysicalDeviceShaderIntegerDotProductFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderIntegerDotProductProperties}, Type{_PhysicalDeviceShaderIntegerDotProductProperties}})) = PhysicalDeviceShaderIntegerDotProductProperties hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDrmPropertiesEXT}, Type{_PhysicalDeviceDrmPropertiesEXT}})) = PhysicalDeviceDrmPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR}, Type{_PhysicalDeviceFragmentShaderBarycentricFeaturesKHR}})) = PhysicalDeviceFragmentShaderBarycentricFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR}, Type{_PhysicalDeviceFragmentShaderBarycentricPropertiesKHR}})) = PhysicalDeviceFragmentShaderBarycentricPropertiesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingMotionBlurFeaturesNV}, Type{_PhysicalDeviceRayTracingMotionBlurFeaturesNV}})) = PhysicalDeviceRayTracingMotionBlurFeaturesNV hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryMotionTrianglesDataNV}, Type{_AccelerationStructureGeometryMotionTrianglesDataNV}})) = AccelerationStructureGeometryMotionTrianglesDataNV hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureMotionInfoNV}, Type{_AccelerationStructureMotionInfoNV}})) = AccelerationStructureMotionInfoNV hl_type(@nospecialize(_::Union{Type{VkSRTDataNV}, Type{_SRTDataNV}})) = SRTDataNV hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureSRTMotionInstanceNV}, Type{_AccelerationStructureSRTMotionInstanceNV}})) = AccelerationStructureSRTMotionInstanceNV hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureMatrixMotionInstanceNV}, Type{_AccelerationStructureMatrixMotionInstanceNV}})) = AccelerationStructureMatrixMotionInstanceNV hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureMotionInstanceNV}, Type{_AccelerationStructureMotionInstanceNV}})) = AccelerationStructureMotionInstanceNV hl_type(@nospecialize(_::Union{Type{VkMemoryGetRemoteAddressInfoNV}, Type{_MemoryGetRemoteAddressInfoNV}})) = MemoryGetRemoteAddressInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT}, Type{_PhysicalDeviceRGBA10X6FormatsFeaturesEXT}})) = PhysicalDeviceRGBA10X6FormatsFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkFormatProperties3}, Type{_FormatProperties3}})) = FormatProperties3 hl_type(@nospecialize(_::Union{Type{VkDrmFormatModifierPropertiesList2EXT}, Type{_DrmFormatModifierPropertiesList2EXT}})) = DrmFormatModifierPropertiesList2EXT hl_type(@nospecialize(_::Union{Type{VkDrmFormatModifierProperties2EXT}, Type{_DrmFormatModifierProperties2EXT}})) = DrmFormatModifierProperties2EXT hl_type(@nospecialize(_::Union{Type{VkPipelineRenderingCreateInfo}, Type{_PipelineRenderingCreateInfo}})) = PipelineRenderingCreateInfo hl_type(@nospecialize(_::Union{Type{VkRenderingInfo}, Type{_RenderingInfo}})) = RenderingInfo hl_type(@nospecialize(_::Union{Type{VkRenderingAttachmentInfo}, Type{_RenderingAttachmentInfo}})) = RenderingAttachmentInfo hl_type(@nospecialize(_::Union{Type{VkRenderingFragmentShadingRateAttachmentInfoKHR}, Type{_RenderingFragmentShadingRateAttachmentInfoKHR}})) = RenderingFragmentShadingRateAttachmentInfoKHR hl_type(@nospecialize(_::Union{Type{VkRenderingFragmentDensityMapAttachmentInfoEXT}, Type{_RenderingFragmentDensityMapAttachmentInfoEXT}})) = RenderingFragmentDensityMapAttachmentInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDynamicRenderingFeatures}, Type{_PhysicalDeviceDynamicRenderingFeatures}})) = PhysicalDeviceDynamicRenderingFeatures hl_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceRenderingInfo}, Type{_CommandBufferInheritanceRenderingInfo}})) = CommandBufferInheritanceRenderingInfo hl_type(@nospecialize(_::Union{Type{VkAttachmentSampleCountInfoAMD}, Type{_AttachmentSampleCountInfoAMD}})) = AttachmentSampleCountInfoAMD hl_type(@nospecialize(_::Union{Type{VkMultiviewPerViewAttributesInfoNVX}, Type{_MultiviewPerViewAttributesInfoNVX}})) = MultiviewPerViewAttributesInfoNVX hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageViewMinLodFeaturesEXT}, Type{_PhysicalDeviceImageViewMinLodFeaturesEXT}})) = PhysicalDeviceImageViewMinLodFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkImageViewMinLodCreateInfoEXT}, Type{_ImageViewMinLodCreateInfoEXT}})) = ImageViewMinLodCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT}, Type{_PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT}})) = PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLinearColorAttachmentFeaturesNV}, Type{_PhysicalDeviceLinearColorAttachmentFeaturesNV}})) = PhysicalDeviceLinearColorAttachmentFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT}, Type{_PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT}})) = PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT}, Type{_PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT}})) = PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkGraphicsPipelineLibraryCreateInfoEXT}, Type{_GraphicsPipelineLibraryCreateInfoEXT}})) = GraphicsPipelineLibraryCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE}, Type{_PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE}})) = PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE hl_type(@nospecialize(_::Union{Type{VkDescriptorSetBindingReferenceVALVE}, Type{_DescriptorSetBindingReferenceVALVE}})) = DescriptorSetBindingReferenceVALVE hl_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutHostMappingInfoVALVE}, Type{_DescriptorSetLayoutHostMappingInfoVALVE}})) = DescriptorSetLayoutHostMappingInfoVALVE hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT}, Type{_PhysicalDeviceShaderModuleIdentifierFeaturesEXT}})) = PhysicalDeviceShaderModuleIdentifierFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT}, Type{_PhysicalDeviceShaderModuleIdentifierPropertiesEXT}})) = PhysicalDeviceShaderModuleIdentifierPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPipelineShaderStageModuleIdentifierCreateInfoEXT}, Type{_PipelineShaderStageModuleIdentifierCreateInfoEXT}})) = PipelineShaderStageModuleIdentifierCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkShaderModuleIdentifierEXT}, Type{_ShaderModuleIdentifierEXT}})) = ShaderModuleIdentifierEXT hl_type(@nospecialize(_::Union{Type{VkImageCompressionControlEXT}, Type{_ImageCompressionControlEXT}})) = ImageCompressionControlEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageCompressionControlFeaturesEXT}, Type{_PhysicalDeviceImageCompressionControlFeaturesEXT}})) = PhysicalDeviceImageCompressionControlFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkImageCompressionPropertiesEXT}, Type{_ImageCompressionPropertiesEXT}})) = ImageCompressionPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT}, Type{_PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT}})) = PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkImageSubresource2EXT}, Type{_ImageSubresource2EXT}})) = ImageSubresource2EXT hl_type(@nospecialize(_::Union{Type{VkSubresourceLayout2EXT}, Type{_SubresourceLayout2EXT}})) = SubresourceLayout2EXT hl_type(@nospecialize(_::Union{Type{VkRenderPassCreationControlEXT}, Type{_RenderPassCreationControlEXT}})) = RenderPassCreationControlEXT hl_type(@nospecialize(_::Union{Type{VkRenderPassCreationFeedbackInfoEXT}, Type{_RenderPassCreationFeedbackInfoEXT}})) = RenderPassCreationFeedbackInfoEXT hl_type(@nospecialize(_::Union{Type{VkRenderPassCreationFeedbackCreateInfoEXT}, Type{_RenderPassCreationFeedbackCreateInfoEXT}})) = RenderPassCreationFeedbackCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkRenderPassSubpassFeedbackInfoEXT}, Type{_RenderPassSubpassFeedbackInfoEXT}})) = RenderPassSubpassFeedbackInfoEXT hl_type(@nospecialize(_::Union{Type{VkRenderPassSubpassFeedbackCreateInfoEXT}, Type{_RenderPassSubpassFeedbackCreateInfoEXT}})) = RenderPassSubpassFeedbackCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT}, Type{_PhysicalDeviceSubpassMergeFeedbackFeaturesEXT}})) = PhysicalDeviceSubpassMergeFeedbackFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkMicromapBuildInfoEXT}, Type{_MicromapBuildInfoEXT}})) = MicromapBuildInfoEXT hl_type(@nospecialize(_::Union{Type{VkMicromapCreateInfoEXT}, Type{_MicromapCreateInfoEXT}})) = MicromapCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkMicromapVersionInfoEXT}, Type{_MicromapVersionInfoEXT}})) = MicromapVersionInfoEXT hl_type(@nospecialize(_::Union{Type{VkCopyMicromapInfoEXT}, Type{_CopyMicromapInfoEXT}})) = CopyMicromapInfoEXT hl_type(@nospecialize(_::Union{Type{VkCopyMicromapToMemoryInfoEXT}, Type{_CopyMicromapToMemoryInfoEXT}})) = CopyMicromapToMemoryInfoEXT hl_type(@nospecialize(_::Union{Type{VkCopyMemoryToMicromapInfoEXT}, Type{_CopyMemoryToMicromapInfoEXT}})) = CopyMemoryToMicromapInfoEXT hl_type(@nospecialize(_::Union{Type{VkMicromapBuildSizesInfoEXT}, Type{_MicromapBuildSizesInfoEXT}})) = MicromapBuildSizesInfoEXT hl_type(@nospecialize(_::Union{Type{VkMicromapUsageEXT}, Type{_MicromapUsageEXT}})) = MicromapUsageEXT hl_type(@nospecialize(_::Union{Type{VkMicromapTriangleEXT}, Type{_MicromapTriangleEXT}})) = MicromapTriangleEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceOpacityMicromapFeaturesEXT}, Type{_PhysicalDeviceOpacityMicromapFeaturesEXT}})) = PhysicalDeviceOpacityMicromapFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceOpacityMicromapPropertiesEXT}, Type{_PhysicalDeviceOpacityMicromapPropertiesEXT}})) = PhysicalDeviceOpacityMicromapPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureTrianglesOpacityMicromapEXT}, Type{_AccelerationStructureTrianglesOpacityMicromapEXT}})) = AccelerationStructureTrianglesOpacityMicromapEXT hl_type(@nospecialize(_::Union{Type{VkPipelinePropertiesIdentifierEXT}, Type{_PipelinePropertiesIdentifierEXT}})) = PipelinePropertiesIdentifierEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelinePropertiesFeaturesEXT}, Type{_PhysicalDevicePipelinePropertiesFeaturesEXT}})) = PhysicalDevicePipelinePropertiesFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD}, Type{_PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD}})) = PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD hl_type(@nospecialize(_::Union{Type{VkExportMetalObjectCreateInfoEXT}, Type{_ExportMetalObjectCreateInfoEXT}})) = ExportMetalObjectCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkExportMetalObjectsInfoEXT}, Type{_ExportMetalObjectsInfoEXT}})) = ExportMetalObjectsInfoEXT hl_type(@nospecialize(_::Union{Type{VkExportMetalDeviceInfoEXT}, Type{_ExportMetalDeviceInfoEXT}})) = ExportMetalDeviceInfoEXT hl_type(@nospecialize(_::Union{Type{VkExportMetalCommandQueueInfoEXT}, Type{_ExportMetalCommandQueueInfoEXT}})) = ExportMetalCommandQueueInfoEXT hl_type(@nospecialize(_::Union{Type{VkExportMetalBufferInfoEXT}, Type{_ExportMetalBufferInfoEXT}})) = ExportMetalBufferInfoEXT hl_type(@nospecialize(_::Union{Type{VkImportMetalBufferInfoEXT}, Type{_ImportMetalBufferInfoEXT}})) = ImportMetalBufferInfoEXT hl_type(@nospecialize(_::Union{Type{VkExportMetalTextureInfoEXT}, Type{_ExportMetalTextureInfoEXT}})) = ExportMetalTextureInfoEXT hl_type(@nospecialize(_::Union{Type{VkImportMetalTextureInfoEXT}, Type{_ImportMetalTextureInfoEXT}})) = ImportMetalTextureInfoEXT hl_type(@nospecialize(_::Union{Type{VkExportMetalIOSurfaceInfoEXT}, Type{_ExportMetalIOSurfaceInfoEXT}})) = ExportMetalIOSurfaceInfoEXT hl_type(@nospecialize(_::Union{Type{VkImportMetalIOSurfaceInfoEXT}, Type{_ImportMetalIOSurfaceInfoEXT}})) = ImportMetalIOSurfaceInfoEXT hl_type(@nospecialize(_::Union{Type{VkExportMetalSharedEventInfoEXT}, Type{_ExportMetalSharedEventInfoEXT}})) = ExportMetalSharedEventInfoEXT hl_type(@nospecialize(_::Union{Type{VkImportMetalSharedEventInfoEXT}, Type{_ImportMetalSharedEventInfoEXT}})) = ImportMetalSharedEventInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT}, Type{_PhysicalDeviceNonSeamlessCubeMapFeaturesEXT}})) = PhysicalDeviceNonSeamlessCubeMapFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineRobustnessFeaturesEXT}, Type{_PhysicalDevicePipelineRobustnessFeaturesEXT}})) = PhysicalDevicePipelineRobustnessFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPipelineRobustnessCreateInfoEXT}, Type{_PipelineRobustnessCreateInfoEXT}})) = PipelineRobustnessCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineRobustnessPropertiesEXT}, Type{_PhysicalDevicePipelineRobustnessPropertiesEXT}})) = PhysicalDevicePipelineRobustnessPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkImageViewSampleWeightCreateInfoQCOM}, Type{_ImageViewSampleWeightCreateInfoQCOM}})) = ImageViewSampleWeightCreateInfoQCOM hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageProcessingFeaturesQCOM}, Type{_PhysicalDeviceImageProcessingFeaturesQCOM}})) = PhysicalDeviceImageProcessingFeaturesQCOM hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageProcessingPropertiesQCOM}, Type{_PhysicalDeviceImageProcessingPropertiesQCOM}})) = PhysicalDeviceImageProcessingPropertiesQCOM hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTilePropertiesFeaturesQCOM}, Type{_PhysicalDeviceTilePropertiesFeaturesQCOM}})) = PhysicalDeviceTilePropertiesFeaturesQCOM hl_type(@nospecialize(_::Union{Type{VkTilePropertiesQCOM}, Type{_TilePropertiesQCOM}})) = TilePropertiesQCOM hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAmigoProfilingFeaturesSEC}, Type{_PhysicalDeviceAmigoProfilingFeaturesSEC}})) = PhysicalDeviceAmigoProfilingFeaturesSEC hl_type(@nospecialize(_::Union{Type{VkAmigoProfilingSubmitInfoSEC}, Type{_AmigoProfilingSubmitInfoSEC}})) = AmigoProfilingSubmitInfoSEC hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT}, Type{_PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT}})) = PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDepthClampZeroOneFeaturesEXT}, Type{_PhysicalDeviceDepthClampZeroOneFeaturesEXT}})) = PhysicalDeviceDepthClampZeroOneFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAddressBindingReportFeaturesEXT}, Type{_PhysicalDeviceAddressBindingReportFeaturesEXT}})) = PhysicalDeviceAddressBindingReportFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkDeviceAddressBindingCallbackDataEXT}, Type{_DeviceAddressBindingCallbackDataEXT}})) = DeviceAddressBindingCallbackDataEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceOpticalFlowFeaturesNV}, Type{_PhysicalDeviceOpticalFlowFeaturesNV}})) = PhysicalDeviceOpticalFlowFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceOpticalFlowPropertiesNV}, Type{_PhysicalDeviceOpticalFlowPropertiesNV}})) = PhysicalDeviceOpticalFlowPropertiesNV hl_type(@nospecialize(_::Union{Type{VkOpticalFlowImageFormatInfoNV}, Type{_OpticalFlowImageFormatInfoNV}})) = OpticalFlowImageFormatInfoNV hl_type(@nospecialize(_::Union{Type{VkOpticalFlowImageFormatPropertiesNV}, Type{_OpticalFlowImageFormatPropertiesNV}})) = OpticalFlowImageFormatPropertiesNV hl_type(@nospecialize(_::Union{Type{VkOpticalFlowSessionCreateInfoNV}, Type{_OpticalFlowSessionCreateInfoNV}})) = OpticalFlowSessionCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkOpticalFlowSessionCreatePrivateDataInfoNV}, Type{_OpticalFlowSessionCreatePrivateDataInfoNV}})) = OpticalFlowSessionCreatePrivateDataInfoNV hl_type(@nospecialize(_::Union{Type{VkOpticalFlowExecuteInfoNV}, Type{_OpticalFlowExecuteInfoNV}})) = OpticalFlowExecuteInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFaultFeaturesEXT}, Type{_PhysicalDeviceFaultFeaturesEXT}})) = PhysicalDeviceFaultFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkDeviceFaultAddressInfoEXT}, Type{_DeviceFaultAddressInfoEXT}})) = DeviceFaultAddressInfoEXT hl_type(@nospecialize(_::Union{Type{VkDeviceFaultVendorInfoEXT}, Type{_DeviceFaultVendorInfoEXT}})) = DeviceFaultVendorInfoEXT hl_type(@nospecialize(_::Union{Type{VkDeviceFaultCountsEXT}, Type{_DeviceFaultCountsEXT}})) = DeviceFaultCountsEXT hl_type(@nospecialize(_::Union{Type{VkDeviceFaultInfoEXT}, Type{_DeviceFaultInfoEXT}})) = DeviceFaultInfoEXT hl_type(@nospecialize(_::Union{Type{VkDeviceFaultVendorBinaryHeaderVersionOneEXT}, Type{_DeviceFaultVendorBinaryHeaderVersionOneEXT}})) = DeviceFaultVendorBinaryHeaderVersionOneEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT}, Type{_PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT}})) = PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkDecompressMemoryRegionNV}, Type{_DecompressMemoryRegionNV}})) = DecompressMemoryRegionNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM}, Type{_PhysicalDeviceShaderCoreBuiltinsPropertiesARM}})) = PhysicalDeviceShaderCoreBuiltinsPropertiesARM hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM}, Type{_PhysicalDeviceShaderCoreBuiltinsFeaturesARM}})) = PhysicalDeviceShaderCoreBuiltinsFeaturesARM hl_type(@nospecialize(_::Union{Type{VkSurfacePresentModeEXT}, Type{_SurfacePresentModeEXT}})) = SurfacePresentModeEXT hl_type(@nospecialize(_::Union{Type{VkSurfacePresentScalingCapabilitiesEXT}, Type{_SurfacePresentScalingCapabilitiesEXT}})) = SurfacePresentScalingCapabilitiesEXT hl_type(@nospecialize(_::Union{Type{VkSurfacePresentModeCompatibilityEXT}, Type{_SurfacePresentModeCompatibilityEXT}})) = SurfacePresentModeCompatibilityEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT}, Type{_PhysicalDeviceSwapchainMaintenance1FeaturesEXT}})) = PhysicalDeviceSwapchainMaintenance1FeaturesEXT hl_type(@nospecialize(_::Union{Type{VkSwapchainPresentFenceInfoEXT}, Type{_SwapchainPresentFenceInfoEXT}})) = SwapchainPresentFenceInfoEXT hl_type(@nospecialize(_::Union{Type{VkSwapchainPresentModesCreateInfoEXT}, Type{_SwapchainPresentModesCreateInfoEXT}})) = SwapchainPresentModesCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkSwapchainPresentModeInfoEXT}, Type{_SwapchainPresentModeInfoEXT}})) = SwapchainPresentModeInfoEXT hl_type(@nospecialize(_::Union{Type{VkSwapchainPresentScalingCreateInfoEXT}, Type{_SwapchainPresentScalingCreateInfoEXT}})) = SwapchainPresentScalingCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkReleaseSwapchainImagesInfoEXT}, Type{_ReleaseSwapchainImagesInfoEXT}})) = ReleaseSwapchainImagesInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV}, Type{_PhysicalDeviceRayTracingInvocationReorderFeaturesNV}})) = PhysicalDeviceRayTracingInvocationReorderFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV}, Type{_PhysicalDeviceRayTracingInvocationReorderPropertiesNV}})) = PhysicalDeviceRayTracingInvocationReorderPropertiesNV hl_type(@nospecialize(_::Union{Type{VkDirectDriverLoadingInfoLUNARG}, Type{_DirectDriverLoadingInfoLUNARG}})) = DirectDriverLoadingInfoLUNARG hl_type(@nospecialize(_::Union{Type{VkDirectDriverLoadingListLUNARG}, Type{_DirectDriverLoadingListLUNARG}})) = DirectDriverLoadingListLUNARG hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM}, Type{_PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM}})) = PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM hl_type(@nospecialize(_::Union{Type{VkClearColorValue}, Type{_ClearColorValue}})) = ClearColorValue hl_type(@nospecialize(_::Union{Type{VkClearValue}, Type{_ClearValue}})) = ClearValue hl_type(@nospecialize(_::Union{Type{VkPerformanceCounterResultKHR}, Type{_PerformanceCounterResultKHR}})) = PerformanceCounterResultKHR hl_type(@nospecialize(_::Union{Type{VkPerformanceValueDataINTEL}, Type{_PerformanceValueDataINTEL}})) = PerformanceValueDataINTEL hl_type(@nospecialize(_::Union{Type{VkPipelineExecutableStatisticValueKHR}, Type{_PipelineExecutableStatisticValueKHR}})) = PipelineExecutableStatisticValueKHR hl_type(@nospecialize(_::Union{Type{VkDeviceOrHostAddressKHR}, Type{_DeviceOrHostAddressKHR}})) = DeviceOrHostAddressKHR hl_type(@nospecialize(_::Union{Type{VkDeviceOrHostAddressConstKHR}, Type{_DeviceOrHostAddressConstKHR}})) = DeviceOrHostAddressConstKHR hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryDataKHR}, Type{_AccelerationStructureGeometryDataKHR}})) = AccelerationStructureGeometryDataKHR hl_type(@nospecialize(_::Union{Type{VkDescriptorDataEXT}, Type{_DescriptorDataEXT}})) = DescriptorDataEXT hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureMotionInstanceDataNV}, Type{_AccelerationStructureMotionInstanceDataNV}})) = AccelerationStructureMotionInstanceDataNV core_type(@nospecialize(_::Union{Type{VkBaseOutStructure}, Type{BaseOutStructure}, Type{_BaseOutStructure}})) = VkBaseOutStructure core_type(@nospecialize(_::Union{Type{VkBaseInStructure}, Type{BaseInStructure}, Type{_BaseInStructure}})) = VkBaseInStructure core_type(@nospecialize(_::Union{Type{VkOffset2D}, Type{Offset2D}, Type{_Offset2D}})) = VkOffset2D core_type(@nospecialize(_::Union{Type{VkOffset3D}, Type{Offset3D}, Type{_Offset3D}})) = VkOffset3D core_type(@nospecialize(_::Union{Type{VkExtent2D}, Type{Extent2D}, Type{_Extent2D}})) = VkExtent2D core_type(@nospecialize(_::Union{Type{VkExtent3D}, Type{Extent3D}, Type{_Extent3D}})) = VkExtent3D core_type(@nospecialize(_::Union{Type{VkViewport}, Type{Viewport}, Type{_Viewport}})) = VkViewport core_type(@nospecialize(_::Union{Type{VkRect2D}, Type{Rect2D}, Type{_Rect2D}})) = VkRect2D core_type(@nospecialize(_::Union{Type{VkClearRect}, Type{ClearRect}, Type{_ClearRect}})) = VkClearRect core_type(@nospecialize(_::Union{Type{VkComponentMapping}, Type{ComponentMapping}, Type{_ComponentMapping}})) = VkComponentMapping core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProperties}, Type{PhysicalDeviceProperties}, Type{_PhysicalDeviceProperties}})) = VkPhysicalDeviceProperties core_type(@nospecialize(_::Union{Type{VkExtensionProperties}, Type{ExtensionProperties}, Type{_ExtensionProperties}})) = VkExtensionProperties core_type(@nospecialize(_::Union{Type{VkLayerProperties}, Type{LayerProperties}, Type{_LayerProperties}})) = VkLayerProperties core_type(@nospecialize(_::Union{Type{VkApplicationInfo}, Type{ApplicationInfo}, Type{_ApplicationInfo}})) = VkApplicationInfo core_type(@nospecialize(_::Union{Type{VkAllocationCallbacks}, Type{AllocationCallbacks}, Type{_AllocationCallbacks}})) = VkAllocationCallbacks core_type(@nospecialize(_::Union{Type{VkDeviceQueueCreateInfo}, Type{DeviceQueueCreateInfo}, Type{_DeviceQueueCreateInfo}})) = VkDeviceQueueCreateInfo core_type(@nospecialize(_::Union{Type{VkDeviceCreateInfo}, Type{DeviceCreateInfo}, Type{_DeviceCreateInfo}})) = VkDeviceCreateInfo core_type(@nospecialize(_::Union{Type{VkInstanceCreateInfo}, Type{InstanceCreateInfo}, Type{_InstanceCreateInfo}})) = VkInstanceCreateInfo core_type(@nospecialize(_::Union{Type{VkQueueFamilyProperties}, Type{QueueFamilyProperties}, Type{_QueueFamilyProperties}})) = VkQueueFamilyProperties core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryProperties}, Type{PhysicalDeviceMemoryProperties}, Type{_PhysicalDeviceMemoryProperties}})) = VkPhysicalDeviceMemoryProperties core_type(@nospecialize(_::Union{Type{VkMemoryAllocateInfo}, Type{MemoryAllocateInfo}, Type{_MemoryAllocateInfo}})) = VkMemoryAllocateInfo core_type(@nospecialize(_::Union{Type{VkMemoryRequirements}, Type{MemoryRequirements}, Type{_MemoryRequirements}})) = VkMemoryRequirements core_type(@nospecialize(_::Union{Type{VkSparseImageFormatProperties}, Type{SparseImageFormatProperties}, Type{_SparseImageFormatProperties}})) = VkSparseImageFormatProperties core_type(@nospecialize(_::Union{Type{VkSparseImageMemoryRequirements}, Type{SparseImageMemoryRequirements}, Type{_SparseImageMemoryRequirements}})) = VkSparseImageMemoryRequirements core_type(@nospecialize(_::Union{Type{VkMemoryType}, Type{MemoryType}, Type{_MemoryType}})) = VkMemoryType core_type(@nospecialize(_::Union{Type{VkMemoryHeap}, Type{MemoryHeap}, Type{_MemoryHeap}})) = VkMemoryHeap core_type(@nospecialize(_::Union{Type{VkMappedMemoryRange}, Type{MappedMemoryRange}, Type{_MappedMemoryRange}})) = VkMappedMemoryRange core_type(@nospecialize(_::Union{Type{VkFormatProperties}, Type{FormatProperties}, Type{_FormatProperties}})) = VkFormatProperties core_type(@nospecialize(_::Union{Type{VkImageFormatProperties}, Type{ImageFormatProperties}, Type{_ImageFormatProperties}})) = VkImageFormatProperties core_type(@nospecialize(_::Union{Type{VkDescriptorBufferInfo}, Type{DescriptorBufferInfo}, Type{_DescriptorBufferInfo}})) = VkDescriptorBufferInfo core_type(@nospecialize(_::Union{Type{VkDescriptorImageInfo}, Type{DescriptorImageInfo}, Type{_DescriptorImageInfo}})) = VkDescriptorImageInfo core_type(@nospecialize(_::Union{Type{VkWriteDescriptorSet}, Type{WriteDescriptorSet}, Type{_WriteDescriptorSet}})) = VkWriteDescriptorSet core_type(@nospecialize(_::Union{Type{VkCopyDescriptorSet}, Type{CopyDescriptorSet}, Type{_CopyDescriptorSet}})) = VkCopyDescriptorSet core_type(@nospecialize(_::Union{Type{VkBufferCreateInfo}, Type{BufferCreateInfo}, Type{_BufferCreateInfo}})) = VkBufferCreateInfo core_type(@nospecialize(_::Union{Type{VkBufferViewCreateInfo}, Type{BufferViewCreateInfo}, Type{_BufferViewCreateInfo}})) = VkBufferViewCreateInfo core_type(@nospecialize(_::Union{Type{VkImageSubresource}, Type{ImageSubresource}, Type{_ImageSubresource}})) = VkImageSubresource core_type(@nospecialize(_::Union{Type{VkImageSubresourceLayers}, Type{ImageSubresourceLayers}, Type{_ImageSubresourceLayers}})) = VkImageSubresourceLayers core_type(@nospecialize(_::Union{Type{VkImageSubresourceRange}, Type{ImageSubresourceRange}, Type{_ImageSubresourceRange}})) = VkImageSubresourceRange core_type(@nospecialize(_::Union{Type{VkMemoryBarrier}, Type{MemoryBarrier}, Type{_MemoryBarrier}})) = VkMemoryBarrier core_type(@nospecialize(_::Union{Type{VkBufferMemoryBarrier}, Type{BufferMemoryBarrier}, Type{_BufferMemoryBarrier}})) = VkBufferMemoryBarrier core_type(@nospecialize(_::Union{Type{VkImageMemoryBarrier}, Type{ImageMemoryBarrier}, Type{_ImageMemoryBarrier}})) = VkImageMemoryBarrier core_type(@nospecialize(_::Union{Type{VkImageCreateInfo}, Type{ImageCreateInfo}, Type{_ImageCreateInfo}})) = VkImageCreateInfo core_type(@nospecialize(_::Union{Type{VkSubresourceLayout}, Type{SubresourceLayout}, Type{_SubresourceLayout}})) = VkSubresourceLayout core_type(@nospecialize(_::Union{Type{VkImageViewCreateInfo}, Type{ImageViewCreateInfo}, Type{_ImageViewCreateInfo}})) = VkImageViewCreateInfo core_type(@nospecialize(_::Union{Type{VkBufferCopy}, Type{BufferCopy}, Type{_BufferCopy}})) = VkBufferCopy core_type(@nospecialize(_::Union{Type{VkSparseMemoryBind}, Type{SparseMemoryBind}, Type{_SparseMemoryBind}})) = VkSparseMemoryBind core_type(@nospecialize(_::Union{Type{VkSparseImageMemoryBind}, Type{SparseImageMemoryBind}, Type{_SparseImageMemoryBind}})) = VkSparseImageMemoryBind core_type(@nospecialize(_::Union{Type{VkSparseBufferMemoryBindInfo}, Type{SparseBufferMemoryBindInfo}, Type{_SparseBufferMemoryBindInfo}})) = VkSparseBufferMemoryBindInfo core_type(@nospecialize(_::Union{Type{VkSparseImageOpaqueMemoryBindInfo}, Type{SparseImageOpaqueMemoryBindInfo}, Type{_SparseImageOpaqueMemoryBindInfo}})) = VkSparseImageOpaqueMemoryBindInfo core_type(@nospecialize(_::Union{Type{VkSparseImageMemoryBindInfo}, Type{SparseImageMemoryBindInfo}, Type{_SparseImageMemoryBindInfo}})) = VkSparseImageMemoryBindInfo core_type(@nospecialize(_::Union{Type{VkBindSparseInfo}, Type{BindSparseInfo}, Type{_BindSparseInfo}})) = VkBindSparseInfo core_type(@nospecialize(_::Union{Type{VkImageCopy}, Type{ImageCopy}, Type{_ImageCopy}})) = VkImageCopy core_type(@nospecialize(_::Union{Type{VkImageBlit}, Type{ImageBlit}, Type{_ImageBlit}})) = VkImageBlit core_type(@nospecialize(_::Union{Type{VkBufferImageCopy}, Type{BufferImageCopy}, Type{_BufferImageCopy}})) = VkBufferImageCopy core_type(@nospecialize(_::Union{Type{VkCopyMemoryIndirectCommandNV}, Type{CopyMemoryIndirectCommandNV}, Type{_CopyMemoryIndirectCommandNV}})) = VkCopyMemoryIndirectCommandNV core_type(@nospecialize(_::Union{Type{VkCopyMemoryToImageIndirectCommandNV}, Type{CopyMemoryToImageIndirectCommandNV}, Type{_CopyMemoryToImageIndirectCommandNV}})) = VkCopyMemoryToImageIndirectCommandNV core_type(@nospecialize(_::Union{Type{VkImageResolve}, Type{ImageResolve}, Type{_ImageResolve}})) = VkImageResolve core_type(@nospecialize(_::Union{Type{VkShaderModuleCreateInfo}, Type{ShaderModuleCreateInfo}, Type{_ShaderModuleCreateInfo}})) = VkShaderModuleCreateInfo core_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutBinding}, Type{DescriptorSetLayoutBinding}, Type{_DescriptorSetLayoutBinding}})) = VkDescriptorSetLayoutBinding core_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutCreateInfo}, Type{DescriptorSetLayoutCreateInfo}, Type{_DescriptorSetLayoutCreateInfo}})) = VkDescriptorSetLayoutCreateInfo core_type(@nospecialize(_::Union{Type{VkDescriptorPoolSize}, Type{DescriptorPoolSize}, Type{_DescriptorPoolSize}})) = VkDescriptorPoolSize core_type(@nospecialize(_::Union{Type{VkDescriptorPoolCreateInfo}, Type{DescriptorPoolCreateInfo}, Type{_DescriptorPoolCreateInfo}})) = VkDescriptorPoolCreateInfo core_type(@nospecialize(_::Union{Type{VkDescriptorSetAllocateInfo}, Type{DescriptorSetAllocateInfo}, Type{_DescriptorSetAllocateInfo}})) = VkDescriptorSetAllocateInfo core_type(@nospecialize(_::Union{Type{VkSpecializationMapEntry}, Type{SpecializationMapEntry}, Type{_SpecializationMapEntry}})) = VkSpecializationMapEntry core_type(@nospecialize(_::Union{Type{VkSpecializationInfo}, Type{SpecializationInfo}, Type{_SpecializationInfo}})) = VkSpecializationInfo core_type(@nospecialize(_::Union{Type{VkPipelineShaderStageCreateInfo}, Type{PipelineShaderStageCreateInfo}, Type{_PipelineShaderStageCreateInfo}})) = VkPipelineShaderStageCreateInfo core_type(@nospecialize(_::Union{Type{VkComputePipelineCreateInfo}, Type{ComputePipelineCreateInfo}, Type{_ComputePipelineCreateInfo}})) = VkComputePipelineCreateInfo core_type(@nospecialize(_::Union{Type{VkVertexInputBindingDescription}, Type{VertexInputBindingDescription}, Type{_VertexInputBindingDescription}})) = VkVertexInputBindingDescription core_type(@nospecialize(_::Union{Type{VkVertexInputAttributeDescription}, Type{VertexInputAttributeDescription}, Type{_VertexInputAttributeDescription}})) = VkVertexInputAttributeDescription core_type(@nospecialize(_::Union{Type{VkPipelineVertexInputStateCreateInfo}, Type{PipelineVertexInputStateCreateInfo}, Type{_PipelineVertexInputStateCreateInfo}})) = VkPipelineVertexInputStateCreateInfo core_type(@nospecialize(_::Union{Type{VkPipelineInputAssemblyStateCreateInfo}, Type{PipelineInputAssemblyStateCreateInfo}, Type{_PipelineInputAssemblyStateCreateInfo}})) = VkPipelineInputAssemblyStateCreateInfo core_type(@nospecialize(_::Union{Type{VkPipelineTessellationStateCreateInfo}, Type{PipelineTessellationStateCreateInfo}, Type{_PipelineTessellationStateCreateInfo}})) = VkPipelineTessellationStateCreateInfo core_type(@nospecialize(_::Union{Type{VkPipelineViewportStateCreateInfo}, Type{PipelineViewportStateCreateInfo}, Type{_PipelineViewportStateCreateInfo}})) = VkPipelineViewportStateCreateInfo core_type(@nospecialize(_::Union{Type{VkPipelineRasterizationStateCreateInfo}, Type{PipelineRasterizationStateCreateInfo}, Type{_PipelineRasterizationStateCreateInfo}})) = VkPipelineRasterizationStateCreateInfo core_type(@nospecialize(_::Union{Type{VkPipelineMultisampleStateCreateInfo}, Type{PipelineMultisampleStateCreateInfo}, Type{_PipelineMultisampleStateCreateInfo}})) = VkPipelineMultisampleStateCreateInfo core_type(@nospecialize(_::Union{Type{VkPipelineColorBlendAttachmentState}, Type{PipelineColorBlendAttachmentState}, Type{_PipelineColorBlendAttachmentState}})) = VkPipelineColorBlendAttachmentState core_type(@nospecialize(_::Union{Type{VkPipelineColorBlendStateCreateInfo}, Type{PipelineColorBlendStateCreateInfo}, Type{_PipelineColorBlendStateCreateInfo}})) = VkPipelineColorBlendStateCreateInfo core_type(@nospecialize(_::Union{Type{VkPipelineDynamicStateCreateInfo}, Type{PipelineDynamicStateCreateInfo}, Type{_PipelineDynamicStateCreateInfo}})) = VkPipelineDynamicStateCreateInfo core_type(@nospecialize(_::Union{Type{VkStencilOpState}, Type{StencilOpState}, Type{_StencilOpState}})) = VkStencilOpState core_type(@nospecialize(_::Union{Type{VkPipelineDepthStencilStateCreateInfo}, Type{PipelineDepthStencilStateCreateInfo}, Type{_PipelineDepthStencilStateCreateInfo}})) = VkPipelineDepthStencilStateCreateInfo core_type(@nospecialize(_::Union{Type{VkGraphicsPipelineCreateInfo}, Type{GraphicsPipelineCreateInfo}, Type{_GraphicsPipelineCreateInfo}})) = VkGraphicsPipelineCreateInfo core_type(@nospecialize(_::Union{Type{VkPipelineCacheCreateInfo}, Type{PipelineCacheCreateInfo}, Type{_PipelineCacheCreateInfo}})) = VkPipelineCacheCreateInfo core_type(@nospecialize(_::Union{Type{VkPipelineCacheHeaderVersionOne}, Type{PipelineCacheHeaderVersionOne}, Type{_PipelineCacheHeaderVersionOne}})) = VkPipelineCacheHeaderVersionOne core_type(@nospecialize(_::Union{Type{VkPushConstantRange}, Type{PushConstantRange}, Type{_PushConstantRange}})) = VkPushConstantRange core_type(@nospecialize(_::Union{Type{VkPipelineLayoutCreateInfo}, Type{PipelineLayoutCreateInfo}, Type{_PipelineLayoutCreateInfo}})) = VkPipelineLayoutCreateInfo core_type(@nospecialize(_::Union{Type{VkSamplerCreateInfo}, Type{SamplerCreateInfo}, Type{_SamplerCreateInfo}})) = VkSamplerCreateInfo core_type(@nospecialize(_::Union{Type{VkCommandPoolCreateInfo}, Type{CommandPoolCreateInfo}, Type{_CommandPoolCreateInfo}})) = VkCommandPoolCreateInfo core_type(@nospecialize(_::Union{Type{VkCommandBufferAllocateInfo}, Type{CommandBufferAllocateInfo}, Type{_CommandBufferAllocateInfo}})) = VkCommandBufferAllocateInfo core_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceInfo}, Type{CommandBufferInheritanceInfo}, Type{_CommandBufferInheritanceInfo}})) = VkCommandBufferInheritanceInfo core_type(@nospecialize(_::Union{Type{VkCommandBufferBeginInfo}, Type{CommandBufferBeginInfo}, Type{_CommandBufferBeginInfo}})) = VkCommandBufferBeginInfo core_type(@nospecialize(_::Union{Type{VkRenderPassBeginInfo}, Type{RenderPassBeginInfo}, Type{_RenderPassBeginInfo}})) = VkRenderPassBeginInfo core_type(@nospecialize(_::Union{Type{VkClearDepthStencilValue}, Type{ClearDepthStencilValue}, Type{_ClearDepthStencilValue}})) = VkClearDepthStencilValue core_type(@nospecialize(_::Union{Type{VkClearAttachment}, Type{ClearAttachment}, Type{_ClearAttachment}})) = VkClearAttachment core_type(@nospecialize(_::Union{Type{VkAttachmentDescription}, Type{AttachmentDescription}, Type{_AttachmentDescription}})) = VkAttachmentDescription core_type(@nospecialize(_::Union{Type{VkAttachmentReference}, Type{AttachmentReference}, Type{_AttachmentReference}})) = VkAttachmentReference core_type(@nospecialize(_::Union{Type{VkSubpassDescription}, Type{SubpassDescription}, Type{_SubpassDescription}})) = VkSubpassDescription core_type(@nospecialize(_::Union{Type{VkSubpassDependency}, Type{SubpassDependency}, Type{_SubpassDependency}})) = VkSubpassDependency core_type(@nospecialize(_::Union{Type{VkRenderPassCreateInfo}, Type{RenderPassCreateInfo}, Type{_RenderPassCreateInfo}})) = VkRenderPassCreateInfo core_type(@nospecialize(_::Union{Type{VkEventCreateInfo}, Type{EventCreateInfo}, Type{_EventCreateInfo}})) = VkEventCreateInfo core_type(@nospecialize(_::Union{Type{VkFenceCreateInfo}, Type{FenceCreateInfo}, Type{_FenceCreateInfo}})) = VkFenceCreateInfo core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFeatures}, Type{PhysicalDeviceFeatures}, Type{_PhysicalDeviceFeatures}})) = VkPhysicalDeviceFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSparseProperties}, Type{PhysicalDeviceSparseProperties}, Type{_PhysicalDeviceSparseProperties}})) = VkPhysicalDeviceSparseProperties core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLimits}, Type{PhysicalDeviceLimits}, Type{_PhysicalDeviceLimits}})) = VkPhysicalDeviceLimits core_type(@nospecialize(_::Union{Type{VkSemaphoreCreateInfo}, Type{SemaphoreCreateInfo}, Type{_SemaphoreCreateInfo}})) = VkSemaphoreCreateInfo core_type(@nospecialize(_::Union{Type{VkQueryPoolCreateInfo}, Type{QueryPoolCreateInfo}, Type{_QueryPoolCreateInfo}})) = VkQueryPoolCreateInfo core_type(@nospecialize(_::Union{Type{VkFramebufferCreateInfo}, Type{FramebufferCreateInfo}, Type{_FramebufferCreateInfo}})) = VkFramebufferCreateInfo core_type(@nospecialize(_::Union{Type{VkDrawIndirectCommand}, Type{DrawIndirectCommand}, Type{_DrawIndirectCommand}})) = VkDrawIndirectCommand core_type(@nospecialize(_::Union{Type{VkDrawIndexedIndirectCommand}, Type{DrawIndexedIndirectCommand}, Type{_DrawIndexedIndirectCommand}})) = VkDrawIndexedIndirectCommand core_type(@nospecialize(_::Union{Type{VkDispatchIndirectCommand}, Type{DispatchIndirectCommand}, Type{_DispatchIndirectCommand}})) = VkDispatchIndirectCommand core_type(@nospecialize(_::Union{Type{VkMultiDrawInfoEXT}, Type{MultiDrawInfoEXT}, Type{_MultiDrawInfoEXT}})) = VkMultiDrawInfoEXT core_type(@nospecialize(_::Union{Type{VkMultiDrawIndexedInfoEXT}, Type{MultiDrawIndexedInfoEXT}, Type{_MultiDrawIndexedInfoEXT}})) = VkMultiDrawIndexedInfoEXT core_type(@nospecialize(_::Union{Type{VkSubmitInfo}, Type{SubmitInfo}, Type{_SubmitInfo}})) = VkSubmitInfo core_type(@nospecialize(_::Union{Type{VkDisplayPropertiesKHR}, Type{DisplayPropertiesKHR}, Type{_DisplayPropertiesKHR}})) = VkDisplayPropertiesKHR core_type(@nospecialize(_::Union{Type{VkDisplayPlanePropertiesKHR}, Type{DisplayPlanePropertiesKHR}, Type{_DisplayPlanePropertiesKHR}})) = VkDisplayPlanePropertiesKHR core_type(@nospecialize(_::Union{Type{VkDisplayModeParametersKHR}, Type{DisplayModeParametersKHR}, Type{_DisplayModeParametersKHR}})) = VkDisplayModeParametersKHR core_type(@nospecialize(_::Union{Type{VkDisplayModePropertiesKHR}, Type{DisplayModePropertiesKHR}, Type{_DisplayModePropertiesKHR}})) = VkDisplayModePropertiesKHR core_type(@nospecialize(_::Union{Type{VkDisplayModeCreateInfoKHR}, Type{DisplayModeCreateInfoKHR}, Type{_DisplayModeCreateInfoKHR}})) = VkDisplayModeCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkDisplayPlaneCapabilitiesKHR}, Type{DisplayPlaneCapabilitiesKHR}, Type{_DisplayPlaneCapabilitiesKHR}})) = VkDisplayPlaneCapabilitiesKHR core_type(@nospecialize(_::Union{Type{VkDisplaySurfaceCreateInfoKHR}, Type{DisplaySurfaceCreateInfoKHR}, Type{_DisplaySurfaceCreateInfoKHR}})) = VkDisplaySurfaceCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkDisplayPresentInfoKHR}, Type{DisplayPresentInfoKHR}, Type{_DisplayPresentInfoKHR}})) = VkDisplayPresentInfoKHR core_type(@nospecialize(_::Union{Type{VkSurfaceCapabilitiesKHR}, Type{SurfaceCapabilitiesKHR}, Type{_SurfaceCapabilitiesKHR}})) = VkSurfaceCapabilitiesKHR core_type(@nospecialize(_::Union{Type{VkSurfaceFormatKHR}, Type{SurfaceFormatKHR}, Type{_SurfaceFormatKHR}})) = VkSurfaceFormatKHR core_type(@nospecialize(_::Union{Type{VkSwapchainCreateInfoKHR}, Type{SwapchainCreateInfoKHR}, Type{_SwapchainCreateInfoKHR}})) = VkSwapchainCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkPresentInfoKHR}, Type{PresentInfoKHR}, Type{_PresentInfoKHR}})) = VkPresentInfoKHR core_type(@nospecialize(_::Union{Type{VkDebugReportCallbackCreateInfoEXT}, Type{DebugReportCallbackCreateInfoEXT}, Type{_DebugReportCallbackCreateInfoEXT}})) = VkDebugReportCallbackCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkValidationFlagsEXT}, Type{ValidationFlagsEXT}, Type{_ValidationFlagsEXT}})) = VkValidationFlagsEXT core_type(@nospecialize(_::Union{Type{VkValidationFeaturesEXT}, Type{ValidationFeaturesEXT}, Type{_ValidationFeaturesEXT}})) = VkValidationFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPipelineRasterizationStateRasterizationOrderAMD}, Type{PipelineRasterizationStateRasterizationOrderAMD}, Type{_PipelineRasterizationStateRasterizationOrderAMD}})) = VkPipelineRasterizationStateRasterizationOrderAMD core_type(@nospecialize(_::Union{Type{VkDebugMarkerObjectNameInfoEXT}, Type{DebugMarkerObjectNameInfoEXT}, Type{_DebugMarkerObjectNameInfoEXT}})) = VkDebugMarkerObjectNameInfoEXT core_type(@nospecialize(_::Union{Type{VkDebugMarkerObjectTagInfoEXT}, Type{DebugMarkerObjectTagInfoEXT}, Type{_DebugMarkerObjectTagInfoEXT}})) = VkDebugMarkerObjectTagInfoEXT core_type(@nospecialize(_::Union{Type{VkDebugMarkerMarkerInfoEXT}, Type{DebugMarkerMarkerInfoEXT}, Type{_DebugMarkerMarkerInfoEXT}})) = VkDebugMarkerMarkerInfoEXT core_type(@nospecialize(_::Union{Type{VkDedicatedAllocationImageCreateInfoNV}, Type{DedicatedAllocationImageCreateInfoNV}, Type{_DedicatedAllocationImageCreateInfoNV}})) = VkDedicatedAllocationImageCreateInfoNV core_type(@nospecialize(_::Union{Type{VkDedicatedAllocationBufferCreateInfoNV}, Type{DedicatedAllocationBufferCreateInfoNV}, Type{_DedicatedAllocationBufferCreateInfoNV}})) = VkDedicatedAllocationBufferCreateInfoNV core_type(@nospecialize(_::Union{Type{VkDedicatedAllocationMemoryAllocateInfoNV}, Type{DedicatedAllocationMemoryAllocateInfoNV}, Type{_DedicatedAllocationMemoryAllocateInfoNV}})) = VkDedicatedAllocationMemoryAllocateInfoNV core_type(@nospecialize(_::Union{Type{VkExternalImageFormatPropertiesNV}, Type{ExternalImageFormatPropertiesNV}, Type{_ExternalImageFormatPropertiesNV}})) = VkExternalImageFormatPropertiesNV core_type(@nospecialize(_::Union{Type{VkExternalMemoryImageCreateInfoNV}, Type{ExternalMemoryImageCreateInfoNV}, Type{_ExternalMemoryImageCreateInfoNV}})) = VkExternalMemoryImageCreateInfoNV core_type(@nospecialize(_::Union{Type{VkExportMemoryAllocateInfoNV}, Type{ExportMemoryAllocateInfoNV}, Type{_ExportMemoryAllocateInfoNV}})) = VkExportMemoryAllocateInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV}, Type{PhysicalDeviceDeviceGeneratedCommandsFeaturesNV}, Type{_PhysicalDeviceDeviceGeneratedCommandsFeaturesNV}})) = VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV core_type(@nospecialize(_::Union{Type{VkDevicePrivateDataCreateInfo}, Type{DevicePrivateDataCreateInfo}, Type{_DevicePrivateDataCreateInfo}})) = VkDevicePrivateDataCreateInfo core_type(@nospecialize(_::Union{Type{VkPrivateDataSlotCreateInfo}, Type{PrivateDataSlotCreateInfo}, Type{_PrivateDataSlotCreateInfo}})) = VkPrivateDataSlotCreateInfo core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePrivateDataFeatures}, Type{PhysicalDevicePrivateDataFeatures}, Type{_PhysicalDevicePrivateDataFeatures}})) = VkPhysicalDevicePrivateDataFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV}, Type{PhysicalDeviceDeviceGeneratedCommandsPropertiesNV}, Type{_PhysicalDeviceDeviceGeneratedCommandsPropertiesNV}})) = VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiDrawPropertiesEXT}, Type{PhysicalDeviceMultiDrawPropertiesEXT}, Type{_PhysicalDeviceMultiDrawPropertiesEXT}})) = VkPhysicalDeviceMultiDrawPropertiesEXT core_type(@nospecialize(_::Union{Type{VkGraphicsShaderGroupCreateInfoNV}, Type{GraphicsShaderGroupCreateInfoNV}, Type{_GraphicsShaderGroupCreateInfoNV}})) = VkGraphicsShaderGroupCreateInfoNV core_type(@nospecialize(_::Union{Type{VkGraphicsPipelineShaderGroupsCreateInfoNV}, Type{GraphicsPipelineShaderGroupsCreateInfoNV}, Type{_GraphicsPipelineShaderGroupsCreateInfoNV}})) = VkGraphicsPipelineShaderGroupsCreateInfoNV core_type(@nospecialize(_::Union{Type{VkBindShaderGroupIndirectCommandNV}, Type{BindShaderGroupIndirectCommandNV}, Type{_BindShaderGroupIndirectCommandNV}})) = VkBindShaderGroupIndirectCommandNV core_type(@nospecialize(_::Union{Type{VkBindIndexBufferIndirectCommandNV}, Type{BindIndexBufferIndirectCommandNV}, Type{_BindIndexBufferIndirectCommandNV}})) = VkBindIndexBufferIndirectCommandNV core_type(@nospecialize(_::Union{Type{VkBindVertexBufferIndirectCommandNV}, Type{BindVertexBufferIndirectCommandNV}, Type{_BindVertexBufferIndirectCommandNV}})) = VkBindVertexBufferIndirectCommandNV core_type(@nospecialize(_::Union{Type{VkSetStateFlagsIndirectCommandNV}, Type{SetStateFlagsIndirectCommandNV}, Type{_SetStateFlagsIndirectCommandNV}})) = VkSetStateFlagsIndirectCommandNV core_type(@nospecialize(_::Union{Type{VkIndirectCommandsStreamNV}, Type{IndirectCommandsStreamNV}, Type{_IndirectCommandsStreamNV}})) = VkIndirectCommandsStreamNV core_type(@nospecialize(_::Union{Type{VkIndirectCommandsLayoutTokenNV}, Type{IndirectCommandsLayoutTokenNV}, Type{_IndirectCommandsLayoutTokenNV}})) = VkIndirectCommandsLayoutTokenNV core_type(@nospecialize(_::Union{Type{VkIndirectCommandsLayoutCreateInfoNV}, Type{IndirectCommandsLayoutCreateInfoNV}, Type{_IndirectCommandsLayoutCreateInfoNV}})) = VkIndirectCommandsLayoutCreateInfoNV core_type(@nospecialize(_::Union{Type{VkGeneratedCommandsInfoNV}, Type{GeneratedCommandsInfoNV}, Type{_GeneratedCommandsInfoNV}})) = VkGeneratedCommandsInfoNV core_type(@nospecialize(_::Union{Type{VkGeneratedCommandsMemoryRequirementsInfoNV}, Type{GeneratedCommandsMemoryRequirementsInfoNV}, Type{_GeneratedCommandsMemoryRequirementsInfoNV}})) = VkGeneratedCommandsMemoryRequirementsInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFeatures2}, Type{PhysicalDeviceFeatures2}, Type{_PhysicalDeviceFeatures2}})) = VkPhysicalDeviceFeatures2 core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProperties2}, Type{PhysicalDeviceProperties2}, Type{_PhysicalDeviceProperties2}})) = VkPhysicalDeviceProperties2 core_type(@nospecialize(_::Union{Type{VkFormatProperties2}, Type{FormatProperties2}, Type{_FormatProperties2}})) = VkFormatProperties2 core_type(@nospecialize(_::Union{Type{VkImageFormatProperties2}, Type{ImageFormatProperties2}, Type{_ImageFormatProperties2}})) = VkImageFormatProperties2 core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageFormatInfo2}, Type{PhysicalDeviceImageFormatInfo2}, Type{_PhysicalDeviceImageFormatInfo2}})) = VkPhysicalDeviceImageFormatInfo2 core_type(@nospecialize(_::Union{Type{VkQueueFamilyProperties2}, Type{QueueFamilyProperties2}, Type{_QueueFamilyProperties2}})) = VkQueueFamilyProperties2 core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryProperties2}, Type{PhysicalDeviceMemoryProperties2}, Type{_PhysicalDeviceMemoryProperties2}})) = VkPhysicalDeviceMemoryProperties2 core_type(@nospecialize(_::Union{Type{VkSparseImageFormatProperties2}, Type{SparseImageFormatProperties2}, Type{_SparseImageFormatProperties2}})) = VkSparseImageFormatProperties2 core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSparseImageFormatInfo2}, Type{PhysicalDeviceSparseImageFormatInfo2}, Type{_PhysicalDeviceSparseImageFormatInfo2}})) = VkPhysicalDeviceSparseImageFormatInfo2 core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePushDescriptorPropertiesKHR}, Type{PhysicalDevicePushDescriptorPropertiesKHR}, Type{_PhysicalDevicePushDescriptorPropertiesKHR}})) = VkPhysicalDevicePushDescriptorPropertiesKHR core_type(@nospecialize(_::Union{Type{VkConformanceVersion}, Type{ConformanceVersion}, Type{_ConformanceVersion}})) = VkConformanceVersion core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDriverProperties}, Type{PhysicalDeviceDriverProperties}, Type{_PhysicalDeviceDriverProperties}})) = VkPhysicalDeviceDriverProperties core_type(@nospecialize(_::Union{Type{VkPresentRegionsKHR}, Type{PresentRegionsKHR}, Type{_PresentRegionsKHR}})) = VkPresentRegionsKHR core_type(@nospecialize(_::Union{Type{VkPresentRegionKHR}, Type{PresentRegionKHR}, Type{_PresentRegionKHR}})) = VkPresentRegionKHR core_type(@nospecialize(_::Union{Type{VkRectLayerKHR}, Type{RectLayerKHR}, Type{_RectLayerKHR}})) = VkRectLayerKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVariablePointersFeatures}, Type{PhysicalDeviceVariablePointersFeatures}, Type{_PhysicalDeviceVariablePointersFeatures}})) = VkPhysicalDeviceVariablePointersFeatures core_type(@nospecialize(_::Union{Type{VkExternalMemoryProperties}, Type{ExternalMemoryProperties}, Type{_ExternalMemoryProperties}})) = VkExternalMemoryProperties core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalImageFormatInfo}, Type{PhysicalDeviceExternalImageFormatInfo}, Type{_PhysicalDeviceExternalImageFormatInfo}})) = VkPhysicalDeviceExternalImageFormatInfo core_type(@nospecialize(_::Union{Type{VkExternalImageFormatProperties}, Type{ExternalImageFormatProperties}, Type{_ExternalImageFormatProperties}})) = VkExternalImageFormatProperties core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalBufferInfo}, Type{PhysicalDeviceExternalBufferInfo}, Type{_PhysicalDeviceExternalBufferInfo}})) = VkPhysicalDeviceExternalBufferInfo core_type(@nospecialize(_::Union{Type{VkExternalBufferProperties}, Type{ExternalBufferProperties}, Type{_ExternalBufferProperties}})) = VkExternalBufferProperties core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceIDProperties}, Type{PhysicalDeviceIDProperties}, Type{_PhysicalDeviceIDProperties}})) = VkPhysicalDeviceIDProperties core_type(@nospecialize(_::Union{Type{VkExternalMemoryImageCreateInfo}, Type{ExternalMemoryImageCreateInfo}, Type{_ExternalMemoryImageCreateInfo}})) = VkExternalMemoryImageCreateInfo core_type(@nospecialize(_::Union{Type{VkExternalMemoryBufferCreateInfo}, Type{ExternalMemoryBufferCreateInfo}, Type{_ExternalMemoryBufferCreateInfo}})) = VkExternalMemoryBufferCreateInfo core_type(@nospecialize(_::Union{Type{VkExportMemoryAllocateInfo}, Type{ExportMemoryAllocateInfo}, Type{_ExportMemoryAllocateInfo}})) = VkExportMemoryAllocateInfo core_type(@nospecialize(_::Union{Type{VkImportMemoryFdInfoKHR}, Type{ImportMemoryFdInfoKHR}, Type{_ImportMemoryFdInfoKHR}})) = VkImportMemoryFdInfoKHR core_type(@nospecialize(_::Union{Type{VkMemoryFdPropertiesKHR}, Type{MemoryFdPropertiesKHR}, Type{_MemoryFdPropertiesKHR}})) = VkMemoryFdPropertiesKHR core_type(@nospecialize(_::Union{Type{VkMemoryGetFdInfoKHR}, Type{MemoryGetFdInfoKHR}, Type{_MemoryGetFdInfoKHR}})) = VkMemoryGetFdInfoKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalSemaphoreInfo}, Type{PhysicalDeviceExternalSemaphoreInfo}, Type{_PhysicalDeviceExternalSemaphoreInfo}})) = VkPhysicalDeviceExternalSemaphoreInfo core_type(@nospecialize(_::Union{Type{VkExternalSemaphoreProperties}, Type{ExternalSemaphoreProperties}, Type{_ExternalSemaphoreProperties}})) = VkExternalSemaphoreProperties core_type(@nospecialize(_::Union{Type{VkExportSemaphoreCreateInfo}, Type{ExportSemaphoreCreateInfo}, Type{_ExportSemaphoreCreateInfo}})) = VkExportSemaphoreCreateInfo core_type(@nospecialize(_::Union{Type{VkImportSemaphoreFdInfoKHR}, Type{ImportSemaphoreFdInfoKHR}, Type{_ImportSemaphoreFdInfoKHR}})) = VkImportSemaphoreFdInfoKHR core_type(@nospecialize(_::Union{Type{VkSemaphoreGetFdInfoKHR}, Type{SemaphoreGetFdInfoKHR}, Type{_SemaphoreGetFdInfoKHR}})) = VkSemaphoreGetFdInfoKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalFenceInfo}, Type{PhysicalDeviceExternalFenceInfo}, Type{_PhysicalDeviceExternalFenceInfo}})) = VkPhysicalDeviceExternalFenceInfo core_type(@nospecialize(_::Union{Type{VkExternalFenceProperties}, Type{ExternalFenceProperties}, Type{_ExternalFenceProperties}})) = VkExternalFenceProperties core_type(@nospecialize(_::Union{Type{VkExportFenceCreateInfo}, Type{ExportFenceCreateInfo}, Type{_ExportFenceCreateInfo}})) = VkExportFenceCreateInfo core_type(@nospecialize(_::Union{Type{VkImportFenceFdInfoKHR}, Type{ImportFenceFdInfoKHR}, Type{_ImportFenceFdInfoKHR}})) = VkImportFenceFdInfoKHR core_type(@nospecialize(_::Union{Type{VkFenceGetFdInfoKHR}, Type{FenceGetFdInfoKHR}, Type{_FenceGetFdInfoKHR}})) = VkFenceGetFdInfoKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiviewFeatures}, Type{PhysicalDeviceMultiviewFeatures}, Type{_PhysicalDeviceMultiviewFeatures}})) = VkPhysicalDeviceMultiviewFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiviewProperties}, Type{PhysicalDeviceMultiviewProperties}, Type{_PhysicalDeviceMultiviewProperties}})) = VkPhysicalDeviceMultiviewProperties core_type(@nospecialize(_::Union{Type{VkRenderPassMultiviewCreateInfo}, Type{RenderPassMultiviewCreateInfo}, Type{_RenderPassMultiviewCreateInfo}})) = VkRenderPassMultiviewCreateInfo core_type(@nospecialize(_::Union{Type{VkSurfaceCapabilities2EXT}, Type{SurfaceCapabilities2EXT}, Type{_SurfaceCapabilities2EXT}})) = VkSurfaceCapabilities2EXT core_type(@nospecialize(_::Union{Type{VkDisplayPowerInfoEXT}, Type{DisplayPowerInfoEXT}, Type{_DisplayPowerInfoEXT}})) = VkDisplayPowerInfoEXT core_type(@nospecialize(_::Union{Type{VkDeviceEventInfoEXT}, Type{DeviceEventInfoEXT}, Type{_DeviceEventInfoEXT}})) = VkDeviceEventInfoEXT core_type(@nospecialize(_::Union{Type{VkDisplayEventInfoEXT}, Type{DisplayEventInfoEXT}, Type{_DisplayEventInfoEXT}})) = VkDisplayEventInfoEXT core_type(@nospecialize(_::Union{Type{VkSwapchainCounterCreateInfoEXT}, Type{SwapchainCounterCreateInfoEXT}, Type{_SwapchainCounterCreateInfoEXT}})) = VkSwapchainCounterCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceGroupProperties}, Type{PhysicalDeviceGroupProperties}, Type{_PhysicalDeviceGroupProperties}})) = VkPhysicalDeviceGroupProperties core_type(@nospecialize(_::Union{Type{VkMemoryAllocateFlagsInfo}, Type{MemoryAllocateFlagsInfo}, Type{_MemoryAllocateFlagsInfo}})) = VkMemoryAllocateFlagsInfo core_type(@nospecialize(_::Union{Type{VkBindBufferMemoryInfo}, Type{BindBufferMemoryInfo}, Type{_BindBufferMemoryInfo}})) = VkBindBufferMemoryInfo core_type(@nospecialize(_::Union{Type{VkBindBufferMemoryDeviceGroupInfo}, Type{BindBufferMemoryDeviceGroupInfo}, Type{_BindBufferMemoryDeviceGroupInfo}})) = VkBindBufferMemoryDeviceGroupInfo core_type(@nospecialize(_::Union{Type{VkBindImageMemoryInfo}, Type{BindImageMemoryInfo}, Type{_BindImageMemoryInfo}})) = VkBindImageMemoryInfo core_type(@nospecialize(_::Union{Type{VkBindImageMemoryDeviceGroupInfo}, Type{BindImageMemoryDeviceGroupInfo}, Type{_BindImageMemoryDeviceGroupInfo}})) = VkBindImageMemoryDeviceGroupInfo core_type(@nospecialize(_::Union{Type{VkDeviceGroupRenderPassBeginInfo}, Type{DeviceGroupRenderPassBeginInfo}, Type{_DeviceGroupRenderPassBeginInfo}})) = VkDeviceGroupRenderPassBeginInfo core_type(@nospecialize(_::Union{Type{VkDeviceGroupCommandBufferBeginInfo}, Type{DeviceGroupCommandBufferBeginInfo}, Type{_DeviceGroupCommandBufferBeginInfo}})) = VkDeviceGroupCommandBufferBeginInfo core_type(@nospecialize(_::Union{Type{VkDeviceGroupSubmitInfo}, Type{DeviceGroupSubmitInfo}, Type{_DeviceGroupSubmitInfo}})) = VkDeviceGroupSubmitInfo core_type(@nospecialize(_::Union{Type{VkDeviceGroupBindSparseInfo}, Type{DeviceGroupBindSparseInfo}, Type{_DeviceGroupBindSparseInfo}})) = VkDeviceGroupBindSparseInfo core_type(@nospecialize(_::Union{Type{VkDeviceGroupPresentCapabilitiesKHR}, Type{DeviceGroupPresentCapabilitiesKHR}, Type{_DeviceGroupPresentCapabilitiesKHR}})) = VkDeviceGroupPresentCapabilitiesKHR core_type(@nospecialize(_::Union{Type{VkImageSwapchainCreateInfoKHR}, Type{ImageSwapchainCreateInfoKHR}, Type{_ImageSwapchainCreateInfoKHR}})) = VkImageSwapchainCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkBindImageMemorySwapchainInfoKHR}, Type{BindImageMemorySwapchainInfoKHR}, Type{_BindImageMemorySwapchainInfoKHR}})) = VkBindImageMemorySwapchainInfoKHR core_type(@nospecialize(_::Union{Type{VkAcquireNextImageInfoKHR}, Type{AcquireNextImageInfoKHR}, Type{_AcquireNextImageInfoKHR}})) = VkAcquireNextImageInfoKHR core_type(@nospecialize(_::Union{Type{VkDeviceGroupPresentInfoKHR}, Type{DeviceGroupPresentInfoKHR}, Type{_DeviceGroupPresentInfoKHR}})) = VkDeviceGroupPresentInfoKHR core_type(@nospecialize(_::Union{Type{VkDeviceGroupDeviceCreateInfo}, Type{DeviceGroupDeviceCreateInfo}, Type{_DeviceGroupDeviceCreateInfo}})) = VkDeviceGroupDeviceCreateInfo core_type(@nospecialize(_::Union{Type{VkDeviceGroupSwapchainCreateInfoKHR}, Type{DeviceGroupSwapchainCreateInfoKHR}, Type{_DeviceGroupSwapchainCreateInfoKHR}})) = VkDeviceGroupSwapchainCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkDescriptorUpdateTemplateEntry}, Type{DescriptorUpdateTemplateEntry}, Type{_DescriptorUpdateTemplateEntry}})) = VkDescriptorUpdateTemplateEntry core_type(@nospecialize(_::Union{Type{VkDescriptorUpdateTemplateCreateInfo}, Type{DescriptorUpdateTemplateCreateInfo}, Type{_DescriptorUpdateTemplateCreateInfo}})) = VkDescriptorUpdateTemplateCreateInfo core_type(@nospecialize(_::Union{Type{VkXYColorEXT}, Type{XYColorEXT}, Type{_XYColorEXT}})) = VkXYColorEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePresentIdFeaturesKHR}, Type{PhysicalDevicePresentIdFeaturesKHR}, Type{_PhysicalDevicePresentIdFeaturesKHR}})) = VkPhysicalDevicePresentIdFeaturesKHR core_type(@nospecialize(_::Union{Type{VkPresentIdKHR}, Type{PresentIdKHR}, Type{_PresentIdKHR}})) = VkPresentIdKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePresentWaitFeaturesKHR}, Type{PhysicalDevicePresentWaitFeaturesKHR}, Type{_PhysicalDevicePresentWaitFeaturesKHR}})) = VkPhysicalDevicePresentWaitFeaturesKHR core_type(@nospecialize(_::Union{Type{VkHdrMetadataEXT}, Type{HdrMetadataEXT}, Type{_HdrMetadataEXT}})) = VkHdrMetadataEXT core_type(@nospecialize(_::Union{Type{VkDisplayNativeHdrSurfaceCapabilitiesAMD}, Type{DisplayNativeHdrSurfaceCapabilitiesAMD}, Type{_DisplayNativeHdrSurfaceCapabilitiesAMD}})) = VkDisplayNativeHdrSurfaceCapabilitiesAMD core_type(@nospecialize(_::Union{Type{VkSwapchainDisplayNativeHdrCreateInfoAMD}, Type{SwapchainDisplayNativeHdrCreateInfoAMD}, Type{_SwapchainDisplayNativeHdrCreateInfoAMD}})) = VkSwapchainDisplayNativeHdrCreateInfoAMD core_type(@nospecialize(_::Union{Type{VkRefreshCycleDurationGOOGLE}, Type{RefreshCycleDurationGOOGLE}, Type{_RefreshCycleDurationGOOGLE}})) = VkRefreshCycleDurationGOOGLE core_type(@nospecialize(_::Union{Type{VkPastPresentationTimingGOOGLE}, Type{PastPresentationTimingGOOGLE}, Type{_PastPresentationTimingGOOGLE}})) = VkPastPresentationTimingGOOGLE core_type(@nospecialize(_::Union{Type{VkPresentTimesInfoGOOGLE}, Type{PresentTimesInfoGOOGLE}, Type{_PresentTimesInfoGOOGLE}})) = VkPresentTimesInfoGOOGLE core_type(@nospecialize(_::Union{Type{VkPresentTimeGOOGLE}, Type{PresentTimeGOOGLE}, Type{_PresentTimeGOOGLE}})) = VkPresentTimeGOOGLE core_type(@nospecialize(_::Union{Type{VkMacOSSurfaceCreateInfoMVK}, Type{MacOSSurfaceCreateInfoMVK}, Type{_MacOSSurfaceCreateInfoMVK}})) = VkMacOSSurfaceCreateInfoMVK core_type(@nospecialize(_::Union{Type{VkMetalSurfaceCreateInfoEXT}, Type{MetalSurfaceCreateInfoEXT}, Type{_MetalSurfaceCreateInfoEXT}})) = VkMetalSurfaceCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkViewportWScalingNV}, Type{ViewportWScalingNV}, Type{_ViewportWScalingNV}})) = VkViewportWScalingNV core_type(@nospecialize(_::Union{Type{VkPipelineViewportWScalingStateCreateInfoNV}, Type{PipelineViewportWScalingStateCreateInfoNV}, Type{_PipelineViewportWScalingStateCreateInfoNV}})) = VkPipelineViewportWScalingStateCreateInfoNV core_type(@nospecialize(_::Union{Type{VkViewportSwizzleNV}, Type{ViewportSwizzleNV}, Type{_ViewportSwizzleNV}})) = VkViewportSwizzleNV core_type(@nospecialize(_::Union{Type{VkPipelineViewportSwizzleStateCreateInfoNV}, Type{PipelineViewportSwizzleStateCreateInfoNV}, Type{_PipelineViewportSwizzleStateCreateInfoNV}})) = VkPipelineViewportSwizzleStateCreateInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDiscardRectanglePropertiesEXT}, Type{PhysicalDeviceDiscardRectanglePropertiesEXT}, Type{_PhysicalDeviceDiscardRectanglePropertiesEXT}})) = VkPhysicalDeviceDiscardRectanglePropertiesEXT core_type(@nospecialize(_::Union{Type{VkPipelineDiscardRectangleStateCreateInfoEXT}, Type{PipelineDiscardRectangleStateCreateInfoEXT}, Type{_PipelineDiscardRectangleStateCreateInfoEXT}})) = VkPipelineDiscardRectangleStateCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX}, Type{PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX}, Type{_PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX}})) = VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX core_type(@nospecialize(_::Union{Type{VkInputAttachmentAspectReference}, Type{InputAttachmentAspectReference}, Type{_InputAttachmentAspectReference}})) = VkInputAttachmentAspectReference core_type(@nospecialize(_::Union{Type{VkRenderPassInputAttachmentAspectCreateInfo}, Type{RenderPassInputAttachmentAspectCreateInfo}, Type{_RenderPassInputAttachmentAspectCreateInfo}})) = VkRenderPassInputAttachmentAspectCreateInfo core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSurfaceInfo2KHR}, Type{PhysicalDeviceSurfaceInfo2KHR}, Type{_PhysicalDeviceSurfaceInfo2KHR}})) = VkPhysicalDeviceSurfaceInfo2KHR core_type(@nospecialize(_::Union{Type{VkSurfaceCapabilities2KHR}, Type{SurfaceCapabilities2KHR}, Type{_SurfaceCapabilities2KHR}})) = VkSurfaceCapabilities2KHR core_type(@nospecialize(_::Union{Type{VkSurfaceFormat2KHR}, Type{SurfaceFormat2KHR}, Type{_SurfaceFormat2KHR}})) = VkSurfaceFormat2KHR core_type(@nospecialize(_::Union{Type{VkDisplayProperties2KHR}, Type{DisplayProperties2KHR}, Type{_DisplayProperties2KHR}})) = VkDisplayProperties2KHR core_type(@nospecialize(_::Union{Type{VkDisplayPlaneProperties2KHR}, Type{DisplayPlaneProperties2KHR}, Type{_DisplayPlaneProperties2KHR}})) = VkDisplayPlaneProperties2KHR core_type(@nospecialize(_::Union{Type{VkDisplayModeProperties2KHR}, Type{DisplayModeProperties2KHR}, Type{_DisplayModeProperties2KHR}})) = VkDisplayModeProperties2KHR core_type(@nospecialize(_::Union{Type{VkDisplayPlaneInfo2KHR}, Type{DisplayPlaneInfo2KHR}, Type{_DisplayPlaneInfo2KHR}})) = VkDisplayPlaneInfo2KHR core_type(@nospecialize(_::Union{Type{VkDisplayPlaneCapabilities2KHR}, Type{DisplayPlaneCapabilities2KHR}, Type{_DisplayPlaneCapabilities2KHR}})) = VkDisplayPlaneCapabilities2KHR core_type(@nospecialize(_::Union{Type{VkSharedPresentSurfaceCapabilitiesKHR}, Type{SharedPresentSurfaceCapabilitiesKHR}, Type{_SharedPresentSurfaceCapabilitiesKHR}})) = VkSharedPresentSurfaceCapabilitiesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDevice16BitStorageFeatures}, Type{PhysicalDevice16BitStorageFeatures}, Type{_PhysicalDevice16BitStorageFeatures}})) = VkPhysicalDevice16BitStorageFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubgroupProperties}, Type{PhysicalDeviceSubgroupProperties}, Type{_PhysicalDeviceSubgroupProperties}})) = VkPhysicalDeviceSubgroupProperties core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures}, Type{PhysicalDeviceShaderSubgroupExtendedTypesFeatures}, Type{_PhysicalDeviceShaderSubgroupExtendedTypesFeatures}})) = VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures core_type(@nospecialize(_::Union{Type{VkBufferMemoryRequirementsInfo2}, Type{BufferMemoryRequirementsInfo2}, Type{_BufferMemoryRequirementsInfo2}})) = VkBufferMemoryRequirementsInfo2 core_type(@nospecialize(_::Union{Type{VkDeviceBufferMemoryRequirements}, Type{DeviceBufferMemoryRequirements}, Type{_DeviceBufferMemoryRequirements}})) = VkDeviceBufferMemoryRequirements core_type(@nospecialize(_::Union{Type{VkImageMemoryRequirementsInfo2}, Type{ImageMemoryRequirementsInfo2}, Type{_ImageMemoryRequirementsInfo2}})) = VkImageMemoryRequirementsInfo2 core_type(@nospecialize(_::Union{Type{VkImageSparseMemoryRequirementsInfo2}, Type{ImageSparseMemoryRequirementsInfo2}, Type{_ImageSparseMemoryRequirementsInfo2}})) = VkImageSparseMemoryRequirementsInfo2 core_type(@nospecialize(_::Union{Type{VkDeviceImageMemoryRequirements}, Type{DeviceImageMemoryRequirements}, Type{_DeviceImageMemoryRequirements}})) = VkDeviceImageMemoryRequirements core_type(@nospecialize(_::Union{Type{VkMemoryRequirements2}, Type{MemoryRequirements2}, Type{_MemoryRequirements2}})) = VkMemoryRequirements2 core_type(@nospecialize(_::Union{Type{VkSparseImageMemoryRequirements2}, Type{SparseImageMemoryRequirements2}, Type{_SparseImageMemoryRequirements2}})) = VkSparseImageMemoryRequirements2 core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePointClippingProperties}, Type{PhysicalDevicePointClippingProperties}, Type{_PhysicalDevicePointClippingProperties}})) = VkPhysicalDevicePointClippingProperties core_type(@nospecialize(_::Union{Type{VkMemoryDedicatedRequirements}, Type{MemoryDedicatedRequirements}, Type{_MemoryDedicatedRequirements}})) = VkMemoryDedicatedRequirements core_type(@nospecialize(_::Union{Type{VkMemoryDedicatedAllocateInfo}, Type{MemoryDedicatedAllocateInfo}, Type{_MemoryDedicatedAllocateInfo}})) = VkMemoryDedicatedAllocateInfo core_type(@nospecialize(_::Union{Type{VkImageViewUsageCreateInfo}, Type{ImageViewUsageCreateInfo}, Type{_ImageViewUsageCreateInfo}})) = VkImageViewUsageCreateInfo core_type(@nospecialize(_::Union{Type{VkPipelineTessellationDomainOriginStateCreateInfo}, Type{PipelineTessellationDomainOriginStateCreateInfo}, Type{_PipelineTessellationDomainOriginStateCreateInfo}})) = VkPipelineTessellationDomainOriginStateCreateInfo core_type(@nospecialize(_::Union{Type{VkSamplerYcbcrConversionInfo}, Type{SamplerYcbcrConversionInfo}, Type{_SamplerYcbcrConversionInfo}})) = VkSamplerYcbcrConversionInfo core_type(@nospecialize(_::Union{Type{VkSamplerYcbcrConversionCreateInfo}, Type{SamplerYcbcrConversionCreateInfo}, Type{_SamplerYcbcrConversionCreateInfo}})) = VkSamplerYcbcrConversionCreateInfo core_type(@nospecialize(_::Union{Type{VkBindImagePlaneMemoryInfo}, Type{BindImagePlaneMemoryInfo}, Type{_BindImagePlaneMemoryInfo}})) = VkBindImagePlaneMemoryInfo core_type(@nospecialize(_::Union{Type{VkImagePlaneMemoryRequirementsInfo}, Type{ImagePlaneMemoryRequirementsInfo}, Type{_ImagePlaneMemoryRequirementsInfo}})) = VkImagePlaneMemoryRequirementsInfo core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSamplerYcbcrConversionFeatures}, Type{PhysicalDeviceSamplerYcbcrConversionFeatures}, Type{_PhysicalDeviceSamplerYcbcrConversionFeatures}})) = VkPhysicalDeviceSamplerYcbcrConversionFeatures core_type(@nospecialize(_::Union{Type{VkSamplerYcbcrConversionImageFormatProperties}, Type{SamplerYcbcrConversionImageFormatProperties}, Type{_SamplerYcbcrConversionImageFormatProperties}})) = VkSamplerYcbcrConversionImageFormatProperties core_type(@nospecialize(_::Union{Type{VkTextureLODGatherFormatPropertiesAMD}, Type{TextureLODGatherFormatPropertiesAMD}, Type{_TextureLODGatherFormatPropertiesAMD}})) = VkTextureLODGatherFormatPropertiesAMD core_type(@nospecialize(_::Union{Type{VkConditionalRenderingBeginInfoEXT}, Type{ConditionalRenderingBeginInfoEXT}, Type{_ConditionalRenderingBeginInfoEXT}})) = VkConditionalRenderingBeginInfoEXT core_type(@nospecialize(_::Union{Type{VkProtectedSubmitInfo}, Type{ProtectedSubmitInfo}, Type{_ProtectedSubmitInfo}})) = VkProtectedSubmitInfo core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProtectedMemoryFeatures}, Type{PhysicalDeviceProtectedMemoryFeatures}, Type{_PhysicalDeviceProtectedMemoryFeatures}})) = VkPhysicalDeviceProtectedMemoryFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProtectedMemoryProperties}, Type{PhysicalDeviceProtectedMemoryProperties}, Type{_PhysicalDeviceProtectedMemoryProperties}})) = VkPhysicalDeviceProtectedMemoryProperties core_type(@nospecialize(_::Union{Type{VkDeviceQueueInfo2}, Type{DeviceQueueInfo2}, Type{_DeviceQueueInfo2}})) = VkDeviceQueueInfo2 core_type(@nospecialize(_::Union{Type{VkPipelineCoverageToColorStateCreateInfoNV}, Type{PipelineCoverageToColorStateCreateInfoNV}, Type{_PipelineCoverageToColorStateCreateInfoNV}})) = VkPipelineCoverageToColorStateCreateInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSamplerFilterMinmaxProperties}, Type{PhysicalDeviceSamplerFilterMinmaxProperties}, Type{_PhysicalDeviceSamplerFilterMinmaxProperties}})) = VkPhysicalDeviceSamplerFilterMinmaxProperties core_type(@nospecialize(_::Union{Type{VkSampleLocationEXT}, Type{SampleLocationEXT}, Type{_SampleLocationEXT}})) = VkSampleLocationEXT core_type(@nospecialize(_::Union{Type{VkSampleLocationsInfoEXT}, Type{SampleLocationsInfoEXT}, Type{_SampleLocationsInfoEXT}})) = VkSampleLocationsInfoEXT core_type(@nospecialize(_::Union{Type{VkAttachmentSampleLocationsEXT}, Type{AttachmentSampleLocationsEXT}, Type{_AttachmentSampleLocationsEXT}})) = VkAttachmentSampleLocationsEXT core_type(@nospecialize(_::Union{Type{VkSubpassSampleLocationsEXT}, Type{SubpassSampleLocationsEXT}, Type{_SubpassSampleLocationsEXT}})) = VkSubpassSampleLocationsEXT core_type(@nospecialize(_::Union{Type{VkRenderPassSampleLocationsBeginInfoEXT}, Type{RenderPassSampleLocationsBeginInfoEXT}, Type{_RenderPassSampleLocationsBeginInfoEXT}})) = VkRenderPassSampleLocationsBeginInfoEXT core_type(@nospecialize(_::Union{Type{VkPipelineSampleLocationsStateCreateInfoEXT}, Type{PipelineSampleLocationsStateCreateInfoEXT}, Type{_PipelineSampleLocationsStateCreateInfoEXT}})) = VkPipelineSampleLocationsStateCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSampleLocationsPropertiesEXT}, Type{PhysicalDeviceSampleLocationsPropertiesEXT}, Type{_PhysicalDeviceSampleLocationsPropertiesEXT}})) = VkPhysicalDeviceSampleLocationsPropertiesEXT core_type(@nospecialize(_::Union{Type{VkMultisamplePropertiesEXT}, Type{MultisamplePropertiesEXT}, Type{_MultisamplePropertiesEXT}})) = VkMultisamplePropertiesEXT core_type(@nospecialize(_::Union{Type{VkSamplerReductionModeCreateInfo}, Type{SamplerReductionModeCreateInfo}, Type{_SamplerReductionModeCreateInfo}})) = VkSamplerReductionModeCreateInfo core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT}, Type{PhysicalDeviceBlendOperationAdvancedFeaturesEXT}, Type{_PhysicalDeviceBlendOperationAdvancedFeaturesEXT}})) = VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiDrawFeaturesEXT}, Type{PhysicalDeviceMultiDrawFeaturesEXT}, Type{_PhysicalDeviceMultiDrawFeaturesEXT}})) = VkPhysicalDeviceMultiDrawFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT}, Type{PhysicalDeviceBlendOperationAdvancedPropertiesEXT}, Type{_PhysicalDeviceBlendOperationAdvancedPropertiesEXT}})) = VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPipelineColorBlendAdvancedStateCreateInfoEXT}, Type{PipelineColorBlendAdvancedStateCreateInfoEXT}, Type{_PipelineColorBlendAdvancedStateCreateInfoEXT}})) = VkPipelineColorBlendAdvancedStateCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceInlineUniformBlockFeatures}, Type{PhysicalDeviceInlineUniformBlockFeatures}, Type{_PhysicalDeviceInlineUniformBlockFeatures}})) = VkPhysicalDeviceInlineUniformBlockFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceInlineUniformBlockProperties}, Type{PhysicalDeviceInlineUniformBlockProperties}, Type{_PhysicalDeviceInlineUniformBlockProperties}})) = VkPhysicalDeviceInlineUniformBlockProperties core_type(@nospecialize(_::Union{Type{VkWriteDescriptorSetInlineUniformBlock}, Type{WriteDescriptorSetInlineUniformBlock}, Type{_WriteDescriptorSetInlineUniformBlock}})) = VkWriteDescriptorSetInlineUniformBlock core_type(@nospecialize(_::Union{Type{VkDescriptorPoolInlineUniformBlockCreateInfo}, Type{DescriptorPoolInlineUniformBlockCreateInfo}, Type{_DescriptorPoolInlineUniformBlockCreateInfo}})) = VkDescriptorPoolInlineUniformBlockCreateInfo core_type(@nospecialize(_::Union{Type{VkPipelineCoverageModulationStateCreateInfoNV}, Type{PipelineCoverageModulationStateCreateInfoNV}, Type{_PipelineCoverageModulationStateCreateInfoNV}})) = VkPipelineCoverageModulationStateCreateInfoNV core_type(@nospecialize(_::Union{Type{VkImageFormatListCreateInfo}, Type{ImageFormatListCreateInfo}, Type{_ImageFormatListCreateInfo}})) = VkImageFormatListCreateInfo core_type(@nospecialize(_::Union{Type{VkValidationCacheCreateInfoEXT}, Type{ValidationCacheCreateInfoEXT}, Type{_ValidationCacheCreateInfoEXT}})) = VkValidationCacheCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkShaderModuleValidationCacheCreateInfoEXT}, Type{ShaderModuleValidationCacheCreateInfoEXT}, Type{_ShaderModuleValidationCacheCreateInfoEXT}})) = VkShaderModuleValidationCacheCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMaintenance3Properties}, Type{PhysicalDeviceMaintenance3Properties}, Type{_PhysicalDeviceMaintenance3Properties}})) = VkPhysicalDeviceMaintenance3Properties core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMaintenance4Features}, Type{PhysicalDeviceMaintenance4Features}, Type{_PhysicalDeviceMaintenance4Features}})) = VkPhysicalDeviceMaintenance4Features core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMaintenance4Properties}, Type{PhysicalDeviceMaintenance4Properties}, Type{_PhysicalDeviceMaintenance4Properties}})) = VkPhysicalDeviceMaintenance4Properties core_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutSupport}, Type{DescriptorSetLayoutSupport}, Type{_DescriptorSetLayoutSupport}})) = VkDescriptorSetLayoutSupport core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderDrawParametersFeatures}, Type{PhysicalDeviceShaderDrawParametersFeatures}, Type{_PhysicalDeviceShaderDrawParametersFeatures}})) = VkPhysicalDeviceShaderDrawParametersFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderFloat16Int8Features}, Type{PhysicalDeviceShaderFloat16Int8Features}, Type{_PhysicalDeviceShaderFloat16Int8Features}})) = VkPhysicalDeviceShaderFloat16Int8Features core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFloatControlsProperties}, Type{PhysicalDeviceFloatControlsProperties}, Type{_PhysicalDeviceFloatControlsProperties}})) = VkPhysicalDeviceFloatControlsProperties core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceHostQueryResetFeatures}, Type{PhysicalDeviceHostQueryResetFeatures}, Type{_PhysicalDeviceHostQueryResetFeatures}})) = VkPhysicalDeviceHostQueryResetFeatures core_type(@nospecialize(_::Union{Type{VkShaderResourceUsageAMD}, Type{ShaderResourceUsageAMD}, Type{_ShaderResourceUsageAMD}})) = VkShaderResourceUsageAMD core_type(@nospecialize(_::Union{Type{VkShaderStatisticsInfoAMD}, Type{ShaderStatisticsInfoAMD}, Type{_ShaderStatisticsInfoAMD}})) = VkShaderStatisticsInfoAMD core_type(@nospecialize(_::Union{Type{VkDeviceQueueGlobalPriorityCreateInfoKHR}, Type{DeviceQueueGlobalPriorityCreateInfoKHR}, Type{_DeviceQueueGlobalPriorityCreateInfoKHR}})) = VkDeviceQueueGlobalPriorityCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR}, Type{PhysicalDeviceGlobalPriorityQueryFeaturesKHR}, Type{_PhysicalDeviceGlobalPriorityQueryFeaturesKHR}})) = VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR core_type(@nospecialize(_::Union{Type{VkQueueFamilyGlobalPriorityPropertiesKHR}, Type{QueueFamilyGlobalPriorityPropertiesKHR}, Type{_QueueFamilyGlobalPriorityPropertiesKHR}})) = VkQueueFamilyGlobalPriorityPropertiesKHR core_type(@nospecialize(_::Union{Type{VkDebugUtilsObjectNameInfoEXT}, Type{DebugUtilsObjectNameInfoEXT}, Type{_DebugUtilsObjectNameInfoEXT}})) = VkDebugUtilsObjectNameInfoEXT core_type(@nospecialize(_::Union{Type{VkDebugUtilsObjectTagInfoEXT}, Type{DebugUtilsObjectTagInfoEXT}, Type{_DebugUtilsObjectTagInfoEXT}})) = VkDebugUtilsObjectTagInfoEXT core_type(@nospecialize(_::Union{Type{VkDebugUtilsLabelEXT}, Type{DebugUtilsLabelEXT}, Type{_DebugUtilsLabelEXT}})) = VkDebugUtilsLabelEXT core_type(@nospecialize(_::Union{Type{VkDebugUtilsMessengerCreateInfoEXT}, Type{DebugUtilsMessengerCreateInfoEXT}, Type{_DebugUtilsMessengerCreateInfoEXT}})) = VkDebugUtilsMessengerCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkDebugUtilsMessengerCallbackDataEXT}, Type{DebugUtilsMessengerCallbackDataEXT}, Type{_DebugUtilsMessengerCallbackDataEXT}})) = VkDebugUtilsMessengerCallbackDataEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDeviceMemoryReportFeaturesEXT}, Type{PhysicalDeviceDeviceMemoryReportFeaturesEXT}, Type{_PhysicalDeviceDeviceMemoryReportFeaturesEXT}})) = VkPhysicalDeviceDeviceMemoryReportFeaturesEXT core_type(@nospecialize(_::Union{Type{VkDeviceDeviceMemoryReportCreateInfoEXT}, Type{DeviceDeviceMemoryReportCreateInfoEXT}, Type{_DeviceDeviceMemoryReportCreateInfoEXT}})) = VkDeviceDeviceMemoryReportCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkDeviceMemoryReportCallbackDataEXT}, Type{DeviceMemoryReportCallbackDataEXT}, Type{_DeviceMemoryReportCallbackDataEXT}})) = VkDeviceMemoryReportCallbackDataEXT core_type(@nospecialize(_::Union{Type{VkImportMemoryHostPointerInfoEXT}, Type{ImportMemoryHostPointerInfoEXT}, Type{_ImportMemoryHostPointerInfoEXT}})) = VkImportMemoryHostPointerInfoEXT core_type(@nospecialize(_::Union{Type{VkMemoryHostPointerPropertiesEXT}, Type{MemoryHostPointerPropertiesEXT}, Type{_MemoryHostPointerPropertiesEXT}})) = VkMemoryHostPointerPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalMemoryHostPropertiesEXT}, Type{PhysicalDeviceExternalMemoryHostPropertiesEXT}, Type{_PhysicalDeviceExternalMemoryHostPropertiesEXT}})) = VkPhysicalDeviceExternalMemoryHostPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceConservativeRasterizationPropertiesEXT}, Type{PhysicalDeviceConservativeRasterizationPropertiesEXT}, Type{_PhysicalDeviceConservativeRasterizationPropertiesEXT}})) = VkPhysicalDeviceConservativeRasterizationPropertiesEXT core_type(@nospecialize(_::Union{Type{VkCalibratedTimestampInfoEXT}, Type{CalibratedTimestampInfoEXT}, Type{_CalibratedTimestampInfoEXT}})) = VkCalibratedTimestampInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderCorePropertiesAMD}, Type{PhysicalDeviceShaderCorePropertiesAMD}, Type{_PhysicalDeviceShaderCorePropertiesAMD}})) = VkPhysicalDeviceShaderCorePropertiesAMD core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderCoreProperties2AMD}, Type{PhysicalDeviceShaderCoreProperties2AMD}, Type{_PhysicalDeviceShaderCoreProperties2AMD}})) = VkPhysicalDeviceShaderCoreProperties2AMD core_type(@nospecialize(_::Union{Type{VkPipelineRasterizationConservativeStateCreateInfoEXT}, Type{PipelineRasterizationConservativeStateCreateInfoEXT}, Type{_PipelineRasterizationConservativeStateCreateInfoEXT}})) = VkPipelineRasterizationConservativeStateCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorIndexingFeatures}, Type{PhysicalDeviceDescriptorIndexingFeatures}, Type{_PhysicalDeviceDescriptorIndexingFeatures}})) = VkPhysicalDeviceDescriptorIndexingFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorIndexingProperties}, Type{PhysicalDeviceDescriptorIndexingProperties}, Type{_PhysicalDeviceDescriptorIndexingProperties}})) = VkPhysicalDeviceDescriptorIndexingProperties core_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutBindingFlagsCreateInfo}, Type{DescriptorSetLayoutBindingFlagsCreateInfo}, Type{_DescriptorSetLayoutBindingFlagsCreateInfo}})) = VkDescriptorSetLayoutBindingFlagsCreateInfo core_type(@nospecialize(_::Union{Type{VkDescriptorSetVariableDescriptorCountAllocateInfo}, Type{DescriptorSetVariableDescriptorCountAllocateInfo}, Type{_DescriptorSetVariableDescriptorCountAllocateInfo}})) = VkDescriptorSetVariableDescriptorCountAllocateInfo core_type(@nospecialize(_::Union{Type{VkDescriptorSetVariableDescriptorCountLayoutSupport}, Type{DescriptorSetVariableDescriptorCountLayoutSupport}, Type{_DescriptorSetVariableDescriptorCountLayoutSupport}})) = VkDescriptorSetVariableDescriptorCountLayoutSupport core_type(@nospecialize(_::Union{Type{VkAttachmentDescription2}, Type{AttachmentDescription2}, Type{_AttachmentDescription2}})) = VkAttachmentDescription2 core_type(@nospecialize(_::Union{Type{VkAttachmentReference2}, Type{AttachmentReference2}, Type{_AttachmentReference2}})) = VkAttachmentReference2 core_type(@nospecialize(_::Union{Type{VkSubpassDescription2}, Type{SubpassDescription2}, Type{_SubpassDescription2}})) = VkSubpassDescription2 core_type(@nospecialize(_::Union{Type{VkSubpassDependency2}, Type{SubpassDependency2}, Type{_SubpassDependency2}})) = VkSubpassDependency2 core_type(@nospecialize(_::Union{Type{VkRenderPassCreateInfo2}, Type{RenderPassCreateInfo2}, Type{_RenderPassCreateInfo2}})) = VkRenderPassCreateInfo2 core_type(@nospecialize(_::Union{Type{VkSubpassBeginInfo}, Type{SubpassBeginInfo}, Type{_SubpassBeginInfo}})) = VkSubpassBeginInfo core_type(@nospecialize(_::Union{Type{VkSubpassEndInfo}, Type{SubpassEndInfo}, Type{_SubpassEndInfo}})) = VkSubpassEndInfo core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTimelineSemaphoreFeatures}, Type{PhysicalDeviceTimelineSemaphoreFeatures}, Type{_PhysicalDeviceTimelineSemaphoreFeatures}})) = VkPhysicalDeviceTimelineSemaphoreFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTimelineSemaphoreProperties}, Type{PhysicalDeviceTimelineSemaphoreProperties}, Type{_PhysicalDeviceTimelineSemaphoreProperties}})) = VkPhysicalDeviceTimelineSemaphoreProperties core_type(@nospecialize(_::Union{Type{VkSemaphoreTypeCreateInfo}, Type{SemaphoreTypeCreateInfo}, Type{_SemaphoreTypeCreateInfo}})) = VkSemaphoreTypeCreateInfo core_type(@nospecialize(_::Union{Type{VkTimelineSemaphoreSubmitInfo}, Type{TimelineSemaphoreSubmitInfo}, Type{_TimelineSemaphoreSubmitInfo}})) = VkTimelineSemaphoreSubmitInfo core_type(@nospecialize(_::Union{Type{VkSemaphoreWaitInfo}, Type{SemaphoreWaitInfo}, Type{_SemaphoreWaitInfo}})) = VkSemaphoreWaitInfo core_type(@nospecialize(_::Union{Type{VkSemaphoreSignalInfo}, Type{SemaphoreSignalInfo}, Type{_SemaphoreSignalInfo}})) = VkSemaphoreSignalInfo core_type(@nospecialize(_::Union{Type{VkVertexInputBindingDivisorDescriptionEXT}, Type{VertexInputBindingDivisorDescriptionEXT}, Type{_VertexInputBindingDivisorDescriptionEXT}})) = VkVertexInputBindingDivisorDescriptionEXT core_type(@nospecialize(_::Union{Type{VkPipelineVertexInputDivisorStateCreateInfoEXT}, Type{PipelineVertexInputDivisorStateCreateInfoEXT}, Type{_PipelineVertexInputDivisorStateCreateInfoEXT}})) = VkPipelineVertexInputDivisorStateCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT}, Type{PhysicalDeviceVertexAttributeDivisorPropertiesEXT}, Type{_PhysicalDeviceVertexAttributeDivisorPropertiesEXT}})) = VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePCIBusInfoPropertiesEXT}, Type{PhysicalDevicePCIBusInfoPropertiesEXT}, Type{_PhysicalDevicePCIBusInfoPropertiesEXT}})) = VkPhysicalDevicePCIBusInfoPropertiesEXT core_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceConditionalRenderingInfoEXT}, Type{CommandBufferInheritanceConditionalRenderingInfoEXT}, Type{_CommandBufferInheritanceConditionalRenderingInfoEXT}})) = VkCommandBufferInheritanceConditionalRenderingInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDevice8BitStorageFeatures}, Type{PhysicalDevice8BitStorageFeatures}, Type{_PhysicalDevice8BitStorageFeatures}})) = VkPhysicalDevice8BitStorageFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceConditionalRenderingFeaturesEXT}, Type{PhysicalDeviceConditionalRenderingFeaturesEXT}, Type{_PhysicalDeviceConditionalRenderingFeaturesEXT}})) = VkPhysicalDeviceConditionalRenderingFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkanMemoryModelFeatures}, Type{PhysicalDeviceVulkanMemoryModelFeatures}, Type{_PhysicalDeviceVulkanMemoryModelFeatures}})) = VkPhysicalDeviceVulkanMemoryModelFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderAtomicInt64Features}, Type{PhysicalDeviceShaderAtomicInt64Features}, Type{_PhysicalDeviceShaderAtomicInt64Features}})) = VkPhysicalDeviceShaderAtomicInt64Features core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderAtomicFloatFeaturesEXT}, Type{PhysicalDeviceShaderAtomicFloatFeaturesEXT}, Type{_PhysicalDeviceShaderAtomicFloatFeaturesEXT}})) = VkPhysicalDeviceShaderAtomicFloatFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT}, Type{PhysicalDeviceShaderAtomicFloat2FeaturesEXT}, Type{_PhysicalDeviceShaderAtomicFloat2FeaturesEXT}})) = VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT}, Type{PhysicalDeviceVertexAttributeDivisorFeaturesEXT}, Type{_PhysicalDeviceVertexAttributeDivisorFeaturesEXT}})) = VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT core_type(@nospecialize(_::Union{Type{VkQueueFamilyCheckpointPropertiesNV}, Type{QueueFamilyCheckpointPropertiesNV}, Type{_QueueFamilyCheckpointPropertiesNV}})) = VkQueueFamilyCheckpointPropertiesNV core_type(@nospecialize(_::Union{Type{VkCheckpointDataNV}, Type{CheckpointDataNV}, Type{_CheckpointDataNV}})) = VkCheckpointDataNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDepthStencilResolveProperties}, Type{PhysicalDeviceDepthStencilResolveProperties}, Type{_PhysicalDeviceDepthStencilResolveProperties}})) = VkPhysicalDeviceDepthStencilResolveProperties core_type(@nospecialize(_::Union{Type{VkSubpassDescriptionDepthStencilResolve}, Type{SubpassDescriptionDepthStencilResolve}, Type{_SubpassDescriptionDepthStencilResolve}})) = VkSubpassDescriptionDepthStencilResolve core_type(@nospecialize(_::Union{Type{VkImageViewASTCDecodeModeEXT}, Type{ImageViewASTCDecodeModeEXT}, Type{_ImageViewASTCDecodeModeEXT}})) = VkImageViewASTCDecodeModeEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceASTCDecodeFeaturesEXT}, Type{PhysicalDeviceASTCDecodeFeaturesEXT}, Type{_PhysicalDeviceASTCDecodeFeaturesEXT}})) = VkPhysicalDeviceASTCDecodeFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTransformFeedbackFeaturesEXT}, Type{PhysicalDeviceTransformFeedbackFeaturesEXT}, Type{_PhysicalDeviceTransformFeedbackFeaturesEXT}})) = VkPhysicalDeviceTransformFeedbackFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTransformFeedbackPropertiesEXT}, Type{PhysicalDeviceTransformFeedbackPropertiesEXT}, Type{_PhysicalDeviceTransformFeedbackPropertiesEXT}})) = VkPhysicalDeviceTransformFeedbackPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPipelineRasterizationStateStreamCreateInfoEXT}, Type{PipelineRasterizationStateStreamCreateInfoEXT}, Type{_PipelineRasterizationStateStreamCreateInfoEXT}})) = VkPipelineRasterizationStateStreamCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV}, Type{PhysicalDeviceRepresentativeFragmentTestFeaturesNV}, Type{_PhysicalDeviceRepresentativeFragmentTestFeaturesNV}})) = VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV core_type(@nospecialize(_::Union{Type{VkPipelineRepresentativeFragmentTestStateCreateInfoNV}, Type{PipelineRepresentativeFragmentTestStateCreateInfoNV}, Type{_PipelineRepresentativeFragmentTestStateCreateInfoNV}})) = VkPipelineRepresentativeFragmentTestStateCreateInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExclusiveScissorFeaturesNV}, Type{PhysicalDeviceExclusiveScissorFeaturesNV}, Type{_PhysicalDeviceExclusiveScissorFeaturesNV}})) = VkPhysicalDeviceExclusiveScissorFeaturesNV core_type(@nospecialize(_::Union{Type{VkPipelineViewportExclusiveScissorStateCreateInfoNV}, Type{PipelineViewportExclusiveScissorStateCreateInfoNV}, Type{_PipelineViewportExclusiveScissorStateCreateInfoNV}})) = VkPipelineViewportExclusiveScissorStateCreateInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCornerSampledImageFeaturesNV}, Type{PhysicalDeviceCornerSampledImageFeaturesNV}, Type{_PhysicalDeviceCornerSampledImageFeaturesNV}})) = VkPhysicalDeviceCornerSampledImageFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceComputeShaderDerivativesFeaturesNV}, Type{PhysicalDeviceComputeShaderDerivativesFeaturesNV}, Type{_PhysicalDeviceComputeShaderDerivativesFeaturesNV}})) = VkPhysicalDeviceComputeShaderDerivativesFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderImageFootprintFeaturesNV}, Type{PhysicalDeviceShaderImageFootprintFeaturesNV}, Type{_PhysicalDeviceShaderImageFootprintFeaturesNV}})) = VkPhysicalDeviceShaderImageFootprintFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV}, Type{PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV}, Type{_PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV}})) = VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCopyMemoryIndirectFeaturesNV}, Type{PhysicalDeviceCopyMemoryIndirectFeaturesNV}, Type{_PhysicalDeviceCopyMemoryIndirectFeaturesNV}})) = VkPhysicalDeviceCopyMemoryIndirectFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCopyMemoryIndirectPropertiesNV}, Type{PhysicalDeviceCopyMemoryIndirectPropertiesNV}, Type{_PhysicalDeviceCopyMemoryIndirectPropertiesNV}})) = VkPhysicalDeviceCopyMemoryIndirectPropertiesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryDecompressionFeaturesNV}, Type{PhysicalDeviceMemoryDecompressionFeaturesNV}, Type{_PhysicalDeviceMemoryDecompressionFeaturesNV}})) = VkPhysicalDeviceMemoryDecompressionFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryDecompressionPropertiesNV}, Type{PhysicalDeviceMemoryDecompressionPropertiesNV}, Type{_PhysicalDeviceMemoryDecompressionPropertiesNV}})) = VkPhysicalDeviceMemoryDecompressionPropertiesNV core_type(@nospecialize(_::Union{Type{VkShadingRatePaletteNV}, Type{ShadingRatePaletteNV}, Type{_ShadingRatePaletteNV}})) = VkShadingRatePaletteNV core_type(@nospecialize(_::Union{Type{VkPipelineViewportShadingRateImageStateCreateInfoNV}, Type{PipelineViewportShadingRateImageStateCreateInfoNV}, Type{_PipelineViewportShadingRateImageStateCreateInfoNV}})) = VkPipelineViewportShadingRateImageStateCreateInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShadingRateImageFeaturesNV}, Type{PhysicalDeviceShadingRateImageFeaturesNV}, Type{_PhysicalDeviceShadingRateImageFeaturesNV}})) = VkPhysicalDeviceShadingRateImageFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShadingRateImagePropertiesNV}, Type{PhysicalDeviceShadingRateImagePropertiesNV}, Type{_PhysicalDeviceShadingRateImagePropertiesNV}})) = VkPhysicalDeviceShadingRateImagePropertiesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceInvocationMaskFeaturesHUAWEI}, Type{PhysicalDeviceInvocationMaskFeaturesHUAWEI}, Type{_PhysicalDeviceInvocationMaskFeaturesHUAWEI}})) = VkPhysicalDeviceInvocationMaskFeaturesHUAWEI core_type(@nospecialize(_::Union{Type{VkCoarseSampleLocationNV}, Type{CoarseSampleLocationNV}, Type{_CoarseSampleLocationNV}})) = VkCoarseSampleLocationNV core_type(@nospecialize(_::Union{Type{VkCoarseSampleOrderCustomNV}, Type{CoarseSampleOrderCustomNV}, Type{_CoarseSampleOrderCustomNV}})) = VkCoarseSampleOrderCustomNV core_type(@nospecialize(_::Union{Type{VkPipelineViewportCoarseSampleOrderStateCreateInfoNV}, Type{PipelineViewportCoarseSampleOrderStateCreateInfoNV}, Type{_PipelineViewportCoarseSampleOrderStateCreateInfoNV}})) = VkPipelineViewportCoarseSampleOrderStateCreateInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMeshShaderFeaturesNV}, Type{PhysicalDeviceMeshShaderFeaturesNV}, Type{_PhysicalDeviceMeshShaderFeaturesNV}})) = VkPhysicalDeviceMeshShaderFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMeshShaderPropertiesNV}, Type{PhysicalDeviceMeshShaderPropertiesNV}, Type{_PhysicalDeviceMeshShaderPropertiesNV}})) = VkPhysicalDeviceMeshShaderPropertiesNV core_type(@nospecialize(_::Union{Type{VkDrawMeshTasksIndirectCommandNV}, Type{DrawMeshTasksIndirectCommandNV}, Type{_DrawMeshTasksIndirectCommandNV}})) = VkDrawMeshTasksIndirectCommandNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMeshShaderFeaturesEXT}, Type{PhysicalDeviceMeshShaderFeaturesEXT}, Type{_PhysicalDeviceMeshShaderFeaturesEXT}})) = VkPhysicalDeviceMeshShaderFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMeshShaderPropertiesEXT}, Type{PhysicalDeviceMeshShaderPropertiesEXT}, Type{_PhysicalDeviceMeshShaderPropertiesEXT}})) = VkPhysicalDeviceMeshShaderPropertiesEXT core_type(@nospecialize(_::Union{Type{VkDrawMeshTasksIndirectCommandEXT}, Type{DrawMeshTasksIndirectCommandEXT}, Type{_DrawMeshTasksIndirectCommandEXT}})) = VkDrawMeshTasksIndirectCommandEXT core_type(@nospecialize(_::Union{Type{VkRayTracingShaderGroupCreateInfoNV}, Type{RayTracingShaderGroupCreateInfoNV}, Type{_RayTracingShaderGroupCreateInfoNV}})) = VkRayTracingShaderGroupCreateInfoNV core_type(@nospecialize(_::Union{Type{VkRayTracingShaderGroupCreateInfoKHR}, Type{RayTracingShaderGroupCreateInfoKHR}, Type{_RayTracingShaderGroupCreateInfoKHR}})) = VkRayTracingShaderGroupCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkRayTracingPipelineCreateInfoNV}, Type{RayTracingPipelineCreateInfoNV}, Type{_RayTracingPipelineCreateInfoNV}})) = VkRayTracingPipelineCreateInfoNV core_type(@nospecialize(_::Union{Type{VkRayTracingPipelineCreateInfoKHR}, Type{RayTracingPipelineCreateInfoKHR}, Type{_RayTracingPipelineCreateInfoKHR}})) = VkRayTracingPipelineCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkGeometryTrianglesNV}, Type{GeometryTrianglesNV}, Type{_GeometryTrianglesNV}})) = VkGeometryTrianglesNV core_type(@nospecialize(_::Union{Type{VkGeometryAABBNV}, Type{GeometryAABBNV}, Type{_GeometryAABBNV}})) = VkGeometryAABBNV core_type(@nospecialize(_::Union{Type{VkGeometryDataNV}, Type{GeometryDataNV}, Type{_GeometryDataNV}})) = VkGeometryDataNV core_type(@nospecialize(_::Union{Type{VkGeometryNV}, Type{GeometryNV}, Type{_GeometryNV}})) = VkGeometryNV core_type(@nospecialize(_::Union{Type{VkAccelerationStructureInfoNV}, Type{AccelerationStructureInfoNV}, Type{_AccelerationStructureInfoNV}})) = VkAccelerationStructureInfoNV core_type(@nospecialize(_::Union{Type{VkAccelerationStructureCreateInfoNV}, Type{AccelerationStructureCreateInfoNV}, Type{_AccelerationStructureCreateInfoNV}})) = VkAccelerationStructureCreateInfoNV core_type(@nospecialize(_::Union{Type{VkBindAccelerationStructureMemoryInfoNV}, Type{BindAccelerationStructureMemoryInfoNV}, Type{_BindAccelerationStructureMemoryInfoNV}})) = VkBindAccelerationStructureMemoryInfoNV core_type(@nospecialize(_::Union{Type{VkWriteDescriptorSetAccelerationStructureKHR}, Type{WriteDescriptorSetAccelerationStructureKHR}, Type{_WriteDescriptorSetAccelerationStructureKHR}})) = VkWriteDescriptorSetAccelerationStructureKHR core_type(@nospecialize(_::Union{Type{VkWriteDescriptorSetAccelerationStructureNV}, Type{WriteDescriptorSetAccelerationStructureNV}, Type{_WriteDescriptorSetAccelerationStructureNV}})) = VkWriteDescriptorSetAccelerationStructureNV core_type(@nospecialize(_::Union{Type{VkAccelerationStructureMemoryRequirementsInfoNV}, Type{AccelerationStructureMemoryRequirementsInfoNV}, Type{_AccelerationStructureMemoryRequirementsInfoNV}})) = VkAccelerationStructureMemoryRequirementsInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAccelerationStructureFeaturesKHR}, Type{PhysicalDeviceAccelerationStructureFeaturesKHR}, Type{_PhysicalDeviceAccelerationStructureFeaturesKHR}})) = VkPhysicalDeviceAccelerationStructureFeaturesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingPipelineFeaturesKHR}, Type{PhysicalDeviceRayTracingPipelineFeaturesKHR}, Type{_PhysicalDeviceRayTracingPipelineFeaturesKHR}})) = VkPhysicalDeviceRayTracingPipelineFeaturesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayQueryFeaturesKHR}, Type{PhysicalDeviceRayQueryFeaturesKHR}, Type{_PhysicalDeviceRayQueryFeaturesKHR}})) = VkPhysicalDeviceRayQueryFeaturesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAccelerationStructurePropertiesKHR}, Type{PhysicalDeviceAccelerationStructurePropertiesKHR}, Type{_PhysicalDeviceAccelerationStructurePropertiesKHR}})) = VkPhysicalDeviceAccelerationStructurePropertiesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingPipelinePropertiesKHR}, Type{PhysicalDeviceRayTracingPipelinePropertiesKHR}, Type{_PhysicalDeviceRayTracingPipelinePropertiesKHR}})) = VkPhysicalDeviceRayTracingPipelinePropertiesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingPropertiesNV}, Type{PhysicalDeviceRayTracingPropertiesNV}, Type{_PhysicalDeviceRayTracingPropertiesNV}})) = VkPhysicalDeviceRayTracingPropertiesNV core_type(@nospecialize(_::Union{Type{VkStridedDeviceAddressRegionKHR}, Type{StridedDeviceAddressRegionKHR}, Type{_StridedDeviceAddressRegionKHR}})) = VkStridedDeviceAddressRegionKHR core_type(@nospecialize(_::Union{Type{VkTraceRaysIndirectCommandKHR}, Type{TraceRaysIndirectCommandKHR}, Type{_TraceRaysIndirectCommandKHR}})) = VkTraceRaysIndirectCommandKHR core_type(@nospecialize(_::Union{Type{VkTraceRaysIndirectCommand2KHR}, Type{TraceRaysIndirectCommand2KHR}, Type{_TraceRaysIndirectCommand2KHR}})) = VkTraceRaysIndirectCommand2KHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR}, Type{PhysicalDeviceRayTracingMaintenance1FeaturesKHR}, Type{_PhysicalDeviceRayTracingMaintenance1FeaturesKHR}})) = VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR core_type(@nospecialize(_::Union{Type{VkDrmFormatModifierPropertiesListEXT}, Type{DrmFormatModifierPropertiesListEXT}, Type{_DrmFormatModifierPropertiesListEXT}})) = VkDrmFormatModifierPropertiesListEXT core_type(@nospecialize(_::Union{Type{VkDrmFormatModifierPropertiesEXT}, Type{DrmFormatModifierPropertiesEXT}, Type{_DrmFormatModifierPropertiesEXT}})) = VkDrmFormatModifierPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageDrmFormatModifierInfoEXT}, Type{PhysicalDeviceImageDrmFormatModifierInfoEXT}, Type{_PhysicalDeviceImageDrmFormatModifierInfoEXT}})) = VkPhysicalDeviceImageDrmFormatModifierInfoEXT core_type(@nospecialize(_::Union{Type{VkImageDrmFormatModifierListCreateInfoEXT}, Type{ImageDrmFormatModifierListCreateInfoEXT}, Type{_ImageDrmFormatModifierListCreateInfoEXT}})) = VkImageDrmFormatModifierListCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkImageDrmFormatModifierExplicitCreateInfoEXT}, Type{ImageDrmFormatModifierExplicitCreateInfoEXT}, Type{_ImageDrmFormatModifierExplicitCreateInfoEXT}})) = VkImageDrmFormatModifierExplicitCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkImageDrmFormatModifierPropertiesEXT}, Type{ImageDrmFormatModifierPropertiesEXT}, Type{_ImageDrmFormatModifierPropertiesEXT}})) = VkImageDrmFormatModifierPropertiesEXT core_type(@nospecialize(_::Union{Type{VkImageStencilUsageCreateInfo}, Type{ImageStencilUsageCreateInfo}, Type{_ImageStencilUsageCreateInfo}})) = VkImageStencilUsageCreateInfo core_type(@nospecialize(_::Union{Type{VkDeviceMemoryOverallocationCreateInfoAMD}, Type{DeviceMemoryOverallocationCreateInfoAMD}, Type{_DeviceMemoryOverallocationCreateInfoAMD}})) = VkDeviceMemoryOverallocationCreateInfoAMD core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMapFeaturesEXT}, Type{PhysicalDeviceFragmentDensityMapFeaturesEXT}, Type{_PhysicalDeviceFragmentDensityMapFeaturesEXT}})) = VkPhysicalDeviceFragmentDensityMapFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMap2FeaturesEXT}, Type{PhysicalDeviceFragmentDensityMap2FeaturesEXT}, Type{_PhysicalDeviceFragmentDensityMap2FeaturesEXT}})) = VkPhysicalDeviceFragmentDensityMap2FeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM}, Type{PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM}, Type{_PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM}})) = VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMapPropertiesEXT}, Type{PhysicalDeviceFragmentDensityMapPropertiesEXT}, Type{_PhysicalDeviceFragmentDensityMapPropertiesEXT}})) = VkPhysicalDeviceFragmentDensityMapPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMap2PropertiesEXT}, Type{PhysicalDeviceFragmentDensityMap2PropertiesEXT}, Type{_PhysicalDeviceFragmentDensityMap2PropertiesEXT}})) = VkPhysicalDeviceFragmentDensityMap2PropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM}, Type{PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM}, Type{_PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM}})) = VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM core_type(@nospecialize(_::Union{Type{VkRenderPassFragmentDensityMapCreateInfoEXT}, Type{RenderPassFragmentDensityMapCreateInfoEXT}, Type{_RenderPassFragmentDensityMapCreateInfoEXT}})) = VkRenderPassFragmentDensityMapCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkSubpassFragmentDensityMapOffsetEndInfoQCOM}, Type{SubpassFragmentDensityMapOffsetEndInfoQCOM}, Type{_SubpassFragmentDensityMapOffsetEndInfoQCOM}})) = VkSubpassFragmentDensityMapOffsetEndInfoQCOM core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceScalarBlockLayoutFeatures}, Type{PhysicalDeviceScalarBlockLayoutFeatures}, Type{_PhysicalDeviceScalarBlockLayoutFeatures}})) = VkPhysicalDeviceScalarBlockLayoutFeatures core_type(@nospecialize(_::Union{Type{VkSurfaceProtectedCapabilitiesKHR}, Type{SurfaceProtectedCapabilitiesKHR}, Type{_SurfaceProtectedCapabilitiesKHR}})) = VkSurfaceProtectedCapabilitiesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceUniformBufferStandardLayoutFeatures}, Type{PhysicalDeviceUniformBufferStandardLayoutFeatures}, Type{_PhysicalDeviceUniformBufferStandardLayoutFeatures}})) = VkPhysicalDeviceUniformBufferStandardLayoutFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDepthClipEnableFeaturesEXT}, Type{PhysicalDeviceDepthClipEnableFeaturesEXT}, Type{_PhysicalDeviceDepthClipEnableFeaturesEXT}})) = VkPhysicalDeviceDepthClipEnableFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPipelineRasterizationDepthClipStateCreateInfoEXT}, Type{PipelineRasterizationDepthClipStateCreateInfoEXT}, Type{_PipelineRasterizationDepthClipStateCreateInfoEXT}})) = VkPipelineRasterizationDepthClipStateCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryBudgetPropertiesEXT}, Type{PhysicalDeviceMemoryBudgetPropertiesEXT}, Type{_PhysicalDeviceMemoryBudgetPropertiesEXT}})) = VkPhysicalDeviceMemoryBudgetPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryPriorityFeaturesEXT}, Type{PhysicalDeviceMemoryPriorityFeaturesEXT}, Type{_PhysicalDeviceMemoryPriorityFeaturesEXT}})) = VkPhysicalDeviceMemoryPriorityFeaturesEXT core_type(@nospecialize(_::Union{Type{VkMemoryPriorityAllocateInfoEXT}, Type{MemoryPriorityAllocateInfoEXT}, Type{_MemoryPriorityAllocateInfoEXT}})) = VkMemoryPriorityAllocateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT}, Type{PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT}, Type{_PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT}})) = VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBufferDeviceAddressFeatures}, Type{PhysicalDeviceBufferDeviceAddressFeatures}, Type{_PhysicalDeviceBufferDeviceAddressFeatures}})) = VkPhysicalDeviceBufferDeviceAddressFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBufferDeviceAddressFeaturesEXT}, Type{PhysicalDeviceBufferDeviceAddressFeaturesEXT}, Type{_PhysicalDeviceBufferDeviceAddressFeaturesEXT}})) = VkPhysicalDeviceBufferDeviceAddressFeaturesEXT core_type(@nospecialize(_::Union{Type{VkBufferDeviceAddressInfo}, Type{BufferDeviceAddressInfo}, Type{_BufferDeviceAddressInfo}})) = VkBufferDeviceAddressInfo core_type(@nospecialize(_::Union{Type{VkBufferOpaqueCaptureAddressCreateInfo}, Type{BufferOpaqueCaptureAddressCreateInfo}, Type{_BufferOpaqueCaptureAddressCreateInfo}})) = VkBufferOpaqueCaptureAddressCreateInfo core_type(@nospecialize(_::Union{Type{VkBufferDeviceAddressCreateInfoEXT}, Type{BufferDeviceAddressCreateInfoEXT}, Type{_BufferDeviceAddressCreateInfoEXT}})) = VkBufferDeviceAddressCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageViewImageFormatInfoEXT}, Type{PhysicalDeviceImageViewImageFormatInfoEXT}, Type{_PhysicalDeviceImageViewImageFormatInfoEXT}})) = VkPhysicalDeviceImageViewImageFormatInfoEXT core_type(@nospecialize(_::Union{Type{VkFilterCubicImageViewImageFormatPropertiesEXT}, Type{FilterCubicImageViewImageFormatPropertiesEXT}, Type{_FilterCubicImageViewImageFormatPropertiesEXT}})) = VkFilterCubicImageViewImageFormatPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImagelessFramebufferFeatures}, Type{PhysicalDeviceImagelessFramebufferFeatures}, Type{_PhysicalDeviceImagelessFramebufferFeatures}})) = VkPhysicalDeviceImagelessFramebufferFeatures core_type(@nospecialize(_::Union{Type{VkFramebufferAttachmentsCreateInfo}, Type{FramebufferAttachmentsCreateInfo}, Type{_FramebufferAttachmentsCreateInfo}})) = VkFramebufferAttachmentsCreateInfo core_type(@nospecialize(_::Union{Type{VkFramebufferAttachmentImageInfo}, Type{FramebufferAttachmentImageInfo}, Type{_FramebufferAttachmentImageInfo}})) = VkFramebufferAttachmentImageInfo core_type(@nospecialize(_::Union{Type{VkRenderPassAttachmentBeginInfo}, Type{RenderPassAttachmentBeginInfo}, Type{_RenderPassAttachmentBeginInfo}})) = VkRenderPassAttachmentBeginInfo core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTextureCompressionASTCHDRFeatures}, Type{PhysicalDeviceTextureCompressionASTCHDRFeatures}, Type{_PhysicalDeviceTextureCompressionASTCHDRFeatures}})) = VkPhysicalDeviceTextureCompressionASTCHDRFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCooperativeMatrixFeaturesNV}, Type{PhysicalDeviceCooperativeMatrixFeaturesNV}, Type{_PhysicalDeviceCooperativeMatrixFeaturesNV}})) = VkPhysicalDeviceCooperativeMatrixFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCooperativeMatrixPropertiesNV}, Type{PhysicalDeviceCooperativeMatrixPropertiesNV}, Type{_PhysicalDeviceCooperativeMatrixPropertiesNV}})) = VkPhysicalDeviceCooperativeMatrixPropertiesNV core_type(@nospecialize(_::Union{Type{VkCooperativeMatrixPropertiesNV}, Type{CooperativeMatrixPropertiesNV}, Type{_CooperativeMatrixPropertiesNV}})) = VkCooperativeMatrixPropertiesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceYcbcrImageArraysFeaturesEXT}, Type{PhysicalDeviceYcbcrImageArraysFeaturesEXT}, Type{_PhysicalDeviceYcbcrImageArraysFeaturesEXT}})) = VkPhysicalDeviceYcbcrImageArraysFeaturesEXT core_type(@nospecialize(_::Union{Type{VkImageViewHandleInfoNVX}, Type{ImageViewHandleInfoNVX}, Type{_ImageViewHandleInfoNVX}})) = VkImageViewHandleInfoNVX core_type(@nospecialize(_::Union{Type{VkImageViewAddressPropertiesNVX}, Type{ImageViewAddressPropertiesNVX}, Type{_ImageViewAddressPropertiesNVX}})) = VkImageViewAddressPropertiesNVX core_type(@nospecialize(_::Union{Type{VkPipelineCreationFeedback}, Type{PipelineCreationFeedback}, Type{_PipelineCreationFeedback}})) = VkPipelineCreationFeedback core_type(@nospecialize(_::Union{Type{VkPipelineCreationFeedbackCreateInfo}, Type{PipelineCreationFeedbackCreateInfo}, Type{_PipelineCreationFeedbackCreateInfo}})) = VkPipelineCreationFeedbackCreateInfo core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePresentBarrierFeaturesNV}, Type{PhysicalDevicePresentBarrierFeaturesNV}, Type{_PhysicalDevicePresentBarrierFeaturesNV}})) = VkPhysicalDevicePresentBarrierFeaturesNV core_type(@nospecialize(_::Union{Type{VkSurfaceCapabilitiesPresentBarrierNV}, Type{SurfaceCapabilitiesPresentBarrierNV}, Type{_SurfaceCapabilitiesPresentBarrierNV}})) = VkSurfaceCapabilitiesPresentBarrierNV core_type(@nospecialize(_::Union{Type{VkSwapchainPresentBarrierCreateInfoNV}, Type{SwapchainPresentBarrierCreateInfoNV}, Type{_SwapchainPresentBarrierCreateInfoNV}})) = VkSwapchainPresentBarrierCreateInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePerformanceQueryFeaturesKHR}, Type{PhysicalDevicePerformanceQueryFeaturesKHR}, Type{_PhysicalDevicePerformanceQueryFeaturesKHR}})) = VkPhysicalDevicePerformanceQueryFeaturesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePerformanceQueryPropertiesKHR}, Type{PhysicalDevicePerformanceQueryPropertiesKHR}, Type{_PhysicalDevicePerformanceQueryPropertiesKHR}})) = VkPhysicalDevicePerformanceQueryPropertiesKHR core_type(@nospecialize(_::Union{Type{VkPerformanceCounterKHR}, Type{PerformanceCounterKHR}, Type{_PerformanceCounterKHR}})) = VkPerformanceCounterKHR core_type(@nospecialize(_::Union{Type{VkPerformanceCounterDescriptionKHR}, Type{PerformanceCounterDescriptionKHR}, Type{_PerformanceCounterDescriptionKHR}})) = VkPerformanceCounterDescriptionKHR core_type(@nospecialize(_::Union{Type{VkQueryPoolPerformanceCreateInfoKHR}, Type{QueryPoolPerformanceCreateInfoKHR}, Type{_QueryPoolPerformanceCreateInfoKHR}})) = VkQueryPoolPerformanceCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkAcquireProfilingLockInfoKHR}, Type{AcquireProfilingLockInfoKHR}, Type{_AcquireProfilingLockInfoKHR}})) = VkAcquireProfilingLockInfoKHR core_type(@nospecialize(_::Union{Type{VkPerformanceQuerySubmitInfoKHR}, Type{PerformanceQuerySubmitInfoKHR}, Type{_PerformanceQuerySubmitInfoKHR}})) = VkPerformanceQuerySubmitInfoKHR core_type(@nospecialize(_::Union{Type{VkHeadlessSurfaceCreateInfoEXT}, Type{HeadlessSurfaceCreateInfoEXT}, Type{_HeadlessSurfaceCreateInfoEXT}})) = VkHeadlessSurfaceCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCoverageReductionModeFeaturesNV}, Type{PhysicalDeviceCoverageReductionModeFeaturesNV}, Type{_PhysicalDeviceCoverageReductionModeFeaturesNV}})) = VkPhysicalDeviceCoverageReductionModeFeaturesNV core_type(@nospecialize(_::Union{Type{VkPipelineCoverageReductionStateCreateInfoNV}, Type{PipelineCoverageReductionStateCreateInfoNV}, Type{_PipelineCoverageReductionStateCreateInfoNV}})) = VkPipelineCoverageReductionStateCreateInfoNV core_type(@nospecialize(_::Union{Type{VkFramebufferMixedSamplesCombinationNV}, Type{FramebufferMixedSamplesCombinationNV}, Type{_FramebufferMixedSamplesCombinationNV}})) = VkFramebufferMixedSamplesCombinationNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL}, Type{PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL}, Type{_PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL}})) = VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL core_type(@nospecialize(_::Union{Type{VkPerformanceValueINTEL}, Type{PerformanceValueINTEL}, Type{_PerformanceValueINTEL}})) = VkPerformanceValueINTEL core_type(@nospecialize(_::Union{Type{VkInitializePerformanceApiInfoINTEL}, Type{InitializePerformanceApiInfoINTEL}, Type{_InitializePerformanceApiInfoINTEL}})) = VkInitializePerformanceApiInfoINTEL core_type(@nospecialize(_::Union{Type{VkQueryPoolPerformanceQueryCreateInfoINTEL}, Type{QueryPoolPerformanceQueryCreateInfoINTEL}, Type{_QueryPoolPerformanceQueryCreateInfoINTEL}})) = VkQueryPoolPerformanceQueryCreateInfoINTEL core_type(@nospecialize(_::Union{Type{VkPerformanceMarkerInfoINTEL}, Type{PerformanceMarkerInfoINTEL}, Type{_PerformanceMarkerInfoINTEL}})) = VkPerformanceMarkerInfoINTEL core_type(@nospecialize(_::Union{Type{VkPerformanceStreamMarkerInfoINTEL}, Type{PerformanceStreamMarkerInfoINTEL}, Type{_PerformanceStreamMarkerInfoINTEL}})) = VkPerformanceStreamMarkerInfoINTEL core_type(@nospecialize(_::Union{Type{VkPerformanceOverrideInfoINTEL}, Type{PerformanceOverrideInfoINTEL}, Type{_PerformanceOverrideInfoINTEL}})) = VkPerformanceOverrideInfoINTEL core_type(@nospecialize(_::Union{Type{VkPerformanceConfigurationAcquireInfoINTEL}, Type{PerformanceConfigurationAcquireInfoINTEL}, Type{_PerformanceConfigurationAcquireInfoINTEL}})) = VkPerformanceConfigurationAcquireInfoINTEL core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderClockFeaturesKHR}, Type{PhysicalDeviceShaderClockFeaturesKHR}, Type{_PhysicalDeviceShaderClockFeaturesKHR}})) = VkPhysicalDeviceShaderClockFeaturesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceIndexTypeUint8FeaturesEXT}, Type{PhysicalDeviceIndexTypeUint8FeaturesEXT}, Type{_PhysicalDeviceIndexTypeUint8FeaturesEXT}})) = VkPhysicalDeviceIndexTypeUint8FeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderSMBuiltinsPropertiesNV}, Type{PhysicalDeviceShaderSMBuiltinsPropertiesNV}, Type{_PhysicalDeviceShaderSMBuiltinsPropertiesNV}})) = VkPhysicalDeviceShaderSMBuiltinsPropertiesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderSMBuiltinsFeaturesNV}, Type{PhysicalDeviceShaderSMBuiltinsFeaturesNV}, Type{_PhysicalDeviceShaderSMBuiltinsFeaturesNV}})) = VkPhysicalDeviceShaderSMBuiltinsFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT}, Type{PhysicalDeviceFragmentShaderInterlockFeaturesEXT}, Type{_PhysicalDeviceFragmentShaderInterlockFeaturesEXT}})) = VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures}, Type{PhysicalDeviceSeparateDepthStencilLayoutsFeatures}, Type{_PhysicalDeviceSeparateDepthStencilLayoutsFeatures}})) = VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures core_type(@nospecialize(_::Union{Type{VkAttachmentReferenceStencilLayout}, Type{AttachmentReferenceStencilLayout}, Type{_AttachmentReferenceStencilLayout}})) = VkAttachmentReferenceStencilLayout core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT}, Type{PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT}, Type{_PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT}})) = VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT core_type(@nospecialize(_::Union{Type{VkAttachmentDescriptionStencilLayout}, Type{AttachmentDescriptionStencilLayout}, Type{_AttachmentDescriptionStencilLayout}})) = VkAttachmentDescriptionStencilLayout core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR}, Type{PhysicalDevicePipelineExecutablePropertiesFeaturesKHR}, Type{_PhysicalDevicePipelineExecutablePropertiesFeaturesKHR}})) = VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR core_type(@nospecialize(_::Union{Type{VkPipelineInfoKHR}, Type{PipelineInfoKHR}, Type{_PipelineInfoKHR}})) = VkPipelineInfoKHR core_type(@nospecialize(_::Union{Type{VkPipelineExecutablePropertiesKHR}, Type{PipelineExecutablePropertiesKHR}, Type{_PipelineExecutablePropertiesKHR}})) = VkPipelineExecutablePropertiesKHR core_type(@nospecialize(_::Union{Type{VkPipelineExecutableInfoKHR}, Type{PipelineExecutableInfoKHR}, Type{_PipelineExecutableInfoKHR}})) = VkPipelineExecutableInfoKHR core_type(@nospecialize(_::Union{Type{VkPipelineExecutableStatisticKHR}, Type{PipelineExecutableStatisticKHR}, Type{_PipelineExecutableStatisticKHR}})) = VkPipelineExecutableStatisticKHR core_type(@nospecialize(_::Union{Type{VkPipelineExecutableInternalRepresentationKHR}, Type{PipelineExecutableInternalRepresentationKHR}, Type{_PipelineExecutableInternalRepresentationKHR}})) = VkPipelineExecutableInternalRepresentationKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures}, Type{PhysicalDeviceShaderDemoteToHelperInvocationFeatures}, Type{_PhysicalDeviceShaderDemoteToHelperInvocationFeatures}})) = VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT}, Type{PhysicalDeviceTexelBufferAlignmentFeaturesEXT}, Type{_PhysicalDeviceTexelBufferAlignmentFeaturesEXT}})) = VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTexelBufferAlignmentProperties}, Type{PhysicalDeviceTexelBufferAlignmentProperties}, Type{_PhysicalDeviceTexelBufferAlignmentProperties}})) = VkPhysicalDeviceTexelBufferAlignmentProperties core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubgroupSizeControlFeatures}, Type{PhysicalDeviceSubgroupSizeControlFeatures}, Type{_PhysicalDeviceSubgroupSizeControlFeatures}})) = VkPhysicalDeviceSubgroupSizeControlFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubgroupSizeControlProperties}, Type{PhysicalDeviceSubgroupSizeControlProperties}, Type{_PhysicalDeviceSubgroupSizeControlProperties}})) = VkPhysicalDeviceSubgroupSizeControlProperties core_type(@nospecialize(_::Union{Type{VkPipelineShaderStageRequiredSubgroupSizeCreateInfo}, Type{PipelineShaderStageRequiredSubgroupSizeCreateInfo}, Type{_PipelineShaderStageRequiredSubgroupSizeCreateInfo}})) = VkPipelineShaderStageRequiredSubgroupSizeCreateInfo core_type(@nospecialize(_::Union{Type{VkSubpassShadingPipelineCreateInfoHUAWEI}, Type{SubpassShadingPipelineCreateInfoHUAWEI}, Type{_SubpassShadingPipelineCreateInfoHUAWEI}})) = VkSubpassShadingPipelineCreateInfoHUAWEI core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubpassShadingPropertiesHUAWEI}, Type{PhysicalDeviceSubpassShadingPropertiesHUAWEI}, Type{_PhysicalDeviceSubpassShadingPropertiesHUAWEI}})) = VkPhysicalDeviceSubpassShadingPropertiesHUAWEI core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI}, Type{PhysicalDeviceClusterCullingShaderPropertiesHUAWEI}, Type{_PhysicalDeviceClusterCullingShaderPropertiesHUAWEI}})) = VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI core_type(@nospecialize(_::Union{Type{VkMemoryOpaqueCaptureAddressAllocateInfo}, Type{MemoryOpaqueCaptureAddressAllocateInfo}, Type{_MemoryOpaqueCaptureAddressAllocateInfo}})) = VkMemoryOpaqueCaptureAddressAllocateInfo core_type(@nospecialize(_::Union{Type{VkDeviceMemoryOpaqueCaptureAddressInfo}, Type{DeviceMemoryOpaqueCaptureAddressInfo}, Type{_DeviceMemoryOpaqueCaptureAddressInfo}})) = VkDeviceMemoryOpaqueCaptureAddressInfo core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLineRasterizationFeaturesEXT}, Type{PhysicalDeviceLineRasterizationFeaturesEXT}, Type{_PhysicalDeviceLineRasterizationFeaturesEXT}})) = VkPhysicalDeviceLineRasterizationFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLineRasterizationPropertiesEXT}, Type{PhysicalDeviceLineRasterizationPropertiesEXT}, Type{_PhysicalDeviceLineRasterizationPropertiesEXT}})) = VkPhysicalDeviceLineRasterizationPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPipelineRasterizationLineStateCreateInfoEXT}, Type{PipelineRasterizationLineStateCreateInfoEXT}, Type{_PipelineRasterizationLineStateCreateInfoEXT}})) = VkPipelineRasterizationLineStateCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineCreationCacheControlFeatures}, Type{PhysicalDevicePipelineCreationCacheControlFeatures}, Type{_PhysicalDevicePipelineCreationCacheControlFeatures}})) = VkPhysicalDevicePipelineCreationCacheControlFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan11Features}, Type{PhysicalDeviceVulkan11Features}, Type{_PhysicalDeviceVulkan11Features}})) = VkPhysicalDeviceVulkan11Features core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan11Properties}, Type{PhysicalDeviceVulkan11Properties}, Type{_PhysicalDeviceVulkan11Properties}})) = VkPhysicalDeviceVulkan11Properties core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan12Features}, Type{PhysicalDeviceVulkan12Features}, Type{_PhysicalDeviceVulkan12Features}})) = VkPhysicalDeviceVulkan12Features core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan12Properties}, Type{PhysicalDeviceVulkan12Properties}, Type{_PhysicalDeviceVulkan12Properties}})) = VkPhysicalDeviceVulkan12Properties core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan13Features}, Type{PhysicalDeviceVulkan13Features}, Type{_PhysicalDeviceVulkan13Features}})) = VkPhysicalDeviceVulkan13Features core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan13Properties}, Type{PhysicalDeviceVulkan13Properties}, Type{_PhysicalDeviceVulkan13Properties}})) = VkPhysicalDeviceVulkan13Properties core_type(@nospecialize(_::Union{Type{VkPipelineCompilerControlCreateInfoAMD}, Type{PipelineCompilerControlCreateInfoAMD}, Type{_PipelineCompilerControlCreateInfoAMD}})) = VkPipelineCompilerControlCreateInfoAMD core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCoherentMemoryFeaturesAMD}, Type{PhysicalDeviceCoherentMemoryFeaturesAMD}, Type{_PhysicalDeviceCoherentMemoryFeaturesAMD}})) = VkPhysicalDeviceCoherentMemoryFeaturesAMD core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceToolProperties}, Type{PhysicalDeviceToolProperties}, Type{_PhysicalDeviceToolProperties}})) = VkPhysicalDeviceToolProperties core_type(@nospecialize(_::Union{Type{VkSamplerCustomBorderColorCreateInfoEXT}, Type{SamplerCustomBorderColorCreateInfoEXT}, Type{_SamplerCustomBorderColorCreateInfoEXT}})) = VkSamplerCustomBorderColorCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCustomBorderColorPropertiesEXT}, Type{PhysicalDeviceCustomBorderColorPropertiesEXT}, Type{_PhysicalDeviceCustomBorderColorPropertiesEXT}})) = VkPhysicalDeviceCustomBorderColorPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCustomBorderColorFeaturesEXT}, Type{PhysicalDeviceCustomBorderColorFeaturesEXT}, Type{_PhysicalDeviceCustomBorderColorFeaturesEXT}})) = VkPhysicalDeviceCustomBorderColorFeaturesEXT core_type(@nospecialize(_::Union{Type{VkSamplerBorderColorComponentMappingCreateInfoEXT}, Type{SamplerBorderColorComponentMappingCreateInfoEXT}, Type{_SamplerBorderColorComponentMappingCreateInfoEXT}})) = VkSamplerBorderColorComponentMappingCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBorderColorSwizzleFeaturesEXT}, Type{PhysicalDeviceBorderColorSwizzleFeaturesEXT}, Type{_PhysicalDeviceBorderColorSwizzleFeaturesEXT}})) = VkPhysicalDeviceBorderColorSwizzleFeaturesEXT core_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryTrianglesDataKHR}, Type{AccelerationStructureGeometryTrianglesDataKHR}, Type{_AccelerationStructureGeometryTrianglesDataKHR}})) = VkAccelerationStructureGeometryTrianglesDataKHR core_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryAabbsDataKHR}, Type{AccelerationStructureGeometryAabbsDataKHR}, Type{_AccelerationStructureGeometryAabbsDataKHR}})) = VkAccelerationStructureGeometryAabbsDataKHR core_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryInstancesDataKHR}, Type{AccelerationStructureGeometryInstancesDataKHR}, Type{_AccelerationStructureGeometryInstancesDataKHR}})) = VkAccelerationStructureGeometryInstancesDataKHR core_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryKHR}, Type{AccelerationStructureGeometryKHR}, Type{_AccelerationStructureGeometryKHR}})) = VkAccelerationStructureGeometryKHR core_type(@nospecialize(_::Union{Type{VkAccelerationStructureBuildGeometryInfoKHR}, Type{AccelerationStructureBuildGeometryInfoKHR}, Type{_AccelerationStructureBuildGeometryInfoKHR}})) = VkAccelerationStructureBuildGeometryInfoKHR core_type(@nospecialize(_::Union{Type{VkAccelerationStructureBuildRangeInfoKHR}, Type{AccelerationStructureBuildRangeInfoKHR}, Type{_AccelerationStructureBuildRangeInfoKHR}})) = VkAccelerationStructureBuildRangeInfoKHR core_type(@nospecialize(_::Union{Type{VkAccelerationStructureCreateInfoKHR}, Type{AccelerationStructureCreateInfoKHR}, Type{_AccelerationStructureCreateInfoKHR}})) = VkAccelerationStructureCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkAabbPositionsKHR}, Type{AabbPositionsKHR}, Type{_AabbPositionsKHR}})) = VkAabbPositionsKHR core_type(@nospecialize(_::Union{Type{VkTransformMatrixKHR}, Type{TransformMatrixKHR}, Type{_TransformMatrixKHR}})) = VkTransformMatrixKHR core_type(@nospecialize(_::Union{Type{VkAccelerationStructureInstanceKHR}, Type{AccelerationStructureInstanceKHR}, Type{_AccelerationStructureInstanceKHR}})) = VkAccelerationStructureInstanceKHR core_type(@nospecialize(_::Union{Type{VkAccelerationStructureDeviceAddressInfoKHR}, Type{AccelerationStructureDeviceAddressInfoKHR}, Type{_AccelerationStructureDeviceAddressInfoKHR}})) = VkAccelerationStructureDeviceAddressInfoKHR core_type(@nospecialize(_::Union{Type{VkAccelerationStructureVersionInfoKHR}, Type{AccelerationStructureVersionInfoKHR}, Type{_AccelerationStructureVersionInfoKHR}})) = VkAccelerationStructureVersionInfoKHR core_type(@nospecialize(_::Union{Type{VkCopyAccelerationStructureInfoKHR}, Type{CopyAccelerationStructureInfoKHR}, Type{_CopyAccelerationStructureInfoKHR}})) = VkCopyAccelerationStructureInfoKHR core_type(@nospecialize(_::Union{Type{VkCopyAccelerationStructureToMemoryInfoKHR}, Type{CopyAccelerationStructureToMemoryInfoKHR}, Type{_CopyAccelerationStructureToMemoryInfoKHR}})) = VkCopyAccelerationStructureToMemoryInfoKHR core_type(@nospecialize(_::Union{Type{VkCopyMemoryToAccelerationStructureInfoKHR}, Type{CopyMemoryToAccelerationStructureInfoKHR}, Type{_CopyMemoryToAccelerationStructureInfoKHR}})) = VkCopyMemoryToAccelerationStructureInfoKHR core_type(@nospecialize(_::Union{Type{VkRayTracingPipelineInterfaceCreateInfoKHR}, Type{RayTracingPipelineInterfaceCreateInfoKHR}, Type{_RayTracingPipelineInterfaceCreateInfoKHR}})) = VkRayTracingPipelineInterfaceCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkPipelineLibraryCreateInfoKHR}, Type{PipelineLibraryCreateInfoKHR}, Type{_PipelineLibraryCreateInfoKHR}})) = VkPipelineLibraryCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExtendedDynamicStateFeaturesEXT}, Type{PhysicalDeviceExtendedDynamicStateFeaturesEXT}, Type{_PhysicalDeviceExtendedDynamicStateFeaturesEXT}})) = VkPhysicalDeviceExtendedDynamicStateFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExtendedDynamicState2FeaturesEXT}, Type{PhysicalDeviceExtendedDynamicState2FeaturesEXT}, Type{_PhysicalDeviceExtendedDynamicState2FeaturesEXT}})) = VkPhysicalDeviceExtendedDynamicState2FeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExtendedDynamicState3FeaturesEXT}, Type{PhysicalDeviceExtendedDynamicState3FeaturesEXT}, Type{_PhysicalDeviceExtendedDynamicState3FeaturesEXT}})) = VkPhysicalDeviceExtendedDynamicState3FeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExtendedDynamicState3PropertiesEXT}, Type{PhysicalDeviceExtendedDynamicState3PropertiesEXT}, Type{_PhysicalDeviceExtendedDynamicState3PropertiesEXT}})) = VkPhysicalDeviceExtendedDynamicState3PropertiesEXT core_type(@nospecialize(_::Union{Type{VkColorBlendEquationEXT}, Type{ColorBlendEquationEXT}, Type{_ColorBlendEquationEXT}})) = VkColorBlendEquationEXT core_type(@nospecialize(_::Union{Type{VkColorBlendAdvancedEXT}, Type{ColorBlendAdvancedEXT}, Type{_ColorBlendAdvancedEXT}})) = VkColorBlendAdvancedEXT core_type(@nospecialize(_::Union{Type{VkRenderPassTransformBeginInfoQCOM}, Type{RenderPassTransformBeginInfoQCOM}, Type{_RenderPassTransformBeginInfoQCOM}})) = VkRenderPassTransformBeginInfoQCOM core_type(@nospecialize(_::Union{Type{VkCopyCommandTransformInfoQCOM}, Type{CopyCommandTransformInfoQCOM}, Type{_CopyCommandTransformInfoQCOM}})) = VkCopyCommandTransformInfoQCOM core_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceRenderPassTransformInfoQCOM}, Type{CommandBufferInheritanceRenderPassTransformInfoQCOM}, Type{_CommandBufferInheritanceRenderPassTransformInfoQCOM}})) = VkCommandBufferInheritanceRenderPassTransformInfoQCOM core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDiagnosticsConfigFeaturesNV}, Type{PhysicalDeviceDiagnosticsConfigFeaturesNV}, Type{_PhysicalDeviceDiagnosticsConfigFeaturesNV}})) = VkPhysicalDeviceDiagnosticsConfigFeaturesNV core_type(@nospecialize(_::Union{Type{VkDeviceDiagnosticsConfigCreateInfoNV}, Type{DeviceDiagnosticsConfigCreateInfoNV}, Type{_DeviceDiagnosticsConfigCreateInfoNV}})) = VkDeviceDiagnosticsConfigCreateInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures}, Type{PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures}, Type{_PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures}})) = VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR}, Type{PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR}, Type{_PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR}})) = VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRobustness2FeaturesEXT}, Type{PhysicalDeviceRobustness2FeaturesEXT}, Type{_PhysicalDeviceRobustness2FeaturesEXT}})) = VkPhysicalDeviceRobustness2FeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRobustness2PropertiesEXT}, Type{PhysicalDeviceRobustness2PropertiesEXT}, Type{_PhysicalDeviceRobustness2PropertiesEXT}})) = VkPhysicalDeviceRobustness2PropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageRobustnessFeatures}, Type{PhysicalDeviceImageRobustnessFeatures}, Type{_PhysicalDeviceImageRobustnessFeatures}})) = VkPhysicalDeviceImageRobustnessFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR}, Type{PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR}, Type{_PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR}})) = VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDevice4444FormatsFeaturesEXT}, Type{PhysicalDevice4444FormatsFeaturesEXT}, Type{_PhysicalDevice4444FormatsFeaturesEXT}})) = VkPhysicalDevice4444FormatsFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubpassShadingFeaturesHUAWEI}, Type{PhysicalDeviceSubpassShadingFeaturesHUAWEI}, Type{_PhysicalDeviceSubpassShadingFeaturesHUAWEI}})) = VkPhysicalDeviceSubpassShadingFeaturesHUAWEI core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI}, Type{PhysicalDeviceClusterCullingShaderFeaturesHUAWEI}, Type{_PhysicalDeviceClusterCullingShaderFeaturesHUAWEI}})) = VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI core_type(@nospecialize(_::Union{Type{VkBufferCopy2}, Type{BufferCopy2}, Type{_BufferCopy2}})) = VkBufferCopy2 core_type(@nospecialize(_::Union{Type{VkImageCopy2}, Type{ImageCopy2}, Type{_ImageCopy2}})) = VkImageCopy2 core_type(@nospecialize(_::Union{Type{VkImageBlit2}, Type{ImageBlit2}, Type{_ImageBlit2}})) = VkImageBlit2 core_type(@nospecialize(_::Union{Type{VkBufferImageCopy2}, Type{BufferImageCopy2}, Type{_BufferImageCopy2}})) = VkBufferImageCopy2 core_type(@nospecialize(_::Union{Type{VkImageResolve2}, Type{ImageResolve2}, Type{_ImageResolve2}})) = VkImageResolve2 core_type(@nospecialize(_::Union{Type{VkCopyBufferInfo2}, Type{CopyBufferInfo2}, Type{_CopyBufferInfo2}})) = VkCopyBufferInfo2 core_type(@nospecialize(_::Union{Type{VkCopyImageInfo2}, Type{CopyImageInfo2}, Type{_CopyImageInfo2}})) = VkCopyImageInfo2 core_type(@nospecialize(_::Union{Type{VkBlitImageInfo2}, Type{BlitImageInfo2}, Type{_BlitImageInfo2}})) = VkBlitImageInfo2 core_type(@nospecialize(_::Union{Type{VkCopyBufferToImageInfo2}, Type{CopyBufferToImageInfo2}, Type{_CopyBufferToImageInfo2}})) = VkCopyBufferToImageInfo2 core_type(@nospecialize(_::Union{Type{VkCopyImageToBufferInfo2}, Type{CopyImageToBufferInfo2}, Type{_CopyImageToBufferInfo2}})) = VkCopyImageToBufferInfo2 core_type(@nospecialize(_::Union{Type{VkResolveImageInfo2}, Type{ResolveImageInfo2}, Type{_ResolveImageInfo2}})) = VkResolveImageInfo2 core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT}, Type{PhysicalDeviceShaderImageAtomicInt64FeaturesEXT}, Type{_PhysicalDeviceShaderImageAtomicInt64FeaturesEXT}})) = VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT core_type(@nospecialize(_::Union{Type{VkFragmentShadingRateAttachmentInfoKHR}, Type{FragmentShadingRateAttachmentInfoKHR}, Type{_FragmentShadingRateAttachmentInfoKHR}})) = VkFragmentShadingRateAttachmentInfoKHR core_type(@nospecialize(_::Union{Type{VkPipelineFragmentShadingRateStateCreateInfoKHR}, Type{PipelineFragmentShadingRateStateCreateInfoKHR}, Type{_PipelineFragmentShadingRateStateCreateInfoKHR}})) = VkPipelineFragmentShadingRateStateCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRateFeaturesKHR}, Type{PhysicalDeviceFragmentShadingRateFeaturesKHR}, Type{_PhysicalDeviceFragmentShadingRateFeaturesKHR}})) = VkPhysicalDeviceFragmentShadingRateFeaturesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRatePropertiesKHR}, Type{PhysicalDeviceFragmentShadingRatePropertiesKHR}, Type{_PhysicalDeviceFragmentShadingRatePropertiesKHR}})) = VkPhysicalDeviceFragmentShadingRatePropertiesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRateKHR}, Type{PhysicalDeviceFragmentShadingRateKHR}, Type{_PhysicalDeviceFragmentShadingRateKHR}})) = VkPhysicalDeviceFragmentShadingRateKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderTerminateInvocationFeatures}, Type{PhysicalDeviceShaderTerminateInvocationFeatures}, Type{_PhysicalDeviceShaderTerminateInvocationFeatures}})) = VkPhysicalDeviceShaderTerminateInvocationFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV}, Type{PhysicalDeviceFragmentShadingRateEnumsFeaturesNV}, Type{_PhysicalDeviceFragmentShadingRateEnumsFeaturesNV}})) = VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV}, Type{PhysicalDeviceFragmentShadingRateEnumsPropertiesNV}, Type{_PhysicalDeviceFragmentShadingRateEnumsPropertiesNV}})) = VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV core_type(@nospecialize(_::Union{Type{VkPipelineFragmentShadingRateEnumStateCreateInfoNV}, Type{PipelineFragmentShadingRateEnumStateCreateInfoNV}, Type{_PipelineFragmentShadingRateEnumStateCreateInfoNV}})) = VkPipelineFragmentShadingRateEnumStateCreateInfoNV core_type(@nospecialize(_::Union{Type{VkAccelerationStructureBuildSizesInfoKHR}, Type{AccelerationStructureBuildSizesInfoKHR}, Type{_AccelerationStructureBuildSizesInfoKHR}})) = VkAccelerationStructureBuildSizesInfoKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImage2DViewOf3DFeaturesEXT}, Type{PhysicalDeviceImage2DViewOf3DFeaturesEXT}, Type{_PhysicalDeviceImage2DViewOf3DFeaturesEXT}})) = VkPhysicalDeviceImage2DViewOf3DFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT}, Type{PhysicalDeviceMutableDescriptorTypeFeaturesEXT}, Type{_PhysicalDeviceMutableDescriptorTypeFeaturesEXT}})) = VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT core_type(@nospecialize(_::Union{Type{VkMutableDescriptorTypeListEXT}, Type{MutableDescriptorTypeListEXT}, Type{_MutableDescriptorTypeListEXT}})) = VkMutableDescriptorTypeListEXT core_type(@nospecialize(_::Union{Type{VkMutableDescriptorTypeCreateInfoEXT}, Type{MutableDescriptorTypeCreateInfoEXT}, Type{_MutableDescriptorTypeCreateInfoEXT}})) = VkMutableDescriptorTypeCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDepthClipControlFeaturesEXT}, Type{PhysicalDeviceDepthClipControlFeaturesEXT}, Type{_PhysicalDeviceDepthClipControlFeaturesEXT}})) = VkPhysicalDeviceDepthClipControlFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPipelineViewportDepthClipControlCreateInfoEXT}, Type{PipelineViewportDepthClipControlCreateInfoEXT}, Type{_PipelineViewportDepthClipControlCreateInfoEXT}})) = VkPipelineViewportDepthClipControlCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT}, Type{PhysicalDeviceVertexInputDynamicStateFeaturesEXT}, Type{_PhysicalDeviceVertexInputDynamicStateFeaturesEXT}})) = VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalMemoryRDMAFeaturesNV}, Type{PhysicalDeviceExternalMemoryRDMAFeaturesNV}, Type{_PhysicalDeviceExternalMemoryRDMAFeaturesNV}})) = VkPhysicalDeviceExternalMemoryRDMAFeaturesNV core_type(@nospecialize(_::Union{Type{VkVertexInputBindingDescription2EXT}, Type{VertexInputBindingDescription2EXT}, Type{_VertexInputBindingDescription2EXT}})) = VkVertexInputBindingDescription2EXT core_type(@nospecialize(_::Union{Type{VkVertexInputAttributeDescription2EXT}, Type{VertexInputAttributeDescription2EXT}, Type{_VertexInputAttributeDescription2EXT}})) = VkVertexInputAttributeDescription2EXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceColorWriteEnableFeaturesEXT}, Type{PhysicalDeviceColorWriteEnableFeaturesEXT}, Type{_PhysicalDeviceColorWriteEnableFeaturesEXT}})) = VkPhysicalDeviceColorWriteEnableFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPipelineColorWriteCreateInfoEXT}, Type{PipelineColorWriteCreateInfoEXT}, Type{_PipelineColorWriteCreateInfoEXT}})) = VkPipelineColorWriteCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkMemoryBarrier2}, Type{MemoryBarrier2}, Type{_MemoryBarrier2}})) = VkMemoryBarrier2 core_type(@nospecialize(_::Union{Type{VkImageMemoryBarrier2}, Type{ImageMemoryBarrier2}, Type{_ImageMemoryBarrier2}})) = VkImageMemoryBarrier2 core_type(@nospecialize(_::Union{Type{VkBufferMemoryBarrier2}, Type{BufferMemoryBarrier2}, Type{_BufferMemoryBarrier2}})) = VkBufferMemoryBarrier2 core_type(@nospecialize(_::Union{Type{VkDependencyInfo}, Type{DependencyInfo}, Type{_DependencyInfo}})) = VkDependencyInfo core_type(@nospecialize(_::Union{Type{VkSemaphoreSubmitInfo}, Type{SemaphoreSubmitInfo}, Type{_SemaphoreSubmitInfo}})) = VkSemaphoreSubmitInfo core_type(@nospecialize(_::Union{Type{VkCommandBufferSubmitInfo}, Type{CommandBufferSubmitInfo}, Type{_CommandBufferSubmitInfo}})) = VkCommandBufferSubmitInfo core_type(@nospecialize(_::Union{Type{VkSubmitInfo2}, Type{SubmitInfo2}, Type{_SubmitInfo2}})) = VkSubmitInfo2 core_type(@nospecialize(_::Union{Type{VkQueueFamilyCheckpointProperties2NV}, Type{QueueFamilyCheckpointProperties2NV}, Type{_QueueFamilyCheckpointProperties2NV}})) = VkQueueFamilyCheckpointProperties2NV core_type(@nospecialize(_::Union{Type{VkCheckpointData2NV}, Type{CheckpointData2NV}, Type{_CheckpointData2NV}})) = VkCheckpointData2NV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSynchronization2Features}, Type{PhysicalDeviceSynchronization2Features}, Type{_PhysicalDeviceSynchronization2Features}})) = VkPhysicalDeviceSynchronization2Features core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT}, Type{PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT}, Type{_PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT}})) = VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLegacyDitheringFeaturesEXT}, Type{PhysicalDeviceLegacyDitheringFeaturesEXT}, Type{_PhysicalDeviceLegacyDitheringFeaturesEXT}})) = VkPhysicalDeviceLegacyDitheringFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT}, Type{PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT}, Type{_PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT}})) = VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT core_type(@nospecialize(_::Union{Type{VkSubpassResolvePerformanceQueryEXT}, Type{SubpassResolvePerformanceQueryEXT}, Type{_SubpassResolvePerformanceQueryEXT}})) = VkSubpassResolvePerformanceQueryEXT core_type(@nospecialize(_::Union{Type{VkMultisampledRenderToSingleSampledInfoEXT}, Type{MultisampledRenderToSingleSampledInfoEXT}, Type{_MultisampledRenderToSingleSampledInfoEXT}})) = VkMultisampledRenderToSingleSampledInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineProtectedAccessFeaturesEXT}, Type{PhysicalDevicePipelineProtectedAccessFeaturesEXT}, Type{_PhysicalDevicePipelineProtectedAccessFeaturesEXT}})) = VkPhysicalDevicePipelineProtectedAccessFeaturesEXT core_type(@nospecialize(_::Union{Type{VkQueueFamilyVideoPropertiesKHR}, Type{QueueFamilyVideoPropertiesKHR}, Type{_QueueFamilyVideoPropertiesKHR}})) = VkQueueFamilyVideoPropertiesKHR core_type(@nospecialize(_::Union{Type{VkQueueFamilyQueryResultStatusPropertiesKHR}, Type{QueueFamilyQueryResultStatusPropertiesKHR}, Type{_QueueFamilyQueryResultStatusPropertiesKHR}})) = VkQueueFamilyQueryResultStatusPropertiesKHR core_type(@nospecialize(_::Union{Type{VkVideoProfileListInfoKHR}, Type{VideoProfileListInfoKHR}, Type{_VideoProfileListInfoKHR}})) = VkVideoProfileListInfoKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVideoFormatInfoKHR}, Type{PhysicalDeviceVideoFormatInfoKHR}, Type{_PhysicalDeviceVideoFormatInfoKHR}})) = VkPhysicalDeviceVideoFormatInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoFormatPropertiesKHR}, Type{VideoFormatPropertiesKHR}, Type{_VideoFormatPropertiesKHR}})) = VkVideoFormatPropertiesKHR core_type(@nospecialize(_::Union{Type{VkVideoProfileInfoKHR}, Type{VideoProfileInfoKHR}, Type{_VideoProfileInfoKHR}})) = VkVideoProfileInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoCapabilitiesKHR}, Type{VideoCapabilitiesKHR}, Type{_VideoCapabilitiesKHR}})) = VkVideoCapabilitiesKHR core_type(@nospecialize(_::Union{Type{VkVideoSessionMemoryRequirementsKHR}, Type{VideoSessionMemoryRequirementsKHR}, Type{_VideoSessionMemoryRequirementsKHR}})) = VkVideoSessionMemoryRequirementsKHR core_type(@nospecialize(_::Union{Type{VkBindVideoSessionMemoryInfoKHR}, Type{BindVideoSessionMemoryInfoKHR}, Type{_BindVideoSessionMemoryInfoKHR}})) = VkBindVideoSessionMemoryInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoPictureResourceInfoKHR}, Type{VideoPictureResourceInfoKHR}, Type{_VideoPictureResourceInfoKHR}})) = VkVideoPictureResourceInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoReferenceSlotInfoKHR}, Type{VideoReferenceSlotInfoKHR}, Type{_VideoReferenceSlotInfoKHR}})) = VkVideoReferenceSlotInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeCapabilitiesKHR}, Type{VideoDecodeCapabilitiesKHR}, Type{_VideoDecodeCapabilitiesKHR}})) = VkVideoDecodeCapabilitiesKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeUsageInfoKHR}, Type{VideoDecodeUsageInfoKHR}, Type{_VideoDecodeUsageInfoKHR}})) = VkVideoDecodeUsageInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeInfoKHR}, Type{VideoDecodeInfoKHR}, Type{_VideoDecodeInfoKHR}})) = VkVideoDecodeInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeH264ProfileInfoKHR}, Type{VideoDecodeH264ProfileInfoKHR}, Type{_VideoDecodeH264ProfileInfoKHR}})) = VkVideoDecodeH264ProfileInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeH264CapabilitiesKHR}, Type{VideoDecodeH264CapabilitiesKHR}, Type{_VideoDecodeH264CapabilitiesKHR}})) = VkVideoDecodeH264CapabilitiesKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeH264SessionParametersAddInfoKHR}, Type{VideoDecodeH264SessionParametersAddInfoKHR}, Type{_VideoDecodeH264SessionParametersAddInfoKHR}})) = VkVideoDecodeH264SessionParametersAddInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeH264SessionParametersCreateInfoKHR}, Type{VideoDecodeH264SessionParametersCreateInfoKHR}, Type{_VideoDecodeH264SessionParametersCreateInfoKHR}})) = VkVideoDecodeH264SessionParametersCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeH264PictureInfoKHR}, Type{VideoDecodeH264PictureInfoKHR}, Type{_VideoDecodeH264PictureInfoKHR}})) = VkVideoDecodeH264PictureInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeH264DpbSlotInfoKHR}, Type{VideoDecodeH264DpbSlotInfoKHR}, Type{_VideoDecodeH264DpbSlotInfoKHR}})) = VkVideoDecodeH264DpbSlotInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeH265ProfileInfoKHR}, Type{VideoDecodeH265ProfileInfoKHR}, Type{_VideoDecodeH265ProfileInfoKHR}})) = VkVideoDecodeH265ProfileInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeH265CapabilitiesKHR}, Type{VideoDecodeH265CapabilitiesKHR}, Type{_VideoDecodeH265CapabilitiesKHR}})) = VkVideoDecodeH265CapabilitiesKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeH265SessionParametersAddInfoKHR}, Type{VideoDecodeH265SessionParametersAddInfoKHR}, Type{_VideoDecodeH265SessionParametersAddInfoKHR}})) = VkVideoDecodeH265SessionParametersAddInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeH265SessionParametersCreateInfoKHR}, Type{VideoDecodeH265SessionParametersCreateInfoKHR}, Type{_VideoDecodeH265SessionParametersCreateInfoKHR}})) = VkVideoDecodeH265SessionParametersCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeH265PictureInfoKHR}, Type{VideoDecodeH265PictureInfoKHR}, Type{_VideoDecodeH265PictureInfoKHR}})) = VkVideoDecodeH265PictureInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeH265DpbSlotInfoKHR}, Type{VideoDecodeH265DpbSlotInfoKHR}, Type{_VideoDecodeH265DpbSlotInfoKHR}})) = VkVideoDecodeH265DpbSlotInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoSessionCreateInfoKHR}, Type{VideoSessionCreateInfoKHR}, Type{_VideoSessionCreateInfoKHR}})) = VkVideoSessionCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoSessionParametersCreateInfoKHR}, Type{VideoSessionParametersCreateInfoKHR}, Type{_VideoSessionParametersCreateInfoKHR}})) = VkVideoSessionParametersCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoSessionParametersUpdateInfoKHR}, Type{VideoSessionParametersUpdateInfoKHR}, Type{_VideoSessionParametersUpdateInfoKHR}})) = VkVideoSessionParametersUpdateInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoBeginCodingInfoKHR}, Type{VideoBeginCodingInfoKHR}, Type{_VideoBeginCodingInfoKHR}})) = VkVideoBeginCodingInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoEndCodingInfoKHR}, Type{VideoEndCodingInfoKHR}, Type{_VideoEndCodingInfoKHR}})) = VkVideoEndCodingInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoCodingControlInfoKHR}, Type{VideoCodingControlInfoKHR}, Type{_VideoCodingControlInfoKHR}})) = VkVideoCodingControlInfoKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceInheritedViewportScissorFeaturesNV}, Type{PhysicalDeviceInheritedViewportScissorFeaturesNV}, Type{_PhysicalDeviceInheritedViewportScissorFeaturesNV}})) = VkPhysicalDeviceInheritedViewportScissorFeaturesNV core_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceViewportScissorInfoNV}, Type{CommandBufferInheritanceViewportScissorInfoNV}, Type{_CommandBufferInheritanceViewportScissorInfoNV}})) = VkCommandBufferInheritanceViewportScissorInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT}, Type{PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT}, Type{_PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT}})) = VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProvokingVertexFeaturesEXT}, Type{PhysicalDeviceProvokingVertexFeaturesEXT}, Type{_PhysicalDeviceProvokingVertexFeaturesEXT}})) = VkPhysicalDeviceProvokingVertexFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProvokingVertexPropertiesEXT}, Type{PhysicalDeviceProvokingVertexPropertiesEXT}, Type{_PhysicalDeviceProvokingVertexPropertiesEXT}})) = VkPhysicalDeviceProvokingVertexPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPipelineRasterizationProvokingVertexStateCreateInfoEXT}, Type{PipelineRasterizationProvokingVertexStateCreateInfoEXT}, Type{_PipelineRasterizationProvokingVertexStateCreateInfoEXT}})) = VkPipelineRasterizationProvokingVertexStateCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkCuModuleCreateInfoNVX}, Type{CuModuleCreateInfoNVX}, Type{_CuModuleCreateInfoNVX}})) = VkCuModuleCreateInfoNVX core_type(@nospecialize(_::Union{Type{VkCuFunctionCreateInfoNVX}, Type{CuFunctionCreateInfoNVX}, Type{_CuFunctionCreateInfoNVX}})) = VkCuFunctionCreateInfoNVX core_type(@nospecialize(_::Union{Type{VkCuLaunchInfoNVX}, Type{CuLaunchInfoNVX}, Type{_CuLaunchInfoNVX}})) = VkCuLaunchInfoNVX core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorBufferFeaturesEXT}, Type{PhysicalDeviceDescriptorBufferFeaturesEXT}, Type{_PhysicalDeviceDescriptorBufferFeaturesEXT}})) = VkPhysicalDeviceDescriptorBufferFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorBufferPropertiesEXT}, Type{PhysicalDeviceDescriptorBufferPropertiesEXT}, Type{_PhysicalDeviceDescriptorBufferPropertiesEXT}})) = VkPhysicalDeviceDescriptorBufferPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT}, Type{PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT}, Type{_PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT}})) = VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT core_type(@nospecialize(_::Union{Type{VkDescriptorAddressInfoEXT}, Type{DescriptorAddressInfoEXT}, Type{_DescriptorAddressInfoEXT}})) = VkDescriptorAddressInfoEXT core_type(@nospecialize(_::Union{Type{VkDescriptorBufferBindingInfoEXT}, Type{DescriptorBufferBindingInfoEXT}, Type{_DescriptorBufferBindingInfoEXT}})) = VkDescriptorBufferBindingInfoEXT core_type(@nospecialize(_::Union{Type{VkDescriptorBufferBindingPushDescriptorBufferHandleEXT}, Type{DescriptorBufferBindingPushDescriptorBufferHandleEXT}, Type{_DescriptorBufferBindingPushDescriptorBufferHandleEXT}})) = VkDescriptorBufferBindingPushDescriptorBufferHandleEXT core_type(@nospecialize(_::Union{Type{VkDescriptorGetInfoEXT}, Type{DescriptorGetInfoEXT}, Type{_DescriptorGetInfoEXT}})) = VkDescriptorGetInfoEXT core_type(@nospecialize(_::Union{Type{VkBufferCaptureDescriptorDataInfoEXT}, Type{BufferCaptureDescriptorDataInfoEXT}, Type{_BufferCaptureDescriptorDataInfoEXT}})) = VkBufferCaptureDescriptorDataInfoEXT core_type(@nospecialize(_::Union{Type{VkImageCaptureDescriptorDataInfoEXT}, Type{ImageCaptureDescriptorDataInfoEXT}, Type{_ImageCaptureDescriptorDataInfoEXT}})) = VkImageCaptureDescriptorDataInfoEXT core_type(@nospecialize(_::Union{Type{VkImageViewCaptureDescriptorDataInfoEXT}, Type{ImageViewCaptureDescriptorDataInfoEXT}, Type{_ImageViewCaptureDescriptorDataInfoEXT}})) = VkImageViewCaptureDescriptorDataInfoEXT core_type(@nospecialize(_::Union{Type{VkSamplerCaptureDescriptorDataInfoEXT}, Type{SamplerCaptureDescriptorDataInfoEXT}, Type{_SamplerCaptureDescriptorDataInfoEXT}})) = VkSamplerCaptureDescriptorDataInfoEXT core_type(@nospecialize(_::Union{Type{VkAccelerationStructureCaptureDescriptorDataInfoEXT}, Type{AccelerationStructureCaptureDescriptorDataInfoEXT}, Type{_AccelerationStructureCaptureDescriptorDataInfoEXT}})) = VkAccelerationStructureCaptureDescriptorDataInfoEXT core_type(@nospecialize(_::Union{Type{VkOpaqueCaptureDescriptorDataCreateInfoEXT}, Type{OpaqueCaptureDescriptorDataCreateInfoEXT}, Type{_OpaqueCaptureDescriptorDataCreateInfoEXT}})) = VkOpaqueCaptureDescriptorDataCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderIntegerDotProductFeatures}, Type{PhysicalDeviceShaderIntegerDotProductFeatures}, Type{_PhysicalDeviceShaderIntegerDotProductFeatures}})) = VkPhysicalDeviceShaderIntegerDotProductFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderIntegerDotProductProperties}, Type{PhysicalDeviceShaderIntegerDotProductProperties}, Type{_PhysicalDeviceShaderIntegerDotProductProperties}})) = VkPhysicalDeviceShaderIntegerDotProductProperties core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDrmPropertiesEXT}, Type{PhysicalDeviceDrmPropertiesEXT}, Type{_PhysicalDeviceDrmPropertiesEXT}})) = VkPhysicalDeviceDrmPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR}, Type{PhysicalDeviceFragmentShaderBarycentricFeaturesKHR}, Type{_PhysicalDeviceFragmentShaderBarycentricFeaturesKHR}})) = VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR}, Type{PhysicalDeviceFragmentShaderBarycentricPropertiesKHR}, Type{_PhysicalDeviceFragmentShaderBarycentricPropertiesKHR}})) = VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingMotionBlurFeaturesNV}, Type{PhysicalDeviceRayTracingMotionBlurFeaturesNV}, Type{_PhysicalDeviceRayTracingMotionBlurFeaturesNV}})) = VkPhysicalDeviceRayTracingMotionBlurFeaturesNV core_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryMotionTrianglesDataNV}, Type{AccelerationStructureGeometryMotionTrianglesDataNV}, Type{_AccelerationStructureGeometryMotionTrianglesDataNV}})) = VkAccelerationStructureGeometryMotionTrianglesDataNV core_type(@nospecialize(_::Union{Type{VkAccelerationStructureMotionInfoNV}, Type{AccelerationStructureMotionInfoNV}, Type{_AccelerationStructureMotionInfoNV}})) = VkAccelerationStructureMotionInfoNV core_type(@nospecialize(_::Union{Type{VkSRTDataNV}, Type{SRTDataNV}, Type{_SRTDataNV}})) = VkSRTDataNV core_type(@nospecialize(_::Union{Type{VkAccelerationStructureSRTMotionInstanceNV}, Type{AccelerationStructureSRTMotionInstanceNV}, Type{_AccelerationStructureSRTMotionInstanceNV}})) = VkAccelerationStructureSRTMotionInstanceNV core_type(@nospecialize(_::Union{Type{VkAccelerationStructureMatrixMotionInstanceNV}, Type{AccelerationStructureMatrixMotionInstanceNV}, Type{_AccelerationStructureMatrixMotionInstanceNV}})) = VkAccelerationStructureMatrixMotionInstanceNV core_type(@nospecialize(_::Union{Type{VkAccelerationStructureMotionInstanceNV}, Type{AccelerationStructureMotionInstanceNV}, Type{_AccelerationStructureMotionInstanceNV}})) = VkAccelerationStructureMotionInstanceNV core_type(@nospecialize(_::Union{Type{VkMemoryGetRemoteAddressInfoNV}, Type{MemoryGetRemoteAddressInfoNV}, Type{_MemoryGetRemoteAddressInfoNV}})) = VkMemoryGetRemoteAddressInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT}, Type{PhysicalDeviceRGBA10X6FormatsFeaturesEXT}, Type{_PhysicalDeviceRGBA10X6FormatsFeaturesEXT}})) = VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT core_type(@nospecialize(_::Union{Type{VkFormatProperties3}, Type{FormatProperties3}, Type{_FormatProperties3}})) = VkFormatProperties3 core_type(@nospecialize(_::Union{Type{VkDrmFormatModifierPropertiesList2EXT}, Type{DrmFormatModifierPropertiesList2EXT}, Type{_DrmFormatModifierPropertiesList2EXT}})) = VkDrmFormatModifierPropertiesList2EXT core_type(@nospecialize(_::Union{Type{VkDrmFormatModifierProperties2EXT}, Type{DrmFormatModifierProperties2EXT}, Type{_DrmFormatModifierProperties2EXT}})) = VkDrmFormatModifierProperties2EXT core_type(@nospecialize(_::Union{Type{VkPipelineRenderingCreateInfo}, Type{PipelineRenderingCreateInfo}, Type{_PipelineRenderingCreateInfo}})) = VkPipelineRenderingCreateInfo core_type(@nospecialize(_::Union{Type{VkRenderingInfo}, Type{RenderingInfo}, Type{_RenderingInfo}})) = VkRenderingInfo core_type(@nospecialize(_::Union{Type{VkRenderingAttachmentInfo}, Type{RenderingAttachmentInfo}, Type{_RenderingAttachmentInfo}})) = VkRenderingAttachmentInfo core_type(@nospecialize(_::Union{Type{VkRenderingFragmentShadingRateAttachmentInfoKHR}, Type{RenderingFragmentShadingRateAttachmentInfoKHR}, Type{_RenderingFragmentShadingRateAttachmentInfoKHR}})) = VkRenderingFragmentShadingRateAttachmentInfoKHR core_type(@nospecialize(_::Union{Type{VkRenderingFragmentDensityMapAttachmentInfoEXT}, Type{RenderingFragmentDensityMapAttachmentInfoEXT}, Type{_RenderingFragmentDensityMapAttachmentInfoEXT}})) = VkRenderingFragmentDensityMapAttachmentInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDynamicRenderingFeatures}, Type{PhysicalDeviceDynamicRenderingFeatures}, Type{_PhysicalDeviceDynamicRenderingFeatures}})) = VkPhysicalDeviceDynamicRenderingFeatures core_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceRenderingInfo}, Type{CommandBufferInheritanceRenderingInfo}, Type{_CommandBufferInheritanceRenderingInfo}})) = VkCommandBufferInheritanceRenderingInfo core_type(@nospecialize(_::Union{Type{VkAttachmentSampleCountInfoAMD}, Type{AttachmentSampleCountInfoAMD}, Type{_AttachmentSampleCountInfoAMD}})) = VkAttachmentSampleCountInfoAMD core_type(@nospecialize(_::Union{Type{VkMultiviewPerViewAttributesInfoNVX}, Type{MultiviewPerViewAttributesInfoNVX}, Type{_MultiviewPerViewAttributesInfoNVX}})) = VkMultiviewPerViewAttributesInfoNVX core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageViewMinLodFeaturesEXT}, Type{PhysicalDeviceImageViewMinLodFeaturesEXT}, Type{_PhysicalDeviceImageViewMinLodFeaturesEXT}})) = VkPhysicalDeviceImageViewMinLodFeaturesEXT core_type(@nospecialize(_::Union{Type{VkImageViewMinLodCreateInfoEXT}, Type{ImageViewMinLodCreateInfoEXT}, Type{_ImageViewMinLodCreateInfoEXT}})) = VkImageViewMinLodCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT}, Type{PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT}, Type{_PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT}})) = VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLinearColorAttachmentFeaturesNV}, Type{PhysicalDeviceLinearColorAttachmentFeaturesNV}, Type{_PhysicalDeviceLinearColorAttachmentFeaturesNV}})) = VkPhysicalDeviceLinearColorAttachmentFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT}, Type{PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT}, Type{_PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT}})) = VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT}, Type{PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT}, Type{_PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT}})) = VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT core_type(@nospecialize(_::Union{Type{VkGraphicsPipelineLibraryCreateInfoEXT}, Type{GraphicsPipelineLibraryCreateInfoEXT}, Type{_GraphicsPipelineLibraryCreateInfoEXT}})) = VkGraphicsPipelineLibraryCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE}, Type{PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE}, Type{_PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE}})) = VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE core_type(@nospecialize(_::Union{Type{VkDescriptorSetBindingReferenceVALVE}, Type{DescriptorSetBindingReferenceVALVE}, Type{_DescriptorSetBindingReferenceVALVE}})) = VkDescriptorSetBindingReferenceVALVE core_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutHostMappingInfoVALVE}, Type{DescriptorSetLayoutHostMappingInfoVALVE}, Type{_DescriptorSetLayoutHostMappingInfoVALVE}})) = VkDescriptorSetLayoutHostMappingInfoVALVE core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT}, Type{PhysicalDeviceShaderModuleIdentifierFeaturesEXT}, Type{_PhysicalDeviceShaderModuleIdentifierFeaturesEXT}})) = VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT}, Type{PhysicalDeviceShaderModuleIdentifierPropertiesEXT}, Type{_PhysicalDeviceShaderModuleIdentifierPropertiesEXT}})) = VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPipelineShaderStageModuleIdentifierCreateInfoEXT}, Type{PipelineShaderStageModuleIdentifierCreateInfoEXT}, Type{_PipelineShaderStageModuleIdentifierCreateInfoEXT}})) = VkPipelineShaderStageModuleIdentifierCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkShaderModuleIdentifierEXT}, Type{ShaderModuleIdentifierEXT}, Type{_ShaderModuleIdentifierEXT}})) = VkShaderModuleIdentifierEXT core_type(@nospecialize(_::Union{Type{VkImageCompressionControlEXT}, Type{ImageCompressionControlEXT}, Type{_ImageCompressionControlEXT}})) = VkImageCompressionControlEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageCompressionControlFeaturesEXT}, Type{PhysicalDeviceImageCompressionControlFeaturesEXT}, Type{_PhysicalDeviceImageCompressionControlFeaturesEXT}})) = VkPhysicalDeviceImageCompressionControlFeaturesEXT core_type(@nospecialize(_::Union{Type{VkImageCompressionPropertiesEXT}, Type{ImageCompressionPropertiesEXT}, Type{_ImageCompressionPropertiesEXT}})) = VkImageCompressionPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT}, Type{PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT}, Type{_PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT}})) = VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT core_type(@nospecialize(_::Union{Type{VkImageSubresource2EXT}, Type{ImageSubresource2EXT}, Type{_ImageSubresource2EXT}})) = VkImageSubresource2EXT core_type(@nospecialize(_::Union{Type{VkSubresourceLayout2EXT}, Type{SubresourceLayout2EXT}, Type{_SubresourceLayout2EXT}})) = VkSubresourceLayout2EXT core_type(@nospecialize(_::Union{Type{VkRenderPassCreationControlEXT}, Type{RenderPassCreationControlEXT}, Type{_RenderPassCreationControlEXT}})) = VkRenderPassCreationControlEXT core_type(@nospecialize(_::Union{Type{VkRenderPassCreationFeedbackInfoEXT}, Type{RenderPassCreationFeedbackInfoEXT}, Type{_RenderPassCreationFeedbackInfoEXT}})) = VkRenderPassCreationFeedbackInfoEXT core_type(@nospecialize(_::Union{Type{VkRenderPassCreationFeedbackCreateInfoEXT}, Type{RenderPassCreationFeedbackCreateInfoEXT}, Type{_RenderPassCreationFeedbackCreateInfoEXT}})) = VkRenderPassCreationFeedbackCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkRenderPassSubpassFeedbackInfoEXT}, Type{RenderPassSubpassFeedbackInfoEXT}, Type{_RenderPassSubpassFeedbackInfoEXT}})) = VkRenderPassSubpassFeedbackInfoEXT core_type(@nospecialize(_::Union{Type{VkRenderPassSubpassFeedbackCreateInfoEXT}, Type{RenderPassSubpassFeedbackCreateInfoEXT}, Type{_RenderPassSubpassFeedbackCreateInfoEXT}})) = VkRenderPassSubpassFeedbackCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT}, Type{PhysicalDeviceSubpassMergeFeedbackFeaturesEXT}, Type{_PhysicalDeviceSubpassMergeFeedbackFeaturesEXT}})) = VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT core_type(@nospecialize(_::Union{Type{VkMicromapBuildInfoEXT}, Type{MicromapBuildInfoEXT}, Type{_MicromapBuildInfoEXT}})) = VkMicromapBuildInfoEXT core_type(@nospecialize(_::Union{Type{VkMicromapCreateInfoEXT}, Type{MicromapCreateInfoEXT}, Type{_MicromapCreateInfoEXT}})) = VkMicromapCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkMicromapVersionInfoEXT}, Type{MicromapVersionInfoEXT}, Type{_MicromapVersionInfoEXT}})) = VkMicromapVersionInfoEXT core_type(@nospecialize(_::Union{Type{VkCopyMicromapInfoEXT}, Type{CopyMicromapInfoEXT}, Type{_CopyMicromapInfoEXT}})) = VkCopyMicromapInfoEXT core_type(@nospecialize(_::Union{Type{VkCopyMicromapToMemoryInfoEXT}, Type{CopyMicromapToMemoryInfoEXT}, Type{_CopyMicromapToMemoryInfoEXT}})) = VkCopyMicromapToMemoryInfoEXT core_type(@nospecialize(_::Union{Type{VkCopyMemoryToMicromapInfoEXT}, Type{CopyMemoryToMicromapInfoEXT}, Type{_CopyMemoryToMicromapInfoEXT}})) = VkCopyMemoryToMicromapInfoEXT core_type(@nospecialize(_::Union{Type{VkMicromapBuildSizesInfoEXT}, Type{MicromapBuildSizesInfoEXT}, Type{_MicromapBuildSizesInfoEXT}})) = VkMicromapBuildSizesInfoEXT core_type(@nospecialize(_::Union{Type{VkMicromapUsageEXT}, Type{MicromapUsageEXT}, Type{_MicromapUsageEXT}})) = VkMicromapUsageEXT core_type(@nospecialize(_::Union{Type{VkMicromapTriangleEXT}, Type{MicromapTriangleEXT}, Type{_MicromapTriangleEXT}})) = VkMicromapTriangleEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceOpacityMicromapFeaturesEXT}, Type{PhysicalDeviceOpacityMicromapFeaturesEXT}, Type{_PhysicalDeviceOpacityMicromapFeaturesEXT}})) = VkPhysicalDeviceOpacityMicromapFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceOpacityMicromapPropertiesEXT}, Type{PhysicalDeviceOpacityMicromapPropertiesEXT}, Type{_PhysicalDeviceOpacityMicromapPropertiesEXT}})) = VkPhysicalDeviceOpacityMicromapPropertiesEXT core_type(@nospecialize(_::Union{Type{VkAccelerationStructureTrianglesOpacityMicromapEXT}, Type{AccelerationStructureTrianglesOpacityMicromapEXT}, Type{_AccelerationStructureTrianglesOpacityMicromapEXT}})) = VkAccelerationStructureTrianglesOpacityMicromapEXT core_type(@nospecialize(_::Union{Type{VkPipelinePropertiesIdentifierEXT}, Type{PipelinePropertiesIdentifierEXT}, Type{_PipelinePropertiesIdentifierEXT}})) = VkPipelinePropertiesIdentifierEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelinePropertiesFeaturesEXT}, Type{PhysicalDevicePipelinePropertiesFeaturesEXT}, Type{_PhysicalDevicePipelinePropertiesFeaturesEXT}})) = VkPhysicalDevicePipelinePropertiesFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD}, Type{PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD}, Type{_PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD}})) = VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD core_type(@nospecialize(_::Union{Type{VkExportMetalObjectCreateInfoEXT}, Type{ExportMetalObjectCreateInfoEXT}, Type{_ExportMetalObjectCreateInfoEXT}})) = VkExportMetalObjectCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkExportMetalObjectsInfoEXT}, Type{ExportMetalObjectsInfoEXT}, Type{_ExportMetalObjectsInfoEXT}})) = VkExportMetalObjectsInfoEXT core_type(@nospecialize(_::Union{Type{VkExportMetalDeviceInfoEXT}, Type{ExportMetalDeviceInfoEXT}, Type{_ExportMetalDeviceInfoEXT}})) = VkExportMetalDeviceInfoEXT core_type(@nospecialize(_::Union{Type{VkExportMetalCommandQueueInfoEXT}, Type{ExportMetalCommandQueueInfoEXT}, Type{_ExportMetalCommandQueueInfoEXT}})) = VkExportMetalCommandQueueInfoEXT core_type(@nospecialize(_::Union{Type{VkExportMetalBufferInfoEXT}, Type{ExportMetalBufferInfoEXT}, Type{_ExportMetalBufferInfoEXT}})) = VkExportMetalBufferInfoEXT core_type(@nospecialize(_::Union{Type{VkImportMetalBufferInfoEXT}, Type{ImportMetalBufferInfoEXT}, Type{_ImportMetalBufferInfoEXT}})) = VkImportMetalBufferInfoEXT core_type(@nospecialize(_::Union{Type{VkExportMetalTextureInfoEXT}, Type{ExportMetalTextureInfoEXT}, Type{_ExportMetalTextureInfoEXT}})) = VkExportMetalTextureInfoEXT core_type(@nospecialize(_::Union{Type{VkImportMetalTextureInfoEXT}, Type{ImportMetalTextureInfoEXT}, Type{_ImportMetalTextureInfoEXT}})) = VkImportMetalTextureInfoEXT core_type(@nospecialize(_::Union{Type{VkExportMetalIOSurfaceInfoEXT}, Type{ExportMetalIOSurfaceInfoEXT}, Type{_ExportMetalIOSurfaceInfoEXT}})) = VkExportMetalIOSurfaceInfoEXT core_type(@nospecialize(_::Union{Type{VkImportMetalIOSurfaceInfoEXT}, Type{ImportMetalIOSurfaceInfoEXT}, Type{_ImportMetalIOSurfaceInfoEXT}})) = VkImportMetalIOSurfaceInfoEXT core_type(@nospecialize(_::Union{Type{VkExportMetalSharedEventInfoEXT}, Type{ExportMetalSharedEventInfoEXT}, Type{_ExportMetalSharedEventInfoEXT}})) = VkExportMetalSharedEventInfoEXT core_type(@nospecialize(_::Union{Type{VkImportMetalSharedEventInfoEXT}, Type{ImportMetalSharedEventInfoEXT}, Type{_ImportMetalSharedEventInfoEXT}})) = VkImportMetalSharedEventInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT}, Type{PhysicalDeviceNonSeamlessCubeMapFeaturesEXT}, Type{_PhysicalDeviceNonSeamlessCubeMapFeaturesEXT}})) = VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineRobustnessFeaturesEXT}, Type{PhysicalDevicePipelineRobustnessFeaturesEXT}, Type{_PhysicalDevicePipelineRobustnessFeaturesEXT}})) = VkPhysicalDevicePipelineRobustnessFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPipelineRobustnessCreateInfoEXT}, Type{PipelineRobustnessCreateInfoEXT}, Type{_PipelineRobustnessCreateInfoEXT}})) = VkPipelineRobustnessCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineRobustnessPropertiesEXT}, Type{PhysicalDevicePipelineRobustnessPropertiesEXT}, Type{_PhysicalDevicePipelineRobustnessPropertiesEXT}})) = VkPhysicalDevicePipelineRobustnessPropertiesEXT core_type(@nospecialize(_::Union{Type{VkImageViewSampleWeightCreateInfoQCOM}, Type{ImageViewSampleWeightCreateInfoQCOM}, Type{_ImageViewSampleWeightCreateInfoQCOM}})) = VkImageViewSampleWeightCreateInfoQCOM core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageProcessingFeaturesQCOM}, Type{PhysicalDeviceImageProcessingFeaturesQCOM}, Type{_PhysicalDeviceImageProcessingFeaturesQCOM}})) = VkPhysicalDeviceImageProcessingFeaturesQCOM core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageProcessingPropertiesQCOM}, Type{PhysicalDeviceImageProcessingPropertiesQCOM}, Type{_PhysicalDeviceImageProcessingPropertiesQCOM}})) = VkPhysicalDeviceImageProcessingPropertiesQCOM core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTilePropertiesFeaturesQCOM}, Type{PhysicalDeviceTilePropertiesFeaturesQCOM}, Type{_PhysicalDeviceTilePropertiesFeaturesQCOM}})) = VkPhysicalDeviceTilePropertiesFeaturesQCOM core_type(@nospecialize(_::Union{Type{VkTilePropertiesQCOM}, Type{TilePropertiesQCOM}, Type{_TilePropertiesQCOM}})) = VkTilePropertiesQCOM core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAmigoProfilingFeaturesSEC}, Type{PhysicalDeviceAmigoProfilingFeaturesSEC}, Type{_PhysicalDeviceAmigoProfilingFeaturesSEC}})) = VkPhysicalDeviceAmigoProfilingFeaturesSEC core_type(@nospecialize(_::Union{Type{VkAmigoProfilingSubmitInfoSEC}, Type{AmigoProfilingSubmitInfoSEC}, Type{_AmigoProfilingSubmitInfoSEC}})) = VkAmigoProfilingSubmitInfoSEC core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT}, Type{PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT}, Type{_PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT}})) = VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDepthClampZeroOneFeaturesEXT}, Type{PhysicalDeviceDepthClampZeroOneFeaturesEXT}, Type{_PhysicalDeviceDepthClampZeroOneFeaturesEXT}})) = VkPhysicalDeviceDepthClampZeroOneFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAddressBindingReportFeaturesEXT}, Type{PhysicalDeviceAddressBindingReportFeaturesEXT}, Type{_PhysicalDeviceAddressBindingReportFeaturesEXT}})) = VkPhysicalDeviceAddressBindingReportFeaturesEXT core_type(@nospecialize(_::Union{Type{VkDeviceAddressBindingCallbackDataEXT}, Type{DeviceAddressBindingCallbackDataEXT}, Type{_DeviceAddressBindingCallbackDataEXT}})) = VkDeviceAddressBindingCallbackDataEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceOpticalFlowFeaturesNV}, Type{PhysicalDeviceOpticalFlowFeaturesNV}, Type{_PhysicalDeviceOpticalFlowFeaturesNV}})) = VkPhysicalDeviceOpticalFlowFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceOpticalFlowPropertiesNV}, Type{PhysicalDeviceOpticalFlowPropertiesNV}, Type{_PhysicalDeviceOpticalFlowPropertiesNV}})) = VkPhysicalDeviceOpticalFlowPropertiesNV core_type(@nospecialize(_::Union{Type{VkOpticalFlowImageFormatInfoNV}, Type{OpticalFlowImageFormatInfoNV}, Type{_OpticalFlowImageFormatInfoNV}})) = VkOpticalFlowImageFormatInfoNV core_type(@nospecialize(_::Union{Type{VkOpticalFlowImageFormatPropertiesNV}, Type{OpticalFlowImageFormatPropertiesNV}, Type{_OpticalFlowImageFormatPropertiesNV}})) = VkOpticalFlowImageFormatPropertiesNV core_type(@nospecialize(_::Union{Type{VkOpticalFlowSessionCreateInfoNV}, Type{OpticalFlowSessionCreateInfoNV}, Type{_OpticalFlowSessionCreateInfoNV}})) = VkOpticalFlowSessionCreateInfoNV core_type(@nospecialize(_::Union{Type{VkOpticalFlowSessionCreatePrivateDataInfoNV}, Type{OpticalFlowSessionCreatePrivateDataInfoNV}, Type{_OpticalFlowSessionCreatePrivateDataInfoNV}})) = VkOpticalFlowSessionCreatePrivateDataInfoNV core_type(@nospecialize(_::Union{Type{VkOpticalFlowExecuteInfoNV}, Type{OpticalFlowExecuteInfoNV}, Type{_OpticalFlowExecuteInfoNV}})) = VkOpticalFlowExecuteInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFaultFeaturesEXT}, Type{PhysicalDeviceFaultFeaturesEXT}, Type{_PhysicalDeviceFaultFeaturesEXT}})) = VkPhysicalDeviceFaultFeaturesEXT core_type(@nospecialize(_::Union{Type{VkDeviceFaultAddressInfoEXT}, Type{DeviceFaultAddressInfoEXT}, Type{_DeviceFaultAddressInfoEXT}})) = VkDeviceFaultAddressInfoEXT core_type(@nospecialize(_::Union{Type{VkDeviceFaultVendorInfoEXT}, Type{DeviceFaultVendorInfoEXT}, Type{_DeviceFaultVendorInfoEXT}})) = VkDeviceFaultVendorInfoEXT core_type(@nospecialize(_::Union{Type{VkDeviceFaultCountsEXT}, Type{DeviceFaultCountsEXT}, Type{_DeviceFaultCountsEXT}})) = VkDeviceFaultCountsEXT core_type(@nospecialize(_::Union{Type{VkDeviceFaultInfoEXT}, Type{DeviceFaultInfoEXT}, Type{_DeviceFaultInfoEXT}})) = VkDeviceFaultInfoEXT core_type(@nospecialize(_::Union{Type{VkDeviceFaultVendorBinaryHeaderVersionOneEXT}, Type{DeviceFaultVendorBinaryHeaderVersionOneEXT}, Type{_DeviceFaultVendorBinaryHeaderVersionOneEXT}})) = VkDeviceFaultVendorBinaryHeaderVersionOneEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT}, Type{PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT}, Type{_PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT}})) = VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT core_type(@nospecialize(_::Union{Type{VkDecompressMemoryRegionNV}, Type{DecompressMemoryRegionNV}, Type{_DecompressMemoryRegionNV}})) = VkDecompressMemoryRegionNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM}, Type{PhysicalDeviceShaderCoreBuiltinsPropertiesARM}, Type{_PhysicalDeviceShaderCoreBuiltinsPropertiesARM}})) = VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM}, Type{PhysicalDeviceShaderCoreBuiltinsFeaturesARM}, Type{_PhysicalDeviceShaderCoreBuiltinsFeaturesARM}})) = VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM core_type(@nospecialize(_::Union{Type{VkSurfacePresentModeEXT}, Type{SurfacePresentModeEXT}, Type{_SurfacePresentModeEXT}})) = VkSurfacePresentModeEXT core_type(@nospecialize(_::Union{Type{VkSurfacePresentScalingCapabilitiesEXT}, Type{SurfacePresentScalingCapabilitiesEXT}, Type{_SurfacePresentScalingCapabilitiesEXT}})) = VkSurfacePresentScalingCapabilitiesEXT core_type(@nospecialize(_::Union{Type{VkSurfacePresentModeCompatibilityEXT}, Type{SurfacePresentModeCompatibilityEXT}, Type{_SurfacePresentModeCompatibilityEXT}})) = VkSurfacePresentModeCompatibilityEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT}, Type{PhysicalDeviceSwapchainMaintenance1FeaturesEXT}, Type{_PhysicalDeviceSwapchainMaintenance1FeaturesEXT}})) = VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT core_type(@nospecialize(_::Union{Type{VkSwapchainPresentFenceInfoEXT}, Type{SwapchainPresentFenceInfoEXT}, Type{_SwapchainPresentFenceInfoEXT}})) = VkSwapchainPresentFenceInfoEXT core_type(@nospecialize(_::Union{Type{VkSwapchainPresentModesCreateInfoEXT}, Type{SwapchainPresentModesCreateInfoEXT}, Type{_SwapchainPresentModesCreateInfoEXT}})) = VkSwapchainPresentModesCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkSwapchainPresentModeInfoEXT}, Type{SwapchainPresentModeInfoEXT}, Type{_SwapchainPresentModeInfoEXT}})) = VkSwapchainPresentModeInfoEXT core_type(@nospecialize(_::Union{Type{VkSwapchainPresentScalingCreateInfoEXT}, Type{SwapchainPresentScalingCreateInfoEXT}, Type{_SwapchainPresentScalingCreateInfoEXT}})) = VkSwapchainPresentScalingCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkReleaseSwapchainImagesInfoEXT}, Type{ReleaseSwapchainImagesInfoEXT}, Type{_ReleaseSwapchainImagesInfoEXT}})) = VkReleaseSwapchainImagesInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV}, Type{PhysicalDeviceRayTracingInvocationReorderFeaturesNV}, Type{_PhysicalDeviceRayTracingInvocationReorderFeaturesNV}})) = VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV}, Type{PhysicalDeviceRayTracingInvocationReorderPropertiesNV}, Type{_PhysicalDeviceRayTracingInvocationReorderPropertiesNV}})) = VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV core_type(@nospecialize(_::Union{Type{VkDirectDriverLoadingInfoLUNARG}, Type{DirectDriverLoadingInfoLUNARG}, Type{_DirectDriverLoadingInfoLUNARG}})) = VkDirectDriverLoadingInfoLUNARG core_type(@nospecialize(_::Union{Type{VkDirectDriverLoadingListLUNARG}, Type{DirectDriverLoadingListLUNARG}, Type{_DirectDriverLoadingListLUNARG}})) = VkDirectDriverLoadingListLUNARG core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM}, Type{PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM}, Type{_PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM}})) = VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM core_type(@nospecialize(_::Union{Type{VkClearColorValue}, Type{ClearColorValue}, Type{_ClearColorValue}})) = VkClearColorValue core_type(@nospecialize(_::Union{Type{VkClearValue}, Type{ClearValue}, Type{_ClearValue}})) = VkClearValue core_type(@nospecialize(_::Union{Type{VkPerformanceCounterResultKHR}, Type{PerformanceCounterResultKHR}, Type{_PerformanceCounterResultKHR}})) = VkPerformanceCounterResultKHR core_type(@nospecialize(_::Union{Type{VkPerformanceValueDataINTEL}, Type{PerformanceValueDataINTEL}, Type{_PerformanceValueDataINTEL}})) = VkPerformanceValueDataINTEL core_type(@nospecialize(_::Union{Type{VkPipelineExecutableStatisticValueKHR}, Type{PipelineExecutableStatisticValueKHR}, Type{_PipelineExecutableStatisticValueKHR}})) = VkPipelineExecutableStatisticValueKHR core_type(@nospecialize(_::Union{Type{VkDeviceOrHostAddressKHR}, Type{DeviceOrHostAddressKHR}, Type{_DeviceOrHostAddressKHR}})) = VkDeviceOrHostAddressKHR core_type(@nospecialize(_::Union{Type{VkDeviceOrHostAddressConstKHR}, Type{DeviceOrHostAddressConstKHR}, Type{_DeviceOrHostAddressConstKHR}})) = VkDeviceOrHostAddressConstKHR core_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryDataKHR}, Type{AccelerationStructureGeometryDataKHR}, Type{_AccelerationStructureGeometryDataKHR}})) = VkAccelerationStructureGeometryDataKHR core_type(@nospecialize(_::Union{Type{VkDescriptorDataEXT}, Type{DescriptorDataEXT}, Type{_DescriptorDataEXT}})) = VkDescriptorDataEXT core_type(@nospecialize(_::Union{Type{VkAccelerationStructureMotionInstanceDataNV}, Type{AccelerationStructureMotionInstanceDataNV}, Type{_AccelerationStructureMotionInstanceDataNV}})) = VkAccelerationStructureMotionInstanceDataNV intermediate_type(@nospecialize(_::Union{Type{BaseOutStructure}, Type{VkBaseOutStructure}})) = _BaseOutStructure intermediate_type(@nospecialize(_::Union{Type{BaseInStructure}, Type{VkBaseInStructure}})) = _BaseInStructure intermediate_type(@nospecialize(_::Union{Type{Offset2D}, Type{VkOffset2D}})) = _Offset2D intermediate_type(@nospecialize(_::Union{Type{Offset3D}, Type{VkOffset3D}})) = _Offset3D intermediate_type(@nospecialize(_::Union{Type{Extent2D}, Type{VkExtent2D}})) = _Extent2D intermediate_type(@nospecialize(_::Union{Type{Extent3D}, Type{VkExtent3D}})) = _Extent3D intermediate_type(@nospecialize(_::Union{Type{Viewport}, Type{VkViewport}})) = _Viewport intermediate_type(@nospecialize(_::Union{Type{Rect2D}, Type{VkRect2D}})) = _Rect2D intermediate_type(@nospecialize(_::Union{Type{ClearRect}, Type{VkClearRect}})) = _ClearRect intermediate_type(@nospecialize(_::Union{Type{ComponentMapping}, Type{VkComponentMapping}})) = _ComponentMapping intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceProperties}, Type{VkPhysicalDeviceProperties}})) = _PhysicalDeviceProperties intermediate_type(@nospecialize(_::Union{Type{ExtensionProperties}, Type{VkExtensionProperties}})) = _ExtensionProperties intermediate_type(@nospecialize(_::Union{Type{LayerProperties}, Type{VkLayerProperties}})) = _LayerProperties intermediate_type(@nospecialize(_::Union{Type{ApplicationInfo}, Type{VkApplicationInfo}})) = _ApplicationInfo intermediate_type(@nospecialize(_::Union{Type{AllocationCallbacks}, Type{VkAllocationCallbacks}})) = _AllocationCallbacks intermediate_type(@nospecialize(_::Union{Type{DeviceQueueCreateInfo}, Type{VkDeviceQueueCreateInfo}})) = _DeviceQueueCreateInfo intermediate_type(@nospecialize(_::Union{Type{DeviceCreateInfo}, Type{VkDeviceCreateInfo}})) = _DeviceCreateInfo intermediate_type(@nospecialize(_::Union{Type{InstanceCreateInfo}, Type{VkInstanceCreateInfo}})) = _InstanceCreateInfo intermediate_type(@nospecialize(_::Union{Type{QueueFamilyProperties}, Type{VkQueueFamilyProperties}})) = _QueueFamilyProperties intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMemoryProperties}, Type{VkPhysicalDeviceMemoryProperties}})) = _PhysicalDeviceMemoryProperties intermediate_type(@nospecialize(_::Union{Type{MemoryAllocateInfo}, Type{VkMemoryAllocateInfo}})) = _MemoryAllocateInfo intermediate_type(@nospecialize(_::Union{Type{MemoryRequirements}, Type{VkMemoryRequirements}})) = _MemoryRequirements intermediate_type(@nospecialize(_::Union{Type{SparseImageFormatProperties}, Type{VkSparseImageFormatProperties}})) = _SparseImageFormatProperties intermediate_type(@nospecialize(_::Union{Type{SparseImageMemoryRequirements}, Type{VkSparseImageMemoryRequirements}})) = _SparseImageMemoryRequirements intermediate_type(@nospecialize(_::Union{Type{MemoryType}, Type{VkMemoryType}})) = _MemoryType intermediate_type(@nospecialize(_::Union{Type{MemoryHeap}, Type{VkMemoryHeap}})) = _MemoryHeap intermediate_type(@nospecialize(_::Union{Type{MappedMemoryRange}, Type{VkMappedMemoryRange}})) = _MappedMemoryRange intermediate_type(@nospecialize(_::Union{Type{FormatProperties}, Type{VkFormatProperties}})) = _FormatProperties intermediate_type(@nospecialize(_::Union{Type{ImageFormatProperties}, Type{VkImageFormatProperties}})) = _ImageFormatProperties intermediate_type(@nospecialize(_::Union{Type{DescriptorBufferInfo}, Type{VkDescriptorBufferInfo}})) = _DescriptorBufferInfo intermediate_type(@nospecialize(_::Union{Type{DescriptorImageInfo}, Type{VkDescriptorImageInfo}})) = _DescriptorImageInfo intermediate_type(@nospecialize(_::Union{Type{WriteDescriptorSet}, Type{VkWriteDescriptorSet}})) = _WriteDescriptorSet intermediate_type(@nospecialize(_::Union{Type{CopyDescriptorSet}, Type{VkCopyDescriptorSet}})) = _CopyDescriptorSet intermediate_type(@nospecialize(_::Union{Type{BufferCreateInfo}, Type{VkBufferCreateInfo}})) = _BufferCreateInfo intermediate_type(@nospecialize(_::Union{Type{BufferViewCreateInfo}, Type{VkBufferViewCreateInfo}})) = _BufferViewCreateInfo intermediate_type(@nospecialize(_::Union{Type{ImageSubresource}, Type{VkImageSubresource}})) = _ImageSubresource intermediate_type(@nospecialize(_::Union{Type{ImageSubresourceLayers}, Type{VkImageSubresourceLayers}})) = _ImageSubresourceLayers intermediate_type(@nospecialize(_::Union{Type{ImageSubresourceRange}, Type{VkImageSubresourceRange}})) = _ImageSubresourceRange intermediate_type(@nospecialize(_::Union{Type{MemoryBarrier}, Type{VkMemoryBarrier}})) = _MemoryBarrier intermediate_type(@nospecialize(_::Union{Type{BufferMemoryBarrier}, Type{VkBufferMemoryBarrier}})) = _BufferMemoryBarrier intermediate_type(@nospecialize(_::Union{Type{ImageMemoryBarrier}, Type{VkImageMemoryBarrier}})) = _ImageMemoryBarrier intermediate_type(@nospecialize(_::Union{Type{ImageCreateInfo}, Type{VkImageCreateInfo}})) = _ImageCreateInfo intermediate_type(@nospecialize(_::Union{Type{SubresourceLayout}, Type{VkSubresourceLayout}})) = _SubresourceLayout intermediate_type(@nospecialize(_::Union{Type{ImageViewCreateInfo}, Type{VkImageViewCreateInfo}})) = _ImageViewCreateInfo intermediate_type(@nospecialize(_::Union{Type{BufferCopy}, Type{VkBufferCopy}})) = _BufferCopy intermediate_type(@nospecialize(_::Union{Type{SparseMemoryBind}, Type{VkSparseMemoryBind}})) = _SparseMemoryBind intermediate_type(@nospecialize(_::Union{Type{SparseImageMemoryBind}, Type{VkSparseImageMemoryBind}})) = _SparseImageMemoryBind intermediate_type(@nospecialize(_::Union{Type{SparseBufferMemoryBindInfo}, Type{VkSparseBufferMemoryBindInfo}})) = _SparseBufferMemoryBindInfo intermediate_type(@nospecialize(_::Union{Type{SparseImageOpaqueMemoryBindInfo}, Type{VkSparseImageOpaqueMemoryBindInfo}})) = _SparseImageOpaqueMemoryBindInfo intermediate_type(@nospecialize(_::Union{Type{SparseImageMemoryBindInfo}, Type{VkSparseImageMemoryBindInfo}})) = _SparseImageMemoryBindInfo intermediate_type(@nospecialize(_::Union{Type{BindSparseInfo}, Type{VkBindSparseInfo}})) = _BindSparseInfo intermediate_type(@nospecialize(_::Union{Type{ImageCopy}, Type{VkImageCopy}})) = _ImageCopy intermediate_type(@nospecialize(_::Union{Type{ImageBlit}, Type{VkImageBlit}})) = _ImageBlit intermediate_type(@nospecialize(_::Union{Type{BufferImageCopy}, Type{VkBufferImageCopy}})) = _BufferImageCopy intermediate_type(@nospecialize(_::Union{Type{CopyMemoryIndirectCommandNV}, Type{VkCopyMemoryIndirectCommandNV}})) = _CopyMemoryIndirectCommandNV intermediate_type(@nospecialize(_::Union{Type{CopyMemoryToImageIndirectCommandNV}, Type{VkCopyMemoryToImageIndirectCommandNV}})) = _CopyMemoryToImageIndirectCommandNV intermediate_type(@nospecialize(_::Union{Type{ImageResolve}, Type{VkImageResolve}})) = _ImageResolve intermediate_type(@nospecialize(_::Union{Type{ShaderModuleCreateInfo}, Type{VkShaderModuleCreateInfo}})) = _ShaderModuleCreateInfo intermediate_type(@nospecialize(_::Union{Type{DescriptorSetLayoutBinding}, Type{VkDescriptorSetLayoutBinding}})) = _DescriptorSetLayoutBinding intermediate_type(@nospecialize(_::Union{Type{DescriptorSetLayoutCreateInfo}, Type{VkDescriptorSetLayoutCreateInfo}})) = _DescriptorSetLayoutCreateInfo intermediate_type(@nospecialize(_::Union{Type{DescriptorPoolSize}, Type{VkDescriptorPoolSize}})) = _DescriptorPoolSize intermediate_type(@nospecialize(_::Union{Type{DescriptorPoolCreateInfo}, Type{VkDescriptorPoolCreateInfo}})) = _DescriptorPoolCreateInfo intermediate_type(@nospecialize(_::Union{Type{DescriptorSetAllocateInfo}, Type{VkDescriptorSetAllocateInfo}})) = _DescriptorSetAllocateInfo intermediate_type(@nospecialize(_::Union{Type{SpecializationMapEntry}, Type{VkSpecializationMapEntry}})) = _SpecializationMapEntry intermediate_type(@nospecialize(_::Union{Type{SpecializationInfo}, Type{VkSpecializationInfo}})) = _SpecializationInfo intermediate_type(@nospecialize(_::Union{Type{PipelineShaderStageCreateInfo}, Type{VkPipelineShaderStageCreateInfo}})) = _PipelineShaderStageCreateInfo intermediate_type(@nospecialize(_::Union{Type{ComputePipelineCreateInfo}, Type{VkComputePipelineCreateInfo}})) = _ComputePipelineCreateInfo intermediate_type(@nospecialize(_::Union{Type{VertexInputBindingDescription}, Type{VkVertexInputBindingDescription}})) = _VertexInputBindingDescription intermediate_type(@nospecialize(_::Union{Type{VertexInputAttributeDescription}, Type{VkVertexInputAttributeDescription}})) = _VertexInputAttributeDescription intermediate_type(@nospecialize(_::Union{Type{PipelineVertexInputStateCreateInfo}, Type{VkPipelineVertexInputStateCreateInfo}})) = _PipelineVertexInputStateCreateInfo intermediate_type(@nospecialize(_::Union{Type{PipelineInputAssemblyStateCreateInfo}, Type{VkPipelineInputAssemblyStateCreateInfo}})) = _PipelineInputAssemblyStateCreateInfo intermediate_type(@nospecialize(_::Union{Type{PipelineTessellationStateCreateInfo}, Type{VkPipelineTessellationStateCreateInfo}})) = _PipelineTessellationStateCreateInfo intermediate_type(@nospecialize(_::Union{Type{PipelineViewportStateCreateInfo}, Type{VkPipelineViewportStateCreateInfo}})) = _PipelineViewportStateCreateInfo intermediate_type(@nospecialize(_::Union{Type{PipelineRasterizationStateCreateInfo}, Type{VkPipelineRasterizationStateCreateInfo}})) = _PipelineRasterizationStateCreateInfo intermediate_type(@nospecialize(_::Union{Type{PipelineMultisampleStateCreateInfo}, Type{VkPipelineMultisampleStateCreateInfo}})) = _PipelineMultisampleStateCreateInfo intermediate_type(@nospecialize(_::Union{Type{PipelineColorBlendAttachmentState}, Type{VkPipelineColorBlendAttachmentState}})) = _PipelineColorBlendAttachmentState intermediate_type(@nospecialize(_::Union{Type{PipelineColorBlendStateCreateInfo}, Type{VkPipelineColorBlendStateCreateInfo}})) = _PipelineColorBlendStateCreateInfo intermediate_type(@nospecialize(_::Union{Type{PipelineDynamicStateCreateInfo}, Type{VkPipelineDynamicStateCreateInfo}})) = _PipelineDynamicStateCreateInfo intermediate_type(@nospecialize(_::Union{Type{StencilOpState}, Type{VkStencilOpState}})) = _StencilOpState intermediate_type(@nospecialize(_::Union{Type{PipelineDepthStencilStateCreateInfo}, Type{VkPipelineDepthStencilStateCreateInfo}})) = _PipelineDepthStencilStateCreateInfo intermediate_type(@nospecialize(_::Union{Type{GraphicsPipelineCreateInfo}, Type{VkGraphicsPipelineCreateInfo}})) = _GraphicsPipelineCreateInfo intermediate_type(@nospecialize(_::Union{Type{PipelineCacheCreateInfo}, Type{VkPipelineCacheCreateInfo}})) = _PipelineCacheCreateInfo intermediate_type(@nospecialize(_::Union{Type{PipelineCacheHeaderVersionOne}, Type{VkPipelineCacheHeaderVersionOne}})) = _PipelineCacheHeaderVersionOne intermediate_type(@nospecialize(_::Union{Type{PushConstantRange}, Type{VkPushConstantRange}})) = _PushConstantRange intermediate_type(@nospecialize(_::Union{Type{PipelineLayoutCreateInfo}, Type{VkPipelineLayoutCreateInfo}})) = _PipelineLayoutCreateInfo intermediate_type(@nospecialize(_::Union{Type{SamplerCreateInfo}, Type{VkSamplerCreateInfo}})) = _SamplerCreateInfo intermediate_type(@nospecialize(_::Union{Type{CommandPoolCreateInfo}, Type{VkCommandPoolCreateInfo}})) = _CommandPoolCreateInfo intermediate_type(@nospecialize(_::Union{Type{CommandBufferAllocateInfo}, Type{VkCommandBufferAllocateInfo}})) = _CommandBufferAllocateInfo intermediate_type(@nospecialize(_::Union{Type{CommandBufferInheritanceInfo}, Type{VkCommandBufferInheritanceInfo}})) = _CommandBufferInheritanceInfo intermediate_type(@nospecialize(_::Union{Type{CommandBufferBeginInfo}, Type{VkCommandBufferBeginInfo}})) = _CommandBufferBeginInfo intermediate_type(@nospecialize(_::Union{Type{RenderPassBeginInfo}, Type{VkRenderPassBeginInfo}})) = _RenderPassBeginInfo intermediate_type(@nospecialize(_::Union{Type{ClearDepthStencilValue}, Type{VkClearDepthStencilValue}})) = _ClearDepthStencilValue intermediate_type(@nospecialize(_::Union{Type{ClearAttachment}, Type{VkClearAttachment}})) = _ClearAttachment intermediate_type(@nospecialize(_::Union{Type{AttachmentDescription}, Type{VkAttachmentDescription}})) = _AttachmentDescription intermediate_type(@nospecialize(_::Union{Type{AttachmentReference}, Type{VkAttachmentReference}})) = _AttachmentReference intermediate_type(@nospecialize(_::Union{Type{SubpassDescription}, Type{VkSubpassDescription}})) = _SubpassDescription intermediate_type(@nospecialize(_::Union{Type{SubpassDependency}, Type{VkSubpassDependency}})) = _SubpassDependency intermediate_type(@nospecialize(_::Union{Type{RenderPassCreateInfo}, Type{VkRenderPassCreateInfo}})) = _RenderPassCreateInfo intermediate_type(@nospecialize(_::Union{Type{EventCreateInfo}, Type{VkEventCreateInfo}})) = _EventCreateInfo intermediate_type(@nospecialize(_::Union{Type{FenceCreateInfo}, Type{VkFenceCreateInfo}})) = _FenceCreateInfo intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFeatures}, Type{VkPhysicalDeviceFeatures}})) = _PhysicalDeviceFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSparseProperties}, Type{VkPhysicalDeviceSparseProperties}})) = _PhysicalDeviceSparseProperties intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceLimits}, Type{VkPhysicalDeviceLimits}})) = _PhysicalDeviceLimits intermediate_type(@nospecialize(_::Union{Type{SemaphoreCreateInfo}, Type{VkSemaphoreCreateInfo}})) = _SemaphoreCreateInfo intermediate_type(@nospecialize(_::Union{Type{QueryPoolCreateInfo}, Type{VkQueryPoolCreateInfo}})) = _QueryPoolCreateInfo intermediate_type(@nospecialize(_::Union{Type{FramebufferCreateInfo}, Type{VkFramebufferCreateInfo}})) = _FramebufferCreateInfo intermediate_type(@nospecialize(_::Union{Type{DrawIndirectCommand}, Type{VkDrawIndirectCommand}})) = _DrawIndirectCommand intermediate_type(@nospecialize(_::Union{Type{DrawIndexedIndirectCommand}, Type{VkDrawIndexedIndirectCommand}})) = _DrawIndexedIndirectCommand intermediate_type(@nospecialize(_::Union{Type{DispatchIndirectCommand}, Type{VkDispatchIndirectCommand}})) = _DispatchIndirectCommand intermediate_type(@nospecialize(_::Union{Type{MultiDrawInfoEXT}, Type{VkMultiDrawInfoEXT}})) = _MultiDrawInfoEXT intermediate_type(@nospecialize(_::Union{Type{MultiDrawIndexedInfoEXT}, Type{VkMultiDrawIndexedInfoEXT}})) = _MultiDrawIndexedInfoEXT intermediate_type(@nospecialize(_::Union{Type{SubmitInfo}, Type{VkSubmitInfo}})) = _SubmitInfo intermediate_type(@nospecialize(_::Union{Type{DisplayPropertiesKHR}, Type{VkDisplayPropertiesKHR}})) = _DisplayPropertiesKHR intermediate_type(@nospecialize(_::Union{Type{DisplayPlanePropertiesKHR}, Type{VkDisplayPlanePropertiesKHR}})) = _DisplayPlanePropertiesKHR intermediate_type(@nospecialize(_::Union{Type{DisplayModeParametersKHR}, Type{VkDisplayModeParametersKHR}})) = _DisplayModeParametersKHR intermediate_type(@nospecialize(_::Union{Type{DisplayModePropertiesKHR}, Type{VkDisplayModePropertiesKHR}})) = _DisplayModePropertiesKHR intermediate_type(@nospecialize(_::Union{Type{DisplayModeCreateInfoKHR}, Type{VkDisplayModeCreateInfoKHR}})) = _DisplayModeCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{DisplayPlaneCapabilitiesKHR}, Type{VkDisplayPlaneCapabilitiesKHR}})) = _DisplayPlaneCapabilitiesKHR intermediate_type(@nospecialize(_::Union{Type{DisplaySurfaceCreateInfoKHR}, Type{VkDisplaySurfaceCreateInfoKHR}})) = _DisplaySurfaceCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{DisplayPresentInfoKHR}, Type{VkDisplayPresentInfoKHR}})) = _DisplayPresentInfoKHR intermediate_type(@nospecialize(_::Union{Type{SurfaceCapabilitiesKHR}, Type{VkSurfaceCapabilitiesKHR}})) = _SurfaceCapabilitiesKHR intermediate_type(@nospecialize(_::Union{Type{SurfaceFormatKHR}, Type{VkSurfaceFormatKHR}})) = _SurfaceFormatKHR intermediate_type(@nospecialize(_::Union{Type{SwapchainCreateInfoKHR}, Type{VkSwapchainCreateInfoKHR}})) = _SwapchainCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{PresentInfoKHR}, Type{VkPresentInfoKHR}})) = _PresentInfoKHR intermediate_type(@nospecialize(_::Union{Type{DebugReportCallbackCreateInfoEXT}, Type{VkDebugReportCallbackCreateInfoEXT}})) = _DebugReportCallbackCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{ValidationFlagsEXT}, Type{VkValidationFlagsEXT}})) = _ValidationFlagsEXT intermediate_type(@nospecialize(_::Union{Type{ValidationFeaturesEXT}, Type{VkValidationFeaturesEXT}})) = _ValidationFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PipelineRasterizationStateRasterizationOrderAMD}, Type{VkPipelineRasterizationStateRasterizationOrderAMD}})) = _PipelineRasterizationStateRasterizationOrderAMD intermediate_type(@nospecialize(_::Union{Type{DebugMarkerObjectNameInfoEXT}, Type{VkDebugMarkerObjectNameInfoEXT}})) = _DebugMarkerObjectNameInfoEXT intermediate_type(@nospecialize(_::Union{Type{DebugMarkerObjectTagInfoEXT}, Type{VkDebugMarkerObjectTagInfoEXT}})) = _DebugMarkerObjectTagInfoEXT intermediate_type(@nospecialize(_::Union{Type{DebugMarkerMarkerInfoEXT}, Type{VkDebugMarkerMarkerInfoEXT}})) = _DebugMarkerMarkerInfoEXT intermediate_type(@nospecialize(_::Union{Type{DedicatedAllocationImageCreateInfoNV}, Type{VkDedicatedAllocationImageCreateInfoNV}})) = _DedicatedAllocationImageCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{DedicatedAllocationBufferCreateInfoNV}, Type{VkDedicatedAllocationBufferCreateInfoNV}})) = _DedicatedAllocationBufferCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{DedicatedAllocationMemoryAllocateInfoNV}, Type{VkDedicatedAllocationMemoryAllocateInfoNV}})) = _DedicatedAllocationMemoryAllocateInfoNV intermediate_type(@nospecialize(_::Union{Type{ExternalImageFormatPropertiesNV}, Type{VkExternalImageFormatPropertiesNV}})) = _ExternalImageFormatPropertiesNV intermediate_type(@nospecialize(_::Union{Type{ExternalMemoryImageCreateInfoNV}, Type{VkExternalMemoryImageCreateInfoNV}})) = _ExternalMemoryImageCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{ExportMemoryAllocateInfoNV}, Type{VkExportMemoryAllocateInfoNV}})) = _ExportMemoryAllocateInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDeviceGeneratedCommandsFeaturesNV}, Type{VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV}})) = _PhysicalDeviceDeviceGeneratedCommandsFeaturesNV intermediate_type(@nospecialize(_::Union{Type{DevicePrivateDataCreateInfo}, Type{VkDevicePrivateDataCreateInfo}})) = _DevicePrivateDataCreateInfo intermediate_type(@nospecialize(_::Union{Type{PrivateDataSlotCreateInfo}, Type{VkPrivateDataSlotCreateInfo}})) = _PrivateDataSlotCreateInfo intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePrivateDataFeatures}, Type{VkPhysicalDevicePrivateDataFeatures}})) = _PhysicalDevicePrivateDataFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDeviceGeneratedCommandsPropertiesNV}, Type{VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV}})) = _PhysicalDeviceDeviceGeneratedCommandsPropertiesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMultiDrawPropertiesEXT}, Type{VkPhysicalDeviceMultiDrawPropertiesEXT}})) = _PhysicalDeviceMultiDrawPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{GraphicsShaderGroupCreateInfoNV}, Type{VkGraphicsShaderGroupCreateInfoNV}})) = _GraphicsShaderGroupCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{GraphicsPipelineShaderGroupsCreateInfoNV}, Type{VkGraphicsPipelineShaderGroupsCreateInfoNV}})) = _GraphicsPipelineShaderGroupsCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{BindShaderGroupIndirectCommandNV}, Type{VkBindShaderGroupIndirectCommandNV}})) = _BindShaderGroupIndirectCommandNV intermediate_type(@nospecialize(_::Union{Type{BindIndexBufferIndirectCommandNV}, Type{VkBindIndexBufferIndirectCommandNV}})) = _BindIndexBufferIndirectCommandNV intermediate_type(@nospecialize(_::Union{Type{BindVertexBufferIndirectCommandNV}, Type{VkBindVertexBufferIndirectCommandNV}})) = _BindVertexBufferIndirectCommandNV intermediate_type(@nospecialize(_::Union{Type{SetStateFlagsIndirectCommandNV}, Type{VkSetStateFlagsIndirectCommandNV}})) = _SetStateFlagsIndirectCommandNV intermediate_type(@nospecialize(_::Union{Type{IndirectCommandsStreamNV}, Type{VkIndirectCommandsStreamNV}})) = _IndirectCommandsStreamNV intermediate_type(@nospecialize(_::Union{Type{IndirectCommandsLayoutTokenNV}, Type{VkIndirectCommandsLayoutTokenNV}})) = _IndirectCommandsLayoutTokenNV intermediate_type(@nospecialize(_::Union{Type{IndirectCommandsLayoutCreateInfoNV}, Type{VkIndirectCommandsLayoutCreateInfoNV}})) = _IndirectCommandsLayoutCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{GeneratedCommandsInfoNV}, Type{VkGeneratedCommandsInfoNV}})) = _GeneratedCommandsInfoNV intermediate_type(@nospecialize(_::Union{Type{GeneratedCommandsMemoryRequirementsInfoNV}, Type{VkGeneratedCommandsMemoryRequirementsInfoNV}})) = _GeneratedCommandsMemoryRequirementsInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFeatures2}, Type{VkPhysicalDeviceFeatures2}})) = _PhysicalDeviceFeatures2 intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceProperties2}, Type{VkPhysicalDeviceProperties2}})) = _PhysicalDeviceProperties2 intermediate_type(@nospecialize(_::Union{Type{FormatProperties2}, Type{VkFormatProperties2}})) = _FormatProperties2 intermediate_type(@nospecialize(_::Union{Type{ImageFormatProperties2}, Type{VkImageFormatProperties2}})) = _ImageFormatProperties2 intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceImageFormatInfo2}, Type{VkPhysicalDeviceImageFormatInfo2}})) = _PhysicalDeviceImageFormatInfo2 intermediate_type(@nospecialize(_::Union{Type{QueueFamilyProperties2}, Type{VkQueueFamilyProperties2}})) = _QueueFamilyProperties2 intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMemoryProperties2}, Type{VkPhysicalDeviceMemoryProperties2}})) = _PhysicalDeviceMemoryProperties2 intermediate_type(@nospecialize(_::Union{Type{SparseImageFormatProperties2}, Type{VkSparseImageFormatProperties2}})) = _SparseImageFormatProperties2 intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSparseImageFormatInfo2}, Type{VkPhysicalDeviceSparseImageFormatInfo2}})) = _PhysicalDeviceSparseImageFormatInfo2 intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePushDescriptorPropertiesKHR}, Type{VkPhysicalDevicePushDescriptorPropertiesKHR}})) = _PhysicalDevicePushDescriptorPropertiesKHR intermediate_type(@nospecialize(_::Union{Type{ConformanceVersion}, Type{VkConformanceVersion}})) = _ConformanceVersion intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDriverProperties}, Type{VkPhysicalDeviceDriverProperties}})) = _PhysicalDeviceDriverProperties intermediate_type(@nospecialize(_::Union{Type{PresentRegionsKHR}, Type{VkPresentRegionsKHR}})) = _PresentRegionsKHR intermediate_type(@nospecialize(_::Union{Type{PresentRegionKHR}, Type{VkPresentRegionKHR}})) = _PresentRegionKHR intermediate_type(@nospecialize(_::Union{Type{RectLayerKHR}, Type{VkRectLayerKHR}})) = _RectLayerKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceVariablePointersFeatures}, Type{VkPhysicalDeviceVariablePointersFeatures}})) = _PhysicalDeviceVariablePointersFeatures intermediate_type(@nospecialize(_::Union{Type{ExternalMemoryProperties}, Type{VkExternalMemoryProperties}})) = _ExternalMemoryProperties intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceExternalImageFormatInfo}, Type{VkPhysicalDeviceExternalImageFormatInfo}})) = _PhysicalDeviceExternalImageFormatInfo intermediate_type(@nospecialize(_::Union{Type{ExternalImageFormatProperties}, Type{VkExternalImageFormatProperties}})) = _ExternalImageFormatProperties intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceExternalBufferInfo}, Type{VkPhysicalDeviceExternalBufferInfo}})) = _PhysicalDeviceExternalBufferInfo intermediate_type(@nospecialize(_::Union{Type{ExternalBufferProperties}, Type{VkExternalBufferProperties}})) = _ExternalBufferProperties intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceIDProperties}, Type{VkPhysicalDeviceIDProperties}})) = _PhysicalDeviceIDProperties intermediate_type(@nospecialize(_::Union{Type{ExternalMemoryImageCreateInfo}, Type{VkExternalMemoryImageCreateInfo}})) = _ExternalMemoryImageCreateInfo intermediate_type(@nospecialize(_::Union{Type{ExternalMemoryBufferCreateInfo}, Type{VkExternalMemoryBufferCreateInfo}})) = _ExternalMemoryBufferCreateInfo intermediate_type(@nospecialize(_::Union{Type{ExportMemoryAllocateInfo}, Type{VkExportMemoryAllocateInfo}})) = _ExportMemoryAllocateInfo intermediate_type(@nospecialize(_::Union{Type{ImportMemoryFdInfoKHR}, Type{VkImportMemoryFdInfoKHR}})) = _ImportMemoryFdInfoKHR intermediate_type(@nospecialize(_::Union{Type{MemoryFdPropertiesKHR}, Type{VkMemoryFdPropertiesKHR}})) = _MemoryFdPropertiesKHR intermediate_type(@nospecialize(_::Union{Type{MemoryGetFdInfoKHR}, Type{VkMemoryGetFdInfoKHR}})) = _MemoryGetFdInfoKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceExternalSemaphoreInfo}, Type{VkPhysicalDeviceExternalSemaphoreInfo}})) = _PhysicalDeviceExternalSemaphoreInfo intermediate_type(@nospecialize(_::Union{Type{ExternalSemaphoreProperties}, Type{VkExternalSemaphoreProperties}})) = _ExternalSemaphoreProperties intermediate_type(@nospecialize(_::Union{Type{ExportSemaphoreCreateInfo}, Type{VkExportSemaphoreCreateInfo}})) = _ExportSemaphoreCreateInfo intermediate_type(@nospecialize(_::Union{Type{ImportSemaphoreFdInfoKHR}, Type{VkImportSemaphoreFdInfoKHR}})) = _ImportSemaphoreFdInfoKHR intermediate_type(@nospecialize(_::Union{Type{SemaphoreGetFdInfoKHR}, Type{VkSemaphoreGetFdInfoKHR}})) = _SemaphoreGetFdInfoKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceExternalFenceInfo}, Type{VkPhysicalDeviceExternalFenceInfo}})) = _PhysicalDeviceExternalFenceInfo intermediate_type(@nospecialize(_::Union{Type{ExternalFenceProperties}, Type{VkExternalFenceProperties}})) = _ExternalFenceProperties intermediate_type(@nospecialize(_::Union{Type{ExportFenceCreateInfo}, Type{VkExportFenceCreateInfo}})) = _ExportFenceCreateInfo intermediate_type(@nospecialize(_::Union{Type{ImportFenceFdInfoKHR}, Type{VkImportFenceFdInfoKHR}})) = _ImportFenceFdInfoKHR intermediate_type(@nospecialize(_::Union{Type{FenceGetFdInfoKHR}, Type{VkFenceGetFdInfoKHR}})) = _FenceGetFdInfoKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMultiviewFeatures}, Type{VkPhysicalDeviceMultiviewFeatures}})) = _PhysicalDeviceMultiviewFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMultiviewProperties}, Type{VkPhysicalDeviceMultiviewProperties}})) = _PhysicalDeviceMultiviewProperties intermediate_type(@nospecialize(_::Union{Type{RenderPassMultiviewCreateInfo}, Type{VkRenderPassMultiviewCreateInfo}})) = _RenderPassMultiviewCreateInfo intermediate_type(@nospecialize(_::Union{Type{SurfaceCapabilities2EXT}, Type{VkSurfaceCapabilities2EXT}})) = _SurfaceCapabilities2EXT intermediate_type(@nospecialize(_::Union{Type{DisplayPowerInfoEXT}, Type{VkDisplayPowerInfoEXT}})) = _DisplayPowerInfoEXT intermediate_type(@nospecialize(_::Union{Type{DeviceEventInfoEXT}, Type{VkDeviceEventInfoEXT}})) = _DeviceEventInfoEXT intermediate_type(@nospecialize(_::Union{Type{DisplayEventInfoEXT}, Type{VkDisplayEventInfoEXT}})) = _DisplayEventInfoEXT intermediate_type(@nospecialize(_::Union{Type{SwapchainCounterCreateInfoEXT}, Type{VkSwapchainCounterCreateInfoEXT}})) = _SwapchainCounterCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceGroupProperties}, Type{VkPhysicalDeviceGroupProperties}})) = _PhysicalDeviceGroupProperties intermediate_type(@nospecialize(_::Union{Type{MemoryAllocateFlagsInfo}, Type{VkMemoryAllocateFlagsInfo}})) = _MemoryAllocateFlagsInfo intermediate_type(@nospecialize(_::Union{Type{BindBufferMemoryInfo}, Type{VkBindBufferMemoryInfo}})) = _BindBufferMemoryInfo intermediate_type(@nospecialize(_::Union{Type{BindBufferMemoryDeviceGroupInfo}, Type{VkBindBufferMemoryDeviceGroupInfo}})) = _BindBufferMemoryDeviceGroupInfo intermediate_type(@nospecialize(_::Union{Type{BindImageMemoryInfo}, Type{VkBindImageMemoryInfo}})) = _BindImageMemoryInfo intermediate_type(@nospecialize(_::Union{Type{BindImageMemoryDeviceGroupInfo}, Type{VkBindImageMemoryDeviceGroupInfo}})) = _BindImageMemoryDeviceGroupInfo intermediate_type(@nospecialize(_::Union{Type{DeviceGroupRenderPassBeginInfo}, Type{VkDeviceGroupRenderPassBeginInfo}})) = _DeviceGroupRenderPassBeginInfo intermediate_type(@nospecialize(_::Union{Type{DeviceGroupCommandBufferBeginInfo}, Type{VkDeviceGroupCommandBufferBeginInfo}})) = _DeviceGroupCommandBufferBeginInfo intermediate_type(@nospecialize(_::Union{Type{DeviceGroupSubmitInfo}, Type{VkDeviceGroupSubmitInfo}})) = _DeviceGroupSubmitInfo intermediate_type(@nospecialize(_::Union{Type{DeviceGroupBindSparseInfo}, Type{VkDeviceGroupBindSparseInfo}})) = _DeviceGroupBindSparseInfo intermediate_type(@nospecialize(_::Union{Type{DeviceGroupPresentCapabilitiesKHR}, Type{VkDeviceGroupPresentCapabilitiesKHR}})) = _DeviceGroupPresentCapabilitiesKHR intermediate_type(@nospecialize(_::Union{Type{ImageSwapchainCreateInfoKHR}, Type{VkImageSwapchainCreateInfoKHR}})) = _ImageSwapchainCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{BindImageMemorySwapchainInfoKHR}, Type{VkBindImageMemorySwapchainInfoKHR}})) = _BindImageMemorySwapchainInfoKHR intermediate_type(@nospecialize(_::Union{Type{AcquireNextImageInfoKHR}, Type{VkAcquireNextImageInfoKHR}})) = _AcquireNextImageInfoKHR intermediate_type(@nospecialize(_::Union{Type{DeviceGroupPresentInfoKHR}, Type{VkDeviceGroupPresentInfoKHR}})) = _DeviceGroupPresentInfoKHR intermediate_type(@nospecialize(_::Union{Type{DeviceGroupDeviceCreateInfo}, Type{VkDeviceGroupDeviceCreateInfo}})) = _DeviceGroupDeviceCreateInfo intermediate_type(@nospecialize(_::Union{Type{DeviceGroupSwapchainCreateInfoKHR}, Type{VkDeviceGroupSwapchainCreateInfoKHR}})) = _DeviceGroupSwapchainCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{DescriptorUpdateTemplateEntry}, Type{VkDescriptorUpdateTemplateEntry}})) = _DescriptorUpdateTemplateEntry intermediate_type(@nospecialize(_::Union{Type{DescriptorUpdateTemplateCreateInfo}, Type{VkDescriptorUpdateTemplateCreateInfo}})) = _DescriptorUpdateTemplateCreateInfo intermediate_type(@nospecialize(_::Union{Type{XYColorEXT}, Type{VkXYColorEXT}})) = _XYColorEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePresentIdFeaturesKHR}, Type{VkPhysicalDevicePresentIdFeaturesKHR}})) = _PhysicalDevicePresentIdFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{PresentIdKHR}, Type{VkPresentIdKHR}})) = _PresentIdKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePresentWaitFeaturesKHR}, Type{VkPhysicalDevicePresentWaitFeaturesKHR}})) = _PhysicalDevicePresentWaitFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{HdrMetadataEXT}, Type{VkHdrMetadataEXT}})) = _HdrMetadataEXT intermediate_type(@nospecialize(_::Union{Type{DisplayNativeHdrSurfaceCapabilitiesAMD}, Type{VkDisplayNativeHdrSurfaceCapabilitiesAMD}})) = _DisplayNativeHdrSurfaceCapabilitiesAMD intermediate_type(@nospecialize(_::Union{Type{SwapchainDisplayNativeHdrCreateInfoAMD}, Type{VkSwapchainDisplayNativeHdrCreateInfoAMD}})) = _SwapchainDisplayNativeHdrCreateInfoAMD intermediate_type(@nospecialize(_::Union{Type{RefreshCycleDurationGOOGLE}, Type{VkRefreshCycleDurationGOOGLE}})) = _RefreshCycleDurationGOOGLE intermediate_type(@nospecialize(_::Union{Type{PastPresentationTimingGOOGLE}, Type{VkPastPresentationTimingGOOGLE}})) = _PastPresentationTimingGOOGLE intermediate_type(@nospecialize(_::Union{Type{PresentTimesInfoGOOGLE}, Type{VkPresentTimesInfoGOOGLE}})) = _PresentTimesInfoGOOGLE intermediate_type(@nospecialize(_::Union{Type{PresentTimeGOOGLE}, Type{VkPresentTimeGOOGLE}})) = _PresentTimeGOOGLE intermediate_type(@nospecialize(_::Union{Type{MacOSSurfaceCreateInfoMVK}, Type{VkMacOSSurfaceCreateInfoMVK}})) = _MacOSSurfaceCreateInfoMVK intermediate_type(@nospecialize(_::Union{Type{MetalSurfaceCreateInfoEXT}, Type{VkMetalSurfaceCreateInfoEXT}})) = _MetalSurfaceCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{ViewportWScalingNV}, Type{VkViewportWScalingNV}})) = _ViewportWScalingNV intermediate_type(@nospecialize(_::Union{Type{PipelineViewportWScalingStateCreateInfoNV}, Type{VkPipelineViewportWScalingStateCreateInfoNV}})) = _PipelineViewportWScalingStateCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{ViewportSwizzleNV}, Type{VkViewportSwizzleNV}})) = _ViewportSwizzleNV intermediate_type(@nospecialize(_::Union{Type{PipelineViewportSwizzleStateCreateInfoNV}, Type{VkPipelineViewportSwizzleStateCreateInfoNV}})) = _PipelineViewportSwizzleStateCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDiscardRectanglePropertiesEXT}, Type{VkPhysicalDeviceDiscardRectanglePropertiesEXT}})) = _PhysicalDeviceDiscardRectanglePropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PipelineDiscardRectangleStateCreateInfoEXT}, Type{VkPipelineDiscardRectangleStateCreateInfoEXT}})) = _PipelineDiscardRectangleStateCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX}, Type{VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX}})) = _PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX intermediate_type(@nospecialize(_::Union{Type{InputAttachmentAspectReference}, Type{VkInputAttachmentAspectReference}})) = _InputAttachmentAspectReference intermediate_type(@nospecialize(_::Union{Type{RenderPassInputAttachmentAspectCreateInfo}, Type{VkRenderPassInputAttachmentAspectCreateInfo}})) = _RenderPassInputAttachmentAspectCreateInfo intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSurfaceInfo2KHR}, Type{VkPhysicalDeviceSurfaceInfo2KHR}})) = _PhysicalDeviceSurfaceInfo2KHR intermediate_type(@nospecialize(_::Union{Type{SurfaceCapabilities2KHR}, Type{VkSurfaceCapabilities2KHR}})) = _SurfaceCapabilities2KHR intermediate_type(@nospecialize(_::Union{Type{SurfaceFormat2KHR}, Type{VkSurfaceFormat2KHR}})) = _SurfaceFormat2KHR intermediate_type(@nospecialize(_::Union{Type{DisplayProperties2KHR}, Type{VkDisplayProperties2KHR}})) = _DisplayProperties2KHR intermediate_type(@nospecialize(_::Union{Type{DisplayPlaneProperties2KHR}, Type{VkDisplayPlaneProperties2KHR}})) = _DisplayPlaneProperties2KHR intermediate_type(@nospecialize(_::Union{Type{DisplayModeProperties2KHR}, Type{VkDisplayModeProperties2KHR}})) = _DisplayModeProperties2KHR intermediate_type(@nospecialize(_::Union{Type{DisplayPlaneInfo2KHR}, Type{VkDisplayPlaneInfo2KHR}})) = _DisplayPlaneInfo2KHR intermediate_type(@nospecialize(_::Union{Type{DisplayPlaneCapabilities2KHR}, Type{VkDisplayPlaneCapabilities2KHR}})) = _DisplayPlaneCapabilities2KHR intermediate_type(@nospecialize(_::Union{Type{SharedPresentSurfaceCapabilitiesKHR}, Type{VkSharedPresentSurfaceCapabilitiesKHR}})) = _SharedPresentSurfaceCapabilitiesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDevice16BitStorageFeatures}, Type{VkPhysicalDevice16BitStorageFeatures}})) = _PhysicalDevice16BitStorageFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSubgroupProperties}, Type{VkPhysicalDeviceSubgroupProperties}})) = _PhysicalDeviceSubgroupProperties intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderSubgroupExtendedTypesFeatures}, Type{VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures}})) = _PhysicalDeviceShaderSubgroupExtendedTypesFeatures intermediate_type(@nospecialize(_::Union{Type{BufferMemoryRequirementsInfo2}, Type{VkBufferMemoryRequirementsInfo2}})) = _BufferMemoryRequirementsInfo2 intermediate_type(@nospecialize(_::Union{Type{DeviceBufferMemoryRequirements}, Type{VkDeviceBufferMemoryRequirements}})) = _DeviceBufferMemoryRequirements intermediate_type(@nospecialize(_::Union{Type{ImageMemoryRequirementsInfo2}, Type{VkImageMemoryRequirementsInfo2}})) = _ImageMemoryRequirementsInfo2 intermediate_type(@nospecialize(_::Union{Type{ImageSparseMemoryRequirementsInfo2}, Type{VkImageSparseMemoryRequirementsInfo2}})) = _ImageSparseMemoryRequirementsInfo2 intermediate_type(@nospecialize(_::Union{Type{DeviceImageMemoryRequirements}, Type{VkDeviceImageMemoryRequirements}})) = _DeviceImageMemoryRequirements intermediate_type(@nospecialize(_::Union{Type{MemoryRequirements2}, Type{VkMemoryRequirements2}})) = _MemoryRequirements2 intermediate_type(@nospecialize(_::Union{Type{SparseImageMemoryRequirements2}, Type{VkSparseImageMemoryRequirements2}})) = _SparseImageMemoryRequirements2 intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePointClippingProperties}, Type{VkPhysicalDevicePointClippingProperties}})) = _PhysicalDevicePointClippingProperties intermediate_type(@nospecialize(_::Union{Type{MemoryDedicatedRequirements}, Type{VkMemoryDedicatedRequirements}})) = _MemoryDedicatedRequirements intermediate_type(@nospecialize(_::Union{Type{MemoryDedicatedAllocateInfo}, Type{VkMemoryDedicatedAllocateInfo}})) = _MemoryDedicatedAllocateInfo intermediate_type(@nospecialize(_::Union{Type{ImageViewUsageCreateInfo}, Type{VkImageViewUsageCreateInfo}})) = _ImageViewUsageCreateInfo intermediate_type(@nospecialize(_::Union{Type{PipelineTessellationDomainOriginStateCreateInfo}, Type{VkPipelineTessellationDomainOriginStateCreateInfo}})) = _PipelineTessellationDomainOriginStateCreateInfo intermediate_type(@nospecialize(_::Union{Type{SamplerYcbcrConversionInfo}, Type{VkSamplerYcbcrConversionInfo}})) = _SamplerYcbcrConversionInfo intermediate_type(@nospecialize(_::Union{Type{SamplerYcbcrConversionCreateInfo}, Type{VkSamplerYcbcrConversionCreateInfo}})) = _SamplerYcbcrConversionCreateInfo intermediate_type(@nospecialize(_::Union{Type{BindImagePlaneMemoryInfo}, Type{VkBindImagePlaneMemoryInfo}})) = _BindImagePlaneMemoryInfo intermediate_type(@nospecialize(_::Union{Type{ImagePlaneMemoryRequirementsInfo}, Type{VkImagePlaneMemoryRequirementsInfo}})) = _ImagePlaneMemoryRequirementsInfo intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSamplerYcbcrConversionFeatures}, Type{VkPhysicalDeviceSamplerYcbcrConversionFeatures}})) = _PhysicalDeviceSamplerYcbcrConversionFeatures intermediate_type(@nospecialize(_::Union{Type{SamplerYcbcrConversionImageFormatProperties}, Type{VkSamplerYcbcrConversionImageFormatProperties}})) = _SamplerYcbcrConversionImageFormatProperties intermediate_type(@nospecialize(_::Union{Type{TextureLODGatherFormatPropertiesAMD}, Type{VkTextureLODGatherFormatPropertiesAMD}})) = _TextureLODGatherFormatPropertiesAMD intermediate_type(@nospecialize(_::Union{Type{ConditionalRenderingBeginInfoEXT}, Type{VkConditionalRenderingBeginInfoEXT}})) = _ConditionalRenderingBeginInfoEXT intermediate_type(@nospecialize(_::Union{Type{ProtectedSubmitInfo}, Type{VkProtectedSubmitInfo}})) = _ProtectedSubmitInfo intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceProtectedMemoryFeatures}, Type{VkPhysicalDeviceProtectedMemoryFeatures}})) = _PhysicalDeviceProtectedMemoryFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceProtectedMemoryProperties}, Type{VkPhysicalDeviceProtectedMemoryProperties}})) = _PhysicalDeviceProtectedMemoryProperties intermediate_type(@nospecialize(_::Union{Type{DeviceQueueInfo2}, Type{VkDeviceQueueInfo2}})) = _DeviceQueueInfo2 intermediate_type(@nospecialize(_::Union{Type{PipelineCoverageToColorStateCreateInfoNV}, Type{VkPipelineCoverageToColorStateCreateInfoNV}})) = _PipelineCoverageToColorStateCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSamplerFilterMinmaxProperties}, Type{VkPhysicalDeviceSamplerFilterMinmaxProperties}})) = _PhysicalDeviceSamplerFilterMinmaxProperties intermediate_type(@nospecialize(_::Union{Type{SampleLocationEXT}, Type{VkSampleLocationEXT}})) = _SampleLocationEXT intermediate_type(@nospecialize(_::Union{Type{SampleLocationsInfoEXT}, Type{VkSampleLocationsInfoEXT}})) = _SampleLocationsInfoEXT intermediate_type(@nospecialize(_::Union{Type{AttachmentSampleLocationsEXT}, Type{VkAttachmentSampleLocationsEXT}})) = _AttachmentSampleLocationsEXT intermediate_type(@nospecialize(_::Union{Type{SubpassSampleLocationsEXT}, Type{VkSubpassSampleLocationsEXT}})) = _SubpassSampleLocationsEXT intermediate_type(@nospecialize(_::Union{Type{RenderPassSampleLocationsBeginInfoEXT}, Type{VkRenderPassSampleLocationsBeginInfoEXT}})) = _RenderPassSampleLocationsBeginInfoEXT intermediate_type(@nospecialize(_::Union{Type{PipelineSampleLocationsStateCreateInfoEXT}, Type{VkPipelineSampleLocationsStateCreateInfoEXT}})) = _PipelineSampleLocationsStateCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSampleLocationsPropertiesEXT}, Type{VkPhysicalDeviceSampleLocationsPropertiesEXT}})) = _PhysicalDeviceSampleLocationsPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{MultisamplePropertiesEXT}, Type{VkMultisamplePropertiesEXT}})) = _MultisamplePropertiesEXT intermediate_type(@nospecialize(_::Union{Type{SamplerReductionModeCreateInfo}, Type{VkSamplerReductionModeCreateInfo}})) = _SamplerReductionModeCreateInfo intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceBlendOperationAdvancedFeaturesEXT}, Type{VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT}})) = _PhysicalDeviceBlendOperationAdvancedFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMultiDrawFeaturesEXT}, Type{VkPhysicalDeviceMultiDrawFeaturesEXT}})) = _PhysicalDeviceMultiDrawFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceBlendOperationAdvancedPropertiesEXT}, Type{VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT}})) = _PhysicalDeviceBlendOperationAdvancedPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PipelineColorBlendAdvancedStateCreateInfoEXT}, Type{VkPipelineColorBlendAdvancedStateCreateInfoEXT}})) = _PipelineColorBlendAdvancedStateCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceInlineUniformBlockFeatures}, Type{VkPhysicalDeviceInlineUniformBlockFeatures}})) = _PhysicalDeviceInlineUniformBlockFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceInlineUniformBlockProperties}, Type{VkPhysicalDeviceInlineUniformBlockProperties}})) = _PhysicalDeviceInlineUniformBlockProperties intermediate_type(@nospecialize(_::Union{Type{WriteDescriptorSetInlineUniformBlock}, Type{VkWriteDescriptorSetInlineUniformBlock}})) = _WriteDescriptorSetInlineUniformBlock intermediate_type(@nospecialize(_::Union{Type{DescriptorPoolInlineUniformBlockCreateInfo}, Type{VkDescriptorPoolInlineUniformBlockCreateInfo}})) = _DescriptorPoolInlineUniformBlockCreateInfo intermediate_type(@nospecialize(_::Union{Type{PipelineCoverageModulationStateCreateInfoNV}, Type{VkPipelineCoverageModulationStateCreateInfoNV}})) = _PipelineCoverageModulationStateCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{ImageFormatListCreateInfo}, Type{VkImageFormatListCreateInfo}})) = _ImageFormatListCreateInfo intermediate_type(@nospecialize(_::Union{Type{ValidationCacheCreateInfoEXT}, Type{VkValidationCacheCreateInfoEXT}})) = _ValidationCacheCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{ShaderModuleValidationCacheCreateInfoEXT}, Type{VkShaderModuleValidationCacheCreateInfoEXT}})) = _ShaderModuleValidationCacheCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMaintenance3Properties}, Type{VkPhysicalDeviceMaintenance3Properties}})) = _PhysicalDeviceMaintenance3Properties intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMaintenance4Features}, Type{VkPhysicalDeviceMaintenance4Features}})) = _PhysicalDeviceMaintenance4Features intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMaintenance4Properties}, Type{VkPhysicalDeviceMaintenance4Properties}})) = _PhysicalDeviceMaintenance4Properties intermediate_type(@nospecialize(_::Union{Type{DescriptorSetLayoutSupport}, Type{VkDescriptorSetLayoutSupport}})) = _DescriptorSetLayoutSupport intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderDrawParametersFeatures}, Type{VkPhysicalDeviceShaderDrawParametersFeatures}})) = _PhysicalDeviceShaderDrawParametersFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderFloat16Int8Features}, Type{VkPhysicalDeviceShaderFloat16Int8Features}})) = _PhysicalDeviceShaderFloat16Int8Features intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFloatControlsProperties}, Type{VkPhysicalDeviceFloatControlsProperties}})) = _PhysicalDeviceFloatControlsProperties intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceHostQueryResetFeatures}, Type{VkPhysicalDeviceHostQueryResetFeatures}})) = _PhysicalDeviceHostQueryResetFeatures intermediate_type(@nospecialize(_::Union{Type{ShaderResourceUsageAMD}, Type{VkShaderResourceUsageAMD}})) = _ShaderResourceUsageAMD intermediate_type(@nospecialize(_::Union{Type{ShaderStatisticsInfoAMD}, Type{VkShaderStatisticsInfoAMD}})) = _ShaderStatisticsInfoAMD intermediate_type(@nospecialize(_::Union{Type{DeviceQueueGlobalPriorityCreateInfoKHR}, Type{VkDeviceQueueGlobalPriorityCreateInfoKHR}})) = _DeviceQueueGlobalPriorityCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceGlobalPriorityQueryFeaturesKHR}, Type{VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR}})) = _PhysicalDeviceGlobalPriorityQueryFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{QueueFamilyGlobalPriorityPropertiesKHR}, Type{VkQueueFamilyGlobalPriorityPropertiesKHR}})) = _QueueFamilyGlobalPriorityPropertiesKHR intermediate_type(@nospecialize(_::Union{Type{DebugUtilsObjectNameInfoEXT}, Type{VkDebugUtilsObjectNameInfoEXT}})) = _DebugUtilsObjectNameInfoEXT intermediate_type(@nospecialize(_::Union{Type{DebugUtilsObjectTagInfoEXT}, Type{VkDebugUtilsObjectTagInfoEXT}})) = _DebugUtilsObjectTagInfoEXT intermediate_type(@nospecialize(_::Union{Type{DebugUtilsLabelEXT}, Type{VkDebugUtilsLabelEXT}})) = _DebugUtilsLabelEXT intermediate_type(@nospecialize(_::Union{Type{DebugUtilsMessengerCreateInfoEXT}, Type{VkDebugUtilsMessengerCreateInfoEXT}})) = _DebugUtilsMessengerCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{DebugUtilsMessengerCallbackDataEXT}, Type{VkDebugUtilsMessengerCallbackDataEXT}})) = _DebugUtilsMessengerCallbackDataEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDeviceMemoryReportFeaturesEXT}, Type{VkPhysicalDeviceDeviceMemoryReportFeaturesEXT}})) = _PhysicalDeviceDeviceMemoryReportFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{DeviceDeviceMemoryReportCreateInfoEXT}, Type{VkDeviceDeviceMemoryReportCreateInfoEXT}})) = _DeviceDeviceMemoryReportCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{DeviceMemoryReportCallbackDataEXT}, Type{VkDeviceMemoryReportCallbackDataEXT}})) = _DeviceMemoryReportCallbackDataEXT intermediate_type(@nospecialize(_::Union{Type{ImportMemoryHostPointerInfoEXT}, Type{VkImportMemoryHostPointerInfoEXT}})) = _ImportMemoryHostPointerInfoEXT intermediate_type(@nospecialize(_::Union{Type{MemoryHostPointerPropertiesEXT}, Type{VkMemoryHostPointerPropertiesEXT}})) = _MemoryHostPointerPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceExternalMemoryHostPropertiesEXT}, Type{VkPhysicalDeviceExternalMemoryHostPropertiesEXT}})) = _PhysicalDeviceExternalMemoryHostPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceConservativeRasterizationPropertiesEXT}, Type{VkPhysicalDeviceConservativeRasterizationPropertiesEXT}})) = _PhysicalDeviceConservativeRasterizationPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{CalibratedTimestampInfoEXT}, Type{VkCalibratedTimestampInfoEXT}})) = _CalibratedTimestampInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderCorePropertiesAMD}, Type{VkPhysicalDeviceShaderCorePropertiesAMD}})) = _PhysicalDeviceShaderCorePropertiesAMD intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderCoreProperties2AMD}, Type{VkPhysicalDeviceShaderCoreProperties2AMD}})) = _PhysicalDeviceShaderCoreProperties2AMD intermediate_type(@nospecialize(_::Union{Type{PipelineRasterizationConservativeStateCreateInfoEXT}, Type{VkPipelineRasterizationConservativeStateCreateInfoEXT}})) = _PipelineRasterizationConservativeStateCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDescriptorIndexingFeatures}, Type{VkPhysicalDeviceDescriptorIndexingFeatures}})) = _PhysicalDeviceDescriptorIndexingFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDescriptorIndexingProperties}, Type{VkPhysicalDeviceDescriptorIndexingProperties}})) = _PhysicalDeviceDescriptorIndexingProperties intermediate_type(@nospecialize(_::Union{Type{DescriptorSetLayoutBindingFlagsCreateInfo}, Type{VkDescriptorSetLayoutBindingFlagsCreateInfo}})) = _DescriptorSetLayoutBindingFlagsCreateInfo intermediate_type(@nospecialize(_::Union{Type{DescriptorSetVariableDescriptorCountAllocateInfo}, Type{VkDescriptorSetVariableDescriptorCountAllocateInfo}})) = _DescriptorSetVariableDescriptorCountAllocateInfo intermediate_type(@nospecialize(_::Union{Type{DescriptorSetVariableDescriptorCountLayoutSupport}, Type{VkDescriptorSetVariableDescriptorCountLayoutSupport}})) = _DescriptorSetVariableDescriptorCountLayoutSupport intermediate_type(@nospecialize(_::Union{Type{AttachmentDescription2}, Type{VkAttachmentDescription2}})) = _AttachmentDescription2 intermediate_type(@nospecialize(_::Union{Type{AttachmentReference2}, Type{VkAttachmentReference2}})) = _AttachmentReference2 intermediate_type(@nospecialize(_::Union{Type{SubpassDescription2}, Type{VkSubpassDescription2}})) = _SubpassDescription2 intermediate_type(@nospecialize(_::Union{Type{SubpassDependency2}, Type{VkSubpassDependency2}})) = _SubpassDependency2 intermediate_type(@nospecialize(_::Union{Type{RenderPassCreateInfo2}, Type{VkRenderPassCreateInfo2}})) = _RenderPassCreateInfo2 intermediate_type(@nospecialize(_::Union{Type{SubpassBeginInfo}, Type{VkSubpassBeginInfo}})) = _SubpassBeginInfo intermediate_type(@nospecialize(_::Union{Type{SubpassEndInfo}, Type{VkSubpassEndInfo}})) = _SubpassEndInfo intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceTimelineSemaphoreFeatures}, Type{VkPhysicalDeviceTimelineSemaphoreFeatures}})) = _PhysicalDeviceTimelineSemaphoreFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceTimelineSemaphoreProperties}, Type{VkPhysicalDeviceTimelineSemaphoreProperties}})) = _PhysicalDeviceTimelineSemaphoreProperties intermediate_type(@nospecialize(_::Union{Type{SemaphoreTypeCreateInfo}, Type{VkSemaphoreTypeCreateInfo}})) = _SemaphoreTypeCreateInfo intermediate_type(@nospecialize(_::Union{Type{TimelineSemaphoreSubmitInfo}, Type{VkTimelineSemaphoreSubmitInfo}})) = _TimelineSemaphoreSubmitInfo intermediate_type(@nospecialize(_::Union{Type{SemaphoreWaitInfo}, Type{VkSemaphoreWaitInfo}})) = _SemaphoreWaitInfo intermediate_type(@nospecialize(_::Union{Type{SemaphoreSignalInfo}, Type{VkSemaphoreSignalInfo}})) = _SemaphoreSignalInfo intermediate_type(@nospecialize(_::Union{Type{VertexInputBindingDivisorDescriptionEXT}, Type{VkVertexInputBindingDivisorDescriptionEXT}})) = _VertexInputBindingDivisorDescriptionEXT intermediate_type(@nospecialize(_::Union{Type{PipelineVertexInputDivisorStateCreateInfoEXT}, Type{VkPipelineVertexInputDivisorStateCreateInfoEXT}})) = _PipelineVertexInputDivisorStateCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceVertexAttributeDivisorPropertiesEXT}, Type{VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT}})) = _PhysicalDeviceVertexAttributeDivisorPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePCIBusInfoPropertiesEXT}, Type{VkPhysicalDevicePCIBusInfoPropertiesEXT}})) = _PhysicalDevicePCIBusInfoPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{CommandBufferInheritanceConditionalRenderingInfoEXT}, Type{VkCommandBufferInheritanceConditionalRenderingInfoEXT}})) = _CommandBufferInheritanceConditionalRenderingInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDevice8BitStorageFeatures}, Type{VkPhysicalDevice8BitStorageFeatures}})) = _PhysicalDevice8BitStorageFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceConditionalRenderingFeaturesEXT}, Type{VkPhysicalDeviceConditionalRenderingFeaturesEXT}})) = _PhysicalDeviceConditionalRenderingFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceVulkanMemoryModelFeatures}, Type{VkPhysicalDeviceVulkanMemoryModelFeatures}})) = _PhysicalDeviceVulkanMemoryModelFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderAtomicInt64Features}, Type{VkPhysicalDeviceShaderAtomicInt64Features}})) = _PhysicalDeviceShaderAtomicInt64Features intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderAtomicFloatFeaturesEXT}, Type{VkPhysicalDeviceShaderAtomicFloatFeaturesEXT}})) = _PhysicalDeviceShaderAtomicFloatFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderAtomicFloat2FeaturesEXT}, Type{VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT}})) = _PhysicalDeviceShaderAtomicFloat2FeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceVertexAttributeDivisorFeaturesEXT}, Type{VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT}})) = _PhysicalDeviceVertexAttributeDivisorFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{QueueFamilyCheckpointPropertiesNV}, Type{VkQueueFamilyCheckpointPropertiesNV}})) = _QueueFamilyCheckpointPropertiesNV intermediate_type(@nospecialize(_::Union{Type{CheckpointDataNV}, Type{VkCheckpointDataNV}})) = _CheckpointDataNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDepthStencilResolveProperties}, Type{VkPhysicalDeviceDepthStencilResolveProperties}})) = _PhysicalDeviceDepthStencilResolveProperties intermediate_type(@nospecialize(_::Union{Type{SubpassDescriptionDepthStencilResolve}, Type{VkSubpassDescriptionDepthStencilResolve}})) = _SubpassDescriptionDepthStencilResolve intermediate_type(@nospecialize(_::Union{Type{ImageViewASTCDecodeModeEXT}, Type{VkImageViewASTCDecodeModeEXT}})) = _ImageViewASTCDecodeModeEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceASTCDecodeFeaturesEXT}, Type{VkPhysicalDeviceASTCDecodeFeaturesEXT}})) = _PhysicalDeviceASTCDecodeFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceTransformFeedbackFeaturesEXT}, Type{VkPhysicalDeviceTransformFeedbackFeaturesEXT}})) = _PhysicalDeviceTransformFeedbackFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceTransformFeedbackPropertiesEXT}, Type{VkPhysicalDeviceTransformFeedbackPropertiesEXT}})) = _PhysicalDeviceTransformFeedbackPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PipelineRasterizationStateStreamCreateInfoEXT}, Type{VkPipelineRasterizationStateStreamCreateInfoEXT}})) = _PipelineRasterizationStateStreamCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRepresentativeFragmentTestFeaturesNV}, Type{VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV}})) = _PhysicalDeviceRepresentativeFragmentTestFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PipelineRepresentativeFragmentTestStateCreateInfoNV}, Type{VkPipelineRepresentativeFragmentTestStateCreateInfoNV}})) = _PipelineRepresentativeFragmentTestStateCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceExclusiveScissorFeaturesNV}, Type{VkPhysicalDeviceExclusiveScissorFeaturesNV}})) = _PhysicalDeviceExclusiveScissorFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PipelineViewportExclusiveScissorStateCreateInfoNV}, Type{VkPipelineViewportExclusiveScissorStateCreateInfoNV}})) = _PipelineViewportExclusiveScissorStateCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceCornerSampledImageFeaturesNV}, Type{VkPhysicalDeviceCornerSampledImageFeaturesNV}})) = _PhysicalDeviceCornerSampledImageFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceComputeShaderDerivativesFeaturesNV}, Type{VkPhysicalDeviceComputeShaderDerivativesFeaturesNV}})) = _PhysicalDeviceComputeShaderDerivativesFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderImageFootprintFeaturesNV}, Type{VkPhysicalDeviceShaderImageFootprintFeaturesNV}})) = _PhysicalDeviceShaderImageFootprintFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV}, Type{VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV}})) = _PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceCopyMemoryIndirectFeaturesNV}, Type{VkPhysicalDeviceCopyMemoryIndirectFeaturesNV}})) = _PhysicalDeviceCopyMemoryIndirectFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceCopyMemoryIndirectPropertiesNV}, Type{VkPhysicalDeviceCopyMemoryIndirectPropertiesNV}})) = _PhysicalDeviceCopyMemoryIndirectPropertiesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMemoryDecompressionFeaturesNV}, Type{VkPhysicalDeviceMemoryDecompressionFeaturesNV}})) = _PhysicalDeviceMemoryDecompressionFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMemoryDecompressionPropertiesNV}, Type{VkPhysicalDeviceMemoryDecompressionPropertiesNV}})) = _PhysicalDeviceMemoryDecompressionPropertiesNV intermediate_type(@nospecialize(_::Union{Type{ShadingRatePaletteNV}, Type{VkShadingRatePaletteNV}})) = _ShadingRatePaletteNV intermediate_type(@nospecialize(_::Union{Type{PipelineViewportShadingRateImageStateCreateInfoNV}, Type{VkPipelineViewportShadingRateImageStateCreateInfoNV}})) = _PipelineViewportShadingRateImageStateCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShadingRateImageFeaturesNV}, Type{VkPhysicalDeviceShadingRateImageFeaturesNV}})) = _PhysicalDeviceShadingRateImageFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShadingRateImagePropertiesNV}, Type{VkPhysicalDeviceShadingRateImagePropertiesNV}})) = _PhysicalDeviceShadingRateImagePropertiesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceInvocationMaskFeaturesHUAWEI}, Type{VkPhysicalDeviceInvocationMaskFeaturesHUAWEI}})) = _PhysicalDeviceInvocationMaskFeaturesHUAWEI intermediate_type(@nospecialize(_::Union{Type{CoarseSampleLocationNV}, Type{VkCoarseSampleLocationNV}})) = _CoarseSampleLocationNV intermediate_type(@nospecialize(_::Union{Type{CoarseSampleOrderCustomNV}, Type{VkCoarseSampleOrderCustomNV}})) = _CoarseSampleOrderCustomNV intermediate_type(@nospecialize(_::Union{Type{PipelineViewportCoarseSampleOrderStateCreateInfoNV}, Type{VkPipelineViewportCoarseSampleOrderStateCreateInfoNV}})) = _PipelineViewportCoarseSampleOrderStateCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMeshShaderFeaturesNV}, Type{VkPhysicalDeviceMeshShaderFeaturesNV}})) = _PhysicalDeviceMeshShaderFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMeshShaderPropertiesNV}, Type{VkPhysicalDeviceMeshShaderPropertiesNV}})) = _PhysicalDeviceMeshShaderPropertiesNV intermediate_type(@nospecialize(_::Union{Type{DrawMeshTasksIndirectCommandNV}, Type{VkDrawMeshTasksIndirectCommandNV}})) = _DrawMeshTasksIndirectCommandNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMeshShaderFeaturesEXT}, Type{VkPhysicalDeviceMeshShaderFeaturesEXT}})) = _PhysicalDeviceMeshShaderFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMeshShaderPropertiesEXT}, Type{VkPhysicalDeviceMeshShaderPropertiesEXT}})) = _PhysicalDeviceMeshShaderPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{DrawMeshTasksIndirectCommandEXT}, Type{VkDrawMeshTasksIndirectCommandEXT}})) = _DrawMeshTasksIndirectCommandEXT intermediate_type(@nospecialize(_::Union{Type{RayTracingShaderGroupCreateInfoNV}, Type{VkRayTracingShaderGroupCreateInfoNV}})) = _RayTracingShaderGroupCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{RayTracingShaderGroupCreateInfoKHR}, Type{VkRayTracingShaderGroupCreateInfoKHR}})) = _RayTracingShaderGroupCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{RayTracingPipelineCreateInfoNV}, Type{VkRayTracingPipelineCreateInfoNV}})) = _RayTracingPipelineCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{RayTracingPipelineCreateInfoKHR}, Type{VkRayTracingPipelineCreateInfoKHR}})) = _RayTracingPipelineCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{GeometryTrianglesNV}, Type{VkGeometryTrianglesNV}})) = _GeometryTrianglesNV intermediate_type(@nospecialize(_::Union{Type{GeometryAABBNV}, Type{VkGeometryAABBNV}})) = _GeometryAABBNV intermediate_type(@nospecialize(_::Union{Type{GeometryDataNV}, Type{VkGeometryDataNV}})) = _GeometryDataNV intermediate_type(@nospecialize(_::Union{Type{GeometryNV}, Type{VkGeometryNV}})) = _GeometryNV intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureInfoNV}, Type{VkAccelerationStructureInfoNV}})) = _AccelerationStructureInfoNV intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureCreateInfoNV}, Type{VkAccelerationStructureCreateInfoNV}})) = _AccelerationStructureCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{BindAccelerationStructureMemoryInfoNV}, Type{VkBindAccelerationStructureMemoryInfoNV}})) = _BindAccelerationStructureMemoryInfoNV intermediate_type(@nospecialize(_::Union{Type{WriteDescriptorSetAccelerationStructureKHR}, Type{VkWriteDescriptorSetAccelerationStructureKHR}})) = _WriteDescriptorSetAccelerationStructureKHR intermediate_type(@nospecialize(_::Union{Type{WriteDescriptorSetAccelerationStructureNV}, Type{VkWriteDescriptorSetAccelerationStructureNV}})) = _WriteDescriptorSetAccelerationStructureNV intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureMemoryRequirementsInfoNV}, Type{VkAccelerationStructureMemoryRequirementsInfoNV}})) = _AccelerationStructureMemoryRequirementsInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceAccelerationStructureFeaturesKHR}, Type{VkPhysicalDeviceAccelerationStructureFeaturesKHR}})) = _PhysicalDeviceAccelerationStructureFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRayTracingPipelineFeaturesKHR}, Type{VkPhysicalDeviceRayTracingPipelineFeaturesKHR}})) = _PhysicalDeviceRayTracingPipelineFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRayQueryFeaturesKHR}, Type{VkPhysicalDeviceRayQueryFeaturesKHR}})) = _PhysicalDeviceRayQueryFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceAccelerationStructurePropertiesKHR}, Type{VkPhysicalDeviceAccelerationStructurePropertiesKHR}})) = _PhysicalDeviceAccelerationStructurePropertiesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRayTracingPipelinePropertiesKHR}, Type{VkPhysicalDeviceRayTracingPipelinePropertiesKHR}})) = _PhysicalDeviceRayTracingPipelinePropertiesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRayTracingPropertiesNV}, Type{VkPhysicalDeviceRayTracingPropertiesNV}})) = _PhysicalDeviceRayTracingPropertiesNV intermediate_type(@nospecialize(_::Union{Type{StridedDeviceAddressRegionKHR}, Type{VkStridedDeviceAddressRegionKHR}})) = _StridedDeviceAddressRegionKHR intermediate_type(@nospecialize(_::Union{Type{TraceRaysIndirectCommandKHR}, Type{VkTraceRaysIndirectCommandKHR}})) = _TraceRaysIndirectCommandKHR intermediate_type(@nospecialize(_::Union{Type{TraceRaysIndirectCommand2KHR}, Type{VkTraceRaysIndirectCommand2KHR}})) = _TraceRaysIndirectCommand2KHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRayTracingMaintenance1FeaturesKHR}, Type{VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR}})) = _PhysicalDeviceRayTracingMaintenance1FeaturesKHR intermediate_type(@nospecialize(_::Union{Type{DrmFormatModifierPropertiesListEXT}, Type{VkDrmFormatModifierPropertiesListEXT}})) = _DrmFormatModifierPropertiesListEXT intermediate_type(@nospecialize(_::Union{Type{DrmFormatModifierPropertiesEXT}, Type{VkDrmFormatModifierPropertiesEXT}})) = _DrmFormatModifierPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceImageDrmFormatModifierInfoEXT}, Type{VkPhysicalDeviceImageDrmFormatModifierInfoEXT}})) = _PhysicalDeviceImageDrmFormatModifierInfoEXT intermediate_type(@nospecialize(_::Union{Type{ImageDrmFormatModifierListCreateInfoEXT}, Type{VkImageDrmFormatModifierListCreateInfoEXT}})) = _ImageDrmFormatModifierListCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{ImageDrmFormatModifierExplicitCreateInfoEXT}, Type{VkImageDrmFormatModifierExplicitCreateInfoEXT}})) = _ImageDrmFormatModifierExplicitCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{ImageDrmFormatModifierPropertiesEXT}, Type{VkImageDrmFormatModifierPropertiesEXT}})) = _ImageDrmFormatModifierPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{ImageStencilUsageCreateInfo}, Type{VkImageStencilUsageCreateInfo}})) = _ImageStencilUsageCreateInfo intermediate_type(@nospecialize(_::Union{Type{DeviceMemoryOverallocationCreateInfoAMD}, Type{VkDeviceMemoryOverallocationCreateInfoAMD}})) = _DeviceMemoryOverallocationCreateInfoAMD intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentDensityMapFeaturesEXT}, Type{VkPhysicalDeviceFragmentDensityMapFeaturesEXT}})) = _PhysicalDeviceFragmentDensityMapFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentDensityMap2FeaturesEXT}, Type{VkPhysicalDeviceFragmentDensityMap2FeaturesEXT}})) = _PhysicalDeviceFragmentDensityMap2FeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM}, Type{VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM}})) = _PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentDensityMapPropertiesEXT}, Type{VkPhysicalDeviceFragmentDensityMapPropertiesEXT}})) = _PhysicalDeviceFragmentDensityMapPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentDensityMap2PropertiesEXT}, Type{VkPhysicalDeviceFragmentDensityMap2PropertiesEXT}})) = _PhysicalDeviceFragmentDensityMap2PropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM}, Type{VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM}})) = _PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM intermediate_type(@nospecialize(_::Union{Type{RenderPassFragmentDensityMapCreateInfoEXT}, Type{VkRenderPassFragmentDensityMapCreateInfoEXT}})) = _RenderPassFragmentDensityMapCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{SubpassFragmentDensityMapOffsetEndInfoQCOM}, Type{VkSubpassFragmentDensityMapOffsetEndInfoQCOM}})) = _SubpassFragmentDensityMapOffsetEndInfoQCOM intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceScalarBlockLayoutFeatures}, Type{VkPhysicalDeviceScalarBlockLayoutFeatures}})) = _PhysicalDeviceScalarBlockLayoutFeatures intermediate_type(@nospecialize(_::Union{Type{SurfaceProtectedCapabilitiesKHR}, Type{VkSurfaceProtectedCapabilitiesKHR}})) = _SurfaceProtectedCapabilitiesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceUniformBufferStandardLayoutFeatures}, Type{VkPhysicalDeviceUniformBufferStandardLayoutFeatures}})) = _PhysicalDeviceUniformBufferStandardLayoutFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDepthClipEnableFeaturesEXT}, Type{VkPhysicalDeviceDepthClipEnableFeaturesEXT}})) = _PhysicalDeviceDepthClipEnableFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PipelineRasterizationDepthClipStateCreateInfoEXT}, Type{VkPipelineRasterizationDepthClipStateCreateInfoEXT}})) = _PipelineRasterizationDepthClipStateCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMemoryBudgetPropertiesEXT}, Type{VkPhysicalDeviceMemoryBudgetPropertiesEXT}})) = _PhysicalDeviceMemoryBudgetPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMemoryPriorityFeaturesEXT}, Type{VkPhysicalDeviceMemoryPriorityFeaturesEXT}})) = _PhysicalDeviceMemoryPriorityFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{MemoryPriorityAllocateInfoEXT}, Type{VkMemoryPriorityAllocateInfoEXT}})) = _MemoryPriorityAllocateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT}, Type{VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT}})) = _PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceBufferDeviceAddressFeatures}, Type{VkPhysicalDeviceBufferDeviceAddressFeatures}})) = _PhysicalDeviceBufferDeviceAddressFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceBufferDeviceAddressFeaturesEXT}, Type{VkPhysicalDeviceBufferDeviceAddressFeaturesEXT}})) = _PhysicalDeviceBufferDeviceAddressFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{BufferDeviceAddressInfo}, Type{VkBufferDeviceAddressInfo}})) = _BufferDeviceAddressInfo intermediate_type(@nospecialize(_::Union{Type{BufferOpaqueCaptureAddressCreateInfo}, Type{VkBufferOpaqueCaptureAddressCreateInfo}})) = _BufferOpaqueCaptureAddressCreateInfo intermediate_type(@nospecialize(_::Union{Type{BufferDeviceAddressCreateInfoEXT}, Type{VkBufferDeviceAddressCreateInfoEXT}})) = _BufferDeviceAddressCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceImageViewImageFormatInfoEXT}, Type{VkPhysicalDeviceImageViewImageFormatInfoEXT}})) = _PhysicalDeviceImageViewImageFormatInfoEXT intermediate_type(@nospecialize(_::Union{Type{FilterCubicImageViewImageFormatPropertiesEXT}, Type{VkFilterCubicImageViewImageFormatPropertiesEXT}})) = _FilterCubicImageViewImageFormatPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceImagelessFramebufferFeatures}, Type{VkPhysicalDeviceImagelessFramebufferFeatures}})) = _PhysicalDeviceImagelessFramebufferFeatures intermediate_type(@nospecialize(_::Union{Type{FramebufferAttachmentsCreateInfo}, Type{VkFramebufferAttachmentsCreateInfo}})) = _FramebufferAttachmentsCreateInfo intermediate_type(@nospecialize(_::Union{Type{FramebufferAttachmentImageInfo}, Type{VkFramebufferAttachmentImageInfo}})) = _FramebufferAttachmentImageInfo intermediate_type(@nospecialize(_::Union{Type{RenderPassAttachmentBeginInfo}, Type{VkRenderPassAttachmentBeginInfo}})) = _RenderPassAttachmentBeginInfo intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceTextureCompressionASTCHDRFeatures}, Type{VkPhysicalDeviceTextureCompressionASTCHDRFeatures}})) = _PhysicalDeviceTextureCompressionASTCHDRFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceCooperativeMatrixFeaturesNV}, Type{VkPhysicalDeviceCooperativeMatrixFeaturesNV}})) = _PhysicalDeviceCooperativeMatrixFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceCooperativeMatrixPropertiesNV}, Type{VkPhysicalDeviceCooperativeMatrixPropertiesNV}})) = _PhysicalDeviceCooperativeMatrixPropertiesNV intermediate_type(@nospecialize(_::Union{Type{CooperativeMatrixPropertiesNV}, Type{VkCooperativeMatrixPropertiesNV}})) = _CooperativeMatrixPropertiesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceYcbcrImageArraysFeaturesEXT}, Type{VkPhysicalDeviceYcbcrImageArraysFeaturesEXT}})) = _PhysicalDeviceYcbcrImageArraysFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{ImageViewHandleInfoNVX}, Type{VkImageViewHandleInfoNVX}})) = _ImageViewHandleInfoNVX intermediate_type(@nospecialize(_::Union{Type{ImageViewAddressPropertiesNVX}, Type{VkImageViewAddressPropertiesNVX}})) = _ImageViewAddressPropertiesNVX intermediate_type(@nospecialize(_::Union{Type{PipelineCreationFeedback}, Type{VkPipelineCreationFeedback}})) = _PipelineCreationFeedback intermediate_type(@nospecialize(_::Union{Type{PipelineCreationFeedbackCreateInfo}, Type{VkPipelineCreationFeedbackCreateInfo}})) = _PipelineCreationFeedbackCreateInfo intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePresentBarrierFeaturesNV}, Type{VkPhysicalDevicePresentBarrierFeaturesNV}})) = _PhysicalDevicePresentBarrierFeaturesNV intermediate_type(@nospecialize(_::Union{Type{SurfaceCapabilitiesPresentBarrierNV}, Type{VkSurfaceCapabilitiesPresentBarrierNV}})) = _SurfaceCapabilitiesPresentBarrierNV intermediate_type(@nospecialize(_::Union{Type{SwapchainPresentBarrierCreateInfoNV}, Type{VkSwapchainPresentBarrierCreateInfoNV}})) = _SwapchainPresentBarrierCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePerformanceQueryFeaturesKHR}, Type{VkPhysicalDevicePerformanceQueryFeaturesKHR}})) = _PhysicalDevicePerformanceQueryFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePerformanceQueryPropertiesKHR}, Type{VkPhysicalDevicePerformanceQueryPropertiesKHR}})) = _PhysicalDevicePerformanceQueryPropertiesKHR intermediate_type(@nospecialize(_::Union{Type{PerformanceCounterKHR}, Type{VkPerformanceCounterKHR}})) = _PerformanceCounterKHR intermediate_type(@nospecialize(_::Union{Type{PerformanceCounterDescriptionKHR}, Type{VkPerformanceCounterDescriptionKHR}})) = _PerformanceCounterDescriptionKHR intermediate_type(@nospecialize(_::Union{Type{QueryPoolPerformanceCreateInfoKHR}, Type{VkQueryPoolPerformanceCreateInfoKHR}})) = _QueryPoolPerformanceCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{AcquireProfilingLockInfoKHR}, Type{VkAcquireProfilingLockInfoKHR}})) = _AcquireProfilingLockInfoKHR intermediate_type(@nospecialize(_::Union{Type{PerformanceQuerySubmitInfoKHR}, Type{VkPerformanceQuerySubmitInfoKHR}})) = _PerformanceQuerySubmitInfoKHR intermediate_type(@nospecialize(_::Union{Type{HeadlessSurfaceCreateInfoEXT}, Type{VkHeadlessSurfaceCreateInfoEXT}})) = _HeadlessSurfaceCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceCoverageReductionModeFeaturesNV}, Type{VkPhysicalDeviceCoverageReductionModeFeaturesNV}})) = _PhysicalDeviceCoverageReductionModeFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PipelineCoverageReductionStateCreateInfoNV}, Type{VkPipelineCoverageReductionStateCreateInfoNV}})) = _PipelineCoverageReductionStateCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{FramebufferMixedSamplesCombinationNV}, Type{VkFramebufferMixedSamplesCombinationNV}})) = _FramebufferMixedSamplesCombinationNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL}, Type{VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL}})) = _PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL intermediate_type(@nospecialize(_::Union{Type{PerformanceValueINTEL}, Type{VkPerformanceValueINTEL}})) = _PerformanceValueINTEL intermediate_type(@nospecialize(_::Union{Type{InitializePerformanceApiInfoINTEL}, Type{VkInitializePerformanceApiInfoINTEL}})) = _InitializePerformanceApiInfoINTEL intermediate_type(@nospecialize(_::Union{Type{QueryPoolPerformanceQueryCreateInfoINTEL}, Type{VkQueryPoolPerformanceQueryCreateInfoINTEL}})) = _QueryPoolPerformanceQueryCreateInfoINTEL intermediate_type(@nospecialize(_::Union{Type{PerformanceMarkerInfoINTEL}, Type{VkPerformanceMarkerInfoINTEL}})) = _PerformanceMarkerInfoINTEL intermediate_type(@nospecialize(_::Union{Type{PerformanceStreamMarkerInfoINTEL}, Type{VkPerformanceStreamMarkerInfoINTEL}})) = _PerformanceStreamMarkerInfoINTEL intermediate_type(@nospecialize(_::Union{Type{PerformanceOverrideInfoINTEL}, Type{VkPerformanceOverrideInfoINTEL}})) = _PerformanceOverrideInfoINTEL intermediate_type(@nospecialize(_::Union{Type{PerformanceConfigurationAcquireInfoINTEL}, Type{VkPerformanceConfigurationAcquireInfoINTEL}})) = _PerformanceConfigurationAcquireInfoINTEL intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderClockFeaturesKHR}, Type{VkPhysicalDeviceShaderClockFeaturesKHR}})) = _PhysicalDeviceShaderClockFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceIndexTypeUint8FeaturesEXT}, Type{VkPhysicalDeviceIndexTypeUint8FeaturesEXT}})) = _PhysicalDeviceIndexTypeUint8FeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderSMBuiltinsPropertiesNV}, Type{VkPhysicalDeviceShaderSMBuiltinsPropertiesNV}})) = _PhysicalDeviceShaderSMBuiltinsPropertiesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderSMBuiltinsFeaturesNV}, Type{VkPhysicalDeviceShaderSMBuiltinsFeaturesNV}})) = _PhysicalDeviceShaderSMBuiltinsFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentShaderInterlockFeaturesEXT}, Type{VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT}})) = _PhysicalDeviceFragmentShaderInterlockFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSeparateDepthStencilLayoutsFeatures}, Type{VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures}})) = _PhysicalDeviceSeparateDepthStencilLayoutsFeatures intermediate_type(@nospecialize(_::Union{Type{AttachmentReferenceStencilLayout}, Type{VkAttachmentReferenceStencilLayout}})) = _AttachmentReferenceStencilLayout intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT}, Type{VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT}})) = _PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{AttachmentDescriptionStencilLayout}, Type{VkAttachmentDescriptionStencilLayout}})) = _AttachmentDescriptionStencilLayout intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePipelineExecutablePropertiesFeaturesKHR}, Type{VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR}})) = _PhysicalDevicePipelineExecutablePropertiesFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{PipelineInfoKHR}, Type{VkPipelineInfoKHR}})) = _PipelineInfoKHR intermediate_type(@nospecialize(_::Union{Type{PipelineExecutablePropertiesKHR}, Type{VkPipelineExecutablePropertiesKHR}})) = _PipelineExecutablePropertiesKHR intermediate_type(@nospecialize(_::Union{Type{PipelineExecutableInfoKHR}, Type{VkPipelineExecutableInfoKHR}})) = _PipelineExecutableInfoKHR intermediate_type(@nospecialize(_::Union{Type{PipelineExecutableStatisticKHR}, Type{VkPipelineExecutableStatisticKHR}})) = _PipelineExecutableStatisticKHR intermediate_type(@nospecialize(_::Union{Type{PipelineExecutableInternalRepresentationKHR}, Type{VkPipelineExecutableInternalRepresentationKHR}})) = _PipelineExecutableInternalRepresentationKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderDemoteToHelperInvocationFeatures}, Type{VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures}})) = _PhysicalDeviceShaderDemoteToHelperInvocationFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceTexelBufferAlignmentFeaturesEXT}, Type{VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT}})) = _PhysicalDeviceTexelBufferAlignmentFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceTexelBufferAlignmentProperties}, Type{VkPhysicalDeviceTexelBufferAlignmentProperties}})) = _PhysicalDeviceTexelBufferAlignmentProperties intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSubgroupSizeControlFeatures}, Type{VkPhysicalDeviceSubgroupSizeControlFeatures}})) = _PhysicalDeviceSubgroupSizeControlFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSubgroupSizeControlProperties}, Type{VkPhysicalDeviceSubgroupSizeControlProperties}})) = _PhysicalDeviceSubgroupSizeControlProperties intermediate_type(@nospecialize(_::Union{Type{PipelineShaderStageRequiredSubgroupSizeCreateInfo}, Type{VkPipelineShaderStageRequiredSubgroupSizeCreateInfo}})) = _PipelineShaderStageRequiredSubgroupSizeCreateInfo intermediate_type(@nospecialize(_::Union{Type{SubpassShadingPipelineCreateInfoHUAWEI}, Type{VkSubpassShadingPipelineCreateInfoHUAWEI}})) = _SubpassShadingPipelineCreateInfoHUAWEI intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSubpassShadingPropertiesHUAWEI}, Type{VkPhysicalDeviceSubpassShadingPropertiesHUAWEI}})) = _PhysicalDeviceSubpassShadingPropertiesHUAWEI intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceClusterCullingShaderPropertiesHUAWEI}, Type{VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI}})) = _PhysicalDeviceClusterCullingShaderPropertiesHUAWEI intermediate_type(@nospecialize(_::Union{Type{MemoryOpaqueCaptureAddressAllocateInfo}, Type{VkMemoryOpaqueCaptureAddressAllocateInfo}})) = _MemoryOpaqueCaptureAddressAllocateInfo intermediate_type(@nospecialize(_::Union{Type{DeviceMemoryOpaqueCaptureAddressInfo}, Type{VkDeviceMemoryOpaqueCaptureAddressInfo}})) = _DeviceMemoryOpaqueCaptureAddressInfo intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceLineRasterizationFeaturesEXT}, Type{VkPhysicalDeviceLineRasterizationFeaturesEXT}})) = _PhysicalDeviceLineRasterizationFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceLineRasterizationPropertiesEXT}, Type{VkPhysicalDeviceLineRasterizationPropertiesEXT}})) = _PhysicalDeviceLineRasterizationPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PipelineRasterizationLineStateCreateInfoEXT}, Type{VkPipelineRasterizationLineStateCreateInfoEXT}})) = _PipelineRasterizationLineStateCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePipelineCreationCacheControlFeatures}, Type{VkPhysicalDevicePipelineCreationCacheControlFeatures}})) = _PhysicalDevicePipelineCreationCacheControlFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceVulkan11Features}, Type{VkPhysicalDeviceVulkan11Features}})) = _PhysicalDeviceVulkan11Features intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceVulkan11Properties}, Type{VkPhysicalDeviceVulkan11Properties}})) = _PhysicalDeviceVulkan11Properties intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceVulkan12Features}, Type{VkPhysicalDeviceVulkan12Features}})) = _PhysicalDeviceVulkan12Features intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceVulkan12Properties}, Type{VkPhysicalDeviceVulkan12Properties}})) = _PhysicalDeviceVulkan12Properties intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceVulkan13Features}, Type{VkPhysicalDeviceVulkan13Features}})) = _PhysicalDeviceVulkan13Features intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceVulkan13Properties}, Type{VkPhysicalDeviceVulkan13Properties}})) = _PhysicalDeviceVulkan13Properties intermediate_type(@nospecialize(_::Union{Type{PipelineCompilerControlCreateInfoAMD}, Type{VkPipelineCompilerControlCreateInfoAMD}})) = _PipelineCompilerControlCreateInfoAMD intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceCoherentMemoryFeaturesAMD}, Type{VkPhysicalDeviceCoherentMemoryFeaturesAMD}})) = _PhysicalDeviceCoherentMemoryFeaturesAMD intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceToolProperties}, Type{VkPhysicalDeviceToolProperties}})) = _PhysicalDeviceToolProperties intermediate_type(@nospecialize(_::Union{Type{SamplerCustomBorderColorCreateInfoEXT}, Type{VkSamplerCustomBorderColorCreateInfoEXT}})) = _SamplerCustomBorderColorCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceCustomBorderColorPropertiesEXT}, Type{VkPhysicalDeviceCustomBorderColorPropertiesEXT}})) = _PhysicalDeviceCustomBorderColorPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceCustomBorderColorFeaturesEXT}, Type{VkPhysicalDeviceCustomBorderColorFeaturesEXT}})) = _PhysicalDeviceCustomBorderColorFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{SamplerBorderColorComponentMappingCreateInfoEXT}, Type{VkSamplerBorderColorComponentMappingCreateInfoEXT}})) = _SamplerBorderColorComponentMappingCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceBorderColorSwizzleFeaturesEXT}, Type{VkPhysicalDeviceBorderColorSwizzleFeaturesEXT}})) = _PhysicalDeviceBorderColorSwizzleFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureGeometryTrianglesDataKHR}, Type{VkAccelerationStructureGeometryTrianglesDataKHR}})) = _AccelerationStructureGeometryTrianglesDataKHR intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureGeometryAabbsDataKHR}, Type{VkAccelerationStructureGeometryAabbsDataKHR}})) = _AccelerationStructureGeometryAabbsDataKHR intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureGeometryInstancesDataKHR}, Type{VkAccelerationStructureGeometryInstancesDataKHR}})) = _AccelerationStructureGeometryInstancesDataKHR intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureGeometryKHR}, Type{VkAccelerationStructureGeometryKHR}})) = _AccelerationStructureGeometryKHR intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureBuildGeometryInfoKHR}, Type{VkAccelerationStructureBuildGeometryInfoKHR}})) = _AccelerationStructureBuildGeometryInfoKHR intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureBuildRangeInfoKHR}, Type{VkAccelerationStructureBuildRangeInfoKHR}})) = _AccelerationStructureBuildRangeInfoKHR intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureCreateInfoKHR}, Type{VkAccelerationStructureCreateInfoKHR}})) = _AccelerationStructureCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{AabbPositionsKHR}, Type{VkAabbPositionsKHR}})) = _AabbPositionsKHR intermediate_type(@nospecialize(_::Union{Type{TransformMatrixKHR}, Type{VkTransformMatrixKHR}})) = _TransformMatrixKHR intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureInstanceKHR}, Type{VkAccelerationStructureInstanceKHR}})) = _AccelerationStructureInstanceKHR intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureDeviceAddressInfoKHR}, Type{VkAccelerationStructureDeviceAddressInfoKHR}})) = _AccelerationStructureDeviceAddressInfoKHR intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureVersionInfoKHR}, Type{VkAccelerationStructureVersionInfoKHR}})) = _AccelerationStructureVersionInfoKHR intermediate_type(@nospecialize(_::Union{Type{CopyAccelerationStructureInfoKHR}, Type{VkCopyAccelerationStructureInfoKHR}})) = _CopyAccelerationStructureInfoKHR intermediate_type(@nospecialize(_::Union{Type{CopyAccelerationStructureToMemoryInfoKHR}, Type{VkCopyAccelerationStructureToMemoryInfoKHR}})) = _CopyAccelerationStructureToMemoryInfoKHR intermediate_type(@nospecialize(_::Union{Type{CopyMemoryToAccelerationStructureInfoKHR}, Type{VkCopyMemoryToAccelerationStructureInfoKHR}})) = _CopyMemoryToAccelerationStructureInfoKHR intermediate_type(@nospecialize(_::Union{Type{RayTracingPipelineInterfaceCreateInfoKHR}, Type{VkRayTracingPipelineInterfaceCreateInfoKHR}})) = _RayTracingPipelineInterfaceCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{PipelineLibraryCreateInfoKHR}, Type{VkPipelineLibraryCreateInfoKHR}})) = _PipelineLibraryCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceExtendedDynamicStateFeaturesEXT}, Type{VkPhysicalDeviceExtendedDynamicStateFeaturesEXT}})) = _PhysicalDeviceExtendedDynamicStateFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceExtendedDynamicState2FeaturesEXT}, Type{VkPhysicalDeviceExtendedDynamicState2FeaturesEXT}})) = _PhysicalDeviceExtendedDynamicState2FeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceExtendedDynamicState3FeaturesEXT}, Type{VkPhysicalDeviceExtendedDynamicState3FeaturesEXT}})) = _PhysicalDeviceExtendedDynamicState3FeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceExtendedDynamicState3PropertiesEXT}, Type{VkPhysicalDeviceExtendedDynamicState3PropertiesEXT}})) = _PhysicalDeviceExtendedDynamicState3PropertiesEXT intermediate_type(@nospecialize(_::Union{Type{ColorBlendEquationEXT}, Type{VkColorBlendEquationEXT}})) = _ColorBlendEquationEXT intermediate_type(@nospecialize(_::Union{Type{ColorBlendAdvancedEXT}, Type{VkColorBlendAdvancedEXT}})) = _ColorBlendAdvancedEXT intermediate_type(@nospecialize(_::Union{Type{RenderPassTransformBeginInfoQCOM}, Type{VkRenderPassTransformBeginInfoQCOM}})) = _RenderPassTransformBeginInfoQCOM intermediate_type(@nospecialize(_::Union{Type{CopyCommandTransformInfoQCOM}, Type{VkCopyCommandTransformInfoQCOM}})) = _CopyCommandTransformInfoQCOM intermediate_type(@nospecialize(_::Union{Type{CommandBufferInheritanceRenderPassTransformInfoQCOM}, Type{VkCommandBufferInheritanceRenderPassTransformInfoQCOM}})) = _CommandBufferInheritanceRenderPassTransformInfoQCOM intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDiagnosticsConfigFeaturesNV}, Type{VkPhysicalDeviceDiagnosticsConfigFeaturesNV}})) = _PhysicalDeviceDiagnosticsConfigFeaturesNV intermediate_type(@nospecialize(_::Union{Type{DeviceDiagnosticsConfigCreateInfoNV}, Type{VkDeviceDiagnosticsConfigCreateInfoNV}})) = _DeviceDiagnosticsConfigCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures}, Type{VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures}})) = _PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR}, Type{VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR}})) = _PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRobustness2FeaturesEXT}, Type{VkPhysicalDeviceRobustness2FeaturesEXT}})) = _PhysicalDeviceRobustness2FeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRobustness2PropertiesEXT}, Type{VkPhysicalDeviceRobustness2PropertiesEXT}})) = _PhysicalDeviceRobustness2PropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceImageRobustnessFeatures}, Type{VkPhysicalDeviceImageRobustnessFeatures}})) = _PhysicalDeviceImageRobustnessFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR}, Type{VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR}})) = _PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDevice4444FormatsFeaturesEXT}, Type{VkPhysicalDevice4444FormatsFeaturesEXT}})) = _PhysicalDevice4444FormatsFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSubpassShadingFeaturesHUAWEI}, Type{VkPhysicalDeviceSubpassShadingFeaturesHUAWEI}})) = _PhysicalDeviceSubpassShadingFeaturesHUAWEI intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceClusterCullingShaderFeaturesHUAWEI}, Type{VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI}})) = _PhysicalDeviceClusterCullingShaderFeaturesHUAWEI intermediate_type(@nospecialize(_::Union{Type{BufferCopy2}, Type{VkBufferCopy2}})) = _BufferCopy2 intermediate_type(@nospecialize(_::Union{Type{ImageCopy2}, Type{VkImageCopy2}})) = _ImageCopy2 intermediate_type(@nospecialize(_::Union{Type{ImageBlit2}, Type{VkImageBlit2}})) = _ImageBlit2 intermediate_type(@nospecialize(_::Union{Type{BufferImageCopy2}, Type{VkBufferImageCopy2}})) = _BufferImageCopy2 intermediate_type(@nospecialize(_::Union{Type{ImageResolve2}, Type{VkImageResolve2}})) = _ImageResolve2 intermediate_type(@nospecialize(_::Union{Type{CopyBufferInfo2}, Type{VkCopyBufferInfo2}})) = _CopyBufferInfo2 intermediate_type(@nospecialize(_::Union{Type{CopyImageInfo2}, Type{VkCopyImageInfo2}})) = _CopyImageInfo2 intermediate_type(@nospecialize(_::Union{Type{BlitImageInfo2}, Type{VkBlitImageInfo2}})) = _BlitImageInfo2 intermediate_type(@nospecialize(_::Union{Type{CopyBufferToImageInfo2}, Type{VkCopyBufferToImageInfo2}})) = _CopyBufferToImageInfo2 intermediate_type(@nospecialize(_::Union{Type{CopyImageToBufferInfo2}, Type{VkCopyImageToBufferInfo2}})) = _CopyImageToBufferInfo2 intermediate_type(@nospecialize(_::Union{Type{ResolveImageInfo2}, Type{VkResolveImageInfo2}})) = _ResolveImageInfo2 intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderImageAtomicInt64FeaturesEXT}, Type{VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT}})) = _PhysicalDeviceShaderImageAtomicInt64FeaturesEXT intermediate_type(@nospecialize(_::Union{Type{FragmentShadingRateAttachmentInfoKHR}, Type{VkFragmentShadingRateAttachmentInfoKHR}})) = _FragmentShadingRateAttachmentInfoKHR intermediate_type(@nospecialize(_::Union{Type{PipelineFragmentShadingRateStateCreateInfoKHR}, Type{VkPipelineFragmentShadingRateStateCreateInfoKHR}})) = _PipelineFragmentShadingRateStateCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentShadingRateFeaturesKHR}, Type{VkPhysicalDeviceFragmentShadingRateFeaturesKHR}})) = _PhysicalDeviceFragmentShadingRateFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentShadingRatePropertiesKHR}, Type{VkPhysicalDeviceFragmentShadingRatePropertiesKHR}})) = _PhysicalDeviceFragmentShadingRatePropertiesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentShadingRateKHR}, Type{VkPhysicalDeviceFragmentShadingRateKHR}})) = _PhysicalDeviceFragmentShadingRateKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderTerminateInvocationFeatures}, Type{VkPhysicalDeviceShaderTerminateInvocationFeatures}})) = _PhysicalDeviceShaderTerminateInvocationFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentShadingRateEnumsFeaturesNV}, Type{VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV}})) = _PhysicalDeviceFragmentShadingRateEnumsFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentShadingRateEnumsPropertiesNV}, Type{VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV}})) = _PhysicalDeviceFragmentShadingRateEnumsPropertiesNV intermediate_type(@nospecialize(_::Union{Type{PipelineFragmentShadingRateEnumStateCreateInfoNV}, Type{VkPipelineFragmentShadingRateEnumStateCreateInfoNV}})) = _PipelineFragmentShadingRateEnumStateCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureBuildSizesInfoKHR}, Type{VkAccelerationStructureBuildSizesInfoKHR}})) = _AccelerationStructureBuildSizesInfoKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceImage2DViewOf3DFeaturesEXT}, Type{VkPhysicalDeviceImage2DViewOf3DFeaturesEXT}})) = _PhysicalDeviceImage2DViewOf3DFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMutableDescriptorTypeFeaturesEXT}, Type{VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT}})) = _PhysicalDeviceMutableDescriptorTypeFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{MutableDescriptorTypeListEXT}, Type{VkMutableDescriptorTypeListEXT}})) = _MutableDescriptorTypeListEXT intermediate_type(@nospecialize(_::Union{Type{MutableDescriptorTypeCreateInfoEXT}, Type{VkMutableDescriptorTypeCreateInfoEXT}})) = _MutableDescriptorTypeCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDepthClipControlFeaturesEXT}, Type{VkPhysicalDeviceDepthClipControlFeaturesEXT}})) = _PhysicalDeviceDepthClipControlFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PipelineViewportDepthClipControlCreateInfoEXT}, Type{VkPipelineViewportDepthClipControlCreateInfoEXT}})) = _PipelineViewportDepthClipControlCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceVertexInputDynamicStateFeaturesEXT}, Type{VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT}})) = _PhysicalDeviceVertexInputDynamicStateFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceExternalMemoryRDMAFeaturesNV}, Type{VkPhysicalDeviceExternalMemoryRDMAFeaturesNV}})) = _PhysicalDeviceExternalMemoryRDMAFeaturesNV intermediate_type(@nospecialize(_::Union{Type{VertexInputBindingDescription2EXT}, Type{VkVertexInputBindingDescription2EXT}})) = _VertexInputBindingDescription2EXT intermediate_type(@nospecialize(_::Union{Type{VertexInputAttributeDescription2EXT}, Type{VkVertexInputAttributeDescription2EXT}})) = _VertexInputAttributeDescription2EXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceColorWriteEnableFeaturesEXT}, Type{VkPhysicalDeviceColorWriteEnableFeaturesEXT}})) = _PhysicalDeviceColorWriteEnableFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PipelineColorWriteCreateInfoEXT}, Type{VkPipelineColorWriteCreateInfoEXT}})) = _PipelineColorWriteCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{MemoryBarrier2}, Type{VkMemoryBarrier2}})) = _MemoryBarrier2 intermediate_type(@nospecialize(_::Union{Type{ImageMemoryBarrier2}, Type{VkImageMemoryBarrier2}})) = _ImageMemoryBarrier2 intermediate_type(@nospecialize(_::Union{Type{BufferMemoryBarrier2}, Type{VkBufferMemoryBarrier2}})) = _BufferMemoryBarrier2 intermediate_type(@nospecialize(_::Union{Type{DependencyInfo}, Type{VkDependencyInfo}})) = _DependencyInfo intermediate_type(@nospecialize(_::Union{Type{SemaphoreSubmitInfo}, Type{VkSemaphoreSubmitInfo}})) = _SemaphoreSubmitInfo intermediate_type(@nospecialize(_::Union{Type{CommandBufferSubmitInfo}, Type{VkCommandBufferSubmitInfo}})) = _CommandBufferSubmitInfo intermediate_type(@nospecialize(_::Union{Type{SubmitInfo2}, Type{VkSubmitInfo2}})) = _SubmitInfo2 intermediate_type(@nospecialize(_::Union{Type{QueueFamilyCheckpointProperties2NV}, Type{VkQueueFamilyCheckpointProperties2NV}})) = _QueueFamilyCheckpointProperties2NV intermediate_type(@nospecialize(_::Union{Type{CheckpointData2NV}, Type{VkCheckpointData2NV}})) = _CheckpointData2NV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSynchronization2Features}, Type{VkPhysicalDeviceSynchronization2Features}})) = _PhysicalDeviceSynchronization2Features intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT}, Type{VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT}})) = _PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceLegacyDitheringFeaturesEXT}, Type{VkPhysicalDeviceLegacyDitheringFeaturesEXT}})) = _PhysicalDeviceLegacyDitheringFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT}, Type{VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT}})) = _PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{SubpassResolvePerformanceQueryEXT}, Type{VkSubpassResolvePerformanceQueryEXT}})) = _SubpassResolvePerformanceQueryEXT intermediate_type(@nospecialize(_::Union{Type{MultisampledRenderToSingleSampledInfoEXT}, Type{VkMultisampledRenderToSingleSampledInfoEXT}})) = _MultisampledRenderToSingleSampledInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePipelineProtectedAccessFeaturesEXT}, Type{VkPhysicalDevicePipelineProtectedAccessFeaturesEXT}})) = _PhysicalDevicePipelineProtectedAccessFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{QueueFamilyVideoPropertiesKHR}, Type{VkQueueFamilyVideoPropertiesKHR}})) = _QueueFamilyVideoPropertiesKHR intermediate_type(@nospecialize(_::Union{Type{QueueFamilyQueryResultStatusPropertiesKHR}, Type{VkQueueFamilyQueryResultStatusPropertiesKHR}})) = _QueueFamilyQueryResultStatusPropertiesKHR intermediate_type(@nospecialize(_::Union{Type{VideoProfileListInfoKHR}, Type{VkVideoProfileListInfoKHR}})) = _VideoProfileListInfoKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceVideoFormatInfoKHR}, Type{VkPhysicalDeviceVideoFormatInfoKHR}})) = _PhysicalDeviceVideoFormatInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoFormatPropertiesKHR}, Type{VkVideoFormatPropertiesKHR}})) = _VideoFormatPropertiesKHR intermediate_type(@nospecialize(_::Union{Type{VideoProfileInfoKHR}, Type{VkVideoProfileInfoKHR}})) = _VideoProfileInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoCapabilitiesKHR}, Type{VkVideoCapabilitiesKHR}})) = _VideoCapabilitiesKHR intermediate_type(@nospecialize(_::Union{Type{VideoSessionMemoryRequirementsKHR}, Type{VkVideoSessionMemoryRequirementsKHR}})) = _VideoSessionMemoryRequirementsKHR intermediate_type(@nospecialize(_::Union{Type{BindVideoSessionMemoryInfoKHR}, Type{VkBindVideoSessionMemoryInfoKHR}})) = _BindVideoSessionMemoryInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoPictureResourceInfoKHR}, Type{VkVideoPictureResourceInfoKHR}})) = _VideoPictureResourceInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoReferenceSlotInfoKHR}, Type{VkVideoReferenceSlotInfoKHR}})) = _VideoReferenceSlotInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeCapabilitiesKHR}, Type{VkVideoDecodeCapabilitiesKHR}})) = _VideoDecodeCapabilitiesKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeUsageInfoKHR}, Type{VkVideoDecodeUsageInfoKHR}})) = _VideoDecodeUsageInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeInfoKHR}, Type{VkVideoDecodeInfoKHR}})) = _VideoDecodeInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeH264ProfileInfoKHR}, Type{VkVideoDecodeH264ProfileInfoKHR}})) = _VideoDecodeH264ProfileInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeH264CapabilitiesKHR}, Type{VkVideoDecodeH264CapabilitiesKHR}})) = _VideoDecodeH264CapabilitiesKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeH264SessionParametersAddInfoKHR}, Type{VkVideoDecodeH264SessionParametersAddInfoKHR}})) = _VideoDecodeH264SessionParametersAddInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeH264SessionParametersCreateInfoKHR}, Type{VkVideoDecodeH264SessionParametersCreateInfoKHR}})) = _VideoDecodeH264SessionParametersCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeH264PictureInfoKHR}, Type{VkVideoDecodeH264PictureInfoKHR}})) = _VideoDecodeH264PictureInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeH264DpbSlotInfoKHR}, Type{VkVideoDecodeH264DpbSlotInfoKHR}})) = _VideoDecodeH264DpbSlotInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeH265ProfileInfoKHR}, Type{VkVideoDecodeH265ProfileInfoKHR}})) = _VideoDecodeH265ProfileInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeH265CapabilitiesKHR}, Type{VkVideoDecodeH265CapabilitiesKHR}})) = _VideoDecodeH265CapabilitiesKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeH265SessionParametersAddInfoKHR}, Type{VkVideoDecodeH265SessionParametersAddInfoKHR}})) = _VideoDecodeH265SessionParametersAddInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeH265SessionParametersCreateInfoKHR}, Type{VkVideoDecodeH265SessionParametersCreateInfoKHR}})) = _VideoDecodeH265SessionParametersCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeH265PictureInfoKHR}, Type{VkVideoDecodeH265PictureInfoKHR}})) = _VideoDecodeH265PictureInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeH265DpbSlotInfoKHR}, Type{VkVideoDecodeH265DpbSlotInfoKHR}})) = _VideoDecodeH265DpbSlotInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoSessionCreateInfoKHR}, Type{VkVideoSessionCreateInfoKHR}})) = _VideoSessionCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoSessionParametersCreateInfoKHR}, Type{VkVideoSessionParametersCreateInfoKHR}})) = _VideoSessionParametersCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoSessionParametersUpdateInfoKHR}, Type{VkVideoSessionParametersUpdateInfoKHR}})) = _VideoSessionParametersUpdateInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoBeginCodingInfoKHR}, Type{VkVideoBeginCodingInfoKHR}})) = _VideoBeginCodingInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoEndCodingInfoKHR}, Type{VkVideoEndCodingInfoKHR}})) = _VideoEndCodingInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoCodingControlInfoKHR}, Type{VkVideoCodingControlInfoKHR}})) = _VideoCodingControlInfoKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceInheritedViewportScissorFeaturesNV}, Type{VkPhysicalDeviceInheritedViewportScissorFeaturesNV}})) = _PhysicalDeviceInheritedViewportScissorFeaturesNV intermediate_type(@nospecialize(_::Union{Type{CommandBufferInheritanceViewportScissorInfoNV}, Type{VkCommandBufferInheritanceViewportScissorInfoNV}})) = _CommandBufferInheritanceViewportScissorInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT}, Type{VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT}})) = _PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceProvokingVertexFeaturesEXT}, Type{VkPhysicalDeviceProvokingVertexFeaturesEXT}})) = _PhysicalDeviceProvokingVertexFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceProvokingVertexPropertiesEXT}, Type{VkPhysicalDeviceProvokingVertexPropertiesEXT}})) = _PhysicalDeviceProvokingVertexPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PipelineRasterizationProvokingVertexStateCreateInfoEXT}, Type{VkPipelineRasterizationProvokingVertexStateCreateInfoEXT}})) = _PipelineRasterizationProvokingVertexStateCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{CuModuleCreateInfoNVX}, Type{VkCuModuleCreateInfoNVX}})) = _CuModuleCreateInfoNVX intermediate_type(@nospecialize(_::Union{Type{CuFunctionCreateInfoNVX}, Type{VkCuFunctionCreateInfoNVX}})) = _CuFunctionCreateInfoNVX intermediate_type(@nospecialize(_::Union{Type{CuLaunchInfoNVX}, Type{VkCuLaunchInfoNVX}})) = _CuLaunchInfoNVX intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDescriptorBufferFeaturesEXT}, Type{VkPhysicalDeviceDescriptorBufferFeaturesEXT}})) = _PhysicalDeviceDescriptorBufferFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDescriptorBufferPropertiesEXT}, Type{VkPhysicalDeviceDescriptorBufferPropertiesEXT}})) = _PhysicalDeviceDescriptorBufferPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT}, Type{VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT}})) = _PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{DescriptorAddressInfoEXT}, Type{VkDescriptorAddressInfoEXT}})) = _DescriptorAddressInfoEXT intermediate_type(@nospecialize(_::Union{Type{DescriptorBufferBindingInfoEXT}, Type{VkDescriptorBufferBindingInfoEXT}})) = _DescriptorBufferBindingInfoEXT intermediate_type(@nospecialize(_::Union{Type{DescriptorBufferBindingPushDescriptorBufferHandleEXT}, Type{VkDescriptorBufferBindingPushDescriptorBufferHandleEXT}})) = _DescriptorBufferBindingPushDescriptorBufferHandleEXT intermediate_type(@nospecialize(_::Union{Type{DescriptorGetInfoEXT}, Type{VkDescriptorGetInfoEXT}})) = _DescriptorGetInfoEXT intermediate_type(@nospecialize(_::Union{Type{BufferCaptureDescriptorDataInfoEXT}, Type{VkBufferCaptureDescriptorDataInfoEXT}})) = _BufferCaptureDescriptorDataInfoEXT intermediate_type(@nospecialize(_::Union{Type{ImageCaptureDescriptorDataInfoEXT}, Type{VkImageCaptureDescriptorDataInfoEXT}})) = _ImageCaptureDescriptorDataInfoEXT intermediate_type(@nospecialize(_::Union{Type{ImageViewCaptureDescriptorDataInfoEXT}, Type{VkImageViewCaptureDescriptorDataInfoEXT}})) = _ImageViewCaptureDescriptorDataInfoEXT intermediate_type(@nospecialize(_::Union{Type{SamplerCaptureDescriptorDataInfoEXT}, Type{VkSamplerCaptureDescriptorDataInfoEXT}})) = _SamplerCaptureDescriptorDataInfoEXT intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureCaptureDescriptorDataInfoEXT}, Type{VkAccelerationStructureCaptureDescriptorDataInfoEXT}})) = _AccelerationStructureCaptureDescriptorDataInfoEXT intermediate_type(@nospecialize(_::Union{Type{OpaqueCaptureDescriptorDataCreateInfoEXT}, Type{VkOpaqueCaptureDescriptorDataCreateInfoEXT}})) = _OpaqueCaptureDescriptorDataCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderIntegerDotProductFeatures}, Type{VkPhysicalDeviceShaderIntegerDotProductFeatures}})) = _PhysicalDeviceShaderIntegerDotProductFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderIntegerDotProductProperties}, Type{VkPhysicalDeviceShaderIntegerDotProductProperties}})) = _PhysicalDeviceShaderIntegerDotProductProperties intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDrmPropertiesEXT}, Type{VkPhysicalDeviceDrmPropertiesEXT}})) = _PhysicalDeviceDrmPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentShaderBarycentricFeaturesKHR}, Type{VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR}})) = _PhysicalDeviceFragmentShaderBarycentricFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentShaderBarycentricPropertiesKHR}, Type{VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR}})) = _PhysicalDeviceFragmentShaderBarycentricPropertiesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRayTracingMotionBlurFeaturesNV}, Type{VkPhysicalDeviceRayTracingMotionBlurFeaturesNV}})) = _PhysicalDeviceRayTracingMotionBlurFeaturesNV intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureGeometryMotionTrianglesDataNV}, Type{VkAccelerationStructureGeometryMotionTrianglesDataNV}})) = _AccelerationStructureGeometryMotionTrianglesDataNV intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureMotionInfoNV}, Type{VkAccelerationStructureMotionInfoNV}})) = _AccelerationStructureMotionInfoNV intermediate_type(@nospecialize(_::Union{Type{SRTDataNV}, Type{VkSRTDataNV}})) = _SRTDataNV intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureSRTMotionInstanceNV}, Type{VkAccelerationStructureSRTMotionInstanceNV}})) = _AccelerationStructureSRTMotionInstanceNV intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureMatrixMotionInstanceNV}, Type{VkAccelerationStructureMatrixMotionInstanceNV}})) = _AccelerationStructureMatrixMotionInstanceNV intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureMotionInstanceNV}, Type{VkAccelerationStructureMotionInstanceNV}})) = _AccelerationStructureMotionInstanceNV intermediate_type(@nospecialize(_::Union{Type{MemoryGetRemoteAddressInfoNV}, Type{VkMemoryGetRemoteAddressInfoNV}})) = _MemoryGetRemoteAddressInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRGBA10X6FormatsFeaturesEXT}, Type{VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT}})) = _PhysicalDeviceRGBA10X6FormatsFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{FormatProperties3}, Type{VkFormatProperties3}})) = _FormatProperties3 intermediate_type(@nospecialize(_::Union{Type{DrmFormatModifierPropertiesList2EXT}, Type{VkDrmFormatModifierPropertiesList2EXT}})) = _DrmFormatModifierPropertiesList2EXT intermediate_type(@nospecialize(_::Union{Type{DrmFormatModifierProperties2EXT}, Type{VkDrmFormatModifierProperties2EXT}})) = _DrmFormatModifierProperties2EXT intermediate_type(@nospecialize(_::Union{Type{PipelineRenderingCreateInfo}, Type{VkPipelineRenderingCreateInfo}})) = _PipelineRenderingCreateInfo intermediate_type(@nospecialize(_::Union{Type{RenderingInfo}, Type{VkRenderingInfo}})) = _RenderingInfo intermediate_type(@nospecialize(_::Union{Type{RenderingAttachmentInfo}, Type{VkRenderingAttachmentInfo}})) = _RenderingAttachmentInfo intermediate_type(@nospecialize(_::Union{Type{RenderingFragmentShadingRateAttachmentInfoKHR}, Type{VkRenderingFragmentShadingRateAttachmentInfoKHR}})) = _RenderingFragmentShadingRateAttachmentInfoKHR intermediate_type(@nospecialize(_::Union{Type{RenderingFragmentDensityMapAttachmentInfoEXT}, Type{VkRenderingFragmentDensityMapAttachmentInfoEXT}})) = _RenderingFragmentDensityMapAttachmentInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDynamicRenderingFeatures}, Type{VkPhysicalDeviceDynamicRenderingFeatures}})) = _PhysicalDeviceDynamicRenderingFeatures intermediate_type(@nospecialize(_::Union{Type{CommandBufferInheritanceRenderingInfo}, Type{VkCommandBufferInheritanceRenderingInfo}})) = _CommandBufferInheritanceRenderingInfo intermediate_type(@nospecialize(_::Union{Type{AttachmentSampleCountInfoAMD}, Type{VkAttachmentSampleCountInfoAMD}})) = _AttachmentSampleCountInfoAMD intermediate_type(@nospecialize(_::Union{Type{MultiviewPerViewAttributesInfoNVX}, Type{VkMultiviewPerViewAttributesInfoNVX}})) = _MultiviewPerViewAttributesInfoNVX intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceImageViewMinLodFeaturesEXT}, Type{VkPhysicalDeviceImageViewMinLodFeaturesEXT}})) = _PhysicalDeviceImageViewMinLodFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{ImageViewMinLodCreateInfoEXT}, Type{VkImageViewMinLodCreateInfoEXT}})) = _ImageViewMinLodCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT}, Type{VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT}})) = _PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceLinearColorAttachmentFeaturesNV}, Type{VkPhysicalDeviceLinearColorAttachmentFeaturesNV}})) = _PhysicalDeviceLinearColorAttachmentFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT}, Type{VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT}})) = _PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT}, Type{VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT}})) = _PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{GraphicsPipelineLibraryCreateInfoEXT}, Type{VkGraphicsPipelineLibraryCreateInfoEXT}})) = _GraphicsPipelineLibraryCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE}, Type{VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE}})) = _PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE intermediate_type(@nospecialize(_::Union{Type{DescriptorSetBindingReferenceVALVE}, Type{VkDescriptorSetBindingReferenceVALVE}})) = _DescriptorSetBindingReferenceVALVE intermediate_type(@nospecialize(_::Union{Type{DescriptorSetLayoutHostMappingInfoVALVE}, Type{VkDescriptorSetLayoutHostMappingInfoVALVE}})) = _DescriptorSetLayoutHostMappingInfoVALVE intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderModuleIdentifierFeaturesEXT}, Type{VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT}})) = _PhysicalDeviceShaderModuleIdentifierFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderModuleIdentifierPropertiesEXT}, Type{VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT}})) = _PhysicalDeviceShaderModuleIdentifierPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PipelineShaderStageModuleIdentifierCreateInfoEXT}, Type{VkPipelineShaderStageModuleIdentifierCreateInfoEXT}})) = _PipelineShaderStageModuleIdentifierCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{ShaderModuleIdentifierEXT}, Type{VkShaderModuleIdentifierEXT}})) = _ShaderModuleIdentifierEXT intermediate_type(@nospecialize(_::Union{Type{ImageCompressionControlEXT}, Type{VkImageCompressionControlEXT}})) = _ImageCompressionControlEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceImageCompressionControlFeaturesEXT}, Type{VkPhysicalDeviceImageCompressionControlFeaturesEXT}})) = _PhysicalDeviceImageCompressionControlFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{ImageCompressionPropertiesEXT}, Type{VkImageCompressionPropertiesEXT}})) = _ImageCompressionPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT}, Type{VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT}})) = _PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{ImageSubresource2EXT}, Type{VkImageSubresource2EXT}})) = _ImageSubresource2EXT intermediate_type(@nospecialize(_::Union{Type{SubresourceLayout2EXT}, Type{VkSubresourceLayout2EXT}})) = _SubresourceLayout2EXT intermediate_type(@nospecialize(_::Union{Type{RenderPassCreationControlEXT}, Type{VkRenderPassCreationControlEXT}})) = _RenderPassCreationControlEXT intermediate_type(@nospecialize(_::Union{Type{RenderPassCreationFeedbackInfoEXT}, Type{VkRenderPassCreationFeedbackInfoEXT}})) = _RenderPassCreationFeedbackInfoEXT intermediate_type(@nospecialize(_::Union{Type{RenderPassCreationFeedbackCreateInfoEXT}, Type{VkRenderPassCreationFeedbackCreateInfoEXT}})) = _RenderPassCreationFeedbackCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{RenderPassSubpassFeedbackInfoEXT}, Type{VkRenderPassSubpassFeedbackInfoEXT}})) = _RenderPassSubpassFeedbackInfoEXT intermediate_type(@nospecialize(_::Union{Type{RenderPassSubpassFeedbackCreateInfoEXT}, Type{VkRenderPassSubpassFeedbackCreateInfoEXT}})) = _RenderPassSubpassFeedbackCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSubpassMergeFeedbackFeaturesEXT}, Type{VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT}})) = _PhysicalDeviceSubpassMergeFeedbackFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{MicromapBuildInfoEXT}, Type{VkMicromapBuildInfoEXT}})) = _MicromapBuildInfoEXT intermediate_type(@nospecialize(_::Union{Type{MicromapCreateInfoEXT}, Type{VkMicromapCreateInfoEXT}})) = _MicromapCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{MicromapVersionInfoEXT}, Type{VkMicromapVersionInfoEXT}})) = _MicromapVersionInfoEXT intermediate_type(@nospecialize(_::Union{Type{CopyMicromapInfoEXT}, Type{VkCopyMicromapInfoEXT}})) = _CopyMicromapInfoEXT intermediate_type(@nospecialize(_::Union{Type{CopyMicromapToMemoryInfoEXT}, Type{VkCopyMicromapToMemoryInfoEXT}})) = _CopyMicromapToMemoryInfoEXT intermediate_type(@nospecialize(_::Union{Type{CopyMemoryToMicromapInfoEXT}, Type{VkCopyMemoryToMicromapInfoEXT}})) = _CopyMemoryToMicromapInfoEXT intermediate_type(@nospecialize(_::Union{Type{MicromapBuildSizesInfoEXT}, Type{VkMicromapBuildSizesInfoEXT}})) = _MicromapBuildSizesInfoEXT intermediate_type(@nospecialize(_::Union{Type{MicromapUsageEXT}, Type{VkMicromapUsageEXT}})) = _MicromapUsageEXT intermediate_type(@nospecialize(_::Union{Type{MicromapTriangleEXT}, Type{VkMicromapTriangleEXT}})) = _MicromapTriangleEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceOpacityMicromapFeaturesEXT}, Type{VkPhysicalDeviceOpacityMicromapFeaturesEXT}})) = _PhysicalDeviceOpacityMicromapFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceOpacityMicromapPropertiesEXT}, Type{VkPhysicalDeviceOpacityMicromapPropertiesEXT}})) = _PhysicalDeviceOpacityMicromapPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureTrianglesOpacityMicromapEXT}, Type{VkAccelerationStructureTrianglesOpacityMicromapEXT}})) = _AccelerationStructureTrianglesOpacityMicromapEXT intermediate_type(@nospecialize(_::Union{Type{PipelinePropertiesIdentifierEXT}, Type{VkPipelinePropertiesIdentifierEXT}})) = _PipelinePropertiesIdentifierEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePipelinePropertiesFeaturesEXT}, Type{VkPhysicalDevicePipelinePropertiesFeaturesEXT}})) = _PhysicalDevicePipelinePropertiesFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD}, Type{VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD}})) = _PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD intermediate_type(@nospecialize(_::Union{Type{ExportMetalObjectCreateInfoEXT}, Type{VkExportMetalObjectCreateInfoEXT}})) = _ExportMetalObjectCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{ExportMetalObjectsInfoEXT}, Type{VkExportMetalObjectsInfoEXT}})) = _ExportMetalObjectsInfoEXT intermediate_type(@nospecialize(_::Union{Type{ExportMetalDeviceInfoEXT}, Type{VkExportMetalDeviceInfoEXT}})) = _ExportMetalDeviceInfoEXT intermediate_type(@nospecialize(_::Union{Type{ExportMetalCommandQueueInfoEXT}, Type{VkExportMetalCommandQueueInfoEXT}})) = _ExportMetalCommandQueueInfoEXT intermediate_type(@nospecialize(_::Union{Type{ExportMetalBufferInfoEXT}, Type{VkExportMetalBufferInfoEXT}})) = _ExportMetalBufferInfoEXT intermediate_type(@nospecialize(_::Union{Type{ImportMetalBufferInfoEXT}, Type{VkImportMetalBufferInfoEXT}})) = _ImportMetalBufferInfoEXT intermediate_type(@nospecialize(_::Union{Type{ExportMetalTextureInfoEXT}, Type{VkExportMetalTextureInfoEXT}})) = _ExportMetalTextureInfoEXT intermediate_type(@nospecialize(_::Union{Type{ImportMetalTextureInfoEXT}, Type{VkImportMetalTextureInfoEXT}})) = _ImportMetalTextureInfoEXT intermediate_type(@nospecialize(_::Union{Type{ExportMetalIOSurfaceInfoEXT}, Type{VkExportMetalIOSurfaceInfoEXT}})) = _ExportMetalIOSurfaceInfoEXT intermediate_type(@nospecialize(_::Union{Type{ImportMetalIOSurfaceInfoEXT}, Type{VkImportMetalIOSurfaceInfoEXT}})) = _ImportMetalIOSurfaceInfoEXT intermediate_type(@nospecialize(_::Union{Type{ExportMetalSharedEventInfoEXT}, Type{VkExportMetalSharedEventInfoEXT}})) = _ExportMetalSharedEventInfoEXT intermediate_type(@nospecialize(_::Union{Type{ImportMetalSharedEventInfoEXT}, Type{VkImportMetalSharedEventInfoEXT}})) = _ImportMetalSharedEventInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceNonSeamlessCubeMapFeaturesEXT}, Type{VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT}})) = _PhysicalDeviceNonSeamlessCubeMapFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePipelineRobustnessFeaturesEXT}, Type{VkPhysicalDevicePipelineRobustnessFeaturesEXT}})) = _PhysicalDevicePipelineRobustnessFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PipelineRobustnessCreateInfoEXT}, Type{VkPipelineRobustnessCreateInfoEXT}})) = _PipelineRobustnessCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePipelineRobustnessPropertiesEXT}, Type{VkPhysicalDevicePipelineRobustnessPropertiesEXT}})) = _PhysicalDevicePipelineRobustnessPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{ImageViewSampleWeightCreateInfoQCOM}, Type{VkImageViewSampleWeightCreateInfoQCOM}})) = _ImageViewSampleWeightCreateInfoQCOM intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceImageProcessingFeaturesQCOM}, Type{VkPhysicalDeviceImageProcessingFeaturesQCOM}})) = _PhysicalDeviceImageProcessingFeaturesQCOM intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceImageProcessingPropertiesQCOM}, Type{VkPhysicalDeviceImageProcessingPropertiesQCOM}})) = _PhysicalDeviceImageProcessingPropertiesQCOM intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceTilePropertiesFeaturesQCOM}, Type{VkPhysicalDeviceTilePropertiesFeaturesQCOM}})) = _PhysicalDeviceTilePropertiesFeaturesQCOM intermediate_type(@nospecialize(_::Union{Type{TilePropertiesQCOM}, Type{VkTilePropertiesQCOM}})) = _TilePropertiesQCOM intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceAmigoProfilingFeaturesSEC}, Type{VkPhysicalDeviceAmigoProfilingFeaturesSEC}})) = _PhysicalDeviceAmigoProfilingFeaturesSEC intermediate_type(@nospecialize(_::Union{Type{AmigoProfilingSubmitInfoSEC}, Type{VkAmigoProfilingSubmitInfoSEC}})) = _AmigoProfilingSubmitInfoSEC intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT}, Type{VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT}})) = _PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDepthClampZeroOneFeaturesEXT}, Type{VkPhysicalDeviceDepthClampZeroOneFeaturesEXT}})) = _PhysicalDeviceDepthClampZeroOneFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceAddressBindingReportFeaturesEXT}, Type{VkPhysicalDeviceAddressBindingReportFeaturesEXT}})) = _PhysicalDeviceAddressBindingReportFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{DeviceAddressBindingCallbackDataEXT}, Type{VkDeviceAddressBindingCallbackDataEXT}})) = _DeviceAddressBindingCallbackDataEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceOpticalFlowFeaturesNV}, Type{VkPhysicalDeviceOpticalFlowFeaturesNV}})) = _PhysicalDeviceOpticalFlowFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceOpticalFlowPropertiesNV}, Type{VkPhysicalDeviceOpticalFlowPropertiesNV}})) = _PhysicalDeviceOpticalFlowPropertiesNV intermediate_type(@nospecialize(_::Union{Type{OpticalFlowImageFormatInfoNV}, Type{VkOpticalFlowImageFormatInfoNV}})) = _OpticalFlowImageFormatInfoNV intermediate_type(@nospecialize(_::Union{Type{OpticalFlowImageFormatPropertiesNV}, Type{VkOpticalFlowImageFormatPropertiesNV}})) = _OpticalFlowImageFormatPropertiesNV intermediate_type(@nospecialize(_::Union{Type{OpticalFlowSessionCreateInfoNV}, Type{VkOpticalFlowSessionCreateInfoNV}})) = _OpticalFlowSessionCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{OpticalFlowSessionCreatePrivateDataInfoNV}, Type{VkOpticalFlowSessionCreatePrivateDataInfoNV}})) = _OpticalFlowSessionCreatePrivateDataInfoNV intermediate_type(@nospecialize(_::Union{Type{OpticalFlowExecuteInfoNV}, Type{VkOpticalFlowExecuteInfoNV}})) = _OpticalFlowExecuteInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFaultFeaturesEXT}, Type{VkPhysicalDeviceFaultFeaturesEXT}})) = _PhysicalDeviceFaultFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{DeviceFaultAddressInfoEXT}, Type{VkDeviceFaultAddressInfoEXT}})) = _DeviceFaultAddressInfoEXT intermediate_type(@nospecialize(_::Union{Type{DeviceFaultVendorInfoEXT}, Type{VkDeviceFaultVendorInfoEXT}})) = _DeviceFaultVendorInfoEXT intermediate_type(@nospecialize(_::Union{Type{DeviceFaultCountsEXT}, Type{VkDeviceFaultCountsEXT}})) = _DeviceFaultCountsEXT intermediate_type(@nospecialize(_::Union{Type{DeviceFaultInfoEXT}, Type{VkDeviceFaultInfoEXT}})) = _DeviceFaultInfoEXT intermediate_type(@nospecialize(_::Union{Type{DeviceFaultVendorBinaryHeaderVersionOneEXT}, Type{VkDeviceFaultVendorBinaryHeaderVersionOneEXT}})) = _DeviceFaultVendorBinaryHeaderVersionOneEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT}, Type{VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT}})) = _PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{DecompressMemoryRegionNV}, Type{VkDecompressMemoryRegionNV}})) = _DecompressMemoryRegionNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderCoreBuiltinsPropertiesARM}, Type{VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM}})) = _PhysicalDeviceShaderCoreBuiltinsPropertiesARM intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderCoreBuiltinsFeaturesARM}, Type{VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM}})) = _PhysicalDeviceShaderCoreBuiltinsFeaturesARM intermediate_type(@nospecialize(_::Union{Type{SurfacePresentModeEXT}, Type{VkSurfacePresentModeEXT}})) = _SurfacePresentModeEXT intermediate_type(@nospecialize(_::Union{Type{SurfacePresentScalingCapabilitiesEXT}, Type{VkSurfacePresentScalingCapabilitiesEXT}})) = _SurfacePresentScalingCapabilitiesEXT intermediate_type(@nospecialize(_::Union{Type{SurfacePresentModeCompatibilityEXT}, Type{VkSurfacePresentModeCompatibilityEXT}})) = _SurfacePresentModeCompatibilityEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSwapchainMaintenance1FeaturesEXT}, Type{VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT}})) = _PhysicalDeviceSwapchainMaintenance1FeaturesEXT intermediate_type(@nospecialize(_::Union{Type{SwapchainPresentFenceInfoEXT}, Type{VkSwapchainPresentFenceInfoEXT}})) = _SwapchainPresentFenceInfoEXT intermediate_type(@nospecialize(_::Union{Type{SwapchainPresentModesCreateInfoEXT}, Type{VkSwapchainPresentModesCreateInfoEXT}})) = _SwapchainPresentModesCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{SwapchainPresentModeInfoEXT}, Type{VkSwapchainPresentModeInfoEXT}})) = _SwapchainPresentModeInfoEXT intermediate_type(@nospecialize(_::Union{Type{SwapchainPresentScalingCreateInfoEXT}, Type{VkSwapchainPresentScalingCreateInfoEXT}})) = _SwapchainPresentScalingCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{ReleaseSwapchainImagesInfoEXT}, Type{VkReleaseSwapchainImagesInfoEXT}})) = _ReleaseSwapchainImagesInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRayTracingInvocationReorderFeaturesNV}, Type{VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV}})) = _PhysicalDeviceRayTracingInvocationReorderFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRayTracingInvocationReorderPropertiesNV}, Type{VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV}})) = _PhysicalDeviceRayTracingInvocationReorderPropertiesNV intermediate_type(@nospecialize(_::Union{Type{DirectDriverLoadingInfoLUNARG}, Type{VkDirectDriverLoadingInfoLUNARG}})) = _DirectDriverLoadingInfoLUNARG intermediate_type(@nospecialize(_::Union{Type{DirectDriverLoadingListLUNARG}, Type{VkDirectDriverLoadingListLUNARG}})) = _DirectDriverLoadingListLUNARG intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM}, Type{VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM}})) = _PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM const ACCELERATION_STRUCTURE_TYPE_BOTTOM_LEVEL_NV = ACCELERATION_STRUCTURE_TYPE_BOTTOM_LEVEL_KHR const ACCELERATION_STRUCTURE_TYPE_TOP_LEVEL_NV = ACCELERATION_STRUCTURE_TYPE_TOP_LEVEL_KHR const ACCESS_2_ACCELERATION_STRUCTURE_READ_BIT_NV = ACCESS_2_ACCELERATION_STRUCTURE_READ_BIT_KHR const ACCESS_2_ACCELERATION_STRUCTURE_WRITE_BIT_NV = ACCESS_2_ACCELERATION_STRUCTURE_WRITE_BIT_KHR const ACCESS_2_COLOR_ATTACHMENT_READ_BIT_KHR = ACCESS_2_COLOR_ATTACHMENT_READ_BIT const ACCESS_2_COLOR_ATTACHMENT_WRITE_BIT_KHR = ACCESS_2_COLOR_ATTACHMENT_WRITE_BIT const ACCESS_2_DEPTH_STENCIL_ATTACHMENT_READ_BIT_KHR = ACCESS_2_DEPTH_STENCIL_ATTACHMENT_READ_BIT const ACCESS_2_DEPTH_STENCIL_ATTACHMENT_WRITE_BIT_KHR = ACCESS_2_DEPTH_STENCIL_ATTACHMENT_WRITE_BIT const ACCESS_2_HOST_READ_BIT_KHR = ACCESS_2_HOST_READ_BIT const ACCESS_2_HOST_WRITE_BIT_KHR = ACCESS_2_HOST_WRITE_BIT const ACCESS_2_INDEX_READ_BIT_KHR = ACCESS_2_INDEX_READ_BIT const ACCESS_2_INDIRECT_COMMAND_READ_BIT_KHR = ACCESS_2_INDIRECT_COMMAND_READ_BIT const ACCESS_2_INPUT_ATTACHMENT_READ_BIT_KHR = ACCESS_2_INPUT_ATTACHMENT_READ_BIT const ACCESS_2_MEMORY_READ_BIT_KHR = ACCESS_2_MEMORY_READ_BIT const ACCESS_2_MEMORY_WRITE_BIT_KHR = ACCESS_2_MEMORY_WRITE_BIT const ACCESS_2_NONE_KHR = ACCESS_2_NONE const ACCESS_2_SHADER_READ_BIT_KHR = ACCESS_2_SHADER_READ_BIT const ACCESS_2_SHADER_SAMPLED_READ_BIT_KHR = ACCESS_2_SHADER_SAMPLED_READ_BIT const ACCESS_2_SHADER_STORAGE_READ_BIT_KHR = ACCESS_2_SHADER_STORAGE_READ_BIT const ACCESS_2_SHADER_STORAGE_WRITE_BIT_KHR = ACCESS_2_SHADER_STORAGE_WRITE_BIT const ACCESS_2_SHADER_WRITE_BIT_KHR = ACCESS_2_SHADER_WRITE_BIT const ACCESS_2_SHADING_RATE_IMAGE_READ_BIT_NV = ACCESS_2_FRAGMENT_SHADING_RATE_ATTACHMENT_READ_BIT_KHR const ACCESS_2_TRANSFER_READ_BIT_KHR = ACCESS_2_TRANSFER_READ_BIT const ACCESS_2_TRANSFER_WRITE_BIT_KHR = ACCESS_2_TRANSFER_WRITE_BIT const ACCESS_2_UNIFORM_READ_BIT_KHR = ACCESS_2_UNIFORM_READ_BIT const ACCESS_2_VERTEX_ATTRIBUTE_READ_BIT_KHR = ACCESS_2_VERTEX_ATTRIBUTE_READ_BIT const ACCESS_ACCELERATION_STRUCTURE_READ_BIT_NV = ACCESS_ACCELERATION_STRUCTURE_READ_BIT_KHR const ACCESS_ACCELERATION_STRUCTURE_WRITE_BIT_NV = ACCESS_ACCELERATION_STRUCTURE_WRITE_BIT_KHR const ACCESS_NONE_KHR = ACCESS_NONE const ACCESS_SHADING_RATE_IMAGE_READ_BIT_NV = ACCESS_FRAGMENT_SHADING_RATE_ATTACHMENT_READ_BIT_KHR const ATTACHMENT_STORE_OP_NONE_EXT = ATTACHMENT_STORE_OP_NONE const ATTACHMENT_STORE_OP_NONE_KHR = ATTACHMENT_STORE_OP_NONE const ATTACHMENT_STORE_OP_NONE_QCOM = ATTACHMENT_STORE_OP_NONE const BUFFER_CREATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT_EXT = BUFFER_CREATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT const BUFFER_CREATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT_KHR = BUFFER_CREATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT const BUFFER_USAGE_RAY_TRACING_BIT_NV = BUFFER_USAGE_SHADER_BINDING_TABLE_BIT_KHR const BUFFER_USAGE_SHADER_DEVICE_ADDRESS_BIT_EXT = BUFFER_USAGE_SHADER_DEVICE_ADDRESS_BIT const BUFFER_USAGE_SHADER_DEVICE_ADDRESS_BIT_KHR = BUFFER_USAGE_SHADER_DEVICE_ADDRESS_BIT const BUILD_ACCELERATION_STRUCTURE_ALLOW_COMPACTION_BIT_NV = BUILD_ACCELERATION_STRUCTURE_ALLOW_COMPACTION_BIT_KHR const BUILD_ACCELERATION_STRUCTURE_ALLOW_UPDATE_BIT_NV = BUILD_ACCELERATION_STRUCTURE_ALLOW_UPDATE_BIT_KHR const BUILD_ACCELERATION_STRUCTURE_LOW_MEMORY_BIT_NV = BUILD_ACCELERATION_STRUCTURE_LOW_MEMORY_BIT_KHR const BUILD_ACCELERATION_STRUCTURE_PREFER_FAST_BUILD_BIT_NV = BUILD_ACCELERATION_STRUCTURE_PREFER_FAST_BUILD_BIT_KHR const BUILD_ACCELERATION_STRUCTURE_PREFER_FAST_TRACE_BIT_NV = BUILD_ACCELERATION_STRUCTURE_PREFER_FAST_TRACE_BIT_KHR const CHROMA_LOCATION_COSITED_EVEN_KHR = CHROMA_LOCATION_COSITED_EVEN const CHROMA_LOCATION_MIDPOINT_KHR = CHROMA_LOCATION_MIDPOINT const COLORSPACE_SRGB_NONLINEAR_KHR = COLOR_SPACE_SRGB_NONLINEAR_KHR const COLOR_SPACE_DCI_P3_LINEAR_EXT = COLOR_SPACE_DISPLAY_P3_LINEAR_EXT const COPY_ACCELERATION_STRUCTURE_MODE_CLONE_NV = COPY_ACCELERATION_STRUCTURE_MODE_CLONE_KHR const COPY_ACCELERATION_STRUCTURE_MODE_COMPACT_NV = COPY_ACCELERATION_STRUCTURE_MODE_COMPACT_KHR const DEBUG_REPORT_OBJECT_TYPE_DEBUG_REPORT_EXT = DEBUG_REPORT_OBJECT_TYPE_DEBUG_REPORT_CALLBACK_EXT_EXT const DEBUG_REPORT_OBJECT_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_KHR_EXT = DEBUG_REPORT_OBJECT_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_EXT const DEBUG_REPORT_OBJECT_TYPE_SAMPLER_YCBCR_CONVERSION_KHR_EXT = DEBUG_REPORT_OBJECT_TYPE_SAMPLER_YCBCR_CONVERSION_EXT const DEBUG_REPORT_OBJECT_TYPE_VALIDATION_CACHE_EXT = DEBUG_REPORT_OBJECT_TYPE_VALIDATION_CACHE_EXT_EXT const DEPENDENCY_DEVICE_GROUP_BIT_KHR = DEPENDENCY_DEVICE_GROUP_BIT const DEPENDENCY_VIEW_LOCAL_BIT_KHR = DEPENDENCY_VIEW_LOCAL_BIT const DESCRIPTOR_BINDING_PARTIALLY_BOUND_BIT_EXT = DESCRIPTOR_BINDING_PARTIALLY_BOUND_BIT const DESCRIPTOR_BINDING_UPDATE_AFTER_BIND_BIT_EXT = DESCRIPTOR_BINDING_UPDATE_AFTER_BIND_BIT const DESCRIPTOR_BINDING_UPDATE_UNUSED_WHILE_PENDING_BIT_EXT = DESCRIPTOR_BINDING_UPDATE_UNUSED_WHILE_PENDING_BIT const DESCRIPTOR_BINDING_VARIABLE_DESCRIPTOR_COUNT_BIT_EXT = DESCRIPTOR_BINDING_VARIABLE_DESCRIPTOR_COUNT_BIT const DESCRIPTOR_POOL_CREATE_HOST_ONLY_BIT_VALVE = DESCRIPTOR_POOL_CREATE_HOST_ONLY_BIT_EXT const DESCRIPTOR_POOL_CREATE_UPDATE_AFTER_BIND_BIT_EXT = DESCRIPTOR_POOL_CREATE_UPDATE_AFTER_BIND_BIT const DESCRIPTOR_SET_LAYOUT_CREATE_HOST_ONLY_POOL_BIT_VALVE = DESCRIPTOR_SET_LAYOUT_CREATE_HOST_ONLY_POOL_BIT_EXT const DESCRIPTOR_SET_LAYOUT_CREATE_UPDATE_AFTER_BIND_POOL_BIT_EXT = DESCRIPTOR_SET_LAYOUT_CREATE_UPDATE_AFTER_BIND_POOL_BIT const DESCRIPTOR_TYPE_INLINE_UNIFORM_BLOCK_EXT = DESCRIPTOR_TYPE_INLINE_UNIFORM_BLOCK const DESCRIPTOR_TYPE_MUTABLE_VALVE = DESCRIPTOR_TYPE_MUTABLE_EXT const DESCRIPTOR_UPDATE_TEMPLATE_TYPE_DESCRIPTOR_SET_KHR = DESCRIPTOR_UPDATE_TEMPLATE_TYPE_DESCRIPTOR_SET const DRIVER_ID_AMD_OPEN_SOURCE_KHR = DRIVER_ID_AMD_OPEN_SOURCE const DRIVER_ID_AMD_PROPRIETARY_KHR = DRIVER_ID_AMD_PROPRIETARY const DRIVER_ID_ARM_PROPRIETARY_KHR = DRIVER_ID_ARM_PROPRIETARY const DRIVER_ID_BROADCOM_PROPRIETARY_KHR = DRIVER_ID_BROADCOM_PROPRIETARY const DRIVER_ID_GGP_PROPRIETARY_KHR = DRIVER_ID_GGP_PROPRIETARY const DRIVER_ID_GOOGLE_SWIFTSHADER_KHR = DRIVER_ID_GOOGLE_SWIFTSHADER const DRIVER_ID_IMAGINATION_PROPRIETARY_KHR = DRIVER_ID_IMAGINATION_PROPRIETARY const DRIVER_ID_INTEL_OPEN_SOURCE_MESA_KHR = DRIVER_ID_INTEL_OPEN_SOURCE_MESA const DRIVER_ID_INTEL_PROPRIETARY_WINDOWS_KHR = DRIVER_ID_INTEL_PROPRIETARY_WINDOWS const DRIVER_ID_MESA_RADV_KHR = DRIVER_ID_MESA_RADV const DRIVER_ID_NVIDIA_PROPRIETARY_KHR = DRIVER_ID_NVIDIA_PROPRIETARY const DRIVER_ID_QUALCOMM_PROPRIETARY_KHR = DRIVER_ID_QUALCOMM_PROPRIETARY const DYNAMIC_STATE_CULL_MODE_EXT = DYNAMIC_STATE_CULL_MODE const DYNAMIC_STATE_DEPTH_BIAS_ENABLE_EXT = DYNAMIC_STATE_DEPTH_BIAS_ENABLE const DYNAMIC_STATE_DEPTH_BOUNDS_TEST_ENABLE_EXT = DYNAMIC_STATE_DEPTH_BOUNDS_TEST_ENABLE const DYNAMIC_STATE_DEPTH_COMPARE_OP_EXT = DYNAMIC_STATE_DEPTH_COMPARE_OP const DYNAMIC_STATE_DEPTH_TEST_ENABLE_EXT = DYNAMIC_STATE_DEPTH_TEST_ENABLE const DYNAMIC_STATE_DEPTH_WRITE_ENABLE_EXT = DYNAMIC_STATE_DEPTH_WRITE_ENABLE const DYNAMIC_STATE_FRONT_FACE_EXT = DYNAMIC_STATE_FRONT_FACE const DYNAMIC_STATE_PRIMITIVE_RESTART_ENABLE_EXT = DYNAMIC_STATE_PRIMITIVE_RESTART_ENABLE const DYNAMIC_STATE_PRIMITIVE_TOPOLOGY_EXT = DYNAMIC_STATE_PRIMITIVE_TOPOLOGY const DYNAMIC_STATE_RASTERIZER_DISCARD_ENABLE_EXT = DYNAMIC_STATE_RASTERIZER_DISCARD_ENABLE const DYNAMIC_STATE_SCISSOR_WITH_COUNT_EXT = DYNAMIC_STATE_SCISSOR_WITH_COUNT const DYNAMIC_STATE_STENCIL_OP_EXT = DYNAMIC_STATE_STENCIL_OP const DYNAMIC_STATE_STENCIL_TEST_ENABLE_EXT = DYNAMIC_STATE_STENCIL_TEST_ENABLE const DYNAMIC_STATE_VERTEX_INPUT_BINDING_STRIDE_EXT = DYNAMIC_STATE_VERTEX_INPUT_BINDING_STRIDE const DYNAMIC_STATE_VIEWPORT_WITH_COUNT_EXT = DYNAMIC_STATE_VIEWPORT_WITH_COUNT const ERROR_FRAGMENTATION_EXT = ERROR_FRAGMENTATION const ERROR_INVALID_DEVICE_ADDRESS_EXT = ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS const ERROR_INVALID_EXTERNAL_HANDLE_KHR = ERROR_INVALID_EXTERNAL_HANDLE const ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR = ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS const ERROR_NOT_PERMITTED_EXT = ERROR_NOT_PERMITTED_KHR const ERROR_OUT_OF_POOL_MEMORY_KHR = ERROR_OUT_OF_POOL_MEMORY const ERROR_PIPELINE_COMPILE_REQUIRED_EXT = PIPELINE_COMPILE_REQUIRED const EVENT_CREATE_DEVICE_ONLY_BIT_KHR = EVENT_CREATE_DEVICE_ONLY_BIT const EXTERNAL_FENCE_FEATURE_EXPORTABLE_BIT_KHR = EXTERNAL_FENCE_FEATURE_EXPORTABLE_BIT const EXTERNAL_FENCE_FEATURE_IMPORTABLE_BIT_KHR = EXTERNAL_FENCE_FEATURE_IMPORTABLE_BIT const EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_FD_BIT_KHR = EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_FD_BIT const EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_WIN32_BIT_KHR = EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_WIN32_BIT const EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT_KHR = EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT const EXTERNAL_FENCE_HANDLE_TYPE_SYNC_FD_BIT_KHR = EXTERNAL_FENCE_HANDLE_TYPE_SYNC_FD_BIT const EXTERNAL_MEMORY_FEATURE_DEDICATED_ONLY_BIT_KHR = EXTERNAL_MEMORY_FEATURE_DEDICATED_ONLY_BIT const EXTERNAL_MEMORY_FEATURE_EXPORTABLE_BIT_KHR = EXTERNAL_MEMORY_FEATURE_EXPORTABLE_BIT const EXTERNAL_MEMORY_FEATURE_IMPORTABLE_BIT_KHR = EXTERNAL_MEMORY_FEATURE_IMPORTABLE_BIT const EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_TEXTURE_BIT_KHR = EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_TEXTURE_BIT const EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_TEXTURE_KMT_BIT_KHR = EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_TEXTURE_KMT_BIT const EXTERNAL_MEMORY_HANDLE_TYPE_D3D12_HEAP_BIT_KHR = EXTERNAL_MEMORY_HANDLE_TYPE_D3D12_HEAP_BIT const EXTERNAL_MEMORY_HANDLE_TYPE_D3D12_RESOURCE_BIT_KHR = EXTERNAL_MEMORY_HANDLE_TYPE_D3D12_RESOURCE_BIT const EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_FD_BIT_KHR = EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_FD_BIT const EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_BIT_KHR = EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_BIT const EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT_KHR = EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT const EXTERNAL_SEMAPHORE_FEATURE_EXPORTABLE_BIT_KHR = EXTERNAL_SEMAPHORE_FEATURE_EXPORTABLE_BIT const EXTERNAL_SEMAPHORE_FEATURE_IMPORTABLE_BIT_KHR = EXTERNAL_SEMAPHORE_FEATURE_IMPORTABLE_BIT const EXTERNAL_SEMAPHORE_HANDLE_TYPE_D3D11_FENCE_BIT = EXTERNAL_SEMAPHORE_HANDLE_TYPE_D3D12_FENCE_BIT const EXTERNAL_SEMAPHORE_HANDLE_TYPE_D3D12_FENCE_BIT_KHR = EXTERNAL_SEMAPHORE_HANDLE_TYPE_D3D12_FENCE_BIT const EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_FD_BIT_KHR = EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_FD_BIT const EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_WIN32_BIT_KHR = EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_WIN32_BIT const EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT_KHR = EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT const EXTERNAL_SEMAPHORE_HANDLE_TYPE_SYNC_FD_BIT_KHR = EXTERNAL_SEMAPHORE_HANDLE_TYPE_SYNC_FD_BIT const FENCE_IMPORT_TEMPORARY_BIT_KHR = FENCE_IMPORT_TEMPORARY_BIT const FILTER_CUBIC_IMG = FILTER_CUBIC_EXT const FORMAT_A4B4G4R4_UNORM_PACK16_EXT = FORMAT_A4B4G4R4_UNORM_PACK16 const FORMAT_A4R4G4B4_UNORM_PACK16_EXT = FORMAT_A4R4G4B4_UNORM_PACK16 const FORMAT_ASTC_10x10_SFLOAT_BLOCK_EXT = FORMAT_ASTC_10x10_SFLOAT_BLOCK const FORMAT_ASTC_10x5_SFLOAT_BLOCK_EXT = FORMAT_ASTC_10x5_SFLOAT_BLOCK const FORMAT_ASTC_10x6_SFLOAT_BLOCK_EXT = FORMAT_ASTC_10x6_SFLOAT_BLOCK const FORMAT_ASTC_10x8_SFLOAT_BLOCK_EXT = FORMAT_ASTC_10x8_SFLOAT_BLOCK const FORMAT_ASTC_12x10_SFLOAT_BLOCK_EXT = FORMAT_ASTC_12x10_SFLOAT_BLOCK const FORMAT_ASTC_12x12_SFLOAT_BLOCK_EXT = FORMAT_ASTC_12x12_SFLOAT_BLOCK const FORMAT_ASTC_4x4_SFLOAT_BLOCK_EXT = FORMAT_ASTC_4x4_SFLOAT_BLOCK const FORMAT_ASTC_5x4_SFLOAT_BLOCK_EXT = FORMAT_ASTC_5x4_SFLOAT_BLOCK const FORMAT_ASTC_5x5_SFLOAT_BLOCK_EXT = FORMAT_ASTC_5x5_SFLOAT_BLOCK const FORMAT_ASTC_6x5_SFLOAT_BLOCK_EXT = FORMAT_ASTC_6x5_SFLOAT_BLOCK const FORMAT_ASTC_6x6_SFLOAT_BLOCK_EXT = FORMAT_ASTC_6x6_SFLOAT_BLOCK const FORMAT_ASTC_8x5_SFLOAT_BLOCK_EXT = FORMAT_ASTC_8x5_SFLOAT_BLOCK const FORMAT_ASTC_8x6_SFLOAT_BLOCK_EXT = FORMAT_ASTC_8x6_SFLOAT_BLOCK const FORMAT_ASTC_8x8_SFLOAT_BLOCK_EXT = FORMAT_ASTC_8x8_SFLOAT_BLOCK const FORMAT_B10X6G10X6R10X6G10X6_422_UNORM_4PACK16_KHR = FORMAT_B10X6G10X6R10X6G10X6_422_UNORM_4PACK16 const FORMAT_B12X4G12X4R12X4G12X4_422_UNORM_4PACK16_KHR = FORMAT_B12X4G12X4R12X4G12X4_422_UNORM_4PACK16 const FORMAT_B16G16R16G16_422_UNORM_KHR = FORMAT_B16G16R16G16_422_UNORM const FORMAT_B8G8R8G8_422_UNORM_KHR = FORMAT_B8G8R8G8_422_UNORM const FORMAT_FEATURE_2_BLIT_DST_BIT_KHR = FORMAT_FEATURE_2_BLIT_DST_BIT const FORMAT_FEATURE_2_BLIT_SRC_BIT_KHR = FORMAT_FEATURE_2_BLIT_SRC_BIT const FORMAT_FEATURE_2_COLOR_ATTACHMENT_BIT_KHR = FORMAT_FEATURE_2_COLOR_ATTACHMENT_BIT const FORMAT_FEATURE_2_COLOR_ATTACHMENT_BLEND_BIT_KHR = FORMAT_FEATURE_2_COLOR_ATTACHMENT_BLEND_BIT const FORMAT_FEATURE_2_COSITED_CHROMA_SAMPLES_BIT_KHR = FORMAT_FEATURE_2_COSITED_CHROMA_SAMPLES_BIT const FORMAT_FEATURE_2_DEPTH_STENCIL_ATTACHMENT_BIT_KHR = FORMAT_FEATURE_2_DEPTH_STENCIL_ATTACHMENT_BIT const FORMAT_FEATURE_2_DISJOINT_BIT_KHR = FORMAT_FEATURE_2_DISJOINT_BIT const FORMAT_FEATURE_2_MIDPOINT_CHROMA_SAMPLES_BIT_KHR = FORMAT_FEATURE_2_MIDPOINT_CHROMA_SAMPLES_BIT const FORMAT_FEATURE_2_SAMPLED_IMAGE_BIT_KHR = FORMAT_FEATURE_2_SAMPLED_IMAGE_BIT const FORMAT_FEATURE_2_SAMPLED_IMAGE_DEPTH_COMPARISON_BIT_KHR = FORMAT_FEATURE_2_SAMPLED_IMAGE_DEPTH_COMPARISON_BIT const FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_CUBIC_BIT_EXT = FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_CUBIC_BIT const FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_LINEAR_BIT_KHR = FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_LINEAR_BIT const FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_MINMAX_BIT_KHR = FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_MINMAX_BIT const FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_BIT_KHR = FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_BIT const FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_FORCEABLE_BIT_KHR = FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_FORCEABLE_BIT const FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_LINEAR_FILTER_BIT_KHR = FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_LINEAR_FILTER_BIT const FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_SEPARATE_RECONSTRUCTION_FILTER_BIT_KHR = FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_SEPARATE_RECONSTRUCTION_FILTER_BIT const FORMAT_FEATURE_2_STORAGE_IMAGE_ATOMIC_BIT_KHR = FORMAT_FEATURE_2_STORAGE_IMAGE_ATOMIC_BIT const FORMAT_FEATURE_2_STORAGE_IMAGE_BIT_KHR = FORMAT_FEATURE_2_STORAGE_IMAGE_BIT const FORMAT_FEATURE_2_STORAGE_READ_WITHOUT_FORMAT_BIT_KHR = FORMAT_FEATURE_2_STORAGE_READ_WITHOUT_FORMAT_BIT const FORMAT_FEATURE_2_STORAGE_TEXEL_BUFFER_ATOMIC_BIT_KHR = FORMAT_FEATURE_2_STORAGE_TEXEL_BUFFER_ATOMIC_BIT const FORMAT_FEATURE_2_STORAGE_TEXEL_BUFFER_BIT_KHR = FORMAT_FEATURE_2_STORAGE_TEXEL_BUFFER_BIT const FORMAT_FEATURE_2_STORAGE_WRITE_WITHOUT_FORMAT_BIT_KHR = FORMAT_FEATURE_2_STORAGE_WRITE_WITHOUT_FORMAT_BIT const FORMAT_FEATURE_2_TRANSFER_DST_BIT_KHR = FORMAT_FEATURE_2_TRANSFER_DST_BIT const FORMAT_FEATURE_2_TRANSFER_SRC_BIT_KHR = FORMAT_FEATURE_2_TRANSFER_SRC_BIT const FORMAT_FEATURE_2_UNIFORM_TEXEL_BUFFER_BIT_KHR = FORMAT_FEATURE_2_UNIFORM_TEXEL_BUFFER_BIT const FORMAT_FEATURE_2_VERTEX_BUFFER_BIT_KHR = FORMAT_FEATURE_2_VERTEX_BUFFER_BIT const FORMAT_FEATURE_COSITED_CHROMA_SAMPLES_BIT_KHR = FORMAT_FEATURE_COSITED_CHROMA_SAMPLES_BIT const FORMAT_FEATURE_DISJOINT_BIT_KHR = FORMAT_FEATURE_DISJOINT_BIT const FORMAT_FEATURE_MIDPOINT_CHROMA_SAMPLES_BIT_KHR = FORMAT_FEATURE_MIDPOINT_CHROMA_SAMPLES_BIT const FORMAT_FEATURE_SAMPLED_IMAGE_FILTER_CUBIC_BIT_IMG = FORMAT_FEATURE_SAMPLED_IMAGE_FILTER_CUBIC_BIT_EXT const FORMAT_FEATURE_SAMPLED_IMAGE_FILTER_MINMAX_BIT_EXT = FORMAT_FEATURE_SAMPLED_IMAGE_FILTER_MINMAX_BIT const FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_BIT_KHR = FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_BIT const FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_FORCEABLE_BIT_KHR = FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_FORCEABLE_BIT const FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_LINEAR_FILTER_BIT_KHR = FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_LINEAR_FILTER_BIT const FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_SEPARATE_RECONSTRUCTION_FILTER_BIT_KHR = FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_SEPARATE_RECONSTRUCTION_FILTER_BIT const FORMAT_FEATURE_TRANSFER_DST_BIT_KHR = FORMAT_FEATURE_TRANSFER_DST_BIT const FORMAT_FEATURE_TRANSFER_SRC_BIT_KHR = FORMAT_FEATURE_TRANSFER_SRC_BIT const FORMAT_G10X6B10X6G10X6R10X6_422_UNORM_4PACK16_KHR = FORMAT_G10X6B10X6G10X6R10X6_422_UNORM_4PACK16 const FORMAT_G10X6_B10X6R10X6_2PLANE_420_UNORM_3PACK16_KHR = FORMAT_G10X6_B10X6R10X6_2PLANE_420_UNORM_3PACK16 const FORMAT_G10X6_B10X6R10X6_2PLANE_422_UNORM_3PACK16_KHR = FORMAT_G10X6_B10X6R10X6_2PLANE_422_UNORM_3PACK16 const FORMAT_G10X6_B10X6R10X6_2PLANE_444_UNORM_3PACK16_EXT = FORMAT_G10X6_B10X6R10X6_2PLANE_444_UNORM_3PACK16 const FORMAT_G10X6_B10X6_R10X6_3PLANE_420_UNORM_3PACK16_KHR = FORMAT_G10X6_B10X6_R10X6_3PLANE_420_UNORM_3PACK16 const FORMAT_G10X6_B10X6_R10X6_3PLANE_422_UNORM_3PACK16_KHR = FORMAT_G10X6_B10X6_R10X6_3PLANE_422_UNORM_3PACK16 const FORMAT_G10X6_B10X6_R10X6_3PLANE_444_UNORM_3PACK16_KHR = FORMAT_G10X6_B10X6_R10X6_3PLANE_444_UNORM_3PACK16 const FORMAT_G12X4B12X4G12X4R12X4_422_UNORM_4PACK16_KHR = FORMAT_G12X4B12X4G12X4R12X4_422_UNORM_4PACK16 const FORMAT_G12X4_B12X4R12X4_2PLANE_420_UNORM_3PACK16_KHR = FORMAT_G12X4_B12X4R12X4_2PLANE_420_UNORM_3PACK16 const FORMAT_G12X4_B12X4R12X4_2PLANE_422_UNORM_3PACK16_KHR = FORMAT_G12X4_B12X4R12X4_2PLANE_422_UNORM_3PACK16 const FORMAT_G12X4_B12X4R12X4_2PLANE_444_UNORM_3PACK16_EXT = FORMAT_G12X4_B12X4R12X4_2PLANE_444_UNORM_3PACK16 const FORMAT_G12X4_B12X4_R12X4_3PLANE_420_UNORM_3PACK16_KHR = FORMAT_G12X4_B12X4_R12X4_3PLANE_420_UNORM_3PACK16 const FORMAT_G12X4_B12X4_R12X4_3PLANE_422_UNORM_3PACK16_KHR = FORMAT_G12X4_B12X4_R12X4_3PLANE_422_UNORM_3PACK16 const FORMAT_G12X4_B12X4_R12X4_3PLANE_444_UNORM_3PACK16_KHR = FORMAT_G12X4_B12X4_R12X4_3PLANE_444_UNORM_3PACK16 const FORMAT_G16B16G16R16_422_UNORM_KHR = FORMAT_G16B16G16R16_422_UNORM const FORMAT_G16_B16R16_2PLANE_420_UNORM_KHR = FORMAT_G16_B16R16_2PLANE_420_UNORM const FORMAT_G16_B16R16_2PLANE_422_UNORM_KHR = FORMAT_G16_B16R16_2PLANE_422_UNORM const FORMAT_G16_B16R16_2PLANE_444_UNORM_EXT = FORMAT_G16_B16R16_2PLANE_444_UNORM const FORMAT_G16_B16_R16_3PLANE_420_UNORM_KHR = FORMAT_G16_B16_R16_3PLANE_420_UNORM const FORMAT_G16_B16_R16_3PLANE_422_UNORM_KHR = FORMAT_G16_B16_R16_3PLANE_422_UNORM const FORMAT_G16_B16_R16_3PLANE_444_UNORM_KHR = FORMAT_G16_B16_R16_3PLANE_444_UNORM const FORMAT_G8B8G8R8_422_UNORM_KHR = FORMAT_G8B8G8R8_422_UNORM const FORMAT_G8_B8R8_2PLANE_420_UNORM_KHR = FORMAT_G8_B8R8_2PLANE_420_UNORM const FORMAT_G8_B8R8_2PLANE_422_UNORM_KHR = FORMAT_G8_B8R8_2PLANE_422_UNORM const FORMAT_G8_B8R8_2PLANE_444_UNORM_EXT = FORMAT_G8_B8R8_2PLANE_444_UNORM const FORMAT_G8_B8_R8_3PLANE_420_UNORM_KHR = FORMAT_G8_B8_R8_3PLANE_420_UNORM const FORMAT_G8_B8_R8_3PLANE_422_UNORM_KHR = FORMAT_G8_B8_R8_3PLANE_422_UNORM const FORMAT_G8_B8_R8_3PLANE_444_UNORM_KHR = FORMAT_G8_B8_R8_3PLANE_444_UNORM const FORMAT_R10X6G10X6B10X6A10X6_UNORM_4PACK16_KHR = FORMAT_R10X6G10X6B10X6A10X6_UNORM_4PACK16 const FORMAT_R10X6G10X6_UNORM_2PACK16_KHR = FORMAT_R10X6G10X6_UNORM_2PACK16 const FORMAT_R10X6_UNORM_PACK16_KHR = FORMAT_R10X6_UNORM_PACK16 const FORMAT_R12X4G12X4B12X4A12X4_UNORM_4PACK16_KHR = FORMAT_R12X4G12X4B12X4A12X4_UNORM_4PACK16 const FORMAT_R12X4G12X4_UNORM_2PACK16_KHR = FORMAT_R12X4G12X4_UNORM_2PACK16 const FORMAT_R12X4_UNORM_PACK16_KHR = FORMAT_R12X4_UNORM_PACK16 const FRAMEBUFFER_CREATE_IMAGELESS_BIT_KHR = FRAMEBUFFER_CREATE_IMAGELESS_BIT const GEOMETRY_INSTANCE_FORCE_NO_OPAQUE_BIT_NV = GEOMETRY_INSTANCE_FORCE_NO_OPAQUE_BIT_KHR const GEOMETRY_INSTANCE_FORCE_OPAQUE_BIT_NV = GEOMETRY_INSTANCE_FORCE_OPAQUE_BIT_KHR const GEOMETRY_INSTANCE_TRIANGLE_CULL_DISABLE_BIT_NV = GEOMETRY_INSTANCE_TRIANGLE_FACING_CULL_DISABLE_BIT_KHR const GEOMETRY_INSTANCE_TRIANGLE_FRONT_COUNTERCLOCKWISE_BIT_KHR = GEOMETRY_INSTANCE_TRIANGLE_FLIP_FACING_BIT_KHR const GEOMETRY_NO_DUPLICATE_ANY_HIT_INVOCATION_BIT_NV = GEOMETRY_NO_DUPLICATE_ANY_HIT_INVOCATION_BIT_KHR const GEOMETRY_OPAQUE_BIT_NV = GEOMETRY_OPAQUE_BIT_KHR const GEOMETRY_TYPE_AABBS_NV = GEOMETRY_TYPE_AABBS_KHR const GEOMETRY_TYPE_TRIANGLES_NV = GEOMETRY_TYPE_TRIANGLES_KHR const IMAGE_ASPECT_NONE_KHR = IMAGE_ASPECT_NONE const IMAGE_ASPECT_PLANE_0_BIT_KHR = IMAGE_ASPECT_PLANE_0_BIT const IMAGE_ASPECT_PLANE_1_BIT_KHR = IMAGE_ASPECT_PLANE_1_BIT const IMAGE_ASPECT_PLANE_2_BIT_KHR = IMAGE_ASPECT_PLANE_2_BIT const IMAGE_CREATE_2D_ARRAY_COMPATIBLE_BIT_KHR = IMAGE_CREATE_2D_ARRAY_COMPATIBLE_BIT const IMAGE_CREATE_ALIAS_BIT_KHR = IMAGE_CREATE_ALIAS_BIT const IMAGE_CREATE_BLOCK_TEXEL_VIEW_COMPATIBLE_BIT_KHR = IMAGE_CREATE_BLOCK_TEXEL_VIEW_COMPATIBLE_BIT const IMAGE_CREATE_DISJOINT_BIT_KHR = IMAGE_CREATE_DISJOINT_BIT const IMAGE_CREATE_EXTENDED_USAGE_BIT_KHR = IMAGE_CREATE_EXTENDED_USAGE_BIT const IMAGE_CREATE_SPLIT_INSTANCE_BIND_REGIONS_BIT_KHR = IMAGE_CREATE_SPLIT_INSTANCE_BIND_REGIONS_BIT const IMAGE_LAYOUT_ATTACHMENT_OPTIMAL_KHR = IMAGE_LAYOUT_ATTACHMENT_OPTIMAL const IMAGE_LAYOUT_DEPTH_ATTACHMENT_OPTIMAL_KHR = IMAGE_LAYOUT_DEPTH_ATTACHMENT_OPTIMAL const IMAGE_LAYOUT_DEPTH_ATTACHMENT_STENCIL_READ_ONLY_OPTIMAL_KHR = IMAGE_LAYOUT_DEPTH_ATTACHMENT_STENCIL_READ_ONLY_OPTIMAL const IMAGE_LAYOUT_DEPTH_READ_ONLY_OPTIMAL_KHR = IMAGE_LAYOUT_DEPTH_READ_ONLY_OPTIMAL const IMAGE_LAYOUT_DEPTH_READ_ONLY_STENCIL_ATTACHMENT_OPTIMAL_KHR = IMAGE_LAYOUT_DEPTH_READ_ONLY_STENCIL_ATTACHMENT_OPTIMAL const IMAGE_LAYOUT_READ_ONLY_OPTIMAL_KHR = IMAGE_LAYOUT_READ_ONLY_OPTIMAL const IMAGE_LAYOUT_SHADING_RATE_OPTIMAL_NV = IMAGE_LAYOUT_FRAGMENT_SHADING_RATE_ATTACHMENT_OPTIMAL_KHR const IMAGE_LAYOUT_STENCIL_ATTACHMENT_OPTIMAL_KHR = IMAGE_LAYOUT_STENCIL_ATTACHMENT_OPTIMAL const IMAGE_LAYOUT_STENCIL_READ_ONLY_OPTIMAL_KHR = IMAGE_LAYOUT_STENCIL_READ_ONLY_OPTIMAL const IMAGE_USAGE_SHADING_RATE_IMAGE_BIT_NV = IMAGE_USAGE_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR const INDEX_TYPE_NONE_NV = INDEX_TYPE_NONE_KHR const LUID_SIZE_KHR = LUID_SIZE const MAX_DEVICE_GROUP_SIZE_KHR = MAX_DEVICE_GROUP_SIZE const MAX_DRIVER_INFO_SIZE_KHR = MAX_DRIVER_INFO_SIZE const MAX_DRIVER_NAME_SIZE_KHR = MAX_DRIVER_NAME_SIZE const MAX_GLOBAL_PRIORITY_SIZE_EXT = MAX_GLOBAL_PRIORITY_SIZE_KHR const MEMORY_ALLOCATE_DEVICE_ADDRESS_BIT_KHR = MEMORY_ALLOCATE_DEVICE_ADDRESS_BIT const MEMORY_ALLOCATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT_KHR = MEMORY_ALLOCATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT const MEMORY_ALLOCATE_DEVICE_MASK_BIT_KHR = MEMORY_ALLOCATE_DEVICE_MASK_BIT const MEMORY_HEAP_MULTI_INSTANCE_BIT_KHR = MEMORY_HEAP_MULTI_INSTANCE_BIT const OBJECT_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_KHR = OBJECT_TYPE_DESCRIPTOR_UPDATE_TEMPLATE const OBJECT_TYPE_PRIVATE_DATA_SLOT_EXT = OBJECT_TYPE_PRIVATE_DATA_SLOT const OBJECT_TYPE_SAMPLER_YCBCR_CONVERSION_KHR = OBJECT_TYPE_SAMPLER_YCBCR_CONVERSION const PEER_MEMORY_FEATURE_COPY_DST_BIT_KHR = PEER_MEMORY_FEATURE_COPY_DST_BIT const PEER_MEMORY_FEATURE_COPY_SRC_BIT_KHR = PEER_MEMORY_FEATURE_COPY_SRC_BIT const PEER_MEMORY_FEATURE_GENERIC_DST_BIT_KHR = PEER_MEMORY_FEATURE_GENERIC_DST_BIT const PEER_MEMORY_FEATURE_GENERIC_SRC_BIT_KHR = PEER_MEMORY_FEATURE_GENERIC_SRC_BIT const PERFORMANCE_COUNTER_DESCRIPTION_CONCURRENTLY_IMPACTED_KHR = PERFORMANCE_COUNTER_DESCRIPTION_CONCURRENTLY_IMPACTED_BIT_KHR const PERFORMANCE_COUNTER_DESCRIPTION_PERFORMANCE_IMPACTING_KHR = PERFORMANCE_COUNTER_DESCRIPTION_PERFORMANCE_IMPACTING_BIT_KHR const PIPELINE_BIND_POINT_RAY_TRACING_NV = PIPELINE_BIND_POINT_RAY_TRACING_KHR const PIPELINE_CACHE_CREATE_EXTERNALLY_SYNCHRONIZED_BIT_EXT = PIPELINE_CACHE_CREATE_EXTERNALLY_SYNCHRONIZED_BIT const PIPELINE_COLOR_BLEND_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_ACCESS_BIT_ARM = PIPELINE_COLOR_BLEND_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_ACCESS_BIT_EXT const PIPELINE_COMPILE_REQUIRED_EXT = PIPELINE_COMPILE_REQUIRED const PIPELINE_CREATE_DISPATCH_BASE = PIPELINE_CREATE_DISPATCH_BASE_BIT const PIPELINE_CREATE_EARLY_RETURN_ON_FAILURE_BIT_EXT = PIPELINE_CREATE_EARLY_RETURN_ON_FAILURE_BIT const PIPELINE_CREATE_FAIL_ON_PIPELINE_COMPILE_REQUIRED_BIT_EXT = PIPELINE_CREATE_FAIL_ON_PIPELINE_COMPILE_REQUIRED_BIT const PIPELINE_CREATE_VIEW_INDEX_FROM_DEVICE_INDEX_BIT_KHR = PIPELINE_CREATE_VIEW_INDEX_FROM_DEVICE_INDEX_BIT const PIPELINE_CREATION_FEEDBACK_APPLICATION_PIPELINE_CACHE_HIT_BIT_EXT = PIPELINE_CREATION_FEEDBACK_APPLICATION_PIPELINE_CACHE_HIT_BIT const PIPELINE_CREATION_FEEDBACK_BASE_PIPELINE_ACCELERATION_BIT_EXT = PIPELINE_CREATION_FEEDBACK_BASE_PIPELINE_ACCELERATION_BIT const PIPELINE_CREATION_FEEDBACK_VALID_BIT_EXT = PIPELINE_CREATION_FEEDBACK_VALID_BIT const PIPELINE_DEPTH_STENCIL_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_DEPTH_ACCESS_BIT_ARM = PIPELINE_DEPTH_STENCIL_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_DEPTH_ACCESS_BIT_EXT const PIPELINE_DEPTH_STENCIL_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_STENCIL_ACCESS_BIT_ARM = PIPELINE_DEPTH_STENCIL_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_STENCIL_ACCESS_BIT_EXT const PIPELINE_RASTERIZATION_STATE_CREATE_FRAGMENT_DENSITY_MAP_ATTACHMENT_BIT_EXT = PIPELINE_CREATE_RENDERING_FRAGMENT_DENSITY_MAP_ATTACHMENT_BIT_EXT const PIPELINE_RASTERIZATION_STATE_CREATE_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR = PIPELINE_CREATE_RENDERING_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR const PIPELINE_SHADER_STAGE_CREATE_ALLOW_VARYING_SUBGROUP_SIZE_BIT_EXT = PIPELINE_SHADER_STAGE_CREATE_ALLOW_VARYING_SUBGROUP_SIZE_BIT const PIPELINE_SHADER_STAGE_CREATE_REQUIRE_FULL_SUBGROUPS_BIT_EXT = PIPELINE_SHADER_STAGE_CREATE_REQUIRE_FULL_SUBGROUPS_BIT const PIPELINE_STAGE_2_ACCELERATION_STRUCTURE_BUILD_BIT_NV = PIPELINE_STAGE_2_ACCELERATION_STRUCTURE_BUILD_BIT_KHR const PIPELINE_STAGE_2_ALL_COMMANDS_BIT_KHR = PIPELINE_STAGE_2_ALL_COMMANDS_BIT const PIPELINE_STAGE_2_ALL_GRAPHICS_BIT_KHR = PIPELINE_STAGE_2_ALL_GRAPHICS_BIT const PIPELINE_STAGE_2_ALL_TRANSFER_BIT_KHR = PIPELINE_STAGE_2_ALL_TRANSFER_BIT const PIPELINE_STAGE_2_BLIT_BIT_KHR = PIPELINE_STAGE_2_BLIT_BIT const PIPELINE_STAGE_2_BOTTOM_OF_PIPE_BIT_KHR = PIPELINE_STAGE_2_BOTTOM_OF_PIPE_BIT const PIPELINE_STAGE_2_CLEAR_BIT_KHR = PIPELINE_STAGE_2_CLEAR_BIT const PIPELINE_STAGE_2_COLOR_ATTACHMENT_OUTPUT_BIT_KHR = PIPELINE_STAGE_2_COLOR_ATTACHMENT_OUTPUT_BIT const PIPELINE_STAGE_2_COMPUTE_SHADER_BIT_KHR = PIPELINE_STAGE_2_COMPUTE_SHADER_BIT const PIPELINE_STAGE_2_COPY_BIT_KHR = PIPELINE_STAGE_2_COPY_BIT const PIPELINE_STAGE_2_DRAW_INDIRECT_BIT_KHR = PIPELINE_STAGE_2_DRAW_INDIRECT_BIT const PIPELINE_STAGE_2_EARLY_FRAGMENT_TESTS_BIT_KHR = PIPELINE_STAGE_2_EARLY_FRAGMENT_TESTS_BIT const PIPELINE_STAGE_2_FRAGMENT_SHADER_BIT_KHR = PIPELINE_STAGE_2_FRAGMENT_SHADER_BIT const PIPELINE_STAGE_2_GEOMETRY_SHADER_BIT_KHR = PIPELINE_STAGE_2_GEOMETRY_SHADER_BIT const PIPELINE_STAGE_2_HOST_BIT_KHR = PIPELINE_STAGE_2_HOST_BIT const PIPELINE_STAGE_2_INDEX_INPUT_BIT_KHR = PIPELINE_STAGE_2_INDEX_INPUT_BIT const PIPELINE_STAGE_2_LATE_FRAGMENT_TESTS_BIT_KHR = PIPELINE_STAGE_2_LATE_FRAGMENT_TESTS_BIT const PIPELINE_STAGE_2_MESH_SHADER_BIT_NV = PIPELINE_STAGE_2_MESH_SHADER_BIT_EXT const PIPELINE_STAGE_2_NONE_KHR = PIPELINE_STAGE_2_NONE const PIPELINE_STAGE_2_PRE_RASTERIZATION_SHADERS_BIT_KHR = PIPELINE_STAGE_2_PRE_RASTERIZATION_SHADERS_BIT const PIPELINE_STAGE_2_RAY_TRACING_SHADER_BIT_NV = PIPELINE_STAGE_2_RAY_TRACING_SHADER_BIT_KHR const PIPELINE_STAGE_2_RESOLVE_BIT_KHR = PIPELINE_STAGE_2_RESOLVE_BIT const PIPELINE_STAGE_2_SHADING_RATE_IMAGE_BIT_NV = PIPELINE_STAGE_2_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR const PIPELINE_STAGE_2_TASK_SHADER_BIT_NV = PIPELINE_STAGE_2_TASK_SHADER_BIT_EXT const PIPELINE_STAGE_2_TESSELLATION_CONTROL_SHADER_BIT_KHR = PIPELINE_STAGE_2_TESSELLATION_CONTROL_SHADER_BIT const PIPELINE_STAGE_2_TESSELLATION_EVALUATION_SHADER_BIT_KHR = PIPELINE_STAGE_2_TESSELLATION_EVALUATION_SHADER_BIT const PIPELINE_STAGE_2_TOP_OF_PIPE_BIT_KHR = PIPELINE_STAGE_2_TOP_OF_PIPE_BIT const PIPELINE_STAGE_2_TRANSFER_BIT_KHR = PIPELINE_STAGE_2_ALL_TRANSFER_BIT const PIPELINE_STAGE_2_VERTEX_ATTRIBUTE_INPUT_BIT_KHR = PIPELINE_STAGE_2_VERTEX_ATTRIBUTE_INPUT_BIT const PIPELINE_STAGE_2_VERTEX_INPUT_BIT_KHR = PIPELINE_STAGE_2_VERTEX_INPUT_BIT const PIPELINE_STAGE_2_VERTEX_SHADER_BIT_KHR = PIPELINE_STAGE_2_VERTEX_SHADER_BIT const PIPELINE_STAGE_ACCELERATION_STRUCTURE_BUILD_BIT_NV = PIPELINE_STAGE_ACCELERATION_STRUCTURE_BUILD_BIT_KHR const PIPELINE_STAGE_MESH_SHADER_BIT_NV = PIPELINE_STAGE_MESH_SHADER_BIT_EXT const PIPELINE_STAGE_NONE_KHR = PIPELINE_STAGE_NONE const PIPELINE_STAGE_RAY_TRACING_SHADER_BIT_NV = PIPELINE_STAGE_RAY_TRACING_SHADER_BIT_KHR const PIPELINE_STAGE_SHADING_RATE_IMAGE_BIT_NV = PIPELINE_STAGE_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR const PIPELINE_STAGE_TASK_SHADER_BIT_NV = PIPELINE_STAGE_TASK_SHADER_BIT_EXT const POINT_CLIPPING_BEHAVIOR_ALL_CLIP_PLANES_KHR = POINT_CLIPPING_BEHAVIOR_ALL_CLIP_PLANES const POINT_CLIPPING_BEHAVIOR_USER_CLIP_PLANES_ONLY_KHR = POINT_CLIPPING_BEHAVIOR_USER_CLIP_PLANES_ONLY const QUERY_SCOPE_COMMAND_BUFFER_KHR = PERFORMANCE_COUNTER_SCOPE_COMMAND_BUFFER_KHR const QUERY_SCOPE_COMMAND_KHR = PERFORMANCE_COUNTER_SCOPE_COMMAND_KHR const QUERY_SCOPE_RENDER_PASS_KHR = PERFORMANCE_COUNTER_SCOPE_RENDER_PASS_KHR const QUEUE_FAMILY_EXTERNAL_KHR = QUEUE_FAMILY_EXTERNAL const QUEUE_GLOBAL_PRIORITY_HIGH_EXT = QUEUE_GLOBAL_PRIORITY_HIGH_KHR const QUEUE_GLOBAL_PRIORITY_LOW_EXT = QUEUE_GLOBAL_PRIORITY_LOW_KHR const QUEUE_GLOBAL_PRIORITY_MEDIUM_EXT = QUEUE_GLOBAL_PRIORITY_MEDIUM_KHR const QUEUE_GLOBAL_PRIORITY_REALTIME_EXT = QUEUE_GLOBAL_PRIORITY_REALTIME_KHR const RAY_TRACING_SHADER_GROUP_TYPE_GENERAL_NV = RAY_TRACING_SHADER_GROUP_TYPE_GENERAL_KHR const RAY_TRACING_SHADER_GROUP_TYPE_PROCEDURAL_HIT_GROUP_NV = RAY_TRACING_SHADER_GROUP_TYPE_PROCEDURAL_HIT_GROUP_KHR const RAY_TRACING_SHADER_GROUP_TYPE_TRIANGLES_HIT_GROUP_NV = RAY_TRACING_SHADER_GROUP_TYPE_TRIANGLES_HIT_GROUP_KHR const RENDERING_CONTENTS_SECONDARY_COMMAND_BUFFERS_BIT_KHR = RENDERING_CONTENTS_SECONDARY_COMMAND_BUFFERS_BIT const RENDERING_RESUMING_BIT_KHR = RENDERING_RESUMING_BIT const RENDERING_SUSPENDING_BIT_KHR = RENDERING_SUSPENDING_BIT const RESOLVE_MODE_AVERAGE_BIT_KHR = RESOLVE_MODE_AVERAGE_BIT const RESOLVE_MODE_MAX_BIT_KHR = RESOLVE_MODE_MAX_BIT const RESOLVE_MODE_MIN_BIT_KHR = RESOLVE_MODE_MIN_BIT const RESOLVE_MODE_NONE_KHR = RESOLVE_MODE_NONE const RESOLVE_MODE_SAMPLE_ZERO_BIT_KHR = RESOLVE_MODE_SAMPLE_ZERO_BIT const SAMPLER_ADDRESS_MODE_MIRROR_CLAMP_TO_EDGE_KHR = SAMPLER_ADDRESS_MODE_MIRROR_CLAMP_TO_EDGE const SAMPLER_REDUCTION_MODE_MAX_EXT = SAMPLER_REDUCTION_MODE_MAX const SAMPLER_REDUCTION_MODE_MIN_EXT = SAMPLER_REDUCTION_MODE_MIN const SAMPLER_REDUCTION_MODE_WEIGHTED_AVERAGE_EXT = SAMPLER_REDUCTION_MODE_WEIGHTED_AVERAGE const SAMPLER_YCBCR_MODEL_CONVERSION_RGB_IDENTITY_KHR = SAMPLER_YCBCR_MODEL_CONVERSION_RGB_IDENTITY const SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_2020_KHR = SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_2020 const SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_601_KHR = SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_601 const SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_709_KHR = SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_709 const SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_IDENTITY_KHR = SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_IDENTITY const SAMPLER_YCBCR_RANGE_ITU_FULL_KHR = SAMPLER_YCBCR_RANGE_ITU_FULL const SAMPLER_YCBCR_RANGE_ITU_NARROW_KHR = SAMPLER_YCBCR_RANGE_ITU_NARROW const SEMAPHORE_IMPORT_TEMPORARY_BIT_KHR = SEMAPHORE_IMPORT_TEMPORARY_BIT const SEMAPHORE_TYPE_BINARY_KHR = SEMAPHORE_TYPE_BINARY const SEMAPHORE_TYPE_TIMELINE_KHR = SEMAPHORE_TYPE_TIMELINE const SEMAPHORE_WAIT_ANY_BIT_KHR = SEMAPHORE_WAIT_ANY_BIT const SHADER_FLOAT_CONTROLS_INDEPENDENCE_32_BIT_ONLY_KHR = SHADER_FLOAT_CONTROLS_INDEPENDENCE_32_BIT_ONLY const SHADER_FLOAT_CONTROLS_INDEPENDENCE_ALL_KHR = SHADER_FLOAT_CONTROLS_INDEPENDENCE_ALL const SHADER_FLOAT_CONTROLS_INDEPENDENCE_NONE_KHR = SHADER_FLOAT_CONTROLS_INDEPENDENCE_NONE const SHADER_STAGE_ANY_HIT_BIT_NV = SHADER_STAGE_ANY_HIT_BIT_KHR const SHADER_STAGE_CALLABLE_BIT_NV = SHADER_STAGE_CALLABLE_BIT_KHR const SHADER_STAGE_CLOSEST_HIT_BIT_NV = SHADER_STAGE_CLOSEST_HIT_BIT_KHR const SHADER_STAGE_INTERSECTION_BIT_NV = SHADER_STAGE_INTERSECTION_BIT_KHR const SHADER_STAGE_MESH_BIT_NV = SHADER_STAGE_MESH_BIT_EXT const SHADER_STAGE_MISS_BIT_NV = SHADER_STAGE_MISS_BIT_KHR const SHADER_STAGE_RAYGEN_BIT_NV = SHADER_STAGE_RAYGEN_BIT_KHR const SHADER_STAGE_TASK_BIT_NV = SHADER_STAGE_TASK_BIT_EXT const SHADER_UNUSED_NV = SHADER_UNUSED_KHR const STENCIL_FRONT_AND_BACK = STENCIL_FACE_FRONT_AND_BACK const STRUCTURE_TYPE_ATTACHMENT_DESCRIPTION_2_KHR = STRUCTURE_TYPE_ATTACHMENT_DESCRIPTION_2 const STRUCTURE_TYPE_ATTACHMENT_DESCRIPTION_STENCIL_LAYOUT_KHR = STRUCTURE_TYPE_ATTACHMENT_DESCRIPTION_STENCIL_LAYOUT const STRUCTURE_TYPE_ATTACHMENT_REFERENCE_2_KHR = STRUCTURE_TYPE_ATTACHMENT_REFERENCE_2 const STRUCTURE_TYPE_ATTACHMENT_REFERENCE_STENCIL_LAYOUT_KHR = STRUCTURE_TYPE_ATTACHMENT_REFERENCE_STENCIL_LAYOUT const STRUCTURE_TYPE_ATTACHMENT_SAMPLE_COUNT_INFO_NV = STRUCTURE_TYPE_ATTACHMENT_SAMPLE_COUNT_INFO_AMD const STRUCTURE_TYPE_BIND_BUFFER_MEMORY_DEVICE_GROUP_INFO_KHR = STRUCTURE_TYPE_BIND_BUFFER_MEMORY_DEVICE_GROUP_INFO const STRUCTURE_TYPE_BIND_BUFFER_MEMORY_INFO_KHR = STRUCTURE_TYPE_BIND_BUFFER_MEMORY_INFO const STRUCTURE_TYPE_BIND_IMAGE_MEMORY_DEVICE_GROUP_INFO_KHR = STRUCTURE_TYPE_BIND_IMAGE_MEMORY_DEVICE_GROUP_INFO const STRUCTURE_TYPE_BIND_IMAGE_MEMORY_INFO_KHR = STRUCTURE_TYPE_BIND_IMAGE_MEMORY_INFO const STRUCTURE_TYPE_BIND_IMAGE_PLANE_MEMORY_INFO_KHR = STRUCTURE_TYPE_BIND_IMAGE_PLANE_MEMORY_INFO const STRUCTURE_TYPE_BLIT_IMAGE_INFO_2_KHR = STRUCTURE_TYPE_BLIT_IMAGE_INFO_2 const STRUCTURE_TYPE_BUFFER_COPY_2_KHR = STRUCTURE_TYPE_BUFFER_COPY_2 const STRUCTURE_TYPE_BUFFER_DEVICE_ADDRESS_INFO_EXT = STRUCTURE_TYPE_BUFFER_DEVICE_ADDRESS_INFO const STRUCTURE_TYPE_BUFFER_DEVICE_ADDRESS_INFO_KHR = STRUCTURE_TYPE_BUFFER_DEVICE_ADDRESS_INFO const STRUCTURE_TYPE_BUFFER_IMAGE_COPY_2_KHR = STRUCTURE_TYPE_BUFFER_IMAGE_COPY_2 const STRUCTURE_TYPE_BUFFER_MEMORY_BARRIER_2_KHR = STRUCTURE_TYPE_BUFFER_MEMORY_BARRIER_2 const STRUCTURE_TYPE_BUFFER_MEMORY_REQUIREMENTS_INFO_2_KHR = STRUCTURE_TYPE_BUFFER_MEMORY_REQUIREMENTS_INFO_2 const STRUCTURE_TYPE_BUFFER_OPAQUE_CAPTURE_ADDRESS_CREATE_INFO_KHR = STRUCTURE_TYPE_BUFFER_OPAQUE_CAPTURE_ADDRESS_CREATE_INFO const STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_RENDERING_INFO_KHR = STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_RENDERING_INFO const STRUCTURE_TYPE_COMMAND_BUFFER_SUBMIT_INFO_KHR = STRUCTURE_TYPE_COMMAND_BUFFER_SUBMIT_INFO const STRUCTURE_TYPE_COPY_BUFFER_INFO_2_KHR = STRUCTURE_TYPE_COPY_BUFFER_INFO_2 const STRUCTURE_TYPE_COPY_BUFFER_TO_IMAGE_INFO_2_KHR = STRUCTURE_TYPE_COPY_BUFFER_TO_IMAGE_INFO_2 const STRUCTURE_TYPE_COPY_IMAGE_INFO_2_KHR = STRUCTURE_TYPE_COPY_IMAGE_INFO_2 const STRUCTURE_TYPE_COPY_IMAGE_TO_BUFFER_INFO_2_KHR = STRUCTURE_TYPE_COPY_IMAGE_TO_BUFFER_INFO_2 const STRUCTURE_TYPE_DEBUG_REPORT_CREATE_INFO_EXT = STRUCTURE_TYPE_DEBUG_REPORT_CALLBACK_CREATE_INFO_EXT const STRUCTURE_TYPE_DEPENDENCY_INFO_KHR = STRUCTURE_TYPE_DEPENDENCY_INFO const STRUCTURE_TYPE_DESCRIPTOR_POOL_INLINE_UNIFORM_BLOCK_CREATE_INFO_EXT = STRUCTURE_TYPE_DESCRIPTOR_POOL_INLINE_UNIFORM_BLOCK_CREATE_INFO const STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_BINDING_FLAGS_CREATE_INFO_EXT = STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_BINDING_FLAGS_CREATE_INFO const STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_SUPPORT_KHR = STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_SUPPORT const STRUCTURE_TYPE_DESCRIPTOR_SET_VARIABLE_DESCRIPTOR_COUNT_ALLOCATE_INFO_EXT = STRUCTURE_TYPE_DESCRIPTOR_SET_VARIABLE_DESCRIPTOR_COUNT_ALLOCATE_INFO const STRUCTURE_TYPE_DESCRIPTOR_SET_VARIABLE_DESCRIPTOR_COUNT_LAYOUT_SUPPORT_EXT = STRUCTURE_TYPE_DESCRIPTOR_SET_VARIABLE_DESCRIPTOR_COUNT_LAYOUT_SUPPORT const STRUCTURE_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_CREATE_INFO_KHR = STRUCTURE_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_CREATE_INFO const STRUCTURE_TYPE_DEVICE_BUFFER_MEMORY_REQUIREMENTS_KHR = STRUCTURE_TYPE_DEVICE_BUFFER_MEMORY_REQUIREMENTS const STRUCTURE_TYPE_DEVICE_GROUP_BIND_SPARSE_INFO_KHR = STRUCTURE_TYPE_DEVICE_GROUP_BIND_SPARSE_INFO const STRUCTURE_TYPE_DEVICE_GROUP_COMMAND_BUFFER_BEGIN_INFO_KHR = STRUCTURE_TYPE_DEVICE_GROUP_COMMAND_BUFFER_BEGIN_INFO const STRUCTURE_TYPE_DEVICE_GROUP_DEVICE_CREATE_INFO_KHR = STRUCTURE_TYPE_DEVICE_GROUP_DEVICE_CREATE_INFO const STRUCTURE_TYPE_DEVICE_GROUP_RENDER_PASS_BEGIN_INFO_KHR = STRUCTURE_TYPE_DEVICE_GROUP_RENDER_PASS_BEGIN_INFO const STRUCTURE_TYPE_DEVICE_GROUP_SUBMIT_INFO_KHR = STRUCTURE_TYPE_DEVICE_GROUP_SUBMIT_INFO const STRUCTURE_TYPE_DEVICE_IMAGE_MEMORY_REQUIREMENTS_KHR = STRUCTURE_TYPE_DEVICE_IMAGE_MEMORY_REQUIREMENTS const STRUCTURE_TYPE_DEVICE_MEMORY_OPAQUE_CAPTURE_ADDRESS_INFO_KHR = STRUCTURE_TYPE_DEVICE_MEMORY_OPAQUE_CAPTURE_ADDRESS_INFO const STRUCTURE_TYPE_DEVICE_PRIVATE_DATA_CREATE_INFO_EXT = STRUCTURE_TYPE_DEVICE_PRIVATE_DATA_CREATE_INFO const STRUCTURE_TYPE_DEVICE_QUEUE_GLOBAL_PRIORITY_CREATE_INFO_EXT = STRUCTURE_TYPE_DEVICE_QUEUE_GLOBAL_PRIORITY_CREATE_INFO_KHR const STRUCTURE_TYPE_EXPORT_FENCE_CREATE_INFO_KHR = STRUCTURE_TYPE_EXPORT_FENCE_CREATE_INFO const STRUCTURE_TYPE_EXPORT_MEMORY_ALLOCATE_INFO_KHR = STRUCTURE_TYPE_EXPORT_MEMORY_ALLOCATE_INFO const STRUCTURE_TYPE_EXPORT_SEMAPHORE_CREATE_INFO_KHR = STRUCTURE_TYPE_EXPORT_SEMAPHORE_CREATE_INFO const STRUCTURE_TYPE_EXTERNAL_BUFFER_PROPERTIES_KHR = STRUCTURE_TYPE_EXTERNAL_BUFFER_PROPERTIES const STRUCTURE_TYPE_EXTERNAL_FENCE_PROPERTIES_KHR = STRUCTURE_TYPE_EXTERNAL_FENCE_PROPERTIES const STRUCTURE_TYPE_EXTERNAL_IMAGE_FORMAT_PROPERTIES_KHR = STRUCTURE_TYPE_EXTERNAL_IMAGE_FORMAT_PROPERTIES const STRUCTURE_TYPE_EXTERNAL_MEMORY_BUFFER_CREATE_INFO_KHR = STRUCTURE_TYPE_EXTERNAL_MEMORY_BUFFER_CREATE_INFO const STRUCTURE_TYPE_EXTERNAL_MEMORY_IMAGE_CREATE_INFO_KHR = STRUCTURE_TYPE_EXTERNAL_MEMORY_IMAGE_CREATE_INFO const STRUCTURE_TYPE_EXTERNAL_SEMAPHORE_PROPERTIES_KHR = STRUCTURE_TYPE_EXTERNAL_SEMAPHORE_PROPERTIES const STRUCTURE_TYPE_FORMAT_PROPERTIES_2_KHR = STRUCTURE_TYPE_FORMAT_PROPERTIES_2 const STRUCTURE_TYPE_FORMAT_PROPERTIES_3_KHR = STRUCTURE_TYPE_FORMAT_PROPERTIES_3 const STRUCTURE_TYPE_FRAMEBUFFER_ATTACHMENTS_CREATE_INFO_KHR = STRUCTURE_TYPE_FRAMEBUFFER_ATTACHMENTS_CREATE_INFO const STRUCTURE_TYPE_FRAMEBUFFER_ATTACHMENT_IMAGE_INFO_KHR = STRUCTURE_TYPE_FRAMEBUFFER_ATTACHMENT_IMAGE_INFO const STRUCTURE_TYPE_IMAGE_BLIT_2_KHR = STRUCTURE_TYPE_IMAGE_BLIT_2 const STRUCTURE_TYPE_IMAGE_COPY_2_KHR = STRUCTURE_TYPE_IMAGE_COPY_2 const STRUCTURE_TYPE_IMAGE_FORMAT_LIST_CREATE_INFO_KHR = STRUCTURE_TYPE_IMAGE_FORMAT_LIST_CREATE_INFO const STRUCTURE_TYPE_IMAGE_FORMAT_PROPERTIES_2_KHR = STRUCTURE_TYPE_IMAGE_FORMAT_PROPERTIES_2 const STRUCTURE_TYPE_IMAGE_MEMORY_BARRIER_2_KHR = STRUCTURE_TYPE_IMAGE_MEMORY_BARRIER_2 const STRUCTURE_TYPE_IMAGE_MEMORY_REQUIREMENTS_INFO_2_KHR = STRUCTURE_TYPE_IMAGE_MEMORY_REQUIREMENTS_INFO_2 const STRUCTURE_TYPE_IMAGE_PLANE_MEMORY_REQUIREMENTS_INFO_KHR = STRUCTURE_TYPE_IMAGE_PLANE_MEMORY_REQUIREMENTS_INFO const STRUCTURE_TYPE_IMAGE_RESOLVE_2_KHR = STRUCTURE_TYPE_IMAGE_RESOLVE_2 const STRUCTURE_TYPE_IMAGE_SPARSE_MEMORY_REQUIREMENTS_INFO_2_KHR = STRUCTURE_TYPE_IMAGE_SPARSE_MEMORY_REQUIREMENTS_INFO_2 const STRUCTURE_TYPE_IMAGE_STENCIL_USAGE_CREATE_INFO_EXT = STRUCTURE_TYPE_IMAGE_STENCIL_USAGE_CREATE_INFO const STRUCTURE_TYPE_IMAGE_VIEW_USAGE_CREATE_INFO_KHR = STRUCTURE_TYPE_IMAGE_VIEW_USAGE_CREATE_INFO const STRUCTURE_TYPE_MEMORY_ALLOCATE_FLAGS_INFO_KHR = STRUCTURE_TYPE_MEMORY_ALLOCATE_FLAGS_INFO const STRUCTURE_TYPE_MEMORY_BARRIER_2_KHR = STRUCTURE_TYPE_MEMORY_BARRIER_2 const STRUCTURE_TYPE_MEMORY_DEDICATED_ALLOCATE_INFO_KHR = STRUCTURE_TYPE_MEMORY_DEDICATED_ALLOCATE_INFO const STRUCTURE_TYPE_MEMORY_DEDICATED_REQUIREMENTS_KHR = STRUCTURE_TYPE_MEMORY_DEDICATED_REQUIREMENTS const STRUCTURE_TYPE_MEMORY_OPAQUE_CAPTURE_ADDRESS_ALLOCATE_INFO_KHR = STRUCTURE_TYPE_MEMORY_OPAQUE_CAPTURE_ADDRESS_ALLOCATE_INFO const STRUCTURE_TYPE_MEMORY_REQUIREMENTS_2_KHR = STRUCTURE_TYPE_MEMORY_REQUIREMENTS_2 const STRUCTURE_TYPE_MUTABLE_DESCRIPTOR_TYPE_CREATE_INFO_VALVE = STRUCTURE_TYPE_MUTABLE_DESCRIPTOR_TYPE_CREATE_INFO_EXT const STRUCTURE_TYPE_PHYSICAL_DEVICE_16BIT_STORAGE_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_16BIT_STORAGE_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_8BIT_STORAGE_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_8BIT_STORAGE_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_BUFFER_ADDRESS_FEATURES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_BUFFER_DEVICE_ADDRESS_FEATURES_EXT const STRUCTURE_TYPE_PHYSICAL_DEVICE_BUFFER_DEVICE_ADDRESS_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_BUFFER_DEVICE_ADDRESS_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_STENCIL_RESOLVE_PROPERTIES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_STENCIL_RESOLVE_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_INDEXING_FEATURES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_INDEXING_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_INDEXING_PROPERTIES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_INDEXING_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_DRIVER_PROPERTIES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_DRIVER_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_DYNAMIC_RENDERING_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_DYNAMIC_RENDERING_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_BUFFER_INFO_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_BUFFER_INFO const STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_FENCE_INFO_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_FENCE_INFO const STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_IMAGE_FORMAT_INFO_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_IMAGE_FORMAT_INFO const STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_SEMAPHORE_INFO_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_SEMAPHORE_INFO const STRUCTURE_TYPE_PHYSICAL_DEVICE_FEATURES_2_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_FEATURES_2 const STRUCTURE_TYPE_PHYSICAL_DEVICE_FLOAT16_INT8_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_FLOAT16_INT8_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_FLOAT_CONTROLS_PROPERTIES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_FLOAT_CONTROLS_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADER_BARYCENTRIC_FEATURES_NV = STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADER_BARYCENTRIC_FEATURES_KHR const STRUCTURE_TYPE_PHYSICAL_DEVICE_GLOBAL_PRIORITY_QUERY_FEATURES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_GLOBAL_PRIORITY_QUERY_FEATURES_KHR const STRUCTURE_TYPE_PHYSICAL_DEVICE_GROUP_PROPERTIES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_GROUP_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_HOST_QUERY_RESET_FEATURES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_HOST_QUERY_RESET_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_ID_PROPERTIES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_ID_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGELESS_FRAMEBUFFER_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGELESS_FRAMEBUFFER_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_FORMAT_INFO_2_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_FORMAT_INFO_2 const STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_ROBUSTNESS_FEATURES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_ROBUSTNESS_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_INLINE_UNIFORM_BLOCK_FEATURES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_INLINE_UNIFORM_BLOCK_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_INLINE_UNIFORM_BLOCK_PROPERTIES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_INLINE_UNIFORM_BLOCK_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_3_PROPERTIES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_3_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_4_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_4_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_4_PROPERTIES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_4_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_PROPERTIES_2_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_PROPERTIES_2 const STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_PROPERTIES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_MUTABLE_DESCRIPTOR_TYPE_FEATURES_VALVE = STRUCTURE_TYPE_PHYSICAL_DEVICE_MUTABLE_DESCRIPTOR_TYPE_FEATURES_EXT const STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_CREATION_CACHE_CONTROL_FEATURES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_CREATION_CACHE_CONTROL_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_POINT_CLIPPING_PROPERTIES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_POINT_CLIPPING_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_PRIVATE_DATA_FEATURES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_PRIVATE_DATA_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_PROPERTIES_2_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_PROPERTIES_2 const STRUCTURE_TYPE_PHYSICAL_DEVICE_RASTERIZATION_ORDER_ATTACHMENT_ACCESS_FEATURES_ARM = STRUCTURE_TYPE_PHYSICAL_DEVICE_RASTERIZATION_ORDER_ATTACHMENT_ACCESS_FEATURES_EXT const STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLER_FILTER_MINMAX_PROPERTIES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLER_FILTER_MINMAX_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLER_YCBCR_CONVERSION_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLER_YCBCR_CONVERSION_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SCALAR_BLOCK_LAYOUT_FEATURES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_SCALAR_BLOCK_LAYOUT_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SEPARATE_DEPTH_STENCIL_LAYOUTS_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_SEPARATE_DEPTH_STENCIL_LAYOUTS_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_ATOMIC_INT64_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_ATOMIC_INT64_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_DEMOTE_TO_HELPER_INVOCATION_FEATURES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_DEMOTE_TO_HELPER_INVOCATION_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_DRAW_PARAMETER_FEATURES = STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_DRAW_PARAMETERS_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_FLOAT16_INT8_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_FLOAT16_INT8_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_DOT_PRODUCT_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_DOT_PRODUCT_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_DOT_PRODUCT_PROPERTIES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_DOT_PRODUCT_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SUBGROUP_EXTENDED_TYPES_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SUBGROUP_EXTENDED_TYPES_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_TERMINATE_INVOCATION_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_TERMINATE_INVOCATION_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SPARSE_IMAGE_FORMAT_INFO_2_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_SPARSE_IMAGE_FORMAT_INFO_2 const STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_SIZE_CONTROL_FEATURES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_SIZE_CONTROL_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_SIZE_CONTROL_PROPERTIES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_SIZE_CONTROL_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SYNCHRONIZATION_2_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_SYNCHRONIZATION_2_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXEL_BUFFER_ALIGNMENT_PROPERTIES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXEL_BUFFER_ALIGNMENT_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXTURE_COMPRESSION_ASTC_HDR_FEATURES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXTURE_COMPRESSION_ASTC_HDR_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_TIMELINE_SEMAPHORE_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_TIMELINE_SEMAPHORE_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_TIMELINE_SEMAPHORE_PROPERTIES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_TIMELINE_SEMAPHORE_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_TOOL_PROPERTIES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_TOOL_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_UNIFORM_BUFFER_STANDARD_LAYOUT_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_UNIFORM_BUFFER_STANDARD_LAYOUT_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_VARIABLE_POINTERS_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_VARIABLE_POINTERS_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_VARIABLE_POINTER_FEATURES = STRUCTURE_TYPE_PHYSICAL_DEVICE_VARIABLE_POINTERS_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_MEMORY_MODEL_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_MEMORY_MODEL_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_ZERO_INITIALIZE_WORKGROUP_MEMORY_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_ZERO_INITIALIZE_WORKGROUP_MEMORY_FEATURES const STRUCTURE_TYPE_PIPELINE_CREATION_FEEDBACK_CREATE_INFO_EXT = STRUCTURE_TYPE_PIPELINE_CREATION_FEEDBACK_CREATE_INFO const STRUCTURE_TYPE_PIPELINE_INFO_EXT = STRUCTURE_TYPE_PIPELINE_INFO_KHR const STRUCTURE_TYPE_PIPELINE_RENDERING_CREATE_INFO_KHR = STRUCTURE_TYPE_PIPELINE_RENDERING_CREATE_INFO const STRUCTURE_TYPE_PIPELINE_SHADER_STAGE_REQUIRED_SUBGROUP_SIZE_CREATE_INFO_EXT = STRUCTURE_TYPE_PIPELINE_SHADER_STAGE_REQUIRED_SUBGROUP_SIZE_CREATE_INFO const STRUCTURE_TYPE_PIPELINE_TESSELLATION_DOMAIN_ORIGIN_STATE_CREATE_INFO_KHR = STRUCTURE_TYPE_PIPELINE_TESSELLATION_DOMAIN_ORIGIN_STATE_CREATE_INFO const STRUCTURE_TYPE_PRIVATE_DATA_SLOT_CREATE_INFO_EXT = STRUCTURE_TYPE_PRIVATE_DATA_SLOT_CREATE_INFO const STRUCTURE_TYPE_QUERY_POOL_CREATE_INFO_INTEL = STRUCTURE_TYPE_QUERY_POOL_PERFORMANCE_QUERY_CREATE_INFO_INTEL const STRUCTURE_TYPE_QUEUE_FAMILY_GLOBAL_PRIORITY_PROPERTIES_EXT = STRUCTURE_TYPE_QUEUE_FAMILY_GLOBAL_PRIORITY_PROPERTIES_KHR const STRUCTURE_TYPE_QUEUE_FAMILY_PROPERTIES_2_KHR = STRUCTURE_TYPE_QUEUE_FAMILY_PROPERTIES_2 const STRUCTURE_TYPE_RENDERING_ATTACHMENT_INFO_KHR = STRUCTURE_TYPE_RENDERING_ATTACHMENT_INFO const STRUCTURE_TYPE_RENDERING_INFO_KHR = STRUCTURE_TYPE_RENDERING_INFO const STRUCTURE_TYPE_RENDER_PASS_ATTACHMENT_BEGIN_INFO_KHR = STRUCTURE_TYPE_RENDER_PASS_ATTACHMENT_BEGIN_INFO const STRUCTURE_TYPE_RENDER_PASS_CREATE_INFO_2_KHR = STRUCTURE_TYPE_RENDER_PASS_CREATE_INFO_2 const STRUCTURE_TYPE_RENDER_PASS_INPUT_ATTACHMENT_ASPECT_CREATE_INFO_KHR = STRUCTURE_TYPE_RENDER_PASS_INPUT_ATTACHMENT_ASPECT_CREATE_INFO const STRUCTURE_TYPE_RENDER_PASS_MULTIVIEW_CREATE_INFO_KHR = STRUCTURE_TYPE_RENDER_PASS_MULTIVIEW_CREATE_INFO const STRUCTURE_TYPE_RESOLVE_IMAGE_INFO_2_KHR = STRUCTURE_TYPE_RESOLVE_IMAGE_INFO_2 const STRUCTURE_TYPE_SAMPLER_REDUCTION_MODE_CREATE_INFO_EXT = STRUCTURE_TYPE_SAMPLER_REDUCTION_MODE_CREATE_INFO const STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_CREATE_INFO_KHR = STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_CREATE_INFO const STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_IMAGE_FORMAT_PROPERTIES_KHR = STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_IMAGE_FORMAT_PROPERTIES const STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_INFO_KHR = STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_INFO const STRUCTURE_TYPE_SEMAPHORE_SIGNAL_INFO_KHR = STRUCTURE_TYPE_SEMAPHORE_SIGNAL_INFO const STRUCTURE_TYPE_SEMAPHORE_SUBMIT_INFO_KHR = STRUCTURE_TYPE_SEMAPHORE_SUBMIT_INFO const STRUCTURE_TYPE_SEMAPHORE_TYPE_CREATE_INFO_KHR = STRUCTURE_TYPE_SEMAPHORE_TYPE_CREATE_INFO const STRUCTURE_TYPE_SEMAPHORE_WAIT_INFO_KHR = STRUCTURE_TYPE_SEMAPHORE_WAIT_INFO const STRUCTURE_TYPE_SPARSE_IMAGE_FORMAT_PROPERTIES_2_KHR = STRUCTURE_TYPE_SPARSE_IMAGE_FORMAT_PROPERTIES_2 const STRUCTURE_TYPE_SPARSE_IMAGE_MEMORY_REQUIREMENTS_2_KHR = STRUCTURE_TYPE_SPARSE_IMAGE_MEMORY_REQUIREMENTS_2 const STRUCTURE_TYPE_SUBMIT_INFO_2_KHR = STRUCTURE_TYPE_SUBMIT_INFO_2 const STRUCTURE_TYPE_SUBPASS_BEGIN_INFO_KHR = STRUCTURE_TYPE_SUBPASS_BEGIN_INFO const STRUCTURE_TYPE_SUBPASS_DEPENDENCY_2_KHR = STRUCTURE_TYPE_SUBPASS_DEPENDENCY_2 const STRUCTURE_TYPE_SUBPASS_DESCRIPTION_2_KHR = STRUCTURE_TYPE_SUBPASS_DESCRIPTION_2 const STRUCTURE_TYPE_SUBPASS_DESCRIPTION_DEPTH_STENCIL_RESOLVE_KHR = STRUCTURE_TYPE_SUBPASS_DESCRIPTION_DEPTH_STENCIL_RESOLVE const STRUCTURE_TYPE_SUBPASS_END_INFO_KHR = STRUCTURE_TYPE_SUBPASS_END_INFO const STRUCTURE_TYPE_SURFACE_CAPABILITIES2_EXT = STRUCTURE_TYPE_SURFACE_CAPABILITIES_2_EXT const STRUCTURE_TYPE_TIMELINE_SEMAPHORE_SUBMIT_INFO_KHR = STRUCTURE_TYPE_TIMELINE_SEMAPHORE_SUBMIT_INFO const STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET_INLINE_UNIFORM_BLOCK_EXT = STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET_INLINE_UNIFORM_BLOCK const SUBMIT_PROTECTED_BIT_KHR = SUBMIT_PROTECTED_BIT const SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_COLOR_ACCESS_BIT_ARM = SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_COLOR_ACCESS_BIT_EXT const SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_DEPTH_ACCESS_BIT_ARM = SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_DEPTH_ACCESS_BIT_EXT const SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_STENCIL_ACCESS_BIT_ARM = SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_STENCIL_ACCESS_BIT_EXT const SURFACE_COUNTER_VBLANK_EXT = SURFACE_COUNTER_VBLANK_BIT_EXT const TESSELLATION_DOMAIN_ORIGIN_LOWER_LEFT_KHR = TESSELLATION_DOMAIN_ORIGIN_LOWER_LEFT const TESSELLATION_DOMAIN_ORIGIN_UPPER_LEFT_KHR = TESSELLATION_DOMAIN_ORIGIN_UPPER_LEFT const TOOL_PURPOSE_ADDITIONAL_FEATURES_BIT_EXT = TOOL_PURPOSE_ADDITIONAL_FEATURES_BIT const TOOL_PURPOSE_MODIFYING_FEATURES_BIT_EXT = TOOL_PURPOSE_MODIFYING_FEATURES_BIT const TOOL_PURPOSE_PROFILING_BIT_EXT = TOOL_PURPOSE_PROFILING_BIT const TOOL_PURPOSE_TRACING_BIT_EXT = TOOL_PURPOSE_TRACING_BIT const TOOL_PURPOSE_VALIDATION_BIT_EXT = TOOL_PURPOSE_VALIDATION_BIT const AabbPositionsNV = AabbPositionsKHR const AccelerationStructureInstanceNV = AccelerationStructureInstanceKHR const AccelerationStructureTypeNV = AccelerationStructureTypeKHR const AccessFlag2KHR = AccessFlag2 const AttachmentDescription2KHR = AttachmentDescription2 const AttachmentDescriptionStencilLayoutKHR = AttachmentDescriptionStencilLayout const AttachmentReference2KHR = AttachmentReference2 const AttachmentReferenceStencilLayoutKHR = AttachmentReferenceStencilLayout const AttachmentSampleCountInfoNV = AttachmentSampleCountInfoAMD const BindBufferMemoryDeviceGroupInfoKHR = BindBufferMemoryDeviceGroupInfo const BindBufferMemoryInfoKHR = BindBufferMemoryInfo const BindImageMemoryDeviceGroupInfoKHR = BindImageMemoryDeviceGroupInfo const BindImageMemoryInfoKHR = BindImageMemoryInfo const BindImagePlaneMemoryInfoKHR = BindImagePlaneMemoryInfo const BlitImageInfo2KHR = BlitImageInfo2 const BufferCopy2KHR = BufferCopy2 const BufferDeviceAddressInfoEXT = BufferDeviceAddressInfo const BufferDeviceAddressInfoKHR = BufferDeviceAddressInfo const BufferImageCopy2KHR = BufferImageCopy2 const BufferMemoryBarrier2KHR = BufferMemoryBarrier2 const BufferMemoryRequirementsInfo2KHR = BufferMemoryRequirementsInfo2 const BufferOpaqueCaptureAddressCreateInfoKHR = BufferOpaqueCaptureAddressCreateInfo const BuildAccelerationStructureFlagNV = BuildAccelerationStructureFlagKHR const ChromaLocationKHR = ChromaLocation const CommandBufferInheritanceRenderingInfoKHR = CommandBufferInheritanceRenderingInfo const CommandBufferSubmitInfoKHR = CommandBufferSubmitInfo const ConformanceVersionKHR = ConformanceVersion const CopyAccelerationStructureModeNV = CopyAccelerationStructureModeKHR const CopyBufferInfo2KHR = CopyBufferInfo2 const CopyBufferToImageInfo2KHR = CopyBufferToImageInfo2 const CopyImageInfo2KHR = CopyImageInfo2 const CopyImageToBufferInfo2KHR = CopyImageToBufferInfo2 const DependencyInfoKHR = DependencyInfo const DescriptorBindingFlagEXT = DescriptorBindingFlag const DescriptorPoolInlineUniformBlockCreateInfoEXT = DescriptorPoolInlineUniformBlockCreateInfo const DescriptorSetLayoutBindingFlagsCreateInfoEXT = DescriptorSetLayoutBindingFlagsCreateInfo const DescriptorSetLayoutSupportKHR = DescriptorSetLayoutSupport const DescriptorSetVariableDescriptorCountAllocateInfoEXT = DescriptorSetVariableDescriptorCountAllocateInfo const DescriptorSetVariableDescriptorCountLayoutSupportEXT = DescriptorSetVariableDescriptorCountLayoutSupport const DescriptorUpdateTemplateCreateInfoKHR = DescriptorUpdateTemplateCreateInfo const DescriptorUpdateTemplateEntryKHR = DescriptorUpdateTemplateEntry const DescriptorUpdateTemplateKHR = DescriptorUpdateTemplate const DescriptorUpdateTemplateTypeKHR = DescriptorUpdateTemplateType const DeviceBufferMemoryRequirementsKHR = DeviceBufferMemoryRequirements const DeviceGroupBindSparseInfoKHR = DeviceGroupBindSparseInfo const DeviceGroupCommandBufferBeginInfoKHR = DeviceGroupCommandBufferBeginInfo const DeviceGroupDeviceCreateInfoKHR = DeviceGroupDeviceCreateInfo const DeviceGroupRenderPassBeginInfoKHR = DeviceGroupRenderPassBeginInfo const DeviceGroupSubmitInfoKHR = DeviceGroupSubmitInfo const DeviceImageMemoryRequirementsKHR = DeviceImageMemoryRequirements const DeviceMemoryOpaqueCaptureAddressInfoKHR = DeviceMemoryOpaqueCaptureAddressInfo const DevicePrivateDataCreateInfoEXT = DevicePrivateDataCreateInfo const DeviceQueueGlobalPriorityCreateInfoEXT = DeviceQueueGlobalPriorityCreateInfoKHR const DriverIdKHR = DriverId const ExportFenceCreateInfoKHR = ExportFenceCreateInfo const ExportMemoryAllocateInfoKHR = ExportMemoryAllocateInfo const ExportSemaphoreCreateInfoKHR = ExportSemaphoreCreateInfo const ExternalBufferPropertiesKHR = ExternalBufferProperties const ExternalFenceFeatureFlagKHR = ExternalFenceFeatureFlag const ExternalFenceHandleTypeFlagKHR = ExternalFenceHandleTypeFlag const ExternalFencePropertiesKHR = ExternalFenceProperties const ExternalImageFormatPropertiesKHR = ExternalImageFormatProperties const ExternalMemoryBufferCreateInfoKHR = ExternalMemoryBufferCreateInfo const ExternalMemoryFeatureFlagKHR = ExternalMemoryFeatureFlag const ExternalMemoryHandleTypeFlagKHR = ExternalMemoryHandleTypeFlag const ExternalMemoryImageCreateInfoKHR = ExternalMemoryImageCreateInfo const ExternalMemoryPropertiesKHR = ExternalMemoryProperties const ExternalSemaphoreFeatureFlagKHR = ExternalSemaphoreFeatureFlag const ExternalSemaphoreHandleTypeFlagKHR = ExternalSemaphoreHandleTypeFlag const ExternalSemaphorePropertiesKHR = ExternalSemaphoreProperties const FenceImportFlagKHR = FenceImportFlag const FormatFeatureFlag2KHR = FormatFeatureFlag2 const FormatProperties2KHR = FormatProperties2 const FormatProperties3KHR = FormatProperties3 const FramebufferAttachmentImageInfoKHR = FramebufferAttachmentImageInfo const FramebufferAttachmentsCreateInfoKHR = FramebufferAttachmentsCreateInfo const GeometryFlagNV = GeometryFlagKHR const GeometryInstanceFlagNV = GeometryInstanceFlagKHR const GeometryTypeNV = GeometryTypeKHR const ImageBlit2KHR = ImageBlit2 const ImageCopy2KHR = ImageCopy2 const ImageFormatListCreateInfoKHR = ImageFormatListCreateInfo const ImageFormatProperties2KHR = ImageFormatProperties2 const ImageMemoryBarrier2KHR = ImageMemoryBarrier2 const ImageMemoryRequirementsInfo2KHR = ImageMemoryRequirementsInfo2 const ImagePlaneMemoryRequirementsInfoKHR = ImagePlaneMemoryRequirementsInfo const ImageResolve2KHR = ImageResolve2 const ImageSparseMemoryRequirementsInfo2KHR = ImageSparseMemoryRequirementsInfo2 const ImageStencilUsageCreateInfoEXT = ImageStencilUsageCreateInfo const ImageViewUsageCreateInfoKHR = ImageViewUsageCreateInfo const InputAttachmentAspectReferenceKHR = InputAttachmentAspectReference const MemoryAllocateFlagKHR = MemoryAllocateFlag const MemoryAllocateFlagsInfoKHR = MemoryAllocateFlagsInfo const MemoryBarrier2KHR = MemoryBarrier2 const MemoryDedicatedAllocateInfoKHR = MemoryDedicatedAllocateInfo const MemoryDedicatedRequirementsKHR = MemoryDedicatedRequirements const MemoryOpaqueCaptureAddressAllocateInfoKHR = MemoryOpaqueCaptureAddressAllocateInfo const MemoryRequirements2KHR = MemoryRequirements2 const MutableDescriptorTypeCreateInfoVALVE = MutableDescriptorTypeCreateInfoEXT const MutableDescriptorTypeListVALVE = MutableDescriptorTypeListEXT const PeerMemoryFeatureFlagKHR = PeerMemoryFeatureFlag const PhysicalDevice16BitStorageFeaturesKHR = PhysicalDevice16BitStorageFeatures const PhysicalDevice8BitStorageFeaturesKHR = PhysicalDevice8BitStorageFeatures const PhysicalDeviceBufferAddressFeaturesEXT = PhysicalDeviceBufferDeviceAddressFeaturesEXT const PhysicalDeviceBufferDeviceAddressFeaturesKHR = PhysicalDeviceBufferDeviceAddressFeatures const PhysicalDeviceDepthStencilResolvePropertiesKHR = PhysicalDeviceDepthStencilResolveProperties const PhysicalDeviceDescriptorIndexingFeaturesEXT = PhysicalDeviceDescriptorIndexingFeatures const PhysicalDeviceDescriptorIndexingPropertiesEXT = PhysicalDeviceDescriptorIndexingProperties const PhysicalDeviceDriverPropertiesKHR = PhysicalDeviceDriverProperties const PhysicalDeviceDynamicRenderingFeaturesKHR = PhysicalDeviceDynamicRenderingFeatures const PhysicalDeviceExternalBufferInfoKHR = PhysicalDeviceExternalBufferInfo const PhysicalDeviceExternalFenceInfoKHR = PhysicalDeviceExternalFenceInfo const PhysicalDeviceExternalImageFormatInfoKHR = PhysicalDeviceExternalImageFormatInfo const PhysicalDeviceExternalSemaphoreInfoKHR = PhysicalDeviceExternalSemaphoreInfo const PhysicalDeviceFeatures2KHR = PhysicalDeviceFeatures2 const PhysicalDeviceFloat16Int8FeaturesKHR = PhysicalDeviceShaderFloat16Int8Features const PhysicalDeviceFloatControlsPropertiesKHR = PhysicalDeviceFloatControlsProperties const PhysicalDeviceFragmentShaderBarycentricFeaturesNV = PhysicalDeviceFragmentShaderBarycentricFeaturesKHR const PhysicalDeviceGlobalPriorityQueryFeaturesEXT = PhysicalDeviceGlobalPriorityQueryFeaturesKHR const PhysicalDeviceGroupPropertiesKHR = PhysicalDeviceGroupProperties const PhysicalDeviceHostQueryResetFeaturesEXT = PhysicalDeviceHostQueryResetFeatures const PhysicalDeviceIDPropertiesKHR = PhysicalDeviceIDProperties const PhysicalDeviceImageFormatInfo2KHR = PhysicalDeviceImageFormatInfo2 const PhysicalDeviceImageRobustnessFeaturesEXT = PhysicalDeviceImageRobustnessFeatures const PhysicalDeviceImagelessFramebufferFeaturesKHR = PhysicalDeviceImagelessFramebufferFeatures const PhysicalDeviceInlineUniformBlockFeaturesEXT = PhysicalDeviceInlineUniformBlockFeatures const PhysicalDeviceInlineUniformBlockPropertiesEXT = PhysicalDeviceInlineUniformBlockProperties const PhysicalDeviceMaintenance3PropertiesKHR = PhysicalDeviceMaintenance3Properties const PhysicalDeviceMaintenance4FeaturesKHR = PhysicalDeviceMaintenance4Features const PhysicalDeviceMaintenance4PropertiesKHR = PhysicalDeviceMaintenance4Properties const PhysicalDeviceMemoryProperties2KHR = PhysicalDeviceMemoryProperties2 const PhysicalDeviceMultiviewFeaturesKHR = PhysicalDeviceMultiviewFeatures const PhysicalDeviceMultiviewPropertiesKHR = PhysicalDeviceMultiviewProperties const PhysicalDeviceMutableDescriptorTypeFeaturesVALVE = PhysicalDeviceMutableDescriptorTypeFeaturesEXT const PhysicalDevicePipelineCreationCacheControlFeaturesEXT = PhysicalDevicePipelineCreationCacheControlFeatures const PhysicalDevicePointClippingPropertiesKHR = PhysicalDevicePointClippingProperties const PhysicalDevicePrivateDataFeaturesEXT = PhysicalDevicePrivateDataFeatures const PhysicalDeviceProperties2KHR = PhysicalDeviceProperties2 const PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesARM = PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT const PhysicalDeviceSamplerFilterMinmaxPropertiesEXT = PhysicalDeviceSamplerFilterMinmaxProperties const PhysicalDeviceSamplerYcbcrConversionFeaturesKHR = PhysicalDeviceSamplerYcbcrConversionFeatures const PhysicalDeviceScalarBlockLayoutFeaturesEXT = PhysicalDeviceScalarBlockLayoutFeatures const PhysicalDeviceSeparateDepthStencilLayoutsFeaturesKHR = PhysicalDeviceSeparateDepthStencilLayoutsFeatures const PhysicalDeviceShaderAtomicInt64FeaturesKHR = PhysicalDeviceShaderAtomicInt64Features const PhysicalDeviceShaderDemoteToHelperInvocationFeaturesEXT = PhysicalDeviceShaderDemoteToHelperInvocationFeatures const PhysicalDeviceShaderDrawParameterFeatures = PhysicalDeviceShaderDrawParametersFeatures const PhysicalDeviceShaderFloat16Int8FeaturesKHR = PhysicalDeviceShaderFloat16Int8Features const PhysicalDeviceShaderIntegerDotProductFeaturesKHR = PhysicalDeviceShaderIntegerDotProductFeatures const PhysicalDeviceShaderIntegerDotProductPropertiesKHR = PhysicalDeviceShaderIntegerDotProductProperties const PhysicalDeviceShaderSubgroupExtendedTypesFeaturesKHR = PhysicalDeviceShaderSubgroupExtendedTypesFeatures const PhysicalDeviceShaderTerminateInvocationFeaturesKHR = PhysicalDeviceShaderTerminateInvocationFeatures const PhysicalDeviceSparseImageFormatInfo2KHR = PhysicalDeviceSparseImageFormatInfo2 const PhysicalDeviceSubgroupSizeControlFeaturesEXT = PhysicalDeviceSubgroupSizeControlFeatures const PhysicalDeviceSubgroupSizeControlPropertiesEXT = PhysicalDeviceSubgroupSizeControlProperties const PhysicalDeviceSynchronization2FeaturesKHR = PhysicalDeviceSynchronization2Features const PhysicalDeviceTexelBufferAlignmentPropertiesEXT = PhysicalDeviceTexelBufferAlignmentProperties const PhysicalDeviceTextureCompressionASTCHDRFeaturesEXT = PhysicalDeviceTextureCompressionASTCHDRFeatures const PhysicalDeviceTimelineSemaphoreFeaturesKHR = PhysicalDeviceTimelineSemaphoreFeatures const PhysicalDeviceTimelineSemaphorePropertiesKHR = PhysicalDeviceTimelineSemaphoreProperties const PhysicalDeviceToolPropertiesEXT = PhysicalDeviceToolProperties const PhysicalDeviceUniformBufferStandardLayoutFeaturesKHR = PhysicalDeviceUniformBufferStandardLayoutFeatures const PhysicalDeviceVariablePointerFeatures = PhysicalDeviceVariablePointersFeatures const PhysicalDeviceVariablePointerFeaturesKHR = PhysicalDeviceVariablePointersFeatures const PhysicalDeviceVariablePointersFeaturesKHR = PhysicalDeviceVariablePointersFeatures const PhysicalDeviceVulkanMemoryModelFeaturesKHR = PhysicalDeviceVulkanMemoryModelFeatures const PhysicalDeviceZeroInitializeWorkgroupMemoryFeaturesKHR = PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures const PipelineCreationFeedbackCreateInfoEXT = PipelineCreationFeedbackCreateInfo const PipelineCreationFeedbackEXT = PipelineCreationFeedback const PipelineCreationFeedbackFlagEXT = PipelineCreationFeedbackFlag const PipelineInfoEXT = PipelineInfoKHR const PipelineRenderingCreateInfoKHR = PipelineRenderingCreateInfo const PipelineShaderStageRequiredSubgroupSizeCreateInfoEXT = PipelineShaderStageRequiredSubgroupSizeCreateInfo const PipelineStageFlag2KHR = PipelineStageFlag2 const PipelineTessellationDomainOriginStateCreateInfoKHR = PipelineTessellationDomainOriginStateCreateInfo const PointClippingBehaviorKHR = PointClippingBehavior const PrivateDataSlotCreateFlagEXT = PrivateDataSlotCreateFlag const PrivateDataSlotCreateInfoEXT = PrivateDataSlotCreateInfo const PrivateDataSlotEXT = PrivateDataSlot const QueryPoolCreateInfoINTEL = QueryPoolPerformanceQueryCreateInfoINTEL const QueueFamilyGlobalPriorityPropertiesEXT = QueueFamilyGlobalPriorityPropertiesKHR const QueueFamilyProperties2KHR = QueueFamilyProperties2 const QueueGlobalPriorityEXT = QueueGlobalPriorityKHR const RayTracingShaderGroupTypeNV = RayTracingShaderGroupTypeKHR const RenderPassAttachmentBeginInfoKHR = RenderPassAttachmentBeginInfo const RenderPassCreateInfo2KHR = RenderPassCreateInfo2 const RenderPassInputAttachmentAspectCreateInfoKHR = RenderPassInputAttachmentAspectCreateInfo const RenderPassMultiviewCreateInfoKHR = RenderPassMultiviewCreateInfo const RenderingAttachmentInfoKHR = RenderingAttachmentInfo const RenderingFlagKHR = RenderingFlag const RenderingInfoKHR = RenderingInfo const ResolveImageInfo2KHR = ResolveImageInfo2 const ResolveModeFlagKHR = ResolveModeFlag const SamplerReductionModeCreateInfoEXT = SamplerReductionModeCreateInfo const SamplerReductionModeEXT = SamplerReductionMode const SamplerYcbcrConversionCreateInfoKHR = SamplerYcbcrConversionCreateInfo const SamplerYcbcrConversionImageFormatPropertiesKHR = SamplerYcbcrConversionImageFormatProperties const SamplerYcbcrConversionInfoKHR = SamplerYcbcrConversionInfo const SamplerYcbcrConversionKHR = SamplerYcbcrConversion const SamplerYcbcrModelConversionKHR = SamplerYcbcrModelConversion const SamplerYcbcrRangeKHR = SamplerYcbcrRange const SemaphoreImportFlagKHR = SemaphoreImportFlag const SemaphoreSignalInfoKHR = SemaphoreSignalInfo const SemaphoreSubmitInfoKHR = SemaphoreSubmitInfo const SemaphoreTypeCreateInfoKHR = SemaphoreTypeCreateInfo const SemaphoreTypeKHR = SemaphoreType const SemaphoreWaitFlagKHR = SemaphoreWaitFlag const SemaphoreWaitInfoKHR = SemaphoreWaitInfo const ShaderFloatControlsIndependenceKHR = ShaderFloatControlsIndependence const SparseImageFormatProperties2KHR = SparseImageFormatProperties2 const SparseImageMemoryRequirements2KHR = SparseImageMemoryRequirements2 const SubmitFlagKHR = SubmitFlag const SubmitInfo2KHR = SubmitInfo2 const SubpassBeginInfoKHR = SubpassBeginInfo const SubpassDependency2KHR = SubpassDependency2 const SubpassDescription2KHR = SubpassDescription2 const SubpassDescriptionDepthStencilResolveKHR = SubpassDescriptionDepthStencilResolve const SubpassEndInfoKHR = SubpassEndInfo const TessellationDomainOriginKHR = TessellationDomainOrigin const TimelineSemaphoreSubmitInfoKHR = TimelineSemaphoreSubmitInfo const ToolPurposeFlagEXT = ToolPurposeFlag const TransformMatrixNV = TransformMatrixKHR const WriteDescriptorSetInlineUniformBlockEXT = WriteDescriptorSetInlineUniformBlock bind_buffer_memory_2_khr(device, args...; kwargs...) = @dispatch(vkBindBufferMemory2KHR, device, bind_buffer_memory_2(device, args...; kwargs...)) bind_image_memory_2_khr(device, args...; kwargs...) = @dispatch(vkBindImageMemory2KHR, device, bind_image_memory_2(device, args...; kwargs...)) cmd_begin_render_pass_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdBeginRenderPass2KHR, device(command_buffer), cmd_begin_render_pass_2(command_buffer, args...; kwargs...)) cmd_begin_rendering_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdBeginRenderingKHR, device(command_buffer), cmd_begin_rendering(command_buffer, args...; kwargs...)) cmd_bind_vertex_buffers_2_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdBindVertexBuffers2EXT, device(command_buffer), cmd_bind_vertex_buffers_2(command_buffer, args...; kwargs...)) cmd_blit_image_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdBlitImage2KHR, device(command_buffer), cmd_blit_image_2(command_buffer, args...; kwargs...)) cmd_copy_buffer_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdCopyBuffer2KHR, device(command_buffer), cmd_copy_buffer_2(command_buffer, args...; kwargs...)) cmd_copy_buffer_to_image_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdCopyBufferToImage2KHR, device(command_buffer), cmd_copy_buffer_to_image_2(command_buffer, args...; kwargs...)) cmd_copy_image_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdCopyImage2KHR, device(command_buffer), cmd_copy_image_2(command_buffer, args...; kwargs...)) cmd_copy_image_to_buffer_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdCopyImageToBuffer2KHR, device(command_buffer), cmd_copy_image_to_buffer_2(command_buffer, args...; kwargs...)) cmd_dispatch_base_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdDispatchBaseKHR, device(command_buffer), cmd_dispatch_base(command_buffer, args...; kwargs...)) cmd_draw_indexed_indirect_count_amd(command_buffer, args...; kwargs...) = @dispatch(vkCmdDrawIndexedIndirectCountAMD, device(command_buffer), cmd_draw_indexed_indirect_count(command_buffer, args...; kwargs...)) cmd_draw_indexed_indirect_count_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdDrawIndexedIndirectCountKHR, device(command_buffer), cmd_draw_indexed_indirect_count(command_buffer, args...; kwargs...)) cmd_draw_indirect_count_amd(command_buffer, args...; kwargs...) = @dispatch(vkCmdDrawIndirectCountAMD, device(command_buffer), cmd_draw_indirect_count(command_buffer, args...; kwargs...)) cmd_draw_indirect_count_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdDrawIndirectCountKHR, device(command_buffer), cmd_draw_indirect_count(command_buffer, args...; kwargs...)) cmd_end_render_pass_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdEndRenderPass2KHR, device(command_buffer), cmd_end_render_pass_2(command_buffer, args...; kwargs...)) cmd_end_rendering_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdEndRenderingKHR, device(command_buffer), cmd_end_rendering(command_buffer, args...; kwargs...)) cmd_next_subpass_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdNextSubpass2KHR, device(command_buffer), cmd_next_subpass_2(command_buffer, args...; kwargs...)) cmd_pipeline_barrier_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdPipelineBarrier2KHR, device(command_buffer), cmd_pipeline_barrier_2(command_buffer, args...; kwargs...)) cmd_reset_event_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdResetEvent2KHR, device(command_buffer), cmd_reset_event_2(command_buffer, args...; kwargs...)) cmd_resolve_image_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdResolveImage2KHR, device(command_buffer), cmd_resolve_image_2(command_buffer, args...; kwargs...)) cmd_set_cull_mode_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetCullModeEXT, device(command_buffer), cmd_set_cull_mode(command_buffer, args...; kwargs...)) cmd_set_depth_bias_enable_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetDepthBiasEnableEXT, device(command_buffer), cmd_set_depth_bias_enable(command_buffer, args...; kwargs...)) cmd_set_depth_bounds_test_enable_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetDepthBoundsTestEnableEXT, device(command_buffer), cmd_set_depth_bounds_test_enable(command_buffer, args...; kwargs...)) cmd_set_depth_compare_op_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetDepthCompareOpEXT, device(command_buffer), cmd_set_depth_compare_op(command_buffer, args...; kwargs...)) cmd_set_depth_test_enable_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetDepthTestEnableEXT, device(command_buffer), cmd_set_depth_test_enable(command_buffer, args...; kwargs...)) cmd_set_depth_write_enable_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetDepthWriteEnableEXT, device(command_buffer), cmd_set_depth_write_enable(command_buffer, args...; kwargs...)) cmd_set_device_mask_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetDeviceMaskKHR, device(command_buffer), cmd_set_device_mask(command_buffer, args...; kwargs...)) cmd_set_event_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetEvent2KHR, device(command_buffer), cmd_set_event_2(command_buffer, args...; kwargs...)) cmd_set_front_face_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetFrontFaceEXT, device(command_buffer), cmd_set_front_face(command_buffer, args...; kwargs...)) cmd_set_primitive_restart_enable_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetPrimitiveRestartEnableEXT, device(command_buffer), cmd_set_primitive_restart_enable(command_buffer, args...; kwargs...)) cmd_set_primitive_topology_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetPrimitiveTopologyEXT, device(command_buffer), cmd_set_primitive_topology(command_buffer, args...; kwargs...)) cmd_set_rasterizer_discard_enable_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetRasterizerDiscardEnableEXT, device(command_buffer), cmd_set_rasterizer_discard_enable(command_buffer, args...; kwargs...)) cmd_set_scissor_with_count_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetScissorWithCountEXT, device(command_buffer), cmd_set_scissor_with_count(command_buffer, args...; kwargs...)) cmd_set_stencil_op_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetStencilOpEXT, device(command_buffer), cmd_set_stencil_op(command_buffer, args...; kwargs...)) cmd_set_stencil_test_enable_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetStencilTestEnableEXT, device(command_buffer), cmd_set_stencil_test_enable(command_buffer, args...; kwargs...)) cmd_set_viewport_with_count_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetViewportWithCountEXT, device(command_buffer), cmd_set_viewport_with_count(command_buffer, args...; kwargs...)) cmd_wait_events_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdWaitEvents2KHR, device(command_buffer), cmd_wait_events_2(command_buffer, args...; kwargs...)) cmd_write_timestamp_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdWriteTimestamp2KHR, device(command_buffer), cmd_write_timestamp_2(command_buffer, args...; kwargs...)) create_descriptor_update_template_khr(device, args...; kwargs...) = @dispatch(vkCreateDescriptorUpdateTemplateKHR, device, create_descriptor_update_template(device, args...; kwargs...)) create_private_data_slot_ext(device, args...; kwargs...) = @dispatch(vkCreatePrivateDataSlotEXT, device, create_private_data_slot(device, args...; kwargs...)) create_render_pass_2_khr(device, args...; kwargs...) = @dispatch(vkCreateRenderPass2KHR, device, create_render_pass_2(device, args...; kwargs...)) create_sampler_ycbcr_conversion_khr(device, args...; kwargs...) = @dispatch(vkCreateSamplerYcbcrConversionKHR, device, create_sampler_ycbcr_conversion(device, args...; kwargs...)) destroy_descriptor_update_template_khr(device, args...; kwargs...) = @dispatch(vkDestroyDescriptorUpdateTemplateKHR, device, destroy_descriptor_update_template(device, args...; kwargs...)) destroy_private_data_slot_ext(device, args...; kwargs...) = @dispatch(vkDestroyPrivateDataSlotEXT, device, destroy_private_data_slot(device, args...; kwargs...)) destroy_sampler_ycbcr_conversion_khr(device, args...; kwargs...) = @dispatch(vkDestroySamplerYcbcrConversionKHR, device, destroy_sampler_ycbcr_conversion(device, args...; kwargs...)) enumerate_physical_device_groups_khr(instance, args...; kwargs...) = @dispatch(vkEnumeratePhysicalDeviceGroupsKHR, instance, enumerate_physical_device_groups(instance, args...; kwargs...)) get_buffer_device_address_ext(device, args...; kwargs...) = @dispatch(vkGetBufferDeviceAddressEXT, device, get_buffer_device_address(device, args...; kwargs...)) get_buffer_device_address_khr(device, args...; kwargs...) = @dispatch(vkGetBufferDeviceAddressKHR, device, get_buffer_device_address(device, args...; kwargs...)) get_buffer_memory_requirements_2_khr(device, args...; kwargs...) = @dispatch(vkGetBufferMemoryRequirements2KHR, device, get_buffer_memory_requirements_2(device, args...; kwargs...)) get_buffer_opaque_capture_address_khr(device, args...; kwargs...) = @dispatch(vkGetBufferOpaqueCaptureAddressKHR, device, get_buffer_opaque_capture_address(device, args...; kwargs...)) get_descriptor_set_layout_support_khr(device, args...; kwargs...) = @dispatch(vkGetDescriptorSetLayoutSupportKHR, device, get_descriptor_set_layout_support(device, args...; kwargs...)) get_device_buffer_memory_requirements_khr(device, args...; kwargs...) = @dispatch(vkGetDeviceBufferMemoryRequirementsKHR, device, get_device_buffer_memory_requirements(device, args...; kwargs...)) get_device_group_peer_memory_features_khr(device, args...; kwargs...) = @dispatch(vkGetDeviceGroupPeerMemoryFeaturesKHR, device, get_device_group_peer_memory_features(device, args...; kwargs...)) get_device_image_memory_requirements_khr(device, args...; kwargs...) = @dispatch(vkGetDeviceImageMemoryRequirementsKHR, device, get_device_image_memory_requirements(device, args...; kwargs...)) get_device_image_sparse_memory_requirements_khr(device, args...; kwargs...) = @dispatch(vkGetDeviceImageSparseMemoryRequirementsKHR, device, get_device_image_sparse_memory_requirements(device, args...; kwargs...)) get_device_memory_opaque_capture_address_khr(device, args...; kwargs...) = @dispatch(vkGetDeviceMemoryOpaqueCaptureAddressKHR, device, get_device_memory_opaque_capture_address(device, args...; kwargs...)) get_image_memory_requirements_2_khr(device, args...; kwargs...) = @dispatch(vkGetImageMemoryRequirements2KHR, device, get_image_memory_requirements_2(device, args...; kwargs...)) get_image_sparse_memory_requirements_2_khr(device, args...; kwargs...) = @dispatch(vkGetImageSparseMemoryRequirements2KHR, device, get_image_sparse_memory_requirements_2(device, args...; kwargs...)) get_physical_device_external_buffer_properties_khr(physical_device, args...; kwargs...) = @dispatch(vkGetPhysicalDeviceExternalBufferPropertiesKHR, instance(physical_device), get_physical_device_external_buffer_properties(physical_device, args...; kwargs...)) get_physical_device_external_fence_properties_khr(physical_device, args...; kwargs...) = @dispatch(vkGetPhysicalDeviceExternalFencePropertiesKHR, instance(physical_device), get_physical_device_external_fence_properties(physical_device, args...; kwargs...)) get_physical_device_external_semaphore_properties_khr(physical_device, args...; kwargs...) = @dispatch(vkGetPhysicalDeviceExternalSemaphorePropertiesKHR, instance(physical_device), get_physical_device_external_semaphore_properties(physical_device, args...; kwargs...)) get_physical_device_features_2_khr(physical_device, args...; kwargs...) = @dispatch(vkGetPhysicalDeviceFeatures2KHR, instance(physical_device), get_physical_device_features_2(physical_device, args...; kwargs...)) get_physical_device_format_properties_2_khr(physical_device, args...; kwargs...) = @dispatch(vkGetPhysicalDeviceFormatProperties2KHR, instance(physical_device), get_physical_device_format_properties_2(physical_device, args...; kwargs...)) get_physical_device_image_format_properties_2_khr(physical_device, args...; kwargs...) = @dispatch(vkGetPhysicalDeviceImageFormatProperties2KHR, instance(physical_device), get_physical_device_image_format_properties_2(physical_device, args...; kwargs...)) get_physical_device_memory_properties_2_khr(physical_device, args...; kwargs...) = @dispatch(vkGetPhysicalDeviceMemoryProperties2KHR, instance(physical_device), get_physical_device_memory_properties_2(physical_device, args...; kwargs...)) get_physical_device_properties_2_khr(physical_device, args...; kwargs...) = @dispatch(vkGetPhysicalDeviceProperties2KHR, instance(physical_device), get_physical_device_properties_2(physical_device, args...; kwargs...)) get_physical_device_queue_family_properties_2_khr(physical_device, args...; kwargs...) = @dispatch(vkGetPhysicalDeviceQueueFamilyProperties2KHR, instance(physical_device), get_physical_device_queue_family_properties_2(physical_device, args...; kwargs...)) get_physical_device_sparse_image_format_properties_2_khr(physical_device, args...; kwargs...) = @dispatch(vkGetPhysicalDeviceSparseImageFormatProperties2KHR, instance(physical_device), get_physical_device_sparse_image_format_properties_2(physical_device, args...; kwargs...)) get_physical_device_tool_properties_ext(physical_device, args...; kwargs...) = @dispatch(vkGetPhysicalDeviceToolPropertiesEXT, instance(physical_device), get_physical_device_tool_properties(physical_device, args...; kwargs...)) get_private_data_ext(device, args...; kwargs...) = @dispatch(vkGetPrivateDataEXT, device, get_private_data(device, args...; kwargs...)) get_ray_tracing_shader_group_handles_nv(device, args...; kwargs...) = @dispatch(vkGetRayTracingShaderGroupHandlesNV, device, get_ray_tracing_shader_group_handles_khr(device, args...; kwargs...)) get_semaphore_counter_value_khr(device, args...; kwargs...) = @dispatch(vkGetSemaphoreCounterValueKHR, device, get_semaphore_counter_value(device, args...; kwargs...)) queue_submit_2_khr(queue, args...; kwargs...) = @dispatch(vkQueueSubmit2KHR, device(queue), queue_submit_2(queue, args...; kwargs...)) reset_query_pool_ext(device, args...; kwargs...) = @dispatch(vkResetQueryPoolEXT, device, reset_query_pool(device, args...; kwargs...)) set_private_data_ext(device, args...; kwargs...) = @dispatch(vkSetPrivateDataEXT, device, set_private_data(device, args...; kwargs...)) signal_semaphore_khr(device, args...; kwargs...) = @dispatch(vkSignalSemaphoreKHR, device, signal_semaphore(device, args...; kwargs...)) trim_command_pool_khr(device, args...; kwargs...) = @dispatch(vkTrimCommandPoolKHR, device, trim_command_pool(device, args...; kwargs...)) update_descriptor_set_with_template_khr(device, args...; kwargs...) = @dispatch(vkUpdateDescriptorSetWithTemplateKHR, device, update_descriptor_set_with_template(device, args...; kwargs...)) wait_semaphores_khr(device, args...; kwargs...) = @dispatch(vkWaitSemaphoresKHR, device, wait_semaphores(device, args...; kwargs...)) const SPIRV_EXTENSIONS = [SpecExtensionSPIRV("SPV_KHR_variable_pointers", v"1.1.0", ["VK_KHR_variable_pointers"]), SpecExtensionSPIRV("SPV_AMD_shader_explicit_vertex_parameter", nothing, ["VK_AMD_shader_explicit_vertex_parameter"]), SpecExtensionSPIRV("SPV_AMD_gcn_shader", nothing, ["VK_AMD_gcn_shader"]), SpecExtensionSPIRV("SPV_AMD_gpu_shader_half_float", nothing, ["VK_AMD_gpu_shader_half_float"]), SpecExtensionSPIRV("SPV_AMD_gpu_shader_int16", nothing, ["VK_AMD_gpu_shader_int16"]), SpecExtensionSPIRV("SPV_AMD_shader_ballot", nothing, ["VK_AMD_shader_ballot"]), SpecExtensionSPIRV("SPV_AMD_shader_fragment_mask", nothing, ["VK_AMD_shader_fragment_mask"]), SpecExtensionSPIRV("SPV_AMD_shader_image_load_store_lod", nothing, ["VK_AMD_shader_image_load_store_lod"]), SpecExtensionSPIRV("SPV_AMD_shader_trinary_minmax", nothing, ["VK_AMD_shader_trinary_minmax"]), SpecExtensionSPIRV("SPV_AMD_texture_gather_bias_lod", nothing, ["VK_AMD_texture_gather_bias_lod"]), SpecExtensionSPIRV("SPV_AMD_shader_early_and_late_fragment_tests", nothing, ["VK_AMD_shader_early_and_late_fragment_tests"]), SpecExtensionSPIRV("SPV_KHR_shader_draw_parameters", v"1.1.0", ["VK_KHR_shader_draw_parameters"]), SpecExtensionSPIRV("SPV_KHR_8bit_storage", v"1.2.0", ["VK_KHR_8bit_storage"]), SpecExtensionSPIRV("SPV_KHR_16bit_storage", v"1.1.0", ["VK_KHR_16bit_storage"]), SpecExtensionSPIRV("SPV_KHR_shader_clock", nothing, ["VK_KHR_shader_clock"]), SpecExtensionSPIRV("SPV_KHR_float_controls", v"1.2.0", ["VK_KHR_shader_float_controls"]), SpecExtensionSPIRV("SPV_KHR_storage_buffer_storage_class", v"1.1.0", ["VK_KHR_storage_buffer_storage_class"]), SpecExtensionSPIRV("SPV_KHR_post_depth_coverage", nothing, ["VK_EXT_post_depth_coverage"]), SpecExtensionSPIRV("SPV_EXT_shader_stencil_export", nothing, ["VK_EXT_shader_stencil_export"]), SpecExtensionSPIRV("SPV_KHR_shader_ballot", nothing, ["VK_EXT_shader_subgroup_ballot"]), SpecExtensionSPIRV("SPV_KHR_subgroup_vote", nothing, ["VK_EXT_shader_subgroup_vote"]), SpecExtensionSPIRV("SPV_NV_sample_mask_override_coverage", nothing, ["VK_NV_sample_mask_override_coverage"]), SpecExtensionSPIRV("SPV_NV_geometry_shader_passthrough", nothing, ["VK_NV_geometry_shader_passthrough"]), SpecExtensionSPIRV("SPV_NV_mesh_shader", nothing, ["VK_NV_mesh_shader"]), SpecExtensionSPIRV("SPV_NV_viewport_array2", nothing, ["VK_NV_viewport_array2"]), SpecExtensionSPIRV("SPV_NV_shader_subgroup_partitioned", nothing, ["VK_NV_shader_subgroup_partitioned"]), SpecExtensionSPIRV("SPV_NV_shader_invocation_reorder", nothing, ["VK_NV_ray_tracing_invocation_reorder"]), SpecExtensionSPIRV("SPV_EXT_shader_viewport_index_layer", v"1.2.0", ["VK_EXT_shader_viewport_index_layer"]), SpecExtensionSPIRV("SPV_NVX_multiview_per_view_attributes", nothing, ["VK_NVX_multiview_per_view_attributes"]), SpecExtensionSPIRV("SPV_EXT_descriptor_indexing", v"1.2.0", ["VK_EXT_descriptor_indexing"]), SpecExtensionSPIRV("SPV_KHR_vulkan_memory_model", v"1.2.0", ["VK_KHR_vulkan_memory_model"]), SpecExtensionSPIRV("SPV_NV_compute_shader_derivatives", nothing, ["VK_NV_compute_shader_derivatives"]), SpecExtensionSPIRV("SPV_NV_fragment_shader_barycentric", nothing, ["VK_NV_fragment_shader_barycentric"]), SpecExtensionSPIRV("SPV_NV_shader_image_footprint", nothing, ["VK_NV_shader_image_footprint"]), SpecExtensionSPIRV("SPV_NV_shading_rate", nothing, ["VK_NV_shading_rate_image"]), SpecExtensionSPIRV("SPV_NV_ray_tracing", nothing, ["VK_NV_ray_tracing"]), SpecExtensionSPIRV("SPV_KHR_ray_tracing", nothing, ["VK_KHR_ray_tracing_pipeline"]), SpecExtensionSPIRV("SPV_KHR_ray_query", nothing, ["VK_KHR_ray_query"]), SpecExtensionSPIRV("SPV_KHR_ray_cull_mask", nothing, ["VK_KHR_ray_tracing_maintenance1"]), SpecExtensionSPIRV("SPV_GOOGLE_hlsl_functionality1", nothing, ["VK_GOOGLE_hlsl_functionality1"]), SpecExtensionSPIRV("SPV_GOOGLE_user_type", nothing, ["VK_GOOGLE_user_type"]), SpecExtensionSPIRV("SPV_GOOGLE_decorate_string", nothing, ["VK_GOOGLE_decorate_string"]), SpecExtensionSPIRV("SPV_EXT_fragment_invocation_density", nothing, ["VK_EXT_fragment_density_map"]), SpecExtensionSPIRV("SPV_KHR_physical_storage_buffer", v"1.2.0", ["VK_KHR_buffer_device_address"]), SpecExtensionSPIRV("SPV_EXT_physical_storage_buffer", nothing, ["VK_EXT_buffer_device_address"]), SpecExtensionSPIRV("SPV_NV_cooperative_matrix", nothing, ["VK_NV_cooperative_matrix"]), SpecExtensionSPIRV("SPV_NV_shader_sm_builtins", nothing, ["VK_NV_shader_sm_builtins"]), SpecExtensionSPIRV("SPV_EXT_fragment_shader_interlock", nothing, ["VK_EXT_fragment_shader_interlock"]), SpecExtensionSPIRV("SPV_EXT_demote_to_helper_invocation", nothing, ["VK_EXT_shader_demote_to_helper_invocation"]), SpecExtensionSPIRV("SPV_KHR_fragment_shading_rate", nothing, ["VK_KHR_fragment_shading_rate"]), SpecExtensionSPIRV("SPV_KHR_non_semantic_info", nothing, ["VK_KHR_shader_non_semantic_info"]), SpecExtensionSPIRV("SPV_EXT_shader_image_int64", nothing, ["VK_EXT_shader_image_atomic_int64"]), SpecExtensionSPIRV("SPV_KHR_terminate_invocation", nothing, ["VK_KHR_shader_terminate_invocation"]), SpecExtensionSPIRV("SPV_KHR_multiview", v"1.1.0", ["VK_KHR_multiview"]), SpecExtensionSPIRV("SPV_KHR_workgroup_memory_explicit_layout", nothing, ["VK_KHR_workgroup_memory_explicit_layout"]), SpecExtensionSPIRV("SPV_EXT_shader_atomic_float_add", nothing, ["VK_EXT_shader_atomic_float"]), SpecExtensionSPIRV("SPV_KHR_fragment_shader_barycentric", nothing, ["VK_KHR_fragment_shader_barycentric"]), SpecExtensionSPIRV("SPV_KHR_subgroup_uniform_control_flow", nothing, ["VK_KHR_shader_subgroup_uniform_control_flow"]), SpecExtensionSPIRV("SPV_EXT_shader_atomic_float_min_max", nothing, ["VK_EXT_shader_atomic_float2"]), SpecExtensionSPIRV("SPV_EXT_shader_atomic_float16_add", nothing, ["VK_EXT_shader_atomic_float2"]), SpecExtensionSPIRV("SPV_KHR_integer_dot_product", nothing, ["VK_KHR_shader_integer_dot_product"]), SpecExtensionSPIRV("SPV_INTEL_shader_integer_functions", nothing, ["VK_INTEL_shader_integer_functions2"]), SpecExtensionSPIRV("SPV_KHR_device_group", nothing, ["VK_KHR_device_group"]), SpecExtensionSPIRV("SPV_QCOM_image_processing", nothing, ["VK_QCOM_image_processing"]), SpecExtensionSPIRV("SPV_EXT_mesh_shader", nothing, ["VK_EXT_mesh_shader"])] const SPIRV_CAPABILITIES = [SpecCapabilitySPIRV(:Matrix, v"1.0.0", String[], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:Shader, v"1.0.0", String[], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:InputAttachment, v"1.0.0", String[], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:Sampled1D, v"1.0.0", String[], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:Image1D, v"1.0.0", String[], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:SampledBuffer, v"1.0.0", String[], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:ImageBuffer, v"1.0.0", String[], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:ImageQuery, v"1.0.0", String[], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:DerivativeControl, v"1.0.0", String[], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:Geometry, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :geometry_shader, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:Tessellation, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :tessellation_shader, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:Float64, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_float_64, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:Int64, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_int_64, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:Int64Atomics, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_buffer_int_64_atomics, nothing, "VK_KHR_shader_atomic_int64"), FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_shared_int_64_atomics, nothing, "VK_KHR_shader_atomic_int64"), FeatureCondition(:PhysicalDeviceShaderImageAtomicInt64FeaturesEXT, :shader_image_int_64_atomics, nothing, "VK_EXT_shader_image_atomic_int64")], PropertyCondition[]), SpecCapabilitySPIRV(:AtomicFloat16AddEXT, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceShaderAtomicFloat2FeaturesEXT, :shader_buffer_float_16_atomic_add, nothing, "VK_EXT_shader_atomic_float2"), FeatureCondition(:PhysicalDeviceShaderAtomicFloat2FeaturesEXT, :shader_shared_float_16_atomic_add, nothing, "VK_EXT_shader_atomic_float2")], PropertyCondition[]), SpecCapabilitySPIRV(:AtomicFloat32AddEXT, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceShaderAtomicFloatFeaturesEXT, :shader_buffer_float_32_atomic_add, nothing, "VK_EXT_shader_atomic_float"), FeatureCondition(:PhysicalDeviceShaderAtomicFloatFeaturesEXT, :shader_shared_float_32_atomic_add, nothing, "VK_EXT_shader_atomic_float"), FeatureCondition(:PhysicalDeviceShaderAtomicFloatFeaturesEXT, :shader_image_float_32_atomic_add, nothing, "VK_EXT_shader_atomic_float")], PropertyCondition[]), SpecCapabilitySPIRV(:AtomicFloat64AddEXT, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceShaderAtomicFloatFeaturesEXT, :shader_buffer_float_64_atomic_add, nothing, "VK_EXT_shader_atomic_float"), FeatureCondition(:PhysicalDeviceShaderAtomicFloatFeaturesEXT, :shader_shared_float_64_atomic_add, nothing, "VK_EXT_shader_atomic_float")], PropertyCondition[]), SpecCapabilitySPIRV(:AtomicFloat16MinMaxEXT, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceShaderAtomicFloat2FeaturesEXT, :shader_buffer_float_16_atomic_min_max, nothing, "VK_EXT_shader_atomic_float2"), FeatureCondition(:PhysicalDeviceShaderAtomicFloat2FeaturesEXT, :shader_shared_float_16_atomic_min_max, nothing, "VK_EXT_shader_atomic_float2")], PropertyCondition[]), SpecCapabilitySPIRV(:AtomicFloat32MinMaxEXT, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceShaderAtomicFloat2FeaturesEXT, :shader_buffer_float_32_atomic_min_max, nothing, "VK_EXT_shader_atomic_float2"), FeatureCondition(:PhysicalDeviceShaderAtomicFloat2FeaturesEXT, :shader_shared_float_32_atomic_min_max, nothing, "VK_EXT_shader_atomic_float2"), FeatureCondition(:PhysicalDeviceShaderAtomicFloat2FeaturesEXT, :shader_image_float_32_atomic_min_max, nothing, "VK_EXT_shader_atomic_float2")], PropertyCondition[]), SpecCapabilitySPIRV(:AtomicFloat64MinMaxEXT, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceShaderAtomicFloat2FeaturesEXT, :shader_buffer_float_64_atomic_min_max, nothing, "VK_EXT_shader_atomic_float2"), FeatureCondition(:PhysicalDeviceShaderAtomicFloat2FeaturesEXT, :shader_shared_float_64_atomic_min_max, nothing, "VK_EXT_shader_atomic_float2")], PropertyCondition[]), SpecCapabilitySPIRV(:Int64ImageEXT, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceShaderImageAtomicInt64FeaturesEXT, :shader_image_int_64_atomics, nothing, "VK_EXT_shader_image_atomic_int64")], PropertyCondition[]), SpecCapabilitySPIRV(:Int16, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_int_16, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:TessellationPointSize, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_tessellation_and_geometry_point_size, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:GeometryPointSize, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_tessellation_and_geometry_point_size, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:ImageGatherExtended, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_image_gather_extended, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:StorageImageMultisample, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_storage_image_multisample, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:UniformBufferArrayDynamicIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_uniform_buffer_array_dynamic_indexing, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:SampledImageArrayDynamicIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_sampled_image_array_dynamic_indexing, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:StorageBufferArrayDynamicIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_storage_buffer_array_dynamic_indexing, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:StorageImageArrayDynamicIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_storage_image_array_dynamic_indexing, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:ClipDistance, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_clip_distance, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:CullDistance, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_cull_distance, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:ImageCubeArray, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :image_cube_array, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:SampleRateShading, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :sample_rate_shading, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:SparseResidency, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_resource_residency, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:MinLod, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_resource_min_lod, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:SampledCubeArray, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :image_cube_array, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:ImageMSArray, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_storage_image_multisample, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:StorageImageExtendedFormats, v"1.0.0", String[], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:InterpolationFunction, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :sample_rate_shading, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:StorageImageReadWithoutFormat, nothing, ["VK_KHR_format_feature_flags2"], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_storage_image_read_without_format, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:StorageImageWriteWithoutFormat, nothing, ["VK_KHR_format_feature_flags2"], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_storage_image_write_without_format, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:MultiViewport, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :multi_viewport, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:DrawParameters, nothing, ["VK_KHR_shader_draw_parameters"], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan11Features, :shader_draw_parameters, nothing, nothing), FeatureCondition(:PhysicalDeviceShaderDrawParametersFeatures, :shader_draw_parameters, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:MultiView, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan11Features, :multiview, nothing, nothing), FeatureCondition(:PhysicalDeviceMultiviewFeatures, :multiview, nothing, "VK_KHR_multiview")], PropertyCondition[]), SpecCapabilitySPIRV(:DeviceGroup, v"1.1.0", ["VK_KHR_device_group"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:VariablePointersStorageBuffer, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan11Features, :variable_pointers_storage_buffer, nothing, nothing), FeatureCondition(:PhysicalDeviceVariablePointersFeatures, :variable_pointers_storage_buffer, nothing, "VK_KHR_variable_pointers")], PropertyCondition[]), SpecCapabilitySPIRV(:VariablePointers, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan11Features, :variable_pointers, nothing, nothing), FeatureCondition(:PhysicalDeviceVariablePointersFeatures, :variable_pointers, nothing, "VK_KHR_variable_pointers")], PropertyCondition[]), SpecCapabilitySPIRV(:ShaderClockKHR, nothing, ["VK_KHR_shader_clock"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:StencilExportEXT, nothing, ["VK_EXT_shader_stencil_export"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:SubgroupBallotKHR, nothing, ["VK_EXT_shader_subgroup_ballot"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:SubgroupVoteKHR, nothing, ["VK_EXT_shader_subgroup_vote"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:ImageReadWriteLodAMD, nothing, ["VK_AMD_shader_image_load_store_lod"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:ImageGatherBiasLodAMD, nothing, ["VK_AMD_texture_gather_bias_lod"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:FragmentMaskAMD, nothing, ["VK_AMD_shader_fragment_mask"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:SampleMaskOverrideCoverageNV, nothing, ["VK_NV_sample_mask_override_coverage"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:GeometryShaderPassthroughNV, nothing, ["VK_NV_geometry_shader_passthrough"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:ShaderViewportIndex, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_output_viewport_index, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:ShaderLayer, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_output_layer, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:ShaderViewportIndexLayerEXT, nothing, ["VK_EXT_shader_viewport_index_layer"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:ShaderViewportIndexLayerNV, nothing, ["VK_NV_viewport_array2"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:ShaderViewportMaskNV, nothing, ["VK_NV_viewport_array2"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:PerViewAttributesNV, nothing, ["VK_NVX_multiview_per_view_attributes"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:StorageBuffer16BitAccess, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan11Features, :storage_buffer_16_bit_access, nothing, nothing), FeatureCondition(:PhysicalDevice16BitStorageFeatures, :storage_buffer_16_bit_access, nothing, "VK_KHR_16bit_storage")], PropertyCondition[]), SpecCapabilitySPIRV(:UniformAndStorageBuffer16BitAccess, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan11Features, :uniform_and_storage_buffer_16_bit_access, nothing, nothing), FeatureCondition(:PhysicalDevice16BitStorageFeatures, :uniform_and_storage_buffer_16_bit_access, nothing, "VK_KHR_16bit_storage")], PropertyCondition[]), SpecCapabilitySPIRV(:StoragePushConstant16, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan11Features, :storage_push_constant_16, nothing, nothing), FeatureCondition(:PhysicalDevice16BitStorageFeatures, :storage_push_constant_16, nothing, "VK_KHR_16bit_storage")], PropertyCondition[]), SpecCapabilitySPIRV(:StorageInputOutput16, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan11Features, :storage_input_output_16, nothing, nothing), FeatureCondition(:PhysicalDevice16BitStorageFeatures, :storage_input_output_16, nothing, "VK_KHR_16bit_storage")], PropertyCondition[]), SpecCapabilitySPIRV(:GroupNonUniform, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan11Properties, :subgroup_supported_operations, nothing, nothing, false, :SUBGROUP_FEATURE_BASIC_BIT)]), SpecCapabilitySPIRV(:GroupNonUniformVote, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan11Properties, :subgroup_supported_operations, nothing, nothing, false, :SUBGROUP_FEATURE_VOTE_BIT)]), SpecCapabilitySPIRV(:GroupNonUniformArithmetic, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan11Properties, :subgroup_supported_operations, nothing, nothing, false, :SUBGROUP_FEATURE_ARITHMETIC_BIT)]), SpecCapabilitySPIRV(:GroupNonUniformBallot, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan11Properties, :subgroup_supported_operations, nothing, nothing, false, :SUBGROUP_FEATURE_BALLOT_BIT)]), SpecCapabilitySPIRV(:GroupNonUniformShuffle, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan11Properties, :subgroup_supported_operations, nothing, nothing, false, :SUBGROUP_FEATURE_SHUFFLE_BIT)]), SpecCapabilitySPIRV(:GroupNonUniformShuffleRelative, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan11Properties, :subgroup_supported_operations, nothing, nothing, false, :SUBGROUP_FEATURE_SHUFFLE_RELATIVE_BIT)]), SpecCapabilitySPIRV(:GroupNonUniformClustered, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan11Properties, :subgroup_supported_operations, nothing, nothing, false, :SUBGROUP_FEATURE_CLUSTERED_BIT)]), SpecCapabilitySPIRV(:GroupNonUniformQuad, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan11Properties, :subgroup_supported_operations, nothing, nothing, false, :SUBGROUP_FEATURE_QUAD_BIT)]), SpecCapabilitySPIRV(:GroupNonUniformPartitionedNV, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan11Properties, :subgroup_supported_operations, nothing, "VK_NV_shader_subgroup_partitioned", false, :SUBGROUP_FEATURE_PARTITIONED_BIT_NV)]), SpecCapabilitySPIRV(:SampleMaskPostDepthCoverage, nothing, ["VK_EXT_post_depth_coverage"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:ShaderNonUniform, v"1.2.0", ["VK_EXT_descriptor_indexing"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:RuntimeDescriptorArray, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :runtime_descriptor_array, nothing, "VK_EXT_descriptor_indexing")], PropertyCondition[]), SpecCapabilitySPIRV(:InputAttachmentArrayDynamicIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_input_attachment_array_dynamic_indexing, nothing, "VK_EXT_descriptor_indexing")], PropertyCondition[]), SpecCapabilitySPIRV(:UniformTexelBufferArrayDynamicIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_uniform_texel_buffer_array_dynamic_indexing, nothing, "VK_EXT_descriptor_indexing")], PropertyCondition[]), SpecCapabilitySPIRV(:StorageTexelBufferArrayDynamicIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_storage_texel_buffer_array_dynamic_indexing, nothing, "VK_EXT_descriptor_indexing")], PropertyCondition[]), SpecCapabilitySPIRV(:UniformBufferArrayNonUniformIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_uniform_buffer_array_non_uniform_indexing, nothing, "VK_EXT_descriptor_indexing")], PropertyCondition[]), SpecCapabilitySPIRV(:SampledImageArrayNonUniformIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_sampled_image_array_non_uniform_indexing, nothing, "VK_EXT_descriptor_indexing")], PropertyCondition[]), SpecCapabilitySPIRV(:StorageBufferArrayNonUniformIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_storage_buffer_array_non_uniform_indexing, nothing, "VK_EXT_descriptor_indexing")], PropertyCondition[]), SpecCapabilitySPIRV(:StorageImageArrayNonUniformIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_storage_image_array_non_uniform_indexing, nothing, "VK_EXT_descriptor_indexing")], PropertyCondition[]), SpecCapabilitySPIRV(:InputAttachmentArrayNonUniformIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_input_attachment_array_non_uniform_indexing, nothing, "VK_EXT_descriptor_indexing")], PropertyCondition[]), SpecCapabilitySPIRV(:UniformTexelBufferArrayNonUniformIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_uniform_texel_buffer_array_non_uniform_indexing, nothing, "VK_EXT_descriptor_indexing")], PropertyCondition[]), SpecCapabilitySPIRV(:StorageTexelBufferArrayNonUniformIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_storage_texel_buffer_array_non_uniform_indexing, nothing, "VK_EXT_descriptor_indexing")], PropertyCondition[]), SpecCapabilitySPIRV(:FragmentFullyCoveredEXT, nothing, ["VK_EXT_conservative_rasterization"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:Float16, nothing, ["VK_AMD_gpu_shader_half_float"], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_float_16, nothing, "VK_KHR_shader_float16_int8")], PropertyCondition[]), SpecCapabilitySPIRV(:Int8, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_int_8, nothing, "VK_KHR_shader_float16_int8")], PropertyCondition[]), SpecCapabilitySPIRV(:StorageBuffer8BitAccess, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :storage_buffer_8_bit_access, nothing, "VK_KHR_8bit_storage")], PropertyCondition[]), SpecCapabilitySPIRV(:UniformAndStorageBuffer8BitAccess, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :uniform_and_storage_buffer_8_bit_access, nothing, "VK_KHR_8bit_storage")], PropertyCondition[]), SpecCapabilitySPIRV(:StoragePushConstant8, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :storage_push_constant_8, nothing, "VK_KHR_8bit_storage")], PropertyCondition[]), SpecCapabilitySPIRV(:VulkanMemoryModel, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :vulkan_memory_model, nothing, "VK_KHR_vulkan_memory_model")], PropertyCondition[]), SpecCapabilitySPIRV(:VulkanMemoryModelDeviceScope, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :vulkan_memory_model_device_scope, nothing, "VK_KHR_vulkan_memory_model")], PropertyCondition[]), SpecCapabilitySPIRV(:DenormPreserve, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_denorm_preserve_float_16, nothing, "VK_KHR_shader_float_controls", true, :TRUE), PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_denorm_preserve_float_32, nothing, "VK_KHR_shader_float_controls", true, :TRUE), PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_denorm_preserve_float_64, nothing, "VK_KHR_shader_float_controls", true, :TRUE)]), SpecCapabilitySPIRV(:DenormFlushToZero, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_denorm_flush_to_zero_float_16, nothing, "VK_KHR_shader_float_controls", true, :TRUE), PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_denorm_flush_to_zero_float_32, nothing, "VK_KHR_shader_float_controls", true, :TRUE), PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_denorm_flush_to_zero_float_64, nothing, "VK_KHR_shader_float_controls", true, :TRUE)]), SpecCapabilitySPIRV(:SignedZeroInfNanPreserve, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_signed_zero_inf_nan_preserve_float_16, nothing, "VK_KHR_shader_float_controls", true, :TRUE), PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_signed_zero_inf_nan_preserve_float_32, nothing, "VK_KHR_shader_float_controls", true, :TRUE), PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_signed_zero_inf_nan_preserve_float_64, nothing, "VK_KHR_shader_float_controls", true, :TRUE)]), SpecCapabilitySPIRV(:RoundingModeRTE, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_rounding_mode_rte_float_16, nothing, "VK_KHR_shader_float_controls", true, :TRUE), PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_rounding_mode_rte_float_32, nothing, "VK_KHR_shader_float_controls", true, :TRUE), PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_rounding_mode_rte_float_64, nothing, "VK_KHR_shader_float_controls", true, :TRUE)]), SpecCapabilitySPIRV(:RoundingModeRTZ, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_rounding_mode_rtz_float_16, nothing, "VK_KHR_shader_float_controls", true, :TRUE), PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_rounding_mode_rtz_float_32, nothing, "VK_KHR_shader_float_controls", true, :TRUE), PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_rounding_mode_rtz_float_64, nothing, "VK_KHR_shader_float_controls", true, :TRUE)]), SpecCapabilitySPIRV(:ComputeDerivativeGroupQuadsNV, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceComputeShaderDerivativesFeaturesNV, :compute_derivative_group_quads, nothing, "VK_NV_compute_shader_derivatives")], PropertyCondition[]), SpecCapabilitySPIRV(:ComputeDerivativeGroupLinearNV, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceComputeShaderDerivativesFeaturesNV, :compute_derivative_group_linear, nothing, "VK_NV_compute_shader_derivatives")], PropertyCondition[]), SpecCapabilitySPIRV(:FragmentBarycentricNV, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFragmentShaderBarycentricFeaturesKHR, :fragment_shader_barycentric, nothing, "VK_NV_fragment_shader_barycentric")], PropertyCondition[]), SpecCapabilitySPIRV(:ImageFootprintNV, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceShaderImageFootprintFeaturesNV, :image_footprint, nothing, "VK_NV_shader_image_footprint")], PropertyCondition[]), SpecCapabilitySPIRV(:ShadingRateNV, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceShadingRateImageFeaturesNV, :shading_rate_image, nothing, "VK_NV_shading_rate_image")], PropertyCondition[]), SpecCapabilitySPIRV(:MeshShadingNV, nothing, ["VK_NV_mesh_shader"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:RayTracingKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceRayTracingPipelineFeaturesKHR, :ray_tracing_pipeline, nothing, "VK_KHR_ray_tracing_pipeline")], PropertyCondition[]), SpecCapabilitySPIRV(:RayQueryKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceRayQueryFeaturesKHR, :ray_query, nothing, "VK_KHR_ray_query")], PropertyCondition[]), SpecCapabilitySPIRV(:RayTraversalPrimitiveCullingKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceRayTracingPipelineFeaturesKHR, :ray_traversal_primitive_culling, nothing, "VK_KHR_ray_tracing_pipeline"), FeatureCondition(:PhysicalDeviceRayQueryFeaturesKHR, :ray_query, nothing, "VK_KHR_ray_query")], PropertyCondition[]), SpecCapabilitySPIRV(:RayCullMaskKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceRayTracingMaintenance1FeaturesKHR, :ray_tracing_maintenance_1, nothing, "VK_KHR_ray_tracing_maintenance1")], PropertyCondition[]), SpecCapabilitySPIRV(:RayTracingNV, nothing, ["VK_NV_ray_tracing"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:RayTracingMotionBlurNV, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceRayTracingMotionBlurFeaturesNV, :ray_tracing_motion_blur, nothing, "VK_NV_ray_tracing_motion_blur")], PropertyCondition[]), SpecCapabilitySPIRV(:TransformFeedback, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceTransformFeedbackFeaturesEXT, :transform_feedback, nothing, "VK_EXT_transform_feedback")], PropertyCondition[]), SpecCapabilitySPIRV(:GeometryStreams, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceTransformFeedbackFeaturesEXT, :geometry_streams, nothing, "VK_EXT_transform_feedback")], PropertyCondition[]), SpecCapabilitySPIRV(:FragmentDensityEXT, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFragmentDensityMapFeaturesEXT, :fragment_density_map, nothing, "VK_EXT_fragment_density_map")], PropertyCondition[]), SpecCapabilitySPIRV(:PhysicalStorageBufferAddresses, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :buffer_device_address, nothing, "VK_KHR_buffer_device_address"), FeatureCondition(:PhysicalDeviceBufferDeviceAddressFeaturesEXT, :buffer_device_address, nothing, "VK_EXT_buffer_device_address")], PropertyCondition[]), SpecCapabilitySPIRV(:CooperativeMatrixNV, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceCooperativeMatrixFeaturesNV, :cooperative_matrix, nothing, "VK_NV_cooperative_matrix")], PropertyCondition[]), SpecCapabilitySPIRV(:IntegerFunctions2INTEL, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL, :shader_integer_functions_2, nothing, "VK_INTEL_shader_integer_functions2")], PropertyCondition[]), SpecCapabilitySPIRV(:ShaderSMBuiltinsNV, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceShaderSMBuiltinsFeaturesNV, :shader_sm_builtins, nothing, "VK_NV_shader_sm_builtins")], PropertyCondition[]), SpecCapabilitySPIRV(:FragmentShaderSampleInterlockEXT, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFragmentShaderInterlockFeaturesEXT, :fragment_shader_sample_interlock, nothing, "VK_EXT_fragment_shader_interlock")], PropertyCondition[]), SpecCapabilitySPIRV(:FragmentShaderPixelInterlockEXT, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFragmentShaderInterlockFeaturesEXT, :fragment_shader_pixel_interlock, nothing, "VK_EXT_fragment_shader_interlock")], PropertyCondition[]), SpecCapabilitySPIRV(:FragmentShaderShadingRateInterlockEXT, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFragmentShaderInterlockFeaturesEXT, :fragment_shader_shading_rate_interlock, nothing, "VK_EXT_fragment_shader_interlock"), FeatureCondition(:PhysicalDeviceShadingRateImageFeaturesNV, :shading_rate_image, nothing, "VK_NV_shading_rate_image")], PropertyCondition[]), SpecCapabilitySPIRV(:DemoteToHelperInvocationEXT, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan13Features, :shader_demote_to_helper_invocation, nothing, "VK_EXT_shader_demote_to_helper_invocation"), FeatureCondition(:PhysicalDeviceShaderDemoteToHelperInvocationFeatures, :shader_demote_to_helper_invocation, nothing, "VK_EXT_shader_demote_to_helper_invocation")], PropertyCondition[]), SpecCapabilitySPIRV(:FragmentShadingRateKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFragmentShadingRateFeaturesKHR, :pipeline_fragment_shading_rate, nothing, "VK_KHR_fragment_shading_rate"), FeatureCondition(:PhysicalDeviceFragmentShadingRateFeaturesKHR, :primitive_fragment_shading_rate, nothing, "VK_KHR_fragment_shading_rate"), FeatureCondition(:PhysicalDeviceFragmentShadingRateFeaturesKHR, :attachment_fragment_shading_rate, nothing, "VK_KHR_fragment_shading_rate")], PropertyCondition[]), SpecCapabilitySPIRV(:WorkgroupMemoryExplicitLayoutKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR, :workgroup_memory_explicit_layout, nothing, "VK_KHR_workgroup_memory_explicit_layout")], PropertyCondition[]), SpecCapabilitySPIRV(:WorkgroupMemoryExplicitLayout8BitAccessKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR, :workgroup_memory_explicit_layout_8_bit_access, nothing, "VK_KHR_workgroup_memory_explicit_layout")], PropertyCondition[]), SpecCapabilitySPIRV(:WorkgroupMemoryExplicitLayout16BitAccessKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR, :workgroup_memory_explicit_layout_16_bit_access, nothing, "VK_KHR_workgroup_memory_explicit_layout")], PropertyCondition[]), SpecCapabilitySPIRV(:DotProductInputAllKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan13Features, :shader_integer_dot_product, nothing, "VK_KHR_shader_integer_dot_product"), FeatureCondition(:PhysicalDeviceShaderIntegerDotProductFeatures, :shader_integer_dot_product, nothing, "VK_KHR_shader_integer_dot_product")], PropertyCondition[]), SpecCapabilitySPIRV(:DotProductInput4x8BitKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan13Features, :shader_integer_dot_product, nothing, "VK_KHR_shader_integer_dot_product"), FeatureCondition(:PhysicalDeviceShaderIntegerDotProductFeatures, :shader_integer_dot_product, nothing, "VK_KHR_shader_integer_dot_product")], PropertyCondition[]), SpecCapabilitySPIRV(:DotProductInput4x8BitPackedKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan13Features, :shader_integer_dot_product, nothing, "VK_KHR_shader_integer_dot_product"), FeatureCondition(:PhysicalDeviceShaderIntegerDotProductFeatures, :shader_integer_dot_product, nothing, "VK_KHR_shader_integer_dot_product")], PropertyCondition[]), SpecCapabilitySPIRV(:DotProductKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan13Features, :shader_integer_dot_product, nothing, "VK_KHR_shader_integer_dot_product"), FeatureCondition(:PhysicalDeviceShaderIntegerDotProductFeatures, :shader_integer_dot_product, nothing, "VK_KHR_shader_integer_dot_product")], PropertyCondition[]), SpecCapabilitySPIRV(:FragmentBarycentricKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFragmentShaderBarycentricFeaturesKHR, :fragment_shader_barycentric, nothing, "VK_KHR_fragment_shader_barycentric")], PropertyCondition[]), SpecCapabilitySPIRV(:TextureSampleWeightedQCOM, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceImageProcessingFeaturesQCOM, :texture_sample_weighted, nothing, "VK_QCOM_image_processing")], PropertyCondition[]), SpecCapabilitySPIRV(:TextureBoxFilterQCOM, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceImageProcessingFeaturesQCOM, :texture_box_filter, nothing, "VK_QCOM_image_processing")], PropertyCondition[]), SpecCapabilitySPIRV(:TextureBlockMatchQCOM, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceImageProcessingFeaturesQCOM, :texture_block_match, nothing, "VK_QCOM_image_processing")], PropertyCondition[]), SpecCapabilitySPIRV(:MeshShadingEXT, nothing, ["VK_EXT_mesh_shader"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:RayTracingOpacityMicromapEXT, nothing, ["VK_EXT_opacity_micromap"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:CoreBuiltinsARM, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceShaderCoreBuiltinsFeaturesARM, :shader_core_builtins, nothing, "VK_ARM_shader_core_builtins")], PropertyCondition[]), SpecCapabilitySPIRV(:ShaderInvocationReorderNV, nothing, ["VK_NV_ray_tracing_invocation_reorder"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:ClusterCullingShadingHUAWEI, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceClusterCullingShaderFeaturesHUAWEI, :clusterculling_shader, nothing, "VK_HUAWEI_cluster_culling_shader")], PropertyCondition[])] const CORE_FUNCTIONS = [:vkCreateInstance, :vkEnumerateInstanceVersion, :vkEnumerateInstanceLayerProperties, :vkEnumerateInstanceExtensionProperties] const INSTANCE_FUNCTIONS = [:vkDestroyInstance, :vkEnumeratePhysicalDevices, :vkGetInstanceProcAddr, :vkGetPhysicalDeviceProperties, :vkGetPhysicalDeviceQueueFamilyProperties, :vkGetPhysicalDeviceMemoryProperties, :vkGetPhysicalDeviceFeatures, :vkGetPhysicalDeviceFormatProperties, :vkGetPhysicalDeviceImageFormatProperties, :vkCreateDevice, :vkEnumerateDeviceLayerProperties, :vkEnumerateDeviceExtensionProperties, :vkGetPhysicalDeviceSparseImageFormatProperties, :vkCreateAndroidSurfaceKHR, :vkGetPhysicalDeviceDisplayPropertiesKHR, :vkGetPhysicalDeviceDisplayPlanePropertiesKHR, :vkGetDisplayPlaneSupportedDisplaysKHR, :vkGetDisplayModePropertiesKHR, :vkCreateDisplayModeKHR, :vkGetDisplayPlaneCapabilitiesKHR, :vkCreateDisplayPlaneSurfaceKHR, :vkDestroySurfaceKHR, :vkGetPhysicalDeviceSurfaceSupportKHR, :vkGetPhysicalDeviceSurfaceCapabilitiesKHR, :vkGetPhysicalDeviceSurfaceFormatsKHR, :vkGetPhysicalDeviceSurfacePresentModesKHR, :vkCreateViSurfaceNN, :vkCreateWaylandSurfaceKHR, :vkGetPhysicalDeviceWaylandPresentationSupportKHR, :vkCreateWin32SurfaceKHR, :vkGetPhysicalDeviceWin32PresentationSupportKHR, :vkCreateXlibSurfaceKHR, :vkGetPhysicalDeviceXlibPresentationSupportKHR, :vkCreateXcbSurfaceKHR, :vkGetPhysicalDeviceXcbPresentationSupportKHR, :vkCreateDirectFBSurfaceEXT, :vkGetPhysicalDeviceDirectFBPresentationSupportEXT, :vkCreateImagePipeSurfaceFUCHSIA, :vkCreateStreamDescriptorSurfaceGGP, :vkCreateScreenSurfaceQNX, :vkGetPhysicalDeviceScreenPresentationSupportQNX, :vkCreateDebugReportCallbackEXT, :vkDestroyDebugReportCallbackEXT, :vkDebugReportMessageEXT, :vkGetPhysicalDeviceExternalImageFormatPropertiesNV, :vkGetPhysicalDeviceFeatures2, :vkGetPhysicalDeviceProperties2, :vkGetPhysicalDeviceFormatProperties2, :vkGetPhysicalDeviceImageFormatProperties2, :vkGetPhysicalDeviceQueueFamilyProperties2, :vkGetPhysicalDeviceMemoryProperties2, :vkGetPhysicalDeviceSparseImageFormatProperties2, :vkGetPhysicalDeviceExternalBufferProperties, :vkGetPhysicalDeviceExternalSemaphoreProperties, :vkGetPhysicalDeviceExternalFenceProperties, :vkReleaseDisplayEXT, :vkAcquireXlibDisplayEXT, :vkGetRandROutputDisplayEXT, :vkAcquireWinrtDisplayNV, :vkGetWinrtDisplayNV, :vkGetPhysicalDeviceSurfaceCapabilities2EXT, :vkEnumeratePhysicalDeviceGroups, :vkGetPhysicalDevicePresentRectanglesKHR, :vkCreateIOSSurfaceMVK, :vkCreateMacOSSurfaceMVK, :vkCreateMetalSurfaceEXT, :vkGetPhysicalDeviceMultisamplePropertiesEXT, :vkGetPhysicalDeviceSurfaceCapabilities2KHR, :vkGetPhysicalDeviceSurfaceFormats2KHR, :vkGetPhysicalDeviceDisplayProperties2KHR, :vkGetPhysicalDeviceDisplayPlaneProperties2KHR, :vkGetDisplayModeProperties2KHR, :vkGetDisplayPlaneCapabilities2KHR, :vkGetPhysicalDeviceCalibrateableTimeDomainsEXT, :vkCreateDebugUtilsMessengerEXT, :vkDestroyDebugUtilsMessengerEXT, :vkSubmitDebugUtilsMessageEXT, :vkGetPhysicalDeviceCooperativeMatrixPropertiesNV, :vkGetPhysicalDeviceSurfacePresentModes2EXT, :vkEnumeratePhysicalDeviceQueueFamilyPerformanceQueryCountersKHR, :vkGetPhysicalDeviceQueueFamilyPerformanceQueryPassesKHR, :vkCreateHeadlessSurfaceEXT, :vkGetPhysicalDeviceSupportedFramebufferMixedSamplesCombinationsNV, :vkGetPhysicalDeviceToolProperties, :vkGetPhysicalDeviceFragmentShadingRatesKHR, :vkGetPhysicalDeviceVideoCapabilitiesKHR, :vkGetPhysicalDeviceVideoFormatPropertiesKHR, :vkAcquireDrmDisplayEXT, :vkGetDrmDisplayEXT, :vkGetPhysicalDeviceOpticalFlowImageFormatsNV, :vkEnumeratePhysicalDeviceGroupsKHR, :vkGetPhysicalDeviceExternalBufferPropertiesKHR, :vkGetPhysicalDeviceExternalFencePropertiesKHR, :vkGetPhysicalDeviceExternalSemaphorePropertiesKHR, :vkGetPhysicalDeviceFeatures2KHR, :vkGetPhysicalDeviceFormatProperties2KHR, :vkGetPhysicalDeviceImageFormatProperties2KHR, :vkGetPhysicalDeviceMemoryProperties2KHR, :vkGetPhysicalDeviceProperties2KHR, :vkGetPhysicalDeviceQueueFamilyProperties2KHR, :vkGetPhysicalDeviceSparseImageFormatProperties2KHR, :vkGetPhysicalDeviceToolPropertiesEXT] const DEVICE_FUNCTIONS = [:vkGetDeviceProcAddr, :vkDestroyDevice, :vkGetDeviceQueue, :vkQueueSubmit, :vkQueueWaitIdle, :vkDeviceWaitIdle, :vkAllocateMemory, :vkFreeMemory, :vkMapMemory, :vkUnmapMemory, :vkFlushMappedMemoryRanges, :vkInvalidateMappedMemoryRanges, :vkGetDeviceMemoryCommitment, :vkGetBufferMemoryRequirements, :vkBindBufferMemory, :vkGetImageMemoryRequirements, :vkBindImageMemory, :vkGetImageSparseMemoryRequirements, :vkQueueBindSparse, :vkCreateFence, :vkDestroyFence, :vkResetFences, :vkGetFenceStatus, :vkWaitForFences, :vkCreateSemaphore, :vkDestroySemaphore, :vkCreateEvent, :vkDestroyEvent, :vkGetEventStatus, :vkSetEvent, :vkResetEvent, :vkCreateQueryPool, :vkDestroyQueryPool, :vkGetQueryPoolResults, :vkResetQueryPool, :vkCreateBuffer, :vkDestroyBuffer, :vkCreateBufferView, :vkDestroyBufferView, :vkCreateImage, :vkDestroyImage, :vkGetImageSubresourceLayout, :vkCreateImageView, :vkDestroyImageView, :vkCreateShaderModule, :vkDestroyShaderModule, :vkCreatePipelineCache, :vkDestroyPipelineCache, :vkGetPipelineCacheData, :vkMergePipelineCaches, :vkCreateGraphicsPipelines, :vkCreateComputePipelines, :vkGetDeviceSubpassShadingMaxWorkgroupSizeHUAWEI, :vkDestroyPipeline, :vkCreatePipelineLayout, :vkDestroyPipelineLayout, :vkCreateSampler, :vkDestroySampler, :vkCreateDescriptorSetLayout, :vkDestroyDescriptorSetLayout, :vkCreateDescriptorPool, :vkDestroyDescriptorPool, :vkResetDescriptorPool, :vkAllocateDescriptorSets, :vkFreeDescriptorSets, :vkUpdateDescriptorSets, :vkCreateFramebuffer, :vkDestroyFramebuffer, :vkCreateRenderPass, :vkDestroyRenderPass, :vkGetRenderAreaGranularity, :vkCreateCommandPool, :vkDestroyCommandPool, :vkResetCommandPool, :vkAllocateCommandBuffers, :vkFreeCommandBuffers, :vkBeginCommandBuffer, :vkEndCommandBuffer, :vkResetCommandBuffer, :vkCmdBindPipeline, :vkCmdSetViewport, :vkCmdSetScissor, :vkCmdSetLineWidth, :vkCmdSetDepthBias, :vkCmdSetBlendConstants, :vkCmdSetDepthBounds, :vkCmdSetStencilCompareMask, :vkCmdSetStencilWriteMask, :vkCmdSetStencilReference, :vkCmdBindDescriptorSets, :vkCmdBindIndexBuffer, :vkCmdBindVertexBuffers, :vkCmdDraw, :vkCmdDrawIndexed, :vkCmdDrawMultiEXT, :vkCmdDrawMultiIndexedEXT, :vkCmdDrawIndirect, :vkCmdDrawIndexedIndirect, :vkCmdDispatch, :vkCmdDispatchIndirect, :vkCmdSubpassShadingHUAWEI, :vkCmdDrawClusterHUAWEI, :vkCmdDrawClusterIndirectHUAWEI, :vkCmdCopyBuffer, :vkCmdCopyImage, :vkCmdBlitImage, :vkCmdCopyBufferToImage, :vkCmdCopyImageToBuffer, :vkCmdCopyMemoryIndirectNV, :vkCmdCopyMemoryToImageIndirectNV, :vkCmdUpdateBuffer, :vkCmdFillBuffer, :vkCmdClearColorImage, :vkCmdClearDepthStencilImage, :vkCmdClearAttachments, :vkCmdResolveImage, :vkCmdSetEvent, :vkCmdResetEvent, :vkCmdWaitEvents, :vkCmdPipelineBarrier, :vkCmdBeginQuery, :vkCmdEndQuery, :vkCmdBeginConditionalRenderingEXT, :vkCmdEndConditionalRenderingEXT, :vkCmdResetQueryPool, :vkCmdWriteTimestamp, :vkCmdCopyQueryPoolResults, :vkCmdPushConstants, :vkCmdBeginRenderPass, :vkCmdNextSubpass, :vkCmdEndRenderPass, :vkCmdExecuteCommands, :vkCreateSharedSwapchainsKHR, :vkCreateSwapchainKHR, :vkDestroySwapchainKHR, :vkGetSwapchainImagesKHR, :vkAcquireNextImageKHR, :vkQueuePresentKHR, :vkDebugMarkerSetObjectNameEXT, :vkDebugMarkerSetObjectTagEXT, :vkCmdDebugMarkerBeginEXT, :vkCmdDebugMarkerEndEXT, :vkCmdDebugMarkerInsertEXT, :vkGetMemoryWin32HandleNV, :vkCmdExecuteGeneratedCommandsNV, :vkCmdPreprocessGeneratedCommandsNV, :vkCmdBindPipelineShaderGroupNV, :vkGetGeneratedCommandsMemoryRequirementsNV, :vkCreateIndirectCommandsLayoutNV, :vkDestroyIndirectCommandsLayoutNV, :vkCmdPushDescriptorSetKHR, :vkTrimCommandPool, :vkGetMemoryWin32HandleKHR, :vkGetMemoryWin32HandlePropertiesKHR, :vkGetMemoryFdKHR, :vkGetMemoryFdPropertiesKHR, :vkGetMemoryZirconHandleFUCHSIA, :vkGetMemoryZirconHandlePropertiesFUCHSIA, :vkGetMemoryRemoteAddressNV, :vkGetSemaphoreWin32HandleKHR, :vkImportSemaphoreWin32HandleKHR, :vkGetSemaphoreFdKHR, :vkImportSemaphoreFdKHR, :vkGetSemaphoreZirconHandleFUCHSIA, :vkImportSemaphoreZirconHandleFUCHSIA, :vkGetFenceWin32HandleKHR, :vkImportFenceWin32HandleKHR, :vkGetFenceFdKHR, :vkImportFenceFdKHR, :vkDisplayPowerControlEXT, :vkRegisterDeviceEventEXT, :vkRegisterDisplayEventEXT, :vkGetSwapchainCounterEXT, :vkGetDeviceGroupPeerMemoryFeatures, :vkBindBufferMemory2, :vkBindImageMemory2, :vkCmdSetDeviceMask, :vkGetDeviceGroupPresentCapabilitiesKHR, :vkGetDeviceGroupSurfacePresentModesKHR, :vkAcquireNextImage2KHR, :vkCmdDispatchBase, :vkCreateDescriptorUpdateTemplate, :vkDestroyDescriptorUpdateTemplate, :vkUpdateDescriptorSetWithTemplate, :vkCmdPushDescriptorSetWithTemplateKHR, :vkSetHdrMetadataEXT, :vkGetSwapchainStatusKHR, :vkGetRefreshCycleDurationGOOGLE, :vkGetPastPresentationTimingGOOGLE, :vkCmdSetViewportWScalingNV, :vkCmdSetDiscardRectangleEXT, :vkCmdSetSampleLocationsEXT, :vkGetBufferMemoryRequirements2, :vkGetImageMemoryRequirements2, :vkGetImageSparseMemoryRequirements2, :vkGetDeviceBufferMemoryRequirements, :vkGetDeviceImageMemoryRequirements, :vkGetDeviceImageSparseMemoryRequirements, :vkCreateSamplerYcbcrConversion, :vkDestroySamplerYcbcrConversion, :vkGetDeviceQueue2, :vkCreateValidationCacheEXT, :vkDestroyValidationCacheEXT, :vkGetValidationCacheDataEXT, :vkMergeValidationCachesEXT, :vkGetDescriptorSetLayoutSupport, :vkGetShaderInfoAMD, :vkSetLocalDimmingAMD, :vkGetCalibratedTimestampsEXT, :vkSetDebugUtilsObjectNameEXT, :vkSetDebugUtilsObjectTagEXT, :vkQueueBeginDebugUtilsLabelEXT, :vkQueueEndDebugUtilsLabelEXT, :vkQueueInsertDebugUtilsLabelEXT, :vkCmdBeginDebugUtilsLabelEXT, :vkCmdEndDebugUtilsLabelEXT, :vkCmdInsertDebugUtilsLabelEXT, :vkGetMemoryHostPointerPropertiesEXT, :vkCmdWriteBufferMarkerAMD, :vkCreateRenderPass2, :vkCmdBeginRenderPass2, :vkCmdNextSubpass2, :vkCmdEndRenderPass2, :vkGetSemaphoreCounterValue, :vkWaitSemaphores, :vkSignalSemaphore, :vkGetAndroidHardwareBufferPropertiesANDROID, :vkGetMemoryAndroidHardwareBufferANDROID, :vkCmdDrawIndirectCount, :vkCmdDrawIndexedIndirectCount, :vkCmdSetCheckpointNV, :vkGetQueueCheckpointDataNV, :vkCmdBindTransformFeedbackBuffersEXT, :vkCmdBeginTransformFeedbackEXT, :vkCmdEndTransformFeedbackEXT, :vkCmdBeginQueryIndexedEXT, :vkCmdEndQueryIndexedEXT, :vkCmdDrawIndirectByteCountEXT, :vkCmdSetExclusiveScissorNV, :vkCmdBindShadingRateImageNV, :vkCmdSetViewportShadingRatePaletteNV, :vkCmdSetCoarseSampleOrderNV, :vkCmdDrawMeshTasksNV, :vkCmdDrawMeshTasksIndirectNV, :vkCmdDrawMeshTasksIndirectCountNV, :vkCmdDrawMeshTasksEXT, :vkCmdDrawMeshTasksIndirectEXT, :vkCmdDrawMeshTasksIndirectCountEXT, :vkCompileDeferredNV, :vkCreateAccelerationStructureNV, :vkCmdBindInvocationMaskHUAWEI, :vkDestroyAccelerationStructureKHR, :vkDestroyAccelerationStructureNV, :vkGetAccelerationStructureMemoryRequirementsNV, :vkBindAccelerationStructureMemoryNV, :vkCmdCopyAccelerationStructureNV, :vkCmdCopyAccelerationStructureKHR, :vkCopyAccelerationStructureKHR, :vkCmdCopyAccelerationStructureToMemoryKHR, :vkCopyAccelerationStructureToMemoryKHR, :vkCmdCopyMemoryToAccelerationStructureKHR, :vkCopyMemoryToAccelerationStructureKHR, :vkCmdWriteAccelerationStructuresPropertiesKHR, :vkCmdWriteAccelerationStructuresPropertiesNV, :vkCmdBuildAccelerationStructureNV, :vkWriteAccelerationStructuresPropertiesKHR, :vkCmdTraceRaysKHR, :vkCmdTraceRaysNV, :vkGetRayTracingShaderGroupHandlesKHR, :vkGetRayTracingCaptureReplayShaderGroupHandlesKHR, :vkGetAccelerationStructureHandleNV, :vkCreateRayTracingPipelinesNV, :vkCreateRayTracingPipelinesKHR, :vkCmdTraceRaysIndirectKHR, :vkCmdTraceRaysIndirect2KHR, :vkGetDeviceAccelerationStructureCompatibilityKHR, :vkGetRayTracingShaderGroupStackSizeKHR, :vkCmdSetRayTracingPipelineStackSizeKHR, :vkGetImageViewHandleNVX, :vkGetImageViewAddressNVX, :vkGetDeviceGroupSurfacePresentModes2EXT, :vkAcquireFullScreenExclusiveModeEXT, :vkReleaseFullScreenExclusiveModeEXT, :vkAcquireProfilingLockKHR, :vkReleaseProfilingLockKHR, :vkGetImageDrmFormatModifierPropertiesEXT, :vkGetBufferOpaqueCaptureAddress, :vkGetBufferDeviceAddress, :vkInitializePerformanceApiINTEL, :vkUninitializePerformanceApiINTEL, :vkCmdSetPerformanceMarkerINTEL, :vkCmdSetPerformanceStreamMarkerINTEL, :vkCmdSetPerformanceOverrideINTEL, :vkAcquirePerformanceConfigurationINTEL, :vkReleasePerformanceConfigurationINTEL, :vkQueueSetPerformanceConfigurationINTEL, :vkGetPerformanceParameterINTEL, :vkGetDeviceMemoryOpaqueCaptureAddress, :vkGetPipelineExecutablePropertiesKHR, :vkGetPipelineExecutableStatisticsKHR, :vkGetPipelineExecutableInternalRepresentationsKHR, :vkCmdSetLineStippleEXT, :vkCreateAccelerationStructureKHR, :vkCmdBuildAccelerationStructuresKHR, :vkCmdBuildAccelerationStructuresIndirectKHR, :vkBuildAccelerationStructuresKHR, :vkGetAccelerationStructureDeviceAddressKHR, :vkCreateDeferredOperationKHR, :vkDestroyDeferredOperationKHR, :vkGetDeferredOperationMaxConcurrencyKHR, :vkGetDeferredOperationResultKHR, :vkDeferredOperationJoinKHR, :vkCmdSetCullMode, :vkCmdSetFrontFace, :vkCmdSetPrimitiveTopology, :vkCmdSetViewportWithCount, :vkCmdSetScissorWithCount, :vkCmdBindVertexBuffers2, :vkCmdSetDepthTestEnable, :vkCmdSetDepthWriteEnable, :vkCmdSetDepthCompareOp, :vkCmdSetDepthBoundsTestEnable, :vkCmdSetStencilTestEnable, :vkCmdSetStencilOp, :vkCmdSetPatchControlPointsEXT, :vkCmdSetRasterizerDiscardEnable, :vkCmdSetDepthBiasEnable, :vkCmdSetLogicOpEXT, :vkCmdSetPrimitiveRestartEnable, :vkCmdSetTessellationDomainOriginEXT, :vkCmdSetDepthClampEnableEXT, :vkCmdSetPolygonModeEXT, :vkCmdSetRasterizationSamplesEXT, :vkCmdSetSampleMaskEXT, :vkCmdSetAlphaToCoverageEnableEXT, :vkCmdSetAlphaToOneEnableEXT, :vkCmdSetLogicOpEnableEXT, :vkCmdSetColorBlendEnableEXT, :vkCmdSetColorBlendEquationEXT, :vkCmdSetColorWriteMaskEXT, :vkCmdSetRasterizationStreamEXT, :vkCmdSetConservativeRasterizationModeEXT, :vkCmdSetExtraPrimitiveOverestimationSizeEXT, :vkCmdSetDepthClipEnableEXT, :vkCmdSetSampleLocationsEnableEXT, :vkCmdSetColorBlendAdvancedEXT, :vkCmdSetProvokingVertexModeEXT, :vkCmdSetLineRasterizationModeEXT, :vkCmdSetLineStippleEnableEXT, :vkCmdSetDepthClipNegativeOneToOneEXT, :vkCmdSetViewportWScalingEnableNV, :vkCmdSetViewportSwizzleNV, :vkCmdSetCoverageToColorEnableNV, :vkCmdSetCoverageToColorLocationNV, :vkCmdSetCoverageModulationModeNV, :vkCmdSetCoverageModulationTableEnableNV, :vkCmdSetCoverageModulationTableNV, :vkCmdSetShadingRateImageEnableNV, :vkCmdSetCoverageReductionModeNV, :vkCmdSetRepresentativeFragmentTestEnableNV, :vkCreatePrivateDataSlot, :vkDestroyPrivateDataSlot, :vkSetPrivateData, :vkGetPrivateData, :vkCmdCopyBuffer2, :vkCmdCopyImage2, :vkCmdBlitImage2, :vkCmdCopyBufferToImage2, :vkCmdCopyImageToBuffer2, :vkCmdResolveImage2, :vkCmdSetFragmentShadingRateKHR, :vkCmdSetFragmentShadingRateEnumNV, :vkGetAccelerationStructureBuildSizesKHR, :vkCmdSetVertexInputEXT, :vkCmdSetColorWriteEnableEXT, :vkCmdSetEvent2, :vkCmdResetEvent2, :vkCmdWaitEvents2, :vkCmdPipelineBarrier2, :vkQueueSubmit2, :vkCmdWriteTimestamp2, :vkCmdWriteBufferMarker2AMD, :vkGetQueueCheckpointData2NV, :vkCreateVideoSessionKHR, :vkDestroyVideoSessionKHR, :vkCreateVideoSessionParametersKHR, :vkUpdateVideoSessionParametersKHR, :vkDestroyVideoSessionParametersKHR, :vkGetVideoSessionMemoryRequirementsKHR, :vkBindVideoSessionMemoryKHR, :vkCmdDecodeVideoKHR, :vkCmdBeginVideoCodingKHR, :vkCmdControlVideoCodingKHR, :vkCmdEndVideoCodingKHR, :vkCmdEncodeVideoKHR, :vkCmdDecompressMemoryNV, :vkCmdDecompressMemoryIndirectCountNV, :vkCreateCuModuleNVX, :vkCreateCuFunctionNVX, :vkDestroyCuModuleNVX, :vkDestroyCuFunctionNVX, :vkCmdCuLaunchKernelNVX, :vkGetDescriptorSetLayoutSizeEXT, :vkGetDescriptorSetLayoutBindingOffsetEXT, :vkGetDescriptorEXT, :vkCmdBindDescriptorBuffersEXT, :vkCmdSetDescriptorBufferOffsetsEXT, :vkCmdBindDescriptorBufferEmbeddedSamplersEXT, :vkGetBufferOpaqueCaptureDescriptorDataEXT, :vkGetImageOpaqueCaptureDescriptorDataEXT, :vkGetImageViewOpaqueCaptureDescriptorDataEXT, :vkGetSamplerOpaqueCaptureDescriptorDataEXT, :vkGetAccelerationStructureOpaqueCaptureDescriptorDataEXT, :vkSetDeviceMemoryPriorityEXT, :vkWaitForPresentKHR, :vkCreateBufferCollectionFUCHSIA, :vkSetBufferCollectionBufferConstraintsFUCHSIA, :vkSetBufferCollectionImageConstraintsFUCHSIA, :vkDestroyBufferCollectionFUCHSIA, :vkGetBufferCollectionPropertiesFUCHSIA, :vkCmdBeginRendering, :vkCmdEndRendering, :vkGetDescriptorSetLayoutHostMappingInfoVALVE, :vkGetDescriptorSetHostMappingVALVE, :vkCreateMicromapEXT, :vkCmdBuildMicromapsEXT, :vkBuildMicromapsEXT, :vkDestroyMicromapEXT, :vkCmdCopyMicromapEXT, :vkCopyMicromapEXT, :vkCmdCopyMicromapToMemoryEXT, :vkCopyMicromapToMemoryEXT, :vkCmdCopyMemoryToMicromapEXT, :vkCopyMemoryToMicromapEXT, :vkCmdWriteMicromapsPropertiesEXT, :vkWriteMicromapsPropertiesEXT, :vkGetDeviceMicromapCompatibilityEXT, :vkGetMicromapBuildSizesEXT, :vkGetShaderModuleIdentifierEXT, :vkGetShaderModuleCreateInfoIdentifierEXT, :vkGetImageSubresourceLayout2EXT, :vkGetPipelinePropertiesEXT, :vkExportMetalObjectsEXT, :vkGetFramebufferTilePropertiesQCOM, :vkGetDynamicRenderingTilePropertiesQCOM, :vkCreateOpticalFlowSessionNV, :vkDestroyOpticalFlowSessionNV, :vkBindOpticalFlowSessionImageNV, :vkCmdOpticalFlowExecuteNV, :vkGetDeviceFaultInfoEXT, :vkReleaseSwapchainImagesEXT, :vkBindBufferMemory2KHR, :vkBindImageMemory2KHR, :vkCmdBeginRenderPass2KHR, :vkCmdBeginRenderingKHR, :vkCmdBindVertexBuffers2EXT, :vkCmdBlitImage2KHR, :vkCmdCopyBuffer2KHR, :vkCmdCopyBufferToImage2KHR, :vkCmdCopyImage2KHR, :vkCmdCopyImageToBuffer2KHR, :vkCmdDispatchBaseKHR, :vkCmdDrawIndexedIndirectCountAMD, :vkCmdDrawIndexedIndirectCountKHR, :vkCmdDrawIndirectCountAMD, :vkCmdDrawIndirectCountKHR, :vkCmdEndRenderPass2KHR, :vkCmdEndRenderingKHR, :vkCmdNextSubpass2KHR, :vkCmdPipelineBarrier2KHR, :vkCmdResetEvent2KHR, :vkCmdResolveImage2KHR, :vkCmdSetCullModeEXT, :vkCmdSetDepthBiasEnableEXT, :vkCmdSetDepthBoundsTestEnableEXT, :vkCmdSetDepthCompareOpEXT, :vkCmdSetDepthTestEnableEXT, :vkCmdSetDepthWriteEnableEXT, :vkCmdSetDeviceMaskKHR, :vkCmdSetEvent2KHR, :vkCmdSetFrontFaceEXT, :vkCmdSetPrimitiveRestartEnableEXT, :vkCmdSetPrimitiveTopologyEXT, :vkCmdSetRasterizerDiscardEnableEXT, :vkCmdSetScissorWithCountEXT, :vkCmdSetStencilOpEXT, :vkCmdSetStencilTestEnableEXT, :vkCmdSetViewportWithCountEXT, :vkCmdWaitEvents2KHR, :vkCmdWriteTimestamp2KHR, :vkCreateDescriptorUpdateTemplateKHR, :vkCreatePrivateDataSlotEXT, :vkCreateRenderPass2KHR, :vkCreateSamplerYcbcrConversionKHR, :vkDestroyDescriptorUpdateTemplateKHR, :vkDestroyPrivateDataSlotEXT, :vkDestroySamplerYcbcrConversionKHR, :vkGetBufferDeviceAddressEXT, :vkGetBufferDeviceAddressKHR, :vkGetBufferMemoryRequirements2KHR, :vkGetBufferOpaqueCaptureAddressKHR, :vkGetDescriptorSetLayoutSupportKHR, :vkGetDeviceBufferMemoryRequirementsKHR, :vkGetDeviceGroupPeerMemoryFeaturesKHR, :vkGetDeviceImageMemoryRequirementsKHR, :vkGetDeviceImageSparseMemoryRequirementsKHR, :vkGetDeviceMemoryOpaqueCaptureAddressKHR, :vkGetImageMemoryRequirements2KHR, :vkGetImageSparseMemoryRequirements2KHR, :vkGetPrivateDataEXT, :vkGetRayTracingShaderGroupHandlesNV, :vkGetSemaphoreCounterValueKHR, :vkQueueSubmit2KHR, :vkResetQueryPoolEXT, :vkSetPrivateDataEXT, :vkSignalSemaphoreKHR, :vkTrimCommandPoolKHR, :vkUpdateDescriptorSetWithTemplateKHR, :vkWaitSemaphoresKHR] export MAX_PHYSICAL_DEVICE_NAME_SIZE, UUID_SIZE, LUID_SIZE, MAX_DESCRIPTION_SIZE, MAX_MEMORY_TYPES, MAX_MEMORY_HEAPS, LOD_CLAMP_NONE, REMAINING_MIP_LEVELS, REMAINING_ARRAY_LAYERS, WHOLE_SIZE, ATTACHMENT_UNUSED, QUEUE_FAMILY_IGNORED, QUEUE_FAMILY_EXTERNAL, QUEUE_FAMILY_FOREIGN_EXT, SUBPASS_EXTERNAL, MAX_DEVICE_GROUP_SIZE, MAX_DRIVER_NAME_SIZE, MAX_DRIVER_INFO_SIZE, SHADER_UNUSED_KHR, MAX_GLOBAL_PRIORITY_SIZE_KHR, MAX_SHADER_MODULE_IDENTIFIER_SIZE_EXT, ImageLayout, IMAGE_LAYOUT_UNDEFINED, IMAGE_LAYOUT_GENERAL, IMAGE_LAYOUT_COLOR_ATTACHMENT_OPTIMAL, IMAGE_LAYOUT_DEPTH_STENCIL_ATTACHMENT_OPTIMAL, IMAGE_LAYOUT_DEPTH_STENCIL_READ_ONLY_OPTIMAL, IMAGE_LAYOUT_SHADER_READ_ONLY_OPTIMAL, IMAGE_LAYOUT_TRANSFER_SRC_OPTIMAL, IMAGE_LAYOUT_TRANSFER_DST_OPTIMAL, IMAGE_LAYOUT_PREINITIALIZED, IMAGE_LAYOUT_DEPTH_READ_ONLY_STENCIL_ATTACHMENT_OPTIMAL, IMAGE_LAYOUT_DEPTH_ATTACHMENT_STENCIL_READ_ONLY_OPTIMAL, IMAGE_LAYOUT_DEPTH_ATTACHMENT_OPTIMAL, IMAGE_LAYOUT_DEPTH_READ_ONLY_OPTIMAL, IMAGE_LAYOUT_STENCIL_ATTACHMENT_OPTIMAL, IMAGE_LAYOUT_STENCIL_READ_ONLY_OPTIMAL, IMAGE_LAYOUT_READ_ONLY_OPTIMAL, IMAGE_LAYOUT_ATTACHMENT_OPTIMAL, IMAGE_LAYOUT_PRESENT_SRC_KHR, IMAGE_LAYOUT_VIDEO_DECODE_DST_KHR, IMAGE_LAYOUT_VIDEO_DECODE_SRC_KHR, IMAGE_LAYOUT_VIDEO_DECODE_DPB_KHR, IMAGE_LAYOUT_SHARED_PRESENT_KHR, IMAGE_LAYOUT_FRAGMENT_DENSITY_MAP_OPTIMAL_EXT, IMAGE_LAYOUT_FRAGMENT_SHADING_RATE_ATTACHMENT_OPTIMAL_KHR, IMAGE_LAYOUT_VIDEO_ENCODE_DST_KHR, IMAGE_LAYOUT_VIDEO_ENCODE_SRC_KHR, IMAGE_LAYOUT_VIDEO_ENCODE_DPB_KHR, IMAGE_LAYOUT_ATTACHMENT_FEEDBACK_LOOP_OPTIMAL_EXT, AttachmentLoadOp, ATTACHMENT_LOAD_OP_LOAD, ATTACHMENT_LOAD_OP_CLEAR, ATTACHMENT_LOAD_OP_DONT_CARE, ATTACHMENT_LOAD_OP_NONE_EXT, AttachmentStoreOp, ATTACHMENT_STORE_OP_STORE, ATTACHMENT_STORE_OP_DONT_CARE, ATTACHMENT_STORE_OP_NONE, ImageType, IMAGE_TYPE_1D, IMAGE_TYPE_2D, IMAGE_TYPE_3D, ImageTiling, IMAGE_TILING_OPTIMAL, IMAGE_TILING_LINEAR, IMAGE_TILING_DRM_FORMAT_MODIFIER_EXT, ImageViewType, IMAGE_VIEW_TYPE_1D, IMAGE_VIEW_TYPE_2D, IMAGE_VIEW_TYPE_3D, IMAGE_VIEW_TYPE_CUBE, IMAGE_VIEW_TYPE_1D_ARRAY, IMAGE_VIEW_TYPE_2D_ARRAY, IMAGE_VIEW_TYPE_CUBE_ARRAY, CommandBufferLevel, COMMAND_BUFFER_LEVEL_PRIMARY, COMMAND_BUFFER_LEVEL_SECONDARY, ComponentSwizzle, COMPONENT_SWIZZLE_IDENTITY, COMPONENT_SWIZZLE_ZERO, COMPONENT_SWIZZLE_ONE, COMPONENT_SWIZZLE_R, COMPONENT_SWIZZLE_G, COMPONENT_SWIZZLE_B, COMPONENT_SWIZZLE_A, DescriptorType, DESCRIPTOR_TYPE_SAMPLER, DESCRIPTOR_TYPE_COMBINED_IMAGE_SAMPLER, DESCRIPTOR_TYPE_SAMPLED_IMAGE, DESCRIPTOR_TYPE_STORAGE_IMAGE, DESCRIPTOR_TYPE_UNIFORM_TEXEL_BUFFER, DESCRIPTOR_TYPE_STORAGE_TEXEL_BUFFER, DESCRIPTOR_TYPE_UNIFORM_BUFFER, DESCRIPTOR_TYPE_STORAGE_BUFFER, DESCRIPTOR_TYPE_UNIFORM_BUFFER_DYNAMIC, DESCRIPTOR_TYPE_STORAGE_BUFFER_DYNAMIC, DESCRIPTOR_TYPE_INPUT_ATTACHMENT, DESCRIPTOR_TYPE_INLINE_UNIFORM_BLOCK, DESCRIPTOR_TYPE_ACCELERATION_STRUCTURE_KHR, DESCRIPTOR_TYPE_ACCELERATION_STRUCTURE_NV, DESCRIPTOR_TYPE_SAMPLE_WEIGHT_IMAGE_QCOM, DESCRIPTOR_TYPE_BLOCK_MATCH_IMAGE_QCOM, DESCRIPTOR_TYPE_MUTABLE_EXT, QueryType, QUERY_TYPE_OCCLUSION, QUERY_TYPE_PIPELINE_STATISTICS, QUERY_TYPE_TIMESTAMP, QUERY_TYPE_RESULT_STATUS_ONLY_KHR, QUERY_TYPE_TRANSFORM_FEEDBACK_STREAM_EXT, QUERY_TYPE_PERFORMANCE_QUERY_KHR, QUERY_TYPE_ACCELERATION_STRUCTURE_COMPACTED_SIZE_KHR, QUERY_TYPE_ACCELERATION_STRUCTURE_SERIALIZATION_SIZE_KHR, QUERY_TYPE_ACCELERATION_STRUCTURE_COMPACTED_SIZE_NV, QUERY_TYPE_PERFORMANCE_QUERY_INTEL, QUERY_TYPE_VIDEO_ENCODE_BITSTREAM_BUFFER_RANGE_KHR, QUERY_TYPE_MESH_PRIMITIVES_GENERATED_EXT, QUERY_TYPE_PRIMITIVES_GENERATED_EXT, QUERY_TYPE_ACCELERATION_STRUCTURE_SERIALIZATION_BOTTOM_LEVEL_POINTERS_KHR, QUERY_TYPE_ACCELERATION_STRUCTURE_SIZE_KHR, QUERY_TYPE_MICROMAP_SERIALIZATION_SIZE_EXT, QUERY_TYPE_MICROMAP_COMPACTED_SIZE_EXT, BorderColor, BORDER_COLOR_FLOAT_TRANSPARENT_BLACK, BORDER_COLOR_INT_TRANSPARENT_BLACK, BORDER_COLOR_FLOAT_OPAQUE_BLACK, BORDER_COLOR_INT_OPAQUE_BLACK, BORDER_COLOR_FLOAT_OPAQUE_WHITE, BORDER_COLOR_INT_OPAQUE_WHITE, BORDER_COLOR_FLOAT_CUSTOM_EXT, BORDER_COLOR_INT_CUSTOM_EXT, PipelineBindPoint, PIPELINE_BIND_POINT_GRAPHICS, PIPELINE_BIND_POINT_COMPUTE, PIPELINE_BIND_POINT_RAY_TRACING_KHR, PIPELINE_BIND_POINT_SUBPASS_SHADING_HUAWEI, PipelineCacheHeaderVersion, PIPELINE_CACHE_HEADER_VERSION_ONE, PrimitiveTopology, PRIMITIVE_TOPOLOGY_POINT_LIST, PRIMITIVE_TOPOLOGY_LINE_LIST, PRIMITIVE_TOPOLOGY_LINE_STRIP, PRIMITIVE_TOPOLOGY_TRIANGLE_LIST, PRIMITIVE_TOPOLOGY_TRIANGLE_STRIP, PRIMITIVE_TOPOLOGY_TRIANGLE_FAN, PRIMITIVE_TOPOLOGY_LINE_LIST_WITH_ADJACENCY, PRIMITIVE_TOPOLOGY_LINE_STRIP_WITH_ADJACENCY, PRIMITIVE_TOPOLOGY_TRIANGLE_LIST_WITH_ADJACENCY, PRIMITIVE_TOPOLOGY_TRIANGLE_STRIP_WITH_ADJACENCY, PRIMITIVE_TOPOLOGY_PATCH_LIST, SharingMode, SHARING_MODE_EXCLUSIVE, SHARING_MODE_CONCURRENT, IndexType, INDEX_TYPE_UINT16, INDEX_TYPE_UINT32, INDEX_TYPE_NONE_KHR, INDEX_TYPE_UINT8_EXT, Filter, FILTER_NEAREST, FILTER_LINEAR, FILTER_CUBIC_EXT, SamplerMipmapMode, SAMPLER_MIPMAP_MODE_NEAREST, SAMPLER_MIPMAP_MODE_LINEAR, SamplerAddressMode, SAMPLER_ADDRESS_MODE_REPEAT, SAMPLER_ADDRESS_MODE_MIRRORED_REPEAT, SAMPLER_ADDRESS_MODE_CLAMP_TO_EDGE, SAMPLER_ADDRESS_MODE_CLAMP_TO_BORDER, SAMPLER_ADDRESS_MODE_MIRROR_CLAMP_TO_EDGE, CompareOp, COMPARE_OP_NEVER, COMPARE_OP_LESS, COMPARE_OP_EQUAL, COMPARE_OP_LESS_OR_EQUAL, COMPARE_OP_GREATER, COMPARE_OP_NOT_EQUAL, COMPARE_OP_GREATER_OR_EQUAL, COMPARE_OP_ALWAYS, PolygonMode, POLYGON_MODE_FILL, POLYGON_MODE_LINE, POLYGON_MODE_POINT, POLYGON_MODE_FILL_RECTANGLE_NV, FrontFace, FRONT_FACE_COUNTER_CLOCKWISE, FRONT_FACE_CLOCKWISE, BlendFactor, BLEND_FACTOR_ZERO, BLEND_FACTOR_ONE, BLEND_FACTOR_SRC_COLOR, BLEND_FACTOR_ONE_MINUS_SRC_COLOR, BLEND_FACTOR_DST_COLOR, BLEND_FACTOR_ONE_MINUS_DST_COLOR, BLEND_FACTOR_SRC_ALPHA, BLEND_FACTOR_ONE_MINUS_SRC_ALPHA, BLEND_FACTOR_DST_ALPHA, BLEND_FACTOR_ONE_MINUS_DST_ALPHA, BLEND_FACTOR_CONSTANT_COLOR, BLEND_FACTOR_ONE_MINUS_CONSTANT_COLOR, BLEND_FACTOR_CONSTANT_ALPHA, BLEND_FACTOR_ONE_MINUS_CONSTANT_ALPHA, BLEND_FACTOR_SRC_ALPHA_SATURATE, BLEND_FACTOR_SRC1_COLOR, BLEND_FACTOR_ONE_MINUS_SRC1_COLOR, BLEND_FACTOR_SRC1_ALPHA, BLEND_FACTOR_ONE_MINUS_SRC1_ALPHA, BlendOp, BLEND_OP_ADD, BLEND_OP_SUBTRACT, BLEND_OP_REVERSE_SUBTRACT, BLEND_OP_MIN, BLEND_OP_MAX, BLEND_OP_ZERO_EXT, BLEND_OP_SRC_EXT, BLEND_OP_DST_EXT, BLEND_OP_SRC_OVER_EXT, BLEND_OP_DST_OVER_EXT, BLEND_OP_SRC_IN_EXT, BLEND_OP_DST_IN_EXT, BLEND_OP_SRC_OUT_EXT, BLEND_OP_DST_OUT_EXT, BLEND_OP_SRC_ATOP_EXT, BLEND_OP_DST_ATOP_EXT, BLEND_OP_XOR_EXT, BLEND_OP_MULTIPLY_EXT, BLEND_OP_SCREEN_EXT, BLEND_OP_OVERLAY_EXT, BLEND_OP_DARKEN_EXT, BLEND_OP_LIGHTEN_EXT, BLEND_OP_COLORDODGE_EXT, BLEND_OP_COLORBURN_EXT, BLEND_OP_HARDLIGHT_EXT, BLEND_OP_SOFTLIGHT_EXT, BLEND_OP_DIFFERENCE_EXT, BLEND_OP_EXCLUSION_EXT, BLEND_OP_INVERT_EXT, BLEND_OP_INVERT_RGB_EXT, BLEND_OP_LINEARDODGE_EXT, BLEND_OP_LINEARBURN_EXT, BLEND_OP_VIVIDLIGHT_EXT, BLEND_OP_LINEARLIGHT_EXT, BLEND_OP_PINLIGHT_EXT, BLEND_OP_HARDMIX_EXT, BLEND_OP_HSL_HUE_EXT, BLEND_OP_HSL_SATURATION_EXT, BLEND_OP_HSL_COLOR_EXT, BLEND_OP_HSL_LUMINOSITY_EXT, BLEND_OP_PLUS_EXT, BLEND_OP_PLUS_CLAMPED_EXT, BLEND_OP_PLUS_CLAMPED_ALPHA_EXT, BLEND_OP_PLUS_DARKER_EXT, BLEND_OP_MINUS_EXT, BLEND_OP_MINUS_CLAMPED_EXT, BLEND_OP_CONTRAST_EXT, BLEND_OP_INVERT_OVG_EXT, BLEND_OP_RED_EXT, BLEND_OP_GREEN_EXT, BLEND_OP_BLUE_EXT, StencilOp, STENCIL_OP_KEEP, STENCIL_OP_ZERO, STENCIL_OP_REPLACE, STENCIL_OP_INCREMENT_AND_CLAMP, STENCIL_OP_DECREMENT_AND_CLAMP, STENCIL_OP_INVERT, STENCIL_OP_INCREMENT_AND_WRAP, STENCIL_OP_DECREMENT_AND_WRAP, LogicOp, LOGIC_OP_CLEAR, LOGIC_OP_AND, LOGIC_OP_AND_REVERSE, LOGIC_OP_COPY, LOGIC_OP_AND_INVERTED, LOGIC_OP_NO_OP, LOGIC_OP_XOR, LOGIC_OP_OR, LOGIC_OP_NOR, LOGIC_OP_EQUIVALENT, LOGIC_OP_INVERT, LOGIC_OP_OR_REVERSE, LOGIC_OP_COPY_INVERTED, LOGIC_OP_OR_INVERTED, LOGIC_OP_NAND, LOGIC_OP_SET, InternalAllocationType, INTERNAL_ALLOCATION_TYPE_EXECUTABLE, SystemAllocationScope, SYSTEM_ALLOCATION_SCOPE_COMMAND, SYSTEM_ALLOCATION_SCOPE_OBJECT, SYSTEM_ALLOCATION_SCOPE_CACHE, SYSTEM_ALLOCATION_SCOPE_DEVICE, SYSTEM_ALLOCATION_SCOPE_INSTANCE, PhysicalDeviceType, PHYSICAL_DEVICE_TYPE_OTHER, PHYSICAL_DEVICE_TYPE_INTEGRATED_GPU, PHYSICAL_DEVICE_TYPE_DISCRETE_GPU, PHYSICAL_DEVICE_TYPE_VIRTUAL_GPU, PHYSICAL_DEVICE_TYPE_CPU, VertexInputRate, VERTEX_INPUT_RATE_VERTEX, VERTEX_INPUT_RATE_INSTANCE, Format, FORMAT_UNDEFINED, FORMAT_R4G4_UNORM_PACK8, FORMAT_R4G4B4A4_UNORM_PACK16, FORMAT_B4G4R4A4_UNORM_PACK16, FORMAT_R5G6B5_UNORM_PACK16, FORMAT_B5G6R5_UNORM_PACK16, FORMAT_R5G5B5A1_UNORM_PACK16, FORMAT_B5G5R5A1_UNORM_PACK16, FORMAT_A1R5G5B5_UNORM_PACK16, FORMAT_R8_UNORM, FORMAT_R8_SNORM, FORMAT_R8_USCALED, FORMAT_R8_SSCALED, FORMAT_R8_UINT, FORMAT_R8_SINT, FORMAT_R8_SRGB, FORMAT_R8G8_UNORM, FORMAT_R8G8_SNORM, FORMAT_R8G8_USCALED, FORMAT_R8G8_SSCALED, FORMAT_R8G8_UINT, FORMAT_R8G8_SINT, FORMAT_R8G8_SRGB, FORMAT_R8G8B8_UNORM, FORMAT_R8G8B8_SNORM, FORMAT_R8G8B8_USCALED, FORMAT_R8G8B8_SSCALED, FORMAT_R8G8B8_UINT, FORMAT_R8G8B8_SINT, FORMAT_R8G8B8_SRGB, FORMAT_B8G8R8_UNORM, FORMAT_B8G8R8_SNORM, FORMAT_B8G8R8_USCALED, FORMAT_B8G8R8_SSCALED, FORMAT_B8G8R8_UINT, FORMAT_B8G8R8_SINT, FORMAT_B8G8R8_SRGB, FORMAT_R8G8B8A8_UNORM, FORMAT_R8G8B8A8_SNORM, FORMAT_R8G8B8A8_USCALED, FORMAT_R8G8B8A8_SSCALED, FORMAT_R8G8B8A8_UINT, FORMAT_R8G8B8A8_SINT, FORMAT_R8G8B8A8_SRGB, FORMAT_B8G8R8A8_UNORM, FORMAT_B8G8R8A8_SNORM, FORMAT_B8G8R8A8_USCALED, FORMAT_B8G8R8A8_SSCALED, FORMAT_B8G8R8A8_UINT, FORMAT_B8G8R8A8_SINT, FORMAT_B8G8R8A8_SRGB, FORMAT_A8B8G8R8_UNORM_PACK32, FORMAT_A8B8G8R8_SNORM_PACK32, FORMAT_A8B8G8R8_USCALED_PACK32, FORMAT_A8B8G8R8_SSCALED_PACK32, FORMAT_A8B8G8R8_UINT_PACK32, FORMAT_A8B8G8R8_SINT_PACK32, FORMAT_A8B8G8R8_SRGB_PACK32, FORMAT_A2R10G10B10_UNORM_PACK32, FORMAT_A2R10G10B10_SNORM_PACK32, FORMAT_A2R10G10B10_USCALED_PACK32, FORMAT_A2R10G10B10_SSCALED_PACK32, FORMAT_A2R10G10B10_UINT_PACK32, FORMAT_A2R10G10B10_SINT_PACK32, FORMAT_A2B10G10R10_UNORM_PACK32, FORMAT_A2B10G10R10_SNORM_PACK32, FORMAT_A2B10G10R10_USCALED_PACK32, FORMAT_A2B10G10R10_SSCALED_PACK32, FORMAT_A2B10G10R10_UINT_PACK32, FORMAT_A2B10G10R10_SINT_PACK32, FORMAT_R16_UNORM, FORMAT_R16_SNORM, FORMAT_R16_USCALED, FORMAT_R16_SSCALED, FORMAT_R16_UINT, FORMAT_R16_SINT, FORMAT_R16_SFLOAT, FORMAT_R16G16_UNORM, FORMAT_R16G16_SNORM, FORMAT_R16G16_USCALED, FORMAT_R16G16_SSCALED, FORMAT_R16G16_UINT, FORMAT_R16G16_SINT, FORMAT_R16G16_SFLOAT, FORMAT_R16G16B16_UNORM, FORMAT_R16G16B16_SNORM, FORMAT_R16G16B16_USCALED, FORMAT_R16G16B16_SSCALED, FORMAT_R16G16B16_UINT, FORMAT_R16G16B16_SINT, FORMAT_R16G16B16_SFLOAT, FORMAT_R16G16B16A16_UNORM, FORMAT_R16G16B16A16_SNORM, FORMAT_R16G16B16A16_USCALED, FORMAT_R16G16B16A16_SSCALED, FORMAT_R16G16B16A16_UINT, FORMAT_R16G16B16A16_SINT, FORMAT_R16G16B16A16_SFLOAT, FORMAT_R32_UINT, FORMAT_R32_SINT, FORMAT_R32_SFLOAT, FORMAT_R32G32_UINT, FORMAT_R32G32_SINT, FORMAT_R32G32_SFLOAT, FORMAT_R32G32B32_UINT, FORMAT_R32G32B32_SINT, FORMAT_R32G32B32_SFLOAT, FORMAT_R32G32B32A32_UINT, FORMAT_R32G32B32A32_SINT, FORMAT_R32G32B32A32_SFLOAT, FORMAT_R64_UINT, FORMAT_R64_SINT, FORMAT_R64_SFLOAT, FORMAT_R64G64_UINT, FORMAT_R64G64_SINT, FORMAT_R64G64_SFLOAT, FORMAT_R64G64B64_UINT, FORMAT_R64G64B64_SINT, FORMAT_R64G64B64_SFLOAT, FORMAT_R64G64B64A64_UINT, FORMAT_R64G64B64A64_SINT, FORMAT_R64G64B64A64_SFLOAT, FORMAT_B10G11R11_UFLOAT_PACK32, FORMAT_E5B9G9R9_UFLOAT_PACK32, FORMAT_D16_UNORM, FORMAT_X8_D24_UNORM_PACK32, FORMAT_D32_SFLOAT, FORMAT_S8_UINT, FORMAT_D16_UNORM_S8_UINT, FORMAT_D24_UNORM_S8_UINT, FORMAT_D32_SFLOAT_S8_UINT, FORMAT_BC1_RGB_UNORM_BLOCK, FORMAT_BC1_RGB_SRGB_BLOCK, FORMAT_BC1_RGBA_UNORM_BLOCK, FORMAT_BC1_RGBA_SRGB_BLOCK, FORMAT_BC2_UNORM_BLOCK, FORMAT_BC2_SRGB_BLOCK, FORMAT_BC3_UNORM_BLOCK, FORMAT_BC3_SRGB_BLOCK, FORMAT_BC4_UNORM_BLOCK, FORMAT_BC4_SNORM_BLOCK, FORMAT_BC5_UNORM_BLOCK, FORMAT_BC5_SNORM_BLOCK, FORMAT_BC6H_UFLOAT_BLOCK, FORMAT_BC6H_SFLOAT_BLOCK, FORMAT_BC7_UNORM_BLOCK, FORMAT_BC7_SRGB_BLOCK, FORMAT_ETC2_R8G8B8_UNORM_BLOCK, FORMAT_ETC2_R8G8B8_SRGB_BLOCK, FORMAT_ETC2_R8G8B8A1_UNORM_BLOCK, FORMAT_ETC2_R8G8B8A1_SRGB_BLOCK, FORMAT_ETC2_R8G8B8A8_UNORM_BLOCK, FORMAT_ETC2_R8G8B8A8_SRGB_BLOCK, FORMAT_EAC_R11_UNORM_BLOCK, FORMAT_EAC_R11_SNORM_BLOCK, FORMAT_EAC_R11G11_UNORM_BLOCK, FORMAT_EAC_R11G11_SNORM_BLOCK, FORMAT_ASTC_4x4_UNORM_BLOCK, FORMAT_ASTC_4x4_SRGB_BLOCK, FORMAT_ASTC_5x4_UNORM_BLOCK, FORMAT_ASTC_5x4_SRGB_BLOCK, FORMAT_ASTC_5x5_UNORM_BLOCK, FORMAT_ASTC_5x5_SRGB_BLOCK, FORMAT_ASTC_6x5_UNORM_BLOCK, FORMAT_ASTC_6x5_SRGB_BLOCK, FORMAT_ASTC_6x6_UNORM_BLOCK, FORMAT_ASTC_6x6_SRGB_BLOCK, FORMAT_ASTC_8x5_UNORM_BLOCK, FORMAT_ASTC_8x5_SRGB_BLOCK, FORMAT_ASTC_8x6_UNORM_BLOCK, FORMAT_ASTC_8x6_SRGB_BLOCK, FORMAT_ASTC_8x8_UNORM_BLOCK, FORMAT_ASTC_8x8_SRGB_BLOCK, FORMAT_ASTC_10x5_UNORM_BLOCK, FORMAT_ASTC_10x5_SRGB_BLOCK, FORMAT_ASTC_10x6_UNORM_BLOCK, FORMAT_ASTC_10x6_SRGB_BLOCK, FORMAT_ASTC_10x8_UNORM_BLOCK, FORMAT_ASTC_10x8_SRGB_BLOCK, FORMAT_ASTC_10x10_UNORM_BLOCK, FORMAT_ASTC_10x10_SRGB_BLOCK, FORMAT_ASTC_12x10_UNORM_BLOCK, FORMAT_ASTC_12x10_SRGB_BLOCK, FORMAT_ASTC_12x12_UNORM_BLOCK, FORMAT_ASTC_12x12_SRGB_BLOCK, FORMAT_G8B8G8R8_422_UNORM, FORMAT_B8G8R8G8_422_UNORM, FORMAT_G8_B8_R8_3PLANE_420_UNORM, FORMAT_G8_B8R8_2PLANE_420_UNORM, FORMAT_G8_B8_R8_3PLANE_422_UNORM, FORMAT_G8_B8R8_2PLANE_422_UNORM, FORMAT_G8_B8_R8_3PLANE_444_UNORM, FORMAT_R10X6_UNORM_PACK16, FORMAT_R10X6G10X6_UNORM_2PACK16, FORMAT_R10X6G10X6B10X6A10X6_UNORM_4PACK16, FORMAT_G10X6B10X6G10X6R10X6_422_UNORM_4PACK16, FORMAT_B10X6G10X6R10X6G10X6_422_UNORM_4PACK16, FORMAT_G10X6_B10X6_R10X6_3PLANE_420_UNORM_3PACK16, FORMAT_G10X6_B10X6R10X6_2PLANE_420_UNORM_3PACK16, FORMAT_G10X6_B10X6_R10X6_3PLANE_422_UNORM_3PACK16, FORMAT_G10X6_B10X6R10X6_2PLANE_422_UNORM_3PACK16, FORMAT_G10X6_B10X6_R10X6_3PLANE_444_UNORM_3PACK16, FORMAT_R12X4_UNORM_PACK16, FORMAT_R12X4G12X4_UNORM_2PACK16, FORMAT_R12X4G12X4B12X4A12X4_UNORM_4PACK16, FORMAT_G12X4B12X4G12X4R12X4_422_UNORM_4PACK16, FORMAT_B12X4G12X4R12X4G12X4_422_UNORM_4PACK16, FORMAT_G12X4_B12X4_R12X4_3PLANE_420_UNORM_3PACK16, FORMAT_G12X4_B12X4R12X4_2PLANE_420_UNORM_3PACK16, FORMAT_G12X4_B12X4_R12X4_3PLANE_422_UNORM_3PACK16, FORMAT_G12X4_B12X4R12X4_2PLANE_422_UNORM_3PACK16, FORMAT_G12X4_B12X4_R12X4_3PLANE_444_UNORM_3PACK16, FORMAT_G16B16G16R16_422_UNORM, FORMAT_B16G16R16G16_422_UNORM, FORMAT_G16_B16_R16_3PLANE_420_UNORM, FORMAT_G16_B16R16_2PLANE_420_UNORM, FORMAT_G16_B16_R16_3PLANE_422_UNORM, FORMAT_G16_B16R16_2PLANE_422_UNORM, FORMAT_G16_B16_R16_3PLANE_444_UNORM, FORMAT_G8_B8R8_2PLANE_444_UNORM, FORMAT_G10X6_B10X6R10X6_2PLANE_444_UNORM_3PACK16, FORMAT_G12X4_B12X4R12X4_2PLANE_444_UNORM_3PACK16, FORMAT_G16_B16R16_2PLANE_444_UNORM, FORMAT_A4R4G4B4_UNORM_PACK16, FORMAT_A4B4G4R4_UNORM_PACK16, FORMAT_ASTC_4x4_SFLOAT_BLOCK, FORMAT_ASTC_5x4_SFLOAT_BLOCK, FORMAT_ASTC_5x5_SFLOAT_BLOCK, FORMAT_ASTC_6x5_SFLOAT_BLOCK, FORMAT_ASTC_6x6_SFLOAT_BLOCK, FORMAT_ASTC_8x5_SFLOAT_BLOCK, FORMAT_ASTC_8x6_SFLOAT_BLOCK, FORMAT_ASTC_8x8_SFLOAT_BLOCK, FORMAT_ASTC_10x5_SFLOAT_BLOCK, FORMAT_ASTC_10x6_SFLOAT_BLOCK, FORMAT_ASTC_10x8_SFLOAT_BLOCK, FORMAT_ASTC_10x10_SFLOAT_BLOCK, FORMAT_ASTC_12x10_SFLOAT_BLOCK, FORMAT_ASTC_12x12_SFLOAT_BLOCK, FORMAT_PVRTC1_2BPP_UNORM_BLOCK_IMG, FORMAT_PVRTC1_4BPP_UNORM_BLOCK_IMG, FORMAT_PVRTC2_2BPP_UNORM_BLOCK_IMG, FORMAT_PVRTC2_4BPP_UNORM_BLOCK_IMG, FORMAT_PVRTC1_2BPP_SRGB_BLOCK_IMG, FORMAT_PVRTC1_4BPP_SRGB_BLOCK_IMG, FORMAT_PVRTC2_2BPP_SRGB_BLOCK_IMG, FORMAT_PVRTC2_4BPP_SRGB_BLOCK_IMG, FORMAT_R16G16_S10_5_NV, StructureType, STRUCTURE_TYPE_APPLICATION_INFO, STRUCTURE_TYPE_INSTANCE_CREATE_INFO, STRUCTURE_TYPE_DEVICE_QUEUE_CREATE_INFO, STRUCTURE_TYPE_DEVICE_CREATE_INFO, STRUCTURE_TYPE_SUBMIT_INFO, STRUCTURE_TYPE_MEMORY_ALLOCATE_INFO, STRUCTURE_TYPE_MAPPED_MEMORY_RANGE, STRUCTURE_TYPE_BIND_SPARSE_INFO, STRUCTURE_TYPE_FENCE_CREATE_INFO, STRUCTURE_TYPE_SEMAPHORE_CREATE_INFO, STRUCTURE_TYPE_EVENT_CREATE_INFO, STRUCTURE_TYPE_QUERY_POOL_CREATE_INFO, STRUCTURE_TYPE_BUFFER_CREATE_INFO, STRUCTURE_TYPE_BUFFER_VIEW_CREATE_INFO, STRUCTURE_TYPE_IMAGE_CREATE_INFO, STRUCTURE_TYPE_IMAGE_VIEW_CREATE_INFO, STRUCTURE_TYPE_SHADER_MODULE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_CACHE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_SHADER_STAGE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_VERTEX_INPUT_STATE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_INPUT_ASSEMBLY_STATE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_TESSELLATION_STATE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_VIEWPORT_STATE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_RASTERIZATION_STATE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_MULTISAMPLE_STATE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_DEPTH_STENCIL_STATE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_COLOR_BLEND_STATE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_DYNAMIC_STATE_CREATE_INFO, STRUCTURE_TYPE_GRAPHICS_PIPELINE_CREATE_INFO, STRUCTURE_TYPE_COMPUTE_PIPELINE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_LAYOUT_CREATE_INFO, STRUCTURE_TYPE_SAMPLER_CREATE_INFO, STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_CREATE_INFO, STRUCTURE_TYPE_DESCRIPTOR_POOL_CREATE_INFO, STRUCTURE_TYPE_DESCRIPTOR_SET_ALLOCATE_INFO, STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET, STRUCTURE_TYPE_COPY_DESCRIPTOR_SET, STRUCTURE_TYPE_FRAMEBUFFER_CREATE_INFO, STRUCTURE_TYPE_RENDER_PASS_CREATE_INFO, STRUCTURE_TYPE_COMMAND_POOL_CREATE_INFO, STRUCTURE_TYPE_COMMAND_BUFFER_ALLOCATE_INFO, STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_INFO, STRUCTURE_TYPE_COMMAND_BUFFER_BEGIN_INFO, STRUCTURE_TYPE_RENDER_PASS_BEGIN_INFO, STRUCTURE_TYPE_BUFFER_MEMORY_BARRIER, STRUCTURE_TYPE_IMAGE_MEMORY_BARRIER, STRUCTURE_TYPE_MEMORY_BARRIER, STRUCTURE_TYPE_LOADER_INSTANCE_CREATE_INFO, STRUCTURE_TYPE_LOADER_DEVICE_CREATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_PROPERTIES, STRUCTURE_TYPE_BIND_BUFFER_MEMORY_INFO, STRUCTURE_TYPE_BIND_IMAGE_MEMORY_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_16BIT_STORAGE_FEATURES, STRUCTURE_TYPE_MEMORY_DEDICATED_REQUIREMENTS, STRUCTURE_TYPE_MEMORY_DEDICATED_ALLOCATE_INFO, STRUCTURE_TYPE_MEMORY_ALLOCATE_FLAGS_INFO, STRUCTURE_TYPE_DEVICE_GROUP_RENDER_PASS_BEGIN_INFO, STRUCTURE_TYPE_DEVICE_GROUP_COMMAND_BUFFER_BEGIN_INFO, STRUCTURE_TYPE_DEVICE_GROUP_SUBMIT_INFO, STRUCTURE_TYPE_DEVICE_GROUP_BIND_SPARSE_INFO, STRUCTURE_TYPE_BIND_BUFFER_MEMORY_DEVICE_GROUP_INFO, STRUCTURE_TYPE_BIND_IMAGE_MEMORY_DEVICE_GROUP_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_GROUP_PROPERTIES, STRUCTURE_TYPE_DEVICE_GROUP_DEVICE_CREATE_INFO, STRUCTURE_TYPE_BUFFER_MEMORY_REQUIREMENTS_INFO_2, STRUCTURE_TYPE_IMAGE_MEMORY_REQUIREMENTS_INFO_2, STRUCTURE_TYPE_IMAGE_SPARSE_MEMORY_REQUIREMENTS_INFO_2, STRUCTURE_TYPE_MEMORY_REQUIREMENTS_2, STRUCTURE_TYPE_SPARSE_IMAGE_MEMORY_REQUIREMENTS_2, STRUCTURE_TYPE_PHYSICAL_DEVICE_FEATURES_2, STRUCTURE_TYPE_PHYSICAL_DEVICE_PROPERTIES_2, STRUCTURE_TYPE_FORMAT_PROPERTIES_2, STRUCTURE_TYPE_IMAGE_FORMAT_PROPERTIES_2, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_FORMAT_INFO_2, STRUCTURE_TYPE_QUEUE_FAMILY_PROPERTIES_2, STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_PROPERTIES_2, STRUCTURE_TYPE_SPARSE_IMAGE_FORMAT_PROPERTIES_2, STRUCTURE_TYPE_PHYSICAL_DEVICE_SPARSE_IMAGE_FORMAT_INFO_2, STRUCTURE_TYPE_PHYSICAL_DEVICE_POINT_CLIPPING_PROPERTIES, STRUCTURE_TYPE_RENDER_PASS_INPUT_ATTACHMENT_ASPECT_CREATE_INFO, STRUCTURE_TYPE_IMAGE_VIEW_USAGE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_TESSELLATION_DOMAIN_ORIGIN_STATE_CREATE_INFO, STRUCTURE_TYPE_RENDER_PASS_MULTIVIEW_CREATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_PROPERTIES, STRUCTURE_TYPE_PHYSICAL_DEVICE_VARIABLE_POINTERS_FEATURES, STRUCTURE_TYPE_PROTECTED_SUBMIT_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_PROTECTED_MEMORY_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_PROTECTED_MEMORY_PROPERTIES, STRUCTURE_TYPE_DEVICE_QUEUE_INFO_2, STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_CREATE_INFO, STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_INFO, STRUCTURE_TYPE_BIND_IMAGE_PLANE_MEMORY_INFO, STRUCTURE_TYPE_IMAGE_PLANE_MEMORY_REQUIREMENTS_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLER_YCBCR_CONVERSION_FEATURES, STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_IMAGE_FORMAT_PROPERTIES, STRUCTURE_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_CREATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_IMAGE_FORMAT_INFO, STRUCTURE_TYPE_EXTERNAL_IMAGE_FORMAT_PROPERTIES, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_BUFFER_INFO, STRUCTURE_TYPE_EXTERNAL_BUFFER_PROPERTIES, STRUCTURE_TYPE_PHYSICAL_DEVICE_ID_PROPERTIES, STRUCTURE_TYPE_EXTERNAL_MEMORY_BUFFER_CREATE_INFO, STRUCTURE_TYPE_EXTERNAL_MEMORY_IMAGE_CREATE_INFO, STRUCTURE_TYPE_EXPORT_MEMORY_ALLOCATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_FENCE_INFO, STRUCTURE_TYPE_EXTERNAL_FENCE_PROPERTIES, STRUCTURE_TYPE_EXPORT_FENCE_CREATE_INFO, STRUCTURE_TYPE_EXPORT_SEMAPHORE_CREATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_SEMAPHORE_INFO, STRUCTURE_TYPE_EXTERNAL_SEMAPHORE_PROPERTIES, STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_3_PROPERTIES, STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_SUPPORT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_DRAW_PARAMETERS_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_1_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_1_PROPERTIES, STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_2_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_2_PROPERTIES, STRUCTURE_TYPE_IMAGE_FORMAT_LIST_CREATE_INFO, STRUCTURE_TYPE_ATTACHMENT_DESCRIPTION_2, STRUCTURE_TYPE_ATTACHMENT_REFERENCE_2, STRUCTURE_TYPE_SUBPASS_DESCRIPTION_2, STRUCTURE_TYPE_SUBPASS_DEPENDENCY_2, STRUCTURE_TYPE_RENDER_PASS_CREATE_INFO_2, STRUCTURE_TYPE_SUBPASS_BEGIN_INFO, STRUCTURE_TYPE_SUBPASS_END_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_8BIT_STORAGE_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_DRIVER_PROPERTIES, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_ATOMIC_INT64_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_FLOAT16_INT8_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_FLOAT_CONTROLS_PROPERTIES, STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_BINDING_FLAGS_CREATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_INDEXING_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_INDEXING_PROPERTIES, STRUCTURE_TYPE_DESCRIPTOR_SET_VARIABLE_DESCRIPTOR_COUNT_ALLOCATE_INFO, STRUCTURE_TYPE_DESCRIPTOR_SET_VARIABLE_DESCRIPTOR_COUNT_LAYOUT_SUPPORT, STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_STENCIL_RESOLVE_PROPERTIES, STRUCTURE_TYPE_SUBPASS_DESCRIPTION_DEPTH_STENCIL_RESOLVE, STRUCTURE_TYPE_PHYSICAL_DEVICE_SCALAR_BLOCK_LAYOUT_FEATURES, STRUCTURE_TYPE_IMAGE_STENCIL_USAGE_CREATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLER_FILTER_MINMAX_PROPERTIES, STRUCTURE_TYPE_SAMPLER_REDUCTION_MODE_CREATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_MEMORY_MODEL_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGELESS_FRAMEBUFFER_FEATURES, STRUCTURE_TYPE_FRAMEBUFFER_ATTACHMENTS_CREATE_INFO, STRUCTURE_TYPE_FRAMEBUFFER_ATTACHMENT_IMAGE_INFO, STRUCTURE_TYPE_RENDER_PASS_ATTACHMENT_BEGIN_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_UNIFORM_BUFFER_STANDARD_LAYOUT_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SUBGROUP_EXTENDED_TYPES_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_SEPARATE_DEPTH_STENCIL_LAYOUTS_FEATURES, STRUCTURE_TYPE_ATTACHMENT_REFERENCE_STENCIL_LAYOUT, STRUCTURE_TYPE_ATTACHMENT_DESCRIPTION_STENCIL_LAYOUT, STRUCTURE_TYPE_PHYSICAL_DEVICE_HOST_QUERY_RESET_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_TIMELINE_SEMAPHORE_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_TIMELINE_SEMAPHORE_PROPERTIES, STRUCTURE_TYPE_SEMAPHORE_TYPE_CREATE_INFO, STRUCTURE_TYPE_TIMELINE_SEMAPHORE_SUBMIT_INFO, STRUCTURE_TYPE_SEMAPHORE_WAIT_INFO, STRUCTURE_TYPE_SEMAPHORE_SIGNAL_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_BUFFER_DEVICE_ADDRESS_FEATURES, STRUCTURE_TYPE_BUFFER_DEVICE_ADDRESS_INFO, STRUCTURE_TYPE_BUFFER_OPAQUE_CAPTURE_ADDRESS_CREATE_INFO, STRUCTURE_TYPE_MEMORY_OPAQUE_CAPTURE_ADDRESS_ALLOCATE_INFO, STRUCTURE_TYPE_DEVICE_MEMORY_OPAQUE_CAPTURE_ADDRESS_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_3_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_3_PROPERTIES, STRUCTURE_TYPE_PIPELINE_CREATION_FEEDBACK_CREATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_TERMINATE_INVOCATION_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_TOOL_PROPERTIES, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_DEMOTE_TO_HELPER_INVOCATION_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_PRIVATE_DATA_FEATURES, STRUCTURE_TYPE_DEVICE_PRIVATE_DATA_CREATE_INFO, STRUCTURE_TYPE_PRIVATE_DATA_SLOT_CREATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_CREATION_CACHE_CONTROL_FEATURES, STRUCTURE_TYPE_MEMORY_BARRIER_2, STRUCTURE_TYPE_BUFFER_MEMORY_BARRIER_2, STRUCTURE_TYPE_IMAGE_MEMORY_BARRIER_2, STRUCTURE_TYPE_DEPENDENCY_INFO, STRUCTURE_TYPE_SUBMIT_INFO_2, STRUCTURE_TYPE_SEMAPHORE_SUBMIT_INFO, STRUCTURE_TYPE_COMMAND_BUFFER_SUBMIT_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_SYNCHRONIZATION_2_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_ZERO_INITIALIZE_WORKGROUP_MEMORY_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_ROBUSTNESS_FEATURES, STRUCTURE_TYPE_COPY_BUFFER_INFO_2, STRUCTURE_TYPE_COPY_IMAGE_INFO_2, STRUCTURE_TYPE_COPY_BUFFER_TO_IMAGE_INFO_2, STRUCTURE_TYPE_COPY_IMAGE_TO_BUFFER_INFO_2, STRUCTURE_TYPE_BLIT_IMAGE_INFO_2, STRUCTURE_TYPE_RESOLVE_IMAGE_INFO_2, STRUCTURE_TYPE_BUFFER_COPY_2, STRUCTURE_TYPE_IMAGE_COPY_2, STRUCTURE_TYPE_IMAGE_BLIT_2, STRUCTURE_TYPE_BUFFER_IMAGE_COPY_2, STRUCTURE_TYPE_IMAGE_RESOLVE_2, STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_SIZE_CONTROL_PROPERTIES, STRUCTURE_TYPE_PIPELINE_SHADER_STAGE_REQUIRED_SUBGROUP_SIZE_CREATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_SIZE_CONTROL_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_INLINE_UNIFORM_BLOCK_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_INLINE_UNIFORM_BLOCK_PROPERTIES, STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET_INLINE_UNIFORM_BLOCK, STRUCTURE_TYPE_DESCRIPTOR_POOL_INLINE_UNIFORM_BLOCK_CREATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXTURE_COMPRESSION_ASTC_HDR_FEATURES, STRUCTURE_TYPE_RENDERING_INFO, STRUCTURE_TYPE_RENDERING_ATTACHMENT_INFO, STRUCTURE_TYPE_PIPELINE_RENDERING_CREATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_DYNAMIC_RENDERING_FEATURES, STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_RENDERING_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_DOT_PRODUCT_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_DOT_PRODUCT_PROPERTIES, STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXEL_BUFFER_ALIGNMENT_PROPERTIES, STRUCTURE_TYPE_FORMAT_PROPERTIES_3, STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_4_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_4_PROPERTIES, STRUCTURE_TYPE_DEVICE_BUFFER_MEMORY_REQUIREMENTS, STRUCTURE_TYPE_DEVICE_IMAGE_MEMORY_REQUIREMENTS, STRUCTURE_TYPE_SWAPCHAIN_CREATE_INFO_KHR, STRUCTURE_TYPE_PRESENT_INFO_KHR, STRUCTURE_TYPE_DEVICE_GROUP_PRESENT_CAPABILITIES_KHR, STRUCTURE_TYPE_IMAGE_SWAPCHAIN_CREATE_INFO_KHR, STRUCTURE_TYPE_BIND_IMAGE_MEMORY_SWAPCHAIN_INFO_KHR, STRUCTURE_TYPE_ACQUIRE_NEXT_IMAGE_INFO_KHR, STRUCTURE_TYPE_DEVICE_GROUP_PRESENT_INFO_KHR, STRUCTURE_TYPE_DEVICE_GROUP_SWAPCHAIN_CREATE_INFO_KHR, STRUCTURE_TYPE_DISPLAY_MODE_CREATE_INFO_KHR, STRUCTURE_TYPE_DISPLAY_SURFACE_CREATE_INFO_KHR, STRUCTURE_TYPE_DISPLAY_PRESENT_INFO_KHR, STRUCTURE_TYPE_XLIB_SURFACE_CREATE_INFO_KHR, STRUCTURE_TYPE_XCB_SURFACE_CREATE_INFO_KHR, STRUCTURE_TYPE_WAYLAND_SURFACE_CREATE_INFO_KHR, STRUCTURE_TYPE_ANDROID_SURFACE_CREATE_INFO_KHR, STRUCTURE_TYPE_WIN32_SURFACE_CREATE_INFO_KHR, STRUCTURE_TYPE_DEBUG_REPORT_CALLBACK_CREATE_INFO_EXT, STRUCTURE_TYPE_PIPELINE_RASTERIZATION_STATE_RASTERIZATION_ORDER_AMD, STRUCTURE_TYPE_DEBUG_MARKER_OBJECT_NAME_INFO_EXT, STRUCTURE_TYPE_DEBUG_MARKER_OBJECT_TAG_INFO_EXT, STRUCTURE_TYPE_DEBUG_MARKER_MARKER_INFO_EXT, STRUCTURE_TYPE_VIDEO_PROFILE_INFO_KHR, STRUCTURE_TYPE_VIDEO_CAPABILITIES_KHR, STRUCTURE_TYPE_VIDEO_PICTURE_RESOURCE_INFO_KHR, STRUCTURE_TYPE_VIDEO_SESSION_MEMORY_REQUIREMENTS_KHR, STRUCTURE_TYPE_BIND_VIDEO_SESSION_MEMORY_INFO_KHR, STRUCTURE_TYPE_VIDEO_SESSION_CREATE_INFO_KHR, STRUCTURE_TYPE_VIDEO_SESSION_PARAMETERS_CREATE_INFO_KHR, STRUCTURE_TYPE_VIDEO_SESSION_PARAMETERS_UPDATE_INFO_KHR, STRUCTURE_TYPE_VIDEO_BEGIN_CODING_INFO_KHR, STRUCTURE_TYPE_VIDEO_END_CODING_INFO_KHR, STRUCTURE_TYPE_VIDEO_CODING_CONTROL_INFO_KHR, STRUCTURE_TYPE_VIDEO_REFERENCE_SLOT_INFO_KHR, STRUCTURE_TYPE_QUEUE_FAMILY_VIDEO_PROPERTIES_KHR, STRUCTURE_TYPE_VIDEO_PROFILE_LIST_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_VIDEO_FORMAT_INFO_KHR, STRUCTURE_TYPE_VIDEO_FORMAT_PROPERTIES_KHR, STRUCTURE_TYPE_QUEUE_FAMILY_QUERY_RESULT_STATUS_PROPERTIES_KHR, STRUCTURE_TYPE_VIDEO_DECODE_INFO_KHR, STRUCTURE_TYPE_VIDEO_DECODE_CAPABILITIES_KHR, STRUCTURE_TYPE_VIDEO_DECODE_USAGE_INFO_KHR, STRUCTURE_TYPE_DEDICATED_ALLOCATION_IMAGE_CREATE_INFO_NV, STRUCTURE_TYPE_DEDICATED_ALLOCATION_BUFFER_CREATE_INFO_NV, STRUCTURE_TYPE_DEDICATED_ALLOCATION_MEMORY_ALLOCATE_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_TRANSFORM_FEEDBACK_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_TRANSFORM_FEEDBACK_PROPERTIES_EXT, STRUCTURE_TYPE_PIPELINE_RASTERIZATION_STATE_STREAM_CREATE_INFO_EXT, STRUCTURE_TYPE_CU_MODULE_CREATE_INFO_NVX, STRUCTURE_TYPE_CU_FUNCTION_CREATE_INFO_NVX, STRUCTURE_TYPE_CU_LAUNCH_INFO_NVX, STRUCTURE_TYPE_IMAGE_VIEW_HANDLE_INFO_NVX, STRUCTURE_TYPE_IMAGE_VIEW_ADDRESS_PROPERTIES_NVX, STRUCTURE_TYPE_VIDEO_ENCODE_H264_CAPABILITIES_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H264_SESSION_PARAMETERS_CREATE_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H264_SESSION_PARAMETERS_ADD_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H264_VCL_FRAME_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H264_DPB_SLOT_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H264_NALU_SLICE_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H264_EMIT_PICTURE_PARAMETERS_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H264_PROFILE_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H264_RATE_CONTROL_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H264_RATE_CONTROL_LAYER_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H264_REFERENCE_LISTS_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H265_CAPABILITIES_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H265_SESSION_PARAMETERS_CREATE_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H265_SESSION_PARAMETERS_ADD_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H265_VCL_FRAME_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H265_DPB_SLOT_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H265_NALU_SLICE_SEGMENT_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H265_EMIT_PICTURE_PARAMETERS_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H265_PROFILE_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H265_REFERENCE_LISTS_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H265_RATE_CONTROL_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H265_RATE_CONTROL_LAYER_INFO_EXT, STRUCTURE_TYPE_VIDEO_DECODE_H264_CAPABILITIES_KHR, STRUCTURE_TYPE_VIDEO_DECODE_H264_PICTURE_INFO_KHR, STRUCTURE_TYPE_VIDEO_DECODE_H264_PROFILE_INFO_KHR, STRUCTURE_TYPE_VIDEO_DECODE_H264_SESSION_PARAMETERS_CREATE_INFO_KHR, STRUCTURE_TYPE_VIDEO_DECODE_H264_SESSION_PARAMETERS_ADD_INFO_KHR, STRUCTURE_TYPE_VIDEO_DECODE_H264_DPB_SLOT_INFO_KHR, STRUCTURE_TYPE_TEXTURE_LOD_GATHER_FORMAT_PROPERTIES_AMD, STRUCTURE_TYPE_RENDERING_FRAGMENT_SHADING_RATE_ATTACHMENT_INFO_KHR, STRUCTURE_TYPE_RENDERING_FRAGMENT_DENSITY_MAP_ATTACHMENT_INFO_EXT, STRUCTURE_TYPE_ATTACHMENT_SAMPLE_COUNT_INFO_AMD, STRUCTURE_TYPE_MULTIVIEW_PER_VIEW_ATTRIBUTES_INFO_NVX, STRUCTURE_TYPE_STREAM_DESCRIPTOR_SURFACE_CREATE_INFO_GGP, STRUCTURE_TYPE_PHYSICAL_DEVICE_CORNER_SAMPLED_IMAGE_FEATURES_NV, STRUCTURE_TYPE_EXTERNAL_MEMORY_IMAGE_CREATE_INFO_NV, STRUCTURE_TYPE_EXPORT_MEMORY_ALLOCATE_INFO_NV, STRUCTURE_TYPE_IMPORT_MEMORY_WIN32_HANDLE_INFO_NV, STRUCTURE_TYPE_EXPORT_MEMORY_WIN32_HANDLE_INFO_NV, STRUCTURE_TYPE_WIN32_KEYED_MUTEX_ACQUIRE_RELEASE_INFO_NV, STRUCTURE_TYPE_VALIDATION_FLAGS_EXT, STRUCTURE_TYPE_VI_SURFACE_CREATE_INFO_NN, STRUCTURE_TYPE_IMAGE_VIEW_ASTC_DECODE_MODE_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_ASTC_DECODE_FEATURES_EXT, STRUCTURE_TYPE_PIPELINE_ROBUSTNESS_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_ROBUSTNESS_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_ROBUSTNESS_PROPERTIES_EXT, STRUCTURE_TYPE_IMPORT_MEMORY_WIN32_HANDLE_INFO_KHR, STRUCTURE_TYPE_EXPORT_MEMORY_WIN32_HANDLE_INFO_KHR, STRUCTURE_TYPE_MEMORY_WIN32_HANDLE_PROPERTIES_KHR, STRUCTURE_TYPE_MEMORY_GET_WIN32_HANDLE_INFO_KHR, STRUCTURE_TYPE_IMPORT_MEMORY_FD_INFO_KHR, STRUCTURE_TYPE_MEMORY_FD_PROPERTIES_KHR, STRUCTURE_TYPE_MEMORY_GET_FD_INFO_KHR, STRUCTURE_TYPE_WIN32_KEYED_MUTEX_ACQUIRE_RELEASE_INFO_KHR, STRUCTURE_TYPE_IMPORT_SEMAPHORE_WIN32_HANDLE_INFO_KHR, STRUCTURE_TYPE_EXPORT_SEMAPHORE_WIN32_HANDLE_INFO_KHR, STRUCTURE_TYPE_D3D12_FENCE_SUBMIT_INFO_KHR, STRUCTURE_TYPE_SEMAPHORE_GET_WIN32_HANDLE_INFO_KHR, STRUCTURE_TYPE_IMPORT_SEMAPHORE_FD_INFO_KHR, STRUCTURE_TYPE_SEMAPHORE_GET_FD_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_PUSH_DESCRIPTOR_PROPERTIES_KHR, STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_CONDITIONAL_RENDERING_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_CONDITIONAL_RENDERING_FEATURES_EXT, STRUCTURE_TYPE_CONDITIONAL_RENDERING_BEGIN_INFO_EXT, STRUCTURE_TYPE_PRESENT_REGIONS_KHR, STRUCTURE_TYPE_PIPELINE_VIEWPORT_W_SCALING_STATE_CREATE_INFO_NV, STRUCTURE_TYPE_SURFACE_CAPABILITIES_2_EXT, STRUCTURE_TYPE_DISPLAY_POWER_INFO_EXT, STRUCTURE_TYPE_DEVICE_EVENT_INFO_EXT, STRUCTURE_TYPE_DISPLAY_EVENT_INFO_EXT, STRUCTURE_TYPE_SWAPCHAIN_COUNTER_CREATE_INFO_EXT, STRUCTURE_TYPE_PRESENT_TIMES_INFO_GOOGLE, STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_PER_VIEW_ATTRIBUTES_PROPERTIES_NVX, STRUCTURE_TYPE_PIPELINE_VIEWPORT_SWIZZLE_STATE_CREATE_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_DISCARD_RECTANGLE_PROPERTIES_EXT, STRUCTURE_TYPE_PIPELINE_DISCARD_RECTANGLE_STATE_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_CONSERVATIVE_RASTERIZATION_PROPERTIES_EXT, STRUCTURE_TYPE_PIPELINE_RASTERIZATION_CONSERVATIVE_STATE_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_CLIP_ENABLE_FEATURES_EXT, STRUCTURE_TYPE_PIPELINE_RASTERIZATION_DEPTH_CLIP_STATE_CREATE_INFO_EXT, STRUCTURE_TYPE_HDR_METADATA_EXT, STRUCTURE_TYPE_SHARED_PRESENT_SURFACE_CAPABILITIES_KHR, STRUCTURE_TYPE_IMPORT_FENCE_WIN32_HANDLE_INFO_KHR, STRUCTURE_TYPE_EXPORT_FENCE_WIN32_HANDLE_INFO_KHR, STRUCTURE_TYPE_FENCE_GET_WIN32_HANDLE_INFO_KHR, STRUCTURE_TYPE_IMPORT_FENCE_FD_INFO_KHR, STRUCTURE_TYPE_FENCE_GET_FD_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_PERFORMANCE_QUERY_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_PERFORMANCE_QUERY_PROPERTIES_KHR, STRUCTURE_TYPE_QUERY_POOL_PERFORMANCE_CREATE_INFO_KHR, STRUCTURE_TYPE_PERFORMANCE_QUERY_SUBMIT_INFO_KHR, STRUCTURE_TYPE_ACQUIRE_PROFILING_LOCK_INFO_KHR, STRUCTURE_TYPE_PERFORMANCE_COUNTER_KHR, STRUCTURE_TYPE_PERFORMANCE_COUNTER_DESCRIPTION_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SURFACE_INFO_2_KHR, STRUCTURE_TYPE_SURFACE_CAPABILITIES_2_KHR, STRUCTURE_TYPE_SURFACE_FORMAT_2_KHR, STRUCTURE_TYPE_DISPLAY_PROPERTIES_2_KHR, STRUCTURE_TYPE_DISPLAY_PLANE_PROPERTIES_2_KHR, STRUCTURE_TYPE_DISPLAY_MODE_PROPERTIES_2_KHR, STRUCTURE_TYPE_DISPLAY_PLANE_INFO_2_KHR, STRUCTURE_TYPE_DISPLAY_PLANE_CAPABILITIES_2_KHR, STRUCTURE_TYPE_IOS_SURFACE_CREATE_INFO_MVK, STRUCTURE_TYPE_MACOS_SURFACE_CREATE_INFO_MVK, STRUCTURE_TYPE_DEBUG_UTILS_OBJECT_NAME_INFO_EXT, STRUCTURE_TYPE_DEBUG_UTILS_OBJECT_TAG_INFO_EXT, STRUCTURE_TYPE_DEBUG_UTILS_LABEL_EXT, STRUCTURE_TYPE_DEBUG_UTILS_MESSENGER_CALLBACK_DATA_EXT, STRUCTURE_TYPE_DEBUG_UTILS_MESSENGER_CREATE_INFO_EXT, STRUCTURE_TYPE_ANDROID_HARDWARE_BUFFER_USAGE_ANDROID, STRUCTURE_TYPE_ANDROID_HARDWARE_BUFFER_PROPERTIES_ANDROID, STRUCTURE_TYPE_ANDROID_HARDWARE_BUFFER_FORMAT_PROPERTIES_ANDROID, STRUCTURE_TYPE_IMPORT_ANDROID_HARDWARE_BUFFER_INFO_ANDROID, STRUCTURE_TYPE_MEMORY_GET_ANDROID_HARDWARE_BUFFER_INFO_ANDROID, STRUCTURE_TYPE_EXTERNAL_FORMAT_ANDROID, STRUCTURE_TYPE_ANDROID_HARDWARE_BUFFER_FORMAT_PROPERTIES_2_ANDROID, STRUCTURE_TYPE_SAMPLE_LOCATIONS_INFO_EXT, STRUCTURE_TYPE_RENDER_PASS_SAMPLE_LOCATIONS_BEGIN_INFO_EXT, STRUCTURE_TYPE_PIPELINE_SAMPLE_LOCATIONS_STATE_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLE_LOCATIONS_PROPERTIES_EXT, STRUCTURE_TYPE_MULTISAMPLE_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_BLEND_OPERATION_ADVANCED_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_BLEND_OPERATION_ADVANCED_PROPERTIES_EXT, STRUCTURE_TYPE_PIPELINE_COLOR_BLEND_ADVANCED_STATE_CREATE_INFO_EXT, STRUCTURE_TYPE_PIPELINE_COVERAGE_TO_COLOR_STATE_CREATE_INFO_NV, STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET_ACCELERATION_STRUCTURE_KHR, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_BUILD_GEOMETRY_INFO_KHR, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_DEVICE_ADDRESS_INFO_KHR, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_AABBS_DATA_KHR, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_INSTANCES_DATA_KHR, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_TRIANGLES_DATA_KHR, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_KHR, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_VERSION_INFO_KHR, STRUCTURE_TYPE_COPY_ACCELERATION_STRUCTURE_INFO_KHR, STRUCTURE_TYPE_COPY_ACCELERATION_STRUCTURE_TO_MEMORY_INFO_KHR, STRUCTURE_TYPE_COPY_MEMORY_TO_ACCELERATION_STRUCTURE_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_ACCELERATION_STRUCTURE_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_ACCELERATION_STRUCTURE_PROPERTIES_KHR, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_CREATE_INFO_KHR, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_BUILD_SIZES_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_PIPELINE_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_PIPELINE_PROPERTIES_KHR, STRUCTURE_TYPE_RAY_TRACING_PIPELINE_CREATE_INFO_KHR, STRUCTURE_TYPE_RAY_TRACING_SHADER_GROUP_CREATE_INFO_KHR, STRUCTURE_TYPE_RAY_TRACING_PIPELINE_INTERFACE_CREATE_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_QUERY_FEATURES_KHR, STRUCTURE_TYPE_PIPELINE_COVERAGE_MODULATION_STATE_CREATE_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SM_BUILTINS_FEATURES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SM_BUILTINS_PROPERTIES_NV, STRUCTURE_TYPE_DRM_FORMAT_MODIFIER_PROPERTIES_LIST_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_DRM_FORMAT_MODIFIER_INFO_EXT, STRUCTURE_TYPE_IMAGE_DRM_FORMAT_MODIFIER_LIST_CREATE_INFO_EXT, STRUCTURE_TYPE_IMAGE_DRM_FORMAT_MODIFIER_EXPLICIT_CREATE_INFO_EXT, STRUCTURE_TYPE_IMAGE_DRM_FORMAT_MODIFIER_PROPERTIES_EXT, STRUCTURE_TYPE_DRM_FORMAT_MODIFIER_PROPERTIES_LIST_2_EXT, STRUCTURE_TYPE_VALIDATION_CACHE_CREATE_INFO_EXT, STRUCTURE_TYPE_SHADER_MODULE_VALIDATION_CACHE_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PORTABILITY_SUBSET_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_PORTABILITY_SUBSET_PROPERTIES_KHR, STRUCTURE_TYPE_PIPELINE_VIEWPORT_SHADING_RATE_IMAGE_STATE_CREATE_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADING_RATE_IMAGE_FEATURES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADING_RATE_IMAGE_PROPERTIES_NV, STRUCTURE_TYPE_PIPELINE_VIEWPORT_COARSE_SAMPLE_ORDER_STATE_CREATE_INFO_NV, STRUCTURE_TYPE_RAY_TRACING_PIPELINE_CREATE_INFO_NV, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_CREATE_INFO_NV, STRUCTURE_TYPE_GEOMETRY_NV, STRUCTURE_TYPE_GEOMETRY_TRIANGLES_NV, STRUCTURE_TYPE_GEOMETRY_AABB_NV, STRUCTURE_TYPE_BIND_ACCELERATION_STRUCTURE_MEMORY_INFO_NV, STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET_ACCELERATION_STRUCTURE_NV, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_MEMORY_REQUIREMENTS_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_PROPERTIES_NV, STRUCTURE_TYPE_RAY_TRACING_SHADER_GROUP_CREATE_INFO_NV, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_REPRESENTATIVE_FRAGMENT_TEST_FEATURES_NV, STRUCTURE_TYPE_PIPELINE_REPRESENTATIVE_FRAGMENT_TEST_STATE_CREATE_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_VIEW_IMAGE_FORMAT_INFO_EXT, STRUCTURE_TYPE_FILTER_CUBIC_IMAGE_VIEW_IMAGE_FORMAT_PROPERTIES_EXT, STRUCTURE_TYPE_IMPORT_MEMORY_HOST_POINTER_INFO_EXT, STRUCTURE_TYPE_MEMORY_HOST_POINTER_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_MEMORY_HOST_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CLOCK_FEATURES_KHR, STRUCTURE_TYPE_PIPELINE_COMPILER_CONTROL_CREATE_INFO_AMD, STRUCTURE_TYPE_CALIBRATED_TIMESTAMP_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CORE_PROPERTIES_AMD, STRUCTURE_TYPE_VIDEO_DECODE_H265_CAPABILITIES_KHR, STRUCTURE_TYPE_VIDEO_DECODE_H265_SESSION_PARAMETERS_CREATE_INFO_KHR, STRUCTURE_TYPE_VIDEO_DECODE_H265_SESSION_PARAMETERS_ADD_INFO_KHR, STRUCTURE_TYPE_VIDEO_DECODE_H265_PROFILE_INFO_KHR, STRUCTURE_TYPE_VIDEO_DECODE_H265_PICTURE_INFO_KHR, STRUCTURE_TYPE_VIDEO_DECODE_H265_DPB_SLOT_INFO_KHR, STRUCTURE_TYPE_DEVICE_QUEUE_GLOBAL_PRIORITY_CREATE_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_GLOBAL_PRIORITY_QUERY_FEATURES_KHR, STRUCTURE_TYPE_QUEUE_FAMILY_GLOBAL_PRIORITY_PROPERTIES_KHR, STRUCTURE_TYPE_DEVICE_MEMORY_OVERALLOCATION_CREATE_INFO_AMD, STRUCTURE_TYPE_PHYSICAL_DEVICE_VERTEX_ATTRIBUTE_DIVISOR_PROPERTIES_EXT, STRUCTURE_TYPE_PIPELINE_VERTEX_INPUT_DIVISOR_STATE_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_VERTEX_ATTRIBUTE_DIVISOR_FEATURES_EXT, STRUCTURE_TYPE_PRESENT_FRAME_TOKEN_GGP, STRUCTURE_TYPE_PHYSICAL_DEVICE_COMPUTE_SHADER_DERIVATIVES_FEATURES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_MESH_SHADER_FEATURES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_MESH_SHADER_PROPERTIES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_IMAGE_FOOTPRINT_FEATURES_NV, STRUCTURE_TYPE_PIPELINE_VIEWPORT_EXCLUSIVE_SCISSOR_STATE_CREATE_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXCLUSIVE_SCISSOR_FEATURES_NV, STRUCTURE_TYPE_CHECKPOINT_DATA_NV, STRUCTURE_TYPE_QUEUE_FAMILY_CHECKPOINT_PROPERTIES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_FUNCTIONS_2_FEATURES_INTEL, STRUCTURE_TYPE_QUERY_POOL_PERFORMANCE_QUERY_CREATE_INFO_INTEL, STRUCTURE_TYPE_INITIALIZE_PERFORMANCE_API_INFO_INTEL, STRUCTURE_TYPE_PERFORMANCE_MARKER_INFO_INTEL, STRUCTURE_TYPE_PERFORMANCE_STREAM_MARKER_INFO_INTEL, STRUCTURE_TYPE_PERFORMANCE_OVERRIDE_INFO_INTEL, STRUCTURE_TYPE_PERFORMANCE_CONFIGURATION_ACQUIRE_INFO_INTEL, STRUCTURE_TYPE_PHYSICAL_DEVICE_PCI_BUS_INFO_PROPERTIES_EXT, STRUCTURE_TYPE_DISPLAY_NATIVE_HDR_SURFACE_CAPABILITIES_AMD, STRUCTURE_TYPE_SWAPCHAIN_DISPLAY_NATIVE_HDR_CREATE_INFO_AMD, STRUCTURE_TYPE_IMAGEPIPE_SURFACE_CREATE_INFO_FUCHSIA, STRUCTURE_TYPE_METAL_SURFACE_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_PROPERTIES_EXT, STRUCTURE_TYPE_RENDER_PASS_FRAGMENT_DENSITY_MAP_CREATE_INFO_EXT, STRUCTURE_TYPE_FRAGMENT_SHADING_RATE_ATTACHMENT_INFO_KHR, STRUCTURE_TYPE_PIPELINE_FRAGMENT_SHADING_RATE_STATE_CREATE_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CORE_PROPERTIES_2_AMD, STRUCTURE_TYPE_PHYSICAL_DEVICE_COHERENT_MEMORY_FEATURES_AMD, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_IMAGE_ATOMIC_INT64_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_BUDGET_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_PRIORITY_FEATURES_EXT, STRUCTURE_TYPE_MEMORY_PRIORITY_ALLOCATE_INFO_EXT, STRUCTURE_TYPE_SURFACE_PROTECTED_CAPABILITIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_DEDICATED_ALLOCATION_IMAGE_ALIASING_FEATURES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_BUFFER_DEVICE_ADDRESS_FEATURES_EXT, STRUCTURE_TYPE_BUFFER_DEVICE_ADDRESS_CREATE_INFO_EXT, STRUCTURE_TYPE_VALIDATION_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PRESENT_WAIT_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_COOPERATIVE_MATRIX_FEATURES_NV, STRUCTURE_TYPE_COOPERATIVE_MATRIX_PROPERTIES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_COOPERATIVE_MATRIX_PROPERTIES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_COVERAGE_REDUCTION_MODE_FEATURES_NV, STRUCTURE_TYPE_PIPELINE_COVERAGE_REDUCTION_STATE_CREATE_INFO_NV, STRUCTURE_TYPE_FRAMEBUFFER_MIXED_SAMPLES_COMBINATION_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADER_INTERLOCK_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_YCBCR_IMAGE_ARRAYS_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PROVOKING_VERTEX_FEATURES_EXT, STRUCTURE_TYPE_PIPELINE_RASTERIZATION_PROVOKING_VERTEX_STATE_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PROVOKING_VERTEX_PROPERTIES_EXT, STRUCTURE_TYPE_SURFACE_FULL_SCREEN_EXCLUSIVE_INFO_EXT, STRUCTURE_TYPE_SURFACE_CAPABILITIES_FULL_SCREEN_EXCLUSIVE_EXT, STRUCTURE_TYPE_SURFACE_FULL_SCREEN_EXCLUSIVE_WIN32_INFO_EXT, STRUCTURE_TYPE_HEADLESS_SURFACE_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_LINE_RASTERIZATION_FEATURES_EXT, STRUCTURE_TYPE_PIPELINE_RASTERIZATION_LINE_STATE_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_LINE_RASTERIZATION_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_ATOMIC_FLOAT_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_INDEX_TYPE_UINT8_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTENDED_DYNAMIC_STATE_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_EXECUTABLE_PROPERTIES_FEATURES_KHR, STRUCTURE_TYPE_PIPELINE_INFO_KHR, STRUCTURE_TYPE_PIPELINE_EXECUTABLE_PROPERTIES_KHR, STRUCTURE_TYPE_PIPELINE_EXECUTABLE_INFO_KHR, STRUCTURE_TYPE_PIPELINE_EXECUTABLE_STATISTIC_KHR, STRUCTURE_TYPE_PIPELINE_EXECUTABLE_INTERNAL_REPRESENTATION_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_ATOMIC_FLOAT_2_FEATURES_EXT, STRUCTURE_TYPE_SURFACE_PRESENT_MODE_EXT, STRUCTURE_TYPE_SURFACE_PRESENT_SCALING_CAPABILITIES_EXT, STRUCTURE_TYPE_SURFACE_PRESENT_MODE_COMPATIBILITY_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SWAPCHAIN_MAINTENANCE_1_FEATURES_EXT, STRUCTURE_TYPE_SWAPCHAIN_PRESENT_FENCE_INFO_EXT, STRUCTURE_TYPE_SWAPCHAIN_PRESENT_MODES_CREATE_INFO_EXT, STRUCTURE_TYPE_SWAPCHAIN_PRESENT_MODE_INFO_EXT, STRUCTURE_TYPE_SWAPCHAIN_PRESENT_SCALING_CREATE_INFO_EXT, STRUCTURE_TYPE_RELEASE_SWAPCHAIN_IMAGES_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_DEVICE_GENERATED_COMMANDS_PROPERTIES_NV, STRUCTURE_TYPE_GRAPHICS_SHADER_GROUP_CREATE_INFO_NV, STRUCTURE_TYPE_GRAPHICS_PIPELINE_SHADER_GROUPS_CREATE_INFO_NV, STRUCTURE_TYPE_INDIRECT_COMMANDS_LAYOUT_TOKEN_NV, STRUCTURE_TYPE_INDIRECT_COMMANDS_LAYOUT_CREATE_INFO_NV, STRUCTURE_TYPE_GENERATED_COMMANDS_INFO_NV, STRUCTURE_TYPE_GENERATED_COMMANDS_MEMORY_REQUIREMENTS_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_DEVICE_GENERATED_COMMANDS_FEATURES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_INHERITED_VIEWPORT_SCISSOR_FEATURES_NV, STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_VIEWPORT_SCISSOR_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXEL_BUFFER_ALIGNMENT_FEATURES_EXT, STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_RENDER_PASS_TRANSFORM_INFO_QCOM, STRUCTURE_TYPE_RENDER_PASS_TRANSFORM_BEGIN_INFO_QCOM, STRUCTURE_TYPE_PHYSICAL_DEVICE_DEVICE_MEMORY_REPORT_FEATURES_EXT, STRUCTURE_TYPE_DEVICE_DEVICE_MEMORY_REPORT_CREATE_INFO_EXT, STRUCTURE_TYPE_DEVICE_MEMORY_REPORT_CALLBACK_DATA_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_ROBUSTNESS_2_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_ROBUSTNESS_2_PROPERTIES_EXT, STRUCTURE_TYPE_SAMPLER_CUSTOM_BORDER_COLOR_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_CUSTOM_BORDER_COLOR_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_CUSTOM_BORDER_COLOR_FEATURES_EXT, STRUCTURE_TYPE_PIPELINE_LIBRARY_CREATE_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_PRESENT_BARRIER_FEATURES_NV, STRUCTURE_TYPE_SURFACE_CAPABILITIES_PRESENT_BARRIER_NV, STRUCTURE_TYPE_SWAPCHAIN_PRESENT_BARRIER_CREATE_INFO_NV, STRUCTURE_TYPE_PRESENT_ID_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_PRESENT_ID_FEATURES_KHR, STRUCTURE_TYPE_VIDEO_ENCODE_INFO_KHR, STRUCTURE_TYPE_VIDEO_ENCODE_RATE_CONTROL_INFO_KHR, STRUCTURE_TYPE_VIDEO_ENCODE_RATE_CONTROL_LAYER_INFO_KHR, STRUCTURE_TYPE_VIDEO_ENCODE_CAPABILITIES_KHR, STRUCTURE_TYPE_VIDEO_ENCODE_USAGE_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_DIAGNOSTICS_CONFIG_FEATURES_NV, STRUCTURE_TYPE_DEVICE_DIAGNOSTICS_CONFIG_CREATE_INFO_NV, STRUCTURE_TYPE_EXPORT_METAL_OBJECT_CREATE_INFO_EXT, STRUCTURE_TYPE_EXPORT_METAL_OBJECTS_INFO_EXT, STRUCTURE_TYPE_EXPORT_METAL_DEVICE_INFO_EXT, STRUCTURE_TYPE_EXPORT_METAL_COMMAND_QUEUE_INFO_EXT, STRUCTURE_TYPE_EXPORT_METAL_BUFFER_INFO_EXT, STRUCTURE_TYPE_IMPORT_METAL_BUFFER_INFO_EXT, STRUCTURE_TYPE_EXPORT_METAL_TEXTURE_INFO_EXT, STRUCTURE_TYPE_IMPORT_METAL_TEXTURE_INFO_EXT, STRUCTURE_TYPE_EXPORT_METAL_IO_SURFACE_INFO_EXT, STRUCTURE_TYPE_IMPORT_METAL_IO_SURFACE_INFO_EXT, STRUCTURE_TYPE_EXPORT_METAL_SHARED_EVENT_INFO_EXT, STRUCTURE_TYPE_IMPORT_METAL_SHARED_EVENT_INFO_EXT, STRUCTURE_TYPE_QUEUE_FAMILY_CHECKPOINT_PROPERTIES_2_NV, STRUCTURE_TYPE_CHECKPOINT_DATA_2_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_BUFFER_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_BUFFER_DENSITY_MAP_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_BUFFER_FEATURES_EXT, STRUCTURE_TYPE_DESCRIPTOR_ADDRESS_INFO_EXT, STRUCTURE_TYPE_DESCRIPTOR_GET_INFO_EXT, STRUCTURE_TYPE_BUFFER_CAPTURE_DESCRIPTOR_DATA_INFO_EXT, STRUCTURE_TYPE_IMAGE_CAPTURE_DESCRIPTOR_DATA_INFO_EXT, STRUCTURE_TYPE_IMAGE_VIEW_CAPTURE_DESCRIPTOR_DATA_INFO_EXT, STRUCTURE_TYPE_SAMPLER_CAPTURE_DESCRIPTOR_DATA_INFO_EXT, STRUCTURE_TYPE_OPAQUE_CAPTURE_DESCRIPTOR_DATA_CREATE_INFO_EXT, STRUCTURE_TYPE_DESCRIPTOR_BUFFER_BINDING_INFO_EXT, STRUCTURE_TYPE_DESCRIPTOR_BUFFER_BINDING_PUSH_DESCRIPTOR_BUFFER_HANDLE_EXT, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_CAPTURE_DESCRIPTOR_DATA_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_GRAPHICS_PIPELINE_LIBRARY_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_GRAPHICS_PIPELINE_LIBRARY_PROPERTIES_EXT, STRUCTURE_TYPE_GRAPHICS_PIPELINE_LIBRARY_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_EARLY_AND_LATE_FRAGMENT_TESTS_FEATURES_AMD, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADER_BARYCENTRIC_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADER_BARYCENTRIC_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SUBGROUP_UNIFORM_CONTROL_FLOW_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_ENUMS_PROPERTIES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_ENUMS_FEATURES_NV, STRUCTURE_TYPE_PIPELINE_FRAGMENT_SHADING_RATE_ENUM_STATE_CREATE_INFO_NV, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_MOTION_TRIANGLES_DATA_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_MOTION_BLUR_FEATURES_NV, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_MOTION_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_MESH_SHADER_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_MESH_SHADER_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_YCBCR_2_PLANE_444_FORMATS_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_2_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_2_PROPERTIES_EXT, STRUCTURE_TYPE_COPY_COMMAND_TRANSFORM_INFO_QCOM, STRUCTURE_TYPE_PHYSICAL_DEVICE_WORKGROUP_MEMORY_EXPLICIT_LAYOUT_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_COMPRESSION_CONTROL_FEATURES_EXT, STRUCTURE_TYPE_IMAGE_COMPRESSION_CONTROL_EXT, STRUCTURE_TYPE_SUBRESOURCE_LAYOUT_2_EXT, STRUCTURE_TYPE_IMAGE_SUBRESOURCE_2_EXT, STRUCTURE_TYPE_IMAGE_COMPRESSION_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_ATTACHMENT_FEEDBACK_LOOP_LAYOUT_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_4444_FORMATS_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_FAULT_FEATURES_EXT, STRUCTURE_TYPE_DEVICE_FAULT_COUNTS_EXT, STRUCTURE_TYPE_DEVICE_FAULT_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_RGBA10X6_FORMATS_FEATURES_EXT, STRUCTURE_TYPE_DIRECTFB_SURFACE_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_VERTEX_INPUT_DYNAMIC_STATE_FEATURES_EXT, STRUCTURE_TYPE_VERTEX_INPUT_BINDING_DESCRIPTION_2_EXT, STRUCTURE_TYPE_VERTEX_INPUT_ATTRIBUTE_DESCRIPTION_2_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_DRM_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_ADDRESS_BINDING_REPORT_FEATURES_EXT, STRUCTURE_TYPE_DEVICE_ADDRESS_BINDING_CALLBACK_DATA_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_CLIP_CONTROL_FEATURES_EXT, STRUCTURE_TYPE_PIPELINE_VIEWPORT_DEPTH_CLIP_CONTROL_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PRIMITIVE_TOPOLOGY_LIST_RESTART_FEATURES_EXT, STRUCTURE_TYPE_IMPORT_MEMORY_ZIRCON_HANDLE_INFO_FUCHSIA, STRUCTURE_TYPE_MEMORY_ZIRCON_HANDLE_PROPERTIES_FUCHSIA, STRUCTURE_TYPE_MEMORY_GET_ZIRCON_HANDLE_INFO_FUCHSIA, STRUCTURE_TYPE_IMPORT_SEMAPHORE_ZIRCON_HANDLE_INFO_FUCHSIA, STRUCTURE_TYPE_SEMAPHORE_GET_ZIRCON_HANDLE_INFO_FUCHSIA, STRUCTURE_TYPE_BUFFER_COLLECTION_CREATE_INFO_FUCHSIA, STRUCTURE_TYPE_IMPORT_MEMORY_BUFFER_COLLECTION_FUCHSIA, STRUCTURE_TYPE_BUFFER_COLLECTION_IMAGE_CREATE_INFO_FUCHSIA, STRUCTURE_TYPE_BUFFER_COLLECTION_PROPERTIES_FUCHSIA, STRUCTURE_TYPE_BUFFER_CONSTRAINTS_INFO_FUCHSIA, STRUCTURE_TYPE_BUFFER_COLLECTION_BUFFER_CREATE_INFO_FUCHSIA, STRUCTURE_TYPE_IMAGE_CONSTRAINTS_INFO_FUCHSIA, STRUCTURE_TYPE_IMAGE_FORMAT_CONSTRAINTS_INFO_FUCHSIA, STRUCTURE_TYPE_SYSMEM_COLOR_SPACE_FUCHSIA, STRUCTURE_TYPE_BUFFER_COLLECTION_CONSTRAINTS_INFO_FUCHSIA, STRUCTURE_TYPE_SUBPASS_SHADING_PIPELINE_CREATE_INFO_HUAWEI, STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBPASS_SHADING_FEATURES_HUAWEI, STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBPASS_SHADING_PROPERTIES_HUAWEI, STRUCTURE_TYPE_PHYSICAL_DEVICE_INVOCATION_MASK_FEATURES_HUAWEI, STRUCTURE_TYPE_MEMORY_GET_REMOTE_ADDRESS_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_MEMORY_RDMA_FEATURES_NV, STRUCTURE_TYPE_PIPELINE_PROPERTIES_IDENTIFIER_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_PROPERTIES_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTISAMPLED_RENDER_TO_SINGLE_SAMPLED_FEATURES_EXT, STRUCTURE_TYPE_SUBPASS_RESOLVE_PERFORMANCE_QUERY_EXT, STRUCTURE_TYPE_MULTISAMPLED_RENDER_TO_SINGLE_SAMPLED_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTENDED_DYNAMIC_STATE_2_FEATURES_EXT, STRUCTURE_TYPE_SCREEN_SURFACE_CREATE_INFO_QNX, STRUCTURE_TYPE_PHYSICAL_DEVICE_COLOR_WRITE_ENABLE_FEATURES_EXT, STRUCTURE_TYPE_PIPELINE_COLOR_WRITE_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PRIMITIVES_GENERATED_QUERY_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_MAINTENANCE_1_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_VIEW_MIN_LOD_FEATURES_EXT, STRUCTURE_TYPE_IMAGE_VIEW_MIN_LOD_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTI_DRAW_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTI_DRAW_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_2D_VIEW_OF_3D_FEATURES_EXT, STRUCTURE_TYPE_MICROMAP_BUILD_INFO_EXT, STRUCTURE_TYPE_MICROMAP_VERSION_INFO_EXT, STRUCTURE_TYPE_COPY_MICROMAP_INFO_EXT, STRUCTURE_TYPE_COPY_MICROMAP_TO_MEMORY_INFO_EXT, STRUCTURE_TYPE_COPY_MEMORY_TO_MICROMAP_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_OPACITY_MICROMAP_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_OPACITY_MICROMAP_PROPERTIES_EXT, STRUCTURE_TYPE_MICROMAP_CREATE_INFO_EXT, STRUCTURE_TYPE_MICROMAP_BUILD_SIZES_INFO_EXT, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_TRIANGLES_OPACITY_MICROMAP_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_CLUSTER_CULLING_SHADER_FEATURES_HUAWEI, STRUCTURE_TYPE_PHYSICAL_DEVICE_CLUSTER_CULLING_SHADER_PROPERTIES_HUAWEI, STRUCTURE_TYPE_PHYSICAL_DEVICE_BORDER_COLOR_SWIZZLE_FEATURES_EXT, STRUCTURE_TYPE_SAMPLER_BORDER_COLOR_COMPONENT_MAPPING_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PAGEABLE_DEVICE_LOCAL_MEMORY_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_SET_HOST_MAPPING_FEATURES_VALVE, STRUCTURE_TYPE_DESCRIPTOR_SET_BINDING_REFERENCE_VALVE, STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_HOST_MAPPING_INFO_VALVE, STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_CLAMP_ZERO_ONE_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_NON_SEAMLESS_CUBE_MAP_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_OFFSET_FEATURES_QCOM, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_OFFSET_PROPERTIES_QCOM, STRUCTURE_TYPE_SUBPASS_FRAGMENT_DENSITY_MAP_OFFSET_END_INFO_QCOM, STRUCTURE_TYPE_PHYSICAL_DEVICE_COPY_MEMORY_INDIRECT_FEATURES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_COPY_MEMORY_INDIRECT_PROPERTIES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_DECOMPRESSION_FEATURES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_DECOMPRESSION_PROPERTIES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_LINEAR_COLOR_ATTACHMENT_FEATURES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_COMPRESSION_CONTROL_SWAPCHAIN_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_PROCESSING_FEATURES_QCOM, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_PROCESSING_PROPERTIES_QCOM, STRUCTURE_TYPE_IMAGE_VIEW_SAMPLE_WEIGHT_CREATE_INFO_QCOM, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTENDED_DYNAMIC_STATE_3_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTENDED_DYNAMIC_STATE_3_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBPASS_MERGE_FEEDBACK_FEATURES_EXT, STRUCTURE_TYPE_RENDER_PASS_CREATION_CONTROL_EXT, STRUCTURE_TYPE_RENDER_PASS_CREATION_FEEDBACK_CREATE_INFO_EXT, STRUCTURE_TYPE_RENDER_PASS_SUBPASS_FEEDBACK_CREATE_INFO_EXT, STRUCTURE_TYPE_DIRECT_DRIVER_LOADING_INFO_LUNARG, STRUCTURE_TYPE_DIRECT_DRIVER_LOADING_LIST_LUNARG, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_MODULE_IDENTIFIER_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_MODULE_IDENTIFIER_PROPERTIES_EXT, STRUCTURE_TYPE_PIPELINE_SHADER_STAGE_MODULE_IDENTIFIER_CREATE_INFO_EXT, STRUCTURE_TYPE_SHADER_MODULE_IDENTIFIER_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_RASTERIZATION_ORDER_ATTACHMENT_ACCESS_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_OPTICAL_FLOW_FEATURES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_OPTICAL_FLOW_PROPERTIES_NV, STRUCTURE_TYPE_OPTICAL_FLOW_IMAGE_FORMAT_INFO_NV, STRUCTURE_TYPE_OPTICAL_FLOW_IMAGE_FORMAT_PROPERTIES_NV, STRUCTURE_TYPE_OPTICAL_FLOW_SESSION_CREATE_INFO_NV, STRUCTURE_TYPE_OPTICAL_FLOW_EXECUTE_INFO_NV, STRUCTURE_TYPE_OPTICAL_FLOW_SESSION_CREATE_PRIVATE_DATA_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_LEGACY_DITHERING_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_PROTECTED_ACCESS_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_TILE_PROPERTIES_FEATURES_QCOM, STRUCTURE_TYPE_TILE_PROPERTIES_QCOM, STRUCTURE_TYPE_PHYSICAL_DEVICE_AMIGO_PROFILING_FEATURES_SEC, STRUCTURE_TYPE_AMIGO_PROFILING_SUBMIT_INFO_SEC, STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_PER_VIEW_VIEWPORTS_FEATURES_QCOM, STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_INVOCATION_REORDER_FEATURES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_INVOCATION_REORDER_PROPERTIES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_MUTABLE_DESCRIPTOR_TYPE_FEATURES_EXT, STRUCTURE_TYPE_MUTABLE_DESCRIPTOR_TYPE_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CORE_BUILTINS_FEATURES_ARM, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CORE_BUILTINS_PROPERTIES_ARM, STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_LIBRARY_GROUP_HANDLES_FEATURES_EXT, SubpassContents, SUBPASS_CONTENTS_INLINE, SUBPASS_CONTENTS_SECONDARY_COMMAND_BUFFERS, Result, SUCCESS, NOT_READY, TIMEOUT, EVENT_SET, EVENT_RESET, INCOMPLETE, ERROR_OUT_OF_HOST_MEMORY, ERROR_OUT_OF_DEVICE_MEMORY, ERROR_INITIALIZATION_FAILED, ERROR_DEVICE_LOST, ERROR_MEMORY_MAP_FAILED, ERROR_LAYER_NOT_PRESENT, ERROR_EXTENSION_NOT_PRESENT, ERROR_FEATURE_NOT_PRESENT, ERROR_INCOMPATIBLE_DRIVER, ERROR_TOO_MANY_OBJECTS, ERROR_FORMAT_NOT_SUPPORTED, ERROR_FRAGMENTED_POOL, ERROR_UNKNOWN, ERROR_OUT_OF_POOL_MEMORY, ERROR_INVALID_EXTERNAL_HANDLE, ERROR_FRAGMENTATION, ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS, PIPELINE_COMPILE_REQUIRED, ERROR_SURFACE_LOST_KHR, ERROR_NATIVE_WINDOW_IN_USE_KHR, SUBOPTIMAL_KHR, ERROR_OUT_OF_DATE_KHR, ERROR_INCOMPATIBLE_DISPLAY_KHR, ERROR_VALIDATION_FAILED_EXT, ERROR_INVALID_SHADER_NV, ERROR_IMAGE_USAGE_NOT_SUPPORTED_KHR, ERROR_VIDEO_PICTURE_LAYOUT_NOT_SUPPORTED_KHR, ERROR_VIDEO_PROFILE_OPERATION_NOT_SUPPORTED_KHR, ERROR_VIDEO_PROFILE_FORMAT_NOT_SUPPORTED_KHR, ERROR_VIDEO_PROFILE_CODEC_NOT_SUPPORTED_KHR, ERROR_VIDEO_STD_VERSION_NOT_SUPPORTED_KHR, ERROR_INVALID_DRM_FORMAT_MODIFIER_PLANE_LAYOUT_EXT, ERROR_NOT_PERMITTED_KHR, ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT, THREAD_IDLE_KHR, THREAD_DONE_KHR, OPERATION_DEFERRED_KHR, OPERATION_NOT_DEFERRED_KHR, ERROR_COMPRESSION_EXHAUSTED_EXT, DynamicState, DYNAMIC_STATE_VIEWPORT, DYNAMIC_STATE_SCISSOR, DYNAMIC_STATE_LINE_WIDTH, DYNAMIC_STATE_DEPTH_BIAS, DYNAMIC_STATE_BLEND_CONSTANTS, DYNAMIC_STATE_DEPTH_BOUNDS, DYNAMIC_STATE_STENCIL_COMPARE_MASK, DYNAMIC_STATE_STENCIL_WRITE_MASK, DYNAMIC_STATE_STENCIL_REFERENCE, DYNAMIC_STATE_CULL_MODE, DYNAMIC_STATE_FRONT_FACE, DYNAMIC_STATE_PRIMITIVE_TOPOLOGY, DYNAMIC_STATE_VIEWPORT_WITH_COUNT, DYNAMIC_STATE_SCISSOR_WITH_COUNT, DYNAMIC_STATE_VERTEX_INPUT_BINDING_STRIDE, DYNAMIC_STATE_DEPTH_TEST_ENABLE, DYNAMIC_STATE_DEPTH_WRITE_ENABLE, DYNAMIC_STATE_DEPTH_COMPARE_OP, DYNAMIC_STATE_DEPTH_BOUNDS_TEST_ENABLE, DYNAMIC_STATE_STENCIL_TEST_ENABLE, DYNAMIC_STATE_STENCIL_OP, DYNAMIC_STATE_RASTERIZER_DISCARD_ENABLE, DYNAMIC_STATE_DEPTH_BIAS_ENABLE, DYNAMIC_STATE_PRIMITIVE_RESTART_ENABLE, DYNAMIC_STATE_VIEWPORT_W_SCALING_NV, DYNAMIC_STATE_DISCARD_RECTANGLE_EXT, DYNAMIC_STATE_SAMPLE_LOCATIONS_EXT, DYNAMIC_STATE_RAY_TRACING_PIPELINE_STACK_SIZE_KHR, DYNAMIC_STATE_VIEWPORT_SHADING_RATE_PALETTE_NV, DYNAMIC_STATE_VIEWPORT_COARSE_SAMPLE_ORDER_NV, DYNAMIC_STATE_EXCLUSIVE_SCISSOR_NV, DYNAMIC_STATE_FRAGMENT_SHADING_RATE_KHR, DYNAMIC_STATE_LINE_STIPPLE_EXT, DYNAMIC_STATE_VERTEX_INPUT_EXT, DYNAMIC_STATE_PATCH_CONTROL_POINTS_EXT, DYNAMIC_STATE_LOGIC_OP_EXT, DYNAMIC_STATE_COLOR_WRITE_ENABLE_EXT, DYNAMIC_STATE_TESSELLATION_DOMAIN_ORIGIN_EXT, DYNAMIC_STATE_DEPTH_CLAMP_ENABLE_EXT, DYNAMIC_STATE_POLYGON_MODE_EXT, DYNAMIC_STATE_RASTERIZATION_SAMPLES_EXT, DYNAMIC_STATE_SAMPLE_MASK_EXT, DYNAMIC_STATE_ALPHA_TO_COVERAGE_ENABLE_EXT, DYNAMIC_STATE_ALPHA_TO_ONE_ENABLE_EXT, DYNAMIC_STATE_LOGIC_OP_ENABLE_EXT, DYNAMIC_STATE_COLOR_BLEND_ENABLE_EXT, DYNAMIC_STATE_COLOR_BLEND_EQUATION_EXT, DYNAMIC_STATE_COLOR_WRITE_MASK_EXT, DYNAMIC_STATE_RASTERIZATION_STREAM_EXT, DYNAMIC_STATE_CONSERVATIVE_RASTERIZATION_MODE_EXT, DYNAMIC_STATE_EXTRA_PRIMITIVE_OVERESTIMATION_SIZE_EXT, DYNAMIC_STATE_DEPTH_CLIP_ENABLE_EXT, DYNAMIC_STATE_SAMPLE_LOCATIONS_ENABLE_EXT, DYNAMIC_STATE_COLOR_BLEND_ADVANCED_EXT, DYNAMIC_STATE_PROVOKING_VERTEX_MODE_EXT, DYNAMIC_STATE_LINE_RASTERIZATION_MODE_EXT, DYNAMIC_STATE_LINE_STIPPLE_ENABLE_EXT, DYNAMIC_STATE_DEPTH_CLIP_NEGATIVE_ONE_TO_ONE_EXT, DYNAMIC_STATE_VIEWPORT_W_SCALING_ENABLE_NV, DYNAMIC_STATE_VIEWPORT_SWIZZLE_NV, DYNAMIC_STATE_COVERAGE_TO_COLOR_ENABLE_NV, DYNAMIC_STATE_COVERAGE_TO_COLOR_LOCATION_NV, DYNAMIC_STATE_COVERAGE_MODULATION_MODE_NV, DYNAMIC_STATE_COVERAGE_MODULATION_TABLE_ENABLE_NV, DYNAMIC_STATE_COVERAGE_MODULATION_TABLE_NV, DYNAMIC_STATE_SHADING_RATE_IMAGE_ENABLE_NV, DYNAMIC_STATE_REPRESENTATIVE_FRAGMENT_TEST_ENABLE_NV, DYNAMIC_STATE_COVERAGE_REDUCTION_MODE_NV, DescriptorUpdateTemplateType, DESCRIPTOR_UPDATE_TEMPLATE_TYPE_DESCRIPTOR_SET, DESCRIPTOR_UPDATE_TEMPLATE_TYPE_PUSH_DESCRIPTORS_KHR, ObjectType, OBJECT_TYPE_UNKNOWN, OBJECT_TYPE_INSTANCE, OBJECT_TYPE_PHYSICAL_DEVICE, OBJECT_TYPE_DEVICE, OBJECT_TYPE_QUEUE, OBJECT_TYPE_SEMAPHORE, OBJECT_TYPE_COMMAND_BUFFER, OBJECT_TYPE_FENCE, OBJECT_TYPE_DEVICE_MEMORY, OBJECT_TYPE_BUFFER, OBJECT_TYPE_IMAGE, OBJECT_TYPE_EVENT, OBJECT_TYPE_QUERY_POOL, OBJECT_TYPE_BUFFER_VIEW, OBJECT_TYPE_IMAGE_VIEW, OBJECT_TYPE_SHADER_MODULE, OBJECT_TYPE_PIPELINE_CACHE, OBJECT_TYPE_PIPELINE_LAYOUT, OBJECT_TYPE_RENDER_PASS, OBJECT_TYPE_PIPELINE, OBJECT_TYPE_DESCRIPTOR_SET_LAYOUT, OBJECT_TYPE_SAMPLER, OBJECT_TYPE_DESCRIPTOR_POOL, OBJECT_TYPE_DESCRIPTOR_SET, OBJECT_TYPE_FRAMEBUFFER, OBJECT_TYPE_COMMAND_POOL, OBJECT_TYPE_SAMPLER_YCBCR_CONVERSION, OBJECT_TYPE_DESCRIPTOR_UPDATE_TEMPLATE, OBJECT_TYPE_PRIVATE_DATA_SLOT, OBJECT_TYPE_SURFACE_KHR, OBJECT_TYPE_SWAPCHAIN_KHR, OBJECT_TYPE_DISPLAY_KHR, OBJECT_TYPE_DISPLAY_MODE_KHR, OBJECT_TYPE_DEBUG_REPORT_CALLBACK_EXT, OBJECT_TYPE_VIDEO_SESSION_KHR, OBJECT_TYPE_VIDEO_SESSION_PARAMETERS_KHR, OBJECT_TYPE_CU_MODULE_NVX, OBJECT_TYPE_CU_FUNCTION_NVX, OBJECT_TYPE_DEBUG_UTILS_MESSENGER_EXT, OBJECT_TYPE_ACCELERATION_STRUCTURE_KHR, OBJECT_TYPE_VALIDATION_CACHE_EXT, OBJECT_TYPE_ACCELERATION_STRUCTURE_NV, OBJECT_TYPE_PERFORMANCE_CONFIGURATION_INTEL, OBJECT_TYPE_DEFERRED_OPERATION_KHR, OBJECT_TYPE_INDIRECT_COMMANDS_LAYOUT_NV, OBJECT_TYPE_BUFFER_COLLECTION_FUCHSIA, OBJECT_TYPE_MICROMAP_EXT, OBJECT_TYPE_OPTICAL_FLOW_SESSION_NV, RayTracingInvocationReorderModeNV, RAY_TRACING_INVOCATION_REORDER_MODE_NONE_NV, RAY_TRACING_INVOCATION_REORDER_MODE_REORDER_NV, DirectDriverLoadingModeLUNARG, DIRECT_DRIVER_LOADING_MODE_EXCLUSIVE_LUNARG, DIRECT_DRIVER_LOADING_MODE_INCLUSIVE_LUNARG, SemaphoreType, SEMAPHORE_TYPE_BINARY, SEMAPHORE_TYPE_TIMELINE, PresentModeKHR, PRESENT_MODE_IMMEDIATE_KHR, PRESENT_MODE_MAILBOX_KHR, PRESENT_MODE_FIFO_KHR, PRESENT_MODE_FIFO_RELAXED_KHR, PRESENT_MODE_SHARED_DEMAND_REFRESH_KHR, PRESENT_MODE_SHARED_CONTINUOUS_REFRESH_KHR, ColorSpaceKHR, COLOR_SPACE_SRGB_NONLINEAR_KHR, COLOR_SPACE_DISPLAY_P3_NONLINEAR_EXT, COLOR_SPACE_EXTENDED_SRGB_LINEAR_EXT, COLOR_SPACE_DISPLAY_P3_LINEAR_EXT, COLOR_SPACE_DCI_P3_NONLINEAR_EXT, COLOR_SPACE_BT709_LINEAR_EXT, COLOR_SPACE_BT709_NONLINEAR_EXT, COLOR_SPACE_BT2020_LINEAR_EXT, COLOR_SPACE_HDR10_ST2084_EXT, COLOR_SPACE_DOLBYVISION_EXT, COLOR_SPACE_HDR10_HLG_EXT, COLOR_SPACE_ADOBERGB_LINEAR_EXT, COLOR_SPACE_ADOBERGB_NONLINEAR_EXT, COLOR_SPACE_PASS_THROUGH_EXT, COLOR_SPACE_EXTENDED_SRGB_NONLINEAR_EXT, COLOR_SPACE_DISPLAY_NATIVE_AMD, TimeDomainEXT, TIME_DOMAIN_DEVICE_EXT, TIME_DOMAIN_CLOCK_MONOTONIC_EXT, TIME_DOMAIN_CLOCK_MONOTONIC_RAW_EXT, TIME_DOMAIN_QUERY_PERFORMANCE_COUNTER_EXT, DebugReportObjectTypeEXT, DEBUG_REPORT_OBJECT_TYPE_UNKNOWN_EXT, DEBUG_REPORT_OBJECT_TYPE_INSTANCE_EXT, DEBUG_REPORT_OBJECT_TYPE_PHYSICAL_DEVICE_EXT, DEBUG_REPORT_OBJECT_TYPE_DEVICE_EXT, DEBUG_REPORT_OBJECT_TYPE_QUEUE_EXT, DEBUG_REPORT_OBJECT_TYPE_SEMAPHORE_EXT, DEBUG_REPORT_OBJECT_TYPE_COMMAND_BUFFER_EXT, DEBUG_REPORT_OBJECT_TYPE_FENCE_EXT, DEBUG_REPORT_OBJECT_TYPE_DEVICE_MEMORY_EXT, DEBUG_REPORT_OBJECT_TYPE_BUFFER_EXT, DEBUG_REPORT_OBJECT_TYPE_IMAGE_EXT, DEBUG_REPORT_OBJECT_TYPE_EVENT_EXT, DEBUG_REPORT_OBJECT_TYPE_QUERY_POOL_EXT, DEBUG_REPORT_OBJECT_TYPE_BUFFER_VIEW_EXT, DEBUG_REPORT_OBJECT_TYPE_IMAGE_VIEW_EXT, DEBUG_REPORT_OBJECT_TYPE_SHADER_MODULE_EXT, DEBUG_REPORT_OBJECT_TYPE_PIPELINE_CACHE_EXT, DEBUG_REPORT_OBJECT_TYPE_PIPELINE_LAYOUT_EXT, DEBUG_REPORT_OBJECT_TYPE_RENDER_PASS_EXT, DEBUG_REPORT_OBJECT_TYPE_PIPELINE_EXT, DEBUG_REPORT_OBJECT_TYPE_DESCRIPTOR_SET_LAYOUT_EXT, DEBUG_REPORT_OBJECT_TYPE_SAMPLER_EXT, DEBUG_REPORT_OBJECT_TYPE_DESCRIPTOR_POOL_EXT, DEBUG_REPORT_OBJECT_TYPE_DESCRIPTOR_SET_EXT, DEBUG_REPORT_OBJECT_TYPE_FRAMEBUFFER_EXT, DEBUG_REPORT_OBJECT_TYPE_COMMAND_POOL_EXT, DEBUG_REPORT_OBJECT_TYPE_SURFACE_KHR_EXT, DEBUG_REPORT_OBJECT_TYPE_SWAPCHAIN_KHR_EXT, DEBUG_REPORT_OBJECT_TYPE_DEBUG_REPORT_CALLBACK_EXT_EXT, DEBUG_REPORT_OBJECT_TYPE_DISPLAY_KHR_EXT, DEBUG_REPORT_OBJECT_TYPE_DISPLAY_MODE_KHR_EXT, DEBUG_REPORT_OBJECT_TYPE_VALIDATION_CACHE_EXT_EXT, DEBUG_REPORT_OBJECT_TYPE_SAMPLER_YCBCR_CONVERSION_EXT, DEBUG_REPORT_OBJECT_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_EXT, DEBUG_REPORT_OBJECT_TYPE_CU_MODULE_NVX_EXT, DEBUG_REPORT_OBJECT_TYPE_CU_FUNCTION_NVX_EXT, DEBUG_REPORT_OBJECT_TYPE_ACCELERATION_STRUCTURE_KHR_EXT, DEBUG_REPORT_OBJECT_TYPE_ACCELERATION_STRUCTURE_NV_EXT, DEBUG_REPORT_OBJECT_TYPE_BUFFER_COLLECTION_FUCHSIA_EXT, DeviceMemoryReportEventTypeEXT, DEVICE_MEMORY_REPORT_EVENT_TYPE_ALLOCATE_EXT, DEVICE_MEMORY_REPORT_EVENT_TYPE_FREE_EXT, DEVICE_MEMORY_REPORT_EVENT_TYPE_IMPORT_EXT, DEVICE_MEMORY_REPORT_EVENT_TYPE_UNIMPORT_EXT, DEVICE_MEMORY_REPORT_EVENT_TYPE_ALLOCATION_FAILED_EXT, RasterizationOrderAMD, RASTERIZATION_ORDER_STRICT_AMD, RASTERIZATION_ORDER_RELAXED_AMD, ValidationCheckEXT, VALIDATION_CHECK_ALL_EXT, VALIDATION_CHECK_SHADERS_EXT, ValidationFeatureEnableEXT, VALIDATION_FEATURE_ENABLE_GPU_ASSISTED_EXT, VALIDATION_FEATURE_ENABLE_GPU_ASSISTED_RESERVE_BINDING_SLOT_EXT, VALIDATION_FEATURE_ENABLE_BEST_PRACTICES_EXT, VALIDATION_FEATURE_ENABLE_DEBUG_PRINTF_EXT, VALIDATION_FEATURE_ENABLE_SYNCHRONIZATION_VALIDATION_EXT, ValidationFeatureDisableEXT, VALIDATION_FEATURE_DISABLE_ALL_EXT, VALIDATION_FEATURE_DISABLE_SHADERS_EXT, VALIDATION_FEATURE_DISABLE_THREAD_SAFETY_EXT, VALIDATION_FEATURE_DISABLE_API_PARAMETERS_EXT, VALIDATION_FEATURE_DISABLE_OBJECT_LIFETIMES_EXT, VALIDATION_FEATURE_DISABLE_CORE_CHECKS_EXT, VALIDATION_FEATURE_DISABLE_UNIQUE_HANDLES_EXT, VALIDATION_FEATURE_DISABLE_SHADER_VALIDATION_CACHE_EXT, IndirectCommandsTokenTypeNV, INDIRECT_COMMANDS_TOKEN_TYPE_SHADER_GROUP_NV, INDIRECT_COMMANDS_TOKEN_TYPE_STATE_FLAGS_NV, INDIRECT_COMMANDS_TOKEN_TYPE_INDEX_BUFFER_NV, INDIRECT_COMMANDS_TOKEN_TYPE_VERTEX_BUFFER_NV, INDIRECT_COMMANDS_TOKEN_TYPE_PUSH_CONSTANT_NV, INDIRECT_COMMANDS_TOKEN_TYPE_DRAW_INDEXED_NV, INDIRECT_COMMANDS_TOKEN_TYPE_DRAW_NV, INDIRECT_COMMANDS_TOKEN_TYPE_DRAW_TASKS_NV, INDIRECT_COMMANDS_TOKEN_TYPE_DRAW_MESH_TASKS_NV, DisplayPowerStateEXT, DISPLAY_POWER_STATE_OFF_EXT, DISPLAY_POWER_STATE_SUSPEND_EXT, DISPLAY_POWER_STATE_ON_EXT, DeviceEventTypeEXT, DEVICE_EVENT_TYPE_DISPLAY_HOTPLUG_EXT, DisplayEventTypeEXT, DISPLAY_EVENT_TYPE_FIRST_PIXEL_OUT_EXT, ViewportCoordinateSwizzleNV, VIEWPORT_COORDINATE_SWIZZLE_POSITIVE_X_NV, VIEWPORT_COORDINATE_SWIZZLE_NEGATIVE_X_NV, VIEWPORT_COORDINATE_SWIZZLE_POSITIVE_Y_NV, VIEWPORT_COORDINATE_SWIZZLE_NEGATIVE_Y_NV, VIEWPORT_COORDINATE_SWIZZLE_POSITIVE_Z_NV, VIEWPORT_COORDINATE_SWIZZLE_NEGATIVE_Z_NV, VIEWPORT_COORDINATE_SWIZZLE_POSITIVE_W_NV, VIEWPORT_COORDINATE_SWIZZLE_NEGATIVE_W_NV, DiscardRectangleModeEXT, DISCARD_RECTANGLE_MODE_INCLUSIVE_EXT, DISCARD_RECTANGLE_MODE_EXCLUSIVE_EXT, PointClippingBehavior, POINT_CLIPPING_BEHAVIOR_ALL_CLIP_PLANES, POINT_CLIPPING_BEHAVIOR_USER_CLIP_PLANES_ONLY, SamplerReductionMode, SAMPLER_REDUCTION_MODE_WEIGHTED_AVERAGE, SAMPLER_REDUCTION_MODE_MIN, SAMPLER_REDUCTION_MODE_MAX, TessellationDomainOrigin, TESSELLATION_DOMAIN_ORIGIN_UPPER_LEFT, TESSELLATION_DOMAIN_ORIGIN_LOWER_LEFT, SamplerYcbcrModelConversion, SAMPLER_YCBCR_MODEL_CONVERSION_RGB_IDENTITY, SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_IDENTITY, SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_709, SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_601, SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_2020, SamplerYcbcrRange, SAMPLER_YCBCR_RANGE_ITU_FULL, SAMPLER_YCBCR_RANGE_ITU_NARROW, ChromaLocation, CHROMA_LOCATION_COSITED_EVEN, CHROMA_LOCATION_MIDPOINT, BlendOverlapEXT, BLEND_OVERLAP_UNCORRELATED_EXT, BLEND_OVERLAP_DISJOINT_EXT, BLEND_OVERLAP_CONJOINT_EXT, CoverageModulationModeNV, COVERAGE_MODULATION_MODE_NONE_NV, COVERAGE_MODULATION_MODE_RGB_NV, COVERAGE_MODULATION_MODE_ALPHA_NV, COVERAGE_MODULATION_MODE_RGBA_NV, CoverageReductionModeNV, COVERAGE_REDUCTION_MODE_MERGE_NV, COVERAGE_REDUCTION_MODE_TRUNCATE_NV, ValidationCacheHeaderVersionEXT, VALIDATION_CACHE_HEADER_VERSION_ONE_EXT, ShaderInfoTypeAMD, SHADER_INFO_TYPE_STATISTICS_AMD, SHADER_INFO_TYPE_BINARY_AMD, SHADER_INFO_TYPE_DISASSEMBLY_AMD, QueueGlobalPriorityKHR, QUEUE_GLOBAL_PRIORITY_LOW_KHR, QUEUE_GLOBAL_PRIORITY_MEDIUM_KHR, QUEUE_GLOBAL_PRIORITY_HIGH_KHR, QUEUE_GLOBAL_PRIORITY_REALTIME_KHR, ConservativeRasterizationModeEXT, CONSERVATIVE_RASTERIZATION_MODE_DISABLED_EXT, CONSERVATIVE_RASTERIZATION_MODE_OVERESTIMATE_EXT, CONSERVATIVE_RASTERIZATION_MODE_UNDERESTIMATE_EXT, VendorId, VENDOR_ID_VIV, VENDOR_ID_VSI, VENDOR_ID_KAZAN, VENDOR_ID_CODEPLAY, VENDOR_ID_MESA, VENDOR_ID_POCL, DriverId, DRIVER_ID_AMD_PROPRIETARY, DRIVER_ID_AMD_OPEN_SOURCE, DRIVER_ID_MESA_RADV, DRIVER_ID_NVIDIA_PROPRIETARY, DRIVER_ID_INTEL_PROPRIETARY_WINDOWS, DRIVER_ID_INTEL_OPEN_SOURCE_MESA, DRIVER_ID_IMAGINATION_PROPRIETARY, DRIVER_ID_QUALCOMM_PROPRIETARY, DRIVER_ID_ARM_PROPRIETARY, DRIVER_ID_GOOGLE_SWIFTSHADER, DRIVER_ID_GGP_PROPRIETARY, DRIVER_ID_BROADCOM_PROPRIETARY, DRIVER_ID_MESA_LLVMPIPE, DRIVER_ID_MOLTENVK, DRIVER_ID_COREAVI_PROPRIETARY, DRIVER_ID_JUICE_PROPRIETARY, DRIVER_ID_VERISILICON_PROPRIETARY, DRIVER_ID_MESA_TURNIP, DRIVER_ID_MESA_V3DV, DRIVER_ID_MESA_PANVK, DRIVER_ID_SAMSUNG_PROPRIETARY, DRIVER_ID_MESA_VENUS, DRIVER_ID_MESA_DOZEN, DRIVER_ID_MESA_NVK, DRIVER_ID_IMAGINATION_OPEN_SOURCE_MESA, ShadingRatePaletteEntryNV, SHADING_RATE_PALETTE_ENTRY_NO_INVOCATIONS_NV, SHADING_RATE_PALETTE_ENTRY_16_INVOCATIONS_PER_PIXEL_NV, SHADING_RATE_PALETTE_ENTRY_8_INVOCATIONS_PER_PIXEL_NV, SHADING_RATE_PALETTE_ENTRY_4_INVOCATIONS_PER_PIXEL_NV, SHADING_RATE_PALETTE_ENTRY_2_INVOCATIONS_PER_PIXEL_NV, SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_PIXEL_NV, SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_2X1_PIXELS_NV, SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_1X2_PIXELS_NV, SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_2X2_PIXELS_NV, SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_4X2_PIXELS_NV, SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_2X4_PIXELS_NV, SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_4X4_PIXELS_NV, CoarseSampleOrderTypeNV, COARSE_SAMPLE_ORDER_TYPE_DEFAULT_NV, COARSE_SAMPLE_ORDER_TYPE_CUSTOM_NV, COARSE_SAMPLE_ORDER_TYPE_PIXEL_MAJOR_NV, COARSE_SAMPLE_ORDER_TYPE_SAMPLE_MAJOR_NV, CopyAccelerationStructureModeKHR, COPY_ACCELERATION_STRUCTURE_MODE_CLONE_KHR, COPY_ACCELERATION_STRUCTURE_MODE_COMPACT_KHR, COPY_ACCELERATION_STRUCTURE_MODE_SERIALIZE_KHR, COPY_ACCELERATION_STRUCTURE_MODE_DESERIALIZE_KHR, BuildAccelerationStructureModeKHR, BUILD_ACCELERATION_STRUCTURE_MODE_BUILD_KHR, BUILD_ACCELERATION_STRUCTURE_MODE_UPDATE_KHR, AccelerationStructureTypeKHR, ACCELERATION_STRUCTURE_TYPE_TOP_LEVEL_KHR, ACCELERATION_STRUCTURE_TYPE_BOTTOM_LEVEL_KHR, ACCELERATION_STRUCTURE_TYPE_GENERIC_KHR, GeometryTypeKHR, GEOMETRY_TYPE_TRIANGLES_KHR, GEOMETRY_TYPE_AABBS_KHR, GEOMETRY_TYPE_INSTANCES_KHR, AccelerationStructureMemoryRequirementsTypeNV, ACCELERATION_STRUCTURE_MEMORY_REQUIREMENTS_TYPE_OBJECT_NV, ACCELERATION_STRUCTURE_MEMORY_REQUIREMENTS_TYPE_BUILD_SCRATCH_NV, ACCELERATION_STRUCTURE_MEMORY_REQUIREMENTS_TYPE_UPDATE_SCRATCH_NV, AccelerationStructureBuildTypeKHR, ACCELERATION_STRUCTURE_BUILD_TYPE_HOST_KHR, ACCELERATION_STRUCTURE_BUILD_TYPE_DEVICE_KHR, ACCELERATION_STRUCTURE_BUILD_TYPE_HOST_OR_DEVICE_KHR, RayTracingShaderGroupTypeKHR, RAY_TRACING_SHADER_GROUP_TYPE_GENERAL_KHR, RAY_TRACING_SHADER_GROUP_TYPE_TRIANGLES_HIT_GROUP_KHR, RAY_TRACING_SHADER_GROUP_TYPE_PROCEDURAL_HIT_GROUP_KHR, AccelerationStructureCompatibilityKHR, ACCELERATION_STRUCTURE_COMPATIBILITY_COMPATIBLE_KHR, ACCELERATION_STRUCTURE_COMPATIBILITY_INCOMPATIBLE_KHR, ShaderGroupShaderKHR, SHADER_GROUP_SHADER_GENERAL_KHR, SHADER_GROUP_SHADER_CLOSEST_HIT_KHR, SHADER_GROUP_SHADER_ANY_HIT_KHR, SHADER_GROUP_SHADER_INTERSECTION_KHR, MemoryOverallocationBehaviorAMD, MEMORY_OVERALLOCATION_BEHAVIOR_DEFAULT_AMD, MEMORY_OVERALLOCATION_BEHAVIOR_ALLOWED_AMD, MEMORY_OVERALLOCATION_BEHAVIOR_DISALLOWED_AMD, ScopeNV, SCOPE_DEVICE_NV, SCOPE_WORKGROUP_NV, SCOPE_SUBGROUP_NV, SCOPE_QUEUE_FAMILY_NV, ComponentTypeNV, COMPONENT_TYPE_FLOAT16_NV, COMPONENT_TYPE_FLOAT32_NV, COMPONENT_TYPE_FLOAT64_NV, COMPONENT_TYPE_SINT8_NV, COMPONENT_TYPE_SINT16_NV, COMPONENT_TYPE_SINT32_NV, COMPONENT_TYPE_SINT64_NV, COMPONENT_TYPE_UINT8_NV, COMPONENT_TYPE_UINT16_NV, COMPONENT_TYPE_UINT32_NV, COMPONENT_TYPE_UINT64_NV, PerformanceCounterScopeKHR, PERFORMANCE_COUNTER_SCOPE_COMMAND_BUFFER_KHR, PERFORMANCE_COUNTER_SCOPE_RENDER_PASS_KHR, PERFORMANCE_COUNTER_SCOPE_COMMAND_KHR, PerformanceCounterUnitKHR, PERFORMANCE_COUNTER_UNIT_GENERIC_KHR, PERFORMANCE_COUNTER_UNIT_PERCENTAGE_KHR, PERFORMANCE_COUNTER_UNIT_NANOSECONDS_KHR, PERFORMANCE_COUNTER_UNIT_BYTES_KHR, PERFORMANCE_COUNTER_UNIT_BYTES_PER_SECOND_KHR, PERFORMANCE_COUNTER_UNIT_KELVIN_KHR, PERFORMANCE_COUNTER_UNIT_WATTS_KHR, PERFORMANCE_COUNTER_UNIT_VOLTS_KHR, PERFORMANCE_COUNTER_UNIT_AMPS_KHR, PERFORMANCE_COUNTER_UNIT_HERTZ_KHR, PERFORMANCE_COUNTER_UNIT_CYCLES_KHR, PerformanceCounterStorageKHR, PERFORMANCE_COUNTER_STORAGE_INT32_KHR, PERFORMANCE_COUNTER_STORAGE_INT64_KHR, PERFORMANCE_COUNTER_STORAGE_UINT32_KHR, PERFORMANCE_COUNTER_STORAGE_UINT64_KHR, PERFORMANCE_COUNTER_STORAGE_FLOAT32_KHR, PERFORMANCE_COUNTER_STORAGE_FLOAT64_KHR, PerformanceConfigurationTypeINTEL, PERFORMANCE_CONFIGURATION_TYPE_COMMAND_QUEUE_METRICS_DISCOVERY_ACTIVATED_INTEL, QueryPoolSamplingModeINTEL, QUERY_POOL_SAMPLING_MODE_MANUAL_INTEL, PerformanceOverrideTypeINTEL, PERFORMANCE_OVERRIDE_TYPE_NULL_HARDWARE_INTEL, PERFORMANCE_OVERRIDE_TYPE_FLUSH_GPU_CACHES_INTEL, PerformanceParameterTypeINTEL, PERFORMANCE_PARAMETER_TYPE_HW_COUNTERS_SUPPORTED_INTEL, PERFORMANCE_PARAMETER_TYPE_STREAM_MARKER_VALID_BITS_INTEL, PerformanceValueTypeINTEL, PERFORMANCE_VALUE_TYPE_UINT32_INTEL, PERFORMANCE_VALUE_TYPE_UINT64_INTEL, PERFORMANCE_VALUE_TYPE_FLOAT_INTEL, PERFORMANCE_VALUE_TYPE_BOOL_INTEL, PERFORMANCE_VALUE_TYPE_STRING_INTEL, ShaderFloatControlsIndependence, SHADER_FLOAT_CONTROLS_INDEPENDENCE_32_BIT_ONLY, SHADER_FLOAT_CONTROLS_INDEPENDENCE_ALL, SHADER_FLOAT_CONTROLS_INDEPENDENCE_NONE, PipelineExecutableStatisticFormatKHR, PIPELINE_EXECUTABLE_STATISTIC_FORMAT_BOOL32_KHR, PIPELINE_EXECUTABLE_STATISTIC_FORMAT_INT64_KHR, PIPELINE_EXECUTABLE_STATISTIC_FORMAT_UINT64_KHR, PIPELINE_EXECUTABLE_STATISTIC_FORMAT_FLOAT64_KHR, LineRasterizationModeEXT, LINE_RASTERIZATION_MODE_DEFAULT_EXT, LINE_RASTERIZATION_MODE_RECTANGULAR_EXT, LINE_RASTERIZATION_MODE_BRESENHAM_EXT, LINE_RASTERIZATION_MODE_RECTANGULAR_SMOOTH_EXT, FragmentShadingRateCombinerOpKHR, FRAGMENT_SHADING_RATE_COMBINER_OP_KEEP_KHR, FRAGMENT_SHADING_RATE_COMBINER_OP_REPLACE_KHR, FRAGMENT_SHADING_RATE_COMBINER_OP_MIN_KHR, FRAGMENT_SHADING_RATE_COMBINER_OP_MAX_KHR, FRAGMENT_SHADING_RATE_COMBINER_OP_MUL_KHR, FragmentShadingRateNV, FRAGMENT_SHADING_RATE_1_INVOCATION_PER_PIXEL_NV, FRAGMENT_SHADING_RATE_1_INVOCATION_PER_1X2_PIXELS_NV, FRAGMENT_SHADING_RATE_1_INVOCATION_PER_2X1_PIXELS_NV, FRAGMENT_SHADING_RATE_1_INVOCATION_PER_2X2_PIXELS_NV, FRAGMENT_SHADING_RATE_1_INVOCATION_PER_2X4_PIXELS_NV, FRAGMENT_SHADING_RATE_1_INVOCATION_PER_4X2_PIXELS_NV, FRAGMENT_SHADING_RATE_1_INVOCATION_PER_4X4_PIXELS_NV, FRAGMENT_SHADING_RATE_2_INVOCATIONS_PER_PIXEL_NV, FRAGMENT_SHADING_RATE_4_INVOCATIONS_PER_PIXEL_NV, FRAGMENT_SHADING_RATE_8_INVOCATIONS_PER_PIXEL_NV, FRAGMENT_SHADING_RATE_16_INVOCATIONS_PER_PIXEL_NV, FRAGMENT_SHADING_RATE_NO_INVOCATIONS_NV, FragmentShadingRateTypeNV, FRAGMENT_SHADING_RATE_TYPE_FRAGMENT_SIZE_NV, FRAGMENT_SHADING_RATE_TYPE_ENUMS_NV, SubpassMergeStatusEXT, SUBPASS_MERGE_STATUS_MERGED_EXT, SUBPASS_MERGE_STATUS_DISALLOWED_EXT, SUBPASS_MERGE_STATUS_NOT_MERGED_SIDE_EFFECTS_EXT, SUBPASS_MERGE_STATUS_NOT_MERGED_SAMPLES_MISMATCH_EXT, SUBPASS_MERGE_STATUS_NOT_MERGED_VIEWS_MISMATCH_EXT, SUBPASS_MERGE_STATUS_NOT_MERGED_ALIASING_EXT, SUBPASS_MERGE_STATUS_NOT_MERGED_DEPENDENCIES_EXT, SUBPASS_MERGE_STATUS_NOT_MERGED_INCOMPATIBLE_INPUT_ATTACHMENT_EXT, SUBPASS_MERGE_STATUS_NOT_MERGED_TOO_MANY_ATTACHMENTS_EXT, SUBPASS_MERGE_STATUS_NOT_MERGED_INSUFFICIENT_STORAGE_EXT, SUBPASS_MERGE_STATUS_NOT_MERGED_DEPTH_STENCIL_COUNT_EXT, SUBPASS_MERGE_STATUS_NOT_MERGED_RESOLVE_ATTACHMENT_REUSE_EXT, SUBPASS_MERGE_STATUS_NOT_MERGED_SINGLE_SUBPASS_EXT, SUBPASS_MERGE_STATUS_NOT_MERGED_UNSPECIFIED_EXT, ProvokingVertexModeEXT, PROVOKING_VERTEX_MODE_FIRST_VERTEX_EXT, PROVOKING_VERTEX_MODE_LAST_VERTEX_EXT, AccelerationStructureMotionInstanceTypeNV, ACCELERATION_STRUCTURE_MOTION_INSTANCE_TYPE_STATIC_NV, ACCELERATION_STRUCTURE_MOTION_INSTANCE_TYPE_MATRIX_MOTION_NV, ACCELERATION_STRUCTURE_MOTION_INSTANCE_TYPE_SRT_MOTION_NV, DeviceAddressBindingTypeEXT, DEVICE_ADDRESS_BINDING_TYPE_BIND_EXT, DEVICE_ADDRESS_BINDING_TYPE_UNBIND_EXT, QueryResultStatusKHR, QUERY_RESULT_STATUS_ERROR_KHR, QUERY_RESULT_STATUS_NOT_READY_KHR, QUERY_RESULT_STATUS_COMPLETE_KHR, PipelineRobustnessBufferBehaviorEXT, PIPELINE_ROBUSTNESS_BUFFER_BEHAVIOR_DEVICE_DEFAULT_EXT, PIPELINE_ROBUSTNESS_BUFFER_BEHAVIOR_DISABLED_EXT, PIPELINE_ROBUSTNESS_BUFFER_BEHAVIOR_ROBUST_BUFFER_ACCESS_EXT, PIPELINE_ROBUSTNESS_BUFFER_BEHAVIOR_ROBUST_BUFFER_ACCESS_2_EXT, PipelineRobustnessImageBehaviorEXT, PIPELINE_ROBUSTNESS_IMAGE_BEHAVIOR_DEVICE_DEFAULT_EXT, PIPELINE_ROBUSTNESS_IMAGE_BEHAVIOR_DISABLED_EXT, PIPELINE_ROBUSTNESS_IMAGE_BEHAVIOR_ROBUST_IMAGE_ACCESS_EXT, PIPELINE_ROBUSTNESS_IMAGE_BEHAVIOR_ROBUST_IMAGE_ACCESS_2_EXT, OpticalFlowPerformanceLevelNV, OPTICAL_FLOW_PERFORMANCE_LEVEL_UNKNOWN_NV, OPTICAL_FLOW_PERFORMANCE_LEVEL_SLOW_NV, OPTICAL_FLOW_PERFORMANCE_LEVEL_MEDIUM_NV, OPTICAL_FLOW_PERFORMANCE_LEVEL_FAST_NV, OpticalFlowSessionBindingPointNV, OPTICAL_FLOW_SESSION_BINDING_POINT_UNKNOWN_NV, OPTICAL_FLOW_SESSION_BINDING_POINT_INPUT_NV, OPTICAL_FLOW_SESSION_BINDING_POINT_REFERENCE_NV, OPTICAL_FLOW_SESSION_BINDING_POINT_HINT_NV, OPTICAL_FLOW_SESSION_BINDING_POINT_FLOW_VECTOR_NV, OPTICAL_FLOW_SESSION_BINDING_POINT_BACKWARD_FLOW_VECTOR_NV, OPTICAL_FLOW_SESSION_BINDING_POINT_COST_NV, OPTICAL_FLOW_SESSION_BINDING_POINT_BACKWARD_COST_NV, OPTICAL_FLOW_SESSION_BINDING_POINT_GLOBAL_FLOW_NV, MicromapTypeEXT, MICROMAP_TYPE_OPACITY_MICROMAP_EXT, CopyMicromapModeEXT, COPY_MICROMAP_MODE_CLONE_EXT, COPY_MICROMAP_MODE_SERIALIZE_EXT, COPY_MICROMAP_MODE_DESERIALIZE_EXT, COPY_MICROMAP_MODE_COMPACT_EXT, BuildMicromapModeEXT, BUILD_MICROMAP_MODE_BUILD_EXT, OpacityMicromapFormatEXT, OPACITY_MICROMAP_FORMAT_2_STATE_EXT, OPACITY_MICROMAP_FORMAT_4_STATE_EXT, OpacityMicromapSpecialIndexEXT, OPACITY_MICROMAP_SPECIAL_INDEX_FULLY_TRANSPARENT_EXT, OPACITY_MICROMAP_SPECIAL_INDEX_FULLY_OPAQUE_EXT, OPACITY_MICROMAP_SPECIAL_INDEX_FULLY_UNKNOWN_TRANSPARENT_EXT, OPACITY_MICROMAP_SPECIAL_INDEX_FULLY_UNKNOWN_OPAQUE_EXT, DeviceFaultAddressTypeEXT, DEVICE_FAULT_ADDRESS_TYPE_NONE_EXT, DEVICE_FAULT_ADDRESS_TYPE_READ_INVALID_EXT, DEVICE_FAULT_ADDRESS_TYPE_WRITE_INVALID_EXT, DEVICE_FAULT_ADDRESS_TYPE_EXECUTE_INVALID_EXT, DEVICE_FAULT_ADDRESS_TYPE_INSTRUCTION_POINTER_UNKNOWN_EXT, DEVICE_FAULT_ADDRESS_TYPE_INSTRUCTION_POINTER_INVALID_EXT, DEVICE_FAULT_ADDRESS_TYPE_INSTRUCTION_POINTER_FAULT_EXT, DeviceFaultVendorBinaryHeaderVersionEXT, DEVICE_FAULT_VENDOR_BINARY_HEADER_VERSION_ONE_EXT, PipelineCacheCreateFlag, PIPELINE_CACHE_CREATE_EXTERNALLY_SYNCHRONIZED_BIT, QueueFlag, QUEUE_GRAPHICS_BIT, QUEUE_COMPUTE_BIT, QUEUE_TRANSFER_BIT, QUEUE_SPARSE_BINDING_BIT, QUEUE_PROTECTED_BIT, QUEUE_VIDEO_DECODE_BIT_KHR, QUEUE_VIDEO_ENCODE_BIT_KHR, QUEUE_OPTICAL_FLOW_BIT_NV, CullModeFlag, CULL_MODE_FRONT_BIT, CULL_MODE_BACK_BIT, CULL_MODE_NONE, CULL_MODE_FRONT_AND_BACK, RenderPassCreateFlag, RENDER_PASS_CREATE_TRANSFORM_BIT_QCOM, DeviceQueueCreateFlag, DEVICE_QUEUE_CREATE_PROTECTED_BIT, MemoryPropertyFlag, MEMORY_PROPERTY_DEVICE_LOCAL_BIT, MEMORY_PROPERTY_HOST_VISIBLE_BIT, MEMORY_PROPERTY_HOST_COHERENT_BIT, MEMORY_PROPERTY_HOST_CACHED_BIT, MEMORY_PROPERTY_LAZILY_ALLOCATED_BIT, MEMORY_PROPERTY_PROTECTED_BIT, MEMORY_PROPERTY_DEVICE_COHERENT_BIT_AMD, MEMORY_PROPERTY_DEVICE_UNCACHED_BIT_AMD, MEMORY_PROPERTY_RDMA_CAPABLE_BIT_NV, MemoryHeapFlag, MEMORY_HEAP_DEVICE_LOCAL_BIT, MEMORY_HEAP_MULTI_INSTANCE_BIT, AccessFlag, ACCESS_INDIRECT_COMMAND_READ_BIT, ACCESS_INDEX_READ_BIT, ACCESS_VERTEX_ATTRIBUTE_READ_BIT, ACCESS_UNIFORM_READ_BIT, ACCESS_INPUT_ATTACHMENT_READ_BIT, ACCESS_SHADER_READ_BIT, ACCESS_SHADER_WRITE_BIT, ACCESS_COLOR_ATTACHMENT_READ_BIT, ACCESS_COLOR_ATTACHMENT_WRITE_BIT, ACCESS_DEPTH_STENCIL_ATTACHMENT_READ_BIT, ACCESS_DEPTH_STENCIL_ATTACHMENT_WRITE_BIT, ACCESS_TRANSFER_READ_BIT, ACCESS_TRANSFER_WRITE_BIT, ACCESS_HOST_READ_BIT, ACCESS_HOST_WRITE_BIT, ACCESS_MEMORY_READ_BIT, ACCESS_MEMORY_WRITE_BIT, ACCESS_TRANSFORM_FEEDBACK_WRITE_BIT_EXT, ACCESS_TRANSFORM_FEEDBACK_COUNTER_READ_BIT_EXT, ACCESS_TRANSFORM_FEEDBACK_COUNTER_WRITE_BIT_EXT, ACCESS_CONDITIONAL_RENDERING_READ_BIT_EXT, ACCESS_COLOR_ATTACHMENT_READ_NONCOHERENT_BIT_EXT, ACCESS_ACCELERATION_STRUCTURE_READ_BIT_KHR, ACCESS_ACCELERATION_STRUCTURE_WRITE_BIT_KHR, ACCESS_FRAGMENT_DENSITY_MAP_READ_BIT_EXT, ACCESS_FRAGMENT_SHADING_RATE_ATTACHMENT_READ_BIT_KHR, ACCESS_COMMAND_PREPROCESS_READ_BIT_NV, ACCESS_COMMAND_PREPROCESS_WRITE_BIT_NV, ACCESS_NONE, BufferUsageFlag, BUFFER_USAGE_TRANSFER_SRC_BIT, BUFFER_USAGE_TRANSFER_DST_BIT, BUFFER_USAGE_UNIFORM_TEXEL_BUFFER_BIT, BUFFER_USAGE_STORAGE_TEXEL_BUFFER_BIT, BUFFER_USAGE_UNIFORM_BUFFER_BIT, BUFFER_USAGE_STORAGE_BUFFER_BIT, BUFFER_USAGE_INDEX_BUFFER_BIT, BUFFER_USAGE_VERTEX_BUFFER_BIT, BUFFER_USAGE_INDIRECT_BUFFER_BIT, BUFFER_USAGE_SHADER_DEVICE_ADDRESS_BIT, BUFFER_USAGE_VIDEO_DECODE_SRC_BIT_KHR, BUFFER_USAGE_VIDEO_DECODE_DST_BIT_KHR, BUFFER_USAGE_TRANSFORM_FEEDBACK_BUFFER_BIT_EXT, BUFFER_USAGE_TRANSFORM_FEEDBACK_COUNTER_BUFFER_BIT_EXT, BUFFER_USAGE_CONDITIONAL_RENDERING_BIT_EXT, BUFFER_USAGE_ACCELERATION_STRUCTURE_BUILD_INPUT_READ_ONLY_BIT_KHR, BUFFER_USAGE_ACCELERATION_STRUCTURE_STORAGE_BIT_KHR, BUFFER_USAGE_SHADER_BINDING_TABLE_BIT_KHR, BUFFER_USAGE_VIDEO_ENCODE_DST_BIT_KHR, BUFFER_USAGE_VIDEO_ENCODE_SRC_BIT_KHR, BUFFER_USAGE_SAMPLER_DESCRIPTOR_BUFFER_BIT_EXT, BUFFER_USAGE_RESOURCE_DESCRIPTOR_BUFFER_BIT_EXT, BUFFER_USAGE_PUSH_DESCRIPTORS_DESCRIPTOR_BUFFER_BIT_EXT, BUFFER_USAGE_MICROMAP_BUILD_INPUT_READ_ONLY_BIT_EXT, BUFFER_USAGE_MICROMAP_STORAGE_BIT_EXT, BufferCreateFlag, BUFFER_CREATE_SPARSE_BINDING_BIT, BUFFER_CREATE_SPARSE_RESIDENCY_BIT, BUFFER_CREATE_SPARSE_ALIASED_BIT, BUFFER_CREATE_PROTECTED_BIT, BUFFER_CREATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT, BUFFER_CREATE_DESCRIPTOR_BUFFER_CAPTURE_REPLAY_BIT_EXT, ShaderStageFlag, SHADER_STAGE_VERTEX_BIT, SHADER_STAGE_TESSELLATION_CONTROL_BIT, SHADER_STAGE_TESSELLATION_EVALUATION_BIT, SHADER_STAGE_GEOMETRY_BIT, SHADER_STAGE_FRAGMENT_BIT, SHADER_STAGE_COMPUTE_BIT, SHADER_STAGE_RAYGEN_BIT_KHR, SHADER_STAGE_ANY_HIT_BIT_KHR, SHADER_STAGE_CLOSEST_HIT_BIT_KHR, SHADER_STAGE_MISS_BIT_KHR, SHADER_STAGE_INTERSECTION_BIT_KHR, SHADER_STAGE_CALLABLE_BIT_KHR, SHADER_STAGE_TASK_BIT_EXT, SHADER_STAGE_MESH_BIT_EXT, SHADER_STAGE_SUBPASS_SHADING_BIT_HUAWEI, SHADER_STAGE_CLUSTER_CULLING_BIT_HUAWEI, SHADER_STAGE_ALL_GRAPHICS, SHADER_STAGE_ALL, ImageUsageFlag, IMAGE_USAGE_TRANSFER_SRC_BIT, IMAGE_USAGE_TRANSFER_DST_BIT, IMAGE_USAGE_SAMPLED_BIT, IMAGE_USAGE_STORAGE_BIT, IMAGE_USAGE_COLOR_ATTACHMENT_BIT, IMAGE_USAGE_DEPTH_STENCIL_ATTACHMENT_BIT, IMAGE_USAGE_TRANSIENT_ATTACHMENT_BIT, IMAGE_USAGE_INPUT_ATTACHMENT_BIT, IMAGE_USAGE_VIDEO_DECODE_DST_BIT_KHR, IMAGE_USAGE_VIDEO_DECODE_SRC_BIT_KHR, IMAGE_USAGE_VIDEO_DECODE_DPB_BIT_KHR, IMAGE_USAGE_FRAGMENT_DENSITY_MAP_BIT_EXT, IMAGE_USAGE_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR, IMAGE_USAGE_VIDEO_ENCODE_DST_BIT_KHR, IMAGE_USAGE_VIDEO_ENCODE_SRC_BIT_KHR, IMAGE_USAGE_VIDEO_ENCODE_DPB_BIT_KHR, IMAGE_USAGE_ATTACHMENT_FEEDBACK_LOOP_BIT_EXT, IMAGE_USAGE_INVOCATION_MASK_BIT_HUAWEI, IMAGE_USAGE_SAMPLE_WEIGHT_BIT_QCOM, IMAGE_USAGE_SAMPLE_BLOCK_MATCH_BIT_QCOM, ImageCreateFlag, IMAGE_CREATE_SPARSE_BINDING_BIT, IMAGE_CREATE_SPARSE_RESIDENCY_BIT, IMAGE_CREATE_SPARSE_ALIASED_BIT, IMAGE_CREATE_MUTABLE_FORMAT_BIT, IMAGE_CREATE_CUBE_COMPATIBLE_BIT, IMAGE_CREATE_ALIAS_BIT, IMAGE_CREATE_SPLIT_INSTANCE_BIND_REGIONS_BIT, IMAGE_CREATE_2D_ARRAY_COMPATIBLE_BIT, IMAGE_CREATE_BLOCK_TEXEL_VIEW_COMPATIBLE_BIT, IMAGE_CREATE_EXTENDED_USAGE_BIT, IMAGE_CREATE_PROTECTED_BIT, IMAGE_CREATE_DISJOINT_BIT, IMAGE_CREATE_CORNER_SAMPLED_BIT_NV, IMAGE_CREATE_SAMPLE_LOCATIONS_COMPATIBLE_DEPTH_BIT_EXT, IMAGE_CREATE_SUBSAMPLED_BIT_EXT, IMAGE_CREATE_DESCRIPTOR_BUFFER_CAPTURE_REPLAY_BIT_EXT, IMAGE_CREATE_MULTISAMPLED_RENDER_TO_SINGLE_SAMPLED_BIT_EXT, IMAGE_CREATE_2D_VIEW_COMPATIBLE_BIT_EXT, IMAGE_CREATE_FRAGMENT_DENSITY_MAP_OFFSET_BIT_QCOM, ImageViewCreateFlag, IMAGE_VIEW_CREATE_FRAGMENT_DENSITY_MAP_DYNAMIC_BIT_EXT, IMAGE_VIEW_CREATE_DESCRIPTOR_BUFFER_CAPTURE_REPLAY_BIT_EXT, IMAGE_VIEW_CREATE_FRAGMENT_DENSITY_MAP_DEFERRED_BIT_EXT, SamplerCreateFlag, SAMPLER_CREATE_SUBSAMPLED_BIT_EXT, SAMPLER_CREATE_SUBSAMPLED_COARSE_RECONSTRUCTION_BIT_EXT, SAMPLER_CREATE_DESCRIPTOR_BUFFER_CAPTURE_REPLAY_BIT_EXT, SAMPLER_CREATE_NON_SEAMLESS_CUBE_MAP_BIT_EXT, SAMPLER_CREATE_IMAGE_PROCESSING_BIT_QCOM, PipelineCreateFlag, PIPELINE_CREATE_DISABLE_OPTIMIZATION_BIT, PIPELINE_CREATE_ALLOW_DERIVATIVES_BIT, PIPELINE_CREATE_DERIVATIVE_BIT, PIPELINE_CREATE_VIEW_INDEX_FROM_DEVICE_INDEX_BIT, PIPELINE_CREATE_DISPATCH_BASE_BIT, PIPELINE_CREATE_FAIL_ON_PIPELINE_COMPILE_REQUIRED_BIT, PIPELINE_CREATE_EARLY_RETURN_ON_FAILURE_BIT, PIPELINE_CREATE_RENDERING_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR, PIPELINE_CREATE_RENDERING_FRAGMENT_DENSITY_MAP_ATTACHMENT_BIT_EXT, PIPELINE_CREATE_RAY_TRACING_NO_NULL_ANY_HIT_SHADERS_BIT_KHR, PIPELINE_CREATE_RAY_TRACING_NO_NULL_CLOSEST_HIT_SHADERS_BIT_KHR, PIPELINE_CREATE_RAY_TRACING_NO_NULL_MISS_SHADERS_BIT_KHR, PIPELINE_CREATE_RAY_TRACING_NO_NULL_INTERSECTION_SHADERS_BIT_KHR, PIPELINE_CREATE_RAY_TRACING_SKIP_TRIANGLES_BIT_KHR, PIPELINE_CREATE_RAY_TRACING_SKIP_AABBS_BIT_KHR, PIPELINE_CREATE_RAY_TRACING_SHADER_GROUP_HANDLE_CAPTURE_REPLAY_BIT_KHR, PIPELINE_CREATE_DEFER_COMPILE_BIT_NV, PIPELINE_CREATE_CAPTURE_STATISTICS_BIT_KHR, PIPELINE_CREATE_CAPTURE_INTERNAL_REPRESENTATIONS_BIT_KHR, PIPELINE_CREATE_INDIRECT_BINDABLE_BIT_NV, PIPELINE_CREATE_LIBRARY_BIT_KHR, PIPELINE_CREATE_DESCRIPTOR_BUFFER_BIT_EXT, PIPELINE_CREATE_RETAIN_LINK_TIME_OPTIMIZATION_INFO_BIT_EXT, PIPELINE_CREATE_LINK_TIME_OPTIMIZATION_BIT_EXT, PIPELINE_CREATE_RAY_TRACING_ALLOW_MOTION_BIT_NV, PIPELINE_CREATE_COLOR_ATTACHMENT_FEEDBACK_LOOP_BIT_EXT, PIPELINE_CREATE_DEPTH_STENCIL_ATTACHMENT_FEEDBACK_LOOP_BIT_EXT, PIPELINE_CREATE_RAY_TRACING_OPACITY_MICROMAP_BIT_EXT, PIPELINE_CREATE_NO_PROTECTED_ACCESS_BIT_EXT, PIPELINE_CREATE_PROTECTED_ACCESS_ONLY_BIT_EXT, PipelineShaderStageCreateFlag, PIPELINE_SHADER_STAGE_CREATE_ALLOW_VARYING_SUBGROUP_SIZE_BIT, PIPELINE_SHADER_STAGE_CREATE_REQUIRE_FULL_SUBGROUPS_BIT, ColorComponentFlag, COLOR_COMPONENT_R_BIT, COLOR_COMPONENT_G_BIT, COLOR_COMPONENT_B_BIT, COLOR_COMPONENT_A_BIT, FenceCreateFlag, FENCE_CREATE_SIGNALED_BIT, SemaphoreCreateFlag, FormatFeatureFlag, FORMAT_FEATURE_SAMPLED_IMAGE_BIT, FORMAT_FEATURE_STORAGE_IMAGE_BIT, FORMAT_FEATURE_STORAGE_IMAGE_ATOMIC_BIT, FORMAT_FEATURE_UNIFORM_TEXEL_BUFFER_BIT, FORMAT_FEATURE_STORAGE_TEXEL_BUFFER_BIT, FORMAT_FEATURE_STORAGE_TEXEL_BUFFER_ATOMIC_BIT, FORMAT_FEATURE_VERTEX_BUFFER_BIT, FORMAT_FEATURE_COLOR_ATTACHMENT_BIT, FORMAT_FEATURE_COLOR_ATTACHMENT_BLEND_BIT, FORMAT_FEATURE_DEPTH_STENCIL_ATTACHMENT_BIT, FORMAT_FEATURE_BLIT_SRC_BIT, FORMAT_FEATURE_BLIT_DST_BIT, FORMAT_FEATURE_SAMPLED_IMAGE_FILTER_LINEAR_BIT, FORMAT_FEATURE_TRANSFER_SRC_BIT, FORMAT_FEATURE_TRANSFER_DST_BIT, FORMAT_FEATURE_MIDPOINT_CHROMA_SAMPLES_BIT, FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_LINEAR_FILTER_BIT, FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_SEPARATE_RECONSTRUCTION_FILTER_BIT, FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_BIT, FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_FORCEABLE_BIT, FORMAT_FEATURE_DISJOINT_BIT, FORMAT_FEATURE_COSITED_CHROMA_SAMPLES_BIT, FORMAT_FEATURE_SAMPLED_IMAGE_FILTER_MINMAX_BIT, FORMAT_FEATURE_VIDEO_DECODE_OUTPUT_BIT_KHR, FORMAT_FEATURE_VIDEO_DECODE_DPB_BIT_KHR, FORMAT_FEATURE_ACCELERATION_STRUCTURE_VERTEX_BUFFER_BIT_KHR, FORMAT_FEATURE_SAMPLED_IMAGE_FILTER_CUBIC_BIT_EXT, FORMAT_FEATURE_FRAGMENT_DENSITY_MAP_BIT_EXT, FORMAT_FEATURE_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR, FORMAT_FEATURE_VIDEO_ENCODE_INPUT_BIT_KHR, FORMAT_FEATURE_VIDEO_ENCODE_DPB_BIT_KHR, QueryControlFlag, QUERY_CONTROL_PRECISE_BIT, QueryResultFlag, QUERY_RESULT_64_BIT, QUERY_RESULT_WAIT_BIT, QUERY_RESULT_WITH_AVAILABILITY_BIT, QUERY_RESULT_PARTIAL_BIT, QUERY_RESULT_WITH_STATUS_BIT_KHR, CommandBufferUsageFlag, COMMAND_BUFFER_USAGE_ONE_TIME_SUBMIT_BIT, COMMAND_BUFFER_USAGE_RENDER_PASS_CONTINUE_BIT, COMMAND_BUFFER_USAGE_SIMULTANEOUS_USE_BIT, QueryPipelineStatisticFlag, QUERY_PIPELINE_STATISTIC_INPUT_ASSEMBLY_VERTICES_BIT, QUERY_PIPELINE_STATISTIC_INPUT_ASSEMBLY_PRIMITIVES_BIT, QUERY_PIPELINE_STATISTIC_VERTEX_SHADER_INVOCATIONS_BIT, QUERY_PIPELINE_STATISTIC_GEOMETRY_SHADER_INVOCATIONS_BIT, QUERY_PIPELINE_STATISTIC_GEOMETRY_SHADER_PRIMITIVES_BIT, QUERY_PIPELINE_STATISTIC_CLIPPING_INVOCATIONS_BIT, QUERY_PIPELINE_STATISTIC_CLIPPING_PRIMITIVES_BIT, QUERY_PIPELINE_STATISTIC_FRAGMENT_SHADER_INVOCATIONS_BIT, QUERY_PIPELINE_STATISTIC_TESSELLATION_CONTROL_SHADER_PATCHES_BIT, QUERY_PIPELINE_STATISTIC_TESSELLATION_EVALUATION_SHADER_INVOCATIONS_BIT, QUERY_PIPELINE_STATISTIC_COMPUTE_SHADER_INVOCATIONS_BIT, QUERY_PIPELINE_STATISTIC_TASK_SHADER_INVOCATIONS_BIT_EXT, QUERY_PIPELINE_STATISTIC_MESH_SHADER_INVOCATIONS_BIT_EXT, QUERY_PIPELINE_STATISTIC_CLUSTER_CULLING_SHADER_INVOCATIONS_BIT_HUAWEI, ImageAspectFlag, IMAGE_ASPECT_COLOR_BIT, IMAGE_ASPECT_DEPTH_BIT, IMAGE_ASPECT_STENCIL_BIT, IMAGE_ASPECT_METADATA_BIT, IMAGE_ASPECT_PLANE_0_BIT, IMAGE_ASPECT_PLANE_1_BIT, IMAGE_ASPECT_PLANE_2_BIT, IMAGE_ASPECT_MEMORY_PLANE_0_BIT_EXT, IMAGE_ASPECT_MEMORY_PLANE_1_BIT_EXT, IMAGE_ASPECT_MEMORY_PLANE_2_BIT_EXT, IMAGE_ASPECT_MEMORY_PLANE_3_BIT_EXT, IMAGE_ASPECT_NONE, SparseImageFormatFlag, SPARSE_IMAGE_FORMAT_SINGLE_MIPTAIL_BIT, SPARSE_IMAGE_FORMAT_ALIGNED_MIP_SIZE_BIT, SPARSE_IMAGE_FORMAT_NONSTANDARD_BLOCK_SIZE_BIT, SparseMemoryBindFlag, SPARSE_MEMORY_BIND_METADATA_BIT, PipelineStageFlag, PIPELINE_STAGE_TOP_OF_PIPE_BIT, PIPELINE_STAGE_DRAW_INDIRECT_BIT, PIPELINE_STAGE_VERTEX_INPUT_BIT, PIPELINE_STAGE_VERTEX_SHADER_BIT, PIPELINE_STAGE_TESSELLATION_CONTROL_SHADER_BIT, PIPELINE_STAGE_TESSELLATION_EVALUATION_SHADER_BIT, PIPELINE_STAGE_GEOMETRY_SHADER_BIT, PIPELINE_STAGE_FRAGMENT_SHADER_BIT, PIPELINE_STAGE_EARLY_FRAGMENT_TESTS_BIT, PIPELINE_STAGE_LATE_FRAGMENT_TESTS_BIT, PIPELINE_STAGE_COLOR_ATTACHMENT_OUTPUT_BIT, PIPELINE_STAGE_COMPUTE_SHADER_BIT, PIPELINE_STAGE_TRANSFER_BIT, PIPELINE_STAGE_BOTTOM_OF_PIPE_BIT, PIPELINE_STAGE_HOST_BIT, PIPELINE_STAGE_ALL_GRAPHICS_BIT, PIPELINE_STAGE_ALL_COMMANDS_BIT, PIPELINE_STAGE_TRANSFORM_FEEDBACK_BIT_EXT, PIPELINE_STAGE_CONDITIONAL_RENDERING_BIT_EXT, PIPELINE_STAGE_ACCELERATION_STRUCTURE_BUILD_BIT_KHR, PIPELINE_STAGE_RAY_TRACING_SHADER_BIT_KHR, PIPELINE_STAGE_FRAGMENT_DENSITY_PROCESS_BIT_EXT, PIPELINE_STAGE_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR, PIPELINE_STAGE_COMMAND_PREPROCESS_BIT_NV, PIPELINE_STAGE_TASK_SHADER_BIT_EXT, PIPELINE_STAGE_MESH_SHADER_BIT_EXT, PIPELINE_STAGE_NONE, CommandPoolCreateFlag, COMMAND_POOL_CREATE_TRANSIENT_BIT, COMMAND_POOL_CREATE_RESET_COMMAND_BUFFER_BIT, COMMAND_POOL_CREATE_PROTECTED_BIT, CommandPoolResetFlag, COMMAND_POOL_RESET_RELEASE_RESOURCES_BIT, CommandBufferResetFlag, COMMAND_BUFFER_RESET_RELEASE_RESOURCES_BIT, SampleCountFlag, SAMPLE_COUNT_1_BIT, SAMPLE_COUNT_2_BIT, SAMPLE_COUNT_4_BIT, SAMPLE_COUNT_8_BIT, SAMPLE_COUNT_16_BIT, SAMPLE_COUNT_32_BIT, SAMPLE_COUNT_64_BIT, AttachmentDescriptionFlag, ATTACHMENT_DESCRIPTION_MAY_ALIAS_BIT, StencilFaceFlag, STENCIL_FACE_FRONT_BIT, STENCIL_FACE_BACK_BIT, STENCIL_FACE_FRONT_AND_BACK, DescriptorPoolCreateFlag, DESCRIPTOR_POOL_CREATE_FREE_DESCRIPTOR_SET_BIT, DESCRIPTOR_POOL_CREATE_UPDATE_AFTER_BIND_BIT, DESCRIPTOR_POOL_CREATE_HOST_ONLY_BIT_EXT, DependencyFlag, DEPENDENCY_BY_REGION_BIT, DEPENDENCY_DEVICE_GROUP_BIT, DEPENDENCY_VIEW_LOCAL_BIT, DEPENDENCY_FEEDBACK_LOOP_BIT_EXT, SemaphoreWaitFlag, SEMAPHORE_WAIT_ANY_BIT, DisplayPlaneAlphaFlagKHR, DISPLAY_PLANE_ALPHA_OPAQUE_BIT_KHR, DISPLAY_PLANE_ALPHA_GLOBAL_BIT_KHR, DISPLAY_PLANE_ALPHA_PER_PIXEL_BIT_KHR, DISPLAY_PLANE_ALPHA_PER_PIXEL_PREMULTIPLIED_BIT_KHR, CompositeAlphaFlagKHR, COMPOSITE_ALPHA_OPAQUE_BIT_KHR, COMPOSITE_ALPHA_PRE_MULTIPLIED_BIT_KHR, COMPOSITE_ALPHA_POST_MULTIPLIED_BIT_KHR, COMPOSITE_ALPHA_INHERIT_BIT_KHR, SurfaceTransformFlagKHR, SURFACE_TRANSFORM_IDENTITY_BIT_KHR, SURFACE_TRANSFORM_ROTATE_90_BIT_KHR, SURFACE_TRANSFORM_ROTATE_180_BIT_KHR, SURFACE_TRANSFORM_ROTATE_270_BIT_KHR, SURFACE_TRANSFORM_HORIZONTAL_MIRROR_BIT_KHR, SURFACE_TRANSFORM_HORIZONTAL_MIRROR_ROTATE_90_BIT_KHR, SURFACE_TRANSFORM_HORIZONTAL_MIRROR_ROTATE_180_BIT_KHR, SURFACE_TRANSFORM_HORIZONTAL_MIRROR_ROTATE_270_BIT_KHR, SURFACE_TRANSFORM_INHERIT_BIT_KHR, DebugReportFlagEXT, DEBUG_REPORT_INFORMATION_BIT_EXT, DEBUG_REPORT_WARNING_BIT_EXT, DEBUG_REPORT_PERFORMANCE_WARNING_BIT_EXT, DEBUG_REPORT_ERROR_BIT_EXT, DEBUG_REPORT_DEBUG_BIT_EXT, ExternalMemoryHandleTypeFlagNV, EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_BIT_NV, EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT_NV, EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_IMAGE_BIT_NV, EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_IMAGE_KMT_BIT_NV, ExternalMemoryFeatureFlagNV, EXTERNAL_MEMORY_FEATURE_DEDICATED_ONLY_BIT_NV, EXTERNAL_MEMORY_FEATURE_EXPORTABLE_BIT_NV, EXTERNAL_MEMORY_FEATURE_IMPORTABLE_BIT_NV, SubgroupFeatureFlag, SUBGROUP_FEATURE_BASIC_BIT, SUBGROUP_FEATURE_VOTE_BIT, SUBGROUP_FEATURE_ARITHMETIC_BIT, SUBGROUP_FEATURE_BALLOT_BIT, SUBGROUP_FEATURE_SHUFFLE_BIT, SUBGROUP_FEATURE_SHUFFLE_RELATIVE_BIT, SUBGROUP_FEATURE_CLUSTERED_BIT, SUBGROUP_FEATURE_QUAD_BIT, SUBGROUP_FEATURE_PARTITIONED_BIT_NV, IndirectCommandsLayoutUsageFlagNV, INDIRECT_COMMANDS_LAYOUT_USAGE_EXPLICIT_PREPROCESS_BIT_NV, INDIRECT_COMMANDS_LAYOUT_USAGE_INDEXED_SEQUENCES_BIT_NV, INDIRECT_COMMANDS_LAYOUT_USAGE_UNORDERED_SEQUENCES_BIT_NV, IndirectStateFlagNV, INDIRECT_STATE_FLAG_FRONTFACE_BIT_NV, PrivateDataSlotCreateFlag, DescriptorSetLayoutCreateFlag, DESCRIPTOR_SET_LAYOUT_CREATE_UPDATE_AFTER_BIND_POOL_BIT, DESCRIPTOR_SET_LAYOUT_CREATE_PUSH_DESCRIPTOR_BIT_KHR, DESCRIPTOR_SET_LAYOUT_CREATE_DESCRIPTOR_BUFFER_BIT_EXT, DESCRIPTOR_SET_LAYOUT_CREATE_EMBEDDED_IMMUTABLE_SAMPLERS_BIT_EXT, DESCRIPTOR_SET_LAYOUT_CREATE_HOST_ONLY_POOL_BIT_EXT, ExternalMemoryHandleTypeFlag, EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_FD_BIT, EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_BIT, EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT, EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_TEXTURE_BIT, EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_TEXTURE_KMT_BIT, EXTERNAL_MEMORY_HANDLE_TYPE_D3D12_HEAP_BIT, EXTERNAL_MEMORY_HANDLE_TYPE_D3D12_RESOURCE_BIT, EXTERNAL_MEMORY_HANDLE_TYPE_DMA_BUF_BIT_EXT, EXTERNAL_MEMORY_HANDLE_TYPE_ANDROID_HARDWARE_BUFFER_BIT_ANDROID, EXTERNAL_MEMORY_HANDLE_TYPE_HOST_ALLOCATION_BIT_EXT, EXTERNAL_MEMORY_HANDLE_TYPE_HOST_MAPPED_FOREIGN_MEMORY_BIT_EXT, EXTERNAL_MEMORY_HANDLE_TYPE_ZIRCON_VMO_BIT_FUCHSIA, EXTERNAL_MEMORY_HANDLE_TYPE_RDMA_ADDRESS_BIT_NV, ExternalMemoryFeatureFlag, EXTERNAL_MEMORY_FEATURE_DEDICATED_ONLY_BIT, EXTERNAL_MEMORY_FEATURE_EXPORTABLE_BIT, EXTERNAL_MEMORY_FEATURE_IMPORTABLE_BIT, ExternalSemaphoreHandleTypeFlag, EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_FD_BIT, EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_WIN32_BIT, EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT, EXTERNAL_SEMAPHORE_HANDLE_TYPE_D3D12_FENCE_BIT, EXTERNAL_SEMAPHORE_HANDLE_TYPE_SYNC_FD_BIT, EXTERNAL_SEMAPHORE_HANDLE_TYPE_ZIRCON_EVENT_BIT_FUCHSIA, ExternalSemaphoreFeatureFlag, EXTERNAL_SEMAPHORE_FEATURE_EXPORTABLE_BIT, EXTERNAL_SEMAPHORE_FEATURE_IMPORTABLE_BIT, SemaphoreImportFlag, SEMAPHORE_IMPORT_TEMPORARY_BIT, ExternalFenceHandleTypeFlag, EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_FD_BIT, EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_WIN32_BIT, EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT, EXTERNAL_FENCE_HANDLE_TYPE_SYNC_FD_BIT, ExternalFenceFeatureFlag, EXTERNAL_FENCE_FEATURE_EXPORTABLE_BIT, EXTERNAL_FENCE_FEATURE_IMPORTABLE_BIT, FenceImportFlag, FENCE_IMPORT_TEMPORARY_BIT, SurfaceCounterFlagEXT, SURFACE_COUNTER_VBLANK_BIT_EXT, PeerMemoryFeatureFlag, PEER_MEMORY_FEATURE_COPY_SRC_BIT, PEER_MEMORY_FEATURE_COPY_DST_BIT, PEER_MEMORY_FEATURE_GENERIC_SRC_BIT, PEER_MEMORY_FEATURE_GENERIC_DST_BIT, MemoryAllocateFlag, MEMORY_ALLOCATE_DEVICE_MASK_BIT, MEMORY_ALLOCATE_DEVICE_ADDRESS_BIT, MEMORY_ALLOCATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT, DeviceGroupPresentModeFlagKHR, DEVICE_GROUP_PRESENT_MODE_LOCAL_BIT_KHR, DEVICE_GROUP_PRESENT_MODE_REMOTE_BIT_KHR, DEVICE_GROUP_PRESENT_MODE_SUM_BIT_KHR, DEVICE_GROUP_PRESENT_MODE_LOCAL_MULTI_DEVICE_BIT_KHR, SwapchainCreateFlagKHR, SWAPCHAIN_CREATE_SPLIT_INSTANCE_BIND_REGIONS_BIT_KHR, SWAPCHAIN_CREATE_PROTECTED_BIT_KHR, SWAPCHAIN_CREATE_MUTABLE_FORMAT_BIT_KHR, SWAPCHAIN_CREATE_DEFERRED_MEMORY_ALLOCATION_BIT_EXT, SubpassDescriptionFlag, SUBPASS_DESCRIPTION_PER_VIEW_ATTRIBUTES_BIT_NVX, SUBPASS_DESCRIPTION_PER_VIEW_POSITION_X_ONLY_BIT_NVX, SUBPASS_DESCRIPTION_FRAGMENT_REGION_BIT_QCOM, SUBPASS_DESCRIPTION_SHADER_RESOLVE_BIT_QCOM, SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_COLOR_ACCESS_BIT_EXT, SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_DEPTH_ACCESS_BIT_EXT, SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_STENCIL_ACCESS_BIT_EXT, SUBPASS_DESCRIPTION_ENABLE_LEGACY_DITHERING_BIT_EXT, DebugUtilsMessageSeverityFlagEXT, DEBUG_UTILS_MESSAGE_SEVERITY_VERBOSE_BIT_EXT, DEBUG_UTILS_MESSAGE_SEVERITY_INFO_BIT_EXT, DEBUG_UTILS_MESSAGE_SEVERITY_WARNING_BIT_EXT, DEBUG_UTILS_MESSAGE_SEVERITY_ERROR_BIT_EXT, DebugUtilsMessageTypeFlagEXT, DEBUG_UTILS_MESSAGE_TYPE_GENERAL_BIT_EXT, DEBUG_UTILS_MESSAGE_TYPE_VALIDATION_BIT_EXT, DEBUG_UTILS_MESSAGE_TYPE_PERFORMANCE_BIT_EXT, DEBUG_UTILS_MESSAGE_TYPE_DEVICE_ADDRESS_BINDING_BIT_EXT, DescriptorBindingFlag, DESCRIPTOR_BINDING_UPDATE_AFTER_BIND_BIT, DESCRIPTOR_BINDING_UPDATE_UNUSED_WHILE_PENDING_BIT, DESCRIPTOR_BINDING_PARTIALLY_BOUND_BIT, DESCRIPTOR_BINDING_VARIABLE_DESCRIPTOR_COUNT_BIT, ConditionalRenderingFlagEXT, CONDITIONAL_RENDERING_INVERTED_BIT_EXT, ResolveModeFlag, RESOLVE_MODE_SAMPLE_ZERO_BIT, RESOLVE_MODE_AVERAGE_BIT, RESOLVE_MODE_MIN_BIT, RESOLVE_MODE_MAX_BIT, RESOLVE_MODE_NONE, GeometryInstanceFlagKHR, GEOMETRY_INSTANCE_TRIANGLE_FACING_CULL_DISABLE_BIT_KHR, GEOMETRY_INSTANCE_TRIANGLE_FLIP_FACING_BIT_KHR, GEOMETRY_INSTANCE_FORCE_OPAQUE_BIT_KHR, GEOMETRY_INSTANCE_FORCE_NO_OPAQUE_BIT_KHR, GEOMETRY_INSTANCE_FORCE_OPACITY_MICROMAP_2_STATE_EXT, GEOMETRY_INSTANCE_DISABLE_OPACITY_MICROMAPS_EXT, GeometryFlagKHR, GEOMETRY_OPAQUE_BIT_KHR, GEOMETRY_NO_DUPLICATE_ANY_HIT_INVOCATION_BIT_KHR, BuildAccelerationStructureFlagKHR, BUILD_ACCELERATION_STRUCTURE_ALLOW_UPDATE_BIT_KHR, BUILD_ACCELERATION_STRUCTURE_ALLOW_COMPACTION_BIT_KHR, BUILD_ACCELERATION_STRUCTURE_PREFER_FAST_TRACE_BIT_KHR, BUILD_ACCELERATION_STRUCTURE_PREFER_FAST_BUILD_BIT_KHR, BUILD_ACCELERATION_STRUCTURE_LOW_MEMORY_BIT_KHR, BUILD_ACCELERATION_STRUCTURE_MOTION_BIT_NV, BUILD_ACCELERATION_STRUCTURE_ALLOW_OPACITY_MICROMAP_UPDATE_EXT, BUILD_ACCELERATION_STRUCTURE_ALLOW_DISABLE_OPACITY_MICROMAPS_EXT, BUILD_ACCELERATION_STRUCTURE_ALLOW_OPACITY_MICROMAP_DATA_UPDATE_EXT, AccelerationStructureCreateFlagKHR, ACCELERATION_STRUCTURE_CREATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT_KHR, ACCELERATION_STRUCTURE_CREATE_DESCRIPTOR_BUFFER_CAPTURE_REPLAY_BIT_EXT, ACCELERATION_STRUCTURE_CREATE_MOTION_BIT_NV, FramebufferCreateFlag, FRAMEBUFFER_CREATE_IMAGELESS_BIT, DeviceDiagnosticsConfigFlagNV, DEVICE_DIAGNOSTICS_CONFIG_ENABLE_SHADER_DEBUG_INFO_BIT_NV, DEVICE_DIAGNOSTICS_CONFIG_ENABLE_RESOURCE_TRACKING_BIT_NV, DEVICE_DIAGNOSTICS_CONFIG_ENABLE_AUTOMATIC_CHECKPOINTS_BIT_NV, DEVICE_DIAGNOSTICS_CONFIG_ENABLE_SHADER_ERROR_REPORTING_BIT_NV, PipelineCreationFeedbackFlag, PIPELINE_CREATION_FEEDBACK_VALID_BIT, PIPELINE_CREATION_FEEDBACK_APPLICATION_PIPELINE_CACHE_HIT_BIT, PIPELINE_CREATION_FEEDBACK_BASE_PIPELINE_ACCELERATION_BIT, MemoryDecompressionMethodFlagNV, MEMORY_DECOMPRESSION_METHOD_GDEFLATE_1_0_BIT_NV, PerformanceCounterDescriptionFlagKHR, PERFORMANCE_COUNTER_DESCRIPTION_PERFORMANCE_IMPACTING_BIT_KHR, PERFORMANCE_COUNTER_DESCRIPTION_CONCURRENTLY_IMPACTED_BIT_KHR, AcquireProfilingLockFlagKHR, ShaderCorePropertiesFlagAMD, ShaderModuleCreateFlag, PipelineCompilerControlFlagAMD, ToolPurposeFlag, TOOL_PURPOSE_VALIDATION_BIT, TOOL_PURPOSE_PROFILING_BIT, TOOL_PURPOSE_TRACING_BIT, TOOL_PURPOSE_ADDITIONAL_FEATURES_BIT, TOOL_PURPOSE_MODIFYING_FEATURES_BIT, TOOL_PURPOSE_DEBUG_REPORTING_BIT_EXT, TOOL_PURPOSE_DEBUG_MARKERS_BIT_EXT, AccessFlag2, ACCESS_2_INDIRECT_COMMAND_READ_BIT, ACCESS_2_INDEX_READ_BIT, ACCESS_2_VERTEX_ATTRIBUTE_READ_BIT, ACCESS_2_UNIFORM_READ_BIT, ACCESS_2_INPUT_ATTACHMENT_READ_BIT, ACCESS_2_SHADER_READ_BIT, ACCESS_2_SHADER_WRITE_BIT, ACCESS_2_COLOR_ATTACHMENT_READ_BIT, ACCESS_2_COLOR_ATTACHMENT_WRITE_BIT, ACCESS_2_DEPTH_STENCIL_ATTACHMENT_READ_BIT, ACCESS_2_DEPTH_STENCIL_ATTACHMENT_WRITE_BIT, ACCESS_2_TRANSFER_READ_BIT, ACCESS_2_TRANSFER_WRITE_BIT, ACCESS_2_HOST_READ_BIT, ACCESS_2_HOST_WRITE_BIT, ACCESS_2_MEMORY_READ_BIT, ACCESS_2_MEMORY_WRITE_BIT, ACCESS_2_SHADER_SAMPLED_READ_BIT, ACCESS_2_SHADER_STORAGE_READ_BIT, ACCESS_2_SHADER_STORAGE_WRITE_BIT, ACCESS_2_VIDEO_DECODE_READ_BIT_KHR, ACCESS_2_VIDEO_DECODE_WRITE_BIT_KHR, ACCESS_2_VIDEO_ENCODE_READ_BIT_KHR, ACCESS_2_VIDEO_ENCODE_WRITE_BIT_KHR, ACCESS_2_TRANSFORM_FEEDBACK_WRITE_BIT_EXT, ACCESS_2_TRANSFORM_FEEDBACK_COUNTER_READ_BIT_EXT, ACCESS_2_TRANSFORM_FEEDBACK_COUNTER_WRITE_BIT_EXT, ACCESS_2_CONDITIONAL_RENDERING_READ_BIT_EXT, ACCESS_2_COMMAND_PREPROCESS_READ_BIT_NV, ACCESS_2_COMMAND_PREPROCESS_WRITE_BIT_NV, ACCESS_2_FRAGMENT_SHADING_RATE_ATTACHMENT_READ_BIT_KHR, ACCESS_2_ACCELERATION_STRUCTURE_READ_BIT_KHR, ACCESS_2_ACCELERATION_STRUCTURE_WRITE_BIT_KHR, ACCESS_2_FRAGMENT_DENSITY_MAP_READ_BIT_EXT, ACCESS_2_COLOR_ATTACHMENT_READ_NONCOHERENT_BIT_EXT, ACCESS_2_DESCRIPTOR_BUFFER_READ_BIT_EXT, ACCESS_2_INVOCATION_MASK_READ_BIT_HUAWEI, ACCESS_2_SHADER_BINDING_TABLE_READ_BIT_KHR, ACCESS_2_MICROMAP_READ_BIT_EXT, ACCESS_2_MICROMAP_WRITE_BIT_EXT, ACCESS_2_OPTICAL_FLOW_READ_BIT_NV, ACCESS_2_OPTICAL_FLOW_WRITE_BIT_NV, ACCESS_2_NONE, PipelineStageFlag2, PIPELINE_STAGE_2_TOP_OF_PIPE_BIT, PIPELINE_STAGE_2_DRAW_INDIRECT_BIT, PIPELINE_STAGE_2_VERTEX_INPUT_BIT, PIPELINE_STAGE_2_VERTEX_SHADER_BIT, PIPELINE_STAGE_2_TESSELLATION_CONTROL_SHADER_BIT, PIPELINE_STAGE_2_TESSELLATION_EVALUATION_SHADER_BIT, PIPELINE_STAGE_2_GEOMETRY_SHADER_BIT, PIPELINE_STAGE_2_FRAGMENT_SHADER_BIT, PIPELINE_STAGE_2_EARLY_FRAGMENT_TESTS_BIT, PIPELINE_STAGE_2_LATE_FRAGMENT_TESTS_BIT, PIPELINE_STAGE_2_COLOR_ATTACHMENT_OUTPUT_BIT, PIPELINE_STAGE_2_COMPUTE_SHADER_BIT, PIPELINE_STAGE_2_ALL_TRANSFER_BIT, PIPELINE_STAGE_2_BOTTOM_OF_PIPE_BIT, PIPELINE_STAGE_2_HOST_BIT, PIPELINE_STAGE_2_ALL_GRAPHICS_BIT, PIPELINE_STAGE_2_ALL_COMMANDS_BIT, PIPELINE_STAGE_2_COPY_BIT, PIPELINE_STAGE_2_RESOLVE_BIT, PIPELINE_STAGE_2_BLIT_BIT, PIPELINE_STAGE_2_CLEAR_BIT, PIPELINE_STAGE_2_INDEX_INPUT_BIT, PIPELINE_STAGE_2_VERTEX_ATTRIBUTE_INPUT_BIT, PIPELINE_STAGE_2_PRE_RASTERIZATION_SHADERS_BIT, PIPELINE_STAGE_2_VIDEO_DECODE_BIT_KHR, PIPELINE_STAGE_2_VIDEO_ENCODE_BIT_KHR, PIPELINE_STAGE_2_TRANSFORM_FEEDBACK_BIT_EXT, PIPELINE_STAGE_2_CONDITIONAL_RENDERING_BIT_EXT, PIPELINE_STAGE_2_COMMAND_PREPROCESS_BIT_NV, PIPELINE_STAGE_2_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR, PIPELINE_STAGE_2_ACCELERATION_STRUCTURE_BUILD_BIT_KHR, PIPELINE_STAGE_2_RAY_TRACING_SHADER_BIT_KHR, PIPELINE_STAGE_2_FRAGMENT_DENSITY_PROCESS_BIT_EXT, PIPELINE_STAGE_2_TASK_SHADER_BIT_EXT, PIPELINE_STAGE_2_MESH_SHADER_BIT_EXT, PIPELINE_STAGE_2_SUBPASS_SHADING_BIT_HUAWEI, PIPELINE_STAGE_2_INVOCATION_MASK_BIT_HUAWEI, PIPELINE_STAGE_2_ACCELERATION_STRUCTURE_COPY_BIT_KHR, PIPELINE_STAGE_2_MICROMAP_BUILD_BIT_EXT, PIPELINE_STAGE_2_CLUSTER_CULLING_SHADER_BIT_HUAWEI, PIPELINE_STAGE_2_OPTICAL_FLOW_BIT_NV, PIPELINE_STAGE_2_NONE, SubmitFlag, SUBMIT_PROTECTED_BIT, EventCreateFlag, EVENT_CREATE_DEVICE_ONLY_BIT, PipelineLayoutCreateFlag, PIPELINE_LAYOUT_CREATE_INDEPENDENT_SETS_BIT_EXT, PipelineColorBlendStateCreateFlag, PIPELINE_COLOR_BLEND_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_ACCESS_BIT_EXT, PipelineDepthStencilStateCreateFlag, PIPELINE_DEPTH_STENCIL_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_DEPTH_ACCESS_BIT_EXT, PIPELINE_DEPTH_STENCIL_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_STENCIL_ACCESS_BIT_EXT, GraphicsPipelineLibraryFlagEXT, GRAPHICS_PIPELINE_LIBRARY_VERTEX_INPUT_INTERFACE_BIT_EXT, GRAPHICS_PIPELINE_LIBRARY_PRE_RASTERIZATION_SHADERS_BIT_EXT, GRAPHICS_PIPELINE_LIBRARY_FRAGMENT_SHADER_BIT_EXT, GRAPHICS_PIPELINE_LIBRARY_FRAGMENT_OUTPUT_INTERFACE_BIT_EXT, DeviceAddressBindingFlagEXT, DEVICE_ADDRESS_BINDING_INTERNAL_OBJECT_BIT_EXT, PresentScalingFlagEXT, PRESENT_SCALING_ONE_TO_ONE_BIT_EXT, PRESENT_SCALING_ASPECT_RATIO_STRETCH_BIT_EXT, PRESENT_SCALING_STRETCH_BIT_EXT, PresentGravityFlagEXT, PRESENT_GRAVITY_MIN_BIT_EXT, PRESENT_GRAVITY_MAX_BIT_EXT, PRESENT_GRAVITY_CENTERED_BIT_EXT, VideoCodecOperationFlagKHR, VIDEO_CODEC_OPERATION_ENCODE_H264_BIT_EXT, VIDEO_CODEC_OPERATION_ENCODE_H265_BIT_EXT, VIDEO_CODEC_OPERATION_DECODE_H264_BIT_KHR, VIDEO_CODEC_OPERATION_DECODE_H265_BIT_KHR, VIDEO_CODEC_OPERATION_NONE_KHR, VideoChromaSubsamplingFlagKHR, VIDEO_CHROMA_SUBSAMPLING_MONOCHROME_BIT_KHR, VIDEO_CHROMA_SUBSAMPLING_420_BIT_KHR, VIDEO_CHROMA_SUBSAMPLING_422_BIT_KHR, VIDEO_CHROMA_SUBSAMPLING_444_BIT_KHR, VIDEO_CHROMA_SUBSAMPLING_INVALID_KHR, VideoComponentBitDepthFlagKHR, VIDEO_COMPONENT_BIT_DEPTH_8_BIT_KHR, VIDEO_COMPONENT_BIT_DEPTH_10_BIT_KHR, VIDEO_COMPONENT_BIT_DEPTH_12_BIT_KHR, VIDEO_COMPONENT_BIT_DEPTH_INVALID_KHR, VideoCapabilityFlagKHR, VIDEO_CAPABILITY_PROTECTED_CONTENT_BIT_KHR, VIDEO_CAPABILITY_SEPARATE_REFERENCE_IMAGES_BIT_KHR, VideoSessionCreateFlagKHR, VIDEO_SESSION_CREATE_PROTECTED_CONTENT_BIT_KHR, VideoDecodeH264PictureLayoutFlagKHR, VIDEO_DECODE_H264_PICTURE_LAYOUT_INTERLACED_INTERLEAVED_LINES_BIT_KHR, VIDEO_DECODE_H264_PICTURE_LAYOUT_INTERLACED_SEPARATE_PLANES_BIT_KHR, VIDEO_DECODE_H264_PICTURE_LAYOUT_PROGRESSIVE_KHR, VideoCodingControlFlagKHR, VIDEO_CODING_CONTROL_RESET_BIT_KHR, VIDEO_CODING_CONTROL_ENCODE_RATE_CONTROL_BIT_KHR, VIDEO_CODING_CONTROL_ENCODE_RATE_CONTROL_LAYER_BIT_KHR, VideoDecodeUsageFlagKHR, VIDEO_DECODE_USAGE_TRANSCODING_BIT_KHR, VIDEO_DECODE_USAGE_OFFLINE_BIT_KHR, VIDEO_DECODE_USAGE_STREAMING_BIT_KHR, VIDEO_DECODE_USAGE_DEFAULT_KHR, VideoDecodeCapabilityFlagKHR, VIDEO_DECODE_CAPABILITY_DPB_AND_OUTPUT_COINCIDE_BIT_KHR, VIDEO_DECODE_CAPABILITY_DPB_AND_OUTPUT_DISTINCT_BIT_KHR, ImageFormatConstraintsFlagFUCHSIA, FormatFeatureFlag2, FORMAT_FEATURE_2_SAMPLED_IMAGE_BIT, FORMAT_FEATURE_2_STORAGE_IMAGE_BIT, FORMAT_FEATURE_2_STORAGE_IMAGE_ATOMIC_BIT, FORMAT_FEATURE_2_UNIFORM_TEXEL_BUFFER_BIT, FORMAT_FEATURE_2_STORAGE_TEXEL_BUFFER_BIT, FORMAT_FEATURE_2_STORAGE_TEXEL_BUFFER_ATOMIC_BIT, FORMAT_FEATURE_2_VERTEX_BUFFER_BIT, FORMAT_FEATURE_2_COLOR_ATTACHMENT_BIT, FORMAT_FEATURE_2_COLOR_ATTACHMENT_BLEND_BIT, FORMAT_FEATURE_2_DEPTH_STENCIL_ATTACHMENT_BIT, FORMAT_FEATURE_2_BLIT_SRC_BIT, FORMAT_FEATURE_2_BLIT_DST_BIT, FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_LINEAR_BIT, FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_CUBIC_BIT, FORMAT_FEATURE_2_TRANSFER_SRC_BIT, FORMAT_FEATURE_2_TRANSFER_DST_BIT, FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_MINMAX_BIT, FORMAT_FEATURE_2_MIDPOINT_CHROMA_SAMPLES_BIT, FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_LINEAR_FILTER_BIT, FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_SEPARATE_RECONSTRUCTION_FILTER_BIT, FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_BIT, FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_FORCEABLE_BIT, FORMAT_FEATURE_2_DISJOINT_BIT, FORMAT_FEATURE_2_COSITED_CHROMA_SAMPLES_BIT, FORMAT_FEATURE_2_STORAGE_READ_WITHOUT_FORMAT_BIT, FORMAT_FEATURE_2_STORAGE_WRITE_WITHOUT_FORMAT_BIT, FORMAT_FEATURE_2_SAMPLED_IMAGE_DEPTH_COMPARISON_BIT, FORMAT_FEATURE_2_VIDEO_DECODE_OUTPUT_BIT_KHR, FORMAT_FEATURE_2_VIDEO_DECODE_DPB_BIT_KHR, FORMAT_FEATURE_2_ACCELERATION_STRUCTURE_VERTEX_BUFFER_BIT_KHR, FORMAT_FEATURE_2_FRAGMENT_DENSITY_MAP_BIT_EXT, FORMAT_FEATURE_2_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR, FORMAT_FEATURE_2_VIDEO_ENCODE_INPUT_BIT_KHR, FORMAT_FEATURE_2_VIDEO_ENCODE_DPB_BIT_KHR, FORMAT_FEATURE_2_LINEAR_COLOR_ATTACHMENT_BIT_NV, FORMAT_FEATURE_2_WEIGHT_IMAGE_BIT_QCOM, FORMAT_FEATURE_2_WEIGHT_SAMPLED_IMAGE_BIT_QCOM, FORMAT_FEATURE_2_BLOCK_MATCHING_BIT_QCOM, FORMAT_FEATURE_2_BOX_FILTER_SAMPLED_BIT_QCOM, FORMAT_FEATURE_2_OPTICAL_FLOW_IMAGE_BIT_NV, FORMAT_FEATURE_2_OPTICAL_FLOW_VECTOR_BIT_NV, FORMAT_FEATURE_2_OPTICAL_FLOW_COST_BIT_NV, RenderingFlag, RENDERING_CONTENTS_SECONDARY_COMMAND_BUFFERS_BIT, RENDERING_SUSPENDING_BIT, RENDERING_RESUMING_BIT, RENDERING_ENABLE_LEGACY_DITHERING_BIT_EXT, ExportMetalObjectTypeFlagEXT, EXPORT_METAL_OBJECT_TYPE_METAL_DEVICE_BIT_EXT, EXPORT_METAL_OBJECT_TYPE_METAL_COMMAND_QUEUE_BIT_EXT, EXPORT_METAL_OBJECT_TYPE_METAL_BUFFER_BIT_EXT, EXPORT_METAL_OBJECT_TYPE_METAL_TEXTURE_BIT_EXT, EXPORT_METAL_OBJECT_TYPE_METAL_IOSURFACE_BIT_EXT, EXPORT_METAL_OBJECT_TYPE_METAL_SHARED_EVENT_BIT_EXT, InstanceCreateFlag, INSTANCE_CREATE_ENUMERATE_PORTABILITY_BIT_KHR, ImageCompressionFlagEXT, IMAGE_COMPRESSION_FIXED_RATE_DEFAULT_EXT, IMAGE_COMPRESSION_FIXED_RATE_EXPLICIT_EXT, IMAGE_COMPRESSION_DISABLED_EXT, IMAGE_COMPRESSION_DEFAULT_EXT, ImageCompressionFixedRateFlagEXT, IMAGE_COMPRESSION_FIXED_RATE_1BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_2BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_3BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_4BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_5BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_6BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_7BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_8BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_9BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_10BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_11BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_12BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_13BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_14BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_15BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_16BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_17BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_18BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_19BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_20BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_21BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_22BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_23BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_24BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_NONE_EXT, OpticalFlowGridSizeFlagNV, OPTICAL_FLOW_GRID_SIZE_1X1_BIT_NV, OPTICAL_FLOW_GRID_SIZE_2X2_BIT_NV, OPTICAL_FLOW_GRID_SIZE_4X4_BIT_NV, OPTICAL_FLOW_GRID_SIZE_8X8_BIT_NV, OPTICAL_FLOW_GRID_SIZE_UNKNOWN_NV, OpticalFlowUsageFlagNV, OPTICAL_FLOW_USAGE_INPUT_BIT_NV, OPTICAL_FLOW_USAGE_OUTPUT_BIT_NV, OPTICAL_FLOW_USAGE_HINT_BIT_NV, OPTICAL_FLOW_USAGE_COST_BIT_NV, OPTICAL_FLOW_USAGE_GLOBAL_FLOW_BIT_NV, OPTICAL_FLOW_USAGE_UNKNOWN_NV, OpticalFlowSessionCreateFlagNV, OPTICAL_FLOW_SESSION_CREATE_ENABLE_HINT_BIT_NV, OPTICAL_FLOW_SESSION_CREATE_ENABLE_COST_BIT_NV, OPTICAL_FLOW_SESSION_CREATE_ENABLE_GLOBAL_FLOW_BIT_NV, OPTICAL_FLOW_SESSION_CREATE_ALLOW_REGIONS_BIT_NV, OPTICAL_FLOW_SESSION_CREATE_BOTH_DIRECTIONS_BIT_NV, OpticalFlowExecuteFlagNV, OPTICAL_FLOW_EXECUTE_DISABLE_TEMPORAL_HINTS_BIT_NV, BuildMicromapFlagEXT, BUILD_MICROMAP_PREFER_FAST_TRACE_BIT_EXT, BUILD_MICROMAP_PREFER_FAST_BUILD_BIT_EXT, BUILD_MICROMAP_ALLOW_COMPACTION_BIT_EXT, MicromapCreateFlagEXT, MICROMAP_CREATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT_EXT, Instance, PhysicalDevice, Device, Queue, CommandBuffer, DeviceMemory, CommandPool, Buffer, BufferView, Image, ImageView, ShaderModule, Pipeline, PipelineLayout, Sampler, DescriptorSet, DescriptorSetLayout, DescriptorPool, Fence, Semaphore, Event, QueryPool, Framebuffer, RenderPass, PipelineCache, IndirectCommandsLayoutNV, DescriptorUpdateTemplate, SamplerYcbcrConversion, ValidationCacheEXT, AccelerationStructureKHR, AccelerationStructureNV, PerformanceConfigurationINTEL, DeferredOperationKHR, PrivateDataSlot, CuModuleNVX, CuFunctionNVX, OpticalFlowSessionNV, MicromapEXT, DisplayKHR, DisplayModeKHR, SurfaceKHR, SwapchainKHR, DebugReportCallbackEXT, DebugUtilsMessengerEXT, VideoSessionKHR, VideoSessionParametersKHR, _BaseOutStructure, _BaseInStructure, _Offset2D, _Offset3D, _Extent2D, _Extent3D, _Viewport, _Rect2D, _ClearRect, _ComponentMapping, _PhysicalDeviceProperties, _ExtensionProperties, _LayerProperties, _ApplicationInfo, _AllocationCallbacks, _DeviceQueueCreateInfo, _DeviceCreateInfo, _InstanceCreateInfo, _QueueFamilyProperties, _PhysicalDeviceMemoryProperties, _MemoryAllocateInfo, _MemoryRequirements, _SparseImageFormatProperties, _SparseImageMemoryRequirements, _MemoryType, _MemoryHeap, _MappedMemoryRange, _FormatProperties, _ImageFormatProperties, _DescriptorBufferInfo, _DescriptorImageInfo, _WriteDescriptorSet, _CopyDescriptorSet, _BufferCreateInfo, _BufferViewCreateInfo, _ImageSubresource, _ImageSubresourceLayers, _ImageSubresourceRange, _MemoryBarrier, _BufferMemoryBarrier, _ImageMemoryBarrier, _ImageCreateInfo, _SubresourceLayout, _ImageViewCreateInfo, _BufferCopy, _SparseMemoryBind, _SparseImageMemoryBind, _SparseBufferMemoryBindInfo, _SparseImageOpaqueMemoryBindInfo, _SparseImageMemoryBindInfo, _BindSparseInfo, _ImageCopy, _ImageBlit, _BufferImageCopy, _CopyMemoryIndirectCommandNV, _CopyMemoryToImageIndirectCommandNV, _ImageResolve, _ShaderModuleCreateInfo, _DescriptorSetLayoutBinding, _DescriptorSetLayoutCreateInfo, _DescriptorPoolSize, _DescriptorPoolCreateInfo, _DescriptorSetAllocateInfo, _SpecializationMapEntry, _SpecializationInfo, _PipelineShaderStageCreateInfo, _ComputePipelineCreateInfo, _VertexInputBindingDescription, _VertexInputAttributeDescription, _PipelineVertexInputStateCreateInfo, _PipelineInputAssemblyStateCreateInfo, _PipelineTessellationStateCreateInfo, _PipelineViewportStateCreateInfo, _PipelineRasterizationStateCreateInfo, _PipelineMultisampleStateCreateInfo, _PipelineColorBlendAttachmentState, _PipelineColorBlendStateCreateInfo, _PipelineDynamicStateCreateInfo, _StencilOpState, _PipelineDepthStencilStateCreateInfo, _GraphicsPipelineCreateInfo, _PipelineCacheCreateInfo, _PipelineCacheHeaderVersionOne, _PushConstantRange, _PipelineLayoutCreateInfo, _SamplerCreateInfo, _CommandPoolCreateInfo, _CommandBufferAllocateInfo, _CommandBufferInheritanceInfo, _CommandBufferBeginInfo, _RenderPassBeginInfo, _ClearDepthStencilValue, _ClearAttachment, _AttachmentDescription, _AttachmentReference, _SubpassDescription, _SubpassDependency, _RenderPassCreateInfo, _EventCreateInfo, _FenceCreateInfo, _PhysicalDeviceFeatures, _PhysicalDeviceSparseProperties, _PhysicalDeviceLimits, _SemaphoreCreateInfo, _QueryPoolCreateInfo, _FramebufferCreateInfo, _DrawIndirectCommand, _DrawIndexedIndirectCommand, _DispatchIndirectCommand, _MultiDrawInfoEXT, _MultiDrawIndexedInfoEXT, _SubmitInfo, _DisplayPropertiesKHR, _DisplayPlanePropertiesKHR, _DisplayModeParametersKHR, _DisplayModePropertiesKHR, _DisplayModeCreateInfoKHR, _DisplayPlaneCapabilitiesKHR, _DisplaySurfaceCreateInfoKHR, _DisplayPresentInfoKHR, _SurfaceCapabilitiesKHR, _SurfaceFormatKHR, _SwapchainCreateInfoKHR, _PresentInfoKHR, _DebugReportCallbackCreateInfoEXT, _ValidationFlagsEXT, _ValidationFeaturesEXT, _PipelineRasterizationStateRasterizationOrderAMD, _DebugMarkerObjectNameInfoEXT, _DebugMarkerObjectTagInfoEXT, _DebugMarkerMarkerInfoEXT, _DedicatedAllocationImageCreateInfoNV, _DedicatedAllocationBufferCreateInfoNV, _DedicatedAllocationMemoryAllocateInfoNV, _ExternalImageFormatPropertiesNV, _ExternalMemoryImageCreateInfoNV, _ExportMemoryAllocateInfoNV, _PhysicalDeviceDeviceGeneratedCommandsFeaturesNV, _DevicePrivateDataCreateInfo, _PrivateDataSlotCreateInfo, _PhysicalDevicePrivateDataFeatures, _PhysicalDeviceDeviceGeneratedCommandsPropertiesNV, _PhysicalDeviceMultiDrawPropertiesEXT, _GraphicsShaderGroupCreateInfoNV, _GraphicsPipelineShaderGroupsCreateInfoNV, _BindShaderGroupIndirectCommandNV, _BindIndexBufferIndirectCommandNV, _BindVertexBufferIndirectCommandNV, _SetStateFlagsIndirectCommandNV, _IndirectCommandsStreamNV, _IndirectCommandsLayoutTokenNV, _IndirectCommandsLayoutCreateInfoNV, _GeneratedCommandsInfoNV, _GeneratedCommandsMemoryRequirementsInfoNV, _PhysicalDeviceFeatures2, _PhysicalDeviceProperties2, _FormatProperties2, _ImageFormatProperties2, _PhysicalDeviceImageFormatInfo2, _QueueFamilyProperties2, _PhysicalDeviceMemoryProperties2, _SparseImageFormatProperties2, _PhysicalDeviceSparseImageFormatInfo2, _PhysicalDevicePushDescriptorPropertiesKHR, _ConformanceVersion, _PhysicalDeviceDriverProperties, _PresentRegionsKHR, _PresentRegionKHR, _RectLayerKHR, _PhysicalDeviceVariablePointersFeatures, _ExternalMemoryProperties, _PhysicalDeviceExternalImageFormatInfo, _ExternalImageFormatProperties, _PhysicalDeviceExternalBufferInfo, _ExternalBufferProperties, _PhysicalDeviceIDProperties, _ExternalMemoryImageCreateInfo, _ExternalMemoryBufferCreateInfo, _ExportMemoryAllocateInfo, _ImportMemoryFdInfoKHR, _MemoryFdPropertiesKHR, _MemoryGetFdInfoKHR, _PhysicalDeviceExternalSemaphoreInfo, _ExternalSemaphoreProperties, _ExportSemaphoreCreateInfo, _ImportSemaphoreFdInfoKHR, _SemaphoreGetFdInfoKHR, _PhysicalDeviceExternalFenceInfo, _ExternalFenceProperties, _ExportFenceCreateInfo, _ImportFenceFdInfoKHR, _FenceGetFdInfoKHR, _PhysicalDeviceMultiviewFeatures, _PhysicalDeviceMultiviewProperties, _RenderPassMultiviewCreateInfo, _SurfaceCapabilities2EXT, _DisplayPowerInfoEXT, _DeviceEventInfoEXT, _DisplayEventInfoEXT, _SwapchainCounterCreateInfoEXT, _PhysicalDeviceGroupProperties, _MemoryAllocateFlagsInfo, _BindBufferMemoryInfo, _BindBufferMemoryDeviceGroupInfo, _BindImageMemoryInfo, _BindImageMemoryDeviceGroupInfo, _DeviceGroupRenderPassBeginInfo, _DeviceGroupCommandBufferBeginInfo, _DeviceGroupSubmitInfo, _DeviceGroupBindSparseInfo, _DeviceGroupPresentCapabilitiesKHR, _ImageSwapchainCreateInfoKHR, _BindImageMemorySwapchainInfoKHR, _AcquireNextImageInfoKHR, _DeviceGroupPresentInfoKHR, _DeviceGroupDeviceCreateInfo, _DeviceGroupSwapchainCreateInfoKHR, _DescriptorUpdateTemplateEntry, _DescriptorUpdateTemplateCreateInfo, _XYColorEXT, _PhysicalDevicePresentIdFeaturesKHR, _PresentIdKHR, _PhysicalDevicePresentWaitFeaturesKHR, _HdrMetadataEXT, _DisplayNativeHdrSurfaceCapabilitiesAMD, _SwapchainDisplayNativeHdrCreateInfoAMD, _RefreshCycleDurationGOOGLE, _PastPresentationTimingGOOGLE, _PresentTimesInfoGOOGLE, _PresentTimeGOOGLE, _MacOSSurfaceCreateInfoMVK, _MetalSurfaceCreateInfoEXT, _ViewportWScalingNV, _PipelineViewportWScalingStateCreateInfoNV, _ViewportSwizzleNV, _PipelineViewportSwizzleStateCreateInfoNV, _PhysicalDeviceDiscardRectanglePropertiesEXT, _PipelineDiscardRectangleStateCreateInfoEXT, _PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX, _InputAttachmentAspectReference, _RenderPassInputAttachmentAspectCreateInfo, _PhysicalDeviceSurfaceInfo2KHR, _SurfaceCapabilities2KHR, _SurfaceFormat2KHR, _DisplayProperties2KHR, _DisplayPlaneProperties2KHR, _DisplayModeProperties2KHR, _DisplayPlaneInfo2KHR, _DisplayPlaneCapabilities2KHR, _SharedPresentSurfaceCapabilitiesKHR, _PhysicalDevice16BitStorageFeatures, _PhysicalDeviceSubgroupProperties, _PhysicalDeviceShaderSubgroupExtendedTypesFeatures, _BufferMemoryRequirementsInfo2, _DeviceBufferMemoryRequirements, _ImageMemoryRequirementsInfo2, _ImageSparseMemoryRequirementsInfo2, _DeviceImageMemoryRequirements, _MemoryRequirements2, _SparseImageMemoryRequirements2, _PhysicalDevicePointClippingProperties, _MemoryDedicatedRequirements, _MemoryDedicatedAllocateInfo, _ImageViewUsageCreateInfo, _PipelineTessellationDomainOriginStateCreateInfo, _SamplerYcbcrConversionInfo, _SamplerYcbcrConversionCreateInfo, _BindImagePlaneMemoryInfo, _ImagePlaneMemoryRequirementsInfo, _PhysicalDeviceSamplerYcbcrConversionFeatures, _SamplerYcbcrConversionImageFormatProperties, _TextureLODGatherFormatPropertiesAMD, _ConditionalRenderingBeginInfoEXT, _ProtectedSubmitInfo, _PhysicalDeviceProtectedMemoryFeatures, _PhysicalDeviceProtectedMemoryProperties, _DeviceQueueInfo2, _PipelineCoverageToColorStateCreateInfoNV, _PhysicalDeviceSamplerFilterMinmaxProperties, _SampleLocationEXT, _SampleLocationsInfoEXT, _AttachmentSampleLocationsEXT, _SubpassSampleLocationsEXT, _RenderPassSampleLocationsBeginInfoEXT, _PipelineSampleLocationsStateCreateInfoEXT, _PhysicalDeviceSampleLocationsPropertiesEXT, _MultisamplePropertiesEXT, _SamplerReductionModeCreateInfo, _PhysicalDeviceBlendOperationAdvancedFeaturesEXT, _PhysicalDeviceMultiDrawFeaturesEXT, _PhysicalDeviceBlendOperationAdvancedPropertiesEXT, _PipelineColorBlendAdvancedStateCreateInfoEXT, _PhysicalDeviceInlineUniformBlockFeatures, _PhysicalDeviceInlineUniformBlockProperties, _WriteDescriptorSetInlineUniformBlock, _DescriptorPoolInlineUniformBlockCreateInfo, _PipelineCoverageModulationStateCreateInfoNV, _ImageFormatListCreateInfo, _ValidationCacheCreateInfoEXT, _ShaderModuleValidationCacheCreateInfoEXT, _PhysicalDeviceMaintenance3Properties, _PhysicalDeviceMaintenance4Features, _PhysicalDeviceMaintenance4Properties, _DescriptorSetLayoutSupport, _PhysicalDeviceShaderDrawParametersFeatures, _PhysicalDeviceShaderFloat16Int8Features, _PhysicalDeviceFloatControlsProperties, _PhysicalDeviceHostQueryResetFeatures, _ShaderResourceUsageAMD, _ShaderStatisticsInfoAMD, _DeviceQueueGlobalPriorityCreateInfoKHR, _PhysicalDeviceGlobalPriorityQueryFeaturesKHR, _QueueFamilyGlobalPriorityPropertiesKHR, _DebugUtilsObjectNameInfoEXT, _DebugUtilsObjectTagInfoEXT, _DebugUtilsLabelEXT, _DebugUtilsMessengerCreateInfoEXT, _DebugUtilsMessengerCallbackDataEXT, _PhysicalDeviceDeviceMemoryReportFeaturesEXT, _DeviceDeviceMemoryReportCreateInfoEXT, _DeviceMemoryReportCallbackDataEXT, _ImportMemoryHostPointerInfoEXT, _MemoryHostPointerPropertiesEXT, _PhysicalDeviceExternalMemoryHostPropertiesEXT, _PhysicalDeviceConservativeRasterizationPropertiesEXT, _CalibratedTimestampInfoEXT, _PhysicalDeviceShaderCorePropertiesAMD, _PhysicalDeviceShaderCoreProperties2AMD, _PipelineRasterizationConservativeStateCreateInfoEXT, _PhysicalDeviceDescriptorIndexingFeatures, _PhysicalDeviceDescriptorIndexingProperties, _DescriptorSetLayoutBindingFlagsCreateInfo, _DescriptorSetVariableDescriptorCountAllocateInfo, _DescriptorSetVariableDescriptorCountLayoutSupport, _AttachmentDescription2, _AttachmentReference2, _SubpassDescription2, _SubpassDependency2, _RenderPassCreateInfo2, _SubpassBeginInfo, _SubpassEndInfo, _PhysicalDeviceTimelineSemaphoreFeatures, _PhysicalDeviceTimelineSemaphoreProperties, _SemaphoreTypeCreateInfo, _TimelineSemaphoreSubmitInfo, _SemaphoreWaitInfo, _SemaphoreSignalInfo, _VertexInputBindingDivisorDescriptionEXT, _PipelineVertexInputDivisorStateCreateInfoEXT, _PhysicalDeviceVertexAttributeDivisorPropertiesEXT, _PhysicalDevicePCIBusInfoPropertiesEXT, _CommandBufferInheritanceConditionalRenderingInfoEXT, _PhysicalDevice8BitStorageFeatures, _PhysicalDeviceConditionalRenderingFeaturesEXT, _PhysicalDeviceVulkanMemoryModelFeatures, _PhysicalDeviceShaderAtomicInt64Features, _PhysicalDeviceShaderAtomicFloatFeaturesEXT, _PhysicalDeviceShaderAtomicFloat2FeaturesEXT, _PhysicalDeviceVertexAttributeDivisorFeaturesEXT, _QueueFamilyCheckpointPropertiesNV, _CheckpointDataNV, _PhysicalDeviceDepthStencilResolveProperties, _SubpassDescriptionDepthStencilResolve, _ImageViewASTCDecodeModeEXT, _PhysicalDeviceASTCDecodeFeaturesEXT, _PhysicalDeviceTransformFeedbackFeaturesEXT, _PhysicalDeviceTransformFeedbackPropertiesEXT, _PipelineRasterizationStateStreamCreateInfoEXT, _PhysicalDeviceRepresentativeFragmentTestFeaturesNV, _PipelineRepresentativeFragmentTestStateCreateInfoNV, _PhysicalDeviceExclusiveScissorFeaturesNV, _PipelineViewportExclusiveScissorStateCreateInfoNV, _PhysicalDeviceCornerSampledImageFeaturesNV, _PhysicalDeviceComputeShaderDerivativesFeaturesNV, _PhysicalDeviceShaderImageFootprintFeaturesNV, _PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV, _PhysicalDeviceCopyMemoryIndirectFeaturesNV, _PhysicalDeviceCopyMemoryIndirectPropertiesNV, _PhysicalDeviceMemoryDecompressionFeaturesNV, _PhysicalDeviceMemoryDecompressionPropertiesNV, _ShadingRatePaletteNV, _PipelineViewportShadingRateImageStateCreateInfoNV, _PhysicalDeviceShadingRateImageFeaturesNV, _PhysicalDeviceShadingRateImagePropertiesNV, _PhysicalDeviceInvocationMaskFeaturesHUAWEI, _CoarseSampleLocationNV, _CoarseSampleOrderCustomNV, _PipelineViewportCoarseSampleOrderStateCreateInfoNV, _PhysicalDeviceMeshShaderFeaturesNV, _PhysicalDeviceMeshShaderPropertiesNV, _DrawMeshTasksIndirectCommandNV, _PhysicalDeviceMeshShaderFeaturesEXT, _PhysicalDeviceMeshShaderPropertiesEXT, _DrawMeshTasksIndirectCommandEXT, _RayTracingShaderGroupCreateInfoNV, _RayTracingShaderGroupCreateInfoKHR, _RayTracingPipelineCreateInfoNV, _RayTracingPipelineCreateInfoKHR, _GeometryTrianglesNV, _GeometryAABBNV, _GeometryDataNV, _GeometryNV, _AccelerationStructureInfoNV, _AccelerationStructureCreateInfoNV, _BindAccelerationStructureMemoryInfoNV, _WriteDescriptorSetAccelerationStructureKHR, _WriteDescriptorSetAccelerationStructureNV, _AccelerationStructureMemoryRequirementsInfoNV, _PhysicalDeviceAccelerationStructureFeaturesKHR, _PhysicalDeviceRayTracingPipelineFeaturesKHR, _PhysicalDeviceRayQueryFeaturesKHR, _PhysicalDeviceAccelerationStructurePropertiesKHR, _PhysicalDeviceRayTracingPipelinePropertiesKHR, _PhysicalDeviceRayTracingPropertiesNV, _StridedDeviceAddressRegionKHR, _TraceRaysIndirectCommandKHR, _TraceRaysIndirectCommand2KHR, _PhysicalDeviceRayTracingMaintenance1FeaturesKHR, _DrmFormatModifierPropertiesListEXT, _DrmFormatModifierPropertiesEXT, _PhysicalDeviceImageDrmFormatModifierInfoEXT, _ImageDrmFormatModifierListCreateInfoEXT, _ImageDrmFormatModifierExplicitCreateInfoEXT, _ImageDrmFormatModifierPropertiesEXT, _ImageStencilUsageCreateInfo, _DeviceMemoryOverallocationCreateInfoAMD, _PhysicalDeviceFragmentDensityMapFeaturesEXT, _PhysicalDeviceFragmentDensityMap2FeaturesEXT, _PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM, _PhysicalDeviceFragmentDensityMapPropertiesEXT, _PhysicalDeviceFragmentDensityMap2PropertiesEXT, _PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM, _RenderPassFragmentDensityMapCreateInfoEXT, _SubpassFragmentDensityMapOffsetEndInfoQCOM, _PhysicalDeviceScalarBlockLayoutFeatures, _SurfaceProtectedCapabilitiesKHR, _PhysicalDeviceUniformBufferStandardLayoutFeatures, _PhysicalDeviceDepthClipEnableFeaturesEXT, _PipelineRasterizationDepthClipStateCreateInfoEXT, _PhysicalDeviceMemoryBudgetPropertiesEXT, _PhysicalDeviceMemoryPriorityFeaturesEXT, _MemoryPriorityAllocateInfoEXT, _PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT, _PhysicalDeviceBufferDeviceAddressFeatures, _PhysicalDeviceBufferDeviceAddressFeaturesEXT, _BufferDeviceAddressInfo, _BufferOpaqueCaptureAddressCreateInfo, _BufferDeviceAddressCreateInfoEXT, _PhysicalDeviceImageViewImageFormatInfoEXT, _FilterCubicImageViewImageFormatPropertiesEXT, _PhysicalDeviceImagelessFramebufferFeatures, _FramebufferAttachmentsCreateInfo, _FramebufferAttachmentImageInfo, _RenderPassAttachmentBeginInfo, _PhysicalDeviceTextureCompressionASTCHDRFeatures, _PhysicalDeviceCooperativeMatrixFeaturesNV, _PhysicalDeviceCooperativeMatrixPropertiesNV, _CooperativeMatrixPropertiesNV, _PhysicalDeviceYcbcrImageArraysFeaturesEXT, _ImageViewHandleInfoNVX, _ImageViewAddressPropertiesNVX, _PipelineCreationFeedback, _PipelineCreationFeedbackCreateInfo, _PhysicalDevicePresentBarrierFeaturesNV, _SurfaceCapabilitiesPresentBarrierNV, _SwapchainPresentBarrierCreateInfoNV, _PhysicalDevicePerformanceQueryFeaturesKHR, _PhysicalDevicePerformanceQueryPropertiesKHR, _PerformanceCounterKHR, _PerformanceCounterDescriptionKHR, _QueryPoolPerformanceCreateInfoKHR, _AcquireProfilingLockInfoKHR, _PerformanceQuerySubmitInfoKHR, _HeadlessSurfaceCreateInfoEXT, _PhysicalDeviceCoverageReductionModeFeaturesNV, _PipelineCoverageReductionStateCreateInfoNV, _FramebufferMixedSamplesCombinationNV, _PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL, _PerformanceValueINTEL, _InitializePerformanceApiInfoINTEL, _QueryPoolPerformanceQueryCreateInfoINTEL, _PerformanceMarkerInfoINTEL, _PerformanceStreamMarkerInfoINTEL, _PerformanceOverrideInfoINTEL, _PerformanceConfigurationAcquireInfoINTEL, _PhysicalDeviceShaderClockFeaturesKHR, _PhysicalDeviceIndexTypeUint8FeaturesEXT, _PhysicalDeviceShaderSMBuiltinsPropertiesNV, _PhysicalDeviceShaderSMBuiltinsFeaturesNV, _PhysicalDeviceFragmentShaderInterlockFeaturesEXT, _PhysicalDeviceSeparateDepthStencilLayoutsFeatures, _AttachmentReferenceStencilLayout, _PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT, _AttachmentDescriptionStencilLayout, _PhysicalDevicePipelineExecutablePropertiesFeaturesKHR, _PipelineInfoKHR, _PipelineExecutablePropertiesKHR, _PipelineExecutableInfoKHR, _PipelineExecutableStatisticKHR, _PipelineExecutableInternalRepresentationKHR, _PhysicalDeviceShaderDemoteToHelperInvocationFeatures, _PhysicalDeviceTexelBufferAlignmentFeaturesEXT, _PhysicalDeviceTexelBufferAlignmentProperties, _PhysicalDeviceSubgroupSizeControlFeatures, _PhysicalDeviceSubgroupSizeControlProperties, _PipelineShaderStageRequiredSubgroupSizeCreateInfo, _SubpassShadingPipelineCreateInfoHUAWEI, _PhysicalDeviceSubpassShadingPropertiesHUAWEI, _PhysicalDeviceClusterCullingShaderPropertiesHUAWEI, _MemoryOpaqueCaptureAddressAllocateInfo, _DeviceMemoryOpaqueCaptureAddressInfo, _PhysicalDeviceLineRasterizationFeaturesEXT, _PhysicalDeviceLineRasterizationPropertiesEXT, _PipelineRasterizationLineStateCreateInfoEXT, _PhysicalDevicePipelineCreationCacheControlFeatures, _PhysicalDeviceVulkan11Features, _PhysicalDeviceVulkan11Properties, _PhysicalDeviceVulkan12Features, _PhysicalDeviceVulkan12Properties, _PhysicalDeviceVulkan13Features, _PhysicalDeviceVulkan13Properties, _PipelineCompilerControlCreateInfoAMD, _PhysicalDeviceCoherentMemoryFeaturesAMD, _PhysicalDeviceToolProperties, _SamplerCustomBorderColorCreateInfoEXT, _PhysicalDeviceCustomBorderColorPropertiesEXT, _PhysicalDeviceCustomBorderColorFeaturesEXT, _SamplerBorderColorComponentMappingCreateInfoEXT, _PhysicalDeviceBorderColorSwizzleFeaturesEXT, _AccelerationStructureGeometryTrianglesDataKHR, _AccelerationStructureGeometryAabbsDataKHR, _AccelerationStructureGeometryInstancesDataKHR, _AccelerationStructureGeometryKHR, _AccelerationStructureBuildGeometryInfoKHR, _AccelerationStructureBuildRangeInfoKHR, _AccelerationStructureCreateInfoKHR, _AabbPositionsKHR, _TransformMatrixKHR, _AccelerationStructureInstanceKHR, _AccelerationStructureDeviceAddressInfoKHR, _AccelerationStructureVersionInfoKHR, _CopyAccelerationStructureInfoKHR, _CopyAccelerationStructureToMemoryInfoKHR, _CopyMemoryToAccelerationStructureInfoKHR, _RayTracingPipelineInterfaceCreateInfoKHR, _PipelineLibraryCreateInfoKHR, _PhysicalDeviceExtendedDynamicStateFeaturesEXT, _PhysicalDeviceExtendedDynamicState2FeaturesEXT, _PhysicalDeviceExtendedDynamicState3FeaturesEXT, _PhysicalDeviceExtendedDynamicState3PropertiesEXT, _ColorBlendEquationEXT, _ColorBlendAdvancedEXT, _RenderPassTransformBeginInfoQCOM, _CopyCommandTransformInfoQCOM, _CommandBufferInheritanceRenderPassTransformInfoQCOM, _PhysicalDeviceDiagnosticsConfigFeaturesNV, _DeviceDiagnosticsConfigCreateInfoNV, _PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures, _PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR, _PhysicalDeviceRobustness2FeaturesEXT, _PhysicalDeviceRobustness2PropertiesEXT, _PhysicalDeviceImageRobustnessFeatures, _PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR, _PhysicalDevice4444FormatsFeaturesEXT, _PhysicalDeviceSubpassShadingFeaturesHUAWEI, _PhysicalDeviceClusterCullingShaderFeaturesHUAWEI, _BufferCopy2, _ImageCopy2, _ImageBlit2, _BufferImageCopy2, _ImageResolve2, _CopyBufferInfo2, _CopyImageInfo2, _BlitImageInfo2, _CopyBufferToImageInfo2, _CopyImageToBufferInfo2, _ResolveImageInfo2, _PhysicalDeviceShaderImageAtomicInt64FeaturesEXT, _FragmentShadingRateAttachmentInfoKHR, _PipelineFragmentShadingRateStateCreateInfoKHR, _PhysicalDeviceFragmentShadingRateFeaturesKHR, _PhysicalDeviceFragmentShadingRatePropertiesKHR, _PhysicalDeviceFragmentShadingRateKHR, _PhysicalDeviceShaderTerminateInvocationFeatures, _PhysicalDeviceFragmentShadingRateEnumsFeaturesNV, _PhysicalDeviceFragmentShadingRateEnumsPropertiesNV, _PipelineFragmentShadingRateEnumStateCreateInfoNV, _AccelerationStructureBuildSizesInfoKHR, _PhysicalDeviceImage2DViewOf3DFeaturesEXT, _PhysicalDeviceMutableDescriptorTypeFeaturesEXT, _MutableDescriptorTypeListEXT, _MutableDescriptorTypeCreateInfoEXT, _PhysicalDeviceDepthClipControlFeaturesEXT, _PipelineViewportDepthClipControlCreateInfoEXT, _PhysicalDeviceVertexInputDynamicStateFeaturesEXT, _PhysicalDeviceExternalMemoryRDMAFeaturesNV, _VertexInputBindingDescription2EXT, _VertexInputAttributeDescription2EXT, _PhysicalDeviceColorWriteEnableFeaturesEXT, _PipelineColorWriteCreateInfoEXT, _MemoryBarrier2, _ImageMemoryBarrier2, _BufferMemoryBarrier2, _DependencyInfo, _SemaphoreSubmitInfo, _CommandBufferSubmitInfo, _SubmitInfo2, _QueueFamilyCheckpointProperties2NV, _CheckpointData2NV, _PhysicalDeviceSynchronization2Features, _PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT, _PhysicalDeviceLegacyDitheringFeaturesEXT, _PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT, _SubpassResolvePerformanceQueryEXT, _MultisampledRenderToSingleSampledInfoEXT, _PhysicalDevicePipelineProtectedAccessFeaturesEXT, _QueueFamilyVideoPropertiesKHR, _QueueFamilyQueryResultStatusPropertiesKHR, _VideoProfileListInfoKHR, _PhysicalDeviceVideoFormatInfoKHR, _VideoFormatPropertiesKHR, _VideoProfileInfoKHR, _VideoCapabilitiesKHR, _VideoSessionMemoryRequirementsKHR, _BindVideoSessionMemoryInfoKHR, _VideoPictureResourceInfoKHR, _VideoReferenceSlotInfoKHR, _VideoDecodeCapabilitiesKHR, _VideoDecodeUsageInfoKHR, _VideoDecodeInfoKHR, _VideoDecodeH264ProfileInfoKHR, _VideoDecodeH264CapabilitiesKHR, _VideoDecodeH264SessionParametersAddInfoKHR, _VideoDecodeH264SessionParametersCreateInfoKHR, _VideoDecodeH264PictureInfoKHR, _VideoDecodeH264DpbSlotInfoKHR, _VideoDecodeH265ProfileInfoKHR, _VideoDecodeH265CapabilitiesKHR, _VideoDecodeH265SessionParametersAddInfoKHR, _VideoDecodeH265SessionParametersCreateInfoKHR, _VideoDecodeH265PictureInfoKHR, _VideoDecodeH265DpbSlotInfoKHR, _VideoSessionCreateInfoKHR, _VideoSessionParametersCreateInfoKHR, _VideoSessionParametersUpdateInfoKHR, _VideoBeginCodingInfoKHR, _VideoEndCodingInfoKHR, _VideoCodingControlInfoKHR, _PhysicalDeviceInheritedViewportScissorFeaturesNV, _CommandBufferInheritanceViewportScissorInfoNV, _PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT, _PhysicalDeviceProvokingVertexFeaturesEXT, _PhysicalDeviceProvokingVertexPropertiesEXT, _PipelineRasterizationProvokingVertexStateCreateInfoEXT, _CuModuleCreateInfoNVX, _CuFunctionCreateInfoNVX, _CuLaunchInfoNVX, _PhysicalDeviceDescriptorBufferFeaturesEXT, _PhysicalDeviceDescriptorBufferPropertiesEXT, _PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT, _DescriptorAddressInfoEXT, _DescriptorBufferBindingInfoEXT, _DescriptorBufferBindingPushDescriptorBufferHandleEXT, _DescriptorGetInfoEXT, _BufferCaptureDescriptorDataInfoEXT, _ImageCaptureDescriptorDataInfoEXT, _ImageViewCaptureDescriptorDataInfoEXT, _SamplerCaptureDescriptorDataInfoEXT, _AccelerationStructureCaptureDescriptorDataInfoEXT, _OpaqueCaptureDescriptorDataCreateInfoEXT, _PhysicalDeviceShaderIntegerDotProductFeatures, _PhysicalDeviceShaderIntegerDotProductProperties, _PhysicalDeviceDrmPropertiesEXT, _PhysicalDeviceFragmentShaderBarycentricFeaturesKHR, _PhysicalDeviceFragmentShaderBarycentricPropertiesKHR, _PhysicalDeviceRayTracingMotionBlurFeaturesNV, _AccelerationStructureGeometryMotionTrianglesDataNV, _AccelerationStructureMotionInfoNV, _SRTDataNV, _AccelerationStructureSRTMotionInstanceNV, _AccelerationStructureMatrixMotionInstanceNV, _AccelerationStructureMotionInstanceNV, _MemoryGetRemoteAddressInfoNV, _PhysicalDeviceRGBA10X6FormatsFeaturesEXT, _FormatProperties3, _DrmFormatModifierPropertiesList2EXT, _DrmFormatModifierProperties2EXT, _PipelineRenderingCreateInfo, _RenderingInfo, _RenderingAttachmentInfo, _RenderingFragmentShadingRateAttachmentInfoKHR, _RenderingFragmentDensityMapAttachmentInfoEXT, _PhysicalDeviceDynamicRenderingFeatures, _CommandBufferInheritanceRenderingInfo, _AttachmentSampleCountInfoAMD, _MultiviewPerViewAttributesInfoNVX, _PhysicalDeviceImageViewMinLodFeaturesEXT, _ImageViewMinLodCreateInfoEXT, _PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT, _PhysicalDeviceLinearColorAttachmentFeaturesNV, _PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT, _PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT, _GraphicsPipelineLibraryCreateInfoEXT, _PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE, _DescriptorSetBindingReferenceVALVE, _DescriptorSetLayoutHostMappingInfoVALVE, _PhysicalDeviceShaderModuleIdentifierFeaturesEXT, _PhysicalDeviceShaderModuleIdentifierPropertiesEXT, _PipelineShaderStageModuleIdentifierCreateInfoEXT, _ShaderModuleIdentifierEXT, _ImageCompressionControlEXT, _PhysicalDeviceImageCompressionControlFeaturesEXT, _ImageCompressionPropertiesEXT, _PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT, _ImageSubresource2EXT, _SubresourceLayout2EXT, _RenderPassCreationControlEXT, _RenderPassCreationFeedbackInfoEXT, _RenderPassCreationFeedbackCreateInfoEXT, _RenderPassSubpassFeedbackInfoEXT, _RenderPassSubpassFeedbackCreateInfoEXT, _PhysicalDeviceSubpassMergeFeedbackFeaturesEXT, _MicromapBuildInfoEXT, _MicromapCreateInfoEXT, _MicromapVersionInfoEXT, _CopyMicromapInfoEXT, _CopyMicromapToMemoryInfoEXT, _CopyMemoryToMicromapInfoEXT, _MicromapBuildSizesInfoEXT, _MicromapUsageEXT, _MicromapTriangleEXT, _PhysicalDeviceOpacityMicromapFeaturesEXT, _PhysicalDeviceOpacityMicromapPropertiesEXT, _AccelerationStructureTrianglesOpacityMicromapEXT, _PipelinePropertiesIdentifierEXT, _PhysicalDevicePipelinePropertiesFeaturesEXT, _PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD, _ExportMetalObjectCreateInfoEXT, _ExportMetalObjectsInfoEXT, _ExportMetalDeviceInfoEXT, _ExportMetalCommandQueueInfoEXT, _ExportMetalBufferInfoEXT, _ImportMetalBufferInfoEXT, _ExportMetalTextureInfoEXT, _ImportMetalTextureInfoEXT, _ExportMetalIOSurfaceInfoEXT, _ImportMetalIOSurfaceInfoEXT, _ExportMetalSharedEventInfoEXT, _ImportMetalSharedEventInfoEXT, _PhysicalDeviceNonSeamlessCubeMapFeaturesEXT, _PhysicalDevicePipelineRobustnessFeaturesEXT, _PipelineRobustnessCreateInfoEXT, _PhysicalDevicePipelineRobustnessPropertiesEXT, _ImageViewSampleWeightCreateInfoQCOM, _PhysicalDeviceImageProcessingFeaturesQCOM, _PhysicalDeviceImageProcessingPropertiesQCOM, _PhysicalDeviceTilePropertiesFeaturesQCOM, _TilePropertiesQCOM, _PhysicalDeviceAmigoProfilingFeaturesSEC, _AmigoProfilingSubmitInfoSEC, _PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT, _PhysicalDeviceDepthClampZeroOneFeaturesEXT, _PhysicalDeviceAddressBindingReportFeaturesEXT, _DeviceAddressBindingCallbackDataEXT, _PhysicalDeviceOpticalFlowFeaturesNV, _PhysicalDeviceOpticalFlowPropertiesNV, _OpticalFlowImageFormatInfoNV, _OpticalFlowImageFormatPropertiesNV, _OpticalFlowSessionCreateInfoNV, _OpticalFlowSessionCreatePrivateDataInfoNV, _OpticalFlowExecuteInfoNV, _PhysicalDeviceFaultFeaturesEXT, _DeviceFaultAddressInfoEXT, _DeviceFaultVendorInfoEXT, _DeviceFaultCountsEXT, _DeviceFaultInfoEXT, _DeviceFaultVendorBinaryHeaderVersionOneEXT, _PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT, _DecompressMemoryRegionNV, _PhysicalDeviceShaderCoreBuiltinsPropertiesARM, _PhysicalDeviceShaderCoreBuiltinsFeaturesARM, _SurfacePresentModeEXT, _SurfacePresentScalingCapabilitiesEXT, _SurfacePresentModeCompatibilityEXT, _PhysicalDeviceSwapchainMaintenance1FeaturesEXT, _SwapchainPresentFenceInfoEXT, _SwapchainPresentModesCreateInfoEXT, _SwapchainPresentModeInfoEXT, _SwapchainPresentScalingCreateInfoEXT, _ReleaseSwapchainImagesInfoEXT, _PhysicalDeviceRayTracingInvocationReorderFeaturesNV, _PhysicalDeviceRayTracingInvocationReorderPropertiesNV, _DirectDriverLoadingInfoLUNARG, _DirectDriverLoadingListLUNARG, _PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM, _ClearColorValue, _ClearValue, _PerformanceCounterResultKHR, _PerformanceValueDataINTEL, _PipelineExecutableStatisticValueKHR, _DeviceOrHostAddressKHR, _DeviceOrHostAddressConstKHR, _AccelerationStructureGeometryDataKHR, _DescriptorDataEXT, _AccelerationStructureMotionInstanceDataNV, BaseOutStructure, BaseInStructure, Offset2D, Offset3D, Extent2D, Extent3D, Viewport, Rect2D, ClearRect, ComponentMapping, PhysicalDeviceProperties, ExtensionProperties, LayerProperties, ApplicationInfo, AllocationCallbacks, DeviceQueueCreateInfo, DeviceCreateInfo, InstanceCreateInfo, QueueFamilyProperties, PhysicalDeviceMemoryProperties, MemoryAllocateInfo, MemoryRequirements, SparseImageFormatProperties, SparseImageMemoryRequirements, MemoryType, MemoryHeap, MappedMemoryRange, FormatProperties, ImageFormatProperties, DescriptorBufferInfo, DescriptorImageInfo, WriteDescriptorSet, CopyDescriptorSet, BufferCreateInfo, BufferViewCreateInfo, ImageSubresource, ImageSubresourceLayers, ImageSubresourceRange, MemoryBarrier, BufferMemoryBarrier, ImageMemoryBarrier, ImageCreateInfo, SubresourceLayout, ImageViewCreateInfo, BufferCopy, SparseMemoryBind, SparseImageMemoryBind, SparseBufferMemoryBindInfo, SparseImageOpaqueMemoryBindInfo, SparseImageMemoryBindInfo, BindSparseInfo, ImageCopy, ImageBlit, BufferImageCopy, CopyMemoryIndirectCommandNV, CopyMemoryToImageIndirectCommandNV, ImageResolve, ShaderModuleCreateInfo, DescriptorSetLayoutBinding, DescriptorSetLayoutCreateInfo, DescriptorPoolSize, DescriptorPoolCreateInfo, DescriptorSetAllocateInfo, SpecializationMapEntry, SpecializationInfo, PipelineShaderStageCreateInfo, ComputePipelineCreateInfo, VertexInputBindingDescription, VertexInputAttributeDescription, PipelineVertexInputStateCreateInfo, PipelineInputAssemblyStateCreateInfo, PipelineTessellationStateCreateInfo, PipelineViewportStateCreateInfo, PipelineRasterizationStateCreateInfo, PipelineMultisampleStateCreateInfo, PipelineColorBlendAttachmentState, PipelineColorBlendStateCreateInfo, PipelineDynamicStateCreateInfo, StencilOpState, PipelineDepthStencilStateCreateInfo, GraphicsPipelineCreateInfo, PipelineCacheCreateInfo, PipelineCacheHeaderVersionOne, PushConstantRange, PipelineLayoutCreateInfo, SamplerCreateInfo, CommandPoolCreateInfo, CommandBufferAllocateInfo, CommandBufferInheritanceInfo, CommandBufferBeginInfo, RenderPassBeginInfo, ClearDepthStencilValue, ClearAttachment, AttachmentDescription, AttachmentReference, SubpassDescription, SubpassDependency, RenderPassCreateInfo, EventCreateInfo, FenceCreateInfo, PhysicalDeviceFeatures, PhysicalDeviceSparseProperties, PhysicalDeviceLimits, SemaphoreCreateInfo, QueryPoolCreateInfo, FramebufferCreateInfo, DrawIndirectCommand, DrawIndexedIndirectCommand, DispatchIndirectCommand, MultiDrawInfoEXT, MultiDrawIndexedInfoEXT, SubmitInfo, DisplayPropertiesKHR, DisplayPlanePropertiesKHR, DisplayModeParametersKHR, DisplayModePropertiesKHR, DisplayModeCreateInfoKHR, DisplayPlaneCapabilitiesKHR, DisplaySurfaceCreateInfoKHR, DisplayPresentInfoKHR, SurfaceCapabilitiesKHR, SurfaceFormatKHR, SwapchainCreateInfoKHR, PresentInfoKHR, DebugReportCallbackCreateInfoEXT, ValidationFlagsEXT, ValidationFeaturesEXT, PipelineRasterizationStateRasterizationOrderAMD, DebugMarkerObjectNameInfoEXT, DebugMarkerObjectTagInfoEXT, DebugMarkerMarkerInfoEXT, DedicatedAllocationImageCreateInfoNV, DedicatedAllocationBufferCreateInfoNV, DedicatedAllocationMemoryAllocateInfoNV, ExternalImageFormatPropertiesNV, ExternalMemoryImageCreateInfoNV, ExportMemoryAllocateInfoNV, PhysicalDeviceDeviceGeneratedCommandsFeaturesNV, DevicePrivateDataCreateInfo, PrivateDataSlotCreateInfo, PhysicalDevicePrivateDataFeatures, PhysicalDeviceDeviceGeneratedCommandsPropertiesNV, PhysicalDeviceMultiDrawPropertiesEXT, GraphicsShaderGroupCreateInfoNV, GraphicsPipelineShaderGroupsCreateInfoNV, BindShaderGroupIndirectCommandNV, BindIndexBufferIndirectCommandNV, BindVertexBufferIndirectCommandNV, SetStateFlagsIndirectCommandNV, IndirectCommandsStreamNV, IndirectCommandsLayoutTokenNV, IndirectCommandsLayoutCreateInfoNV, GeneratedCommandsInfoNV, GeneratedCommandsMemoryRequirementsInfoNV, PhysicalDeviceFeatures2, PhysicalDeviceProperties2, FormatProperties2, ImageFormatProperties2, PhysicalDeviceImageFormatInfo2, QueueFamilyProperties2, PhysicalDeviceMemoryProperties2, SparseImageFormatProperties2, PhysicalDeviceSparseImageFormatInfo2, PhysicalDevicePushDescriptorPropertiesKHR, ConformanceVersion, PhysicalDeviceDriverProperties, PresentRegionsKHR, PresentRegionKHR, RectLayerKHR, PhysicalDeviceVariablePointersFeatures, ExternalMemoryProperties, PhysicalDeviceExternalImageFormatInfo, ExternalImageFormatProperties, PhysicalDeviceExternalBufferInfo, ExternalBufferProperties, PhysicalDeviceIDProperties, ExternalMemoryImageCreateInfo, ExternalMemoryBufferCreateInfo, ExportMemoryAllocateInfo, ImportMemoryFdInfoKHR, MemoryFdPropertiesKHR, MemoryGetFdInfoKHR, PhysicalDeviceExternalSemaphoreInfo, ExternalSemaphoreProperties, ExportSemaphoreCreateInfo, ImportSemaphoreFdInfoKHR, SemaphoreGetFdInfoKHR, PhysicalDeviceExternalFenceInfo, ExternalFenceProperties, ExportFenceCreateInfo, ImportFenceFdInfoKHR, FenceGetFdInfoKHR, PhysicalDeviceMultiviewFeatures, PhysicalDeviceMultiviewProperties, RenderPassMultiviewCreateInfo, SurfaceCapabilities2EXT, DisplayPowerInfoEXT, DeviceEventInfoEXT, DisplayEventInfoEXT, SwapchainCounterCreateInfoEXT, PhysicalDeviceGroupProperties, MemoryAllocateFlagsInfo, BindBufferMemoryInfo, BindBufferMemoryDeviceGroupInfo, BindImageMemoryInfo, BindImageMemoryDeviceGroupInfo, DeviceGroupRenderPassBeginInfo, DeviceGroupCommandBufferBeginInfo, DeviceGroupSubmitInfo, DeviceGroupBindSparseInfo, DeviceGroupPresentCapabilitiesKHR, ImageSwapchainCreateInfoKHR, BindImageMemorySwapchainInfoKHR, AcquireNextImageInfoKHR, DeviceGroupPresentInfoKHR, DeviceGroupDeviceCreateInfo, DeviceGroupSwapchainCreateInfoKHR, DescriptorUpdateTemplateEntry, DescriptorUpdateTemplateCreateInfo, XYColorEXT, PhysicalDevicePresentIdFeaturesKHR, PresentIdKHR, PhysicalDevicePresentWaitFeaturesKHR, HdrMetadataEXT, DisplayNativeHdrSurfaceCapabilitiesAMD, SwapchainDisplayNativeHdrCreateInfoAMD, RefreshCycleDurationGOOGLE, PastPresentationTimingGOOGLE, PresentTimesInfoGOOGLE, PresentTimeGOOGLE, MacOSSurfaceCreateInfoMVK, MetalSurfaceCreateInfoEXT, ViewportWScalingNV, PipelineViewportWScalingStateCreateInfoNV, ViewportSwizzleNV, PipelineViewportSwizzleStateCreateInfoNV, PhysicalDeviceDiscardRectanglePropertiesEXT, PipelineDiscardRectangleStateCreateInfoEXT, PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX, InputAttachmentAspectReference, RenderPassInputAttachmentAspectCreateInfo, PhysicalDeviceSurfaceInfo2KHR, SurfaceCapabilities2KHR, SurfaceFormat2KHR, DisplayProperties2KHR, DisplayPlaneProperties2KHR, DisplayModeProperties2KHR, DisplayPlaneInfo2KHR, DisplayPlaneCapabilities2KHR, SharedPresentSurfaceCapabilitiesKHR, PhysicalDevice16BitStorageFeatures, PhysicalDeviceSubgroupProperties, PhysicalDeviceShaderSubgroupExtendedTypesFeatures, BufferMemoryRequirementsInfo2, DeviceBufferMemoryRequirements, ImageMemoryRequirementsInfo2, ImageSparseMemoryRequirementsInfo2, DeviceImageMemoryRequirements, MemoryRequirements2, SparseImageMemoryRequirements2, PhysicalDevicePointClippingProperties, MemoryDedicatedRequirements, MemoryDedicatedAllocateInfo, ImageViewUsageCreateInfo, PipelineTessellationDomainOriginStateCreateInfo, SamplerYcbcrConversionInfo, SamplerYcbcrConversionCreateInfo, BindImagePlaneMemoryInfo, ImagePlaneMemoryRequirementsInfo, PhysicalDeviceSamplerYcbcrConversionFeatures, SamplerYcbcrConversionImageFormatProperties, TextureLODGatherFormatPropertiesAMD, ConditionalRenderingBeginInfoEXT, ProtectedSubmitInfo, PhysicalDeviceProtectedMemoryFeatures, PhysicalDeviceProtectedMemoryProperties, DeviceQueueInfo2, PipelineCoverageToColorStateCreateInfoNV, PhysicalDeviceSamplerFilterMinmaxProperties, SampleLocationEXT, SampleLocationsInfoEXT, AttachmentSampleLocationsEXT, SubpassSampleLocationsEXT, RenderPassSampleLocationsBeginInfoEXT, PipelineSampleLocationsStateCreateInfoEXT, PhysicalDeviceSampleLocationsPropertiesEXT, MultisamplePropertiesEXT, SamplerReductionModeCreateInfo, PhysicalDeviceBlendOperationAdvancedFeaturesEXT, PhysicalDeviceMultiDrawFeaturesEXT, PhysicalDeviceBlendOperationAdvancedPropertiesEXT, PipelineColorBlendAdvancedStateCreateInfoEXT, PhysicalDeviceInlineUniformBlockFeatures, PhysicalDeviceInlineUniformBlockProperties, WriteDescriptorSetInlineUniformBlock, DescriptorPoolInlineUniformBlockCreateInfo, PipelineCoverageModulationStateCreateInfoNV, ImageFormatListCreateInfo, ValidationCacheCreateInfoEXT, ShaderModuleValidationCacheCreateInfoEXT, PhysicalDeviceMaintenance3Properties, PhysicalDeviceMaintenance4Features, PhysicalDeviceMaintenance4Properties, DescriptorSetLayoutSupport, PhysicalDeviceShaderDrawParametersFeatures, PhysicalDeviceShaderFloat16Int8Features, PhysicalDeviceFloatControlsProperties, PhysicalDeviceHostQueryResetFeatures, ShaderResourceUsageAMD, ShaderStatisticsInfoAMD, DeviceQueueGlobalPriorityCreateInfoKHR, PhysicalDeviceGlobalPriorityQueryFeaturesKHR, QueueFamilyGlobalPriorityPropertiesKHR, DebugUtilsObjectNameInfoEXT, DebugUtilsObjectTagInfoEXT, DebugUtilsLabelEXT, DebugUtilsMessengerCreateInfoEXT, DebugUtilsMessengerCallbackDataEXT, PhysicalDeviceDeviceMemoryReportFeaturesEXT, DeviceDeviceMemoryReportCreateInfoEXT, DeviceMemoryReportCallbackDataEXT, ImportMemoryHostPointerInfoEXT, MemoryHostPointerPropertiesEXT, PhysicalDeviceExternalMemoryHostPropertiesEXT, PhysicalDeviceConservativeRasterizationPropertiesEXT, CalibratedTimestampInfoEXT, PhysicalDeviceShaderCorePropertiesAMD, PhysicalDeviceShaderCoreProperties2AMD, PipelineRasterizationConservativeStateCreateInfoEXT, PhysicalDeviceDescriptorIndexingFeatures, PhysicalDeviceDescriptorIndexingProperties, DescriptorSetLayoutBindingFlagsCreateInfo, DescriptorSetVariableDescriptorCountAllocateInfo, DescriptorSetVariableDescriptorCountLayoutSupport, AttachmentDescription2, AttachmentReference2, SubpassDescription2, SubpassDependency2, RenderPassCreateInfo2, SubpassBeginInfo, SubpassEndInfo, PhysicalDeviceTimelineSemaphoreFeatures, PhysicalDeviceTimelineSemaphoreProperties, SemaphoreTypeCreateInfo, TimelineSemaphoreSubmitInfo, SemaphoreWaitInfo, SemaphoreSignalInfo, VertexInputBindingDivisorDescriptionEXT, PipelineVertexInputDivisorStateCreateInfoEXT, PhysicalDeviceVertexAttributeDivisorPropertiesEXT, PhysicalDevicePCIBusInfoPropertiesEXT, CommandBufferInheritanceConditionalRenderingInfoEXT, PhysicalDevice8BitStorageFeatures, PhysicalDeviceConditionalRenderingFeaturesEXT, PhysicalDeviceVulkanMemoryModelFeatures, PhysicalDeviceShaderAtomicInt64Features, PhysicalDeviceShaderAtomicFloatFeaturesEXT, PhysicalDeviceShaderAtomicFloat2FeaturesEXT, PhysicalDeviceVertexAttributeDivisorFeaturesEXT, QueueFamilyCheckpointPropertiesNV, CheckpointDataNV, PhysicalDeviceDepthStencilResolveProperties, SubpassDescriptionDepthStencilResolve, ImageViewASTCDecodeModeEXT, PhysicalDeviceASTCDecodeFeaturesEXT, PhysicalDeviceTransformFeedbackFeaturesEXT, PhysicalDeviceTransformFeedbackPropertiesEXT, PipelineRasterizationStateStreamCreateInfoEXT, PhysicalDeviceRepresentativeFragmentTestFeaturesNV, PipelineRepresentativeFragmentTestStateCreateInfoNV, PhysicalDeviceExclusiveScissorFeaturesNV, PipelineViewportExclusiveScissorStateCreateInfoNV, PhysicalDeviceCornerSampledImageFeaturesNV, PhysicalDeviceComputeShaderDerivativesFeaturesNV, PhysicalDeviceShaderImageFootprintFeaturesNV, PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV, PhysicalDeviceCopyMemoryIndirectFeaturesNV, PhysicalDeviceCopyMemoryIndirectPropertiesNV, PhysicalDeviceMemoryDecompressionFeaturesNV, PhysicalDeviceMemoryDecompressionPropertiesNV, ShadingRatePaletteNV, PipelineViewportShadingRateImageStateCreateInfoNV, PhysicalDeviceShadingRateImageFeaturesNV, PhysicalDeviceShadingRateImagePropertiesNV, PhysicalDeviceInvocationMaskFeaturesHUAWEI, CoarseSampleLocationNV, CoarseSampleOrderCustomNV, PipelineViewportCoarseSampleOrderStateCreateInfoNV, PhysicalDeviceMeshShaderFeaturesNV, PhysicalDeviceMeshShaderPropertiesNV, DrawMeshTasksIndirectCommandNV, PhysicalDeviceMeshShaderFeaturesEXT, PhysicalDeviceMeshShaderPropertiesEXT, DrawMeshTasksIndirectCommandEXT, RayTracingShaderGroupCreateInfoNV, RayTracingShaderGroupCreateInfoKHR, RayTracingPipelineCreateInfoNV, RayTracingPipelineCreateInfoKHR, GeometryTrianglesNV, GeometryAABBNV, GeometryDataNV, GeometryNV, AccelerationStructureInfoNV, AccelerationStructureCreateInfoNV, BindAccelerationStructureMemoryInfoNV, WriteDescriptorSetAccelerationStructureKHR, WriteDescriptorSetAccelerationStructureNV, AccelerationStructureMemoryRequirementsInfoNV, PhysicalDeviceAccelerationStructureFeaturesKHR, PhysicalDeviceRayTracingPipelineFeaturesKHR, PhysicalDeviceRayQueryFeaturesKHR, PhysicalDeviceAccelerationStructurePropertiesKHR, PhysicalDeviceRayTracingPipelinePropertiesKHR, PhysicalDeviceRayTracingPropertiesNV, StridedDeviceAddressRegionKHR, TraceRaysIndirectCommandKHR, TraceRaysIndirectCommand2KHR, PhysicalDeviceRayTracingMaintenance1FeaturesKHR, DrmFormatModifierPropertiesListEXT, DrmFormatModifierPropertiesEXT, PhysicalDeviceImageDrmFormatModifierInfoEXT, ImageDrmFormatModifierListCreateInfoEXT, ImageDrmFormatModifierExplicitCreateInfoEXT, ImageDrmFormatModifierPropertiesEXT, ImageStencilUsageCreateInfo, DeviceMemoryOverallocationCreateInfoAMD, PhysicalDeviceFragmentDensityMapFeaturesEXT, PhysicalDeviceFragmentDensityMap2FeaturesEXT, PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM, PhysicalDeviceFragmentDensityMapPropertiesEXT, PhysicalDeviceFragmentDensityMap2PropertiesEXT, PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM, RenderPassFragmentDensityMapCreateInfoEXT, SubpassFragmentDensityMapOffsetEndInfoQCOM, PhysicalDeviceScalarBlockLayoutFeatures, SurfaceProtectedCapabilitiesKHR, PhysicalDeviceUniformBufferStandardLayoutFeatures, PhysicalDeviceDepthClipEnableFeaturesEXT, PipelineRasterizationDepthClipStateCreateInfoEXT, PhysicalDeviceMemoryBudgetPropertiesEXT, PhysicalDeviceMemoryPriorityFeaturesEXT, MemoryPriorityAllocateInfoEXT, PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT, PhysicalDeviceBufferDeviceAddressFeatures, PhysicalDeviceBufferDeviceAddressFeaturesEXT, BufferDeviceAddressInfo, BufferOpaqueCaptureAddressCreateInfo, BufferDeviceAddressCreateInfoEXT, PhysicalDeviceImageViewImageFormatInfoEXT, FilterCubicImageViewImageFormatPropertiesEXT, PhysicalDeviceImagelessFramebufferFeatures, FramebufferAttachmentsCreateInfo, FramebufferAttachmentImageInfo, RenderPassAttachmentBeginInfo, PhysicalDeviceTextureCompressionASTCHDRFeatures, PhysicalDeviceCooperativeMatrixFeaturesNV, PhysicalDeviceCooperativeMatrixPropertiesNV, CooperativeMatrixPropertiesNV, PhysicalDeviceYcbcrImageArraysFeaturesEXT, ImageViewHandleInfoNVX, ImageViewAddressPropertiesNVX, PipelineCreationFeedback, PipelineCreationFeedbackCreateInfo, PhysicalDevicePresentBarrierFeaturesNV, SurfaceCapabilitiesPresentBarrierNV, SwapchainPresentBarrierCreateInfoNV, PhysicalDevicePerformanceQueryFeaturesKHR, PhysicalDevicePerformanceQueryPropertiesKHR, PerformanceCounterKHR, PerformanceCounterDescriptionKHR, QueryPoolPerformanceCreateInfoKHR, AcquireProfilingLockInfoKHR, PerformanceQuerySubmitInfoKHR, HeadlessSurfaceCreateInfoEXT, PhysicalDeviceCoverageReductionModeFeaturesNV, PipelineCoverageReductionStateCreateInfoNV, FramebufferMixedSamplesCombinationNV, PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL, PerformanceValueINTEL, InitializePerformanceApiInfoINTEL, QueryPoolPerformanceQueryCreateInfoINTEL, PerformanceMarkerInfoINTEL, PerformanceStreamMarkerInfoINTEL, PerformanceOverrideInfoINTEL, PerformanceConfigurationAcquireInfoINTEL, PhysicalDeviceShaderClockFeaturesKHR, PhysicalDeviceIndexTypeUint8FeaturesEXT, PhysicalDeviceShaderSMBuiltinsPropertiesNV, PhysicalDeviceShaderSMBuiltinsFeaturesNV, PhysicalDeviceFragmentShaderInterlockFeaturesEXT, PhysicalDeviceSeparateDepthStencilLayoutsFeatures, AttachmentReferenceStencilLayout, PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT, AttachmentDescriptionStencilLayout, PhysicalDevicePipelineExecutablePropertiesFeaturesKHR, PipelineInfoKHR, PipelineExecutablePropertiesKHR, PipelineExecutableInfoKHR, PipelineExecutableStatisticKHR, PipelineExecutableInternalRepresentationKHR, PhysicalDeviceShaderDemoteToHelperInvocationFeatures, PhysicalDeviceTexelBufferAlignmentFeaturesEXT, PhysicalDeviceTexelBufferAlignmentProperties, PhysicalDeviceSubgroupSizeControlFeatures, PhysicalDeviceSubgroupSizeControlProperties, PipelineShaderStageRequiredSubgroupSizeCreateInfo, SubpassShadingPipelineCreateInfoHUAWEI, PhysicalDeviceSubpassShadingPropertiesHUAWEI, PhysicalDeviceClusterCullingShaderPropertiesHUAWEI, MemoryOpaqueCaptureAddressAllocateInfo, DeviceMemoryOpaqueCaptureAddressInfo, PhysicalDeviceLineRasterizationFeaturesEXT, PhysicalDeviceLineRasterizationPropertiesEXT, PipelineRasterizationLineStateCreateInfoEXT, PhysicalDevicePipelineCreationCacheControlFeatures, PhysicalDeviceVulkan11Features, PhysicalDeviceVulkan11Properties, PhysicalDeviceVulkan12Features, PhysicalDeviceVulkan12Properties, PhysicalDeviceVulkan13Features, PhysicalDeviceVulkan13Properties, PipelineCompilerControlCreateInfoAMD, PhysicalDeviceCoherentMemoryFeaturesAMD, PhysicalDeviceToolProperties, SamplerCustomBorderColorCreateInfoEXT, PhysicalDeviceCustomBorderColorPropertiesEXT, PhysicalDeviceCustomBorderColorFeaturesEXT, SamplerBorderColorComponentMappingCreateInfoEXT, PhysicalDeviceBorderColorSwizzleFeaturesEXT, AccelerationStructureGeometryTrianglesDataKHR, AccelerationStructureGeometryAabbsDataKHR, AccelerationStructureGeometryInstancesDataKHR, AccelerationStructureGeometryKHR, AccelerationStructureBuildGeometryInfoKHR, AccelerationStructureBuildRangeInfoKHR, AccelerationStructureCreateInfoKHR, AabbPositionsKHR, TransformMatrixKHR, AccelerationStructureInstanceKHR, AccelerationStructureDeviceAddressInfoKHR, AccelerationStructureVersionInfoKHR, CopyAccelerationStructureInfoKHR, CopyAccelerationStructureToMemoryInfoKHR, CopyMemoryToAccelerationStructureInfoKHR, RayTracingPipelineInterfaceCreateInfoKHR, PipelineLibraryCreateInfoKHR, PhysicalDeviceExtendedDynamicStateFeaturesEXT, PhysicalDeviceExtendedDynamicState2FeaturesEXT, PhysicalDeviceExtendedDynamicState3FeaturesEXT, PhysicalDeviceExtendedDynamicState3PropertiesEXT, ColorBlendEquationEXT, ColorBlendAdvancedEXT, RenderPassTransformBeginInfoQCOM, CopyCommandTransformInfoQCOM, CommandBufferInheritanceRenderPassTransformInfoQCOM, PhysicalDeviceDiagnosticsConfigFeaturesNV, DeviceDiagnosticsConfigCreateInfoNV, PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures, PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR, PhysicalDeviceRobustness2FeaturesEXT, PhysicalDeviceRobustness2PropertiesEXT, PhysicalDeviceImageRobustnessFeatures, PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR, PhysicalDevice4444FormatsFeaturesEXT, PhysicalDeviceSubpassShadingFeaturesHUAWEI, PhysicalDeviceClusterCullingShaderFeaturesHUAWEI, BufferCopy2, ImageCopy2, ImageBlit2, BufferImageCopy2, ImageResolve2, CopyBufferInfo2, CopyImageInfo2, BlitImageInfo2, CopyBufferToImageInfo2, CopyImageToBufferInfo2, ResolveImageInfo2, PhysicalDeviceShaderImageAtomicInt64FeaturesEXT, FragmentShadingRateAttachmentInfoKHR, PipelineFragmentShadingRateStateCreateInfoKHR, PhysicalDeviceFragmentShadingRateFeaturesKHR, PhysicalDeviceFragmentShadingRatePropertiesKHR, PhysicalDeviceFragmentShadingRateKHR, PhysicalDeviceShaderTerminateInvocationFeatures, PhysicalDeviceFragmentShadingRateEnumsFeaturesNV, PhysicalDeviceFragmentShadingRateEnumsPropertiesNV, PipelineFragmentShadingRateEnumStateCreateInfoNV, AccelerationStructureBuildSizesInfoKHR, PhysicalDeviceImage2DViewOf3DFeaturesEXT, PhysicalDeviceMutableDescriptorTypeFeaturesEXT, MutableDescriptorTypeListEXT, MutableDescriptorTypeCreateInfoEXT, PhysicalDeviceDepthClipControlFeaturesEXT, PipelineViewportDepthClipControlCreateInfoEXT, PhysicalDeviceVertexInputDynamicStateFeaturesEXT, PhysicalDeviceExternalMemoryRDMAFeaturesNV, VertexInputBindingDescription2EXT, VertexInputAttributeDescription2EXT, PhysicalDeviceColorWriteEnableFeaturesEXT, PipelineColorWriteCreateInfoEXT, MemoryBarrier2, ImageMemoryBarrier2, BufferMemoryBarrier2, DependencyInfo, SemaphoreSubmitInfo, CommandBufferSubmitInfo, SubmitInfo2, QueueFamilyCheckpointProperties2NV, CheckpointData2NV, PhysicalDeviceSynchronization2Features, PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT, PhysicalDeviceLegacyDitheringFeaturesEXT, PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT, SubpassResolvePerformanceQueryEXT, MultisampledRenderToSingleSampledInfoEXT, PhysicalDevicePipelineProtectedAccessFeaturesEXT, QueueFamilyVideoPropertiesKHR, QueueFamilyQueryResultStatusPropertiesKHR, VideoProfileListInfoKHR, PhysicalDeviceVideoFormatInfoKHR, VideoFormatPropertiesKHR, VideoProfileInfoKHR, VideoCapabilitiesKHR, VideoSessionMemoryRequirementsKHR, BindVideoSessionMemoryInfoKHR, VideoPictureResourceInfoKHR, VideoReferenceSlotInfoKHR, VideoDecodeCapabilitiesKHR, VideoDecodeUsageInfoKHR, VideoDecodeInfoKHR, VideoDecodeH264ProfileInfoKHR, VideoDecodeH264CapabilitiesKHR, VideoDecodeH264SessionParametersAddInfoKHR, VideoDecodeH264SessionParametersCreateInfoKHR, VideoDecodeH264PictureInfoKHR, VideoDecodeH264DpbSlotInfoKHR, VideoDecodeH265ProfileInfoKHR, VideoDecodeH265CapabilitiesKHR, VideoDecodeH265SessionParametersAddInfoKHR, VideoDecodeH265SessionParametersCreateInfoKHR, VideoDecodeH265PictureInfoKHR, VideoDecodeH265DpbSlotInfoKHR, VideoSessionCreateInfoKHR, VideoSessionParametersCreateInfoKHR, VideoSessionParametersUpdateInfoKHR, VideoBeginCodingInfoKHR, VideoEndCodingInfoKHR, VideoCodingControlInfoKHR, PhysicalDeviceInheritedViewportScissorFeaturesNV, CommandBufferInheritanceViewportScissorInfoNV, PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT, PhysicalDeviceProvokingVertexFeaturesEXT, PhysicalDeviceProvokingVertexPropertiesEXT, PipelineRasterizationProvokingVertexStateCreateInfoEXT, CuModuleCreateInfoNVX, CuFunctionCreateInfoNVX, CuLaunchInfoNVX, PhysicalDeviceDescriptorBufferFeaturesEXT, PhysicalDeviceDescriptorBufferPropertiesEXT, PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT, DescriptorAddressInfoEXT, DescriptorBufferBindingInfoEXT, DescriptorBufferBindingPushDescriptorBufferHandleEXT, DescriptorGetInfoEXT, BufferCaptureDescriptorDataInfoEXT, ImageCaptureDescriptorDataInfoEXT, ImageViewCaptureDescriptorDataInfoEXT, SamplerCaptureDescriptorDataInfoEXT, AccelerationStructureCaptureDescriptorDataInfoEXT, OpaqueCaptureDescriptorDataCreateInfoEXT, PhysicalDeviceShaderIntegerDotProductFeatures, PhysicalDeviceShaderIntegerDotProductProperties, PhysicalDeviceDrmPropertiesEXT, PhysicalDeviceFragmentShaderBarycentricFeaturesKHR, PhysicalDeviceFragmentShaderBarycentricPropertiesKHR, PhysicalDeviceRayTracingMotionBlurFeaturesNV, AccelerationStructureGeometryMotionTrianglesDataNV, AccelerationStructureMotionInfoNV, SRTDataNV, AccelerationStructureSRTMotionInstanceNV, AccelerationStructureMatrixMotionInstanceNV, AccelerationStructureMotionInstanceNV, MemoryGetRemoteAddressInfoNV, PhysicalDeviceRGBA10X6FormatsFeaturesEXT, FormatProperties3, DrmFormatModifierPropertiesList2EXT, DrmFormatModifierProperties2EXT, PipelineRenderingCreateInfo, RenderingInfo, RenderingAttachmentInfo, RenderingFragmentShadingRateAttachmentInfoKHR, RenderingFragmentDensityMapAttachmentInfoEXT, PhysicalDeviceDynamicRenderingFeatures, CommandBufferInheritanceRenderingInfo, AttachmentSampleCountInfoAMD, MultiviewPerViewAttributesInfoNVX, PhysicalDeviceImageViewMinLodFeaturesEXT, ImageViewMinLodCreateInfoEXT, PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT, PhysicalDeviceLinearColorAttachmentFeaturesNV, PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT, PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT, GraphicsPipelineLibraryCreateInfoEXT, PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE, DescriptorSetBindingReferenceVALVE, DescriptorSetLayoutHostMappingInfoVALVE, PhysicalDeviceShaderModuleIdentifierFeaturesEXT, PhysicalDeviceShaderModuleIdentifierPropertiesEXT, PipelineShaderStageModuleIdentifierCreateInfoEXT, ShaderModuleIdentifierEXT, ImageCompressionControlEXT, PhysicalDeviceImageCompressionControlFeaturesEXT, ImageCompressionPropertiesEXT, PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT, ImageSubresource2EXT, SubresourceLayout2EXT, RenderPassCreationControlEXT, RenderPassCreationFeedbackInfoEXT, RenderPassCreationFeedbackCreateInfoEXT, RenderPassSubpassFeedbackInfoEXT, RenderPassSubpassFeedbackCreateInfoEXT, PhysicalDeviceSubpassMergeFeedbackFeaturesEXT, MicromapBuildInfoEXT, MicromapCreateInfoEXT, MicromapVersionInfoEXT, CopyMicromapInfoEXT, CopyMicromapToMemoryInfoEXT, CopyMemoryToMicromapInfoEXT, MicromapBuildSizesInfoEXT, MicromapUsageEXT, MicromapTriangleEXT, PhysicalDeviceOpacityMicromapFeaturesEXT, PhysicalDeviceOpacityMicromapPropertiesEXT, AccelerationStructureTrianglesOpacityMicromapEXT, PipelinePropertiesIdentifierEXT, PhysicalDevicePipelinePropertiesFeaturesEXT, PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD, ExportMetalObjectCreateInfoEXT, ExportMetalObjectsInfoEXT, ExportMetalDeviceInfoEXT, ExportMetalCommandQueueInfoEXT, ExportMetalBufferInfoEXT, ImportMetalBufferInfoEXT, ExportMetalTextureInfoEXT, ImportMetalTextureInfoEXT, ExportMetalIOSurfaceInfoEXT, ImportMetalIOSurfaceInfoEXT, ExportMetalSharedEventInfoEXT, ImportMetalSharedEventInfoEXT, PhysicalDeviceNonSeamlessCubeMapFeaturesEXT, PhysicalDevicePipelineRobustnessFeaturesEXT, PipelineRobustnessCreateInfoEXT, PhysicalDevicePipelineRobustnessPropertiesEXT, ImageViewSampleWeightCreateInfoQCOM, PhysicalDeviceImageProcessingFeaturesQCOM, PhysicalDeviceImageProcessingPropertiesQCOM, PhysicalDeviceTilePropertiesFeaturesQCOM, TilePropertiesQCOM, PhysicalDeviceAmigoProfilingFeaturesSEC, AmigoProfilingSubmitInfoSEC, PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT, PhysicalDeviceDepthClampZeroOneFeaturesEXT, PhysicalDeviceAddressBindingReportFeaturesEXT, DeviceAddressBindingCallbackDataEXT, PhysicalDeviceOpticalFlowFeaturesNV, PhysicalDeviceOpticalFlowPropertiesNV, OpticalFlowImageFormatInfoNV, OpticalFlowImageFormatPropertiesNV, OpticalFlowSessionCreateInfoNV, OpticalFlowSessionCreatePrivateDataInfoNV, OpticalFlowExecuteInfoNV, PhysicalDeviceFaultFeaturesEXT, DeviceFaultAddressInfoEXT, DeviceFaultVendorInfoEXT, DeviceFaultCountsEXT, DeviceFaultInfoEXT, DeviceFaultVendorBinaryHeaderVersionOneEXT, PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT, DecompressMemoryRegionNV, PhysicalDeviceShaderCoreBuiltinsPropertiesARM, PhysicalDeviceShaderCoreBuiltinsFeaturesARM, SurfacePresentModeEXT, SurfacePresentScalingCapabilitiesEXT, SurfacePresentModeCompatibilityEXT, PhysicalDeviceSwapchainMaintenance1FeaturesEXT, SwapchainPresentFenceInfoEXT, SwapchainPresentModesCreateInfoEXT, SwapchainPresentModeInfoEXT, SwapchainPresentScalingCreateInfoEXT, ReleaseSwapchainImagesInfoEXT, PhysicalDeviceRayTracingInvocationReorderFeaturesNV, PhysicalDeviceRayTracingInvocationReorderPropertiesNV, DirectDriverLoadingInfoLUNARG, DirectDriverLoadingListLUNARG, PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM, ClearColorValue, ClearValue, PerformanceCounterResultKHR, PerformanceValueDataINTEL, PipelineExecutableStatisticValueKHR, DeviceOrHostAddressKHR, DeviceOrHostAddressConstKHR, AccelerationStructureGeometryDataKHR, DescriptorDataEXT, AccelerationStructureMotionInstanceDataNV, _create_instance, _destroy_instance, _enumerate_physical_devices, _get_device_proc_addr, _get_instance_proc_addr, _get_physical_device_properties, _get_physical_device_queue_family_properties, _get_physical_device_memory_properties, _get_physical_device_features, _get_physical_device_format_properties, _get_physical_device_image_format_properties, _create_device, _destroy_device, _enumerate_instance_version, _enumerate_instance_layer_properties, _enumerate_instance_extension_properties, _enumerate_device_layer_properties, _enumerate_device_extension_properties, _get_device_queue, _queue_submit, _queue_wait_idle, _device_wait_idle, _allocate_memory, _free_memory, _map_memory, _unmap_memory, _flush_mapped_memory_ranges, _invalidate_mapped_memory_ranges, _get_device_memory_commitment, _get_buffer_memory_requirements, _bind_buffer_memory, _get_image_memory_requirements, _bind_image_memory, _get_image_sparse_memory_requirements, _get_physical_device_sparse_image_format_properties, _queue_bind_sparse, _create_fence, _destroy_fence, _reset_fences, _get_fence_status, _wait_for_fences, _create_semaphore, _destroy_semaphore, _create_event, _destroy_event, _get_event_status, _set_event, _reset_event, _create_query_pool, _destroy_query_pool, _get_query_pool_results, _reset_query_pool, _create_buffer, _destroy_buffer, _create_buffer_view, _destroy_buffer_view, _create_image, _destroy_image, _get_image_subresource_layout, _create_image_view, _destroy_image_view, _create_shader_module, _destroy_shader_module, _create_pipeline_cache, _destroy_pipeline_cache, _get_pipeline_cache_data, _merge_pipeline_caches, _create_graphics_pipelines, _create_compute_pipelines, _get_device_subpass_shading_max_workgroup_size_huawei, _destroy_pipeline, _create_pipeline_layout, _destroy_pipeline_layout, _create_sampler, _destroy_sampler, _create_descriptor_set_layout, _destroy_descriptor_set_layout, _create_descriptor_pool, _destroy_descriptor_pool, _reset_descriptor_pool, _allocate_descriptor_sets, _free_descriptor_sets, _update_descriptor_sets, _create_framebuffer, _destroy_framebuffer, _create_render_pass, _destroy_render_pass, _get_render_area_granularity, _create_command_pool, _destroy_command_pool, _reset_command_pool, _allocate_command_buffers, _free_command_buffers, _begin_command_buffer, _end_command_buffer, _reset_command_buffer, _cmd_bind_pipeline, _cmd_set_viewport, _cmd_set_scissor, _cmd_set_line_width, _cmd_set_depth_bias, _cmd_set_blend_constants, _cmd_set_depth_bounds, _cmd_set_stencil_compare_mask, _cmd_set_stencil_write_mask, _cmd_set_stencil_reference, _cmd_bind_descriptor_sets, _cmd_bind_index_buffer, _cmd_bind_vertex_buffers, _cmd_draw, _cmd_draw_indexed, _cmd_draw_multi_ext, _cmd_draw_multi_indexed_ext, _cmd_draw_indirect, _cmd_draw_indexed_indirect, _cmd_dispatch, _cmd_dispatch_indirect, _cmd_subpass_shading_huawei, _cmd_draw_cluster_huawei, _cmd_draw_cluster_indirect_huawei, _cmd_copy_buffer, _cmd_copy_image, _cmd_blit_image, _cmd_copy_buffer_to_image, _cmd_copy_image_to_buffer, _cmd_copy_memory_indirect_nv, _cmd_copy_memory_to_image_indirect_nv, _cmd_update_buffer, _cmd_fill_buffer, _cmd_clear_color_image, _cmd_clear_depth_stencil_image, _cmd_clear_attachments, _cmd_resolve_image, _cmd_set_event, _cmd_reset_event, _cmd_wait_events, _cmd_pipeline_barrier, _cmd_begin_query, _cmd_end_query, _cmd_begin_conditional_rendering_ext, _cmd_end_conditional_rendering_ext, _cmd_reset_query_pool, _cmd_write_timestamp, _cmd_copy_query_pool_results, _cmd_push_constants, _cmd_begin_render_pass, _cmd_next_subpass, _cmd_end_render_pass, _cmd_execute_commands, _get_physical_device_display_properties_khr, _get_physical_device_display_plane_properties_khr, _get_display_plane_supported_displays_khr, _get_display_mode_properties_khr, _create_display_mode_khr, _get_display_plane_capabilities_khr, _create_display_plane_surface_khr, _create_shared_swapchains_khr, _destroy_surface_khr, _get_physical_device_surface_support_khr, _get_physical_device_surface_capabilities_khr, _get_physical_device_surface_formats_khr, _get_physical_device_surface_present_modes_khr, _create_swapchain_khr, _destroy_swapchain_khr, _get_swapchain_images_khr, _acquire_next_image_khr, _queue_present_khr, _create_debug_report_callback_ext, _destroy_debug_report_callback_ext, _debug_report_message_ext, _debug_marker_set_object_name_ext, _debug_marker_set_object_tag_ext, _cmd_debug_marker_begin_ext, _cmd_debug_marker_end_ext, _cmd_debug_marker_insert_ext, _get_physical_device_external_image_format_properties_nv, _cmd_execute_generated_commands_nv, _cmd_preprocess_generated_commands_nv, _cmd_bind_pipeline_shader_group_nv, _get_generated_commands_memory_requirements_nv, _create_indirect_commands_layout_nv, _destroy_indirect_commands_layout_nv, _get_physical_device_features_2, _get_physical_device_properties_2, _get_physical_device_format_properties_2, _get_physical_device_image_format_properties_2, _get_physical_device_queue_family_properties_2, _get_physical_device_memory_properties_2, _get_physical_device_sparse_image_format_properties_2, _cmd_push_descriptor_set_khr, _trim_command_pool, _get_physical_device_external_buffer_properties, _get_memory_fd_khr, _get_memory_fd_properties_khr, _get_memory_remote_address_nv, _get_physical_device_external_semaphore_properties, _get_semaphore_fd_khr, _import_semaphore_fd_khr, _get_physical_device_external_fence_properties, _get_fence_fd_khr, _import_fence_fd_khr, _release_display_ext, _display_power_control_ext, _register_device_event_ext, _register_display_event_ext, _get_swapchain_counter_ext, _get_physical_device_surface_capabilities_2_ext, _enumerate_physical_device_groups, _get_device_group_peer_memory_features, _bind_buffer_memory_2, _bind_image_memory_2, _cmd_set_device_mask, _get_device_group_present_capabilities_khr, _get_device_group_surface_present_modes_khr, _acquire_next_image_2_khr, _cmd_dispatch_base, _get_physical_device_present_rectangles_khr, _create_descriptor_update_template, _destroy_descriptor_update_template, _update_descriptor_set_with_template, _cmd_push_descriptor_set_with_template_khr, _set_hdr_metadata_ext, _get_swapchain_status_khr, _get_refresh_cycle_duration_google, _get_past_presentation_timing_google, _create_mac_os_surface_mvk, _create_metal_surface_ext, _cmd_set_viewport_w_scaling_nv, _cmd_set_discard_rectangle_ext, _cmd_set_sample_locations_ext, _get_physical_device_multisample_properties_ext, _get_physical_device_surface_capabilities_2_khr, _get_physical_device_surface_formats_2_khr, _get_physical_device_display_properties_2_khr, _get_physical_device_display_plane_properties_2_khr, _get_display_mode_properties_2_khr, _get_display_plane_capabilities_2_khr, _get_buffer_memory_requirements_2, _get_image_memory_requirements_2, _get_image_sparse_memory_requirements_2, _get_device_buffer_memory_requirements, _get_device_image_memory_requirements, _get_device_image_sparse_memory_requirements, _create_sampler_ycbcr_conversion, _destroy_sampler_ycbcr_conversion, _get_device_queue_2, _create_validation_cache_ext, _destroy_validation_cache_ext, _get_validation_cache_data_ext, _merge_validation_caches_ext, _get_descriptor_set_layout_support, _get_shader_info_amd, _set_local_dimming_amd, _get_physical_device_calibrateable_time_domains_ext, _get_calibrated_timestamps_ext, _set_debug_utils_object_name_ext, _set_debug_utils_object_tag_ext, _queue_begin_debug_utils_label_ext, _queue_end_debug_utils_label_ext, _queue_insert_debug_utils_label_ext, _cmd_begin_debug_utils_label_ext, _cmd_end_debug_utils_label_ext, _cmd_insert_debug_utils_label_ext, _create_debug_utils_messenger_ext, _destroy_debug_utils_messenger_ext, _submit_debug_utils_message_ext, _get_memory_host_pointer_properties_ext, _cmd_write_buffer_marker_amd, _create_render_pass_2, _cmd_begin_render_pass_2, _cmd_next_subpass_2, _cmd_end_render_pass_2, _get_semaphore_counter_value, _wait_semaphores, _signal_semaphore, _cmd_draw_indirect_count, _cmd_draw_indexed_indirect_count, _cmd_set_checkpoint_nv, _get_queue_checkpoint_data_nv, _cmd_bind_transform_feedback_buffers_ext, _cmd_begin_transform_feedback_ext, _cmd_end_transform_feedback_ext, _cmd_begin_query_indexed_ext, _cmd_end_query_indexed_ext, _cmd_draw_indirect_byte_count_ext, _cmd_set_exclusive_scissor_nv, _cmd_bind_shading_rate_image_nv, _cmd_set_viewport_shading_rate_palette_nv, _cmd_set_coarse_sample_order_nv, _cmd_draw_mesh_tasks_nv, _cmd_draw_mesh_tasks_indirect_nv, _cmd_draw_mesh_tasks_indirect_count_nv, _cmd_draw_mesh_tasks_ext, _cmd_draw_mesh_tasks_indirect_ext, _cmd_draw_mesh_tasks_indirect_count_ext, _compile_deferred_nv, _create_acceleration_structure_nv, _cmd_bind_invocation_mask_huawei, _destroy_acceleration_structure_khr, _destroy_acceleration_structure_nv, _get_acceleration_structure_memory_requirements_nv, _bind_acceleration_structure_memory_nv, _cmd_copy_acceleration_structure_nv, _cmd_copy_acceleration_structure_khr, _copy_acceleration_structure_khr, _cmd_copy_acceleration_structure_to_memory_khr, _copy_acceleration_structure_to_memory_khr, _cmd_copy_memory_to_acceleration_structure_khr, _copy_memory_to_acceleration_structure_khr, _cmd_write_acceleration_structures_properties_khr, _cmd_write_acceleration_structures_properties_nv, _cmd_build_acceleration_structure_nv, _write_acceleration_structures_properties_khr, _cmd_trace_rays_khr, _cmd_trace_rays_nv, _get_ray_tracing_shader_group_handles_khr, _get_ray_tracing_capture_replay_shader_group_handles_khr, _get_acceleration_structure_handle_nv, _create_ray_tracing_pipelines_nv, _create_ray_tracing_pipelines_khr, _get_physical_device_cooperative_matrix_properties_nv, _cmd_trace_rays_indirect_khr, _cmd_trace_rays_indirect_2_khr, _get_device_acceleration_structure_compatibility_khr, _get_ray_tracing_shader_group_stack_size_khr, _cmd_set_ray_tracing_pipeline_stack_size_khr, _get_image_view_handle_nvx, _get_image_view_address_nvx, _enumerate_physical_device_queue_family_performance_query_counters_khr, _get_physical_device_queue_family_performance_query_passes_khr, _acquire_profiling_lock_khr, _release_profiling_lock_khr, _get_image_drm_format_modifier_properties_ext, _get_buffer_opaque_capture_address, _get_buffer_device_address, _create_headless_surface_ext, _get_physical_device_supported_framebuffer_mixed_samples_combinations_nv, _initialize_performance_api_intel, _uninitialize_performance_api_intel, _cmd_set_performance_marker_intel, _cmd_set_performance_stream_marker_intel, _cmd_set_performance_override_intel, _acquire_performance_configuration_intel, _release_performance_configuration_intel, _queue_set_performance_configuration_intel, _get_performance_parameter_intel, _get_device_memory_opaque_capture_address, _get_pipeline_executable_properties_khr, _get_pipeline_executable_statistics_khr, _get_pipeline_executable_internal_representations_khr, _cmd_set_line_stipple_ext, _get_physical_device_tool_properties, _create_acceleration_structure_khr, _cmd_build_acceleration_structures_khr, _cmd_build_acceleration_structures_indirect_khr, _build_acceleration_structures_khr, _get_acceleration_structure_device_address_khr, _create_deferred_operation_khr, _destroy_deferred_operation_khr, _get_deferred_operation_max_concurrency_khr, _get_deferred_operation_result_khr, _deferred_operation_join_khr, _cmd_set_cull_mode, _cmd_set_front_face, _cmd_set_primitive_topology, _cmd_set_viewport_with_count, _cmd_set_scissor_with_count, _cmd_bind_vertex_buffers_2, _cmd_set_depth_test_enable, _cmd_set_depth_write_enable, _cmd_set_depth_compare_op, _cmd_set_depth_bounds_test_enable, _cmd_set_stencil_test_enable, _cmd_set_stencil_op, _cmd_set_patch_control_points_ext, _cmd_set_rasterizer_discard_enable, _cmd_set_depth_bias_enable, _cmd_set_logic_op_ext, _cmd_set_primitive_restart_enable, _cmd_set_tessellation_domain_origin_ext, _cmd_set_depth_clamp_enable_ext, _cmd_set_polygon_mode_ext, _cmd_set_rasterization_samples_ext, _cmd_set_sample_mask_ext, _cmd_set_alpha_to_coverage_enable_ext, _cmd_set_alpha_to_one_enable_ext, _cmd_set_logic_op_enable_ext, _cmd_set_color_blend_enable_ext, _cmd_set_color_blend_equation_ext, _cmd_set_color_write_mask_ext, _cmd_set_rasterization_stream_ext, _cmd_set_conservative_rasterization_mode_ext, _cmd_set_extra_primitive_overestimation_size_ext, _cmd_set_depth_clip_enable_ext, _cmd_set_sample_locations_enable_ext, _cmd_set_color_blend_advanced_ext, _cmd_set_provoking_vertex_mode_ext, _cmd_set_line_rasterization_mode_ext, _cmd_set_line_stipple_enable_ext, _cmd_set_depth_clip_negative_one_to_one_ext, _cmd_set_viewport_w_scaling_enable_nv, _cmd_set_viewport_swizzle_nv, _cmd_set_coverage_to_color_enable_nv, _cmd_set_coverage_to_color_location_nv, _cmd_set_coverage_modulation_mode_nv, _cmd_set_coverage_modulation_table_enable_nv, _cmd_set_coverage_modulation_table_nv, _cmd_set_shading_rate_image_enable_nv, _cmd_set_coverage_reduction_mode_nv, _cmd_set_representative_fragment_test_enable_nv, _create_private_data_slot, _destroy_private_data_slot, _set_private_data, _get_private_data, _cmd_copy_buffer_2, _cmd_copy_image_2, _cmd_blit_image_2, _cmd_copy_buffer_to_image_2, _cmd_copy_image_to_buffer_2, _cmd_resolve_image_2, _cmd_set_fragment_shading_rate_khr, _get_physical_device_fragment_shading_rates_khr, _cmd_set_fragment_shading_rate_enum_nv, _get_acceleration_structure_build_sizes_khr, _cmd_set_vertex_input_ext, _cmd_set_color_write_enable_ext, _cmd_set_event_2, _cmd_reset_event_2, _cmd_wait_events_2, _cmd_pipeline_barrier_2, _queue_submit_2, _cmd_write_timestamp_2, _cmd_write_buffer_marker_2_amd, _get_queue_checkpoint_data_2_nv, _get_physical_device_video_capabilities_khr, _get_physical_device_video_format_properties_khr, _create_video_session_khr, _destroy_video_session_khr, _create_video_session_parameters_khr, _update_video_session_parameters_khr, _destroy_video_session_parameters_khr, _get_video_session_memory_requirements_khr, _bind_video_session_memory_khr, _cmd_decode_video_khr, _cmd_begin_video_coding_khr, _cmd_control_video_coding_khr, _cmd_end_video_coding_khr, _cmd_decompress_memory_nv, _cmd_decompress_memory_indirect_count_nv, _create_cu_module_nvx, _create_cu_function_nvx, _destroy_cu_module_nvx, _destroy_cu_function_nvx, _cmd_cu_launch_kernel_nvx, _get_descriptor_set_layout_size_ext, _get_descriptor_set_layout_binding_offset_ext, _get_descriptor_ext, _cmd_bind_descriptor_buffers_ext, _cmd_set_descriptor_buffer_offsets_ext, _cmd_bind_descriptor_buffer_embedded_samplers_ext, _get_buffer_opaque_capture_descriptor_data_ext, _get_image_opaque_capture_descriptor_data_ext, _get_image_view_opaque_capture_descriptor_data_ext, _get_sampler_opaque_capture_descriptor_data_ext, _get_acceleration_structure_opaque_capture_descriptor_data_ext, _set_device_memory_priority_ext, _acquire_drm_display_ext, _get_drm_display_ext, _wait_for_present_khr, _cmd_begin_rendering, _cmd_end_rendering, _get_descriptor_set_layout_host_mapping_info_valve, _get_descriptor_set_host_mapping_valve, _create_micromap_ext, _cmd_build_micromaps_ext, _build_micromaps_ext, _destroy_micromap_ext, _cmd_copy_micromap_ext, _copy_micromap_ext, _cmd_copy_micromap_to_memory_ext, _copy_micromap_to_memory_ext, _cmd_copy_memory_to_micromap_ext, _copy_memory_to_micromap_ext, _cmd_write_micromaps_properties_ext, _write_micromaps_properties_ext, _get_device_micromap_compatibility_ext, _get_micromap_build_sizes_ext, _get_shader_module_identifier_ext, _get_shader_module_create_info_identifier_ext, _get_image_subresource_layout_2_ext, _get_pipeline_properties_ext, _export_metal_objects_ext, _get_framebuffer_tile_properties_qcom, _get_dynamic_rendering_tile_properties_qcom, _get_physical_device_optical_flow_image_formats_nv, _create_optical_flow_session_nv, _destroy_optical_flow_session_nv, _bind_optical_flow_session_image_nv, _cmd_optical_flow_execute_nv, _get_device_fault_info_ext, _release_swapchain_images_ext, create_instance, destroy_instance, enumerate_physical_devices, get_device_proc_addr, get_instance_proc_addr, get_physical_device_properties, get_physical_device_queue_family_properties, get_physical_device_memory_properties, get_physical_device_features, get_physical_device_format_properties, get_physical_device_image_format_properties, create_device, destroy_device, enumerate_instance_version, enumerate_instance_layer_properties, enumerate_instance_extension_properties, enumerate_device_layer_properties, enumerate_device_extension_properties, get_device_queue, queue_submit, queue_wait_idle, device_wait_idle, allocate_memory, free_memory, map_memory, unmap_memory, flush_mapped_memory_ranges, invalidate_mapped_memory_ranges, get_device_memory_commitment, get_buffer_memory_requirements, bind_buffer_memory, get_image_memory_requirements, bind_image_memory, get_image_sparse_memory_requirements, get_physical_device_sparse_image_format_properties, queue_bind_sparse, create_fence, destroy_fence, reset_fences, get_fence_status, wait_for_fences, create_semaphore, destroy_semaphore, create_event, destroy_event, get_event_status, set_event, reset_event, create_query_pool, destroy_query_pool, get_query_pool_results, reset_query_pool, create_buffer, destroy_buffer, create_buffer_view, destroy_buffer_view, create_image, destroy_image, get_image_subresource_layout, create_image_view, destroy_image_view, create_shader_module, destroy_shader_module, create_pipeline_cache, destroy_pipeline_cache, get_pipeline_cache_data, merge_pipeline_caches, create_graphics_pipelines, create_compute_pipelines, get_device_subpass_shading_max_workgroup_size_huawei, destroy_pipeline, create_pipeline_layout, destroy_pipeline_layout, create_sampler, destroy_sampler, create_descriptor_set_layout, destroy_descriptor_set_layout, create_descriptor_pool, destroy_descriptor_pool, reset_descriptor_pool, allocate_descriptor_sets, free_descriptor_sets, update_descriptor_sets, create_framebuffer, destroy_framebuffer, create_render_pass, destroy_render_pass, get_render_area_granularity, create_command_pool, destroy_command_pool, reset_command_pool, allocate_command_buffers, free_command_buffers, begin_command_buffer, end_command_buffer, reset_command_buffer, cmd_bind_pipeline, cmd_set_viewport, cmd_set_scissor, cmd_set_line_width, cmd_set_depth_bias, cmd_set_blend_constants, cmd_set_depth_bounds, cmd_set_stencil_compare_mask, cmd_set_stencil_write_mask, cmd_set_stencil_reference, cmd_bind_descriptor_sets, cmd_bind_index_buffer, cmd_bind_vertex_buffers, cmd_draw, cmd_draw_indexed, cmd_draw_multi_ext, cmd_draw_multi_indexed_ext, cmd_draw_indirect, cmd_draw_indexed_indirect, cmd_dispatch, cmd_dispatch_indirect, cmd_subpass_shading_huawei, cmd_draw_cluster_huawei, cmd_draw_cluster_indirect_huawei, cmd_copy_buffer, cmd_copy_image, cmd_blit_image, cmd_copy_buffer_to_image, cmd_copy_image_to_buffer, cmd_copy_memory_indirect_nv, cmd_copy_memory_to_image_indirect_nv, cmd_update_buffer, cmd_fill_buffer, cmd_clear_color_image, cmd_clear_depth_stencil_image, cmd_clear_attachments, cmd_resolve_image, cmd_set_event, cmd_reset_event, cmd_wait_events, cmd_pipeline_barrier, cmd_begin_query, cmd_end_query, cmd_begin_conditional_rendering_ext, cmd_end_conditional_rendering_ext, cmd_reset_query_pool, cmd_write_timestamp, cmd_copy_query_pool_results, cmd_push_constants, cmd_begin_render_pass, cmd_next_subpass, cmd_end_render_pass, cmd_execute_commands, get_physical_device_display_properties_khr, get_physical_device_display_plane_properties_khr, get_display_plane_supported_displays_khr, get_display_mode_properties_khr, create_display_mode_khr, get_display_plane_capabilities_khr, create_display_plane_surface_khr, create_shared_swapchains_khr, destroy_surface_khr, get_physical_device_surface_support_khr, get_physical_device_surface_capabilities_khr, get_physical_device_surface_formats_khr, get_physical_device_surface_present_modes_khr, create_swapchain_khr, destroy_swapchain_khr, get_swapchain_images_khr, acquire_next_image_khr, queue_present_khr, create_debug_report_callback_ext, destroy_debug_report_callback_ext, debug_report_message_ext, debug_marker_set_object_name_ext, debug_marker_set_object_tag_ext, cmd_debug_marker_begin_ext, cmd_debug_marker_end_ext, cmd_debug_marker_insert_ext, get_physical_device_external_image_format_properties_nv, cmd_execute_generated_commands_nv, cmd_preprocess_generated_commands_nv, cmd_bind_pipeline_shader_group_nv, get_generated_commands_memory_requirements_nv, create_indirect_commands_layout_nv, destroy_indirect_commands_layout_nv, get_physical_device_features_2, get_physical_device_properties_2, get_physical_device_format_properties_2, get_physical_device_image_format_properties_2, get_physical_device_queue_family_properties_2, get_physical_device_memory_properties_2, get_physical_device_sparse_image_format_properties_2, cmd_push_descriptor_set_khr, trim_command_pool, get_physical_device_external_buffer_properties, get_memory_fd_khr, get_memory_fd_properties_khr, get_memory_remote_address_nv, get_physical_device_external_semaphore_properties, get_semaphore_fd_khr, import_semaphore_fd_khr, get_physical_device_external_fence_properties, get_fence_fd_khr, import_fence_fd_khr, release_display_ext, display_power_control_ext, register_device_event_ext, register_display_event_ext, get_swapchain_counter_ext, get_physical_device_surface_capabilities_2_ext, enumerate_physical_device_groups, get_device_group_peer_memory_features, bind_buffer_memory_2, bind_image_memory_2, cmd_set_device_mask, get_device_group_present_capabilities_khr, get_device_group_surface_present_modes_khr, acquire_next_image_2_khr, cmd_dispatch_base, get_physical_device_present_rectangles_khr, create_descriptor_update_template, destroy_descriptor_update_template, update_descriptor_set_with_template, cmd_push_descriptor_set_with_template_khr, set_hdr_metadata_ext, get_swapchain_status_khr, get_refresh_cycle_duration_google, get_past_presentation_timing_google, create_mac_os_surface_mvk, create_metal_surface_ext, cmd_set_viewport_w_scaling_nv, cmd_set_discard_rectangle_ext, cmd_set_sample_locations_ext, get_physical_device_multisample_properties_ext, get_physical_device_surface_capabilities_2_khr, get_physical_device_surface_formats_2_khr, get_physical_device_display_properties_2_khr, get_physical_device_display_plane_properties_2_khr, get_display_mode_properties_2_khr, get_display_plane_capabilities_2_khr, get_buffer_memory_requirements_2, get_image_memory_requirements_2, get_image_sparse_memory_requirements_2, get_device_buffer_memory_requirements, get_device_image_memory_requirements, get_device_image_sparse_memory_requirements, create_sampler_ycbcr_conversion, destroy_sampler_ycbcr_conversion, get_device_queue_2, create_validation_cache_ext, destroy_validation_cache_ext, get_validation_cache_data_ext, merge_validation_caches_ext, get_descriptor_set_layout_support, get_shader_info_amd, set_local_dimming_amd, get_physical_device_calibrateable_time_domains_ext, get_calibrated_timestamps_ext, set_debug_utils_object_name_ext, set_debug_utils_object_tag_ext, queue_begin_debug_utils_label_ext, queue_end_debug_utils_label_ext, queue_insert_debug_utils_label_ext, cmd_begin_debug_utils_label_ext, cmd_end_debug_utils_label_ext, cmd_insert_debug_utils_label_ext, create_debug_utils_messenger_ext, destroy_debug_utils_messenger_ext, submit_debug_utils_message_ext, get_memory_host_pointer_properties_ext, cmd_write_buffer_marker_amd, create_render_pass_2, cmd_begin_render_pass_2, cmd_next_subpass_2, cmd_end_render_pass_2, get_semaphore_counter_value, wait_semaphores, signal_semaphore, cmd_draw_indirect_count, cmd_draw_indexed_indirect_count, cmd_set_checkpoint_nv, get_queue_checkpoint_data_nv, cmd_bind_transform_feedback_buffers_ext, cmd_begin_transform_feedback_ext, cmd_end_transform_feedback_ext, cmd_begin_query_indexed_ext, cmd_end_query_indexed_ext, cmd_draw_indirect_byte_count_ext, cmd_set_exclusive_scissor_nv, cmd_bind_shading_rate_image_nv, cmd_set_viewport_shading_rate_palette_nv, cmd_set_coarse_sample_order_nv, cmd_draw_mesh_tasks_nv, cmd_draw_mesh_tasks_indirect_nv, cmd_draw_mesh_tasks_indirect_count_nv, cmd_draw_mesh_tasks_ext, cmd_draw_mesh_tasks_indirect_ext, cmd_draw_mesh_tasks_indirect_count_ext, compile_deferred_nv, create_acceleration_structure_nv, cmd_bind_invocation_mask_huawei, destroy_acceleration_structure_khr, destroy_acceleration_structure_nv, get_acceleration_structure_memory_requirements_nv, bind_acceleration_structure_memory_nv, cmd_copy_acceleration_structure_nv, cmd_copy_acceleration_structure_khr, copy_acceleration_structure_khr, cmd_copy_acceleration_structure_to_memory_khr, copy_acceleration_structure_to_memory_khr, cmd_copy_memory_to_acceleration_structure_khr, copy_memory_to_acceleration_structure_khr, cmd_write_acceleration_structures_properties_khr, cmd_write_acceleration_structures_properties_nv, cmd_build_acceleration_structure_nv, write_acceleration_structures_properties_khr, cmd_trace_rays_khr, cmd_trace_rays_nv, get_ray_tracing_shader_group_handles_khr, get_ray_tracing_capture_replay_shader_group_handles_khr, get_acceleration_structure_handle_nv, create_ray_tracing_pipelines_nv, create_ray_tracing_pipelines_khr, get_physical_device_cooperative_matrix_properties_nv, cmd_trace_rays_indirect_khr, cmd_trace_rays_indirect_2_khr, get_device_acceleration_structure_compatibility_khr, get_ray_tracing_shader_group_stack_size_khr, cmd_set_ray_tracing_pipeline_stack_size_khr, get_image_view_handle_nvx, get_image_view_address_nvx, enumerate_physical_device_queue_family_performance_query_counters_khr, get_physical_device_queue_family_performance_query_passes_khr, acquire_profiling_lock_khr, release_profiling_lock_khr, get_image_drm_format_modifier_properties_ext, get_buffer_opaque_capture_address, get_buffer_device_address, create_headless_surface_ext, get_physical_device_supported_framebuffer_mixed_samples_combinations_nv, initialize_performance_api_intel, uninitialize_performance_api_intel, cmd_set_performance_marker_intel, cmd_set_performance_stream_marker_intel, cmd_set_performance_override_intel, acquire_performance_configuration_intel, release_performance_configuration_intel, queue_set_performance_configuration_intel, get_performance_parameter_intel, get_device_memory_opaque_capture_address, get_pipeline_executable_properties_khr, get_pipeline_executable_statistics_khr, get_pipeline_executable_internal_representations_khr, cmd_set_line_stipple_ext, get_physical_device_tool_properties, create_acceleration_structure_khr, cmd_build_acceleration_structures_khr, cmd_build_acceleration_structures_indirect_khr, build_acceleration_structures_khr, get_acceleration_structure_device_address_khr, create_deferred_operation_khr, destroy_deferred_operation_khr, get_deferred_operation_max_concurrency_khr, get_deferred_operation_result_khr, deferred_operation_join_khr, cmd_set_cull_mode, cmd_set_front_face, cmd_set_primitive_topology, cmd_set_viewport_with_count, cmd_set_scissor_with_count, cmd_bind_vertex_buffers_2, cmd_set_depth_test_enable, cmd_set_depth_write_enable, cmd_set_depth_compare_op, cmd_set_depth_bounds_test_enable, cmd_set_stencil_test_enable, cmd_set_stencil_op, cmd_set_patch_control_points_ext, cmd_set_rasterizer_discard_enable, cmd_set_depth_bias_enable, cmd_set_logic_op_ext, cmd_set_primitive_restart_enable, cmd_set_tessellation_domain_origin_ext, cmd_set_depth_clamp_enable_ext, cmd_set_polygon_mode_ext, cmd_set_rasterization_samples_ext, cmd_set_sample_mask_ext, cmd_set_alpha_to_coverage_enable_ext, cmd_set_alpha_to_one_enable_ext, cmd_set_logic_op_enable_ext, cmd_set_color_blend_enable_ext, cmd_set_color_blend_equation_ext, cmd_set_color_write_mask_ext, cmd_set_rasterization_stream_ext, cmd_set_conservative_rasterization_mode_ext, cmd_set_extra_primitive_overestimation_size_ext, cmd_set_depth_clip_enable_ext, cmd_set_sample_locations_enable_ext, cmd_set_color_blend_advanced_ext, cmd_set_provoking_vertex_mode_ext, cmd_set_line_rasterization_mode_ext, cmd_set_line_stipple_enable_ext, cmd_set_depth_clip_negative_one_to_one_ext, cmd_set_viewport_w_scaling_enable_nv, cmd_set_viewport_swizzle_nv, cmd_set_coverage_to_color_enable_nv, cmd_set_coverage_to_color_location_nv, cmd_set_coverage_modulation_mode_nv, cmd_set_coverage_modulation_table_enable_nv, cmd_set_coverage_modulation_table_nv, cmd_set_shading_rate_image_enable_nv, cmd_set_coverage_reduction_mode_nv, cmd_set_representative_fragment_test_enable_nv, create_private_data_slot, destroy_private_data_slot, set_private_data, get_private_data, cmd_copy_buffer_2, cmd_copy_image_2, cmd_blit_image_2, cmd_copy_buffer_to_image_2, cmd_copy_image_to_buffer_2, cmd_resolve_image_2, cmd_set_fragment_shading_rate_khr, get_physical_device_fragment_shading_rates_khr, cmd_set_fragment_shading_rate_enum_nv, get_acceleration_structure_build_sizes_khr, cmd_set_vertex_input_ext, cmd_set_color_write_enable_ext, cmd_set_event_2, cmd_reset_event_2, cmd_wait_events_2, cmd_pipeline_barrier_2, queue_submit_2, cmd_write_timestamp_2, cmd_write_buffer_marker_2_amd, get_queue_checkpoint_data_2_nv, get_physical_device_video_capabilities_khr, get_physical_device_video_format_properties_khr, create_video_session_khr, destroy_video_session_khr, create_video_session_parameters_khr, update_video_session_parameters_khr, destroy_video_session_parameters_khr, get_video_session_memory_requirements_khr, bind_video_session_memory_khr, cmd_decode_video_khr, cmd_begin_video_coding_khr, cmd_control_video_coding_khr, cmd_end_video_coding_khr, cmd_decompress_memory_nv, cmd_decompress_memory_indirect_count_nv, create_cu_module_nvx, create_cu_function_nvx, destroy_cu_module_nvx, destroy_cu_function_nvx, cmd_cu_launch_kernel_nvx, get_descriptor_set_layout_size_ext, get_descriptor_set_layout_binding_offset_ext, get_descriptor_ext, cmd_bind_descriptor_buffers_ext, cmd_set_descriptor_buffer_offsets_ext, cmd_bind_descriptor_buffer_embedded_samplers_ext, get_buffer_opaque_capture_descriptor_data_ext, get_image_opaque_capture_descriptor_data_ext, get_image_view_opaque_capture_descriptor_data_ext, get_sampler_opaque_capture_descriptor_data_ext, get_acceleration_structure_opaque_capture_descriptor_data_ext, set_device_memory_priority_ext, acquire_drm_display_ext, get_drm_display_ext, wait_for_present_khr, cmd_begin_rendering, cmd_end_rendering, get_descriptor_set_layout_host_mapping_info_valve, get_descriptor_set_host_mapping_valve, create_micromap_ext, cmd_build_micromaps_ext, build_micromaps_ext, destroy_micromap_ext, cmd_copy_micromap_ext, copy_micromap_ext, cmd_copy_micromap_to_memory_ext, copy_micromap_to_memory_ext, cmd_copy_memory_to_micromap_ext, copy_memory_to_micromap_ext, cmd_write_micromaps_properties_ext, write_micromaps_properties_ext, get_device_micromap_compatibility_ext, get_micromap_build_sizes_ext, get_shader_module_identifier_ext, get_shader_module_create_info_identifier_ext, get_image_subresource_layout_2_ext, get_pipeline_properties_ext, export_metal_objects_ext, get_framebuffer_tile_properties_qcom, get_dynamic_rendering_tile_properties_qcom, get_physical_device_optical_flow_image_formats_nv, create_optical_flow_session_nv, destroy_optical_flow_session_nv, bind_optical_flow_session_image_nv, cmd_optical_flow_execute_nv, get_device_fault_info_ext, release_swapchain_images_ext, SPIRV_EXTENSIONS, SPIRV_CAPABILITIES, CORE_FUNCTIONS, INSTANCE_FUNCTIONS, DEVICE_FUNCTIONS, bind_buffer_memory_2_khr, bind_image_memory_2_khr, cmd_begin_render_pass_2_khr, cmd_begin_rendering_khr, cmd_bind_vertex_buffers_2_ext, cmd_blit_image_2_khr, cmd_copy_buffer_2_khr, cmd_copy_buffer_to_image_2_khr, cmd_copy_image_2_khr, cmd_copy_image_to_buffer_2_khr, cmd_dispatch_base_khr, cmd_draw_indexed_indirect_count_amd, cmd_draw_indexed_indirect_count_khr, cmd_draw_indirect_count_amd, cmd_draw_indirect_count_khr, cmd_end_render_pass_2_khr, cmd_end_rendering_khr, cmd_next_subpass_2_khr, cmd_pipeline_barrier_2_khr, cmd_reset_event_2_khr, cmd_resolve_image_2_khr, cmd_set_cull_mode_ext, cmd_set_depth_bias_enable_ext, cmd_set_depth_bounds_test_enable_ext, cmd_set_depth_compare_op_ext, cmd_set_depth_test_enable_ext, cmd_set_depth_write_enable_ext, cmd_set_device_mask_khr, cmd_set_event_2_khr, cmd_set_front_face_ext, cmd_set_primitive_restart_enable_ext, cmd_set_primitive_topology_ext, cmd_set_rasterizer_discard_enable_ext, cmd_set_scissor_with_count_ext, cmd_set_stencil_op_ext, cmd_set_stencil_test_enable_ext, cmd_set_viewport_with_count_ext, cmd_wait_events_2_khr, cmd_write_timestamp_2_khr, create_descriptor_update_template_khr, create_private_data_slot_ext, create_render_pass_2_khr, create_sampler_ycbcr_conversion_khr, destroy_descriptor_update_template_khr, destroy_private_data_slot_ext, destroy_sampler_ycbcr_conversion_khr, enumerate_physical_device_groups_khr, get_buffer_device_address_ext, get_buffer_device_address_khr, get_buffer_memory_requirements_2_khr, get_buffer_opaque_capture_address_khr, get_descriptor_set_layout_support_khr, get_device_buffer_memory_requirements_khr, get_device_group_peer_memory_features_khr, get_device_image_memory_requirements_khr, get_device_image_sparse_memory_requirements_khr, get_device_memory_opaque_capture_address_khr, get_image_memory_requirements_2_khr, get_image_sparse_memory_requirements_2_khr, get_physical_device_external_buffer_properties_khr, get_physical_device_external_fence_properties_khr, get_physical_device_external_semaphore_properties_khr, get_physical_device_features_2_khr, get_physical_device_format_properties_2_khr, get_physical_device_image_format_properties_2_khr, get_physical_device_memory_properties_2_khr, get_physical_device_properties_2_khr, get_physical_device_queue_family_properties_2_khr, get_physical_device_sparse_image_format_properties_2_khr, get_physical_device_tool_properties_ext, get_private_data_ext, get_ray_tracing_shader_group_handles_nv, get_semaphore_counter_value_khr, queue_submit_2_khr, reset_query_pool_ext, set_private_data_ext, signal_semaphore_khr, trim_command_pool_khr, update_descriptor_set_with_template_khr, wait_semaphores_khr, ACCELERATION_STRUCTURE_TYPE_BOTTOM_LEVEL_NV, ACCELERATION_STRUCTURE_TYPE_TOP_LEVEL_NV, ACCESS_2_ACCELERATION_STRUCTURE_READ_BIT_NV, ACCESS_2_ACCELERATION_STRUCTURE_WRITE_BIT_NV, ACCESS_2_COLOR_ATTACHMENT_READ_BIT_KHR, ACCESS_2_COLOR_ATTACHMENT_WRITE_BIT_KHR, ACCESS_2_DEPTH_STENCIL_ATTACHMENT_READ_BIT_KHR, ACCESS_2_DEPTH_STENCIL_ATTACHMENT_WRITE_BIT_KHR, ACCESS_2_HOST_READ_BIT_KHR, ACCESS_2_HOST_WRITE_BIT_KHR, ACCESS_2_INDEX_READ_BIT_KHR, ACCESS_2_INDIRECT_COMMAND_READ_BIT_KHR, ACCESS_2_INPUT_ATTACHMENT_READ_BIT_KHR, ACCESS_2_MEMORY_READ_BIT_KHR, ACCESS_2_MEMORY_WRITE_BIT_KHR, ACCESS_2_NONE_KHR, ACCESS_2_SHADER_READ_BIT_KHR, ACCESS_2_SHADER_SAMPLED_READ_BIT_KHR, ACCESS_2_SHADER_STORAGE_READ_BIT_KHR, ACCESS_2_SHADER_STORAGE_WRITE_BIT_KHR, ACCESS_2_SHADER_WRITE_BIT_KHR, ACCESS_2_SHADING_RATE_IMAGE_READ_BIT_NV, ACCESS_2_TRANSFER_READ_BIT_KHR, ACCESS_2_TRANSFER_WRITE_BIT_KHR, ACCESS_2_UNIFORM_READ_BIT_KHR, ACCESS_2_VERTEX_ATTRIBUTE_READ_BIT_KHR, ACCESS_ACCELERATION_STRUCTURE_READ_BIT_NV, ACCESS_ACCELERATION_STRUCTURE_WRITE_BIT_NV, ACCESS_NONE_KHR, ACCESS_SHADING_RATE_IMAGE_READ_BIT_NV, ATTACHMENT_STORE_OP_NONE_EXT, ATTACHMENT_STORE_OP_NONE_KHR, ATTACHMENT_STORE_OP_NONE_QCOM, BUFFER_CREATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT_EXT, BUFFER_CREATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT_KHR, BUFFER_USAGE_RAY_TRACING_BIT_NV, BUFFER_USAGE_SHADER_DEVICE_ADDRESS_BIT_EXT, BUFFER_USAGE_SHADER_DEVICE_ADDRESS_BIT_KHR, BUILD_ACCELERATION_STRUCTURE_ALLOW_COMPACTION_BIT_NV, BUILD_ACCELERATION_STRUCTURE_ALLOW_UPDATE_BIT_NV, BUILD_ACCELERATION_STRUCTURE_LOW_MEMORY_BIT_NV, BUILD_ACCELERATION_STRUCTURE_PREFER_FAST_BUILD_BIT_NV, BUILD_ACCELERATION_STRUCTURE_PREFER_FAST_TRACE_BIT_NV, CHROMA_LOCATION_COSITED_EVEN_KHR, CHROMA_LOCATION_MIDPOINT_KHR, COLORSPACE_SRGB_NONLINEAR_KHR, COLOR_SPACE_DCI_P3_LINEAR_EXT, COPY_ACCELERATION_STRUCTURE_MODE_CLONE_NV, COPY_ACCELERATION_STRUCTURE_MODE_COMPACT_NV, DEBUG_REPORT_OBJECT_TYPE_DEBUG_REPORT_EXT, DEBUG_REPORT_OBJECT_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_KHR_EXT, DEBUG_REPORT_OBJECT_TYPE_SAMPLER_YCBCR_CONVERSION_KHR_EXT, DEBUG_REPORT_OBJECT_TYPE_VALIDATION_CACHE_EXT, DEPENDENCY_DEVICE_GROUP_BIT_KHR, DEPENDENCY_VIEW_LOCAL_BIT_KHR, DESCRIPTOR_BINDING_PARTIALLY_BOUND_BIT_EXT, DESCRIPTOR_BINDING_UPDATE_AFTER_BIND_BIT_EXT, DESCRIPTOR_BINDING_UPDATE_UNUSED_WHILE_PENDING_BIT_EXT, DESCRIPTOR_BINDING_VARIABLE_DESCRIPTOR_COUNT_BIT_EXT, DESCRIPTOR_POOL_CREATE_HOST_ONLY_BIT_VALVE, DESCRIPTOR_POOL_CREATE_UPDATE_AFTER_BIND_BIT_EXT, DESCRIPTOR_SET_LAYOUT_CREATE_HOST_ONLY_POOL_BIT_VALVE, DESCRIPTOR_SET_LAYOUT_CREATE_UPDATE_AFTER_BIND_POOL_BIT_EXT, DESCRIPTOR_TYPE_INLINE_UNIFORM_BLOCK_EXT, DESCRIPTOR_TYPE_MUTABLE_VALVE, DESCRIPTOR_UPDATE_TEMPLATE_TYPE_DESCRIPTOR_SET_KHR, DRIVER_ID_AMD_OPEN_SOURCE_KHR, DRIVER_ID_AMD_PROPRIETARY_KHR, DRIVER_ID_ARM_PROPRIETARY_KHR, DRIVER_ID_BROADCOM_PROPRIETARY_KHR, DRIVER_ID_GGP_PROPRIETARY_KHR, DRIVER_ID_GOOGLE_SWIFTSHADER_KHR, DRIVER_ID_IMAGINATION_PROPRIETARY_KHR, DRIVER_ID_INTEL_OPEN_SOURCE_MESA_KHR, DRIVER_ID_INTEL_PROPRIETARY_WINDOWS_KHR, DRIVER_ID_MESA_RADV_KHR, DRIVER_ID_NVIDIA_PROPRIETARY_KHR, DRIVER_ID_QUALCOMM_PROPRIETARY_KHR, DYNAMIC_STATE_CULL_MODE_EXT, DYNAMIC_STATE_DEPTH_BIAS_ENABLE_EXT, DYNAMIC_STATE_DEPTH_BOUNDS_TEST_ENABLE_EXT, DYNAMIC_STATE_DEPTH_COMPARE_OP_EXT, DYNAMIC_STATE_DEPTH_TEST_ENABLE_EXT, DYNAMIC_STATE_DEPTH_WRITE_ENABLE_EXT, DYNAMIC_STATE_FRONT_FACE_EXT, DYNAMIC_STATE_PRIMITIVE_RESTART_ENABLE_EXT, DYNAMIC_STATE_PRIMITIVE_TOPOLOGY_EXT, DYNAMIC_STATE_RASTERIZER_DISCARD_ENABLE_EXT, DYNAMIC_STATE_SCISSOR_WITH_COUNT_EXT, DYNAMIC_STATE_STENCIL_OP_EXT, DYNAMIC_STATE_STENCIL_TEST_ENABLE_EXT, DYNAMIC_STATE_VERTEX_INPUT_BINDING_STRIDE_EXT, DYNAMIC_STATE_VIEWPORT_WITH_COUNT_EXT, ERROR_FRAGMENTATION_EXT, ERROR_INVALID_DEVICE_ADDRESS_EXT, ERROR_INVALID_EXTERNAL_HANDLE_KHR, ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR, ERROR_NOT_PERMITTED_EXT, ERROR_OUT_OF_POOL_MEMORY_KHR, ERROR_PIPELINE_COMPILE_REQUIRED_EXT, EVENT_CREATE_DEVICE_ONLY_BIT_KHR, EXTERNAL_FENCE_FEATURE_EXPORTABLE_BIT_KHR, EXTERNAL_FENCE_FEATURE_IMPORTABLE_BIT_KHR, EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_FD_BIT_KHR, EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_WIN32_BIT_KHR, EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT_KHR, EXTERNAL_FENCE_HANDLE_TYPE_SYNC_FD_BIT_KHR, EXTERNAL_MEMORY_FEATURE_DEDICATED_ONLY_BIT_KHR, EXTERNAL_MEMORY_FEATURE_EXPORTABLE_BIT_KHR, EXTERNAL_MEMORY_FEATURE_IMPORTABLE_BIT_KHR, EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_TEXTURE_BIT_KHR, EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_TEXTURE_KMT_BIT_KHR, EXTERNAL_MEMORY_HANDLE_TYPE_D3D12_HEAP_BIT_KHR, EXTERNAL_MEMORY_HANDLE_TYPE_D3D12_RESOURCE_BIT_KHR, EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_FD_BIT_KHR, EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_BIT_KHR, EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT_KHR, EXTERNAL_SEMAPHORE_FEATURE_EXPORTABLE_BIT_KHR, EXTERNAL_SEMAPHORE_FEATURE_IMPORTABLE_BIT_KHR, EXTERNAL_SEMAPHORE_HANDLE_TYPE_D3D11_FENCE_BIT, EXTERNAL_SEMAPHORE_HANDLE_TYPE_D3D12_FENCE_BIT_KHR, EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_FD_BIT_KHR, EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_WIN32_BIT_KHR, EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT_KHR, EXTERNAL_SEMAPHORE_HANDLE_TYPE_SYNC_FD_BIT_KHR, FENCE_IMPORT_TEMPORARY_BIT_KHR, FILTER_CUBIC_IMG, FORMAT_A4B4G4R4_UNORM_PACK16_EXT, FORMAT_A4R4G4B4_UNORM_PACK16_EXT, FORMAT_ASTC_10x10_SFLOAT_BLOCK_EXT, FORMAT_ASTC_10x5_SFLOAT_BLOCK_EXT, FORMAT_ASTC_10x6_SFLOAT_BLOCK_EXT, FORMAT_ASTC_10x8_SFLOAT_BLOCK_EXT, FORMAT_ASTC_12x10_SFLOAT_BLOCK_EXT, FORMAT_ASTC_12x12_SFLOAT_BLOCK_EXT, FORMAT_ASTC_4x4_SFLOAT_BLOCK_EXT, FORMAT_ASTC_5x4_SFLOAT_BLOCK_EXT, FORMAT_ASTC_5x5_SFLOAT_BLOCK_EXT, FORMAT_ASTC_6x5_SFLOAT_BLOCK_EXT, FORMAT_ASTC_6x6_SFLOAT_BLOCK_EXT, FORMAT_ASTC_8x5_SFLOAT_BLOCK_EXT, FORMAT_ASTC_8x6_SFLOAT_BLOCK_EXT, FORMAT_ASTC_8x8_SFLOAT_BLOCK_EXT, FORMAT_B10X6G10X6R10X6G10X6_422_UNORM_4PACK16_KHR, FORMAT_B12X4G12X4R12X4G12X4_422_UNORM_4PACK16_KHR, FORMAT_B16G16R16G16_422_UNORM_KHR, FORMAT_B8G8R8G8_422_UNORM_KHR, FORMAT_FEATURE_2_BLIT_DST_BIT_KHR, FORMAT_FEATURE_2_BLIT_SRC_BIT_KHR, FORMAT_FEATURE_2_COLOR_ATTACHMENT_BIT_KHR, FORMAT_FEATURE_2_COLOR_ATTACHMENT_BLEND_BIT_KHR, FORMAT_FEATURE_2_COSITED_CHROMA_SAMPLES_BIT_KHR, FORMAT_FEATURE_2_DEPTH_STENCIL_ATTACHMENT_BIT_KHR, FORMAT_FEATURE_2_DISJOINT_BIT_KHR, FORMAT_FEATURE_2_MIDPOINT_CHROMA_SAMPLES_BIT_KHR, FORMAT_FEATURE_2_SAMPLED_IMAGE_BIT_KHR, FORMAT_FEATURE_2_SAMPLED_IMAGE_DEPTH_COMPARISON_BIT_KHR, FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_CUBIC_BIT_EXT, FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_LINEAR_BIT_KHR, FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_MINMAX_BIT_KHR, FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_BIT_KHR, FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_FORCEABLE_BIT_KHR, FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_LINEAR_FILTER_BIT_KHR, FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_SEPARATE_RECONSTRUCTION_FILTER_BIT_KHR, FORMAT_FEATURE_2_STORAGE_IMAGE_ATOMIC_BIT_KHR, FORMAT_FEATURE_2_STORAGE_IMAGE_BIT_KHR, FORMAT_FEATURE_2_STORAGE_READ_WITHOUT_FORMAT_BIT_KHR, FORMAT_FEATURE_2_STORAGE_TEXEL_BUFFER_ATOMIC_BIT_KHR, FORMAT_FEATURE_2_STORAGE_TEXEL_BUFFER_BIT_KHR, FORMAT_FEATURE_2_STORAGE_WRITE_WITHOUT_FORMAT_BIT_KHR, FORMAT_FEATURE_2_TRANSFER_DST_BIT_KHR, FORMAT_FEATURE_2_TRANSFER_SRC_BIT_KHR, FORMAT_FEATURE_2_UNIFORM_TEXEL_BUFFER_BIT_KHR, FORMAT_FEATURE_2_VERTEX_BUFFER_BIT_KHR, FORMAT_FEATURE_COSITED_CHROMA_SAMPLES_BIT_KHR, FORMAT_FEATURE_DISJOINT_BIT_KHR, FORMAT_FEATURE_MIDPOINT_CHROMA_SAMPLES_BIT_KHR, FORMAT_FEATURE_SAMPLED_IMAGE_FILTER_CUBIC_BIT_IMG, FORMAT_FEATURE_SAMPLED_IMAGE_FILTER_MINMAX_BIT_EXT, FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_BIT_KHR, FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_FORCEABLE_BIT_KHR, FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_LINEAR_FILTER_BIT_KHR, FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_SEPARATE_RECONSTRUCTION_FILTER_BIT_KHR, FORMAT_FEATURE_TRANSFER_DST_BIT_KHR, FORMAT_FEATURE_TRANSFER_SRC_BIT_KHR, FORMAT_G10X6B10X6G10X6R10X6_422_UNORM_4PACK16_KHR, FORMAT_G10X6_B10X6R10X6_2PLANE_420_UNORM_3PACK16_KHR, FORMAT_G10X6_B10X6R10X6_2PLANE_422_UNORM_3PACK16_KHR, FORMAT_G10X6_B10X6R10X6_2PLANE_444_UNORM_3PACK16_EXT, FORMAT_G10X6_B10X6_R10X6_3PLANE_420_UNORM_3PACK16_KHR, FORMAT_G10X6_B10X6_R10X6_3PLANE_422_UNORM_3PACK16_KHR, FORMAT_G10X6_B10X6_R10X6_3PLANE_444_UNORM_3PACK16_KHR, FORMAT_G12X4B12X4G12X4R12X4_422_UNORM_4PACK16_KHR, FORMAT_G12X4_B12X4R12X4_2PLANE_420_UNORM_3PACK16_KHR, FORMAT_G12X4_B12X4R12X4_2PLANE_422_UNORM_3PACK16_KHR, FORMAT_G12X4_B12X4R12X4_2PLANE_444_UNORM_3PACK16_EXT, FORMAT_G12X4_B12X4_R12X4_3PLANE_420_UNORM_3PACK16_KHR, FORMAT_G12X4_B12X4_R12X4_3PLANE_422_UNORM_3PACK16_KHR, FORMAT_G12X4_B12X4_R12X4_3PLANE_444_UNORM_3PACK16_KHR, FORMAT_G16B16G16R16_422_UNORM_KHR, FORMAT_G16_B16R16_2PLANE_420_UNORM_KHR, FORMAT_G16_B16R16_2PLANE_422_UNORM_KHR, FORMAT_G16_B16R16_2PLANE_444_UNORM_EXT, FORMAT_G16_B16_R16_3PLANE_420_UNORM_KHR, FORMAT_G16_B16_R16_3PLANE_422_UNORM_KHR, FORMAT_G16_B16_R16_3PLANE_444_UNORM_KHR, FORMAT_G8B8G8R8_422_UNORM_KHR, FORMAT_G8_B8R8_2PLANE_420_UNORM_KHR, FORMAT_G8_B8R8_2PLANE_422_UNORM_KHR, FORMAT_G8_B8R8_2PLANE_444_UNORM_EXT, FORMAT_G8_B8_R8_3PLANE_420_UNORM_KHR, FORMAT_G8_B8_R8_3PLANE_422_UNORM_KHR, FORMAT_G8_B8_R8_3PLANE_444_UNORM_KHR, FORMAT_R10X6G10X6B10X6A10X6_UNORM_4PACK16_KHR, FORMAT_R10X6G10X6_UNORM_2PACK16_KHR, FORMAT_R10X6_UNORM_PACK16_KHR, FORMAT_R12X4G12X4B12X4A12X4_UNORM_4PACK16_KHR, FORMAT_R12X4G12X4_UNORM_2PACK16_KHR, FORMAT_R12X4_UNORM_PACK16_KHR, FRAMEBUFFER_CREATE_IMAGELESS_BIT_KHR, GEOMETRY_INSTANCE_FORCE_NO_OPAQUE_BIT_NV, GEOMETRY_INSTANCE_FORCE_OPAQUE_BIT_NV, GEOMETRY_INSTANCE_TRIANGLE_CULL_DISABLE_BIT_NV, GEOMETRY_INSTANCE_TRIANGLE_FRONT_COUNTERCLOCKWISE_BIT_KHR, GEOMETRY_NO_DUPLICATE_ANY_HIT_INVOCATION_BIT_NV, GEOMETRY_OPAQUE_BIT_NV, GEOMETRY_TYPE_AABBS_NV, GEOMETRY_TYPE_TRIANGLES_NV, IMAGE_ASPECT_NONE_KHR, IMAGE_ASPECT_PLANE_0_BIT_KHR, IMAGE_ASPECT_PLANE_1_BIT_KHR, IMAGE_ASPECT_PLANE_2_BIT_KHR, IMAGE_CREATE_2D_ARRAY_COMPATIBLE_BIT_KHR, IMAGE_CREATE_ALIAS_BIT_KHR, IMAGE_CREATE_BLOCK_TEXEL_VIEW_COMPATIBLE_BIT_KHR, IMAGE_CREATE_DISJOINT_BIT_KHR, IMAGE_CREATE_EXTENDED_USAGE_BIT_KHR, IMAGE_CREATE_SPLIT_INSTANCE_BIND_REGIONS_BIT_KHR, IMAGE_LAYOUT_ATTACHMENT_OPTIMAL_KHR, IMAGE_LAYOUT_DEPTH_ATTACHMENT_OPTIMAL_KHR, IMAGE_LAYOUT_DEPTH_ATTACHMENT_STENCIL_READ_ONLY_OPTIMAL_KHR, IMAGE_LAYOUT_DEPTH_READ_ONLY_OPTIMAL_KHR, IMAGE_LAYOUT_DEPTH_READ_ONLY_STENCIL_ATTACHMENT_OPTIMAL_KHR, IMAGE_LAYOUT_READ_ONLY_OPTIMAL_KHR, IMAGE_LAYOUT_SHADING_RATE_OPTIMAL_NV, IMAGE_LAYOUT_STENCIL_ATTACHMENT_OPTIMAL_KHR, IMAGE_LAYOUT_STENCIL_READ_ONLY_OPTIMAL_KHR, IMAGE_USAGE_SHADING_RATE_IMAGE_BIT_NV, INDEX_TYPE_NONE_NV, LUID_SIZE_KHR, MAX_DEVICE_GROUP_SIZE_KHR, MAX_DRIVER_INFO_SIZE_KHR, MAX_DRIVER_NAME_SIZE_KHR, MAX_GLOBAL_PRIORITY_SIZE_EXT, MEMORY_ALLOCATE_DEVICE_ADDRESS_BIT_KHR, MEMORY_ALLOCATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT_KHR, MEMORY_ALLOCATE_DEVICE_MASK_BIT_KHR, MEMORY_HEAP_MULTI_INSTANCE_BIT_KHR, OBJECT_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_KHR, OBJECT_TYPE_PRIVATE_DATA_SLOT_EXT, OBJECT_TYPE_SAMPLER_YCBCR_CONVERSION_KHR, PEER_MEMORY_FEATURE_COPY_DST_BIT_KHR, PEER_MEMORY_FEATURE_COPY_SRC_BIT_KHR, PEER_MEMORY_FEATURE_GENERIC_DST_BIT_KHR, PEER_MEMORY_FEATURE_GENERIC_SRC_BIT_KHR, PERFORMANCE_COUNTER_DESCRIPTION_CONCURRENTLY_IMPACTED_KHR, PERFORMANCE_COUNTER_DESCRIPTION_PERFORMANCE_IMPACTING_KHR, PIPELINE_BIND_POINT_RAY_TRACING_NV, PIPELINE_CACHE_CREATE_EXTERNALLY_SYNCHRONIZED_BIT_EXT, PIPELINE_COLOR_BLEND_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_ACCESS_BIT_ARM, PIPELINE_COMPILE_REQUIRED_EXT, PIPELINE_CREATE_DISPATCH_BASE, PIPELINE_CREATE_EARLY_RETURN_ON_FAILURE_BIT_EXT, PIPELINE_CREATE_FAIL_ON_PIPELINE_COMPILE_REQUIRED_BIT_EXT, PIPELINE_CREATE_VIEW_INDEX_FROM_DEVICE_INDEX_BIT_KHR, PIPELINE_CREATION_FEEDBACK_APPLICATION_PIPELINE_CACHE_HIT_BIT_EXT, PIPELINE_CREATION_FEEDBACK_BASE_PIPELINE_ACCELERATION_BIT_EXT, PIPELINE_CREATION_FEEDBACK_VALID_BIT_EXT, PIPELINE_DEPTH_STENCIL_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_DEPTH_ACCESS_BIT_ARM, PIPELINE_DEPTH_STENCIL_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_STENCIL_ACCESS_BIT_ARM, PIPELINE_RASTERIZATION_STATE_CREATE_FRAGMENT_DENSITY_MAP_ATTACHMENT_BIT_EXT, PIPELINE_RASTERIZATION_STATE_CREATE_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR, PIPELINE_SHADER_STAGE_CREATE_ALLOW_VARYING_SUBGROUP_SIZE_BIT_EXT, PIPELINE_SHADER_STAGE_CREATE_REQUIRE_FULL_SUBGROUPS_BIT_EXT, PIPELINE_STAGE_2_ACCELERATION_STRUCTURE_BUILD_BIT_NV, PIPELINE_STAGE_2_ALL_COMMANDS_BIT_KHR, PIPELINE_STAGE_2_ALL_GRAPHICS_BIT_KHR, PIPELINE_STAGE_2_ALL_TRANSFER_BIT_KHR, PIPELINE_STAGE_2_BLIT_BIT_KHR, PIPELINE_STAGE_2_BOTTOM_OF_PIPE_BIT_KHR, PIPELINE_STAGE_2_CLEAR_BIT_KHR, PIPELINE_STAGE_2_COLOR_ATTACHMENT_OUTPUT_BIT_KHR, PIPELINE_STAGE_2_COMPUTE_SHADER_BIT_KHR, PIPELINE_STAGE_2_COPY_BIT_KHR, PIPELINE_STAGE_2_DRAW_INDIRECT_BIT_KHR, PIPELINE_STAGE_2_EARLY_FRAGMENT_TESTS_BIT_KHR, PIPELINE_STAGE_2_FRAGMENT_SHADER_BIT_KHR, PIPELINE_STAGE_2_GEOMETRY_SHADER_BIT_KHR, PIPELINE_STAGE_2_HOST_BIT_KHR, PIPELINE_STAGE_2_INDEX_INPUT_BIT_KHR, PIPELINE_STAGE_2_LATE_FRAGMENT_TESTS_BIT_KHR, PIPELINE_STAGE_2_MESH_SHADER_BIT_NV, PIPELINE_STAGE_2_NONE_KHR, PIPELINE_STAGE_2_PRE_RASTERIZATION_SHADERS_BIT_KHR, PIPELINE_STAGE_2_RAY_TRACING_SHADER_BIT_NV, PIPELINE_STAGE_2_RESOLVE_BIT_KHR, PIPELINE_STAGE_2_SHADING_RATE_IMAGE_BIT_NV, PIPELINE_STAGE_2_TASK_SHADER_BIT_NV, PIPELINE_STAGE_2_TESSELLATION_CONTROL_SHADER_BIT_KHR, PIPELINE_STAGE_2_TESSELLATION_EVALUATION_SHADER_BIT_KHR, PIPELINE_STAGE_2_TOP_OF_PIPE_BIT_KHR, PIPELINE_STAGE_2_TRANSFER_BIT_KHR, PIPELINE_STAGE_2_VERTEX_ATTRIBUTE_INPUT_BIT_KHR, PIPELINE_STAGE_2_VERTEX_INPUT_BIT_KHR, PIPELINE_STAGE_2_VERTEX_SHADER_BIT_KHR, PIPELINE_STAGE_ACCELERATION_STRUCTURE_BUILD_BIT_NV, PIPELINE_STAGE_MESH_SHADER_BIT_NV, PIPELINE_STAGE_NONE_KHR, PIPELINE_STAGE_RAY_TRACING_SHADER_BIT_NV, PIPELINE_STAGE_SHADING_RATE_IMAGE_BIT_NV, PIPELINE_STAGE_TASK_SHADER_BIT_NV, POINT_CLIPPING_BEHAVIOR_ALL_CLIP_PLANES_KHR, POINT_CLIPPING_BEHAVIOR_USER_CLIP_PLANES_ONLY_KHR, QUERY_SCOPE_COMMAND_BUFFER_KHR, QUERY_SCOPE_COMMAND_KHR, QUERY_SCOPE_RENDER_PASS_KHR, QUEUE_FAMILY_EXTERNAL_KHR, QUEUE_GLOBAL_PRIORITY_HIGH_EXT, QUEUE_GLOBAL_PRIORITY_LOW_EXT, QUEUE_GLOBAL_PRIORITY_MEDIUM_EXT, QUEUE_GLOBAL_PRIORITY_REALTIME_EXT, RAY_TRACING_SHADER_GROUP_TYPE_GENERAL_NV, RAY_TRACING_SHADER_GROUP_TYPE_PROCEDURAL_HIT_GROUP_NV, RAY_TRACING_SHADER_GROUP_TYPE_TRIANGLES_HIT_GROUP_NV, RENDERING_CONTENTS_SECONDARY_COMMAND_BUFFERS_BIT_KHR, RENDERING_RESUMING_BIT_KHR, RENDERING_SUSPENDING_BIT_KHR, RESOLVE_MODE_AVERAGE_BIT_KHR, RESOLVE_MODE_MAX_BIT_KHR, RESOLVE_MODE_MIN_BIT_KHR, RESOLVE_MODE_NONE_KHR, RESOLVE_MODE_SAMPLE_ZERO_BIT_KHR, SAMPLER_ADDRESS_MODE_MIRROR_CLAMP_TO_EDGE_KHR, SAMPLER_REDUCTION_MODE_MAX_EXT, SAMPLER_REDUCTION_MODE_MIN_EXT, SAMPLER_REDUCTION_MODE_WEIGHTED_AVERAGE_EXT, SAMPLER_YCBCR_MODEL_CONVERSION_RGB_IDENTITY_KHR, SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_2020_KHR, SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_601_KHR, SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_709_KHR, SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_IDENTITY_KHR, SAMPLER_YCBCR_RANGE_ITU_FULL_KHR, SAMPLER_YCBCR_RANGE_ITU_NARROW_KHR, SEMAPHORE_IMPORT_TEMPORARY_BIT_KHR, SEMAPHORE_TYPE_BINARY_KHR, SEMAPHORE_TYPE_TIMELINE_KHR, SEMAPHORE_WAIT_ANY_BIT_KHR, SHADER_FLOAT_CONTROLS_INDEPENDENCE_32_BIT_ONLY_KHR, SHADER_FLOAT_CONTROLS_INDEPENDENCE_ALL_KHR, SHADER_FLOAT_CONTROLS_INDEPENDENCE_NONE_KHR, SHADER_STAGE_ANY_HIT_BIT_NV, SHADER_STAGE_CALLABLE_BIT_NV, SHADER_STAGE_CLOSEST_HIT_BIT_NV, SHADER_STAGE_INTERSECTION_BIT_NV, SHADER_STAGE_MESH_BIT_NV, SHADER_STAGE_MISS_BIT_NV, SHADER_STAGE_RAYGEN_BIT_NV, SHADER_STAGE_TASK_BIT_NV, SHADER_UNUSED_NV, STENCIL_FRONT_AND_BACK, STRUCTURE_TYPE_ATTACHMENT_DESCRIPTION_2_KHR, STRUCTURE_TYPE_ATTACHMENT_DESCRIPTION_STENCIL_LAYOUT_KHR, STRUCTURE_TYPE_ATTACHMENT_REFERENCE_2_KHR, STRUCTURE_TYPE_ATTACHMENT_REFERENCE_STENCIL_LAYOUT_KHR, STRUCTURE_TYPE_ATTACHMENT_SAMPLE_COUNT_INFO_NV, STRUCTURE_TYPE_BIND_BUFFER_MEMORY_DEVICE_GROUP_INFO_KHR, STRUCTURE_TYPE_BIND_BUFFER_MEMORY_INFO_KHR, STRUCTURE_TYPE_BIND_IMAGE_MEMORY_DEVICE_GROUP_INFO_KHR, STRUCTURE_TYPE_BIND_IMAGE_MEMORY_INFO_KHR, STRUCTURE_TYPE_BIND_IMAGE_PLANE_MEMORY_INFO_KHR, STRUCTURE_TYPE_BLIT_IMAGE_INFO_2_KHR, STRUCTURE_TYPE_BUFFER_COPY_2_KHR, STRUCTURE_TYPE_BUFFER_DEVICE_ADDRESS_INFO_EXT, STRUCTURE_TYPE_BUFFER_DEVICE_ADDRESS_INFO_KHR, STRUCTURE_TYPE_BUFFER_IMAGE_COPY_2_KHR, STRUCTURE_TYPE_BUFFER_MEMORY_BARRIER_2_KHR, STRUCTURE_TYPE_BUFFER_MEMORY_REQUIREMENTS_INFO_2_KHR, STRUCTURE_TYPE_BUFFER_OPAQUE_CAPTURE_ADDRESS_CREATE_INFO_KHR, STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_RENDERING_INFO_KHR, STRUCTURE_TYPE_COMMAND_BUFFER_SUBMIT_INFO_KHR, STRUCTURE_TYPE_COPY_BUFFER_INFO_2_KHR, STRUCTURE_TYPE_COPY_BUFFER_TO_IMAGE_INFO_2_KHR, STRUCTURE_TYPE_COPY_IMAGE_INFO_2_KHR, STRUCTURE_TYPE_COPY_IMAGE_TO_BUFFER_INFO_2_KHR, STRUCTURE_TYPE_DEBUG_REPORT_CREATE_INFO_EXT, STRUCTURE_TYPE_DEPENDENCY_INFO_KHR, STRUCTURE_TYPE_DESCRIPTOR_POOL_INLINE_UNIFORM_BLOCK_CREATE_INFO_EXT, STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_BINDING_FLAGS_CREATE_INFO_EXT, STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_SUPPORT_KHR, STRUCTURE_TYPE_DESCRIPTOR_SET_VARIABLE_DESCRIPTOR_COUNT_ALLOCATE_INFO_EXT, STRUCTURE_TYPE_DESCRIPTOR_SET_VARIABLE_DESCRIPTOR_COUNT_LAYOUT_SUPPORT_EXT, STRUCTURE_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_CREATE_INFO_KHR, STRUCTURE_TYPE_DEVICE_BUFFER_MEMORY_REQUIREMENTS_KHR, STRUCTURE_TYPE_DEVICE_GROUP_BIND_SPARSE_INFO_KHR, STRUCTURE_TYPE_DEVICE_GROUP_COMMAND_BUFFER_BEGIN_INFO_KHR, STRUCTURE_TYPE_DEVICE_GROUP_DEVICE_CREATE_INFO_KHR, STRUCTURE_TYPE_DEVICE_GROUP_RENDER_PASS_BEGIN_INFO_KHR, STRUCTURE_TYPE_DEVICE_GROUP_SUBMIT_INFO_KHR, STRUCTURE_TYPE_DEVICE_IMAGE_MEMORY_REQUIREMENTS_KHR, STRUCTURE_TYPE_DEVICE_MEMORY_OPAQUE_CAPTURE_ADDRESS_INFO_KHR, STRUCTURE_TYPE_DEVICE_PRIVATE_DATA_CREATE_INFO_EXT, STRUCTURE_TYPE_DEVICE_QUEUE_GLOBAL_PRIORITY_CREATE_INFO_EXT, STRUCTURE_TYPE_EXPORT_FENCE_CREATE_INFO_KHR, STRUCTURE_TYPE_EXPORT_MEMORY_ALLOCATE_INFO_KHR, STRUCTURE_TYPE_EXPORT_SEMAPHORE_CREATE_INFO_KHR, STRUCTURE_TYPE_EXTERNAL_BUFFER_PROPERTIES_KHR, STRUCTURE_TYPE_EXTERNAL_FENCE_PROPERTIES_KHR, STRUCTURE_TYPE_EXTERNAL_IMAGE_FORMAT_PROPERTIES_KHR, STRUCTURE_TYPE_EXTERNAL_MEMORY_BUFFER_CREATE_INFO_KHR, STRUCTURE_TYPE_EXTERNAL_MEMORY_IMAGE_CREATE_INFO_KHR, STRUCTURE_TYPE_EXTERNAL_SEMAPHORE_PROPERTIES_KHR, STRUCTURE_TYPE_FORMAT_PROPERTIES_2_KHR, STRUCTURE_TYPE_FORMAT_PROPERTIES_3_KHR, STRUCTURE_TYPE_FRAMEBUFFER_ATTACHMENTS_CREATE_INFO_KHR, STRUCTURE_TYPE_FRAMEBUFFER_ATTACHMENT_IMAGE_INFO_KHR, STRUCTURE_TYPE_IMAGE_BLIT_2_KHR, STRUCTURE_TYPE_IMAGE_COPY_2_KHR, STRUCTURE_TYPE_IMAGE_FORMAT_LIST_CREATE_INFO_KHR, STRUCTURE_TYPE_IMAGE_FORMAT_PROPERTIES_2_KHR, STRUCTURE_TYPE_IMAGE_MEMORY_BARRIER_2_KHR, STRUCTURE_TYPE_IMAGE_MEMORY_REQUIREMENTS_INFO_2_KHR, STRUCTURE_TYPE_IMAGE_PLANE_MEMORY_REQUIREMENTS_INFO_KHR, STRUCTURE_TYPE_IMAGE_RESOLVE_2_KHR, STRUCTURE_TYPE_IMAGE_SPARSE_MEMORY_REQUIREMENTS_INFO_2_KHR, STRUCTURE_TYPE_IMAGE_STENCIL_USAGE_CREATE_INFO_EXT, STRUCTURE_TYPE_IMAGE_VIEW_USAGE_CREATE_INFO_KHR, STRUCTURE_TYPE_MEMORY_ALLOCATE_FLAGS_INFO_KHR, STRUCTURE_TYPE_MEMORY_BARRIER_2_KHR, STRUCTURE_TYPE_MEMORY_DEDICATED_ALLOCATE_INFO_KHR, STRUCTURE_TYPE_MEMORY_DEDICATED_REQUIREMENTS_KHR, STRUCTURE_TYPE_MEMORY_OPAQUE_CAPTURE_ADDRESS_ALLOCATE_INFO_KHR, STRUCTURE_TYPE_MEMORY_REQUIREMENTS_2_KHR, STRUCTURE_TYPE_MUTABLE_DESCRIPTOR_TYPE_CREATE_INFO_VALVE, STRUCTURE_TYPE_PHYSICAL_DEVICE_16BIT_STORAGE_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_8BIT_STORAGE_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_BUFFER_ADDRESS_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_BUFFER_DEVICE_ADDRESS_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_STENCIL_RESOLVE_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_INDEXING_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_INDEXING_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_DRIVER_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_DYNAMIC_RENDERING_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_BUFFER_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_FENCE_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_IMAGE_FORMAT_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_SEMAPHORE_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_FEATURES_2_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_FLOAT16_INT8_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_FLOAT_CONTROLS_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADER_BARYCENTRIC_FEATURES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_GLOBAL_PRIORITY_QUERY_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_GROUP_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_HOST_QUERY_RESET_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_ID_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGELESS_FRAMEBUFFER_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_FORMAT_INFO_2_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_ROBUSTNESS_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_INLINE_UNIFORM_BLOCK_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_INLINE_UNIFORM_BLOCK_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_3_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_4_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_4_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_PROPERTIES_2_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_MUTABLE_DESCRIPTOR_TYPE_FEATURES_VALVE, STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_CREATION_CACHE_CONTROL_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_POINT_CLIPPING_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_PRIVATE_DATA_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PROPERTIES_2_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_RASTERIZATION_ORDER_ATTACHMENT_ACCESS_FEATURES_ARM, STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLER_FILTER_MINMAX_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLER_YCBCR_CONVERSION_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SCALAR_BLOCK_LAYOUT_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SEPARATE_DEPTH_STENCIL_LAYOUTS_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_ATOMIC_INT64_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_DEMOTE_TO_HELPER_INVOCATION_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_DRAW_PARAMETER_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_FLOAT16_INT8_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_DOT_PRODUCT_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_DOT_PRODUCT_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SUBGROUP_EXTENDED_TYPES_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_TERMINATE_INVOCATION_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SPARSE_IMAGE_FORMAT_INFO_2_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_SIZE_CONTROL_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_SIZE_CONTROL_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SYNCHRONIZATION_2_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXEL_BUFFER_ALIGNMENT_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXTURE_COMPRESSION_ASTC_HDR_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_TIMELINE_SEMAPHORE_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_TIMELINE_SEMAPHORE_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_TOOL_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_UNIFORM_BUFFER_STANDARD_LAYOUT_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_VARIABLE_POINTERS_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_VARIABLE_POINTER_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_MEMORY_MODEL_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_ZERO_INITIALIZE_WORKGROUP_MEMORY_FEATURES_KHR, STRUCTURE_TYPE_PIPELINE_CREATION_FEEDBACK_CREATE_INFO_EXT, STRUCTURE_TYPE_PIPELINE_INFO_EXT, STRUCTURE_TYPE_PIPELINE_RENDERING_CREATE_INFO_KHR, STRUCTURE_TYPE_PIPELINE_SHADER_STAGE_REQUIRED_SUBGROUP_SIZE_CREATE_INFO_EXT, STRUCTURE_TYPE_PIPELINE_TESSELLATION_DOMAIN_ORIGIN_STATE_CREATE_INFO_KHR, STRUCTURE_TYPE_PRIVATE_DATA_SLOT_CREATE_INFO_EXT, STRUCTURE_TYPE_QUERY_POOL_CREATE_INFO_INTEL, STRUCTURE_TYPE_QUEUE_FAMILY_GLOBAL_PRIORITY_PROPERTIES_EXT, STRUCTURE_TYPE_QUEUE_FAMILY_PROPERTIES_2_KHR, STRUCTURE_TYPE_RENDERING_ATTACHMENT_INFO_KHR, STRUCTURE_TYPE_RENDERING_INFO_KHR, STRUCTURE_TYPE_RENDER_PASS_ATTACHMENT_BEGIN_INFO_KHR, STRUCTURE_TYPE_RENDER_PASS_CREATE_INFO_2_KHR, STRUCTURE_TYPE_RENDER_PASS_INPUT_ATTACHMENT_ASPECT_CREATE_INFO_KHR, STRUCTURE_TYPE_RENDER_PASS_MULTIVIEW_CREATE_INFO_KHR, STRUCTURE_TYPE_RESOLVE_IMAGE_INFO_2_KHR, STRUCTURE_TYPE_SAMPLER_REDUCTION_MODE_CREATE_INFO_EXT, STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_CREATE_INFO_KHR, STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_IMAGE_FORMAT_PROPERTIES_KHR, STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_INFO_KHR, STRUCTURE_TYPE_SEMAPHORE_SIGNAL_INFO_KHR, STRUCTURE_TYPE_SEMAPHORE_SUBMIT_INFO_KHR, STRUCTURE_TYPE_SEMAPHORE_TYPE_CREATE_INFO_KHR, STRUCTURE_TYPE_SEMAPHORE_WAIT_INFO_KHR, STRUCTURE_TYPE_SPARSE_IMAGE_FORMAT_PROPERTIES_2_KHR, STRUCTURE_TYPE_SPARSE_IMAGE_MEMORY_REQUIREMENTS_2_KHR, STRUCTURE_TYPE_SUBMIT_INFO_2_KHR, STRUCTURE_TYPE_SUBPASS_BEGIN_INFO_KHR, STRUCTURE_TYPE_SUBPASS_DEPENDENCY_2_KHR, STRUCTURE_TYPE_SUBPASS_DESCRIPTION_2_KHR, STRUCTURE_TYPE_SUBPASS_DESCRIPTION_DEPTH_STENCIL_RESOLVE_KHR, STRUCTURE_TYPE_SUBPASS_END_INFO_KHR, STRUCTURE_TYPE_SURFACE_CAPABILITIES2_EXT, STRUCTURE_TYPE_TIMELINE_SEMAPHORE_SUBMIT_INFO_KHR, STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET_INLINE_UNIFORM_BLOCK_EXT, SUBMIT_PROTECTED_BIT_KHR, SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_COLOR_ACCESS_BIT_ARM, SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_DEPTH_ACCESS_BIT_ARM, SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_STENCIL_ACCESS_BIT_ARM, SURFACE_COUNTER_VBLANK_EXT, TESSELLATION_DOMAIN_ORIGIN_LOWER_LEFT_KHR, TESSELLATION_DOMAIN_ORIGIN_UPPER_LEFT_KHR, TOOL_PURPOSE_ADDITIONAL_FEATURES_BIT_EXT, TOOL_PURPOSE_MODIFYING_FEATURES_BIT_EXT, TOOL_PURPOSE_PROFILING_BIT_EXT, TOOL_PURPOSE_TRACING_BIT_EXT, TOOL_PURPOSE_VALIDATION_BIT_EXT, AabbPositionsNV, AccelerationStructureInstanceNV, AccelerationStructureTypeNV, AccessFlag2KHR, AttachmentDescription2KHR, AttachmentDescriptionStencilLayoutKHR, AttachmentReference2KHR, AttachmentReferenceStencilLayoutKHR, AttachmentSampleCountInfoNV, BindBufferMemoryDeviceGroupInfoKHR, BindBufferMemoryInfoKHR, BindImageMemoryDeviceGroupInfoKHR, BindImageMemoryInfoKHR, BindImagePlaneMemoryInfoKHR, BlitImageInfo2KHR, BufferCopy2KHR, BufferDeviceAddressInfoEXT, BufferDeviceAddressInfoKHR, BufferImageCopy2KHR, BufferMemoryBarrier2KHR, BufferMemoryRequirementsInfo2KHR, BufferOpaqueCaptureAddressCreateInfoKHR, BuildAccelerationStructureFlagNV, ChromaLocationKHR, CommandBufferInheritanceRenderingInfoKHR, CommandBufferSubmitInfoKHR, ConformanceVersionKHR, CopyAccelerationStructureModeNV, CopyBufferInfo2KHR, CopyBufferToImageInfo2KHR, CopyImageInfo2KHR, CopyImageToBufferInfo2KHR, DependencyInfoKHR, DescriptorBindingFlagEXT, DescriptorPoolInlineUniformBlockCreateInfoEXT, DescriptorSetLayoutBindingFlagsCreateInfoEXT, DescriptorSetLayoutSupportKHR, DescriptorSetVariableDescriptorCountAllocateInfoEXT, DescriptorSetVariableDescriptorCountLayoutSupportEXT, DescriptorUpdateTemplateCreateInfoKHR, DescriptorUpdateTemplateEntryKHR, DescriptorUpdateTemplateKHR, DescriptorUpdateTemplateTypeKHR, DeviceBufferMemoryRequirementsKHR, DeviceGroupBindSparseInfoKHR, DeviceGroupCommandBufferBeginInfoKHR, DeviceGroupDeviceCreateInfoKHR, DeviceGroupRenderPassBeginInfoKHR, DeviceGroupSubmitInfoKHR, DeviceImageMemoryRequirementsKHR, DeviceMemoryOpaqueCaptureAddressInfoKHR, DevicePrivateDataCreateInfoEXT, DeviceQueueGlobalPriorityCreateInfoEXT, DriverIdKHR, ExportFenceCreateInfoKHR, ExportMemoryAllocateInfoKHR, ExportSemaphoreCreateInfoKHR, ExternalBufferPropertiesKHR, ExternalFenceFeatureFlagKHR, ExternalFenceHandleTypeFlagKHR, ExternalFencePropertiesKHR, ExternalImageFormatPropertiesKHR, ExternalMemoryBufferCreateInfoKHR, ExternalMemoryFeatureFlagKHR, ExternalMemoryHandleTypeFlagKHR, ExternalMemoryImageCreateInfoKHR, ExternalMemoryPropertiesKHR, ExternalSemaphoreFeatureFlagKHR, ExternalSemaphoreHandleTypeFlagKHR, ExternalSemaphorePropertiesKHR, FenceImportFlagKHR, FormatFeatureFlag2KHR, FormatProperties2KHR, FormatProperties3KHR, FramebufferAttachmentImageInfoKHR, FramebufferAttachmentsCreateInfoKHR, GeometryFlagNV, GeometryInstanceFlagNV, GeometryTypeNV, ImageBlit2KHR, ImageCopy2KHR, ImageFormatListCreateInfoKHR, ImageFormatProperties2KHR, ImageMemoryBarrier2KHR, ImageMemoryRequirementsInfo2KHR, ImagePlaneMemoryRequirementsInfoKHR, ImageResolve2KHR, ImageSparseMemoryRequirementsInfo2KHR, ImageStencilUsageCreateInfoEXT, ImageViewUsageCreateInfoKHR, InputAttachmentAspectReferenceKHR, MemoryAllocateFlagKHR, MemoryAllocateFlagsInfoKHR, MemoryBarrier2KHR, MemoryDedicatedAllocateInfoKHR, MemoryDedicatedRequirementsKHR, MemoryOpaqueCaptureAddressAllocateInfoKHR, MemoryRequirements2KHR, MutableDescriptorTypeCreateInfoVALVE, MutableDescriptorTypeListVALVE, PeerMemoryFeatureFlagKHR, PhysicalDevice16BitStorageFeaturesKHR, PhysicalDevice8BitStorageFeaturesKHR, PhysicalDeviceBufferAddressFeaturesEXT, PhysicalDeviceBufferDeviceAddressFeaturesKHR, PhysicalDeviceDepthStencilResolvePropertiesKHR, PhysicalDeviceDescriptorIndexingFeaturesEXT, PhysicalDeviceDescriptorIndexingPropertiesEXT, PhysicalDeviceDriverPropertiesKHR, PhysicalDeviceDynamicRenderingFeaturesKHR, PhysicalDeviceExternalBufferInfoKHR, PhysicalDeviceExternalFenceInfoKHR, PhysicalDeviceExternalImageFormatInfoKHR, PhysicalDeviceExternalSemaphoreInfoKHR, PhysicalDeviceFeatures2KHR, PhysicalDeviceFloat16Int8FeaturesKHR, PhysicalDeviceFloatControlsPropertiesKHR, PhysicalDeviceFragmentShaderBarycentricFeaturesNV, PhysicalDeviceGlobalPriorityQueryFeaturesEXT, PhysicalDeviceGroupPropertiesKHR, PhysicalDeviceHostQueryResetFeaturesEXT, PhysicalDeviceIDPropertiesKHR, PhysicalDeviceImageFormatInfo2KHR, PhysicalDeviceImageRobustnessFeaturesEXT, PhysicalDeviceImagelessFramebufferFeaturesKHR, PhysicalDeviceInlineUniformBlockFeaturesEXT, PhysicalDeviceInlineUniformBlockPropertiesEXT, PhysicalDeviceMaintenance3PropertiesKHR, PhysicalDeviceMaintenance4FeaturesKHR, PhysicalDeviceMaintenance4PropertiesKHR, PhysicalDeviceMemoryProperties2KHR, PhysicalDeviceMultiviewFeaturesKHR, PhysicalDeviceMultiviewPropertiesKHR, PhysicalDeviceMutableDescriptorTypeFeaturesVALVE, PhysicalDevicePipelineCreationCacheControlFeaturesEXT, PhysicalDevicePointClippingPropertiesKHR, PhysicalDevicePrivateDataFeaturesEXT, PhysicalDeviceProperties2KHR, PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesARM, PhysicalDeviceSamplerFilterMinmaxPropertiesEXT, PhysicalDeviceSamplerYcbcrConversionFeaturesKHR, PhysicalDeviceScalarBlockLayoutFeaturesEXT, PhysicalDeviceSeparateDepthStencilLayoutsFeaturesKHR, PhysicalDeviceShaderAtomicInt64FeaturesKHR, PhysicalDeviceShaderDemoteToHelperInvocationFeaturesEXT, PhysicalDeviceShaderDrawParameterFeatures, PhysicalDeviceShaderFloat16Int8FeaturesKHR, PhysicalDeviceShaderIntegerDotProductFeaturesKHR, PhysicalDeviceShaderIntegerDotProductPropertiesKHR, PhysicalDeviceShaderSubgroupExtendedTypesFeaturesKHR, PhysicalDeviceShaderTerminateInvocationFeaturesKHR, PhysicalDeviceSparseImageFormatInfo2KHR, PhysicalDeviceSubgroupSizeControlFeaturesEXT, PhysicalDeviceSubgroupSizeControlPropertiesEXT, PhysicalDeviceSynchronization2FeaturesKHR, PhysicalDeviceTexelBufferAlignmentPropertiesEXT, PhysicalDeviceTextureCompressionASTCHDRFeaturesEXT, PhysicalDeviceTimelineSemaphoreFeaturesKHR, PhysicalDeviceTimelineSemaphorePropertiesKHR, PhysicalDeviceToolPropertiesEXT, PhysicalDeviceUniformBufferStandardLayoutFeaturesKHR, PhysicalDeviceVariablePointerFeatures, PhysicalDeviceVariablePointerFeaturesKHR, PhysicalDeviceVariablePointersFeaturesKHR, PhysicalDeviceVulkanMemoryModelFeaturesKHR, PhysicalDeviceZeroInitializeWorkgroupMemoryFeaturesKHR, PipelineCreationFeedbackCreateInfoEXT, PipelineCreationFeedbackEXT, PipelineCreationFeedbackFlagEXT, PipelineInfoEXT, PipelineRenderingCreateInfoKHR, PipelineShaderStageRequiredSubgroupSizeCreateInfoEXT, PipelineStageFlag2KHR, PipelineTessellationDomainOriginStateCreateInfoKHR, PointClippingBehaviorKHR, PrivateDataSlotCreateFlagEXT, PrivateDataSlotCreateInfoEXT, PrivateDataSlotEXT, QueryPoolCreateInfoINTEL, QueueFamilyGlobalPriorityPropertiesEXT, QueueFamilyProperties2KHR, QueueGlobalPriorityEXT, RayTracingShaderGroupTypeNV, RenderPassAttachmentBeginInfoKHR, RenderPassCreateInfo2KHR, RenderPassInputAttachmentAspectCreateInfoKHR, RenderPassMultiviewCreateInfoKHR, RenderingAttachmentInfoKHR, RenderingFlagKHR, RenderingInfoKHR, ResolveImageInfo2KHR, ResolveModeFlagKHR, SamplerReductionModeCreateInfoEXT, SamplerReductionModeEXT, SamplerYcbcrConversionCreateInfoKHR, SamplerYcbcrConversionImageFormatPropertiesKHR, SamplerYcbcrConversionInfoKHR, SamplerYcbcrConversionKHR, SamplerYcbcrModelConversionKHR, SamplerYcbcrRangeKHR, SemaphoreImportFlagKHR, SemaphoreSignalInfoKHR, SemaphoreSubmitInfoKHR, SemaphoreTypeCreateInfoKHR, SemaphoreTypeKHR, SemaphoreWaitFlagKHR, SemaphoreWaitInfoKHR, ShaderFloatControlsIndependenceKHR, SparseImageFormatProperties2KHR, SparseImageMemoryRequirements2KHR, SubmitFlagKHR, SubmitInfo2KHR, SubpassBeginInfoKHR, SubpassDependency2KHR, SubpassDescription2KHR, SubpassDescriptionDepthStencilResolveKHR, SubpassEndInfoKHR, TessellationDomainOriginKHR, TimelineSemaphoreSubmitInfoKHR, ToolPurposeFlagEXT, TransformMatrixNV, WriteDescriptorSetInlineUniformBlockEXT
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
4740643
const MAX_PHYSICAL_DEVICE_NAME_SIZE = VK_MAX_PHYSICAL_DEVICE_NAME_SIZE const UUID_SIZE = VK_UUID_SIZE const LUID_SIZE = VK_LUID_SIZE const MAX_DESCRIPTION_SIZE = VK_MAX_DESCRIPTION_SIZE const MAX_MEMORY_TYPES = VK_MAX_MEMORY_TYPES const MAX_MEMORY_HEAPS = VK_MAX_MEMORY_HEAPS const LOD_CLAMP_NONE = VK_LOD_CLAMP_NONE const REMAINING_MIP_LEVELS = VK_REMAINING_MIP_LEVELS const REMAINING_ARRAY_LAYERS = VK_REMAINING_ARRAY_LAYERS const WHOLE_SIZE = VK_WHOLE_SIZE const ATTACHMENT_UNUSED = VK_ATTACHMENT_UNUSED const QUEUE_FAMILY_IGNORED = VK_QUEUE_FAMILY_IGNORED const QUEUE_FAMILY_EXTERNAL = VK_QUEUE_FAMILY_EXTERNAL const QUEUE_FAMILY_FOREIGN_EXT = VK_QUEUE_FAMILY_FOREIGN_EXT const SUBPASS_EXTERNAL = VK_SUBPASS_EXTERNAL const MAX_DEVICE_GROUP_SIZE = VK_MAX_DEVICE_GROUP_SIZE const MAX_DRIVER_NAME_SIZE = VK_MAX_DRIVER_NAME_SIZE const MAX_DRIVER_INFO_SIZE = VK_MAX_DRIVER_INFO_SIZE const SHADER_UNUSED_KHR = VK_SHADER_UNUSED_KHR const MAX_GLOBAL_PRIORITY_SIZE_KHR = VK_MAX_GLOBAL_PRIORITY_SIZE_KHR const MAX_SHADER_MODULE_IDENTIFIER_SIZE_EXT = VK_MAX_SHADER_MODULE_IDENTIFIER_SIZE_EXT @cenum ImageLayout::UInt32 begin IMAGE_LAYOUT_UNDEFINED = 0 IMAGE_LAYOUT_GENERAL = 1 IMAGE_LAYOUT_COLOR_ATTACHMENT_OPTIMAL = 2 IMAGE_LAYOUT_DEPTH_STENCIL_ATTACHMENT_OPTIMAL = 3 IMAGE_LAYOUT_DEPTH_STENCIL_READ_ONLY_OPTIMAL = 4 IMAGE_LAYOUT_SHADER_READ_ONLY_OPTIMAL = 5 IMAGE_LAYOUT_TRANSFER_SRC_OPTIMAL = 6 IMAGE_LAYOUT_TRANSFER_DST_OPTIMAL = 7 IMAGE_LAYOUT_PREINITIALIZED = 8 IMAGE_LAYOUT_DEPTH_READ_ONLY_STENCIL_ATTACHMENT_OPTIMAL = 1000117000 IMAGE_LAYOUT_DEPTH_ATTACHMENT_STENCIL_READ_ONLY_OPTIMAL = 1000117001 IMAGE_LAYOUT_DEPTH_ATTACHMENT_OPTIMAL = 1000241000 IMAGE_LAYOUT_DEPTH_READ_ONLY_OPTIMAL = 1000241001 IMAGE_LAYOUT_STENCIL_ATTACHMENT_OPTIMAL = 1000241002 IMAGE_LAYOUT_STENCIL_READ_ONLY_OPTIMAL = 1000241003 IMAGE_LAYOUT_READ_ONLY_OPTIMAL = 1000314000 IMAGE_LAYOUT_ATTACHMENT_OPTIMAL = 1000314001 IMAGE_LAYOUT_PRESENT_SRC_KHR = 1000001002 IMAGE_LAYOUT_VIDEO_DECODE_DST_KHR = 1000024000 IMAGE_LAYOUT_VIDEO_DECODE_SRC_KHR = 1000024001 IMAGE_LAYOUT_VIDEO_DECODE_DPB_KHR = 1000024002 IMAGE_LAYOUT_SHARED_PRESENT_KHR = 1000111000 IMAGE_LAYOUT_FRAGMENT_DENSITY_MAP_OPTIMAL_EXT = 1000218000 IMAGE_LAYOUT_FRAGMENT_SHADING_RATE_ATTACHMENT_OPTIMAL_KHR = 1000164003 IMAGE_LAYOUT_VIDEO_ENCODE_DST_KHR = 1000299000 IMAGE_LAYOUT_VIDEO_ENCODE_SRC_KHR = 1000299001 IMAGE_LAYOUT_VIDEO_ENCODE_DPB_KHR = 1000299002 IMAGE_LAYOUT_ATTACHMENT_FEEDBACK_LOOP_OPTIMAL_EXT = 1000339000 end @cenum AttachmentLoadOp::UInt32 begin ATTACHMENT_LOAD_OP_LOAD = 0 ATTACHMENT_LOAD_OP_CLEAR = 1 ATTACHMENT_LOAD_OP_DONT_CARE = 2 ATTACHMENT_LOAD_OP_NONE_EXT = 1000400000 end @cenum AttachmentStoreOp::UInt32 begin ATTACHMENT_STORE_OP_STORE = 0 ATTACHMENT_STORE_OP_DONT_CARE = 1 ATTACHMENT_STORE_OP_NONE = 1000301000 end @cenum ImageType::UInt32 begin IMAGE_TYPE_1D = 0 IMAGE_TYPE_2D = 1 IMAGE_TYPE_3D = 2 end @cenum ImageTiling::UInt32 begin IMAGE_TILING_OPTIMAL = 0 IMAGE_TILING_LINEAR = 1 IMAGE_TILING_DRM_FORMAT_MODIFIER_EXT = 1000158000 end @cenum ImageViewType::UInt32 begin IMAGE_VIEW_TYPE_1D = 0 IMAGE_VIEW_TYPE_2D = 1 IMAGE_VIEW_TYPE_3D = 2 IMAGE_VIEW_TYPE_CUBE = 3 IMAGE_VIEW_TYPE_1D_ARRAY = 4 IMAGE_VIEW_TYPE_2D_ARRAY = 5 IMAGE_VIEW_TYPE_CUBE_ARRAY = 6 end @cenum CommandBufferLevel::UInt32 begin COMMAND_BUFFER_LEVEL_PRIMARY = 0 COMMAND_BUFFER_LEVEL_SECONDARY = 1 end @cenum ComponentSwizzle::UInt32 begin COMPONENT_SWIZZLE_IDENTITY = 0 COMPONENT_SWIZZLE_ZERO = 1 COMPONENT_SWIZZLE_ONE = 2 COMPONENT_SWIZZLE_R = 3 COMPONENT_SWIZZLE_G = 4 COMPONENT_SWIZZLE_B = 5 COMPONENT_SWIZZLE_A = 6 end @cenum DescriptorType::UInt32 begin DESCRIPTOR_TYPE_SAMPLER = 0 DESCRIPTOR_TYPE_COMBINED_IMAGE_SAMPLER = 1 DESCRIPTOR_TYPE_SAMPLED_IMAGE = 2 DESCRIPTOR_TYPE_STORAGE_IMAGE = 3 DESCRIPTOR_TYPE_UNIFORM_TEXEL_BUFFER = 4 DESCRIPTOR_TYPE_STORAGE_TEXEL_BUFFER = 5 DESCRIPTOR_TYPE_UNIFORM_BUFFER = 6 DESCRIPTOR_TYPE_STORAGE_BUFFER = 7 DESCRIPTOR_TYPE_UNIFORM_BUFFER_DYNAMIC = 8 DESCRIPTOR_TYPE_STORAGE_BUFFER_DYNAMIC = 9 DESCRIPTOR_TYPE_INPUT_ATTACHMENT = 10 DESCRIPTOR_TYPE_INLINE_UNIFORM_BLOCK = 1000138000 DESCRIPTOR_TYPE_ACCELERATION_STRUCTURE_KHR = 1000150000 DESCRIPTOR_TYPE_ACCELERATION_STRUCTURE_NV = 1000165000 DESCRIPTOR_TYPE_SAMPLE_WEIGHT_IMAGE_QCOM = 1000440000 DESCRIPTOR_TYPE_BLOCK_MATCH_IMAGE_QCOM = 1000440001 DESCRIPTOR_TYPE_MUTABLE_EXT = 1000351000 end @cenum QueryType::UInt32 begin QUERY_TYPE_OCCLUSION = 0 QUERY_TYPE_PIPELINE_STATISTICS = 1 QUERY_TYPE_TIMESTAMP = 2 QUERY_TYPE_RESULT_STATUS_ONLY_KHR = 1000023000 QUERY_TYPE_TRANSFORM_FEEDBACK_STREAM_EXT = 1000028004 QUERY_TYPE_PERFORMANCE_QUERY_KHR = 1000116000 QUERY_TYPE_ACCELERATION_STRUCTURE_COMPACTED_SIZE_KHR = 1000150000 QUERY_TYPE_ACCELERATION_STRUCTURE_SERIALIZATION_SIZE_KHR = 1000150001 QUERY_TYPE_ACCELERATION_STRUCTURE_COMPACTED_SIZE_NV = 1000165000 QUERY_TYPE_PERFORMANCE_QUERY_INTEL = 1000210000 QUERY_TYPE_VIDEO_ENCODE_BITSTREAM_BUFFER_RANGE_KHR = 1000299000 QUERY_TYPE_MESH_PRIMITIVES_GENERATED_EXT = 1000328000 QUERY_TYPE_PRIMITIVES_GENERATED_EXT = 1000382000 QUERY_TYPE_ACCELERATION_STRUCTURE_SERIALIZATION_BOTTOM_LEVEL_POINTERS_KHR = 1000386000 QUERY_TYPE_ACCELERATION_STRUCTURE_SIZE_KHR = 1000386001 QUERY_TYPE_MICROMAP_SERIALIZATION_SIZE_EXT = 1000396000 QUERY_TYPE_MICROMAP_COMPACTED_SIZE_EXT = 1000396001 end @cenum BorderColor::UInt32 begin BORDER_COLOR_FLOAT_TRANSPARENT_BLACK = 0 BORDER_COLOR_INT_TRANSPARENT_BLACK = 1 BORDER_COLOR_FLOAT_OPAQUE_BLACK = 2 BORDER_COLOR_INT_OPAQUE_BLACK = 3 BORDER_COLOR_FLOAT_OPAQUE_WHITE = 4 BORDER_COLOR_INT_OPAQUE_WHITE = 5 BORDER_COLOR_FLOAT_CUSTOM_EXT = 1000287003 BORDER_COLOR_INT_CUSTOM_EXT = 1000287004 end @cenum PipelineBindPoint::UInt32 begin PIPELINE_BIND_POINT_GRAPHICS = 0 PIPELINE_BIND_POINT_COMPUTE = 1 PIPELINE_BIND_POINT_RAY_TRACING_KHR = 1000165000 PIPELINE_BIND_POINT_SUBPASS_SHADING_HUAWEI = 1000369003 end @cenum PipelineCacheHeaderVersion::UInt32 begin PIPELINE_CACHE_HEADER_VERSION_ONE = 1 end @cenum PrimitiveTopology::UInt32 begin PRIMITIVE_TOPOLOGY_POINT_LIST = 0 PRIMITIVE_TOPOLOGY_LINE_LIST = 1 PRIMITIVE_TOPOLOGY_LINE_STRIP = 2 PRIMITIVE_TOPOLOGY_TRIANGLE_LIST = 3 PRIMITIVE_TOPOLOGY_TRIANGLE_STRIP = 4 PRIMITIVE_TOPOLOGY_TRIANGLE_FAN = 5 PRIMITIVE_TOPOLOGY_LINE_LIST_WITH_ADJACENCY = 6 PRIMITIVE_TOPOLOGY_LINE_STRIP_WITH_ADJACENCY = 7 PRIMITIVE_TOPOLOGY_TRIANGLE_LIST_WITH_ADJACENCY = 8 PRIMITIVE_TOPOLOGY_TRIANGLE_STRIP_WITH_ADJACENCY = 9 PRIMITIVE_TOPOLOGY_PATCH_LIST = 10 end @cenum SharingMode::UInt32 begin SHARING_MODE_EXCLUSIVE = 0 SHARING_MODE_CONCURRENT = 1 end @cenum IndexType::UInt32 begin INDEX_TYPE_UINT16 = 0 INDEX_TYPE_UINT32 = 1 INDEX_TYPE_NONE_KHR = 1000165000 INDEX_TYPE_UINT8_EXT = 1000265000 end @cenum Filter::UInt32 begin FILTER_NEAREST = 0 FILTER_LINEAR = 1 FILTER_CUBIC_EXT = 1000015000 end @cenum SamplerMipmapMode::UInt32 begin SAMPLER_MIPMAP_MODE_NEAREST = 0 SAMPLER_MIPMAP_MODE_LINEAR = 1 end @cenum SamplerAddressMode::UInt32 begin SAMPLER_ADDRESS_MODE_REPEAT = 0 SAMPLER_ADDRESS_MODE_MIRRORED_REPEAT = 1 SAMPLER_ADDRESS_MODE_CLAMP_TO_EDGE = 2 SAMPLER_ADDRESS_MODE_CLAMP_TO_BORDER = 3 SAMPLER_ADDRESS_MODE_MIRROR_CLAMP_TO_EDGE = 4 end @cenum CompareOp::UInt32 begin COMPARE_OP_NEVER = 0 COMPARE_OP_LESS = 1 COMPARE_OP_EQUAL = 2 COMPARE_OP_LESS_OR_EQUAL = 3 COMPARE_OP_GREATER = 4 COMPARE_OP_NOT_EQUAL = 5 COMPARE_OP_GREATER_OR_EQUAL = 6 COMPARE_OP_ALWAYS = 7 end @cenum PolygonMode::UInt32 begin POLYGON_MODE_FILL = 0 POLYGON_MODE_LINE = 1 POLYGON_MODE_POINT = 2 POLYGON_MODE_FILL_RECTANGLE_NV = 1000153000 end @cenum FrontFace::UInt32 begin FRONT_FACE_COUNTER_CLOCKWISE = 0 FRONT_FACE_CLOCKWISE = 1 end @cenum BlendFactor::UInt32 begin BLEND_FACTOR_ZERO = 0 BLEND_FACTOR_ONE = 1 BLEND_FACTOR_SRC_COLOR = 2 BLEND_FACTOR_ONE_MINUS_SRC_COLOR = 3 BLEND_FACTOR_DST_COLOR = 4 BLEND_FACTOR_ONE_MINUS_DST_COLOR = 5 BLEND_FACTOR_SRC_ALPHA = 6 BLEND_FACTOR_ONE_MINUS_SRC_ALPHA = 7 BLEND_FACTOR_DST_ALPHA = 8 BLEND_FACTOR_ONE_MINUS_DST_ALPHA = 9 BLEND_FACTOR_CONSTANT_COLOR = 10 BLEND_FACTOR_ONE_MINUS_CONSTANT_COLOR = 11 BLEND_FACTOR_CONSTANT_ALPHA = 12 BLEND_FACTOR_ONE_MINUS_CONSTANT_ALPHA = 13 BLEND_FACTOR_SRC_ALPHA_SATURATE = 14 BLEND_FACTOR_SRC1_COLOR = 15 BLEND_FACTOR_ONE_MINUS_SRC1_COLOR = 16 BLEND_FACTOR_SRC1_ALPHA = 17 BLEND_FACTOR_ONE_MINUS_SRC1_ALPHA = 18 end @cenum BlendOp::UInt32 begin BLEND_OP_ADD = 0 BLEND_OP_SUBTRACT = 1 BLEND_OP_REVERSE_SUBTRACT = 2 BLEND_OP_MIN = 3 BLEND_OP_MAX = 4 BLEND_OP_ZERO_EXT = 1000148000 BLEND_OP_SRC_EXT = 1000148001 BLEND_OP_DST_EXT = 1000148002 BLEND_OP_SRC_OVER_EXT = 1000148003 BLEND_OP_DST_OVER_EXT = 1000148004 BLEND_OP_SRC_IN_EXT = 1000148005 BLEND_OP_DST_IN_EXT = 1000148006 BLEND_OP_SRC_OUT_EXT = 1000148007 BLEND_OP_DST_OUT_EXT = 1000148008 BLEND_OP_SRC_ATOP_EXT = 1000148009 BLEND_OP_DST_ATOP_EXT = 1000148010 BLEND_OP_XOR_EXT = 1000148011 BLEND_OP_MULTIPLY_EXT = 1000148012 BLEND_OP_SCREEN_EXT = 1000148013 BLEND_OP_OVERLAY_EXT = 1000148014 BLEND_OP_DARKEN_EXT = 1000148015 BLEND_OP_LIGHTEN_EXT = 1000148016 BLEND_OP_COLORDODGE_EXT = 1000148017 BLEND_OP_COLORBURN_EXT = 1000148018 BLEND_OP_HARDLIGHT_EXT = 1000148019 BLEND_OP_SOFTLIGHT_EXT = 1000148020 BLEND_OP_DIFFERENCE_EXT = 1000148021 BLEND_OP_EXCLUSION_EXT = 1000148022 BLEND_OP_INVERT_EXT = 1000148023 BLEND_OP_INVERT_RGB_EXT = 1000148024 BLEND_OP_LINEARDODGE_EXT = 1000148025 BLEND_OP_LINEARBURN_EXT = 1000148026 BLEND_OP_VIVIDLIGHT_EXT = 1000148027 BLEND_OP_LINEARLIGHT_EXT = 1000148028 BLEND_OP_PINLIGHT_EXT = 1000148029 BLEND_OP_HARDMIX_EXT = 1000148030 BLEND_OP_HSL_HUE_EXT = 1000148031 BLEND_OP_HSL_SATURATION_EXT = 1000148032 BLEND_OP_HSL_COLOR_EXT = 1000148033 BLEND_OP_HSL_LUMINOSITY_EXT = 1000148034 BLEND_OP_PLUS_EXT = 1000148035 BLEND_OP_PLUS_CLAMPED_EXT = 1000148036 BLEND_OP_PLUS_CLAMPED_ALPHA_EXT = 1000148037 BLEND_OP_PLUS_DARKER_EXT = 1000148038 BLEND_OP_MINUS_EXT = 1000148039 BLEND_OP_MINUS_CLAMPED_EXT = 1000148040 BLEND_OP_CONTRAST_EXT = 1000148041 BLEND_OP_INVERT_OVG_EXT = 1000148042 BLEND_OP_RED_EXT = 1000148043 BLEND_OP_GREEN_EXT = 1000148044 BLEND_OP_BLUE_EXT = 1000148045 end @cenum StencilOp::UInt32 begin STENCIL_OP_KEEP = 0 STENCIL_OP_ZERO = 1 STENCIL_OP_REPLACE = 2 STENCIL_OP_INCREMENT_AND_CLAMP = 3 STENCIL_OP_DECREMENT_AND_CLAMP = 4 STENCIL_OP_INVERT = 5 STENCIL_OP_INCREMENT_AND_WRAP = 6 STENCIL_OP_DECREMENT_AND_WRAP = 7 end @cenum LogicOp::UInt32 begin LOGIC_OP_CLEAR = 0 LOGIC_OP_AND = 1 LOGIC_OP_AND_REVERSE = 2 LOGIC_OP_COPY = 3 LOGIC_OP_AND_INVERTED = 4 LOGIC_OP_NO_OP = 5 LOGIC_OP_XOR = 6 LOGIC_OP_OR = 7 LOGIC_OP_NOR = 8 LOGIC_OP_EQUIVALENT = 9 LOGIC_OP_INVERT = 10 LOGIC_OP_OR_REVERSE = 11 LOGIC_OP_COPY_INVERTED = 12 LOGIC_OP_OR_INVERTED = 13 LOGIC_OP_NAND = 14 LOGIC_OP_SET = 15 end @cenum InternalAllocationType::UInt32 begin INTERNAL_ALLOCATION_TYPE_EXECUTABLE = 0 end @cenum SystemAllocationScope::UInt32 begin SYSTEM_ALLOCATION_SCOPE_COMMAND = 0 SYSTEM_ALLOCATION_SCOPE_OBJECT = 1 SYSTEM_ALLOCATION_SCOPE_CACHE = 2 SYSTEM_ALLOCATION_SCOPE_DEVICE = 3 SYSTEM_ALLOCATION_SCOPE_INSTANCE = 4 end @cenum PhysicalDeviceType::UInt32 begin PHYSICAL_DEVICE_TYPE_OTHER = 0 PHYSICAL_DEVICE_TYPE_INTEGRATED_GPU = 1 PHYSICAL_DEVICE_TYPE_DISCRETE_GPU = 2 PHYSICAL_DEVICE_TYPE_VIRTUAL_GPU = 3 PHYSICAL_DEVICE_TYPE_CPU = 4 end @cenum VertexInputRate::UInt32 begin VERTEX_INPUT_RATE_VERTEX = 0 VERTEX_INPUT_RATE_INSTANCE = 1 end @cenum Format::UInt32 begin FORMAT_UNDEFINED = 0 FORMAT_R4G4_UNORM_PACK8 = 1 FORMAT_R4G4B4A4_UNORM_PACK16 = 2 FORMAT_B4G4R4A4_UNORM_PACK16 = 3 FORMAT_R5G6B5_UNORM_PACK16 = 4 FORMAT_B5G6R5_UNORM_PACK16 = 5 FORMAT_R5G5B5A1_UNORM_PACK16 = 6 FORMAT_B5G5R5A1_UNORM_PACK16 = 7 FORMAT_A1R5G5B5_UNORM_PACK16 = 8 FORMAT_R8_UNORM = 9 FORMAT_R8_SNORM = 10 FORMAT_R8_USCALED = 11 FORMAT_R8_SSCALED = 12 FORMAT_R8_UINT = 13 FORMAT_R8_SINT = 14 FORMAT_R8_SRGB = 15 FORMAT_R8G8_UNORM = 16 FORMAT_R8G8_SNORM = 17 FORMAT_R8G8_USCALED = 18 FORMAT_R8G8_SSCALED = 19 FORMAT_R8G8_UINT = 20 FORMAT_R8G8_SINT = 21 FORMAT_R8G8_SRGB = 22 FORMAT_R8G8B8_UNORM = 23 FORMAT_R8G8B8_SNORM = 24 FORMAT_R8G8B8_USCALED = 25 FORMAT_R8G8B8_SSCALED = 26 FORMAT_R8G8B8_UINT = 27 FORMAT_R8G8B8_SINT = 28 FORMAT_R8G8B8_SRGB = 29 FORMAT_B8G8R8_UNORM = 30 FORMAT_B8G8R8_SNORM = 31 FORMAT_B8G8R8_USCALED = 32 FORMAT_B8G8R8_SSCALED = 33 FORMAT_B8G8R8_UINT = 34 FORMAT_B8G8R8_SINT = 35 FORMAT_B8G8R8_SRGB = 36 FORMAT_R8G8B8A8_UNORM = 37 FORMAT_R8G8B8A8_SNORM = 38 FORMAT_R8G8B8A8_USCALED = 39 FORMAT_R8G8B8A8_SSCALED = 40 FORMAT_R8G8B8A8_UINT = 41 FORMAT_R8G8B8A8_SINT = 42 FORMAT_R8G8B8A8_SRGB = 43 FORMAT_B8G8R8A8_UNORM = 44 FORMAT_B8G8R8A8_SNORM = 45 FORMAT_B8G8R8A8_USCALED = 46 FORMAT_B8G8R8A8_SSCALED = 47 FORMAT_B8G8R8A8_UINT = 48 FORMAT_B8G8R8A8_SINT = 49 FORMAT_B8G8R8A8_SRGB = 50 FORMAT_A8B8G8R8_UNORM_PACK32 = 51 FORMAT_A8B8G8R8_SNORM_PACK32 = 52 FORMAT_A8B8G8R8_USCALED_PACK32 = 53 FORMAT_A8B8G8R8_SSCALED_PACK32 = 54 FORMAT_A8B8G8R8_UINT_PACK32 = 55 FORMAT_A8B8G8R8_SINT_PACK32 = 56 FORMAT_A8B8G8R8_SRGB_PACK32 = 57 FORMAT_A2R10G10B10_UNORM_PACK32 = 58 FORMAT_A2R10G10B10_SNORM_PACK32 = 59 FORMAT_A2R10G10B10_USCALED_PACK32 = 60 FORMAT_A2R10G10B10_SSCALED_PACK32 = 61 FORMAT_A2R10G10B10_UINT_PACK32 = 62 FORMAT_A2R10G10B10_SINT_PACK32 = 63 FORMAT_A2B10G10R10_UNORM_PACK32 = 64 FORMAT_A2B10G10R10_SNORM_PACK32 = 65 FORMAT_A2B10G10R10_USCALED_PACK32 = 66 FORMAT_A2B10G10R10_SSCALED_PACK32 = 67 FORMAT_A2B10G10R10_UINT_PACK32 = 68 FORMAT_A2B10G10R10_SINT_PACK32 = 69 FORMAT_R16_UNORM = 70 FORMAT_R16_SNORM = 71 FORMAT_R16_USCALED = 72 FORMAT_R16_SSCALED = 73 FORMAT_R16_UINT = 74 FORMAT_R16_SINT = 75 FORMAT_R16_SFLOAT = 76 FORMAT_R16G16_UNORM = 77 FORMAT_R16G16_SNORM = 78 FORMAT_R16G16_USCALED = 79 FORMAT_R16G16_SSCALED = 80 FORMAT_R16G16_UINT = 81 FORMAT_R16G16_SINT = 82 FORMAT_R16G16_SFLOAT = 83 FORMAT_R16G16B16_UNORM = 84 FORMAT_R16G16B16_SNORM = 85 FORMAT_R16G16B16_USCALED = 86 FORMAT_R16G16B16_SSCALED = 87 FORMAT_R16G16B16_UINT = 88 FORMAT_R16G16B16_SINT = 89 FORMAT_R16G16B16_SFLOAT = 90 FORMAT_R16G16B16A16_UNORM = 91 FORMAT_R16G16B16A16_SNORM = 92 FORMAT_R16G16B16A16_USCALED = 93 FORMAT_R16G16B16A16_SSCALED = 94 FORMAT_R16G16B16A16_UINT = 95 FORMAT_R16G16B16A16_SINT = 96 FORMAT_R16G16B16A16_SFLOAT = 97 FORMAT_R32_UINT = 98 FORMAT_R32_SINT = 99 FORMAT_R32_SFLOAT = 100 FORMAT_R32G32_UINT = 101 FORMAT_R32G32_SINT = 102 FORMAT_R32G32_SFLOAT = 103 FORMAT_R32G32B32_UINT = 104 FORMAT_R32G32B32_SINT = 105 FORMAT_R32G32B32_SFLOAT = 106 FORMAT_R32G32B32A32_UINT = 107 FORMAT_R32G32B32A32_SINT = 108 FORMAT_R32G32B32A32_SFLOAT = 109 FORMAT_R64_UINT = 110 FORMAT_R64_SINT = 111 FORMAT_R64_SFLOAT = 112 FORMAT_R64G64_UINT = 113 FORMAT_R64G64_SINT = 114 FORMAT_R64G64_SFLOAT = 115 FORMAT_R64G64B64_UINT = 116 FORMAT_R64G64B64_SINT = 117 FORMAT_R64G64B64_SFLOAT = 118 FORMAT_R64G64B64A64_UINT = 119 FORMAT_R64G64B64A64_SINT = 120 FORMAT_R64G64B64A64_SFLOAT = 121 FORMAT_B10G11R11_UFLOAT_PACK32 = 122 FORMAT_E5B9G9R9_UFLOAT_PACK32 = 123 FORMAT_D16_UNORM = 124 FORMAT_X8_D24_UNORM_PACK32 = 125 FORMAT_D32_SFLOAT = 126 FORMAT_S8_UINT = 127 FORMAT_D16_UNORM_S8_UINT = 128 FORMAT_D24_UNORM_S8_UINT = 129 FORMAT_D32_SFLOAT_S8_UINT = 130 FORMAT_BC1_RGB_UNORM_BLOCK = 131 FORMAT_BC1_RGB_SRGB_BLOCK = 132 FORMAT_BC1_RGBA_UNORM_BLOCK = 133 FORMAT_BC1_RGBA_SRGB_BLOCK = 134 FORMAT_BC2_UNORM_BLOCK = 135 FORMAT_BC2_SRGB_BLOCK = 136 FORMAT_BC3_UNORM_BLOCK = 137 FORMAT_BC3_SRGB_BLOCK = 138 FORMAT_BC4_UNORM_BLOCK = 139 FORMAT_BC4_SNORM_BLOCK = 140 FORMAT_BC5_UNORM_BLOCK = 141 FORMAT_BC5_SNORM_BLOCK = 142 FORMAT_BC6H_UFLOAT_BLOCK = 143 FORMAT_BC6H_SFLOAT_BLOCK = 144 FORMAT_BC7_UNORM_BLOCK = 145 FORMAT_BC7_SRGB_BLOCK = 146 FORMAT_ETC2_R8G8B8_UNORM_BLOCK = 147 FORMAT_ETC2_R8G8B8_SRGB_BLOCK = 148 FORMAT_ETC2_R8G8B8A1_UNORM_BLOCK = 149 FORMAT_ETC2_R8G8B8A1_SRGB_BLOCK = 150 FORMAT_ETC2_R8G8B8A8_UNORM_BLOCK = 151 FORMAT_ETC2_R8G8B8A8_SRGB_BLOCK = 152 FORMAT_EAC_R11_UNORM_BLOCK = 153 FORMAT_EAC_R11_SNORM_BLOCK = 154 FORMAT_EAC_R11G11_UNORM_BLOCK = 155 FORMAT_EAC_R11G11_SNORM_BLOCK = 156 FORMAT_ASTC_4x4_UNORM_BLOCK = 157 FORMAT_ASTC_4x4_SRGB_BLOCK = 158 FORMAT_ASTC_5x4_UNORM_BLOCK = 159 FORMAT_ASTC_5x4_SRGB_BLOCK = 160 FORMAT_ASTC_5x5_UNORM_BLOCK = 161 FORMAT_ASTC_5x5_SRGB_BLOCK = 162 FORMAT_ASTC_6x5_UNORM_BLOCK = 163 FORMAT_ASTC_6x5_SRGB_BLOCK = 164 FORMAT_ASTC_6x6_UNORM_BLOCK = 165 FORMAT_ASTC_6x6_SRGB_BLOCK = 166 FORMAT_ASTC_8x5_UNORM_BLOCK = 167 FORMAT_ASTC_8x5_SRGB_BLOCK = 168 FORMAT_ASTC_8x6_UNORM_BLOCK = 169 FORMAT_ASTC_8x6_SRGB_BLOCK = 170 FORMAT_ASTC_8x8_UNORM_BLOCK = 171 FORMAT_ASTC_8x8_SRGB_BLOCK = 172 FORMAT_ASTC_10x5_UNORM_BLOCK = 173 FORMAT_ASTC_10x5_SRGB_BLOCK = 174 FORMAT_ASTC_10x6_UNORM_BLOCK = 175 FORMAT_ASTC_10x6_SRGB_BLOCK = 176 FORMAT_ASTC_10x8_UNORM_BLOCK = 177 FORMAT_ASTC_10x8_SRGB_BLOCK = 178 FORMAT_ASTC_10x10_UNORM_BLOCK = 179 FORMAT_ASTC_10x10_SRGB_BLOCK = 180 FORMAT_ASTC_12x10_UNORM_BLOCK = 181 FORMAT_ASTC_12x10_SRGB_BLOCK = 182 FORMAT_ASTC_12x12_UNORM_BLOCK = 183 FORMAT_ASTC_12x12_SRGB_BLOCK = 184 FORMAT_G8B8G8R8_422_UNORM = 1000156000 FORMAT_B8G8R8G8_422_UNORM = 1000156001 FORMAT_G8_B8_R8_3PLANE_420_UNORM = 1000156002 FORMAT_G8_B8R8_2PLANE_420_UNORM = 1000156003 FORMAT_G8_B8_R8_3PLANE_422_UNORM = 1000156004 FORMAT_G8_B8R8_2PLANE_422_UNORM = 1000156005 FORMAT_G8_B8_R8_3PLANE_444_UNORM = 1000156006 FORMAT_R10X6_UNORM_PACK16 = 1000156007 FORMAT_R10X6G10X6_UNORM_2PACK16 = 1000156008 FORMAT_R10X6G10X6B10X6A10X6_UNORM_4PACK16 = 1000156009 FORMAT_G10X6B10X6G10X6R10X6_422_UNORM_4PACK16 = 1000156010 FORMAT_B10X6G10X6R10X6G10X6_422_UNORM_4PACK16 = 1000156011 FORMAT_G10X6_B10X6_R10X6_3PLANE_420_UNORM_3PACK16 = 1000156012 FORMAT_G10X6_B10X6R10X6_2PLANE_420_UNORM_3PACK16 = 1000156013 FORMAT_G10X6_B10X6_R10X6_3PLANE_422_UNORM_3PACK16 = 1000156014 FORMAT_G10X6_B10X6R10X6_2PLANE_422_UNORM_3PACK16 = 1000156015 FORMAT_G10X6_B10X6_R10X6_3PLANE_444_UNORM_3PACK16 = 1000156016 FORMAT_R12X4_UNORM_PACK16 = 1000156017 FORMAT_R12X4G12X4_UNORM_2PACK16 = 1000156018 FORMAT_R12X4G12X4B12X4A12X4_UNORM_4PACK16 = 1000156019 FORMAT_G12X4B12X4G12X4R12X4_422_UNORM_4PACK16 = 1000156020 FORMAT_B12X4G12X4R12X4G12X4_422_UNORM_4PACK16 = 1000156021 FORMAT_G12X4_B12X4_R12X4_3PLANE_420_UNORM_3PACK16 = 1000156022 FORMAT_G12X4_B12X4R12X4_2PLANE_420_UNORM_3PACK16 = 1000156023 FORMAT_G12X4_B12X4_R12X4_3PLANE_422_UNORM_3PACK16 = 1000156024 FORMAT_G12X4_B12X4R12X4_2PLANE_422_UNORM_3PACK16 = 1000156025 FORMAT_G12X4_B12X4_R12X4_3PLANE_444_UNORM_3PACK16 = 1000156026 FORMAT_G16B16G16R16_422_UNORM = 1000156027 FORMAT_B16G16R16G16_422_UNORM = 1000156028 FORMAT_G16_B16_R16_3PLANE_420_UNORM = 1000156029 FORMAT_G16_B16R16_2PLANE_420_UNORM = 1000156030 FORMAT_G16_B16_R16_3PLANE_422_UNORM = 1000156031 FORMAT_G16_B16R16_2PLANE_422_UNORM = 1000156032 FORMAT_G16_B16_R16_3PLANE_444_UNORM = 1000156033 FORMAT_G8_B8R8_2PLANE_444_UNORM = 1000330000 FORMAT_G10X6_B10X6R10X6_2PLANE_444_UNORM_3PACK16 = 1000330001 FORMAT_G12X4_B12X4R12X4_2PLANE_444_UNORM_3PACK16 = 1000330002 FORMAT_G16_B16R16_2PLANE_444_UNORM = 1000330003 FORMAT_A4R4G4B4_UNORM_PACK16 = 1000340000 FORMAT_A4B4G4R4_UNORM_PACK16 = 1000340001 FORMAT_ASTC_4x4_SFLOAT_BLOCK = 1000066000 FORMAT_ASTC_5x4_SFLOAT_BLOCK = 1000066001 FORMAT_ASTC_5x5_SFLOAT_BLOCK = 1000066002 FORMAT_ASTC_6x5_SFLOAT_BLOCK = 1000066003 FORMAT_ASTC_6x6_SFLOAT_BLOCK = 1000066004 FORMAT_ASTC_8x5_SFLOAT_BLOCK = 1000066005 FORMAT_ASTC_8x6_SFLOAT_BLOCK = 1000066006 FORMAT_ASTC_8x8_SFLOAT_BLOCK = 1000066007 FORMAT_ASTC_10x5_SFLOAT_BLOCK = 1000066008 FORMAT_ASTC_10x6_SFLOAT_BLOCK = 1000066009 FORMAT_ASTC_10x8_SFLOAT_BLOCK = 1000066010 FORMAT_ASTC_10x10_SFLOAT_BLOCK = 1000066011 FORMAT_ASTC_12x10_SFLOAT_BLOCK = 1000066012 FORMAT_ASTC_12x12_SFLOAT_BLOCK = 1000066013 FORMAT_PVRTC1_2BPP_UNORM_BLOCK_IMG = 1000054000 FORMAT_PVRTC1_4BPP_UNORM_BLOCK_IMG = 1000054001 FORMAT_PVRTC2_2BPP_UNORM_BLOCK_IMG = 1000054002 FORMAT_PVRTC2_4BPP_UNORM_BLOCK_IMG = 1000054003 FORMAT_PVRTC1_2BPP_SRGB_BLOCK_IMG = 1000054004 FORMAT_PVRTC1_4BPP_SRGB_BLOCK_IMG = 1000054005 FORMAT_PVRTC2_2BPP_SRGB_BLOCK_IMG = 1000054006 FORMAT_PVRTC2_4BPP_SRGB_BLOCK_IMG = 1000054007 FORMAT_R16G16_S10_5_NV = 1000464000 end @cenum StructureType::UInt32 begin STRUCTURE_TYPE_APPLICATION_INFO = 0 STRUCTURE_TYPE_INSTANCE_CREATE_INFO = 1 STRUCTURE_TYPE_DEVICE_QUEUE_CREATE_INFO = 2 STRUCTURE_TYPE_DEVICE_CREATE_INFO = 3 STRUCTURE_TYPE_SUBMIT_INFO = 4 STRUCTURE_TYPE_MEMORY_ALLOCATE_INFO = 5 STRUCTURE_TYPE_MAPPED_MEMORY_RANGE = 6 STRUCTURE_TYPE_BIND_SPARSE_INFO = 7 STRUCTURE_TYPE_FENCE_CREATE_INFO = 8 STRUCTURE_TYPE_SEMAPHORE_CREATE_INFO = 9 STRUCTURE_TYPE_EVENT_CREATE_INFO = 10 STRUCTURE_TYPE_QUERY_POOL_CREATE_INFO = 11 STRUCTURE_TYPE_BUFFER_CREATE_INFO = 12 STRUCTURE_TYPE_BUFFER_VIEW_CREATE_INFO = 13 STRUCTURE_TYPE_IMAGE_CREATE_INFO = 14 STRUCTURE_TYPE_IMAGE_VIEW_CREATE_INFO = 15 STRUCTURE_TYPE_SHADER_MODULE_CREATE_INFO = 16 STRUCTURE_TYPE_PIPELINE_CACHE_CREATE_INFO = 17 STRUCTURE_TYPE_PIPELINE_SHADER_STAGE_CREATE_INFO = 18 STRUCTURE_TYPE_PIPELINE_VERTEX_INPUT_STATE_CREATE_INFO = 19 STRUCTURE_TYPE_PIPELINE_INPUT_ASSEMBLY_STATE_CREATE_INFO = 20 STRUCTURE_TYPE_PIPELINE_TESSELLATION_STATE_CREATE_INFO = 21 STRUCTURE_TYPE_PIPELINE_VIEWPORT_STATE_CREATE_INFO = 22 STRUCTURE_TYPE_PIPELINE_RASTERIZATION_STATE_CREATE_INFO = 23 STRUCTURE_TYPE_PIPELINE_MULTISAMPLE_STATE_CREATE_INFO = 24 STRUCTURE_TYPE_PIPELINE_DEPTH_STENCIL_STATE_CREATE_INFO = 25 STRUCTURE_TYPE_PIPELINE_COLOR_BLEND_STATE_CREATE_INFO = 26 STRUCTURE_TYPE_PIPELINE_DYNAMIC_STATE_CREATE_INFO = 27 STRUCTURE_TYPE_GRAPHICS_PIPELINE_CREATE_INFO = 28 STRUCTURE_TYPE_COMPUTE_PIPELINE_CREATE_INFO = 29 STRUCTURE_TYPE_PIPELINE_LAYOUT_CREATE_INFO = 30 STRUCTURE_TYPE_SAMPLER_CREATE_INFO = 31 STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_CREATE_INFO = 32 STRUCTURE_TYPE_DESCRIPTOR_POOL_CREATE_INFO = 33 STRUCTURE_TYPE_DESCRIPTOR_SET_ALLOCATE_INFO = 34 STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET = 35 STRUCTURE_TYPE_COPY_DESCRIPTOR_SET = 36 STRUCTURE_TYPE_FRAMEBUFFER_CREATE_INFO = 37 STRUCTURE_TYPE_RENDER_PASS_CREATE_INFO = 38 STRUCTURE_TYPE_COMMAND_POOL_CREATE_INFO = 39 STRUCTURE_TYPE_COMMAND_BUFFER_ALLOCATE_INFO = 40 STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_INFO = 41 STRUCTURE_TYPE_COMMAND_BUFFER_BEGIN_INFO = 42 STRUCTURE_TYPE_RENDER_PASS_BEGIN_INFO = 43 STRUCTURE_TYPE_BUFFER_MEMORY_BARRIER = 44 STRUCTURE_TYPE_IMAGE_MEMORY_BARRIER = 45 STRUCTURE_TYPE_MEMORY_BARRIER = 46 STRUCTURE_TYPE_LOADER_INSTANCE_CREATE_INFO = 47 STRUCTURE_TYPE_LOADER_DEVICE_CREATE_INFO = 48 STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_PROPERTIES = 1000094000 STRUCTURE_TYPE_BIND_BUFFER_MEMORY_INFO = 1000157000 STRUCTURE_TYPE_BIND_IMAGE_MEMORY_INFO = 1000157001 STRUCTURE_TYPE_PHYSICAL_DEVICE_16BIT_STORAGE_FEATURES = 1000083000 STRUCTURE_TYPE_MEMORY_DEDICATED_REQUIREMENTS = 1000127000 STRUCTURE_TYPE_MEMORY_DEDICATED_ALLOCATE_INFO = 1000127001 STRUCTURE_TYPE_MEMORY_ALLOCATE_FLAGS_INFO = 1000060000 STRUCTURE_TYPE_DEVICE_GROUP_RENDER_PASS_BEGIN_INFO = 1000060003 STRUCTURE_TYPE_DEVICE_GROUP_COMMAND_BUFFER_BEGIN_INFO = 1000060004 STRUCTURE_TYPE_DEVICE_GROUP_SUBMIT_INFO = 1000060005 STRUCTURE_TYPE_DEVICE_GROUP_BIND_SPARSE_INFO = 1000060006 STRUCTURE_TYPE_BIND_BUFFER_MEMORY_DEVICE_GROUP_INFO = 1000060013 STRUCTURE_TYPE_BIND_IMAGE_MEMORY_DEVICE_GROUP_INFO = 1000060014 STRUCTURE_TYPE_PHYSICAL_DEVICE_GROUP_PROPERTIES = 1000070000 STRUCTURE_TYPE_DEVICE_GROUP_DEVICE_CREATE_INFO = 1000070001 STRUCTURE_TYPE_BUFFER_MEMORY_REQUIREMENTS_INFO_2 = 1000146000 STRUCTURE_TYPE_IMAGE_MEMORY_REQUIREMENTS_INFO_2 = 1000146001 STRUCTURE_TYPE_IMAGE_SPARSE_MEMORY_REQUIREMENTS_INFO_2 = 1000146002 STRUCTURE_TYPE_MEMORY_REQUIREMENTS_2 = 1000146003 STRUCTURE_TYPE_SPARSE_IMAGE_MEMORY_REQUIREMENTS_2 = 1000146004 STRUCTURE_TYPE_PHYSICAL_DEVICE_FEATURES_2 = 1000059000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PROPERTIES_2 = 1000059001 STRUCTURE_TYPE_FORMAT_PROPERTIES_2 = 1000059002 STRUCTURE_TYPE_IMAGE_FORMAT_PROPERTIES_2 = 1000059003 STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_FORMAT_INFO_2 = 1000059004 STRUCTURE_TYPE_QUEUE_FAMILY_PROPERTIES_2 = 1000059005 STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_PROPERTIES_2 = 1000059006 STRUCTURE_TYPE_SPARSE_IMAGE_FORMAT_PROPERTIES_2 = 1000059007 STRUCTURE_TYPE_PHYSICAL_DEVICE_SPARSE_IMAGE_FORMAT_INFO_2 = 1000059008 STRUCTURE_TYPE_PHYSICAL_DEVICE_POINT_CLIPPING_PROPERTIES = 1000117000 STRUCTURE_TYPE_RENDER_PASS_INPUT_ATTACHMENT_ASPECT_CREATE_INFO = 1000117001 STRUCTURE_TYPE_IMAGE_VIEW_USAGE_CREATE_INFO = 1000117002 STRUCTURE_TYPE_PIPELINE_TESSELLATION_DOMAIN_ORIGIN_STATE_CREATE_INFO = 1000117003 STRUCTURE_TYPE_RENDER_PASS_MULTIVIEW_CREATE_INFO = 1000053000 STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_FEATURES = 1000053001 STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_PROPERTIES = 1000053002 STRUCTURE_TYPE_PHYSICAL_DEVICE_VARIABLE_POINTERS_FEATURES = 1000120000 STRUCTURE_TYPE_PROTECTED_SUBMIT_INFO = 1000145000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PROTECTED_MEMORY_FEATURES = 1000145001 STRUCTURE_TYPE_PHYSICAL_DEVICE_PROTECTED_MEMORY_PROPERTIES = 1000145002 STRUCTURE_TYPE_DEVICE_QUEUE_INFO_2 = 1000145003 STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_CREATE_INFO = 1000156000 STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_INFO = 1000156001 STRUCTURE_TYPE_BIND_IMAGE_PLANE_MEMORY_INFO = 1000156002 STRUCTURE_TYPE_IMAGE_PLANE_MEMORY_REQUIREMENTS_INFO = 1000156003 STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLER_YCBCR_CONVERSION_FEATURES = 1000156004 STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_IMAGE_FORMAT_PROPERTIES = 1000156005 STRUCTURE_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_CREATE_INFO = 1000085000 STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_IMAGE_FORMAT_INFO = 1000071000 STRUCTURE_TYPE_EXTERNAL_IMAGE_FORMAT_PROPERTIES = 1000071001 STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_BUFFER_INFO = 1000071002 STRUCTURE_TYPE_EXTERNAL_BUFFER_PROPERTIES = 1000071003 STRUCTURE_TYPE_PHYSICAL_DEVICE_ID_PROPERTIES = 1000071004 STRUCTURE_TYPE_EXTERNAL_MEMORY_BUFFER_CREATE_INFO = 1000072000 STRUCTURE_TYPE_EXTERNAL_MEMORY_IMAGE_CREATE_INFO = 1000072001 STRUCTURE_TYPE_EXPORT_MEMORY_ALLOCATE_INFO = 1000072002 STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_FENCE_INFO = 1000112000 STRUCTURE_TYPE_EXTERNAL_FENCE_PROPERTIES = 1000112001 STRUCTURE_TYPE_EXPORT_FENCE_CREATE_INFO = 1000113000 STRUCTURE_TYPE_EXPORT_SEMAPHORE_CREATE_INFO = 1000077000 STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_SEMAPHORE_INFO = 1000076000 STRUCTURE_TYPE_EXTERNAL_SEMAPHORE_PROPERTIES = 1000076001 STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_3_PROPERTIES = 1000168000 STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_SUPPORT = 1000168001 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_DRAW_PARAMETERS_FEATURES = 1000063000 STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_1_FEATURES = 49 STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_1_PROPERTIES = 50 STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_2_FEATURES = 51 STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_2_PROPERTIES = 52 STRUCTURE_TYPE_IMAGE_FORMAT_LIST_CREATE_INFO = 1000147000 STRUCTURE_TYPE_ATTACHMENT_DESCRIPTION_2 = 1000109000 STRUCTURE_TYPE_ATTACHMENT_REFERENCE_2 = 1000109001 STRUCTURE_TYPE_SUBPASS_DESCRIPTION_2 = 1000109002 STRUCTURE_TYPE_SUBPASS_DEPENDENCY_2 = 1000109003 STRUCTURE_TYPE_RENDER_PASS_CREATE_INFO_2 = 1000109004 STRUCTURE_TYPE_SUBPASS_BEGIN_INFO = 1000109005 STRUCTURE_TYPE_SUBPASS_END_INFO = 1000109006 STRUCTURE_TYPE_PHYSICAL_DEVICE_8BIT_STORAGE_FEATURES = 1000177000 STRUCTURE_TYPE_PHYSICAL_DEVICE_DRIVER_PROPERTIES = 1000196000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_ATOMIC_INT64_FEATURES = 1000180000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_FLOAT16_INT8_FEATURES = 1000082000 STRUCTURE_TYPE_PHYSICAL_DEVICE_FLOAT_CONTROLS_PROPERTIES = 1000197000 STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_BINDING_FLAGS_CREATE_INFO = 1000161000 STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_INDEXING_FEATURES = 1000161001 STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_INDEXING_PROPERTIES = 1000161002 STRUCTURE_TYPE_DESCRIPTOR_SET_VARIABLE_DESCRIPTOR_COUNT_ALLOCATE_INFO = 1000161003 STRUCTURE_TYPE_DESCRIPTOR_SET_VARIABLE_DESCRIPTOR_COUNT_LAYOUT_SUPPORT = 1000161004 STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_STENCIL_RESOLVE_PROPERTIES = 1000199000 STRUCTURE_TYPE_SUBPASS_DESCRIPTION_DEPTH_STENCIL_RESOLVE = 1000199001 STRUCTURE_TYPE_PHYSICAL_DEVICE_SCALAR_BLOCK_LAYOUT_FEATURES = 1000221000 STRUCTURE_TYPE_IMAGE_STENCIL_USAGE_CREATE_INFO = 1000246000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLER_FILTER_MINMAX_PROPERTIES = 1000130000 STRUCTURE_TYPE_SAMPLER_REDUCTION_MODE_CREATE_INFO = 1000130001 STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_MEMORY_MODEL_FEATURES = 1000211000 STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGELESS_FRAMEBUFFER_FEATURES = 1000108000 STRUCTURE_TYPE_FRAMEBUFFER_ATTACHMENTS_CREATE_INFO = 1000108001 STRUCTURE_TYPE_FRAMEBUFFER_ATTACHMENT_IMAGE_INFO = 1000108002 STRUCTURE_TYPE_RENDER_PASS_ATTACHMENT_BEGIN_INFO = 1000108003 STRUCTURE_TYPE_PHYSICAL_DEVICE_UNIFORM_BUFFER_STANDARD_LAYOUT_FEATURES = 1000253000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SUBGROUP_EXTENDED_TYPES_FEATURES = 1000175000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SEPARATE_DEPTH_STENCIL_LAYOUTS_FEATURES = 1000241000 STRUCTURE_TYPE_ATTACHMENT_REFERENCE_STENCIL_LAYOUT = 1000241001 STRUCTURE_TYPE_ATTACHMENT_DESCRIPTION_STENCIL_LAYOUT = 1000241002 STRUCTURE_TYPE_PHYSICAL_DEVICE_HOST_QUERY_RESET_FEATURES = 1000261000 STRUCTURE_TYPE_PHYSICAL_DEVICE_TIMELINE_SEMAPHORE_FEATURES = 1000207000 STRUCTURE_TYPE_PHYSICAL_DEVICE_TIMELINE_SEMAPHORE_PROPERTIES = 1000207001 STRUCTURE_TYPE_SEMAPHORE_TYPE_CREATE_INFO = 1000207002 STRUCTURE_TYPE_TIMELINE_SEMAPHORE_SUBMIT_INFO = 1000207003 STRUCTURE_TYPE_SEMAPHORE_WAIT_INFO = 1000207004 STRUCTURE_TYPE_SEMAPHORE_SIGNAL_INFO = 1000207005 STRUCTURE_TYPE_PHYSICAL_DEVICE_BUFFER_DEVICE_ADDRESS_FEATURES = 1000257000 STRUCTURE_TYPE_BUFFER_DEVICE_ADDRESS_INFO = 1000244001 STRUCTURE_TYPE_BUFFER_OPAQUE_CAPTURE_ADDRESS_CREATE_INFO = 1000257002 STRUCTURE_TYPE_MEMORY_OPAQUE_CAPTURE_ADDRESS_ALLOCATE_INFO = 1000257003 STRUCTURE_TYPE_DEVICE_MEMORY_OPAQUE_CAPTURE_ADDRESS_INFO = 1000257004 STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_3_FEATURES = 53 STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_3_PROPERTIES = 54 STRUCTURE_TYPE_PIPELINE_CREATION_FEEDBACK_CREATE_INFO = 1000192000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_TERMINATE_INVOCATION_FEATURES = 1000215000 STRUCTURE_TYPE_PHYSICAL_DEVICE_TOOL_PROPERTIES = 1000245000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_DEMOTE_TO_HELPER_INVOCATION_FEATURES = 1000276000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PRIVATE_DATA_FEATURES = 1000295000 STRUCTURE_TYPE_DEVICE_PRIVATE_DATA_CREATE_INFO = 1000295001 STRUCTURE_TYPE_PRIVATE_DATA_SLOT_CREATE_INFO = 1000295002 STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_CREATION_CACHE_CONTROL_FEATURES = 1000297000 STRUCTURE_TYPE_MEMORY_BARRIER_2 = 1000314000 STRUCTURE_TYPE_BUFFER_MEMORY_BARRIER_2 = 1000314001 STRUCTURE_TYPE_IMAGE_MEMORY_BARRIER_2 = 1000314002 STRUCTURE_TYPE_DEPENDENCY_INFO = 1000314003 STRUCTURE_TYPE_SUBMIT_INFO_2 = 1000314004 STRUCTURE_TYPE_SEMAPHORE_SUBMIT_INFO = 1000314005 STRUCTURE_TYPE_COMMAND_BUFFER_SUBMIT_INFO = 1000314006 STRUCTURE_TYPE_PHYSICAL_DEVICE_SYNCHRONIZATION_2_FEATURES = 1000314007 STRUCTURE_TYPE_PHYSICAL_DEVICE_ZERO_INITIALIZE_WORKGROUP_MEMORY_FEATURES = 1000325000 STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_ROBUSTNESS_FEATURES = 1000335000 STRUCTURE_TYPE_COPY_BUFFER_INFO_2 = 1000337000 STRUCTURE_TYPE_COPY_IMAGE_INFO_2 = 1000337001 STRUCTURE_TYPE_COPY_BUFFER_TO_IMAGE_INFO_2 = 1000337002 STRUCTURE_TYPE_COPY_IMAGE_TO_BUFFER_INFO_2 = 1000337003 STRUCTURE_TYPE_BLIT_IMAGE_INFO_2 = 1000337004 STRUCTURE_TYPE_RESOLVE_IMAGE_INFO_2 = 1000337005 STRUCTURE_TYPE_BUFFER_COPY_2 = 1000337006 STRUCTURE_TYPE_IMAGE_COPY_2 = 1000337007 STRUCTURE_TYPE_IMAGE_BLIT_2 = 1000337008 STRUCTURE_TYPE_BUFFER_IMAGE_COPY_2 = 1000337009 STRUCTURE_TYPE_IMAGE_RESOLVE_2 = 1000337010 STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_SIZE_CONTROL_PROPERTIES = 1000225000 STRUCTURE_TYPE_PIPELINE_SHADER_STAGE_REQUIRED_SUBGROUP_SIZE_CREATE_INFO = 1000225001 STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_SIZE_CONTROL_FEATURES = 1000225002 STRUCTURE_TYPE_PHYSICAL_DEVICE_INLINE_UNIFORM_BLOCK_FEATURES = 1000138000 STRUCTURE_TYPE_PHYSICAL_DEVICE_INLINE_UNIFORM_BLOCK_PROPERTIES = 1000138001 STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET_INLINE_UNIFORM_BLOCK = 1000138002 STRUCTURE_TYPE_DESCRIPTOR_POOL_INLINE_UNIFORM_BLOCK_CREATE_INFO = 1000138003 STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXTURE_COMPRESSION_ASTC_HDR_FEATURES = 1000066000 STRUCTURE_TYPE_RENDERING_INFO = 1000044000 STRUCTURE_TYPE_RENDERING_ATTACHMENT_INFO = 1000044001 STRUCTURE_TYPE_PIPELINE_RENDERING_CREATE_INFO = 1000044002 STRUCTURE_TYPE_PHYSICAL_DEVICE_DYNAMIC_RENDERING_FEATURES = 1000044003 STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_RENDERING_INFO = 1000044004 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_DOT_PRODUCT_FEATURES = 1000280000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_DOT_PRODUCT_PROPERTIES = 1000280001 STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXEL_BUFFER_ALIGNMENT_PROPERTIES = 1000281001 STRUCTURE_TYPE_FORMAT_PROPERTIES_3 = 1000360000 STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_4_FEATURES = 1000413000 STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_4_PROPERTIES = 1000413001 STRUCTURE_TYPE_DEVICE_BUFFER_MEMORY_REQUIREMENTS = 1000413002 STRUCTURE_TYPE_DEVICE_IMAGE_MEMORY_REQUIREMENTS = 1000413003 STRUCTURE_TYPE_SWAPCHAIN_CREATE_INFO_KHR = 1000001000 STRUCTURE_TYPE_PRESENT_INFO_KHR = 1000001001 STRUCTURE_TYPE_DEVICE_GROUP_PRESENT_CAPABILITIES_KHR = 1000060007 STRUCTURE_TYPE_IMAGE_SWAPCHAIN_CREATE_INFO_KHR = 1000060008 STRUCTURE_TYPE_BIND_IMAGE_MEMORY_SWAPCHAIN_INFO_KHR = 1000060009 STRUCTURE_TYPE_ACQUIRE_NEXT_IMAGE_INFO_KHR = 1000060010 STRUCTURE_TYPE_DEVICE_GROUP_PRESENT_INFO_KHR = 1000060011 STRUCTURE_TYPE_DEVICE_GROUP_SWAPCHAIN_CREATE_INFO_KHR = 1000060012 STRUCTURE_TYPE_DISPLAY_MODE_CREATE_INFO_KHR = 1000002000 STRUCTURE_TYPE_DISPLAY_SURFACE_CREATE_INFO_KHR = 1000002001 STRUCTURE_TYPE_DISPLAY_PRESENT_INFO_KHR = 1000003000 STRUCTURE_TYPE_XLIB_SURFACE_CREATE_INFO_KHR = 1000004000 STRUCTURE_TYPE_XCB_SURFACE_CREATE_INFO_KHR = 1000005000 STRUCTURE_TYPE_WAYLAND_SURFACE_CREATE_INFO_KHR = 1000006000 STRUCTURE_TYPE_ANDROID_SURFACE_CREATE_INFO_KHR = 1000008000 STRUCTURE_TYPE_WIN32_SURFACE_CREATE_INFO_KHR = 1000009000 STRUCTURE_TYPE_DEBUG_REPORT_CALLBACK_CREATE_INFO_EXT = 1000011000 STRUCTURE_TYPE_PIPELINE_RASTERIZATION_STATE_RASTERIZATION_ORDER_AMD = 1000018000 STRUCTURE_TYPE_DEBUG_MARKER_OBJECT_NAME_INFO_EXT = 1000022000 STRUCTURE_TYPE_DEBUG_MARKER_OBJECT_TAG_INFO_EXT = 1000022001 STRUCTURE_TYPE_DEBUG_MARKER_MARKER_INFO_EXT = 1000022002 STRUCTURE_TYPE_VIDEO_PROFILE_INFO_KHR = 1000023000 STRUCTURE_TYPE_VIDEO_CAPABILITIES_KHR = 1000023001 STRUCTURE_TYPE_VIDEO_PICTURE_RESOURCE_INFO_KHR = 1000023002 STRUCTURE_TYPE_VIDEO_SESSION_MEMORY_REQUIREMENTS_KHR = 1000023003 STRUCTURE_TYPE_BIND_VIDEO_SESSION_MEMORY_INFO_KHR = 1000023004 STRUCTURE_TYPE_VIDEO_SESSION_CREATE_INFO_KHR = 1000023005 STRUCTURE_TYPE_VIDEO_SESSION_PARAMETERS_CREATE_INFO_KHR = 1000023006 STRUCTURE_TYPE_VIDEO_SESSION_PARAMETERS_UPDATE_INFO_KHR = 1000023007 STRUCTURE_TYPE_VIDEO_BEGIN_CODING_INFO_KHR = 1000023008 STRUCTURE_TYPE_VIDEO_END_CODING_INFO_KHR = 1000023009 STRUCTURE_TYPE_VIDEO_CODING_CONTROL_INFO_KHR = 1000023010 STRUCTURE_TYPE_VIDEO_REFERENCE_SLOT_INFO_KHR = 1000023011 STRUCTURE_TYPE_QUEUE_FAMILY_VIDEO_PROPERTIES_KHR = 1000023012 STRUCTURE_TYPE_VIDEO_PROFILE_LIST_INFO_KHR = 1000023013 STRUCTURE_TYPE_PHYSICAL_DEVICE_VIDEO_FORMAT_INFO_KHR = 1000023014 STRUCTURE_TYPE_VIDEO_FORMAT_PROPERTIES_KHR = 1000023015 STRUCTURE_TYPE_QUEUE_FAMILY_QUERY_RESULT_STATUS_PROPERTIES_KHR = 1000023016 STRUCTURE_TYPE_VIDEO_DECODE_INFO_KHR = 1000024000 STRUCTURE_TYPE_VIDEO_DECODE_CAPABILITIES_KHR = 1000024001 STRUCTURE_TYPE_VIDEO_DECODE_USAGE_INFO_KHR = 1000024002 STRUCTURE_TYPE_DEDICATED_ALLOCATION_IMAGE_CREATE_INFO_NV = 1000026000 STRUCTURE_TYPE_DEDICATED_ALLOCATION_BUFFER_CREATE_INFO_NV = 1000026001 STRUCTURE_TYPE_DEDICATED_ALLOCATION_MEMORY_ALLOCATE_INFO_NV = 1000026002 STRUCTURE_TYPE_PHYSICAL_DEVICE_TRANSFORM_FEEDBACK_FEATURES_EXT = 1000028000 STRUCTURE_TYPE_PHYSICAL_DEVICE_TRANSFORM_FEEDBACK_PROPERTIES_EXT = 1000028001 STRUCTURE_TYPE_PIPELINE_RASTERIZATION_STATE_STREAM_CREATE_INFO_EXT = 1000028002 STRUCTURE_TYPE_CU_MODULE_CREATE_INFO_NVX = 1000029000 STRUCTURE_TYPE_CU_FUNCTION_CREATE_INFO_NVX = 1000029001 STRUCTURE_TYPE_CU_LAUNCH_INFO_NVX = 1000029002 STRUCTURE_TYPE_IMAGE_VIEW_HANDLE_INFO_NVX = 1000030000 STRUCTURE_TYPE_IMAGE_VIEW_ADDRESS_PROPERTIES_NVX = 1000030001 STRUCTURE_TYPE_VIDEO_ENCODE_H264_CAPABILITIES_EXT = 1000038000 STRUCTURE_TYPE_VIDEO_ENCODE_H264_SESSION_PARAMETERS_CREATE_INFO_EXT = 1000038001 STRUCTURE_TYPE_VIDEO_ENCODE_H264_SESSION_PARAMETERS_ADD_INFO_EXT = 1000038002 STRUCTURE_TYPE_VIDEO_ENCODE_H264_VCL_FRAME_INFO_EXT = 1000038003 STRUCTURE_TYPE_VIDEO_ENCODE_H264_DPB_SLOT_INFO_EXT = 1000038004 STRUCTURE_TYPE_VIDEO_ENCODE_H264_NALU_SLICE_INFO_EXT = 1000038005 STRUCTURE_TYPE_VIDEO_ENCODE_H264_EMIT_PICTURE_PARAMETERS_INFO_EXT = 1000038006 STRUCTURE_TYPE_VIDEO_ENCODE_H264_PROFILE_INFO_EXT = 1000038007 STRUCTURE_TYPE_VIDEO_ENCODE_H264_RATE_CONTROL_INFO_EXT = 1000038008 STRUCTURE_TYPE_VIDEO_ENCODE_H264_RATE_CONTROL_LAYER_INFO_EXT = 1000038009 STRUCTURE_TYPE_VIDEO_ENCODE_H264_REFERENCE_LISTS_INFO_EXT = 1000038010 STRUCTURE_TYPE_VIDEO_ENCODE_H265_CAPABILITIES_EXT = 1000039000 STRUCTURE_TYPE_VIDEO_ENCODE_H265_SESSION_PARAMETERS_CREATE_INFO_EXT = 1000039001 STRUCTURE_TYPE_VIDEO_ENCODE_H265_SESSION_PARAMETERS_ADD_INFO_EXT = 1000039002 STRUCTURE_TYPE_VIDEO_ENCODE_H265_VCL_FRAME_INFO_EXT = 1000039003 STRUCTURE_TYPE_VIDEO_ENCODE_H265_DPB_SLOT_INFO_EXT = 1000039004 STRUCTURE_TYPE_VIDEO_ENCODE_H265_NALU_SLICE_SEGMENT_INFO_EXT = 1000039005 STRUCTURE_TYPE_VIDEO_ENCODE_H265_EMIT_PICTURE_PARAMETERS_INFO_EXT = 1000039006 STRUCTURE_TYPE_VIDEO_ENCODE_H265_PROFILE_INFO_EXT = 1000039007 STRUCTURE_TYPE_VIDEO_ENCODE_H265_REFERENCE_LISTS_INFO_EXT = 1000039008 STRUCTURE_TYPE_VIDEO_ENCODE_H265_RATE_CONTROL_INFO_EXT = 1000039009 STRUCTURE_TYPE_VIDEO_ENCODE_H265_RATE_CONTROL_LAYER_INFO_EXT = 1000039010 STRUCTURE_TYPE_VIDEO_DECODE_H264_CAPABILITIES_KHR = 1000040000 STRUCTURE_TYPE_VIDEO_DECODE_H264_PICTURE_INFO_KHR = 1000040001 STRUCTURE_TYPE_VIDEO_DECODE_H264_PROFILE_INFO_KHR = 1000040003 STRUCTURE_TYPE_VIDEO_DECODE_H264_SESSION_PARAMETERS_CREATE_INFO_KHR = 1000040004 STRUCTURE_TYPE_VIDEO_DECODE_H264_SESSION_PARAMETERS_ADD_INFO_KHR = 1000040005 STRUCTURE_TYPE_VIDEO_DECODE_H264_DPB_SLOT_INFO_KHR = 1000040006 STRUCTURE_TYPE_TEXTURE_LOD_GATHER_FORMAT_PROPERTIES_AMD = 1000041000 STRUCTURE_TYPE_RENDERING_FRAGMENT_SHADING_RATE_ATTACHMENT_INFO_KHR = 1000044006 STRUCTURE_TYPE_RENDERING_FRAGMENT_DENSITY_MAP_ATTACHMENT_INFO_EXT = 1000044007 STRUCTURE_TYPE_ATTACHMENT_SAMPLE_COUNT_INFO_AMD = 1000044008 STRUCTURE_TYPE_MULTIVIEW_PER_VIEW_ATTRIBUTES_INFO_NVX = 1000044009 STRUCTURE_TYPE_STREAM_DESCRIPTOR_SURFACE_CREATE_INFO_GGP = 1000049000 STRUCTURE_TYPE_PHYSICAL_DEVICE_CORNER_SAMPLED_IMAGE_FEATURES_NV = 1000050000 STRUCTURE_TYPE_EXTERNAL_MEMORY_IMAGE_CREATE_INFO_NV = 1000056000 STRUCTURE_TYPE_EXPORT_MEMORY_ALLOCATE_INFO_NV = 1000056001 STRUCTURE_TYPE_IMPORT_MEMORY_WIN32_HANDLE_INFO_NV = 1000057000 STRUCTURE_TYPE_EXPORT_MEMORY_WIN32_HANDLE_INFO_NV = 1000057001 STRUCTURE_TYPE_WIN32_KEYED_MUTEX_ACQUIRE_RELEASE_INFO_NV = 1000058000 STRUCTURE_TYPE_VALIDATION_FLAGS_EXT = 1000061000 STRUCTURE_TYPE_VI_SURFACE_CREATE_INFO_NN = 1000062000 STRUCTURE_TYPE_IMAGE_VIEW_ASTC_DECODE_MODE_EXT = 1000067000 STRUCTURE_TYPE_PHYSICAL_DEVICE_ASTC_DECODE_FEATURES_EXT = 1000067001 STRUCTURE_TYPE_PIPELINE_ROBUSTNESS_CREATE_INFO_EXT = 1000068000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_ROBUSTNESS_FEATURES_EXT = 1000068001 STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_ROBUSTNESS_PROPERTIES_EXT = 1000068002 STRUCTURE_TYPE_IMPORT_MEMORY_WIN32_HANDLE_INFO_KHR = 1000073000 STRUCTURE_TYPE_EXPORT_MEMORY_WIN32_HANDLE_INFO_KHR = 1000073001 STRUCTURE_TYPE_MEMORY_WIN32_HANDLE_PROPERTIES_KHR = 1000073002 STRUCTURE_TYPE_MEMORY_GET_WIN32_HANDLE_INFO_KHR = 1000073003 STRUCTURE_TYPE_IMPORT_MEMORY_FD_INFO_KHR = 1000074000 STRUCTURE_TYPE_MEMORY_FD_PROPERTIES_KHR = 1000074001 STRUCTURE_TYPE_MEMORY_GET_FD_INFO_KHR = 1000074002 STRUCTURE_TYPE_WIN32_KEYED_MUTEX_ACQUIRE_RELEASE_INFO_KHR = 1000075000 STRUCTURE_TYPE_IMPORT_SEMAPHORE_WIN32_HANDLE_INFO_KHR = 1000078000 STRUCTURE_TYPE_EXPORT_SEMAPHORE_WIN32_HANDLE_INFO_KHR = 1000078001 STRUCTURE_TYPE_D3D12_FENCE_SUBMIT_INFO_KHR = 1000078002 STRUCTURE_TYPE_SEMAPHORE_GET_WIN32_HANDLE_INFO_KHR = 1000078003 STRUCTURE_TYPE_IMPORT_SEMAPHORE_FD_INFO_KHR = 1000079000 STRUCTURE_TYPE_SEMAPHORE_GET_FD_INFO_KHR = 1000079001 STRUCTURE_TYPE_PHYSICAL_DEVICE_PUSH_DESCRIPTOR_PROPERTIES_KHR = 1000080000 STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_CONDITIONAL_RENDERING_INFO_EXT = 1000081000 STRUCTURE_TYPE_PHYSICAL_DEVICE_CONDITIONAL_RENDERING_FEATURES_EXT = 1000081001 STRUCTURE_TYPE_CONDITIONAL_RENDERING_BEGIN_INFO_EXT = 1000081002 STRUCTURE_TYPE_PRESENT_REGIONS_KHR = 1000084000 STRUCTURE_TYPE_PIPELINE_VIEWPORT_W_SCALING_STATE_CREATE_INFO_NV = 1000087000 STRUCTURE_TYPE_SURFACE_CAPABILITIES_2_EXT = 1000090000 STRUCTURE_TYPE_DISPLAY_POWER_INFO_EXT = 1000091000 STRUCTURE_TYPE_DEVICE_EVENT_INFO_EXT = 1000091001 STRUCTURE_TYPE_DISPLAY_EVENT_INFO_EXT = 1000091002 STRUCTURE_TYPE_SWAPCHAIN_COUNTER_CREATE_INFO_EXT = 1000091003 STRUCTURE_TYPE_PRESENT_TIMES_INFO_GOOGLE = 1000092000 STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_PER_VIEW_ATTRIBUTES_PROPERTIES_NVX = 1000097000 STRUCTURE_TYPE_PIPELINE_VIEWPORT_SWIZZLE_STATE_CREATE_INFO_NV = 1000098000 STRUCTURE_TYPE_PHYSICAL_DEVICE_DISCARD_RECTANGLE_PROPERTIES_EXT = 1000099000 STRUCTURE_TYPE_PIPELINE_DISCARD_RECTANGLE_STATE_CREATE_INFO_EXT = 1000099001 STRUCTURE_TYPE_PHYSICAL_DEVICE_CONSERVATIVE_RASTERIZATION_PROPERTIES_EXT = 1000101000 STRUCTURE_TYPE_PIPELINE_RASTERIZATION_CONSERVATIVE_STATE_CREATE_INFO_EXT = 1000101001 STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_CLIP_ENABLE_FEATURES_EXT = 1000102000 STRUCTURE_TYPE_PIPELINE_RASTERIZATION_DEPTH_CLIP_STATE_CREATE_INFO_EXT = 1000102001 STRUCTURE_TYPE_HDR_METADATA_EXT = 1000105000 STRUCTURE_TYPE_SHARED_PRESENT_SURFACE_CAPABILITIES_KHR = 1000111000 STRUCTURE_TYPE_IMPORT_FENCE_WIN32_HANDLE_INFO_KHR = 1000114000 STRUCTURE_TYPE_EXPORT_FENCE_WIN32_HANDLE_INFO_KHR = 1000114001 STRUCTURE_TYPE_FENCE_GET_WIN32_HANDLE_INFO_KHR = 1000114002 STRUCTURE_TYPE_IMPORT_FENCE_FD_INFO_KHR = 1000115000 STRUCTURE_TYPE_FENCE_GET_FD_INFO_KHR = 1000115001 STRUCTURE_TYPE_PHYSICAL_DEVICE_PERFORMANCE_QUERY_FEATURES_KHR = 1000116000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PERFORMANCE_QUERY_PROPERTIES_KHR = 1000116001 STRUCTURE_TYPE_QUERY_POOL_PERFORMANCE_CREATE_INFO_KHR = 1000116002 STRUCTURE_TYPE_PERFORMANCE_QUERY_SUBMIT_INFO_KHR = 1000116003 STRUCTURE_TYPE_ACQUIRE_PROFILING_LOCK_INFO_KHR = 1000116004 STRUCTURE_TYPE_PERFORMANCE_COUNTER_KHR = 1000116005 STRUCTURE_TYPE_PERFORMANCE_COUNTER_DESCRIPTION_KHR = 1000116006 STRUCTURE_TYPE_PHYSICAL_DEVICE_SURFACE_INFO_2_KHR = 1000119000 STRUCTURE_TYPE_SURFACE_CAPABILITIES_2_KHR = 1000119001 STRUCTURE_TYPE_SURFACE_FORMAT_2_KHR = 1000119002 STRUCTURE_TYPE_DISPLAY_PROPERTIES_2_KHR = 1000121000 STRUCTURE_TYPE_DISPLAY_PLANE_PROPERTIES_2_KHR = 1000121001 STRUCTURE_TYPE_DISPLAY_MODE_PROPERTIES_2_KHR = 1000121002 STRUCTURE_TYPE_DISPLAY_PLANE_INFO_2_KHR = 1000121003 STRUCTURE_TYPE_DISPLAY_PLANE_CAPABILITIES_2_KHR = 1000121004 STRUCTURE_TYPE_IOS_SURFACE_CREATE_INFO_MVK = 1000122000 STRUCTURE_TYPE_MACOS_SURFACE_CREATE_INFO_MVK = 1000123000 STRUCTURE_TYPE_DEBUG_UTILS_OBJECT_NAME_INFO_EXT = 1000128000 STRUCTURE_TYPE_DEBUG_UTILS_OBJECT_TAG_INFO_EXT = 1000128001 STRUCTURE_TYPE_DEBUG_UTILS_LABEL_EXT = 1000128002 STRUCTURE_TYPE_DEBUG_UTILS_MESSENGER_CALLBACK_DATA_EXT = 1000128003 STRUCTURE_TYPE_DEBUG_UTILS_MESSENGER_CREATE_INFO_EXT = 1000128004 STRUCTURE_TYPE_ANDROID_HARDWARE_BUFFER_USAGE_ANDROID = 1000129000 STRUCTURE_TYPE_ANDROID_HARDWARE_BUFFER_PROPERTIES_ANDROID = 1000129001 STRUCTURE_TYPE_ANDROID_HARDWARE_BUFFER_FORMAT_PROPERTIES_ANDROID = 1000129002 STRUCTURE_TYPE_IMPORT_ANDROID_HARDWARE_BUFFER_INFO_ANDROID = 1000129003 STRUCTURE_TYPE_MEMORY_GET_ANDROID_HARDWARE_BUFFER_INFO_ANDROID = 1000129004 STRUCTURE_TYPE_EXTERNAL_FORMAT_ANDROID = 1000129005 STRUCTURE_TYPE_ANDROID_HARDWARE_BUFFER_FORMAT_PROPERTIES_2_ANDROID = 1000129006 STRUCTURE_TYPE_SAMPLE_LOCATIONS_INFO_EXT = 1000143000 STRUCTURE_TYPE_RENDER_PASS_SAMPLE_LOCATIONS_BEGIN_INFO_EXT = 1000143001 STRUCTURE_TYPE_PIPELINE_SAMPLE_LOCATIONS_STATE_CREATE_INFO_EXT = 1000143002 STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLE_LOCATIONS_PROPERTIES_EXT = 1000143003 STRUCTURE_TYPE_MULTISAMPLE_PROPERTIES_EXT = 1000143004 STRUCTURE_TYPE_PHYSICAL_DEVICE_BLEND_OPERATION_ADVANCED_FEATURES_EXT = 1000148000 STRUCTURE_TYPE_PHYSICAL_DEVICE_BLEND_OPERATION_ADVANCED_PROPERTIES_EXT = 1000148001 STRUCTURE_TYPE_PIPELINE_COLOR_BLEND_ADVANCED_STATE_CREATE_INFO_EXT = 1000148002 STRUCTURE_TYPE_PIPELINE_COVERAGE_TO_COLOR_STATE_CREATE_INFO_NV = 1000149000 STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET_ACCELERATION_STRUCTURE_KHR = 1000150007 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_BUILD_GEOMETRY_INFO_KHR = 1000150000 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_DEVICE_ADDRESS_INFO_KHR = 1000150002 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_AABBS_DATA_KHR = 1000150003 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_INSTANCES_DATA_KHR = 1000150004 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_TRIANGLES_DATA_KHR = 1000150005 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_KHR = 1000150006 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_VERSION_INFO_KHR = 1000150009 STRUCTURE_TYPE_COPY_ACCELERATION_STRUCTURE_INFO_KHR = 1000150010 STRUCTURE_TYPE_COPY_ACCELERATION_STRUCTURE_TO_MEMORY_INFO_KHR = 1000150011 STRUCTURE_TYPE_COPY_MEMORY_TO_ACCELERATION_STRUCTURE_INFO_KHR = 1000150012 STRUCTURE_TYPE_PHYSICAL_DEVICE_ACCELERATION_STRUCTURE_FEATURES_KHR = 1000150013 STRUCTURE_TYPE_PHYSICAL_DEVICE_ACCELERATION_STRUCTURE_PROPERTIES_KHR = 1000150014 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_CREATE_INFO_KHR = 1000150017 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_BUILD_SIZES_INFO_KHR = 1000150020 STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_PIPELINE_FEATURES_KHR = 1000347000 STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_PIPELINE_PROPERTIES_KHR = 1000347001 STRUCTURE_TYPE_RAY_TRACING_PIPELINE_CREATE_INFO_KHR = 1000150015 STRUCTURE_TYPE_RAY_TRACING_SHADER_GROUP_CREATE_INFO_KHR = 1000150016 STRUCTURE_TYPE_RAY_TRACING_PIPELINE_INTERFACE_CREATE_INFO_KHR = 1000150018 STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_QUERY_FEATURES_KHR = 1000348013 STRUCTURE_TYPE_PIPELINE_COVERAGE_MODULATION_STATE_CREATE_INFO_NV = 1000152000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SM_BUILTINS_FEATURES_NV = 1000154000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SM_BUILTINS_PROPERTIES_NV = 1000154001 STRUCTURE_TYPE_DRM_FORMAT_MODIFIER_PROPERTIES_LIST_EXT = 1000158000 STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_DRM_FORMAT_MODIFIER_INFO_EXT = 1000158002 STRUCTURE_TYPE_IMAGE_DRM_FORMAT_MODIFIER_LIST_CREATE_INFO_EXT = 1000158003 STRUCTURE_TYPE_IMAGE_DRM_FORMAT_MODIFIER_EXPLICIT_CREATE_INFO_EXT = 1000158004 STRUCTURE_TYPE_IMAGE_DRM_FORMAT_MODIFIER_PROPERTIES_EXT = 1000158005 STRUCTURE_TYPE_DRM_FORMAT_MODIFIER_PROPERTIES_LIST_2_EXT = 1000158006 STRUCTURE_TYPE_VALIDATION_CACHE_CREATE_INFO_EXT = 1000160000 STRUCTURE_TYPE_SHADER_MODULE_VALIDATION_CACHE_CREATE_INFO_EXT = 1000160001 STRUCTURE_TYPE_PHYSICAL_DEVICE_PORTABILITY_SUBSET_FEATURES_KHR = 1000163000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PORTABILITY_SUBSET_PROPERTIES_KHR = 1000163001 STRUCTURE_TYPE_PIPELINE_VIEWPORT_SHADING_RATE_IMAGE_STATE_CREATE_INFO_NV = 1000164000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADING_RATE_IMAGE_FEATURES_NV = 1000164001 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADING_RATE_IMAGE_PROPERTIES_NV = 1000164002 STRUCTURE_TYPE_PIPELINE_VIEWPORT_COARSE_SAMPLE_ORDER_STATE_CREATE_INFO_NV = 1000164005 STRUCTURE_TYPE_RAY_TRACING_PIPELINE_CREATE_INFO_NV = 1000165000 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_CREATE_INFO_NV = 1000165001 STRUCTURE_TYPE_GEOMETRY_NV = 1000165003 STRUCTURE_TYPE_GEOMETRY_TRIANGLES_NV = 1000165004 STRUCTURE_TYPE_GEOMETRY_AABB_NV = 1000165005 STRUCTURE_TYPE_BIND_ACCELERATION_STRUCTURE_MEMORY_INFO_NV = 1000165006 STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET_ACCELERATION_STRUCTURE_NV = 1000165007 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_MEMORY_REQUIREMENTS_INFO_NV = 1000165008 STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_PROPERTIES_NV = 1000165009 STRUCTURE_TYPE_RAY_TRACING_SHADER_GROUP_CREATE_INFO_NV = 1000165011 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_INFO_NV = 1000165012 STRUCTURE_TYPE_PHYSICAL_DEVICE_REPRESENTATIVE_FRAGMENT_TEST_FEATURES_NV = 1000166000 STRUCTURE_TYPE_PIPELINE_REPRESENTATIVE_FRAGMENT_TEST_STATE_CREATE_INFO_NV = 1000166001 STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_VIEW_IMAGE_FORMAT_INFO_EXT = 1000170000 STRUCTURE_TYPE_FILTER_CUBIC_IMAGE_VIEW_IMAGE_FORMAT_PROPERTIES_EXT = 1000170001 STRUCTURE_TYPE_IMPORT_MEMORY_HOST_POINTER_INFO_EXT = 1000178000 STRUCTURE_TYPE_MEMORY_HOST_POINTER_PROPERTIES_EXT = 1000178001 STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_MEMORY_HOST_PROPERTIES_EXT = 1000178002 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CLOCK_FEATURES_KHR = 1000181000 STRUCTURE_TYPE_PIPELINE_COMPILER_CONTROL_CREATE_INFO_AMD = 1000183000 STRUCTURE_TYPE_CALIBRATED_TIMESTAMP_INFO_EXT = 1000184000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CORE_PROPERTIES_AMD = 1000185000 STRUCTURE_TYPE_VIDEO_DECODE_H265_CAPABILITIES_KHR = 1000187000 STRUCTURE_TYPE_VIDEO_DECODE_H265_SESSION_PARAMETERS_CREATE_INFO_KHR = 1000187001 STRUCTURE_TYPE_VIDEO_DECODE_H265_SESSION_PARAMETERS_ADD_INFO_KHR = 1000187002 STRUCTURE_TYPE_VIDEO_DECODE_H265_PROFILE_INFO_KHR = 1000187003 STRUCTURE_TYPE_VIDEO_DECODE_H265_PICTURE_INFO_KHR = 1000187004 STRUCTURE_TYPE_VIDEO_DECODE_H265_DPB_SLOT_INFO_KHR = 1000187005 STRUCTURE_TYPE_DEVICE_QUEUE_GLOBAL_PRIORITY_CREATE_INFO_KHR = 1000174000 STRUCTURE_TYPE_PHYSICAL_DEVICE_GLOBAL_PRIORITY_QUERY_FEATURES_KHR = 1000388000 STRUCTURE_TYPE_QUEUE_FAMILY_GLOBAL_PRIORITY_PROPERTIES_KHR = 1000388001 STRUCTURE_TYPE_DEVICE_MEMORY_OVERALLOCATION_CREATE_INFO_AMD = 1000189000 STRUCTURE_TYPE_PHYSICAL_DEVICE_VERTEX_ATTRIBUTE_DIVISOR_PROPERTIES_EXT = 1000190000 STRUCTURE_TYPE_PIPELINE_VERTEX_INPUT_DIVISOR_STATE_CREATE_INFO_EXT = 1000190001 STRUCTURE_TYPE_PHYSICAL_DEVICE_VERTEX_ATTRIBUTE_DIVISOR_FEATURES_EXT = 1000190002 STRUCTURE_TYPE_PRESENT_FRAME_TOKEN_GGP = 1000191000 STRUCTURE_TYPE_PHYSICAL_DEVICE_COMPUTE_SHADER_DERIVATIVES_FEATURES_NV = 1000201000 STRUCTURE_TYPE_PHYSICAL_DEVICE_MESH_SHADER_FEATURES_NV = 1000202000 STRUCTURE_TYPE_PHYSICAL_DEVICE_MESH_SHADER_PROPERTIES_NV = 1000202001 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_IMAGE_FOOTPRINT_FEATURES_NV = 1000204000 STRUCTURE_TYPE_PIPELINE_VIEWPORT_EXCLUSIVE_SCISSOR_STATE_CREATE_INFO_NV = 1000205000 STRUCTURE_TYPE_PHYSICAL_DEVICE_EXCLUSIVE_SCISSOR_FEATURES_NV = 1000205002 STRUCTURE_TYPE_CHECKPOINT_DATA_NV = 1000206000 STRUCTURE_TYPE_QUEUE_FAMILY_CHECKPOINT_PROPERTIES_NV = 1000206001 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_FUNCTIONS_2_FEATURES_INTEL = 1000209000 STRUCTURE_TYPE_QUERY_POOL_PERFORMANCE_QUERY_CREATE_INFO_INTEL = 1000210000 STRUCTURE_TYPE_INITIALIZE_PERFORMANCE_API_INFO_INTEL = 1000210001 STRUCTURE_TYPE_PERFORMANCE_MARKER_INFO_INTEL = 1000210002 STRUCTURE_TYPE_PERFORMANCE_STREAM_MARKER_INFO_INTEL = 1000210003 STRUCTURE_TYPE_PERFORMANCE_OVERRIDE_INFO_INTEL = 1000210004 STRUCTURE_TYPE_PERFORMANCE_CONFIGURATION_ACQUIRE_INFO_INTEL = 1000210005 STRUCTURE_TYPE_PHYSICAL_DEVICE_PCI_BUS_INFO_PROPERTIES_EXT = 1000212000 STRUCTURE_TYPE_DISPLAY_NATIVE_HDR_SURFACE_CAPABILITIES_AMD = 1000213000 STRUCTURE_TYPE_SWAPCHAIN_DISPLAY_NATIVE_HDR_CREATE_INFO_AMD = 1000213001 STRUCTURE_TYPE_IMAGEPIPE_SURFACE_CREATE_INFO_FUCHSIA = 1000214000 STRUCTURE_TYPE_METAL_SURFACE_CREATE_INFO_EXT = 1000217000 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_FEATURES_EXT = 1000218000 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_PROPERTIES_EXT = 1000218001 STRUCTURE_TYPE_RENDER_PASS_FRAGMENT_DENSITY_MAP_CREATE_INFO_EXT = 1000218002 STRUCTURE_TYPE_FRAGMENT_SHADING_RATE_ATTACHMENT_INFO_KHR = 1000226000 STRUCTURE_TYPE_PIPELINE_FRAGMENT_SHADING_RATE_STATE_CREATE_INFO_KHR = 1000226001 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_PROPERTIES_KHR = 1000226002 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_FEATURES_KHR = 1000226003 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_KHR = 1000226004 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CORE_PROPERTIES_2_AMD = 1000227000 STRUCTURE_TYPE_PHYSICAL_DEVICE_COHERENT_MEMORY_FEATURES_AMD = 1000229000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_IMAGE_ATOMIC_INT64_FEATURES_EXT = 1000234000 STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_BUDGET_PROPERTIES_EXT = 1000237000 STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_PRIORITY_FEATURES_EXT = 1000238000 STRUCTURE_TYPE_MEMORY_PRIORITY_ALLOCATE_INFO_EXT = 1000238001 STRUCTURE_TYPE_SURFACE_PROTECTED_CAPABILITIES_KHR = 1000239000 STRUCTURE_TYPE_PHYSICAL_DEVICE_DEDICATED_ALLOCATION_IMAGE_ALIASING_FEATURES_NV = 1000240000 STRUCTURE_TYPE_PHYSICAL_DEVICE_BUFFER_DEVICE_ADDRESS_FEATURES_EXT = 1000244000 STRUCTURE_TYPE_BUFFER_DEVICE_ADDRESS_CREATE_INFO_EXT = 1000244002 STRUCTURE_TYPE_VALIDATION_FEATURES_EXT = 1000247000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PRESENT_WAIT_FEATURES_KHR = 1000248000 STRUCTURE_TYPE_PHYSICAL_DEVICE_COOPERATIVE_MATRIX_FEATURES_NV = 1000249000 STRUCTURE_TYPE_COOPERATIVE_MATRIX_PROPERTIES_NV = 1000249001 STRUCTURE_TYPE_PHYSICAL_DEVICE_COOPERATIVE_MATRIX_PROPERTIES_NV = 1000249002 STRUCTURE_TYPE_PHYSICAL_DEVICE_COVERAGE_REDUCTION_MODE_FEATURES_NV = 1000250000 STRUCTURE_TYPE_PIPELINE_COVERAGE_REDUCTION_STATE_CREATE_INFO_NV = 1000250001 STRUCTURE_TYPE_FRAMEBUFFER_MIXED_SAMPLES_COMBINATION_NV = 1000250002 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADER_INTERLOCK_FEATURES_EXT = 1000251000 STRUCTURE_TYPE_PHYSICAL_DEVICE_YCBCR_IMAGE_ARRAYS_FEATURES_EXT = 1000252000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PROVOKING_VERTEX_FEATURES_EXT = 1000254000 STRUCTURE_TYPE_PIPELINE_RASTERIZATION_PROVOKING_VERTEX_STATE_CREATE_INFO_EXT = 1000254001 STRUCTURE_TYPE_PHYSICAL_DEVICE_PROVOKING_VERTEX_PROPERTIES_EXT = 1000254002 STRUCTURE_TYPE_SURFACE_FULL_SCREEN_EXCLUSIVE_INFO_EXT = 1000255000 STRUCTURE_TYPE_SURFACE_CAPABILITIES_FULL_SCREEN_EXCLUSIVE_EXT = 1000255002 STRUCTURE_TYPE_SURFACE_FULL_SCREEN_EXCLUSIVE_WIN32_INFO_EXT = 1000255001 STRUCTURE_TYPE_HEADLESS_SURFACE_CREATE_INFO_EXT = 1000256000 STRUCTURE_TYPE_PHYSICAL_DEVICE_LINE_RASTERIZATION_FEATURES_EXT = 1000259000 STRUCTURE_TYPE_PIPELINE_RASTERIZATION_LINE_STATE_CREATE_INFO_EXT = 1000259001 STRUCTURE_TYPE_PHYSICAL_DEVICE_LINE_RASTERIZATION_PROPERTIES_EXT = 1000259002 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_ATOMIC_FLOAT_FEATURES_EXT = 1000260000 STRUCTURE_TYPE_PHYSICAL_DEVICE_INDEX_TYPE_UINT8_FEATURES_EXT = 1000265000 STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTENDED_DYNAMIC_STATE_FEATURES_EXT = 1000267000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_EXECUTABLE_PROPERTIES_FEATURES_KHR = 1000269000 STRUCTURE_TYPE_PIPELINE_INFO_KHR = 1000269001 STRUCTURE_TYPE_PIPELINE_EXECUTABLE_PROPERTIES_KHR = 1000269002 STRUCTURE_TYPE_PIPELINE_EXECUTABLE_INFO_KHR = 1000269003 STRUCTURE_TYPE_PIPELINE_EXECUTABLE_STATISTIC_KHR = 1000269004 STRUCTURE_TYPE_PIPELINE_EXECUTABLE_INTERNAL_REPRESENTATION_KHR = 1000269005 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_ATOMIC_FLOAT_2_FEATURES_EXT = 1000273000 STRUCTURE_TYPE_SURFACE_PRESENT_MODE_EXT = 1000274000 STRUCTURE_TYPE_SURFACE_PRESENT_SCALING_CAPABILITIES_EXT = 1000274001 STRUCTURE_TYPE_SURFACE_PRESENT_MODE_COMPATIBILITY_EXT = 1000274002 STRUCTURE_TYPE_PHYSICAL_DEVICE_SWAPCHAIN_MAINTENANCE_1_FEATURES_EXT = 1000275000 STRUCTURE_TYPE_SWAPCHAIN_PRESENT_FENCE_INFO_EXT = 1000275001 STRUCTURE_TYPE_SWAPCHAIN_PRESENT_MODES_CREATE_INFO_EXT = 1000275002 STRUCTURE_TYPE_SWAPCHAIN_PRESENT_MODE_INFO_EXT = 1000275003 STRUCTURE_TYPE_SWAPCHAIN_PRESENT_SCALING_CREATE_INFO_EXT = 1000275004 STRUCTURE_TYPE_RELEASE_SWAPCHAIN_IMAGES_INFO_EXT = 1000275005 STRUCTURE_TYPE_PHYSICAL_DEVICE_DEVICE_GENERATED_COMMANDS_PROPERTIES_NV = 1000277000 STRUCTURE_TYPE_GRAPHICS_SHADER_GROUP_CREATE_INFO_NV = 1000277001 STRUCTURE_TYPE_GRAPHICS_PIPELINE_SHADER_GROUPS_CREATE_INFO_NV = 1000277002 STRUCTURE_TYPE_INDIRECT_COMMANDS_LAYOUT_TOKEN_NV = 1000277003 STRUCTURE_TYPE_INDIRECT_COMMANDS_LAYOUT_CREATE_INFO_NV = 1000277004 STRUCTURE_TYPE_GENERATED_COMMANDS_INFO_NV = 1000277005 STRUCTURE_TYPE_GENERATED_COMMANDS_MEMORY_REQUIREMENTS_INFO_NV = 1000277006 STRUCTURE_TYPE_PHYSICAL_DEVICE_DEVICE_GENERATED_COMMANDS_FEATURES_NV = 1000277007 STRUCTURE_TYPE_PHYSICAL_DEVICE_INHERITED_VIEWPORT_SCISSOR_FEATURES_NV = 1000278000 STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_VIEWPORT_SCISSOR_INFO_NV = 1000278001 STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXEL_BUFFER_ALIGNMENT_FEATURES_EXT = 1000281000 STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_RENDER_PASS_TRANSFORM_INFO_QCOM = 1000282000 STRUCTURE_TYPE_RENDER_PASS_TRANSFORM_BEGIN_INFO_QCOM = 1000282001 STRUCTURE_TYPE_PHYSICAL_DEVICE_DEVICE_MEMORY_REPORT_FEATURES_EXT = 1000284000 STRUCTURE_TYPE_DEVICE_DEVICE_MEMORY_REPORT_CREATE_INFO_EXT = 1000284001 STRUCTURE_TYPE_DEVICE_MEMORY_REPORT_CALLBACK_DATA_EXT = 1000284002 STRUCTURE_TYPE_PHYSICAL_DEVICE_ROBUSTNESS_2_FEATURES_EXT = 1000286000 STRUCTURE_TYPE_PHYSICAL_DEVICE_ROBUSTNESS_2_PROPERTIES_EXT = 1000286001 STRUCTURE_TYPE_SAMPLER_CUSTOM_BORDER_COLOR_CREATE_INFO_EXT = 1000287000 STRUCTURE_TYPE_PHYSICAL_DEVICE_CUSTOM_BORDER_COLOR_PROPERTIES_EXT = 1000287001 STRUCTURE_TYPE_PHYSICAL_DEVICE_CUSTOM_BORDER_COLOR_FEATURES_EXT = 1000287002 STRUCTURE_TYPE_PIPELINE_LIBRARY_CREATE_INFO_KHR = 1000290000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PRESENT_BARRIER_FEATURES_NV = 1000292000 STRUCTURE_TYPE_SURFACE_CAPABILITIES_PRESENT_BARRIER_NV = 1000292001 STRUCTURE_TYPE_SWAPCHAIN_PRESENT_BARRIER_CREATE_INFO_NV = 1000292002 STRUCTURE_TYPE_PRESENT_ID_KHR = 1000294000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PRESENT_ID_FEATURES_KHR = 1000294001 STRUCTURE_TYPE_VIDEO_ENCODE_INFO_KHR = 1000299000 STRUCTURE_TYPE_VIDEO_ENCODE_RATE_CONTROL_INFO_KHR = 1000299001 STRUCTURE_TYPE_VIDEO_ENCODE_RATE_CONTROL_LAYER_INFO_KHR = 1000299002 STRUCTURE_TYPE_VIDEO_ENCODE_CAPABILITIES_KHR = 1000299003 STRUCTURE_TYPE_VIDEO_ENCODE_USAGE_INFO_KHR = 1000299004 STRUCTURE_TYPE_PHYSICAL_DEVICE_DIAGNOSTICS_CONFIG_FEATURES_NV = 1000300000 STRUCTURE_TYPE_DEVICE_DIAGNOSTICS_CONFIG_CREATE_INFO_NV = 1000300001 STRUCTURE_TYPE_EXPORT_METAL_OBJECT_CREATE_INFO_EXT = 1000311000 STRUCTURE_TYPE_EXPORT_METAL_OBJECTS_INFO_EXT = 1000311001 STRUCTURE_TYPE_EXPORT_METAL_DEVICE_INFO_EXT = 1000311002 STRUCTURE_TYPE_EXPORT_METAL_COMMAND_QUEUE_INFO_EXT = 1000311003 STRUCTURE_TYPE_EXPORT_METAL_BUFFER_INFO_EXT = 1000311004 STRUCTURE_TYPE_IMPORT_METAL_BUFFER_INFO_EXT = 1000311005 STRUCTURE_TYPE_EXPORT_METAL_TEXTURE_INFO_EXT = 1000311006 STRUCTURE_TYPE_IMPORT_METAL_TEXTURE_INFO_EXT = 1000311007 STRUCTURE_TYPE_EXPORT_METAL_IO_SURFACE_INFO_EXT = 1000311008 STRUCTURE_TYPE_IMPORT_METAL_IO_SURFACE_INFO_EXT = 1000311009 STRUCTURE_TYPE_EXPORT_METAL_SHARED_EVENT_INFO_EXT = 1000311010 STRUCTURE_TYPE_IMPORT_METAL_SHARED_EVENT_INFO_EXT = 1000311011 STRUCTURE_TYPE_QUEUE_FAMILY_CHECKPOINT_PROPERTIES_2_NV = 1000314008 STRUCTURE_TYPE_CHECKPOINT_DATA_2_NV = 1000314009 STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_BUFFER_PROPERTIES_EXT = 1000316000 STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_BUFFER_DENSITY_MAP_PROPERTIES_EXT = 1000316001 STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_BUFFER_FEATURES_EXT = 1000316002 STRUCTURE_TYPE_DESCRIPTOR_ADDRESS_INFO_EXT = 1000316003 STRUCTURE_TYPE_DESCRIPTOR_GET_INFO_EXT = 1000316004 STRUCTURE_TYPE_BUFFER_CAPTURE_DESCRIPTOR_DATA_INFO_EXT = 1000316005 STRUCTURE_TYPE_IMAGE_CAPTURE_DESCRIPTOR_DATA_INFO_EXT = 1000316006 STRUCTURE_TYPE_IMAGE_VIEW_CAPTURE_DESCRIPTOR_DATA_INFO_EXT = 1000316007 STRUCTURE_TYPE_SAMPLER_CAPTURE_DESCRIPTOR_DATA_INFO_EXT = 1000316008 STRUCTURE_TYPE_OPAQUE_CAPTURE_DESCRIPTOR_DATA_CREATE_INFO_EXT = 1000316010 STRUCTURE_TYPE_DESCRIPTOR_BUFFER_BINDING_INFO_EXT = 1000316011 STRUCTURE_TYPE_DESCRIPTOR_BUFFER_BINDING_PUSH_DESCRIPTOR_BUFFER_HANDLE_EXT = 1000316012 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_CAPTURE_DESCRIPTOR_DATA_INFO_EXT = 1000316009 STRUCTURE_TYPE_PHYSICAL_DEVICE_GRAPHICS_PIPELINE_LIBRARY_FEATURES_EXT = 1000320000 STRUCTURE_TYPE_PHYSICAL_DEVICE_GRAPHICS_PIPELINE_LIBRARY_PROPERTIES_EXT = 1000320001 STRUCTURE_TYPE_GRAPHICS_PIPELINE_LIBRARY_CREATE_INFO_EXT = 1000320002 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_EARLY_AND_LATE_FRAGMENT_TESTS_FEATURES_AMD = 1000321000 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADER_BARYCENTRIC_FEATURES_KHR = 1000203000 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADER_BARYCENTRIC_PROPERTIES_KHR = 1000322000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SUBGROUP_UNIFORM_CONTROL_FLOW_FEATURES_KHR = 1000323000 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_ENUMS_PROPERTIES_NV = 1000326000 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_ENUMS_FEATURES_NV = 1000326001 STRUCTURE_TYPE_PIPELINE_FRAGMENT_SHADING_RATE_ENUM_STATE_CREATE_INFO_NV = 1000326002 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_MOTION_TRIANGLES_DATA_NV = 1000327000 STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_MOTION_BLUR_FEATURES_NV = 1000327001 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_MOTION_INFO_NV = 1000327002 STRUCTURE_TYPE_PHYSICAL_DEVICE_MESH_SHADER_FEATURES_EXT = 1000328000 STRUCTURE_TYPE_PHYSICAL_DEVICE_MESH_SHADER_PROPERTIES_EXT = 1000328001 STRUCTURE_TYPE_PHYSICAL_DEVICE_YCBCR_2_PLANE_444_FORMATS_FEATURES_EXT = 1000330000 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_2_FEATURES_EXT = 1000332000 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_2_PROPERTIES_EXT = 1000332001 STRUCTURE_TYPE_COPY_COMMAND_TRANSFORM_INFO_QCOM = 1000333000 STRUCTURE_TYPE_PHYSICAL_DEVICE_WORKGROUP_MEMORY_EXPLICIT_LAYOUT_FEATURES_KHR = 1000336000 STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_COMPRESSION_CONTROL_FEATURES_EXT = 1000338000 STRUCTURE_TYPE_IMAGE_COMPRESSION_CONTROL_EXT = 1000338001 STRUCTURE_TYPE_SUBRESOURCE_LAYOUT_2_EXT = 1000338002 STRUCTURE_TYPE_IMAGE_SUBRESOURCE_2_EXT = 1000338003 STRUCTURE_TYPE_IMAGE_COMPRESSION_PROPERTIES_EXT = 1000338004 STRUCTURE_TYPE_PHYSICAL_DEVICE_ATTACHMENT_FEEDBACK_LOOP_LAYOUT_FEATURES_EXT = 1000339000 STRUCTURE_TYPE_PHYSICAL_DEVICE_4444_FORMATS_FEATURES_EXT = 1000340000 STRUCTURE_TYPE_PHYSICAL_DEVICE_FAULT_FEATURES_EXT = 1000341000 STRUCTURE_TYPE_DEVICE_FAULT_COUNTS_EXT = 1000341001 STRUCTURE_TYPE_DEVICE_FAULT_INFO_EXT = 1000341002 STRUCTURE_TYPE_PHYSICAL_DEVICE_RGBA10X6_FORMATS_FEATURES_EXT = 1000344000 STRUCTURE_TYPE_DIRECTFB_SURFACE_CREATE_INFO_EXT = 1000346000 STRUCTURE_TYPE_PHYSICAL_DEVICE_VERTEX_INPUT_DYNAMIC_STATE_FEATURES_EXT = 1000352000 STRUCTURE_TYPE_VERTEX_INPUT_BINDING_DESCRIPTION_2_EXT = 1000352001 STRUCTURE_TYPE_VERTEX_INPUT_ATTRIBUTE_DESCRIPTION_2_EXT = 1000352002 STRUCTURE_TYPE_PHYSICAL_DEVICE_DRM_PROPERTIES_EXT = 1000353000 STRUCTURE_TYPE_PHYSICAL_DEVICE_ADDRESS_BINDING_REPORT_FEATURES_EXT = 1000354000 STRUCTURE_TYPE_DEVICE_ADDRESS_BINDING_CALLBACK_DATA_EXT = 1000354001 STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_CLIP_CONTROL_FEATURES_EXT = 1000355000 STRUCTURE_TYPE_PIPELINE_VIEWPORT_DEPTH_CLIP_CONTROL_CREATE_INFO_EXT = 1000355001 STRUCTURE_TYPE_PHYSICAL_DEVICE_PRIMITIVE_TOPOLOGY_LIST_RESTART_FEATURES_EXT = 1000356000 STRUCTURE_TYPE_IMPORT_MEMORY_ZIRCON_HANDLE_INFO_FUCHSIA = 1000364000 STRUCTURE_TYPE_MEMORY_ZIRCON_HANDLE_PROPERTIES_FUCHSIA = 1000364001 STRUCTURE_TYPE_MEMORY_GET_ZIRCON_HANDLE_INFO_FUCHSIA = 1000364002 STRUCTURE_TYPE_IMPORT_SEMAPHORE_ZIRCON_HANDLE_INFO_FUCHSIA = 1000365000 STRUCTURE_TYPE_SEMAPHORE_GET_ZIRCON_HANDLE_INFO_FUCHSIA = 1000365001 STRUCTURE_TYPE_BUFFER_COLLECTION_CREATE_INFO_FUCHSIA = 1000366000 STRUCTURE_TYPE_IMPORT_MEMORY_BUFFER_COLLECTION_FUCHSIA = 1000366001 STRUCTURE_TYPE_BUFFER_COLLECTION_IMAGE_CREATE_INFO_FUCHSIA = 1000366002 STRUCTURE_TYPE_BUFFER_COLLECTION_PROPERTIES_FUCHSIA = 1000366003 STRUCTURE_TYPE_BUFFER_CONSTRAINTS_INFO_FUCHSIA = 1000366004 STRUCTURE_TYPE_BUFFER_COLLECTION_BUFFER_CREATE_INFO_FUCHSIA = 1000366005 STRUCTURE_TYPE_IMAGE_CONSTRAINTS_INFO_FUCHSIA = 1000366006 STRUCTURE_TYPE_IMAGE_FORMAT_CONSTRAINTS_INFO_FUCHSIA = 1000366007 STRUCTURE_TYPE_SYSMEM_COLOR_SPACE_FUCHSIA = 1000366008 STRUCTURE_TYPE_BUFFER_COLLECTION_CONSTRAINTS_INFO_FUCHSIA = 1000366009 STRUCTURE_TYPE_SUBPASS_SHADING_PIPELINE_CREATE_INFO_HUAWEI = 1000369000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBPASS_SHADING_FEATURES_HUAWEI = 1000369001 STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBPASS_SHADING_PROPERTIES_HUAWEI = 1000369002 STRUCTURE_TYPE_PHYSICAL_DEVICE_INVOCATION_MASK_FEATURES_HUAWEI = 1000370000 STRUCTURE_TYPE_MEMORY_GET_REMOTE_ADDRESS_INFO_NV = 1000371000 STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_MEMORY_RDMA_FEATURES_NV = 1000371001 STRUCTURE_TYPE_PIPELINE_PROPERTIES_IDENTIFIER_EXT = 1000372000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_PROPERTIES_FEATURES_EXT = 1000372001 STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTISAMPLED_RENDER_TO_SINGLE_SAMPLED_FEATURES_EXT = 1000376000 STRUCTURE_TYPE_SUBPASS_RESOLVE_PERFORMANCE_QUERY_EXT = 1000376001 STRUCTURE_TYPE_MULTISAMPLED_RENDER_TO_SINGLE_SAMPLED_INFO_EXT = 1000376002 STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTENDED_DYNAMIC_STATE_2_FEATURES_EXT = 1000377000 STRUCTURE_TYPE_SCREEN_SURFACE_CREATE_INFO_QNX = 1000378000 STRUCTURE_TYPE_PHYSICAL_DEVICE_COLOR_WRITE_ENABLE_FEATURES_EXT = 1000381000 STRUCTURE_TYPE_PIPELINE_COLOR_WRITE_CREATE_INFO_EXT = 1000381001 STRUCTURE_TYPE_PHYSICAL_DEVICE_PRIMITIVES_GENERATED_QUERY_FEATURES_EXT = 1000382000 STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_MAINTENANCE_1_FEATURES_KHR = 1000386000 STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_VIEW_MIN_LOD_FEATURES_EXT = 1000391000 STRUCTURE_TYPE_IMAGE_VIEW_MIN_LOD_CREATE_INFO_EXT = 1000391001 STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTI_DRAW_FEATURES_EXT = 1000392000 STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTI_DRAW_PROPERTIES_EXT = 1000392001 STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_2D_VIEW_OF_3D_FEATURES_EXT = 1000393000 STRUCTURE_TYPE_MICROMAP_BUILD_INFO_EXT = 1000396000 STRUCTURE_TYPE_MICROMAP_VERSION_INFO_EXT = 1000396001 STRUCTURE_TYPE_COPY_MICROMAP_INFO_EXT = 1000396002 STRUCTURE_TYPE_COPY_MICROMAP_TO_MEMORY_INFO_EXT = 1000396003 STRUCTURE_TYPE_COPY_MEMORY_TO_MICROMAP_INFO_EXT = 1000396004 STRUCTURE_TYPE_PHYSICAL_DEVICE_OPACITY_MICROMAP_FEATURES_EXT = 1000396005 STRUCTURE_TYPE_PHYSICAL_DEVICE_OPACITY_MICROMAP_PROPERTIES_EXT = 1000396006 STRUCTURE_TYPE_MICROMAP_CREATE_INFO_EXT = 1000396007 STRUCTURE_TYPE_MICROMAP_BUILD_SIZES_INFO_EXT = 1000396008 STRUCTURE_TYPE_ACCELERATION_STRUCTURE_TRIANGLES_OPACITY_MICROMAP_EXT = 1000396009 STRUCTURE_TYPE_PHYSICAL_DEVICE_CLUSTER_CULLING_SHADER_FEATURES_HUAWEI = 1000404000 STRUCTURE_TYPE_PHYSICAL_DEVICE_CLUSTER_CULLING_SHADER_PROPERTIES_HUAWEI = 1000404001 STRUCTURE_TYPE_PHYSICAL_DEVICE_BORDER_COLOR_SWIZZLE_FEATURES_EXT = 1000411000 STRUCTURE_TYPE_SAMPLER_BORDER_COLOR_COMPONENT_MAPPING_CREATE_INFO_EXT = 1000411001 STRUCTURE_TYPE_PHYSICAL_DEVICE_PAGEABLE_DEVICE_LOCAL_MEMORY_FEATURES_EXT = 1000412000 STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_SET_HOST_MAPPING_FEATURES_VALVE = 1000420000 STRUCTURE_TYPE_DESCRIPTOR_SET_BINDING_REFERENCE_VALVE = 1000420001 STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_HOST_MAPPING_INFO_VALVE = 1000420002 STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_CLAMP_ZERO_ONE_FEATURES_EXT = 1000421000 STRUCTURE_TYPE_PHYSICAL_DEVICE_NON_SEAMLESS_CUBE_MAP_FEATURES_EXT = 1000422000 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_OFFSET_FEATURES_QCOM = 1000425000 STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_OFFSET_PROPERTIES_QCOM = 1000425001 STRUCTURE_TYPE_SUBPASS_FRAGMENT_DENSITY_MAP_OFFSET_END_INFO_QCOM = 1000425002 STRUCTURE_TYPE_PHYSICAL_DEVICE_COPY_MEMORY_INDIRECT_FEATURES_NV = 1000426000 STRUCTURE_TYPE_PHYSICAL_DEVICE_COPY_MEMORY_INDIRECT_PROPERTIES_NV = 1000426001 STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_DECOMPRESSION_FEATURES_NV = 1000427000 STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_DECOMPRESSION_PROPERTIES_NV = 1000427001 STRUCTURE_TYPE_PHYSICAL_DEVICE_LINEAR_COLOR_ATTACHMENT_FEATURES_NV = 1000430000 STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_COMPRESSION_CONTROL_SWAPCHAIN_FEATURES_EXT = 1000437000 STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_PROCESSING_FEATURES_QCOM = 1000440000 STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_PROCESSING_PROPERTIES_QCOM = 1000440001 STRUCTURE_TYPE_IMAGE_VIEW_SAMPLE_WEIGHT_CREATE_INFO_QCOM = 1000440002 STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTENDED_DYNAMIC_STATE_3_FEATURES_EXT = 1000455000 STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTENDED_DYNAMIC_STATE_3_PROPERTIES_EXT = 1000455001 STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBPASS_MERGE_FEEDBACK_FEATURES_EXT = 1000458000 STRUCTURE_TYPE_RENDER_PASS_CREATION_CONTROL_EXT = 1000458001 STRUCTURE_TYPE_RENDER_PASS_CREATION_FEEDBACK_CREATE_INFO_EXT = 1000458002 STRUCTURE_TYPE_RENDER_PASS_SUBPASS_FEEDBACK_CREATE_INFO_EXT = 1000458003 STRUCTURE_TYPE_DIRECT_DRIVER_LOADING_INFO_LUNARG = 1000459000 STRUCTURE_TYPE_DIRECT_DRIVER_LOADING_LIST_LUNARG = 1000459001 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_MODULE_IDENTIFIER_FEATURES_EXT = 1000462000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_MODULE_IDENTIFIER_PROPERTIES_EXT = 1000462001 STRUCTURE_TYPE_PIPELINE_SHADER_STAGE_MODULE_IDENTIFIER_CREATE_INFO_EXT = 1000462002 STRUCTURE_TYPE_SHADER_MODULE_IDENTIFIER_EXT = 1000462003 STRUCTURE_TYPE_PHYSICAL_DEVICE_RASTERIZATION_ORDER_ATTACHMENT_ACCESS_FEATURES_EXT = 1000342000 STRUCTURE_TYPE_PHYSICAL_DEVICE_OPTICAL_FLOW_FEATURES_NV = 1000464000 STRUCTURE_TYPE_PHYSICAL_DEVICE_OPTICAL_FLOW_PROPERTIES_NV = 1000464001 STRUCTURE_TYPE_OPTICAL_FLOW_IMAGE_FORMAT_INFO_NV = 1000464002 STRUCTURE_TYPE_OPTICAL_FLOW_IMAGE_FORMAT_PROPERTIES_NV = 1000464003 STRUCTURE_TYPE_OPTICAL_FLOW_SESSION_CREATE_INFO_NV = 1000464004 STRUCTURE_TYPE_OPTICAL_FLOW_EXECUTE_INFO_NV = 1000464005 STRUCTURE_TYPE_OPTICAL_FLOW_SESSION_CREATE_PRIVATE_DATA_INFO_NV = 1000464010 STRUCTURE_TYPE_PHYSICAL_DEVICE_LEGACY_DITHERING_FEATURES_EXT = 1000465000 STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_PROTECTED_ACCESS_FEATURES_EXT = 1000466000 STRUCTURE_TYPE_PHYSICAL_DEVICE_TILE_PROPERTIES_FEATURES_QCOM = 1000484000 STRUCTURE_TYPE_TILE_PROPERTIES_QCOM = 1000484001 STRUCTURE_TYPE_PHYSICAL_DEVICE_AMIGO_PROFILING_FEATURES_SEC = 1000485000 STRUCTURE_TYPE_AMIGO_PROFILING_SUBMIT_INFO_SEC = 1000485001 STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_PER_VIEW_VIEWPORTS_FEATURES_QCOM = 1000488000 STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_INVOCATION_REORDER_FEATURES_NV = 1000490000 STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_INVOCATION_REORDER_PROPERTIES_NV = 1000490001 STRUCTURE_TYPE_PHYSICAL_DEVICE_MUTABLE_DESCRIPTOR_TYPE_FEATURES_EXT = 1000351000 STRUCTURE_TYPE_MUTABLE_DESCRIPTOR_TYPE_CREATE_INFO_EXT = 1000351002 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CORE_BUILTINS_FEATURES_ARM = 1000497000 STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CORE_BUILTINS_PROPERTIES_ARM = 1000497001 STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_LIBRARY_GROUP_HANDLES_FEATURES_EXT = 1000498000 end @cenum SubpassContents::UInt32 begin SUBPASS_CONTENTS_INLINE = 0 SUBPASS_CONTENTS_SECONDARY_COMMAND_BUFFERS = 1 end @cenum Result::Int32 begin SUCCESS = 0 NOT_READY = 1 TIMEOUT = 2 EVENT_SET = 3 EVENT_RESET = 4 INCOMPLETE = 5 ERROR_OUT_OF_HOST_MEMORY = -1 ERROR_OUT_OF_DEVICE_MEMORY = -2 ERROR_INITIALIZATION_FAILED = -3 ERROR_DEVICE_LOST = -4 ERROR_MEMORY_MAP_FAILED = -5 ERROR_LAYER_NOT_PRESENT = -6 ERROR_EXTENSION_NOT_PRESENT = -7 ERROR_FEATURE_NOT_PRESENT = -8 ERROR_INCOMPATIBLE_DRIVER = -9 ERROR_TOO_MANY_OBJECTS = -10 ERROR_FORMAT_NOT_SUPPORTED = -11 ERROR_FRAGMENTED_POOL = -12 ERROR_UNKNOWN = -13 ERROR_OUT_OF_POOL_MEMORY = -1000069000 ERROR_INVALID_EXTERNAL_HANDLE = -1000072003 ERROR_FRAGMENTATION = -1000161000 ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS = -1000257000 PIPELINE_COMPILE_REQUIRED = 1000297000 ERROR_SURFACE_LOST_KHR = -1000000000 ERROR_NATIVE_WINDOW_IN_USE_KHR = -1000000001 SUBOPTIMAL_KHR = 1000001003 ERROR_OUT_OF_DATE_KHR = -1000001004 ERROR_INCOMPATIBLE_DISPLAY_KHR = -1000003001 ERROR_VALIDATION_FAILED_EXT = -1000011001 ERROR_INVALID_SHADER_NV = -1000012000 ERROR_IMAGE_USAGE_NOT_SUPPORTED_KHR = -1000023000 ERROR_VIDEO_PICTURE_LAYOUT_NOT_SUPPORTED_KHR = -1000023001 ERROR_VIDEO_PROFILE_OPERATION_NOT_SUPPORTED_KHR = -1000023002 ERROR_VIDEO_PROFILE_FORMAT_NOT_SUPPORTED_KHR = -1000023003 ERROR_VIDEO_PROFILE_CODEC_NOT_SUPPORTED_KHR = -1000023004 ERROR_VIDEO_STD_VERSION_NOT_SUPPORTED_KHR = -1000023005 ERROR_INVALID_DRM_FORMAT_MODIFIER_PLANE_LAYOUT_EXT = -1000158000 ERROR_NOT_PERMITTED_KHR = -1000174001 ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT = -1000255000 THREAD_IDLE_KHR = 1000268000 THREAD_DONE_KHR = 1000268001 OPERATION_DEFERRED_KHR = 1000268002 OPERATION_NOT_DEFERRED_KHR = 1000268003 ERROR_COMPRESSION_EXHAUSTED_EXT = -1000338000 end @cenum DynamicState::UInt32 begin DYNAMIC_STATE_VIEWPORT = 0 DYNAMIC_STATE_SCISSOR = 1 DYNAMIC_STATE_LINE_WIDTH = 2 DYNAMIC_STATE_DEPTH_BIAS = 3 DYNAMIC_STATE_BLEND_CONSTANTS = 4 DYNAMIC_STATE_DEPTH_BOUNDS = 5 DYNAMIC_STATE_STENCIL_COMPARE_MASK = 6 DYNAMIC_STATE_STENCIL_WRITE_MASK = 7 DYNAMIC_STATE_STENCIL_REFERENCE = 8 DYNAMIC_STATE_CULL_MODE = 1000267000 DYNAMIC_STATE_FRONT_FACE = 1000267001 DYNAMIC_STATE_PRIMITIVE_TOPOLOGY = 1000267002 DYNAMIC_STATE_VIEWPORT_WITH_COUNT = 1000267003 DYNAMIC_STATE_SCISSOR_WITH_COUNT = 1000267004 DYNAMIC_STATE_VERTEX_INPUT_BINDING_STRIDE = 1000267005 DYNAMIC_STATE_DEPTH_TEST_ENABLE = 1000267006 DYNAMIC_STATE_DEPTH_WRITE_ENABLE = 1000267007 DYNAMIC_STATE_DEPTH_COMPARE_OP = 1000267008 DYNAMIC_STATE_DEPTH_BOUNDS_TEST_ENABLE = 1000267009 DYNAMIC_STATE_STENCIL_TEST_ENABLE = 1000267010 DYNAMIC_STATE_STENCIL_OP = 1000267011 DYNAMIC_STATE_RASTERIZER_DISCARD_ENABLE = 1000377001 DYNAMIC_STATE_DEPTH_BIAS_ENABLE = 1000377002 DYNAMIC_STATE_PRIMITIVE_RESTART_ENABLE = 1000377004 DYNAMIC_STATE_VIEWPORT_W_SCALING_NV = 1000087000 DYNAMIC_STATE_DISCARD_RECTANGLE_EXT = 1000099000 DYNAMIC_STATE_SAMPLE_LOCATIONS_EXT = 1000143000 DYNAMIC_STATE_RAY_TRACING_PIPELINE_STACK_SIZE_KHR = 1000347000 DYNAMIC_STATE_VIEWPORT_SHADING_RATE_PALETTE_NV = 1000164004 DYNAMIC_STATE_VIEWPORT_COARSE_SAMPLE_ORDER_NV = 1000164006 DYNAMIC_STATE_EXCLUSIVE_SCISSOR_NV = 1000205001 DYNAMIC_STATE_FRAGMENT_SHADING_RATE_KHR = 1000226000 DYNAMIC_STATE_LINE_STIPPLE_EXT = 1000259000 DYNAMIC_STATE_VERTEX_INPUT_EXT = 1000352000 DYNAMIC_STATE_PATCH_CONTROL_POINTS_EXT = 1000377000 DYNAMIC_STATE_LOGIC_OP_EXT = 1000377003 DYNAMIC_STATE_COLOR_WRITE_ENABLE_EXT = 1000381000 DYNAMIC_STATE_TESSELLATION_DOMAIN_ORIGIN_EXT = 1000455002 DYNAMIC_STATE_DEPTH_CLAMP_ENABLE_EXT = 1000455003 DYNAMIC_STATE_POLYGON_MODE_EXT = 1000455004 DYNAMIC_STATE_RASTERIZATION_SAMPLES_EXT = 1000455005 DYNAMIC_STATE_SAMPLE_MASK_EXT = 1000455006 DYNAMIC_STATE_ALPHA_TO_COVERAGE_ENABLE_EXT = 1000455007 DYNAMIC_STATE_ALPHA_TO_ONE_ENABLE_EXT = 1000455008 DYNAMIC_STATE_LOGIC_OP_ENABLE_EXT = 1000455009 DYNAMIC_STATE_COLOR_BLEND_ENABLE_EXT = 1000455010 DYNAMIC_STATE_COLOR_BLEND_EQUATION_EXT = 1000455011 DYNAMIC_STATE_COLOR_WRITE_MASK_EXT = 1000455012 DYNAMIC_STATE_RASTERIZATION_STREAM_EXT = 1000455013 DYNAMIC_STATE_CONSERVATIVE_RASTERIZATION_MODE_EXT = 1000455014 DYNAMIC_STATE_EXTRA_PRIMITIVE_OVERESTIMATION_SIZE_EXT = 1000455015 DYNAMIC_STATE_DEPTH_CLIP_ENABLE_EXT = 1000455016 DYNAMIC_STATE_SAMPLE_LOCATIONS_ENABLE_EXT = 1000455017 DYNAMIC_STATE_COLOR_BLEND_ADVANCED_EXT = 1000455018 DYNAMIC_STATE_PROVOKING_VERTEX_MODE_EXT = 1000455019 DYNAMIC_STATE_LINE_RASTERIZATION_MODE_EXT = 1000455020 DYNAMIC_STATE_LINE_STIPPLE_ENABLE_EXT = 1000455021 DYNAMIC_STATE_DEPTH_CLIP_NEGATIVE_ONE_TO_ONE_EXT = 1000455022 DYNAMIC_STATE_VIEWPORT_W_SCALING_ENABLE_NV = 1000455023 DYNAMIC_STATE_VIEWPORT_SWIZZLE_NV = 1000455024 DYNAMIC_STATE_COVERAGE_TO_COLOR_ENABLE_NV = 1000455025 DYNAMIC_STATE_COVERAGE_TO_COLOR_LOCATION_NV = 1000455026 DYNAMIC_STATE_COVERAGE_MODULATION_MODE_NV = 1000455027 DYNAMIC_STATE_COVERAGE_MODULATION_TABLE_ENABLE_NV = 1000455028 DYNAMIC_STATE_COVERAGE_MODULATION_TABLE_NV = 1000455029 DYNAMIC_STATE_SHADING_RATE_IMAGE_ENABLE_NV = 1000455030 DYNAMIC_STATE_REPRESENTATIVE_FRAGMENT_TEST_ENABLE_NV = 1000455031 DYNAMIC_STATE_COVERAGE_REDUCTION_MODE_NV = 1000455032 end @cenum DescriptorUpdateTemplateType::UInt32 begin DESCRIPTOR_UPDATE_TEMPLATE_TYPE_DESCRIPTOR_SET = 0 DESCRIPTOR_UPDATE_TEMPLATE_TYPE_PUSH_DESCRIPTORS_KHR = 1 end @cenum ObjectType::UInt32 begin OBJECT_TYPE_UNKNOWN = 0 OBJECT_TYPE_INSTANCE = 1 OBJECT_TYPE_PHYSICAL_DEVICE = 2 OBJECT_TYPE_DEVICE = 3 OBJECT_TYPE_QUEUE = 4 OBJECT_TYPE_SEMAPHORE = 5 OBJECT_TYPE_COMMAND_BUFFER = 6 OBJECT_TYPE_FENCE = 7 OBJECT_TYPE_DEVICE_MEMORY = 8 OBJECT_TYPE_BUFFER = 9 OBJECT_TYPE_IMAGE = 10 OBJECT_TYPE_EVENT = 11 OBJECT_TYPE_QUERY_POOL = 12 OBJECT_TYPE_BUFFER_VIEW = 13 OBJECT_TYPE_IMAGE_VIEW = 14 OBJECT_TYPE_SHADER_MODULE = 15 OBJECT_TYPE_PIPELINE_CACHE = 16 OBJECT_TYPE_PIPELINE_LAYOUT = 17 OBJECT_TYPE_RENDER_PASS = 18 OBJECT_TYPE_PIPELINE = 19 OBJECT_TYPE_DESCRIPTOR_SET_LAYOUT = 20 OBJECT_TYPE_SAMPLER = 21 OBJECT_TYPE_DESCRIPTOR_POOL = 22 OBJECT_TYPE_DESCRIPTOR_SET = 23 OBJECT_TYPE_FRAMEBUFFER = 24 OBJECT_TYPE_COMMAND_POOL = 25 OBJECT_TYPE_SAMPLER_YCBCR_CONVERSION = 1000156000 OBJECT_TYPE_DESCRIPTOR_UPDATE_TEMPLATE = 1000085000 OBJECT_TYPE_PRIVATE_DATA_SLOT = 1000295000 OBJECT_TYPE_SURFACE_KHR = 1000000000 OBJECT_TYPE_SWAPCHAIN_KHR = 1000001000 OBJECT_TYPE_DISPLAY_KHR = 1000002000 OBJECT_TYPE_DISPLAY_MODE_KHR = 1000002001 OBJECT_TYPE_DEBUG_REPORT_CALLBACK_EXT = 1000011000 OBJECT_TYPE_VIDEO_SESSION_KHR = 1000023000 OBJECT_TYPE_VIDEO_SESSION_PARAMETERS_KHR = 1000023001 OBJECT_TYPE_CU_MODULE_NVX = 1000029000 OBJECT_TYPE_CU_FUNCTION_NVX = 1000029001 OBJECT_TYPE_DEBUG_UTILS_MESSENGER_EXT = 1000128000 OBJECT_TYPE_ACCELERATION_STRUCTURE_KHR = 1000150000 OBJECT_TYPE_VALIDATION_CACHE_EXT = 1000160000 OBJECT_TYPE_ACCELERATION_STRUCTURE_NV = 1000165000 OBJECT_TYPE_PERFORMANCE_CONFIGURATION_INTEL = 1000210000 OBJECT_TYPE_DEFERRED_OPERATION_KHR = 1000268000 OBJECT_TYPE_INDIRECT_COMMANDS_LAYOUT_NV = 1000277000 OBJECT_TYPE_BUFFER_COLLECTION_FUCHSIA = 1000366000 OBJECT_TYPE_MICROMAP_EXT = 1000396000 OBJECT_TYPE_OPTICAL_FLOW_SESSION_NV = 1000464000 end @cenum RayTracingInvocationReorderModeNV::UInt32 begin RAY_TRACING_INVOCATION_REORDER_MODE_NONE_NV = 0 RAY_TRACING_INVOCATION_REORDER_MODE_REORDER_NV = 1 end @cenum DirectDriverLoadingModeLUNARG::UInt32 begin DIRECT_DRIVER_LOADING_MODE_EXCLUSIVE_LUNARG = 0 DIRECT_DRIVER_LOADING_MODE_INCLUSIVE_LUNARG = 1 end @cenum SemaphoreType::UInt32 begin SEMAPHORE_TYPE_BINARY = 0 SEMAPHORE_TYPE_TIMELINE = 1 end @cenum PresentModeKHR::UInt32 begin PRESENT_MODE_IMMEDIATE_KHR = 0 PRESENT_MODE_MAILBOX_KHR = 1 PRESENT_MODE_FIFO_KHR = 2 PRESENT_MODE_FIFO_RELAXED_KHR = 3 PRESENT_MODE_SHARED_DEMAND_REFRESH_KHR = 1000111000 PRESENT_MODE_SHARED_CONTINUOUS_REFRESH_KHR = 1000111001 end @cenum ColorSpaceKHR::UInt32 begin COLOR_SPACE_SRGB_NONLINEAR_KHR = 0 COLOR_SPACE_DISPLAY_P3_NONLINEAR_EXT = 1000104001 COLOR_SPACE_EXTENDED_SRGB_LINEAR_EXT = 1000104002 COLOR_SPACE_DISPLAY_P3_LINEAR_EXT = 1000104003 COLOR_SPACE_DCI_P3_NONLINEAR_EXT = 1000104004 COLOR_SPACE_BT709_LINEAR_EXT = 1000104005 COLOR_SPACE_BT709_NONLINEAR_EXT = 1000104006 COLOR_SPACE_BT2020_LINEAR_EXT = 1000104007 COLOR_SPACE_HDR10_ST2084_EXT = 1000104008 COLOR_SPACE_DOLBYVISION_EXT = 1000104009 COLOR_SPACE_HDR10_HLG_EXT = 1000104010 COLOR_SPACE_ADOBERGB_LINEAR_EXT = 1000104011 COLOR_SPACE_ADOBERGB_NONLINEAR_EXT = 1000104012 COLOR_SPACE_PASS_THROUGH_EXT = 1000104013 COLOR_SPACE_EXTENDED_SRGB_NONLINEAR_EXT = 1000104014 COLOR_SPACE_DISPLAY_NATIVE_AMD = 1000213000 end @cenum TimeDomainEXT::UInt32 begin TIME_DOMAIN_DEVICE_EXT = 0 TIME_DOMAIN_CLOCK_MONOTONIC_EXT = 1 TIME_DOMAIN_CLOCK_MONOTONIC_RAW_EXT = 2 TIME_DOMAIN_QUERY_PERFORMANCE_COUNTER_EXT = 3 end @cenum DebugReportObjectTypeEXT::UInt32 begin DEBUG_REPORT_OBJECT_TYPE_UNKNOWN_EXT = 0 DEBUG_REPORT_OBJECT_TYPE_INSTANCE_EXT = 1 DEBUG_REPORT_OBJECT_TYPE_PHYSICAL_DEVICE_EXT = 2 DEBUG_REPORT_OBJECT_TYPE_DEVICE_EXT = 3 DEBUG_REPORT_OBJECT_TYPE_QUEUE_EXT = 4 DEBUG_REPORT_OBJECT_TYPE_SEMAPHORE_EXT = 5 DEBUG_REPORT_OBJECT_TYPE_COMMAND_BUFFER_EXT = 6 DEBUG_REPORT_OBJECT_TYPE_FENCE_EXT = 7 DEBUG_REPORT_OBJECT_TYPE_DEVICE_MEMORY_EXT = 8 DEBUG_REPORT_OBJECT_TYPE_BUFFER_EXT = 9 DEBUG_REPORT_OBJECT_TYPE_IMAGE_EXT = 10 DEBUG_REPORT_OBJECT_TYPE_EVENT_EXT = 11 DEBUG_REPORT_OBJECT_TYPE_QUERY_POOL_EXT = 12 DEBUG_REPORT_OBJECT_TYPE_BUFFER_VIEW_EXT = 13 DEBUG_REPORT_OBJECT_TYPE_IMAGE_VIEW_EXT = 14 DEBUG_REPORT_OBJECT_TYPE_SHADER_MODULE_EXT = 15 DEBUG_REPORT_OBJECT_TYPE_PIPELINE_CACHE_EXT = 16 DEBUG_REPORT_OBJECT_TYPE_PIPELINE_LAYOUT_EXT = 17 DEBUG_REPORT_OBJECT_TYPE_RENDER_PASS_EXT = 18 DEBUG_REPORT_OBJECT_TYPE_PIPELINE_EXT = 19 DEBUG_REPORT_OBJECT_TYPE_DESCRIPTOR_SET_LAYOUT_EXT = 20 DEBUG_REPORT_OBJECT_TYPE_SAMPLER_EXT = 21 DEBUG_REPORT_OBJECT_TYPE_DESCRIPTOR_POOL_EXT = 22 DEBUG_REPORT_OBJECT_TYPE_DESCRIPTOR_SET_EXT = 23 DEBUG_REPORT_OBJECT_TYPE_FRAMEBUFFER_EXT = 24 DEBUG_REPORT_OBJECT_TYPE_COMMAND_POOL_EXT = 25 DEBUG_REPORT_OBJECT_TYPE_SURFACE_KHR_EXT = 26 DEBUG_REPORT_OBJECT_TYPE_SWAPCHAIN_KHR_EXT = 27 DEBUG_REPORT_OBJECT_TYPE_DEBUG_REPORT_CALLBACK_EXT_EXT = 28 DEBUG_REPORT_OBJECT_TYPE_DISPLAY_KHR_EXT = 29 DEBUG_REPORT_OBJECT_TYPE_DISPLAY_MODE_KHR_EXT = 30 DEBUG_REPORT_OBJECT_TYPE_VALIDATION_CACHE_EXT_EXT = 33 DEBUG_REPORT_OBJECT_TYPE_SAMPLER_YCBCR_CONVERSION_EXT = 1000156000 DEBUG_REPORT_OBJECT_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_EXT = 1000085000 DEBUG_REPORT_OBJECT_TYPE_CU_MODULE_NVX_EXT = 1000029000 DEBUG_REPORT_OBJECT_TYPE_CU_FUNCTION_NVX_EXT = 1000029001 DEBUG_REPORT_OBJECT_TYPE_ACCELERATION_STRUCTURE_KHR_EXT = 1000150000 DEBUG_REPORT_OBJECT_TYPE_ACCELERATION_STRUCTURE_NV_EXT = 1000165000 DEBUG_REPORT_OBJECT_TYPE_BUFFER_COLLECTION_FUCHSIA_EXT = 1000366000 end @cenum DeviceMemoryReportEventTypeEXT::UInt32 begin DEVICE_MEMORY_REPORT_EVENT_TYPE_ALLOCATE_EXT = 0 DEVICE_MEMORY_REPORT_EVENT_TYPE_FREE_EXT = 1 DEVICE_MEMORY_REPORT_EVENT_TYPE_IMPORT_EXT = 2 DEVICE_MEMORY_REPORT_EVENT_TYPE_UNIMPORT_EXT = 3 DEVICE_MEMORY_REPORT_EVENT_TYPE_ALLOCATION_FAILED_EXT = 4 end @cenum RasterizationOrderAMD::UInt32 begin RASTERIZATION_ORDER_STRICT_AMD = 0 RASTERIZATION_ORDER_RELAXED_AMD = 1 end @cenum ValidationCheckEXT::UInt32 begin VALIDATION_CHECK_ALL_EXT = 0 VALIDATION_CHECK_SHADERS_EXT = 1 end @cenum ValidationFeatureEnableEXT::UInt32 begin VALIDATION_FEATURE_ENABLE_GPU_ASSISTED_EXT = 0 VALIDATION_FEATURE_ENABLE_GPU_ASSISTED_RESERVE_BINDING_SLOT_EXT = 1 VALIDATION_FEATURE_ENABLE_BEST_PRACTICES_EXT = 2 VALIDATION_FEATURE_ENABLE_DEBUG_PRINTF_EXT = 3 VALIDATION_FEATURE_ENABLE_SYNCHRONIZATION_VALIDATION_EXT = 4 end @cenum ValidationFeatureDisableEXT::UInt32 begin VALIDATION_FEATURE_DISABLE_ALL_EXT = 0 VALIDATION_FEATURE_DISABLE_SHADERS_EXT = 1 VALIDATION_FEATURE_DISABLE_THREAD_SAFETY_EXT = 2 VALIDATION_FEATURE_DISABLE_API_PARAMETERS_EXT = 3 VALIDATION_FEATURE_DISABLE_OBJECT_LIFETIMES_EXT = 4 VALIDATION_FEATURE_DISABLE_CORE_CHECKS_EXT = 5 VALIDATION_FEATURE_DISABLE_UNIQUE_HANDLES_EXT = 6 VALIDATION_FEATURE_DISABLE_SHADER_VALIDATION_CACHE_EXT = 7 end @cenum IndirectCommandsTokenTypeNV::UInt32 begin INDIRECT_COMMANDS_TOKEN_TYPE_SHADER_GROUP_NV = 0 INDIRECT_COMMANDS_TOKEN_TYPE_STATE_FLAGS_NV = 1 INDIRECT_COMMANDS_TOKEN_TYPE_INDEX_BUFFER_NV = 2 INDIRECT_COMMANDS_TOKEN_TYPE_VERTEX_BUFFER_NV = 3 INDIRECT_COMMANDS_TOKEN_TYPE_PUSH_CONSTANT_NV = 4 INDIRECT_COMMANDS_TOKEN_TYPE_DRAW_INDEXED_NV = 5 INDIRECT_COMMANDS_TOKEN_TYPE_DRAW_NV = 6 INDIRECT_COMMANDS_TOKEN_TYPE_DRAW_TASKS_NV = 7 INDIRECT_COMMANDS_TOKEN_TYPE_DRAW_MESH_TASKS_NV = 1000328000 end @cenum DisplayPowerStateEXT::UInt32 begin DISPLAY_POWER_STATE_OFF_EXT = 0 DISPLAY_POWER_STATE_SUSPEND_EXT = 1 DISPLAY_POWER_STATE_ON_EXT = 2 end @cenum DeviceEventTypeEXT::UInt32 begin DEVICE_EVENT_TYPE_DISPLAY_HOTPLUG_EXT = 0 end @cenum DisplayEventTypeEXT::UInt32 begin DISPLAY_EVENT_TYPE_FIRST_PIXEL_OUT_EXT = 0 end @cenum ViewportCoordinateSwizzleNV::UInt32 begin VIEWPORT_COORDINATE_SWIZZLE_POSITIVE_X_NV = 0 VIEWPORT_COORDINATE_SWIZZLE_NEGATIVE_X_NV = 1 VIEWPORT_COORDINATE_SWIZZLE_POSITIVE_Y_NV = 2 VIEWPORT_COORDINATE_SWIZZLE_NEGATIVE_Y_NV = 3 VIEWPORT_COORDINATE_SWIZZLE_POSITIVE_Z_NV = 4 VIEWPORT_COORDINATE_SWIZZLE_NEGATIVE_Z_NV = 5 VIEWPORT_COORDINATE_SWIZZLE_POSITIVE_W_NV = 6 VIEWPORT_COORDINATE_SWIZZLE_NEGATIVE_W_NV = 7 end @cenum DiscardRectangleModeEXT::UInt32 begin DISCARD_RECTANGLE_MODE_INCLUSIVE_EXT = 0 DISCARD_RECTANGLE_MODE_EXCLUSIVE_EXT = 1 end @cenum PointClippingBehavior::UInt32 begin POINT_CLIPPING_BEHAVIOR_ALL_CLIP_PLANES = 0 POINT_CLIPPING_BEHAVIOR_USER_CLIP_PLANES_ONLY = 1 end @cenum SamplerReductionMode::UInt32 begin SAMPLER_REDUCTION_MODE_WEIGHTED_AVERAGE = 0 SAMPLER_REDUCTION_MODE_MIN = 1 SAMPLER_REDUCTION_MODE_MAX = 2 end @cenum TessellationDomainOrigin::UInt32 begin TESSELLATION_DOMAIN_ORIGIN_UPPER_LEFT = 0 TESSELLATION_DOMAIN_ORIGIN_LOWER_LEFT = 1 end @cenum SamplerYcbcrModelConversion::UInt32 begin SAMPLER_YCBCR_MODEL_CONVERSION_RGB_IDENTITY = 0 SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_IDENTITY = 1 SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_709 = 2 SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_601 = 3 SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_2020 = 4 end @cenum SamplerYcbcrRange::UInt32 begin SAMPLER_YCBCR_RANGE_ITU_FULL = 0 SAMPLER_YCBCR_RANGE_ITU_NARROW = 1 end @cenum ChromaLocation::UInt32 begin CHROMA_LOCATION_COSITED_EVEN = 0 CHROMA_LOCATION_MIDPOINT = 1 end @cenum BlendOverlapEXT::UInt32 begin BLEND_OVERLAP_UNCORRELATED_EXT = 0 BLEND_OVERLAP_DISJOINT_EXT = 1 BLEND_OVERLAP_CONJOINT_EXT = 2 end @cenum CoverageModulationModeNV::UInt32 begin COVERAGE_MODULATION_MODE_NONE_NV = 0 COVERAGE_MODULATION_MODE_RGB_NV = 1 COVERAGE_MODULATION_MODE_ALPHA_NV = 2 COVERAGE_MODULATION_MODE_RGBA_NV = 3 end @cenum CoverageReductionModeNV::UInt32 begin COVERAGE_REDUCTION_MODE_MERGE_NV = 0 COVERAGE_REDUCTION_MODE_TRUNCATE_NV = 1 end @cenum ValidationCacheHeaderVersionEXT::UInt32 begin VALIDATION_CACHE_HEADER_VERSION_ONE_EXT = 1 end @cenum ShaderInfoTypeAMD::UInt32 begin SHADER_INFO_TYPE_STATISTICS_AMD = 0 SHADER_INFO_TYPE_BINARY_AMD = 1 SHADER_INFO_TYPE_DISASSEMBLY_AMD = 2 end @cenum QueueGlobalPriorityKHR::UInt32 begin QUEUE_GLOBAL_PRIORITY_LOW_KHR = 128 QUEUE_GLOBAL_PRIORITY_MEDIUM_KHR = 256 QUEUE_GLOBAL_PRIORITY_HIGH_KHR = 512 QUEUE_GLOBAL_PRIORITY_REALTIME_KHR = 1024 end @cenum ConservativeRasterizationModeEXT::UInt32 begin CONSERVATIVE_RASTERIZATION_MODE_DISABLED_EXT = 0 CONSERVATIVE_RASTERIZATION_MODE_OVERESTIMATE_EXT = 1 CONSERVATIVE_RASTERIZATION_MODE_UNDERESTIMATE_EXT = 2 end @cenum VendorId::UInt32 begin VENDOR_ID_VIV = 0x00010001 VENDOR_ID_VSI = 0x00010002 VENDOR_ID_KAZAN = 0x00010003 VENDOR_ID_CODEPLAY = 0x00010004 VENDOR_ID_MESA = 0x00010005 VENDOR_ID_POCL = 0x00010006 end @cenum DriverId::UInt32 begin DRIVER_ID_AMD_PROPRIETARY = 1 DRIVER_ID_AMD_OPEN_SOURCE = 2 DRIVER_ID_MESA_RADV = 3 DRIVER_ID_NVIDIA_PROPRIETARY = 4 DRIVER_ID_INTEL_PROPRIETARY_WINDOWS = 5 DRIVER_ID_INTEL_OPEN_SOURCE_MESA = 6 DRIVER_ID_IMAGINATION_PROPRIETARY = 7 DRIVER_ID_QUALCOMM_PROPRIETARY = 8 DRIVER_ID_ARM_PROPRIETARY = 9 DRIVER_ID_GOOGLE_SWIFTSHADER = 10 DRIVER_ID_GGP_PROPRIETARY = 11 DRIVER_ID_BROADCOM_PROPRIETARY = 12 DRIVER_ID_MESA_LLVMPIPE = 13 DRIVER_ID_MOLTENVK = 14 DRIVER_ID_COREAVI_PROPRIETARY = 15 DRIVER_ID_JUICE_PROPRIETARY = 16 DRIVER_ID_VERISILICON_PROPRIETARY = 17 DRIVER_ID_MESA_TURNIP = 18 DRIVER_ID_MESA_V3DV = 19 DRIVER_ID_MESA_PANVK = 20 DRIVER_ID_SAMSUNG_PROPRIETARY = 21 DRIVER_ID_MESA_VENUS = 22 DRIVER_ID_MESA_DOZEN = 23 DRIVER_ID_MESA_NVK = 24 DRIVER_ID_IMAGINATION_OPEN_SOURCE_MESA = 25 end @cenum ShadingRatePaletteEntryNV::UInt32 begin SHADING_RATE_PALETTE_ENTRY_NO_INVOCATIONS_NV = 0 SHADING_RATE_PALETTE_ENTRY_16_INVOCATIONS_PER_PIXEL_NV = 1 SHADING_RATE_PALETTE_ENTRY_8_INVOCATIONS_PER_PIXEL_NV = 2 SHADING_RATE_PALETTE_ENTRY_4_INVOCATIONS_PER_PIXEL_NV = 3 SHADING_RATE_PALETTE_ENTRY_2_INVOCATIONS_PER_PIXEL_NV = 4 SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_PIXEL_NV = 5 SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_2X1_PIXELS_NV = 6 SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_1X2_PIXELS_NV = 7 SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_2X2_PIXELS_NV = 8 SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_4X2_PIXELS_NV = 9 SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_2X4_PIXELS_NV = 10 SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_4X4_PIXELS_NV = 11 end @cenum CoarseSampleOrderTypeNV::UInt32 begin COARSE_SAMPLE_ORDER_TYPE_DEFAULT_NV = 0 COARSE_SAMPLE_ORDER_TYPE_CUSTOM_NV = 1 COARSE_SAMPLE_ORDER_TYPE_PIXEL_MAJOR_NV = 2 COARSE_SAMPLE_ORDER_TYPE_SAMPLE_MAJOR_NV = 3 end @cenum CopyAccelerationStructureModeKHR::UInt32 begin COPY_ACCELERATION_STRUCTURE_MODE_CLONE_KHR = 0 COPY_ACCELERATION_STRUCTURE_MODE_COMPACT_KHR = 1 COPY_ACCELERATION_STRUCTURE_MODE_SERIALIZE_KHR = 2 COPY_ACCELERATION_STRUCTURE_MODE_DESERIALIZE_KHR = 3 end @cenum BuildAccelerationStructureModeKHR::UInt32 begin BUILD_ACCELERATION_STRUCTURE_MODE_BUILD_KHR = 0 BUILD_ACCELERATION_STRUCTURE_MODE_UPDATE_KHR = 1 end @cenum AccelerationStructureTypeKHR::UInt32 begin ACCELERATION_STRUCTURE_TYPE_TOP_LEVEL_KHR = 0 ACCELERATION_STRUCTURE_TYPE_BOTTOM_LEVEL_KHR = 1 ACCELERATION_STRUCTURE_TYPE_GENERIC_KHR = 2 end @cenum GeometryTypeKHR::UInt32 begin GEOMETRY_TYPE_TRIANGLES_KHR = 0 GEOMETRY_TYPE_AABBS_KHR = 1 GEOMETRY_TYPE_INSTANCES_KHR = 2 end @cenum AccelerationStructureMemoryRequirementsTypeNV::UInt32 begin ACCELERATION_STRUCTURE_MEMORY_REQUIREMENTS_TYPE_OBJECT_NV = 0 ACCELERATION_STRUCTURE_MEMORY_REQUIREMENTS_TYPE_BUILD_SCRATCH_NV = 1 ACCELERATION_STRUCTURE_MEMORY_REQUIREMENTS_TYPE_UPDATE_SCRATCH_NV = 2 end @cenum AccelerationStructureBuildTypeKHR::UInt32 begin ACCELERATION_STRUCTURE_BUILD_TYPE_HOST_KHR = 0 ACCELERATION_STRUCTURE_BUILD_TYPE_DEVICE_KHR = 1 ACCELERATION_STRUCTURE_BUILD_TYPE_HOST_OR_DEVICE_KHR = 2 end @cenum RayTracingShaderGroupTypeKHR::UInt32 begin RAY_TRACING_SHADER_GROUP_TYPE_GENERAL_KHR = 0 RAY_TRACING_SHADER_GROUP_TYPE_TRIANGLES_HIT_GROUP_KHR = 1 RAY_TRACING_SHADER_GROUP_TYPE_PROCEDURAL_HIT_GROUP_KHR = 2 end @cenum AccelerationStructureCompatibilityKHR::UInt32 begin ACCELERATION_STRUCTURE_COMPATIBILITY_COMPATIBLE_KHR = 0 ACCELERATION_STRUCTURE_COMPATIBILITY_INCOMPATIBLE_KHR = 1 end @cenum ShaderGroupShaderKHR::UInt32 begin SHADER_GROUP_SHADER_GENERAL_KHR = 0 SHADER_GROUP_SHADER_CLOSEST_HIT_KHR = 1 SHADER_GROUP_SHADER_ANY_HIT_KHR = 2 SHADER_GROUP_SHADER_INTERSECTION_KHR = 3 end @cenum MemoryOverallocationBehaviorAMD::UInt32 begin MEMORY_OVERALLOCATION_BEHAVIOR_DEFAULT_AMD = 0 MEMORY_OVERALLOCATION_BEHAVIOR_ALLOWED_AMD = 1 MEMORY_OVERALLOCATION_BEHAVIOR_DISALLOWED_AMD = 2 end @cenum ScopeNV::UInt32 begin SCOPE_DEVICE_NV = 1 SCOPE_WORKGROUP_NV = 2 SCOPE_SUBGROUP_NV = 3 SCOPE_QUEUE_FAMILY_NV = 5 end @cenum ComponentTypeNV::UInt32 begin COMPONENT_TYPE_FLOAT16_NV = 0 COMPONENT_TYPE_FLOAT32_NV = 1 COMPONENT_TYPE_FLOAT64_NV = 2 COMPONENT_TYPE_SINT8_NV = 3 COMPONENT_TYPE_SINT16_NV = 4 COMPONENT_TYPE_SINT32_NV = 5 COMPONENT_TYPE_SINT64_NV = 6 COMPONENT_TYPE_UINT8_NV = 7 COMPONENT_TYPE_UINT16_NV = 8 COMPONENT_TYPE_UINT32_NV = 9 COMPONENT_TYPE_UINT64_NV = 10 end @cenum FullScreenExclusiveEXT::UInt32 begin FULL_SCREEN_EXCLUSIVE_DEFAULT_EXT = 0 FULL_SCREEN_EXCLUSIVE_ALLOWED_EXT = 1 FULL_SCREEN_EXCLUSIVE_DISALLOWED_EXT = 2 FULL_SCREEN_EXCLUSIVE_APPLICATION_CONTROLLED_EXT = 3 end @cenum PerformanceCounterScopeKHR::UInt32 begin PERFORMANCE_COUNTER_SCOPE_COMMAND_BUFFER_KHR = 0 PERFORMANCE_COUNTER_SCOPE_RENDER_PASS_KHR = 1 PERFORMANCE_COUNTER_SCOPE_COMMAND_KHR = 2 end @cenum PerformanceCounterUnitKHR::UInt32 begin PERFORMANCE_COUNTER_UNIT_GENERIC_KHR = 0 PERFORMANCE_COUNTER_UNIT_PERCENTAGE_KHR = 1 PERFORMANCE_COUNTER_UNIT_NANOSECONDS_KHR = 2 PERFORMANCE_COUNTER_UNIT_BYTES_KHR = 3 PERFORMANCE_COUNTER_UNIT_BYTES_PER_SECOND_KHR = 4 PERFORMANCE_COUNTER_UNIT_KELVIN_KHR = 5 PERFORMANCE_COUNTER_UNIT_WATTS_KHR = 6 PERFORMANCE_COUNTER_UNIT_VOLTS_KHR = 7 PERFORMANCE_COUNTER_UNIT_AMPS_KHR = 8 PERFORMANCE_COUNTER_UNIT_HERTZ_KHR = 9 PERFORMANCE_COUNTER_UNIT_CYCLES_KHR = 10 end @cenum PerformanceCounterStorageKHR::UInt32 begin PERFORMANCE_COUNTER_STORAGE_INT32_KHR = 0 PERFORMANCE_COUNTER_STORAGE_INT64_KHR = 1 PERFORMANCE_COUNTER_STORAGE_UINT32_KHR = 2 PERFORMANCE_COUNTER_STORAGE_UINT64_KHR = 3 PERFORMANCE_COUNTER_STORAGE_FLOAT32_KHR = 4 PERFORMANCE_COUNTER_STORAGE_FLOAT64_KHR = 5 end @cenum PerformanceConfigurationTypeINTEL::UInt32 begin PERFORMANCE_CONFIGURATION_TYPE_COMMAND_QUEUE_METRICS_DISCOVERY_ACTIVATED_INTEL = 0 end @cenum QueryPoolSamplingModeINTEL::UInt32 begin QUERY_POOL_SAMPLING_MODE_MANUAL_INTEL = 0 end @cenum PerformanceOverrideTypeINTEL::UInt32 begin PERFORMANCE_OVERRIDE_TYPE_NULL_HARDWARE_INTEL = 0 PERFORMANCE_OVERRIDE_TYPE_FLUSH_GPU_CACHES_INTEL = 1 end @cenum PerformanceParameterTypeINTEL::UInt32 begin PERFORMANCE_PARAMETER_TYPE_HW_COUNTERS_SUPPORTED_INTEL = 0 PERFORMANCE_PARAMETER_TYPE_STREAM_MARKER_VALID_BITS_INTEL = 1 end @cenum PerformanceValueTypeINTEL::UInt32 begin PERFORMANCE_VALUE_TYPE_UINT32_INTEL = 0 PERFORMANCE_VALUE_TYPE_UINT64_INTEL = 1 PERFORMANCE_VALUE_TYPE_FLOAT_INTEL = 2 PERFORMANCE_VALUE_TYPE_BOOL_INTEL = 3 PERFORMANCE_VALUE_TYPE_STRING_INTEL = 4 end @cenum ShaderFloatControlsIndependence::UInt32 begin SHADER_FLOAT_CONTROLS_INDEPENDENCE_32_BIT_ONLY = 0 SHADER_FLOAT_CONTROLS_INDEPENDENCE_ALL = 1 SHADER_FLOAT_CONTROLS_INDEPENDENCE_NONE = 2 end @cenum PipelineExecutableStatisticFormatKHR::UInt32 begin PIPELINE_EXECUTABLE_STATISTIC_FORMAT_BOOL32_KHR = 0 PIPELINE_EXECUTABLE_STATISTIC_FORMAT_INT64_KHR = 1 PIPELINE_EXECUTABLE_STATISTIC_FORMAT_UINT64_KHR = 2 PIPELINE_EXECUTABLE_STATISTIC_FORMAT_FLOAT64_KHR = 3 end @cenum LineRasterizationModeEXT::UInt32 begin LINE_RASTERIZATION_MODE_DEFAULT_EXT = 0 LINE_RASTERIZATION_MODE_RECTANGULAR_EXT = 1 LINE_RASTERIZATION_MODE_BRESENHAM_EXT = 2 LINE_RASTERIZATION_MODE_RECTANGULAR_SMOOTH_EXT = 3 end @cenum FragmentShadingRateCombinerOpKHR::UInt32 begin FRAGMENT_SHADING_RATE_COMBINER_OP_KEEP_KHR = 0 FRAGMENT_SHADING_RATE_COMBINER_OP_REPLACE_KHR = 1 FRAGMENT_SHADING_RATE_COMBINER_OP_MIN_KHR = 2 FRAGMENT_SHADING_RATE_COMBINER_OP_MAX_KHR = 3 FRAGMENT_SHADING_RATE_COMBINER_OP_MUL_KHR = 4 end @cenum FragmentShadingRateNV::UInt32 begin FRAGMENT_SHADING_RATE_1_INVOCATION_PER_PIXEL_NV = 0 FRAGMENT_SHADING_RATE_1_INVOCATION_PER_1X2_PIXELS_NV = 1 FRAGMENT_SHADING_RATE_1_INVOCATION_PER_2X1_PIXELS_NV = 4 FRAGMENT_SHADING_RATE_1_INVOCATION_PER_2X2_PIXELS_NV = 5 FRAGMENT_SHADING_RATE_1_INVOCATION_PER_2X4_PIXELS_NV = 6 FRAGMENT_SHADING_RATE_1_INVOCATION_PER_4X2_PIXELS_NV = 9 FRAGMENT_SHADING_RATE_1_INVOCATION_PER_4X4_PIXELS_NV = 10 FRAGMENT_SHADING_RATE_2_INVOCATIONS_PER_PIXEL_NV = 11 FRAGMENT_SHADING_RATE_4_INVOCATIONS_PER_PIXEL_NV = 12 FRAGMENT_SHADING_RATE_8_INVOCATIONS_PER_PIXEL_NV = 13 FRAGMENT_SHADING_RATE_16_INVOCATIONS_PER_PIXEL_NV = 14 FRAGMENT_SHADING_RATE_NO_INVOCATIONS_NV = 15 end @cenum FragmentShadingRateTypeNV::UInt32 begin FRAGMENT_SHADING_RATE_TYPE_FRAGMENT_SIZE_NV = 0 FRAGMENT_SHADING_RATE_TYPE_ENUMS_NV = 1 end @cenum SubpassMergeStatusEXT::UInt32 begin SUBPASS_MERGE_STATUS_MERGED_EXT = 0 SUBPASS_MERGE_STATUS_DISALLOWED_EXT = 1 SUBPASS_MERGE_STATUS_NOT_MERGED_SIDE_EFFECTS_EXT = 2 SUBPASS_MERGE_STATUS_NOT_MERGED_SAMPLES_MISMATCH_EXT = 3 SUBPASS_MERGE_STATUS_NOT_MERGED_VIEWS_MISMATCH_EXT = 4 SUBPASS_MERGE_STATUS_NOT_MERGED_ALIASING_EXT = 5 SUBPASS_MERGE_STATUS_NOT_MERGED_DEPENDENCIES_EXT = 6 SUBPASS_MERGE_STATUS_NOT_MERGED_INCOMPATIBLE_INPUT_ATTACHMENT_EXT = 7 SUBPASS_MERGE_STATUS_NOT_MERGED_TOO_MANY_ATTACHMENTS_EXT = 8 SUBPASS_MERGE_STATUS_NOT_MERGED_INSUFFICIENT_STORAGE_EXT = 9 SUBPASS_MERGE_STATUS_NOT_MERGED_DEPTH_STENCIL_COUNT_EXT = 10 SUBPASS_MERGE_STATUS_NOT_MERGED_RESOLVE_ATTACHMENT_REUSE_EXT = 11 SUBPASS_MERGE_STATUS_NOT_MERGED_SINGLE_SUBPASS_EXT = 12 SUBPASS_MERGE_STATUS_NOT_MERGED_UNSPECIFIED_EXT = 13 end @cenum ProvokingVertexModeEXT::UInt32 begin PROVOKING_VERTEX_MODE_FIRST_VERTEX_EXT = 0 PROVOKING_VERTEX_MODE_LAST_VERTEX_EXT = 1 end @cenum AccelerationStructureMotionInstanceTypeNV::UInt32 begin ACCELERATION_STRUCTURE_MOTION_INSTANCE_TYPE_STATIC_NV = 0 ACCELERATION_STRUCTURE_MOTION_INSTANCE_TYPE_MATRIX_MOTION_NV = 1 ACCELERATION_STRUCTURE_MOTION_INSTANCE_TYPE_SRT_MOTION_NV = 2 end @cenum DeviceAddressBindingTypeEXT::UInt32 begin DEVICE_ADDRESS_BINDING_TYPE_BIND_EXT = 0 DEVICE_ADDRESS_BINDING_TYPE_UNBIND_EXT = 1 end @cenum QueryResultStatusKHR::Int32 begin QUERY_RESULT_STATUS_ERROR_KHR = -1 QUERY_RESULT_STATUS_NOT_READY_KHR = 0 QUERY_RESULT_STATUS_COMPLETE_KHR = 1 end @cenum PipelineRobustnessBufferBehaviorEXT::UInt32 begin PIPELINE_ROBUSTNESS_BUFFER_BEHAVIOR_DEVICE_DEFAULT_EXT = 0 PIPELINE_ROBUSTNESS_BUFFER_BEHAVIOR_DISABLED_EXT = 1 PIPELINE_ROBUSTNESS_BUFFER_BEHAVIOR_ROBUST_BUFFER_ACCESS_EXT = 2 PIPELINE_ROBUSTNESS_BUFFER_BEHAVIOR_ROBUST_BUFFER_ACCESS_2_EXT = 3 end @cenum PipelineRobustnessImageBehaviorEXT::UInt32 begin PIPELINE_ROBUSTNESS_IMAGE_BEHAVIOR_DEVICE_DEFAULT_EXT = 0 PIPELINE_ROBUSTNESS_IMAGE_BEHAVIOR_DISABLED_EXT = 1 PIPELINE_ROBUSTNESS_IMAGE_BEHAVIOR_ROBUST_IMAGE_ACCESS_EXT = 2 PIPELINE_ROBUSTNESS_IMAGE_BEHAVIOR_ROBUST_IMAGE_ACCESS_2_EXT = 3 end @cenum OpticalFlowPerformanceLevelNV::UInt32 begin OPTICAL_FLOW_PERFORMANCE_LEVEL_UNKNOWN_NV = 0 OPTICAL_FLOW_PERFORMANCE_LEVEL_SLOW_NV = 1 OPTICAL_FLOW_PERFORMANCE_LEVEL_MEDIUM_NV = 2 OPTICAL_FLOW_PERFORMANCE_LEVEL_FAST_NV = 3 end @cenum OpticalFlowSessionBindingPointNV::UInt32 begin OPTICAL_FLOW_SESSION_BINDING_POINT_UNKNOWN_NV = 0 OPTICAL_FLOW_SESSION_BINDING_POINT_INPUT_NV = 1 OPTICAL_FLOW_SESSION_BINDING_POINT_REFERENCE_NV = 2 OPTICAL_FLOW_SESSION_BINDING_POINT_HINT_NV = 3 OPTICAL_FLOW_SESSION_BINDING_POINT_FLOW_VECTOR_NV = 4 OPTICAL_FLOW_SESSION_BINDING_POINT_BACKWARD_FLOW_VECTOR_NV = 5 OPTICAL_FLOW_SESSION_BINDING_POINT_COST_NV = 6 OPTICAL_FLOW_SESSION_BINDING_POINT_BACKWARD_COST_NV = 7 OPTICAL_FLOW_SESSION_BINDING_POINT_GLOBAL_FLOW_NV = 8 end @cenum MicromapTypeEXT::UInt32 begin MICROMAP_TYPE_OPACITY_MICROMAP_EXT = 0 end @cenum CopyMicromapModeEXT::UInt32 begin COPY_MICROMAP_MODE_CLONE_EXT = 0 COPY_MICROMAP_MODE_SERIALIZE_EXT = 1 COPY_MICROMAP_MODE_DESERIALIZE_EXT = 2 COPY_MICROMAP_MODE_COMPACT_EXT = 3 end @cenum BuildMicromapModeEXT::UInt32 begin BUILD_MICROMAP_MODE_BUILD_EXT = 0 end @cenum OpacityMicromapFormatEXT::UInt32 begin OPACITY_MICROMAP_FORMAT_2_STATE_EXT = 1 OPACITY_MICROMAP_FORMAT_4_STATE_EXT = 2 end @cenum OpacityMicromapSpecialIndexEXT::Int32 begin OPACITY_MICROMAP_SPECIAL_INDEX_FULLY_TRANSPARENT_EXT = -1 OPACITY_MICROMAP_SPECIAL_INDEX_FULLY_OPAQUE_EXT = -2 OPACITY_MICROMAP_SPECIAL_INDEX_FULLY_UNKNOWN_TRANSPARENT_EXT = -3 OPACITY_MICROMAP_SPECIAL_INDEX_FULLY_UNKNOWN_OPAQUE_EXT = -4 end @cenum DeviceFaultAddressTypeEXT::UInt32 begin DEVICE_FAULT_ADDRESS_TYPE_NONE_EXT = 0 DEVICE_FAULT_ADDRESS_TYPE_READ_INVALID_EXT = 1 DEVICE_FAULT_ADDRESS_TYPE_WRITE_INVALID_EXT = 2 DEVICE_FAULT_ADDRESS_TYPE_EXECUTE_INVALID_EXT = 3 DEVICE_FAULT_ADDRESS_TYPE_INSTRUCTION_POINTER_UNKNOWN_EXT = 4 DEVICE_FAULT_ADDRESS_TYPE_INSTRUCTION_POINTER_INVALID_EXT = 5 DEVICE_FAULT_ADDRESS_TYPE_INSTRUCTION_POINTER_FAULT_EXT = 6 end @cenum DeviceFaultVendorBinaryHeaderVersionEXT::UInt32 begin DEVICE_FAULT_VENDOR_BINARY_HEADER_VERSION_ONE_EXT = 1 end convert(T::Type{UInt32}, x::ImageLayout) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::AttachmentLoadOp) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::AttachmentStoreOp) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ImageType) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ImageTiling) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ImageViewType) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::CommandBufferLevel) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ComponentSwizzle) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::DescriptorType) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::QueryType) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::BorderColor) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PipelineBindPoint) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PipelineCacheHeaderVersion) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PrimitiveTopology) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::SharingMode) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::IndexType) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::Filter) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::SamplerMipmapMode) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::SamplerAddressMode) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::CompareOp) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PolygonMode) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::FrontFace) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::BlendFactor) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::BlendOp) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::StencilOp) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::LogicOp) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::InternalAllocationType) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::SystemAllocationScope) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PhysicalDeviceType) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::VertexInputRate) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::Format) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::StructureType) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::SubpassContents) = Base.bitcast(UInt32, x) convert(T::Type{Int32}, x::Result) = Base.bitcast(Int32, x) convert(T::Type{UInt32}, x::DynamicState) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::DescriptorUpdateTemplateType) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ObjectType) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::RayTracingInvocationReorderModeNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::DirectDriverLoadingModeLUNARG) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::SemaphoreType) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PresentModeKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ColorSpaceKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::TimeDomainEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::DebugReportObjectTypeEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::DeviceMemoryReportEventTypeEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::RasterizationOrderAMD) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ValidationCheckEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ValidationFeatureEnableEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ValidationFeatureDisableEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::IndirectCommandsTokenTypeNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::DisplayPowerStateEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::DeviceEventTypeEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::DisplayEventTypeEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ViewportCoordinateSwizzleNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::DiscardRectangleModeEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PointClippingBehavior) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::SamplerReductionMode) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::TessellationDomainOrigin) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::SamplerYcbcrModelConversion) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::SamplerYcbcrRange) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ChromaLocation) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::BlendOverlapEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::CoverageModulationModeNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::CoverageReductionModeNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ValidationCacheHeaderVersionEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ShaderInfoTypeAMD) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::QueueGlobalPriorityKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ConservativeRasterizationModeEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::VendorId) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::DriverId) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ShadingRatePaletteEntryNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::CoarseSampleOrderTypeNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::CopyAccelerationStructureModeKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::BuildAccelerationStructureModeKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::AccelerationStructureTypeKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::GeometryTypeKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::AccelerationStructureMemoryRequirementsTypeNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::AccelerationStructureBuildTypeKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::RayTracingShaderGroupTypeKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::AccelerationStructureCompatibilityKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ShaderGroupShaderKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::MemoryOverallocationBehaviorAMD) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ScopeNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ComponentTypeNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::FullScreenExclusiveEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PerformanceCounterScopeKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PerformanceCounterUnitKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PerformanceCounterStorageKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PerformanceConfigurationTypeINTEL) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::QueryPoolSamplingModeINTEL) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PerformanceOverrideTypeINTEL) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PerformanceParameterTypeINTEL) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PerformanceValueTypeINTEL) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ShaderFloatControlsIndependence) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PipelineExecutableStatisticFormatKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::LineRasterizationModeEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::FragmentShadingRateCombinerOpKHR) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::FragmentShadingRateNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::FragmentShadingRateTypeNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::SubpassMergeStatusEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::ProvokingVertexModeEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::AccelerationStructureMotionInstanceTypeNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::DeviceAddressBindingTypeEXT) = Base.bitcast(UInt32, x) convert(T::Type{Int32}, x::QueryResultStatusKHR) = Base.bitcast(Int32, x) convert(T::Type{UInt32}, x::PipelineRobustnessBufferBehaviorEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::PipelineRobustnessImageBehaviorEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::OpticalFlowPerformanceLevelNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::OpticalFlowSessionBindingPointNV) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::MicromapTypeEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::CopyMicromapModeEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::BuildMicromapModeEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::OpacityMicromapFormatEXT) = Base.bitcast(UInt32, x) convert(T::Type{Int32}, x::OpacityMicromapSpecialIndexEXT) = Base.bitcast(Int32, x) convert(T::Type{UInt32}, x::DeviceFaultAddressTypeEXT) = Base.bitcast(UInt32, x) convert(T::Type{UInt32}, x::DeviceFaultVendorBinaryHeaderVersionEXT) = Base.bitcast(UInt32, x) convert(T::Type{ImageLayout}, x::UInt32) = Base.bitcast(ImageLayout, x) convert(T::Type{AttachmentLoadOp}, x::UInt32) = Base.bitcast(AttachmentLoadOp, x) convert(T::Type{AttachmentStoreOp}, x::UInt32) = Base.bitcast(AttachmentStoreOp, x) convert(T::Type{ImageType}, x::UInt32) = Base.bitcast(ImageType, x) convert(T::Type{ImageTiling}, x::UInt32) = Base.bitcast(ImageTiling, x) convert(T::Type{ImageViewType}, x::UInt32) = Base.bitcast(ImageViewType, x) convert(T::Type{CommandBufferLevel}, x::UInt32) = Base.bitcast(CommandBufferLevel, x) convert(T::Type{ComponentSwizzle}, x::UInt32) = Base.bitcast(ComponentSwizzle, x) convert(T::Type{DescriptorType}, x::UInt32) = Base.bitcast(DescriptorType, x) convert(T::Type{QueryType}, x::UInt32) = Base.bitcast(QueryType, x) convert(T::Type{BorderColor}, x::UInt32) = Base.bitcast(BorderColor, x) convert(T::Type{PipelineBindPoint}, x::UInt32) = Base.bitcast(PipelineBindPoint, x) convert(T::Type{PipelineCacheHeaderVersion}, x::UInt32) = Base.bitcast(PipelineCacheHeaderVersion, x) convert(T::Type{PrimitiveTopology}, x::UInt32) = Base.bitcast(PrimitiveTopology, x) convert(T::Type{SharingMode}, x::UInt32) = Base.bitcast(SharingMode, x) convert(T::Type{IndexType}, x::UInt32) = Base.bitcast(IndexType, x) convert(T::Type{Filter}, x::UInt32) = Base.bitcast(Filter, x) convert(T::Type{SamplerMipmapMode}, x::UInt32) = Base.bitcast(SamplerMipmapMode, x) convert(T::Type{SamplerAddressMode}, x::UInt32) = Base.bitcast(SamplerAddressMode, x) convert(T::Type{CompareOp}, x::UInt32) = Base.bitcast(CompareOp, x) convert(T::Type{PolygonMode}, x::UInt32) = Base.bitcast(PolygonMode, x) convert(T::Type{FrontFace}, x::UInt32) = Base.bitcast(FrontFace, x) convert(T::Type{BlendFactor}, x::UInt32) = Base.bitcast(BlendFactor, x) convert(T::Type{BlendOp}, x::UInt32) = Base.bitcast(BlendOp, x) convert(T::Type{StencilOp}, x::UInt32) = Base.bitcast(StencilOp, x) convert(T::Type{LogicOp}, x::UInt32) = Base.bitcast(LogicOp, x) convert(T::Type{InternalAllocationType}, x::UInt32) = Base.bitcast(InternalAllocationType, x) convert(T::Type{SystemAllocationScope}, x::UInt32) = Base.bitcast(SystemAllocationScope, x) convert(T::Type{PhysicalDeviceType}, x::UInt32) = Base.bitcast(PhysicalDeviceType, x) convert(T::Type{VertexInputRate}, x::UInt32) = Base.bitcast(VertexInputRate, x) convert(T::Type{Format}, x::UInt32) = Base.bitcast(Format, x) convert(T::Type{StructureType}, x::UInt32) = Base.bitcast(StructureType, x) convert(T::Type{SubpassContents}, x::UInt32) = Base.bitcast(SubpassContents, x) convert(T::Type{Result}, x::Int32) = Base.bitcast(Result, x) convert(T::Type{DynamicState}, x::UInt32) = Base.bitcast(DynamicState, x) convert(T::Type{DescriptorUpdateTemplateType}, x::UInt32) = Base.bitcast(DescriptorUpdateTemplateType, x) convert(T::Type{ObjectType}, x::UInt32) = Base.bitcast(ObjectType, x) convert(T::Type{RayTracingInvocationReorderModeNV}, x::UInt32) = Base.bitcast(RayTracingInvocationReorderModeNV, x) convert(T::Type{DirectDriverLoadingModeLUNARG}, x::UInt32) = Base.bitcast(DirectDriverLoadingModeLUNARG, x) convert(T::Type{SemaphoreType}, x::UInt32) = Base.bitcast(SemaphoreType, x) convert(T::Type{PresentModeKHR}, x::UInt32) = Base.bitcast(PresentModeKHR, x) convert(T::Type{ColorSpaceKHR}, x::UInt32) = Base.bitcast(ColorSpaceKHR, x) convert(T::Type{TimeDomainEXT}, x::UInt32) = Base.bitcast(TimeDomainEXT, x) convert(T::Type{DebugReportObjectTypeEXT}, x::UInt32) = Base.bitcast(DebugReportObjectTypeEXT, x) convert(T::Type{DeviceMemoryReportEventTypeEXT}, x::UInt32) = Base.bitcast(DeviceMemoryReportEventTypeEXT, x) convert(T::Type{RasterizationOrderAMD}, x::UInt32) = Base.bitcast(RasterizationOrderAMD, x) convert(T::Type{ValidationCheckEXT}, x::UInt32) = Base.bitcast(ValidationCheckEXT, x) convert(T::Type{ValidationFeatureEnableEXT}, x::UInt32) = Base.bitcast(ValidationFeatureEnableEXT, x) convert(T::Type{ValidationFeatureDisableEXT}, x::UInt32) = Base.bitcast(ValidationFeatureDisableEXT, x) convert(T::Type{IndirectCommandsTokenTypeNV}, x::UInt32) = Base.bitcast(IndirectCommandsTokenTypeNV, x) convert(T::Type{DisplayPowerStateEXT}, x::UInt32) = Base.bitcast(DisplayPowerStateEXT, x) convert(T::Type{DeviceEventTypeEXT}, x::UInt32) = Base.bitcast(DeviceEventTypeEXT, x) convert(T::Type{DisplayEventTypeEXT}, x::UInt32) = Base.bitcast(DisplayEventTypeEXT, x) convert(T::Type{ViewportCoordinateSwizzleNV}, x::UInt32) = Base.bitcast(ViewportCoordinateSwizzleNV, x) convert(T::Type{DiscardRectangleModeEXT}, x::UInt32) = Base.bitcast(DiscardRectangleModeEXT, x) convert(T::Type{PointClippingBehavior}, x::UInt32) = Base.bitcast(PointClippingBehavior, x) convert(T::Type{SamplerReductionMode}, x::UInt32) = Base.bitcast(SamplerReductionMode, x) convert(T::Type{TessellationDomainOrigin}, x::UInt32) = Base.bitcast(TessellationDomainOrigin, x) convert(T::Type{SamplerYcbcrModelConversion}, x::UInt32) = Base.bitcast(SamplerYcbcrModelConversion, x) convert(T::Type{SamplerYcbcrRange}, x::UInt32) = Base.bitcast(SamplerYcbcrRange, x) convert(T::Type{ChromaLocation}, x::UInt32) = Base.bitcast(ChromaLocation, x) convert(T::Type{BlendOverlapEXT}, x::UInt32) = Base.bitcast(BlendOverlapEXT, x) convert(T::Type{CoverageModulationModeNV}, x::UInt32) = Base.bitcast(CoverageModulationModeNV, x) convert(T::Type{CoverageReductionModeNV}, x::UInt32) = Base.bitcast(CoverageReductionModeNV, x) convert(T::Type{ValidationCacheHeaderVersionEXT}, x::UInt32) = Base.bitcast(ValidationCacheHeaderVersionEXT, x) convert(T::Type{ShaderInfoTypeAMD}, x::UInt32) = Base.bitcast(ShaderInfoTypeAMD, x) convert(T::Type{QueueGlobalPriorityKHR}, x::UInt32) = Base.bitcast(QueueGlobalPriorityKHR, x) convert(T::Type{ConservativeRasterizationModeEXT}, x::UInt32) = Base.bitcast(ConservativeRasterizationModeEXT, x) convert(T::Type{VendorId}, x::UInt32) = Base.bitcast(VendorId, x) convert(T::Type{DriverId}, x::UInt32) = Base.bitcast(DriverId, x) convert(T::Type{ShadingRatePaletteEntryNV}, x::UInt32) = Base.bitcast(ShadingRatePaletteEntryNV, x) convert(T::Type{CoarseSampleOrderTypeNV}, x::UInt32) = Base.bitcast(CoarseSampleOrderTypeNV, x) convert(T::Type{CopyAccelerationStructureModeKHR}, x::UInt32) = Base.bitcast(CopyAccelerationStructureModeKHR, x) convert(T::Type{BuildAccelerationStructureModeKHR}, x::UInt32) = Base.bitcast(BuildAccelerationStructureModeKHR, x) convert(T::Type{AccelerationStructureTypeKHR}, x::UInt32) = Base.bitcast(AccelerationStructureTypeKHR, x) convert(T::Type{GeometryTypeKHR}, x::UInt32) = Base.bitcast(GeometryTypeKHR, x) convert(T::Type{AccelerationStructureMemoryRequirementsTypeNV}, x::UInt32) = Base.bitcast(AccelerationStructureMemoryRequirementsTypeNV, x) convert(T::Type{AccelerationStructureBuildTypeKHR}, x::UInt32) = Base.bitcast(AccelerationStructureBuildTypeKHR, x) convert(T::Type{RayTracingShaderGroupTypeKHR}, x::UInt32) = Base.bitcast(RayTracingShaderGroupTypeKHR, x) convert(T::Type{AccelerationStructureCompatibilityKHR}, x::UInt32) = Base.bitcast(AccelerationStructureCompatibilityKHR, x) convert(T::Type{ShaderGroupShaderKHR}, x::UInt32) = Base.bitcast(ShaderGroupShaderKHR, x) convert(T::Type{MemoryOverallocationBehaviorAMD}, x::UInt32) = Base.bitcast(MemoryOverallocationBehaviorAMD, x) convert(T::Type{ScopeNV}, x::UInt32) = Base.bitcast(ScopeNV, x) convert(T::Type{ComponentTypeNV}, x::UInt32) = Base.bitcast(ComponentTypeNV, x) convert(T::Type{FullScreenExclusiveEXT}, x::UInt32) = Base.bitcast(FullScreenExclusiveEXT, x) convert(T::Type{PerformanceCounterScopeKHR}, x::UInt32) = Base.bitcast(PerformanceCounterScopeKHR, x) convert(T::Type{PerformanceCounterUnitKHR}, x::UInt32) = Base.bitcast(PerformanceCounterUnitKHR, x) convert(T::Type{PerformanceCounterStorageKHR}, x::UInt32) = Base.bitcast(PerformanceCounterStorageKHR, x) convert(T::Type{PerformanceConfigurationTypeINTEL}, x::UInt32) = Base.bitcast(PerformanceConfigurationTypeINTEL, x) convert(T::Type{QueryPoolSamplingModeINTEL}, x::UInt32) = Base.bitcast(QueryPoolSamplingModeINTEL, x) convert(T::Type{PerformanceOverrideTypeINTEL}, x::UInt32) = Base.bitcast(PerformanceOverrideTypeINTEL, x) convert(T::Type{PerformanceParameterTypeINTEL}, x::UInt32) = Base.bitcast(PerformanceParameterTypeINTEL, x) convert(T::Type{PerformanceValueTypeINTEL}, x::UInt32) = Base.bitcast(PerformanceValueTypeINTEL, x) convert(T::Type{ShaderFloatControlsIndependence}, x::UInt32) = Base.bitcast(ShaderFloatControlsIndependence, x) convert(T::Type{PipelineExecutableStatisticFormatKHR}, x::UInt32) = Base.bitcast(PipelineExecutableStatisticFormatKHR, x) convert(T::Type{LineRasterizationModeEXT}, x::UInt32) = Base.bitcast(LineRasterizationModeEXT, x) convert(T::Type{FragmentShadingRateCombinerOpKHR}, x::UInt32) = Base.bitcast(FragmentShadingRateCombinerOpKHR, x) convert(T::Type{FragmentShadingRateNV}, x::UInt32) = Base.bitcast(FragmentShadingRateNV, x) convert(T::Type{FragmentShadingRateTypeNV}, x::UInt32) = Base.bitcast(FragmentShadingRateTypeNV, x) convert(T::Type{SubpassMergeStatusEXT}, x::UInt32) = Base.bitcast(SubpassMergeStatusEXT, x) convert(T::Type{ProvokingVertexModeEXT}, x::UInt32) = Base.bitcast(ProvokingVertexModeEXT, x) convert(T::Type{AccelerationStructureMotionInstanceTypeNV}, x::UInt32) = Base.bitcast(AccelerationStructureMotionInstanceTypeNV, x) convert(T::Type{DeviceAddressBindingTypeEXT}, x::UInt32) = Base.bitcast(DeviceAddressBindingTypeEXT, x) convert(T::Type{QueryResultStatusKHR}, x::Int32) = Base.bitcast(QueryResultStatusKHR, x) convert(T::Type{PipelineRobustnessBufferBehaviorEXT}, x::UInt32) = Base.bitcast(PipelineRobustnessBufferBehaviorEXT, x) convert(T::Type{PipelineRobustnessImageBehaviorEXT}, x::UInt32) = Base.bitcast(PipelineRobustnessImageBehaviorEXT, x) convert(T::Type{OpticalFlowPerformanceLevelNV}, x::UInt32) = Base.bitcast(OpticalFlowPerformanceLevelNV, x) convert(T::Type{OpticalFlowSessionBindingPointNV}, x::UInt32) = Base.bitcast(OpticalFlowSessionBindingPointNV, x) convert(T::Type{MicromapTypeEXT}, x::UInt32) = Base.bitcast(MicromapTypeEXT, x) convert(T::Type{CopyMicromapModeEXT}, x::UInt32) = Base.bitcast(CopyMicromapModeEXT, x) convert(T::Type{BuildMicromapModeEXT}, x::UInt32) = Base.bitcast(BuildMicromapModeEXT, x) convert(T::Type{OpacityMicromapFormatEXT}, x::UInt32) = Base.bitcast(OpacityMicromapFormatEXT, x) convert(T::Type{OpacityMicromapSpecialIndexEXT}, x::Int32) = Base.bitcast(OpacityMicromapSpecialIndexEXT, x) convert(T::Type{DeviceFaultAddressTypeEXT}, x::UInt32) = Base.bitcast(DeviceFaultAddressTypeEXT, x) convert(T::Type{DeviceFaultVendorBinaryHeaderVersionEXT}, x::UInt32) = Base.bitcast(DeviceFaultVendorBinaryHeaderVersionEXT, x) convert(T::Type{ImageLayout}, x::VkImageLayout) = Base.bitcast(ImageLayout, x) convert(T::Type{AttachmentLoadOp}, x::VkAttachmentLoadOp) = Base.bitcast(AttachmentLoadOp, x) convert(T::Type{AttachmentStoreOp}, x::VkAttachmentStoreOp) = Base.bitcast(AttachmentStoreOp, x) convert(T::Type{ImageType}, x::VkImageType) = Base.bitcast(ImageType, x) convert(T::Type{ImageTiling}, x::VkImageTiling) = Base.bitcast(ImageTiling, x) convert(T::Type{ImageViewType}, x::VkImageViewType) = Base.bitcast(ImageViewType, x) convert(T::Type{CommandBufferLevel}, x::VkCommandBufferLevel) = Base.bitcast(CommandBufferLevel, x) convert(T::Type{ComponentSwizzle}, x::VkComponentSwizzle) = Base.bitcast(ComponentSwizzle, x) convert(T::Type{DescriptorType}, x::VkDescriptorType) = Base.bitcast(DescriptorType, x) convert(T::Type{QueryType}, x::VkQueryType) = Base.bitcast(QueryType, x) convert(T::Type{BorderColor}, x::VkBorderColor) = Base.bitcast(BorderColor, x) convert(T::Type{PipelineBindPoint}, x::VkPipelineBindPoint) = Base.bitcast(PipelineBindPoint, x) convert(T::Type{PipelineCacheHeaderVersion}, x::VkPipelineCacheHeaderVersion) = Base.bitcast(PipelineCacheHeaderVersion, x) convert(T::Type{PrimitiveTopology}, x::VkPrimitiveTopology) = Base.bitcast(PrimitiveTopology, x) convert(T::Type{SharingMode}, x::VkSharingMode) = Base.bitcast(SharingMode, x) convert(T::Type{IndexType}, x::VkIndexType) = Base.bitcast(IndexType, x) convert(T::Type{Filter}, x::VkFilter) = Base.bitcast(Filter, x) convert(T::Type{SamplerMipmapMode}, x::VkSamplerMipmapMode) = Base.bitcast(SamplerMipmapMode, x) convert(T::Type{SamplerAddressMode}, x::VkSamplerAddressMode) = Base.bitcast(SamplerAddressMode, x) convert(T::Type{CompareOp}, x::VkCompareOp) = Base.bitcast(CompareOp, x) convert(T::Type{PolygonMode}, x::VkPolygonMode) = Base.bitcast(PolygonMode, x) convert(T::Type{FrontFace}, x::VkFrontFace) = Base.bitcast(FrontFace, x) convert(T::Type{BlendFactor}, x::VkBlendFactor) = Base.bitcast(BlendFactor, x) convert(T::Type{BlendOp}, x::VkBlendOp) = Base.bitcast(BlendOp, x) convert(T::Type{StencilOp}, x::VkStencilOp) = Base.bitcast(StencilOp, x) convert(T::Type{LogicOp}, x::VkLogicOp) = Base.bitcast(LogicOp, x) convert(T::Type{InternalAllocationType}, x::VkInternalAllocationType) = Base.bitcast(InternalAllocationType, x) convert(T::Type{SystemAllocationScope}, x::VkSystemAllocationScope) = Base.bitcast(SystemAllocationScope, x) convert(T::Type{PhysicalDeviceType}, x::VkPhysicalDeviceType) = Base.bitcast(PhysicalDeviceType, x) convert(T::Type{VertexInputRate}, x::VkVertexInputRate) = Base.bitcast(VertexInputRate, x) convert(T::Type{Format}, x::VkFormat) = Base.bitcast(Format, x) convert(T::Type{StructureType}, x::VkStructureType) = Base.bitcast(StructureType, x) convert(T::Type{SubpassContents}, x::VkSubpassContents) = Base.bitcast(SubpassContents, x) convert(T::Type{Result}, x::VkResult) = Base.bitcast(Result, x) convert(T::Type{DynamicState}, x::VkDynamicState) = Base.bitcast(DynamicState, x) convert(T::Type{DescriptorUpdateTemplateType}, x::VkDescriptorUpdateTemplateType) = Base.bitcast(DescriptorUpdateTemplateType, x) convert(T::Type{ObjectType}, x::VkObjectType) = Base.bitcast(ObjectType, x) convert(T::Type{RayTracingInvocationReorderModeNV}, x::VkRayTracingInvocationReorderModeNV) = Base.bitcast(RayTracingInvocationReorderModeNV, x) convert(T::Type{DirectDriverLoadingModeLUNARG}, x::VkDirectDriverLoadingModeLUNARG) = Base.bitcast(DirectDriverLoadingModeLUNARG, x) convert(T::Type{SemaphoreType}, x::VkSemaphoreType) = Base.bitcast(SemaphoreType, x) convert(T::Type{PresentModeKHR}, x::VkPresentModeKHR) = Base.bitcast(PresentModeKHR, x) convert(T::Type{ColorSpaceKHR}, x::VkColorSpaceKHR) = Base.bitcast(ColorSpaceKHR, x) convert(T::Type{TimeDomainEXT}, x::VkTimeDomainEXT) = Base.bitcast(TimeDomainEXT, x) convert(T::Type{DebugReportObjectTypeEXT}, x::VkDebugReportObjectTypeEXT) = Base.bitcast(DebugReportObjectTypeEXT, x) convert(T::Type{DeviceMemoryReportEventTypeEXT}, x::VkDeviceMemoryReportEventTypeEXT) = Base.bitcast(DeviceMemoryReportEventTypeEXT, x) convert(T::Type{RasterizationOrderAMD}, x::VkRasterizationOrderAMD) = Base.bitcast(RasterizationOrderAMD, x) convert(T::Type{ValidationCheckEXT}, x::VkValidationCheckEXT) = Base.bitcast(ValidationCheckEXT, x) convert(T::Type{ValidationFeatureEnableEXT}, x::VkValidationFeatureEnableEXT) = Base.bitcast(ValidationFeatureEnableEXT, x) convert(T::Type{ValidationFeatureDisableEXT}, x::VkValidationFeatureDisableEXT) = Base.bitcast(ValidationFeatureDisableEXT, x) convert(T::Type{IndirectCommandsTokenTypeNV}, x::VkIndirectCommandsTokenTypeNV) = Base.bitcast(IndirectCommandsTokenTypeNV, x) convert(T::Type{DisplayPowerStateEXT}, x::VkDisplayPowerStateEXT) = Base.bitcast(DisplayPowerStateEXT, x) convert(T::Type{DeviceEventTypeEXT}, x::VkDeviceEventTypeEXT) = Base.bitcast(DeviceEventTypeEXT, x) convert(T::Type{DisplayEventTypeEXT}, x::VkDisplayEventTypeEXT) = Base.bitcast(DisplayEventTypeEXT, x) convert(T::Type{ViewportCoordinateSwizzleNV}, x::VkViewportCoordinateSwizzleNV) = Base.bitcast(ViewportCoordinateSwizzleNV, x) convert(T::Type{DiscardRectangleModeEXT}, x::VkDiscardRectangleModeEXT) = Base.bitcast(DiscardRectangleModeEXT, x) convert(T::Type{PointClippingBehavior}, x::VkPointClippingBehavior) = Base.bitcast(PointClippingBehavior, x) convert(T::Type{SamplerReductionMode}, x::VkSamplerReductionMode) = Base.bitcast(SamplerReductionMode, x) convert(T::Type{TessellationDomainOrigin}, x::VkTessellationDomainOrigin) = Base.bitcast(TessellationDomainOrigin, x) convert(T::Type{SamplerYcbcrModelConversion}, x::VkSamplerYcbcrModelConversion) = Base.bitcast(SamplerYcbcrModelConversion, x) convert(T::Type{SamplerYcbcrRange}, x::VkSamplerYcbcrRange) = Base.bitcast(SamplerYcbcrRange, x) convert(T::Type{ChromaLocation}, x::VkChromaLocation) = Base.bitcast(ChromaLocation, x) convert(T::Type{BlendOverlapEXT}, x::VkBlendOverlapEXT) = Base.bitcast(BlendOverlapEXT, x) convert(T::Type{CoverageModulationModeNV}, x::VkCoverageModulationModeNV) = Base.bitcast(CoverageModulationModeNV, x) convert(T::Type{CoverageReductionModeNV}, x::VkCoverageReductionModeNV) = Base.bitcast(CoverageReductionModeNV, x) convert(T::Type{ValidationCacheHeaderVersionEXT}, x::VkValidationCacheHeaderVersionEXT) = Base.bitcast(ValidationCacheHeaderVersionEXT, x) convert(T::Type{ShaderInfoTypeAMD}, x::VkShaderInfoTypeAMD) = Base.bitcast(ShaderInfoTypeAMD, x) convert(T::Type{QueueGlobalPriorityKHR}, x::VkQueueGlobalPriorityKHR) = Base.bitcast(QueueGlobalPriorityKHR, x) convert(T::Type{ConservativeRasterizationModeEXT}, x::VkConservativeRasterizationModeEXT) = Base.bitcast(ConservativeRasterizationModeEXT, x) convert(T::Type{VendorId}, x::VkVendorId) = Base.bitcast(VendorId, x) convert(T::Type{DriverId}, x::VkDriverId) = Base.bitcast(DriverId, x) convert(T::Type{ShadingRatePaletteEntryNV}, x::VkShadingRatePaletteEntryNV) = Base.bitcast(ShadingRatePaletteEntryNV, x) convert(T::Type{CoarseSampleOrderTypeNV}, x::VkCoarseSampleOrderTypeNV) = Base.bitcast(CoarseSampleOrderTypeNV, x) convert(T::Type{CopyAccelerationStructureModeKHR}, x::VkCopyAccelerationStructureModeKHR) = Base.bitcast(CopyAccelerationStructureModeKHR, x) convert(T::Type{BuildAccelerationStructureModeKHR}, x::VkBuildAccelerationStructureModeKHR) = Base.bitcast(BuildAccelerationStructureModeKHR, x) convert(T::Type{AccelerationStructureTypeKHR}, x::VkAccelerationStructureTypeKHR) = Base.bitcast(AccelerationStructureTypeKHR, x) convert(T::Type{GeometryTypeKHR}, x::VkGeometryTypeKHR) = Base.bitcast(GeometryTypeKHR, x) convert(T::Type{AccelerationStructureMemoryRequirementsTypeNV}, x::VkAccelerationStructureMemoryRequirementsTypeNV) = Base.bitcast(AccelerationStructureMemoryRequirementsTypeNV, x) convert(T::Type{AccelerationStructureBuildTypeKHR}, x::VkAccelerationStructureBuildTypeKHR) = Base.bitcast(AccelerationStructureBuildTypeKHR, x) convert(T::Type{RayTracingShaderGroupTypeKHR}, x::VkRayTracingShaderGroupTypeKHR) = Base.bitcast(RayTracingShaderGroupTypeKHR, x) convert(T::Type{AccelerationStructureCompatibilityKHR}, x::VkAccelerationStructureCompatibilityKHR) = Base.bitcast(AccelerationStructureCompatibilityKHR, x) convert(T::Type{ShaderGroupShaderKHR}, x::VkShaderGroupShaderKHR) = Base.bitcast(ShaderGroupShaderKHR, x) convert(T::Type{MemoryOverallocationBehaviorAMD}, x::VkMemoryOverallocationBehaviorAMD) = Base.bitcast(MemoryOverallocationBehaviorAMD, x) convert(T::Type{ScopeNV}, x::VkScopeNV) = Base.bitcast(ScopeNV, x) convert(T::Type{ComponentTypeNV}, x::VkComponentTypeNV) = Base.bitcast(ComponentTypeNV, x) convert(T::Type{FullScreenExclusiveEXT}, x::VkFullScreenExclusiveEXT) = Base.bitcast(FullScreenExclusiveEXT, x) convert(T::Type{PerformanceCounterScopeKHR}, x::VkPerformanceCounterScopeKHR) = Base.bitcast(PerformanceCounterScopeKHR, x) convert(T::Type{PerformanceCounterUnitKHR}, x::VkPerformanceCounterUnitKHR) = Base.bitcast(PerformanceCounterUnitKHR, x) convert(T::Type{PerformanceCounterStorageKHR}, x::VkPerformanceCounterStorageKHR) = Base.bitcast(PerformanceCounterStorageKHR, x) convert(T::Type{PerformanceConfigurationTypeINTEL}, x::VkPerformanceConfigurationTypeINTEL) = Base.bitcast(PerformanceConfigurationTypeINTEL, x) convert(T::Type{QueryPoolSamplingModeINTEL}, x::VkQueryPoolSamplingModeINTEL) = Base.bitcast(QueryPoolSamplingModeINTEL, x) convert(T::Type{PerformanceOverrideTypeINTEL}, x::VkPerformanceOverrideTypeINTEL) = Base.bitcast(PerformanceOverrideTypeINTEL, x) convert(T::Type{PerformanceParameterTypeINTEL}, x::VkPerformanceParameterTypeINTEL) = Base.bitcast(PerformanceParameterTypeINTEL, x) convert(T::Type{PerformanceValueTypeINTEL}, x::VkPerformanceValueTypeINTEL) = Base.bitcast(PerformanceValueTypeINTEL, x) convert(T::Type{ShaderFloatControlsIndependence}, x::VkShaderFloatControlsIndependence) = Base.bitcast(ShaderFloatControlsIndependence, x) convert(T::Type{PipelineExecutableStatisticFormatKHR}, x::VkPipelineExecutableStatisticFormatKHR) = Base.bitcast(PipelineExecutableStatisticFormatKHR, x) convert(T::Type{LineRasterizationModeEXT}, x::VkLineRasterizationModeEXT) = Base.bitcast(LineRasterizationModeEXT, x) convert(T::Type{FragmentShadingRateCombinerOpKHR}, x::VkFragmentShadingRateCombinerOpKHR) = Base.bitcast(FragmentShadingRateCombinerOpKHR, x) convert(T::Type{FragmentShadingRateNV}, x::VkFragmentShadingRateNV) = Base.bitcast(FragmentShadingRateNV, x) convert(T::Type{FragmentShadingRateTypeNV}, x::VkFragmentShadingRateTypeNV) = Base.bitcast(FragmentShadingRateTypeNV, x) convert(T::Type{SubpassMergeStatusEXT}, x::VkSubpassMergeStatusEXT) = Base.bitcast(SubpassMergeStatusEXT, x) convert(T::Type{ProvokingVertexModeEXT}, x::VkProvokingVertexModeEXT) = Base.bitcast(ProvokingVertexModeEXT, x) convert(T::Type{AccelerationStructureMotionInstanceTypeNV}, x::VkAccelerationStructureMotionInstanceTypeNV) = Base.bitcast(AccelerationStructureMotionInstanceTypeNV, x) convert(T::Type{DeviceAddressBindingTypeEXT}, x::VkDeviceAddressBindingTypeEXT) = Base.bitcast(DeviceAddressBindingTypeEXT, x) convert(T::Type{QueryResultStatusKHR}, x::VkQueryResultStatusKHR) = Base.bitcast(QueryResultStatusKHR, x) convert(T::Type{PipelineRobustnessBufferBehaviorEXT}, x::VkPipelineRobustnessBufferBehaviorEXT) = Base.bitcast(PipelineRobustnessBufferBehaviorEXT, x) convert(T::Type{PipelineRobustnessImageBehaviorEXT}, x::VkPipelineRobustnessImageBehaviorEXT) = Base.bitcast(PipelineRobustnessImageBehaviorEXT, x) convert(T::Type{OpticalFlowPerformanceLevelNV}, x::VkOpticalFlowPerformanceLevelNV) = Base.bitcast(OpticalFlowPerformanceLevelNV, x) convert(T::Type{OpticalFlowSessionBindingPointNV}, x::VkOpticalFlowSessionBindingPointNV) = Base.bitcast(OpticalFlowSessionBindingPointNV, x) convert(T::Type{MicromapTypeEXT}, x::VkMicromapTypeEXT) = Base.bitcast(MicromapTypeEXT, x) convert(T::Type{CopyMicromapModeEXT}, x::VkCopyMicromapModeEXT) = Base.bitcast(CopyMicromapModeEXT, x) convert(T::Type{BuildMicromapModeEXT}, x::VkBuildMicromapModeEXT) = Base.bitcast(BuildMicromapModeEXT, x) convert(T::Type{OpacityMicromapFormatEXT}, x::VkOpacityMicromapFormatEXT) = Base.bitcast(OpacityMicromapFormatEXT, x) convert(T::Type{OpacityMicromapSpecialIndexEXT}, x::VkOpacityMicromapSpecialIndexEXT) = Base.bitcast(OpacityMicromapSpecialIndexEXT, x) convert(T::Type{DeviceFaultAddressTypeEXT}, x::VkDeviceFaultAddressTypeEXT) = Base.bitcast(DeviceFaultAddressTypeEXT, x) convert(T::Type{DeviceFaultVendorBinaryHeaderVersionEXT}, x::VkDeviceFaultVendorBinaryHeaderVersionEXT) = Base.bitcast(DeviceFaultVendorBinaryHeaderVersionEXT, x) convert(T::Type{VkImageLayout}, x::ImageLayout) = Base.bitcast(VkImageLayout, x) convert(T::Type{VkAttachmentLoadOp}, x::AttachmentLoadOp) = Base.bitcast(VkAttachmentLoadOp, x) convert(T::Type{VkAttachmentStoreOp}, x::AttachmentStoreOp) = Base.bitcast(VkAttachmentStoreOp, x) convert(T::Type{VkImageType}, x::ImageType) = Base.bitcast(VkImageType, x) convert(T::Type{VkImageTiling}, x::ImageTiling) = Base.bitcast(VkImageTiling, x) convert(T::Type{VkImageViewType}, x::ImageViewType) = Base.bitcast(VkImageViewType, x) convert(T::Type{VkCommandBufferLevel}, x::CommandBufferLevel) = Base.bitcast(VkCommandBufferLevel, x) convert(T::Type{VkComponentSwizzle}, x::ComponentSwizzle) = Base.bitcast(VkComponentSwizzle, x) convert(T::Type{VkDescriptorType}, x::DescriptorType) = Base.bitcast(VkDescriptorType, x) convert(T::Type{VkQueryType}, x::QueryType) = Base.bitcast(VkQueryType, x) convert(T::Type{VkBorderColor}, x::BorderColor) = Base.bitcast(VkBorderColor, x) convert(T::Type{VkPipelineBindPoint}, x::PipelineBindPoint) = Base.bitcast(VkPipelineBindPoint, x) convert(T::Type{VkPipelineCacheHeaderVersion}, x::PipelineCacheHeaderVersion) = Base.bitcast(VkPipelineCacheHeaderVersion, x) convert(T::Type{VkPrimitiveTopology}, x::PrimitiveTopology) = Base.bitcast(VkPrimitiveTopology, x) convert(T::Type{VkSharingMode}, x::SharingMode) = Base.bitcast(VkSharingMode, x) convert(T::Type{VkIndexType}, x::IndexType) = Base.bitcast(VkIndexType, x) convert(T::Type{VkFilter}, x::Filter) = Base.bitcast(VkFilter, x) convert(T::Type{VkSamplerMipmapMode}, x::SamplerMipmapMode) = Base.bitcast(VkSamplerMipmapMode, x) convert(T::Type{VkSamplerAddressMode}, x::SamplerAddressMode) = Base.bitcast(VkSamplerAddressMode, x) convert(T::Type{VkCompareOp}, x::CompareOp) = Base.bitcast(VkCompareOp, x) convert(T::Type{VkPolygonMode}, x::PolygonMode) = Base.bitcast(VkPolygonMode, x) convert(T::Type{VkFrontFace}, x::FrontFace) = Base.bitcast(VkFrontFace, x) convert(T::Type{VkBlendFactor}, x::BlendFactor) = Base.bitcast(VkBlendFactor, x) convert(T::Type{VkBlendOp}, x::BlendOp) = Base.bitcast(VkBlendOp, x) convert(T::Type{VkStencilOp}, x::StencilOp) = Base.bitcast(VkStencilOp, x) convert(T::Type{VkLogicOp}, x::LogicOp) = Base.bitcast(VkLogicOp, x) convert(T::Type{VkInternalAllocationType}, x::InternalAllocationType) = Base.bitcast(VkInternalAllocationType, x) convert(T::Type{VkSystemAllocationScope}, x::SystemAllocationScope) = Base.bitcast(VkSystemAllocationScope, x) convert(T::Type{VkPhysicalDeviceType}, x::PhysicalDeviceType) = Base.bitcast(VkPhysicalDeviceType, x) convert(T::Type{VkVertexInputRate}, x::VertexInputRate) = Base.bitcast(VkVertexInputRate, x) convert(T::Type{VkFormat}, x::Format) = Base.bitcast(VkFormat, x) convert(T::Type{VkStructureType}, x::StructureType) = Base.bitcast(VkStructureType, x) convert(T::Type{VkSubpassContents}, x::SubpassContents) = Base.bitcast(VkSubpassContents, x) convert(T::Type{VkResult}, x::Result) = Base.bitcast(VkResult, x) convert(T::Type{VkDynamicState}, x::DynamicState) = Base.bitcast(VkDynamicState, x) convert(T::Type{VkDescriptorUpdateTemplateType}, x::DescriptorUpdateTemplateType) = Base.bitcast(VkDescriptorUpdateTemplateType, x) convert(T::Type{VkObjectType}, x::ObjectType) = Base.bitcast(VkObjectType, x) convert(T::Type{VkRayTracingInvocationReorderModeNV}, x::RayTracingInvocationReorderModeNV) = Base.bitcast(VkRayTracingInvocationReorderModeNV, x) convert(T::Type{VkDirectDriverLoadingModeLUNARG}, x::DirectDriverLoadingModeLUNARG) = Base.bitcast(VkDirectDriverLoadingModeLUNARG, x) convert(T::Type{VkSemaphoreType}, x::SemaphoreType) = Base.bitcast(VkSemaphoreType, x) convert(T::Type{VkPresentModeKHR}, x::PresentModeKHR) = Base.bitcast(VkPresentModeKHR, x) convert(T::Type{VkColorSpaceKHR}, x::ColorSpaceKHR) = Base.bitcast(VkColorSpaceKHR, x) convert(T::Type{VkTimeDomainEXT}, x::TimeDomainEXT) = Base.bitcast(VkTimeDomainEXT, x) convert(T::Type{VkDebugReportObjectTypeEXT}, x::DebugReportObjectTypeEXT) = Base.bitcast(VkDebugReportObjectTypeEXT, x) convert(T::Type{VkDeviceMemoryReportEventTypeEXT}, x::DeviceMemoryReportEventTypeEXT) = Base.bitcast(VkDeviceMemoryReportEventTypeEXT, x) convert(T::Type{VkRasterizationOrderAMD}, x::RasterizationOrderAMD) = Base.bitcast(VkRasterizationOrderAMD, x) convert(T::Type{VkValidationCheckEXT}, x::ValidationCheckEXT) = Base.bitcast(VkValidationCheckEXT, x) convert(T::Type{VkValidationFeatureEnableEXT}, x::ValidationFeatureEnableEXT) = Base.bitcast(VkValidationFeatureEnableEXT, x) convert(T::Type{VkValidationFeatureDisableEXT}, x::ValidationFeatureDisableEXT) = Base.bitcast(VkValidationFeatureDisableEXT, x) convert(T::Type{VkIndirectCommandsTokenTypeNV}, x::IndirectCommandsTokenTypeNV) = Base.bitcast(VkIndirectCommandsTokenTypeNV, x) convert(T::Type{VkDisplayPowerStateEXT}, x::DisplayPowerStateEXT) = Base.bitcast(VkDisplayPowerStateEXT, x) convert(T::Type{VkDeviceEventTypeEXT}, x::DeviceEventTypeEXT) = Base.bitcast(VkDeviceEventTypeEXT, x) convert(T::Type{VkDisplayEventTypeEXT}, x::DisplayEventTypeEXT) = Base.bitcast(VkDisplayEventTypeEXT, x) convert(T::Type{VkViewportCoordinateSwizzleNV}, x::ViewportCoordinateSwizzleNV) = Base.bitcast(VkViewportCoordinateSwizzleNV, x) convert(T::Type{VkDiscardRectangleModeEXT}, x::DiscardRectangleModeEXT) = Base.bitcast(VkDiscardRectangleModeEXT, x) convert(T::Type{VkPointClippingBehavior}, x::PointClippingBehavior) = Base.bitcast(VkPointClippingBehavior, x) convert(T::Type{VkSamplerReductionMode}, x::SamplerReductionMode) = Base.bitcast(VkSamplerReductionMode, x) convert(T::Type{VkTessellationDomainOrigin}, x::TessellationDomainOrigin) = Base.bitcast(VkTessellationDomainOrigin, x) convert(T::Type{VkSamplerYcbcrModelConversion}, x::SamplerYcbcrModelConversion) = Base.bitcast(VkSamplerYcbcrModelConversion, x) convert(T::Type{VkSamplerYcbcrRange}, x::SamplerYcbcrRange) = Base.bitcast(VkSamplerYcbcrRange, x) convert(T::Type{VkChromaLocation}, x::ChromaLocation) = Base.bitcast(VkChromaLocation, x) convert(T::Type{VkBlendOverlapEXT}, x::BlendOverlapEXT) = Base.bitcast(VkBlendOverlapEXT, x) convert(T::Type{VkCoverageModulationModeNV}, x::CoverageModulationModeNV) = Base.bitcast(VkCoverageModulationModeNV, x) convert(T::Type{VkCoverageReductionModeNV}, x::CoverageReductionModeNV) = Base.bitcast(VkCoverageReductionModeNV, x) convert(T::Type{VkValidationCacheHeaderVersionEXT}, x::ValidationCacheHeaderVersionEXT) = Base.bitcast(VkValidationCacheHeaderVersionEXT, x) convert(T::Type{VkShaderInfoTypeAMD}, x::ShaderInfoTypeAMD) = Base.bitcast(VkShaderInfoTypeAMD, x) convert(T::Type{VkQueueGlobalPriorityKHR}, x::QueueGlobalPriorityKHR) = Base.bitcast(VkQueueGlobalPriorityKHR, x) convert(T::Type{VkConservativeRasterizationModeEXT}, x::ConservativeRasterizationModeEXT) = Base.bitcast(VkConservativeRasterizationModeEXT, x) convert(T::Type{VkVendorId}, x::VendorId) = Base.bitcast(VkVendorId, x) convert(T::Type{VkDriverId}, x::DriverId) = Base.bitcast(VkDriverId, x) convert(T::Type{VkShadingRatePaletteEntryNV}, x::ShadingRatePaletteEntryNV) = Base.bitcast(VkShadingRatePaletteEntryNV, x) convert(T::Type{VkCoarseSampleOrderTypeNV}, x::CoarseSampleOrderTypeNV) = Base.bitcast(VkCoarseSampleOrderTypeNV, x) convert(T::Type{VkCopyAccelerationStructureModeKHR}, x::CopyAccelerationStructureModeKHR) = Base.bitcast(VkCopyAccelerationStructureModeKHR, x) convert(T::Type{VkBuildAccelerationStructureModeKHR}, x::BuildAccelerationStructureModeKHR) = Base.bitcast(VkBuildAccelerationStructureModeKHR, x) convert(T::Type{VkAccelerationStructureTypeKHR}, x::AccelerationStructureTypeKHR) = Base.bitcast(VkAccelerationStructureTypeKHR, x) convert(T::Type{VkGeometryTypeKHR}, x::GeometryTypeKHR) = Base.bitcast(VkGeometryTypeKHR, x) convert(T::Type{VkAccelerationStructureMemoryRequirementsTypeNV}, x::AccelerationStructureMemoryRequirementsTypeNV) = Base.bitcast(VkAccelerationStructureMemoryRequirementsTypeNV, x) convert(T::Type{VkAccelerationStructureBuildTypeKHR}, x::AccelerationStructureBuildTypeKHR) = Base.bitcast(VkAccelerationStructureBuildTypeKHR, x) convert(T::Type{VkRayTracingShaderGroupTypeKHR}, x::RayTracingShaderGroupTypeKHR) = Base.bitcast(VkRayTracingShaderGroupTypeKHR, x) convert(T::Type{VkAccelerationStructureCompatibilityKHR}, x::AccelerationStructureCompatibilityKHR) = Base.bitcast(VkAccelerationStructureCompatibilityKHR, x) convert(T::Type{VkShaderGroupShaderKHR}, x::ShaderGroupShaderKHR) = Base.bitcast(VkShaderGroupShaderKHR, x) convert(T::Type{VkMemoryOverallocationBehaviorAMD}, x::MemoryOverallocationBehaviorAMD) = Base.bitcast(VkMemoryOverallocationBehaviorAMD, x) convert(T::Type{VkScopeNV}, x::ScopeNV) = Base.bitcast(VkScopeNV, x) convert(T::Type{VkComponentTypeNV}, x::ComponentTypeNV) = Base.bitcast(VkComponentTypeNV, x) convert(T::Type{VkFullScreenExclusiveEXT}, x::FullScreenExclusiveEXT) = Base.bitcast(VkFullScreenExclusiveEXT, x) convert(T::Type{VkPerformanceCounterScopeKHR}, x::PerformanceCounterScopeKHR) = Base.bitcast(VkPerformanceCounterScopeKHR, x) convert(T::Type{VkPerformanceCounterUnitKHR}, x::PerformanceCounterUnitKHR) = Base.bitcast(VkPerformanceCounterUnitKHR, x) convert(T::Type{VkPerformanceCounterStorageKHR}, x::PerformanceCounterStorageKHR) = Base.bitcast(VkPerformanceCounterStorageKHR, x) convert(T::Type{VkPerformanceConfigurationTypeINTEL}, x::PerformanceConfigurationTypeINTEL) = Base.bitcast(VkPerformanceConfigurationTypeINTEL, x) convert(T::Type{VkQueryPoolSamplingModeINTEL}, x::QueryPoolSamplingModeINTEL) = Base.bitcast(VkQueryPoolSamplingModeINTEL, x) convert(T::Type{VkPerformanceOverrideTypeINTEL}, x::PerformanceOverrideTypeINTEL) = Base.bitcast(VkPerformanceOverrideTypeINTEL, x) convert(T::Type{VkPerformanceParameterTypeINTEL}, x::PerformanceParameterTypeINTEL) = Base.bitcast(VkPerformanceParameterTypeINTEL, x) convert(T::Type{VkPerformanceValueTypeINTEL}, x::PerformanceValueTypeINTEL) = Base.bitcast(VkPerformanceValueTypeINTEL, x) convert(T::Type{VkShaderFloatControlsIndependence}, x::ShaderFloatControlsIndependence) = Base.bitcast(VkShaderFloatControlsIndependence, x) convert(T::Type{VkPipelineExecutableStatisticFormatKHR}, x::PipelineExecutableStatisticFormatKHR) = Base.bitcast(VkPipelineExecutableStatisticFormatKHR, x) convert(T::Type{VkLineRasterizationModeEXT}, x::LineRasterizationModeEXT) = Base.bitcast(VkLineRasterizationModeEXT, x) convert(T::Type{VkFragmentShadingRateCombinerOpKHR}, x::FragmentShadingRateCombinerOpKHR) = Base.bitcast(VkFragmentShadingRateCombinerOpKHR, x) convert(T::Type{VkFragmentShadingRateNV}, x::FragmentShadingRateNV) = Base.bitcast(VkFragmentShadingRateNV, x) convert(T::Type{VkFragmentShadingRateTypeNV}, x::FragmentShadingRateTypeNV) = Base.bitcast(VkFragmentShadingRateTypeNV, x) convert(T::Type{VkSubpassMergeStatusEXT}, x::SubpassMergeStatusEXT) = Base.bitcast(VkSubpassMergeStatusEXT, x) convert(T::Type{VkProvokingVertexModeEXT}, x::ProvokingVertexModeEXT) = Base.bitcast(VkProvokingVertexModeEXT, x) convert(T::Type{VkAccelerationStructureMotionInstanceTypeNV}, x::AccelerationStructureMotionInstanceTypeNV) = Base.bitcast(VkAccelerationStructureMotionInstanceTypeNV, x) convert(T::Type{VkDeviceAddressBindingTypeEXT}, x::DeviceAddressBindingTypeEXT) = Base.bitcast(VkDeviceAddressBindingTypeEXT, x) convert(T::Type{VkQueryResultStatusKHR}, x::QueryResultStatusKHR) = Base.bitcast(VkQueryResultStatusKHR, x) convert(T::Type{VkPipelineRobustnessBufferBehaviorEXT}, x::PipelineRobustnessBufferBehaviorEXT) = Base.bitcast(VkPipelineRobustnessBufferBehaviorEXT, x) convert(T::Type{VkPipelineRobustnessImageBehaviorEXT}, x::PipelineRobustnessImageBehaviorEXT) = Base.bitcast(VkPipelineRobustnessImageBehaviorEXT, x) convert(T::Type{VkOpticalFlowPerformanceLevelNV}, x::OpticalFlowPerformanceLevelNV) = Base.bitcast(VkOpticalFlowPerformanceLevelNV, x) convert(T::Type{VkOpticalFlowSessionBindingPointNV}, x::OpticalFlowSessionBindingPointNV) = Base.bitcast(VkOpticalFlowSessionBindingPointNV, x) convert(T::Type{VkMicromapTypeEXT}, x::MicromapTypeEXT) = Base.bitcast(VkMicromapTypeEXT, x) convert(T::Type{VkCopyMicromapModeEXT}, x::CopyMicromapModeEXT) = Base.bitcast(VkCopyMicromapModeEXT, x) convert(T::Type{VkBuildMicromapModeEXT}, x::BuildMicromapModeEXT) = Base.bitcast(VkBuildMicromapModeEXT, x) convert(T::Type{VkOpacityMicromapFormatEXT}, x::OpacityMicromapFormatEXT) = Base.bitcast(VkOpacityMicromapFormatEXT, x) convert(T::Type{VkOpacityMicromapSpecialIndexEXT}, x::OpacityMicromapSpecialIndexEXT) = Base.bitcast(VkOpacityMicromapSpecialIndexEXT, x) convert(T::Type{VkDeviceFaultAddressTypeEXT}, x::DeviceFaultAddressTypeEXT) = Base.bitcast(VkDeviceFaultAddressTypeEXT, x) convert(T::Type{VkDeviceFaultVendorBinaryHeaderVersionEXT}, x::DeviceFaultVendorBinaryHeaderVersionEXT) = Base.bitcast(VkDeviceFaultVendorBinaryHeaderVersionEXT, x) @bitmask PipelineCacheCreateFlag::UInt32 begin PIPELINE_CACHE_CREATE_EXTERNALLY_SYNCHRONIZED_BIT = 1 end @bitmask QueueFlag::UInt32 begin QUEUE_GRAPHICS_BIT = 1 QUEUE_COMPUTE_BIT = 2 QUEUE_TRANSFER_BIT = 4 QUEUE_SPARSE_BINDING_BIT = 8 QUEUE_PROTECTED_BIT = 16 QUEUE_VIDEO_DECODE_BIT_KHR = 32 QUEUE_VIDEO_ENCODE_BIT_KHR = 64 QUEUE_OPTICAL_FLOW_BIT_NV = 256 end @bitmask CullModeFlag::UInt32 begin CULL_MODE_FRONT_BIT = 1 CULL_MODE_BACK_BIT = 2 CULL_MODE_NONE = 0 CULL_MODE_FRONT_AND_BACK = 3 end @bitmask RenderPassCreateFlag::UInt32 begin RENDER_PASS_CREATE_TRANSFORM_BIT_QCOM = 2 end @bitmask DeviceQueueCreateFlag::UInt32 begin DEVICE_QUEUE_CREATE_PROTECTED_BIT = 1 end @bitmask MemoryPropertyFlag::UInt32 begin MEMORY_PROPERTY_DEVICE_LOCAL_BIT = 1 MEMORY_PROPERTY_HOST_VISIBLE_BIT = 2 MEMORY_PROPERTY_HOST_COHERENT_BIT = 4 MEMORY_PROPERTY_HOST_CACHED_BIT = 8 MEMORY_PROPERTY_LAZILY_ALLOCATED_BIT = 16 MEMORY_PROPERTY_PROTECTED_BIT = 32 MEMORY_PROPERTY_DEVICE_COHERENT_BIT_AMD = 64 MEMORY_PROPERTY_DEVICE_UNCACHED_BIT_AMD = 128 MEMORY_PROPERTY_RDMA_CAPABLE_BIT_NV = 256 end @bitmask MemoryHeapFlag::UInt32 begin MEMORY_HEAP_DEVICE_LOCAL_BIT = 1 MEMORY_HEAP_MULTI_INSTANCE_BIT = 2 end @bitmask AccessFlag::UInt32 begin ACCESS_INDIRECT_COMMAND_READ_BIT = 1 ACCESS_INDEX_READ_BIT = 2 ACCESS_VERTEX_ATTRIBUTE_READ_BIT = 4 ACCESS_UNIFORM_READ_BIT = 8 ACCESS_INPUT_ATTACHMENT_READ_BIT = 16 ACCESS_SHADER_READ_BIT = 32 ACCESS_SHADER_WRITE_BIT = 64 ACCESS_COLOR_ATTACHMENT_READ_BIT = 128 ACCESS_COLOR_ATTACHMENT_WRITE_BIT = 256 ACCESS_DEPTH_STENCIL_ATTACHMENT_READ_BIT = 512 ACCESS_DEPTH_STENCIL_ATTACHMENT_WRITE_BIT = 1024 ACCESS_TRANSFER_READ_BIT = 2048 ACCESS_TRANSFER_WRITE_BIT = 4096 ACCESS_HOST_READ_BIT = 8192 ACCESS_HOST_WRITE_BIT = 16384 ACCESS_MEMORY_READ_BIT = 32768 ACCESS_MEMORY_WRITE_BIT = 65536 ACCESS_TRANSFORM_FEEDBACK_WRITE_BIT_EXT = 33554432 ACCESS_TRANSFORM_FEEDBACK_COUNTER_READ_BIT_EXT = 67108864 ACCESS_TRANSFORM_FEEDBACK_COUNTER_WRITE_BIT_EXT = 134217728 ACCESS_CONDITIONAL_RENDERING_READ_BIT_EXT = 1048576 ACCESS_COLOR_ATTACHMENT_READ_NONCOHERENT_BIT_EXT = 524288 ACCESS_ACCELERATION_STRUCTURE_READ_BIT_KHR = 2097152 ACCESS_ACCELERATION_STRUCTURE_WRITE_BIT_KHR = 4194304 ACCESS_FRAGMENT_DENSITY_MAP_READ_BIT_EXT = 16777216 ACCESS_FRAGMENT_SHADING_RATE_ATTACHMENT_READ_BIT_KHR = 8388608 ACCESS_COMMAND_PREPROCESS_READ_BIT_NV = 131072 ACCESS_COMMAND_PREPROCESS_WRITE_BIT_NV = 262144 ACCESS_NONE = 0 end @bitmask BufferUsageFlag::UInt32 begin BUFFER_USAGE_TRANSFER_SRC_BIT = 1 BUFFER_USAGE_TRANSFER_DST_BIT = 2 BUFFER_USAGE_UNIFORM_TEXEL_BUFFER_BIT = 4 BUFFER_USAGE_STORAGE_TEXEL_BUFFER_BIT = 8 BUFFER_USAGE_UNIFORM_BUFFER_BIT = 16 BUFFER_USAGE_STORAGE_BUFFER_BIT = 32 BUFFER_USAGE_INDEX_BUFFER_BIT = 64 BUFFER_USAGE_VERTEX_BUFFER_BIT = 128 BUFFER_USAGE_INDIRECT_BUFFER_BIT = 256 BUFFER_USAGE_SHADER_DEVICE_ADDRESS_BIT = 131072 BUFFER_USAGE_VIDEO_DECODE_SRC_BIT_KHR = 8192 BUFFER_USAGE_VIDEO_DECODE_DST_BIT_KHR = 16384 BUFFER_USAGE_TRANSFORM_FEEDBACK_BUFFER_BIT_EXT = 2048 BUFFER_USAGE_TRANSFORM_FEEDBACK_COUNTER_BUFFER_BIT_EXT = 4096 BUFFER_USAGE_CONDITIONAL_RENDERING_BIT_EXT = 512 BUFFER_USAGE_ACCELERATION_STRUCTURE_BUILD_INPUT_READ_ONLY_BIT_KHR = 524288 BUFFER_USAGE_ACCELERATION_STRUCTURE_STORAGE_BIT_KHR = 1048576 BUFFER_USAGE_SHADER_BINDING_TABLE_BIT_KHR = 1024 BUFFER_USAGE_VIDEO_ENCODE_DST_BIT_KHR = 32768 BUFFER_USAGE_VIDEO_ENCODE_SRC_BIT_KHR = 65536 BUFFER_USAGE_SAMPLER_DESCRIPTOR_BUFFER_BIT_EXT = 2097152 BUFFER_USAGE_RESOURCE_DESCRIPTOR_BUFFER_BIT_EXT = 4194304 BUFFER_USAGE_PUSH_DESCRIPTORS_DESCRIPTOR_BUFFER_BIT_EXT = 67108864 BUFFER_USAGE_MICROMAP_BUILD_INPUT_READ_ONLY_BIT_EXT = 8388608 BUFFER_USAGE_MICROMAP_STORAGE_BIT_EXT = 16777216 end @bitmask BufferCreateFlag::UInt32 begin BUFFER_CREATE_SPARSE_BINDING_BIT = 1 BUFFER_CREATE_SPARSE_RESIDENCY_BIT = 2 BUFFER_CREATE_SPARSE_ALIASED_BIT = 4 BUFFER_CREATE_PROTECTED_BIT = 8 BUFFER_CREATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT = 16 BUFFER_CREATE_DESCRIPTOR_BUFFER_CAPTURE_REPLAY_BIT_EXT = 32 end @bitmask ShaderStageFlag::UInt32 begin SHADER_STAGE_VERTEX_BIT = 1 SHADER_STAGE_TESSELLATION_CONTROL_BIT = 2 SHADER_STAGE_TESSELLATION_EVALUATION_BIT = 4 SHADER_STAGE_GEOMETRY_BIT = 8 SHADER_STAGE_FRAGMENT_BIT = 16 SHADER_STAGE_COMPUTE_BIT = 32 SHADER_STAGE_RAYGEN_BIT_KHR = 256 SHADER_STAGE_ANY_HIT_BIT_KHR = 512 SHADER_STAGE_CLOSEST_HIT_BIT_KHR = 1024 SHADER_STAGE_MISS_BIT_KHR = 2048 SHADER_STAGE_INTERSECTION_BIT_KHR = 4096 SHADER_STAGE_CALLABLE_BIT_KHR = 8192 SHADER_STAGE_TASK_BIT_EXT = 64 SHADER_STAGE_MESH_BIT_EXT = 128 SHADER_STAGE_SUBPASS_SHADING_BIT_HUAWEI = 16384 SHADER_STAGE_CLUSTER_CULLING_BIT_HUAWEI = 524288 SHADER_STAGE_ALL_GRAPHICS = 31 SHADER_STAGE_ALL = 2147483647 end @bitmask ImageUsageFlag::UInt32 begin IMAGE_USAGE_TRANSFER_SRC_BIT = 1 IMAGE_USAGE_TRANSFER_DST_BIT = 2 IMAGE_USAGE_SAMPLED_BIT = 4 IMAGE_USAGE_STORAGE_BIT = 8 IMAGE_USAGE_COLOR_ATTACHMENT_BIT = 16 IMAGE_USAGE_DEPTH_STENCIL_ATTACHMENT_BIT = 32 IMAGE_USAGE_TRANSIENT_ATTACHMENT_BIT = 64 IMAGE_USAGE_INPUT_ATTACHMENT_BIT = 128 IMAGE_USAGE_VIDEO_DECODE_DST_BIT_KHR = 1024 IMAGE_USAGE_VIDEO_DECODE_SRC_BIT_KHR = 2048 IMAGE_USAGE_VIDEO_DECODE_DPB_BIT_KHR = 4096 IMAGE_USAGE_FRAGMENT_DENSITY_MAP_BIT_EXT = 512 IMAGE_USAGE_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR = 256 IMAGE_USAGE_VIDEO_ENCODE_DST_BIT_KHR = 8192 IMAGE_USAGE_VIDEO_ENCODE_SRC_BIT_KHR = 16384 IMAGE_USAGE_VIDEO_ENCODE_DPB_BIT_KHR = 32768 IMAGE_USAGE_ATTACHMENT_FEEDBACK_LOOP_BIT_EXT = 524288 IMAGE_USAGE_INVOCATION_MASK_BIT_HUAWEI = 262144 IMAGE_USAGE_SAMPLE_WEIGHT_BIT_QCOM = 1048576 IMAGE_USAGE_SAMPLE_BLOCK_MATCH_BIT_QCOM = 2097152 end @bitmask ImageCreateFlag::UInt32 begin IMAGE_CREATE_SPARSE_BINDING_BIT = 1 IMAGE_CREATE_SPARSE_RESIDENCY_BIT = 2 IMAGE_CREATE_SPARSE_ALIASED_BIT = 4 IMAGE_CREATE_MUTABLE_FORMAT_BIT = 8 IMAGE_CREATE_CUBE_COMPATIBLE_BIT = 16 IMAGE_CREATE_ALIAS_BIT = 1024 IMAGE_CREATE_SPLIT_INSTANCE_BIND_REGIONS_BIT = 64 IMAGE_CREATE_2D_ARRAY_COMPATIBLE_BIT = 32 IMAGE_CREATE_BLOCK_TEXEL_VIEW_COMPATIBLE_BIT = 128 IMAGE_CREATE_EXTENDED_USAGE_BIT = 256 IMAGE_CREATE_PROTECTED_BIT = 2048 IMAGE_CREATE_DISJOINT_BIT = 512 IMAGE_CREATE_CORNER_SAMPLED_BIT_NV = 8192 IMAGE_CREATE_SAMPLE_LOCATIONS_COMPATIBLE_DEPTH_BIT_EXT = 4096 IMAGE_CREATE_SUBSAMPLED_BIT_EXT = 16384 IMAGE_CREATE_DESCRIPTOR_BUFFER_CAPTURE_REPLAY_BIT_EXT = 65536 IMAGE_CREATE_MULTISAMPLED_RENDER_TO_SINGLE_SAMPLED_BIT_EXT = 262144 IMAGE_CREATE_2D_VIEW_COMPATIBLE_BIT_EXT = 131072 IMAGE_CREATE_FRAGMENT_DENSITY_MAP_OFFSET_BIT_QCOM = 32768 end @bitmask ImageViewCreateFlag::UInt32 begin IMAGE_VIEW_CREATE_FRAGMENT_DENSITY_MAP_DYNAMIC_BIT_EXT = 1 IMAGE_VIEW_CREATE_DESCRIPTOR_BUFFER_CAPTURE_REPLAY_BIT_EXT = 4 IMAGE_VIEW_CREATE_FRAGMENT_DENSITY_MAP_DEFERRED_BIT_EXT = 2 end @bitmask SamplerCreateFlag::UInt32 begin SAMPLER_CREATE_SUBSAMPLED_BIT_EXT = 1 SAMPLER_CREATE_SUBSAMPLED_COARSE_RECONSTRUCTION_BIT_EXT = 2 SAMPLER_CREATE_DESCRIPTOR_BUFFER_CAPTURE_REPLAY_BIT_EXT = 8 SAMPLER_CREATE_NON_SEAMLESS_CUBE_MAP_BIT_EXT = 4 SAMPLER_CREATE_IMAGE_PROCESSING_BIT_QCOM = 16 end @bitmask PipelineCreateFlag::UInt32 begin PIPELINE_CREATE_DISABLE_OPTIMIZATION_BIT = 1 PIPELINE_CREATE_ALLOW_DERIVATIVES_BIT = 2 PIPELINE_CREATE_DERIVATIVE_BIT = 4 PIPELINE_CREATE_VIEW_INDEX_FROM_DEVICE_INDEX_BIT = 8 PIPELINE_CREATE_DISPATCH_BASE_BIT = 16 PIPELINE_CREATE_FAIL_ON_PIPELINE_COMPILE_REQUIRED_BIT = 256 PIPELINE_CREATE_EARLY_RETURN_ON_FAILURE_BIT = 512 PIPELINE_CREATE_RENDERING_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR = 2097152 PIPELINE_CREATE_RENDERING_FRAGMENT_DENSITY_MAP_ATTACHMENT_BIT_EXT = 4194304 PIPELINE_CREATE_RAY_TRACING_NO_NULL_ANY_HIT_SHADERS_BIT_KHR = 16384 PIPELINE_CREATE_RAY_TRACING_NO_NULL_CLOSEST_HIT_SHADERS_BIT_KHR = 32768 PIPELINE_CREATE_RAY_TRACING_NO_NULL_MISS_SHADERS_BIT_KHR = 65536 PIPELINE_CREATE_RAY_TRACING_NO_NULL_INTERSECTION_SHADERS_BIT_KHR = 131072 PIPELINE_CREATE_RAY_TRACING_SKIP_TRIANGLES_BIT_KHR = 4096 PIPELINE_CREATE_RAY_TRACING_SKIP_AABBS_BIT_KHR = 8192 PIPELINE_CREATE_RAY_TRACING_SHADER_GROUP_HANDLE_CAPTURE_REPLAY_BIT_KHR = 524288 PIPELINE_CREATE_DEFER_COMPILE_BIT_NV = 32 PIPELINE_CREATE_CAPTURE_STATISTICS_BIT_KHR = 64 PIPELINE_CREATE_CAPTURE_INTERNAL_REPRESENTATIONS_BIT_KHR = 128 PIPELINE_CREATE_INDIRECT_BINDABLE_BIT_NV = 262144 PIPELINE_CREATE_LIBRARY_BIT_KHR = 2048 PIPELINE_CREATE_DESCRIPTOR_BUFFER_BIT_EXT = 536870912 PIPELINE_CREATE_RETAIN_LINK_TIME_OPTIMIZATION_INFO_BIT_EXT = 8388608 PIPELINE_CREATE_LINK_TIME_OPTIMIZATION_BIT_EXT = 1024 PIPELINE_CREATE_RAY_TRACING_ALLOW_MOTION_BIT_NV = 1048576 PIPELINE_CREATE_COLOR_ATTACHMENT_FEEDBACK_LOOP_BIT_EXT = 33554432 PIPELINE_CREATE_DEPTH_STENCIL_ATTACHMENT_FEEDBACK_LOOP_BIT_EXT = 67108864 PIPELINE_CREATE_RAY_TRACING_OPACITY_MICROMAP_BIT_EXT = 16777216 PIPELINE_CREATE_NO_PROTECTED_ACCESS_BIT_EXT = 134217728 PIPELINE_CREATE_PROTECTED_ACCESS_ONLY_BIT_EXT = 1073741824 end @bitmask PipelineShaderStageCreateFlag::UInt32 begin PIPELINE_SHADER_STAGE_CREATE_ALLOW_VARYING_SUBGROUP_SIZE_BIT = 1 PIPELINE_SHADER_STAGE_CREATE_REQUIRE_FULL_SUBGROUPS_BIT = 2 end @bitmask ColorComponentFlag::UInt32 begin COLOR_COMPONENT_R_BIT = 1 COLOR_COMPONENT_G_BIT = 2 COLOR_COMPONENT_B_BIT = 4 COLOR_COMPONENT_A_BIT = 8 end @bitmask FenceCreateFlag::UInt32 begin FENCE_CREATE_SIGNALED_BIT = 1 end @bitmask SemaphoreCreateFlag::UInt32 begin end @bitmask FormatFeatureFlag::UInt32 begin FORMAT_FEATURE_SAMPLED_IMAGE_BIT = 1 FORMAT_FEATURE_STORAGE_IMAGE_BIT = 2 FORMAT_FEATURE_STORAGE_IMAGE_ATOMIC_BIT = 4 FORMAT_FEATURE_UNIFORM_TEXEL_BUFFER_BIT = 8 FORMAT_FEATURE_STORAGE_TEXEL_BUFFER_BIT = 16 FORMAT_FEATURE_STORAGE_TEXEL_BUFFER_ATOMIC_BIT = 32 FORMAT_FEATURE_VERTEX_BUFFER_BIT = 64 FORMAT_FEATURE_COLOR_ATTACHMENT_BIT = 128 FORMAT_FEATURE_COLOR_ATTACHMENT_BLEND_BIT = 256 FORMAT_FEATURE_DEPTH_STENCIL_ATTACHMENT_BIT = 512 FORMAT_FEATURE_BLIT_SRC_BIT = 1024 FORMAT_FEATURE_BLIT_DST_BIT = 2048 FORMAT_FEATURE_SAMPLED_IMAGE_FILTER_LINEAR_BIT = 4096 FORMAT_FEATURE_TRANSFER_SRC_BIT = 16384 FORMAT_FEATURE_TRANSFER_DST_BIT = 32768 FORMAT_FEATURE_MIDPOINT_CHROMA_SAMPLES_BIT = 131072 FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_LINEAR_FILTER_BIT = 262144 FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_SEPARATE_RECONSTRUCTION_FILTER_BIT = 524288 FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_BIT = 1048576 FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_FORCEABLE_BIT = 2097152 FORMAT_FEATURE_DISJOINT_BIT = 4194304 FORMAT_FEATURE_COSITED_CHROMA_SAMPLES_BIT = 8388608 FORMAT_FEATURE_SAMPLED_IMAGE_FILTER_MINMAX_BIT = 65536 FORMAT_FEATURE_VIDEO_DECODE_OUTPUT_BIT_KHR = 33554432 FORMAT_FEATURE_VIDEO_DECODE_DPB_BIT_KHR = 67108864 FORMAT_FEATURE_ACCELERATION_STRUCTURE_VERTEX_BUFFER_BIT_KHR = 536870912 FORMAT_FEATURE_SAMPLED_IMAGE_FILTER_CUBIC_BIT_EXT = 8192 FORMAT_FEATURE_FRAGMENT_DENSITY_MAP_BIT_EXT = 16777216 FORMAT_FEATURE_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR = 1073741824 FORMAT_FEATURE_VIDEO_ENCODE_INPUT_BIT_KHR = 134217728 FORMAT_FEATURE_VIDEO_ENCODE_DPB_BIT_KHR = 268435456 end @bitmask QueryControlFlag::UInt32 begin QUERY_CONTROL_PRECISE_BIT = 1 end @bitmask QueryResultFlag::UInt32 begin QUERY_RESULT_64_BIT = 1 QUERY_RESULT_WAIT_BIT = 2 QUERY_RESULT_WITH_AVAILABILITY_BIT = 4 QUERY_RESULT_PARTIAL_BIT = 8 QUERY_RESULT_WITH_STATUS_BIT_KHR = 16 end @bitmask CommandBufferUsageFlag::UInt32 begin COMMAND_BUFFER_USAGE_ONE_TIME_SUBMIT_BIT = 1 COMMAND_BUFFER_USAGE_RENDER_PASS_CONTINUE_BIT = 2 COMMAND_BUFFER_USAGE_SIMULTANEOUS_USE_BIT = 4 end @bitmask QueryPipelineStatisticFlag::UInt32 begin QUERY_PIPELINE_STATISTIC_INPUT_ASSEMBLY_VERTICES_BIT = 1 QUERY_PIPELINE_STATISTIC_INPUT_ASSEMBLY_PRIMITIVES_BIT = 2 QUERY_PIPELINE_STATISTIC_VERTEX_SHADER_INVOCATIONS_BIT = 4 QUERY_PIPELINE_STATISTIC_GEOMETRY_SHADER_INVOCATIONS_BIT = 8 QUERY_PIPELINE_STATISTIC_GEOMETRY_SHADER_PRIMITIVES_BIT = 16 QUERY_PIPELINE_STATISTIC_CLIPPING_INVOCATIONS_BIT = 32 QUERY_PIPELINE_STATISTIC_CLIPPING_PRIMITIVES_BIT = 64 QUERY_PIPELINE_STATISTIC_FRAGMENT_SHADER_INVOCATIONS_BIT = 128 QUERY_PIPELINE_STATISTIC_TESSELLATION_CONTROL_SHADER_PATCHES_BIT = 256 QUERY_PIPELINE_STATISTIC_TESSELLATION_EVALUATION_SHADER_INVOCATIONS_BIT = 512 QUERY_PIPELINE_STATISTIC_COMPUTE_SHADER_INVOCATIONS_BIT = 1024 QUERY_PIPELINE_STATISTIC_TASK_SHADER_INVOCATIONS_BIT_EXT = 2048 QUERY_PIPELINE_STATISTIC_MESH_SHADER_INVOCATIONS_BIT_EXT = 4096 QUERY_PIPELINE_STATISTIC_CLUSTER_CULLING_SHADER_INVOCATIONS_BIT_HUAWEI = 8192 end @bitmask ImageAspectFlag::UInt32 begin IMAGE_ASPECT_COLOR_BIT = 1 IMAGE_ASPECT_DEPTH_BIT = 2 IMAGE_ASPECT_STENCIL_BIT = 4 IMAGE_ASPECT_METADATA_BIT = 8 IMAGE_ASPECT_PLANE_0_BIT = 16 IMAGE_ASPECT_PLANE_1_BIT = 32 IMAGE_ASPECT_PLANE_2_BIT = 64 IMAGE_ASPECT_MEMORY_PLANE_0_BIT_EXT = 128 IMAGE_ASPECT_MEMORY_PLANE_1_BIT_EXT = 256 IMAGE_ASPECT_MEMORY_PLANE_2_BIT_EXT = 512 IMAGE_ASPECT_MEMORY_PLANE_3_BIT_EXT = 1024 IMAGE_ASPECT_NONE = 0 end @bitmask SparseImageFormatFlag::UInt32 begin SPARSE_IMAGE_FORMAT_SINGLE_MIPTAIL_BIT = 1 SPARSE_IMAGE_FORMAT_ALIGNED_MIP_SIZE_BIT = 2 SPARSE_IMAGE_FORMAT_NONSTANDARD_BLOCK_SIZE_BIT = 4 end @bitmask SparseMemoryBindFlag::UInt32 begin SPARSE_MEMORY_BIND_METADATA_BIT = 1 end @bitmask PipelineStageFlag::UInt32 begin PIPELINE_STAGE_TOP_OF_PIPE_BIT = 1 PIPELINE_STAGE_DRAW_INDIRECT_BIT = 2 PIPELINE_STAGE_VERTEX_INPUT_BIT = 4 PIPELINE_STAGE_VERTEX_SHADER_BIT = 8 PIPELINE_STAGE_TESSELLATION_CONTROL_SHADER_BIT = 16 PIPELINE_STAGE_TESSELLATION_EVALUATION_SHADER_BIT = 32 PIPELINE_STAGE_GEOMETRY_SHADER_BIT = 64 PIPELINE_STAGE_FRAGMENT_SHADER_BIT = 128 PIPELINE_STAGE_EARLY_FRAGMENT_TESTS_BIT = 256 PIPELINE_STAGE_LATE_FRAGMENT_TESTS_BIT = 512 PIPELINE_STAGE_COLOR_ATTACHMENT_OUTPUT_BIT = 1024 PIPELINE_STAGE_COMPUTE_SHADER_BIT = 2048 PIPELINE_STAGE_TRANSFER_BIT = 4096 PIPELINE_STAGE_BOTTOM_OF_PIPE_BIT = 8192 PIPELINE_STAGE_HOST_BIT = 16384 PIPELINE_STAGE_ALL_GRAPHICS_BIT = 32768 PIPELINE_STAGE_ALL_COMMANDS_BIT = 65536 PIPELINE_STAGE_TRANSFORM_FEEDBACK_BIT_EXT = 16777216 PIPELINE_STAGE_CONDITIONAL_RENDERING_BIT_EXT = 262144 PIPELINE_STAGE_ACCELERATION_STRUCTURE_BUILD_BIT_KHR = 33554432 PIPELINE_STAGE_RAY_TRACING_SHADER_BIT_KHR = 2097152 PIPELINE_STAGE_FRAGMENT_DENSITY_PROCESS_BIT_EXT = 8388608 PIPELINE_STAGE_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR = 4194304 PIPELINE_STAGE_COMMAND_PREPROCESS_BIT_NV = 131072 PIPELINE_STAGE_TASK_SHADER_BIT_EXT = 524288 PIPELINE_STAGE_MESH_SHADER_BIT_EXT = 1048576 PIPELINE_STAGE_NONE = 0 end @bitmask CommandPoolCreateFlag::UInt32 begin COMMAND_POOL_CREATE_TRANSIENT_BIT = 1 COMMAND_POOL_CREATE_RESET_COMMAND_BUFFER_BIT = 2 COMMAND_POOL_CREATE_PROTECTED_BIT = 4 end @bitmask CommandPoolResetFlag::UInt32 begin COMMAND_POOL_RESET_RELEASE_RESOURCES_BIT = 1 end @bitmask CommandBufferResetFlag::UInt32 begin COMMAND_BUFFER_RESET_RELEASE_RESOURCES_BIT = 1 end @bitmask SampleCountFlag::UInt32 begin SAMPLE_COUNT_1_BIT = 1 SAMPLE_COUNT_2_BIT = 2 SAMPLE_COUNT_4_BIT = 4 SAMPLE_COUNT_8_BIT = 8 SAMPLE_COUNT_16_BIT = 16 SAMPLE_COUNT_32_BIT = 32 SAMPLE_COUNT_64_BIT = 64 end @bitmask AttachmentDescriptionFlag::UInt32 begin ATTACHMENT_DESCRIPTION_MAY_ALIAS_BIT = 1 end @bitmask StencilFaceFlag::UInt32 begin STENCIL_FACE_FRONT_BIT = 1 STENCIL_FACE_BACK_BIT = 2 STENCIL_FACE_FRONT_AND_BACK = 3 end @bitmask DescriptorPoolCreateFlag::UInt32 begin DESCRIPTOR_POOL_CREATE_FREE_DESCRIPTOR_SET_BIT = 1 DESCRIPTOR_POOL_CREATE_UPDATE_AFTER_BIND_BIT = 2 DESCRIPTOR_POOL_CREATE_HOST_ONLY_BIT_EXT = 4 end @bitmask DependencyFlag::UInt32 begin DEPENDENCY_BY_REGION_BIT = 1 DEPENDENCY_DEVICE_GROUP_BIT = 4 DEPENDENCY_VIEW_LOCAL_BIT = 2 DEPENDENCY_FEEDBACK_LOOP_BIT_EXT = 8 end @bitmask SemaphoreWaitFlag::UInt32 begin SEMAPHORE_WAIT_ANY_BIT = 1 end @bitmask DisplayPlaneAlphaFlagKHR::UInt32 begin DISPLAY_PLANE_ALPHA_OPAQUE_BIT_KHR = 1 DISPLAY_PLANE_ALPHA_GLOBAL_BIT_KHR = 2 DISPLAY_PLANE_ALPHA_PER_PIXEL_BIT_KHR = 4 DISPLAY_PLANE_ALPHA_PER_PIXEL_PREMULTIPLIED_BIT_KHR = 8 end @bitmask CompositeAlphaFlagKHR::UInt32 begin COMPOSITE_ALPHA_OPAQUE_BIT_KHR = 1 COMPOSITE_ALPHA_PRE_MULTIPLIED_BIT_KHR = 2 COMPOSITE_ALPHA_POST_MULTIPLIED_BIT_KHR = 4 COMPOSITE_ALPHA_INHERIT_BIT_KHR = 8 end @bitmask SurfaceTransformFlagKHR::UInt32 begin SURFACE_TRANSFORM_IDENTITY_BIT_KHR = 1 SURFACE_TRANSFORM_ROTATE_90_BIT_KHR = 2 SURFACE_TRANSFORM_ROTATE_180_BIT_KHR = 4 SURFACE_TRANSFORM_ROTATE_270_BIT_KHR = 8 SURFACE_TRANSFORM_HORIZONTAL_MIRROR_BIT_KHR = 16 SURFACE_TRANSFORM_HORIZONTAL_MIRROR_ROTATE_90_BIT_KHR = 32 SURFACE_TRANSFORM_HORIZONTAL_MIRROR_ROTATE_180_BIT_KHR = 64 SURFACE_TRANSFORM_HORIZONTAL_MIRROR_ROTATE_270_BIT_KHR = 128 SURFACE_TRANSFORM_INHERIT_BIT_KHR = 256 end @bitmask DebugReportFlagEXT::UInt32 begin DEBUG_REPORT_INFORMATION_BIT_EXT = 1 DEBUG_REPORT_WARNING_BIT_EXT = 2 DEBUG_REPORT_PERFORMANCE_WARNING_BIT_EXT = 4 DEBUG_REPORT_ERROR_BIT_EXT = 8 DEBUG_REPORT_DEBUG_BIT_EXT = 16 end @bitmask ExternalMemoryHandleTypeFlagNV::UInt32 begin EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_BIT_NV = 1 EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT_NV = 2 EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_IMAGE_BIT_NV = 4 EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_IMAGE_KMT_BIT_NV = 8 end @bitmask ExternalMemoryFeatureFlagNV::UInt32 begin EXTERNAL_MEMORY_FEATURE_DEDICATED_ONLY_BIT_NV = 1 EXTERNAL_MEMORY_FEATURE_EXPORTABLE_BIT_NV = 2 EXTERNAL_MEMORY_FEATURE_IMPORTABLE_BIT_NV = 4 end @bitmask SubgroupFeatureFlag::UInt32 begin SUBGROUP_FEATURE_BASIC_BIT = 1 SUBGROUP_FEATURE_VOTE_BIT = 2 SUBGROUP_FEATURE_ARITHMETIC_BIT = 4 SUBGROUP_FEATURE_BALLOT_BIT = 8 SUBGROUP_FEATURE_SHUFFLE_BIT = 16 SUBGROUP_FEATURE_SHUFFLE_RELATIVE_BIT = 32 SUBGROUP_FEATURE_CLUSTERED_BIT = 64 SUBGROUP_FEATURE_QUAD_BIT = 128 SUBGROUP_FEATURE_PARTITIONED_BIT_NV = 256 end @bitmask IndirectCommandsLayoutUsageFlagNV::UInt32 begin INDIRECT_COMMANDS_LAYOUT_USAGE_EXPLICIT_PREPROCESS_BIT_NV = 1 INDIRECT_COMMANDS_LAYOUT_USAGE_INDEXED_SEQUENCES_BIT_NV = 2 INDIRECT_COMMANDS_LAYOUT_USAGE_UNORDERED_SEQUENCES_BIT_NV = 4 end @bitmask IndirectStateFlagNV::UInt32 begin INDIRECT_STATE_FLAG_FRONTFACE_BIT_NV = 1 end @bitmask PrivateDataSlotCreateFlag::UInt32 begin end @bitmask DescriptorSetLayoutCreateFlag::UInt32 begin DESCRIPTOR_SET_LAYOUT_CREATE_UPDATE_AFTER_BIND_POOL_BIT = 2 DESCRIPTOR_SET_LAYOUT_CREATE_PUSH_DESCRIPTOR_BIT_KHR = 1 DESCRIPTOR_SET_LAYOUT_CREATE_DESCRIPTOR_BUFFER_BIT_EXT = 16 DESCRIPTOR_SET_LAYOUT_CREATE_EMBEDDED_IMMUTABLE_SAMPLERS_BIT_EXT = 32 DESCRIPTOR_SET_LAYOUT_CREATE_HOST_ONLY_POOL_BIT_EXT = 4 end @bitmask ExternalMemoryHandleTypeFlag::UInt32 begin EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_FD_BIT = 1 EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_BIT = 2 EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT = 4 EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_TEXTURE_BIT = 8 EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_TEXTURE_KMT_BIT = 16 EXTERNAL_MEMORY_HANDLE_TYPE_D3D12_HEAP_BIT = 32 EXTERNAL_MEMORY_HANDLE_TYPE_D3D12_RESOURCE_BIT = 64 EXTERNAL_MEMORY_HANDLE_TYPE_DMA_BUF_BIT_EXT = 512 EXTERNAL_MEMORY_HANDLE_TYPE_ANDROID_HARDWARE_BUFFER_BIT_ANDROID = 1024 EXTERNAL_MEMORY_HANDLE_TYPE_HOST_ALLOCATION_BIT_EXT = 128 EXTERNAL_MEMORY_HANDLE_TYPE_HOST_MAPPED_FOREIGN_MEMORY_BIT_EXT = 256 EXTERNAL_MEMORY_HANDLE_TYPE_ZIRCON_VMO_BIT_FUCHSIA = 2048 EXTERNAL_MEMORY_HANDLE_TYPE_RDMA_ADDRESS_BIT_NV = 4096 end @bitmask ExternalMemoryFeatureFlag::UInt32 begin EXTERNAL_MEMORY_FEATURE_DEDICATED_ONLY_BIT = 1 EXTERNAL_MEMORY_FEATURE_EXPORTABLE_BIT = 2 EXTERNAL_MEMORY_FEATURE_IMPORTABLE_BIT = 4 end @bitmask ExternalSemaphoreHandleTypeFlag::UInt32 begin EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_FD_BIT = 1 EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_WIN32_BIT = 2 EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT = 4 EXTERNAL_SEMAPHORE_HANDLE_TYPE_D3D12_FENCE_BIT = 8 EXTERNAL_SEMAPHORE_HANDLE_TYPE_SYNC_FD_BIT = 16 EXTERNAL_SEMAPHORE_HANDLE_TYPE_ZIRCON_EVENT_BIT_FUCHSIA = 128 end @bitmask ExternalSemaphoreFeatureFlag::UInt32 begin EXTERNAL_SEMAPHORE_FEATURE_EXPORTABLE_BIT = 1 EXTERNAL_SEMAPHORE_FEATURE_IMPORTABLE_BIT = 2 end @bitmask SemaphoreImportFlag::UInt32 begin SEMAPHORE_IMPORT_TEMPORARY_BIT = 1 end @bitmask ExternalFenceHandleTypeFlag::UInt32 begin EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_FD_BIT = 1 EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_WIN32_BIT = 2 EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT = 4 EXTERNAL_FENCE_HANDLE_TYPE_SYNC_FD_BIT = 8 end @bitmask ExternalFenceFeatureFlag::UInt32 begin EXTERNAL_FENCE_FEATURE_EXPORTABLE_BIT = 1 EXTERNAL_FENCE_FEATURE_IMPORTABLE_BIT = 2 end @bitmask FenceImportFlag::UInt32 begin FENCE_IMPORT_TEMPORARY_BIT = 1 end @bitmask SurfaceCounterFlagEXT::UInt32 begin SURFACE_COUNTER_VBLANK_BIT_EXT = 1 end @bitmask PeerMemoryFeatureFlag::UInt32 begin PEER_MEMORY_FEATURE_COPY_SRC_BIT = 1 PEER_MEMORY_FEATURE_COPY_DST_BIT = 2 PEER_MEMORY_FEATURE_GENERIC_SRC_BIT = 4 PEER_MEMORY_FEATURE_GENERIC_DST_BIT = 8 end @bitmask MemoryAllocateFlag::UInt32 begin MEMORY_ALLOCATE_DEVICE_MASK_BIT = 1 MEMORY_ALLOCATE_DEVICE_ADDRESS_BIT = 2 MEMORY_ALLOCATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT = 4 end @bitmask DeviceGroupPresentModeFlagKHR::UInt32 begin DEVICE_GROUP_PRESENT_MODE_LOCAL_BIT_KHR = 1 DEVICE_GROUP_PRESENT_MODE_REMOTE_BIT_KHR = 2 DEVICE_GROUP_PRESENT_MODE_SUM_BIT_KHR = 4 DEVICE_GROUP_PRESENT_MODE_LOCAL_MULTI_DEVICE_BIT_KHR = 8 end @bitmask SwapchainCreateFlagKHR::UInt32 begin SWAPCHAIN_CREATE_SPLIT_INSTANCE_BIND_REGIONS_BIT_KHR = 1 SWAPCHAIN_CREATE_PROTECTED_BIT_KHR = 2 SWAPCHAIN_CREATE_MUTABLE_FORMAT_BIT_KHR = 4 SWAPCHAIN_CREATE_DEFERRED_MEMORY_ALLOCATION_BIT_EXT = 8 end @bitmask SubpassDescriptionFlag::UInt32 begin SUBPASS_DESCRIPTION_PER_VIEW_ATTRIBUTES_BIT_NVX = 1 SUBPASS_DESCRIPTION_PER_VIEW_POSITION_X_ONLY_BIT_NVX = 2 SUBPASS_DESCRIPTION_FRAGMENT_REGION_BIT_QCOM = 4 SUBPASS_DESCRIPTION_SHADER_RESOLVE_BIT_QCOM = 8 SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_COLOR_ACCESS_BIT_EXT = 16 SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_DEPTH_ACCESS_BIT_EXT = 32 SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_STENCIL_ACCESS_BIT_EXT = 64 SUBPASS_DESCRIPTION_ENABLE_LEGACY_DITHERING_BIT_EXT = 128 end @bitmask DebugUtilsMessageSeverityFlagEXT::UInt32 begin DEBUG_UTILS_MESSAGE_SEVERITY_VERBOSE_BIT_EXT = 1 DEBUG_UTILS_MESSAGE_SEVERITY_INFO_BIT_EXT = 16 DEBUG_UTILS_MESSAGE_SEVERITY_WARNING_BIT_EXT = 256 DEBUG_UTILS_MESSAGE_SEVERITY_ERROR_BIT_EXT = 4096 end @bitmask DebugUtilsMessageTypeFlagEXT::UInt32 begin DEBUG_UTILS_MESSAGE_TYPE_GENERAL_BIT_EXT = 1 DEBUG_UTILS_MESSAGE_TYPE_VALIDATION_BIT_EXT = 2 DEBUG_UTILS_MESSAGE_TYPE_PERFORMANCE_BIT_EXT = 4 DEBUG_UTILS_MESSAGE_TYPE_DEVICE_ADDRESS_BINDING_BIT_EXT = 8 end @bitmask DescriptorBindingFlag::UInt32 begin DESCRIPTOR_BINDING_UPDATE_AFTER_BIND_BIT = 1 DESCRIPTOR_BINDING_UPDATE_UNUSED_WHILE_PENDING_BIT = 2 DESCRIPTOR_BINDING_PARTIALLY_BOUND_BIT = 4 DESCRIPTOR_BINDING_VARIABLE_DESCRIPTOR_COUNT_BIT = 8 end @bitmask ConditionalRenderingFlagEXT::UInt32 begin CONDITIONAL_RENDERING_INVERTED_BIT_EXT = 1 end @bitmask ResolveModeFlag::UInt32 begin RESOLVE_MODE_SAMPLE_ZERO_BIT = 1 RESOLVE_MODE_AVERAGE_BIT = 2 RESOLVE_MODE_MIN_BIT = 4 RESOLVE_MODE_MAX_BIT = 8 RESOLVE_MODE_NONE = 0 end @bitmask GeometryInstanceFlagKHR::UInt32 begin GEOMETRY_INSTANCE_TRIANGLE_FACING_CULL_DISABLE_BIT_KHR = 1 GEOMETRY_INSTANCE_TRIANGLE_FLIP_FACING_BIT_KHR = 2 GEOMETRY_INSTANCE_FORCE_OPAQUE_BIT_KHR = 4 GEOMETRY_INSTANCE_FORCE_NO_OPAQUE_BIT_KHR = 8 GEOMETRY_INSTANCE_FORCE_OPACITY_MICROMAP_2_STATE_EXT = 16 GEOMETRY_INSTANCE_DISABLE_OPACITY_MICROMAPS_EXT = 32 end @bitmask GeometryFlagKHR::UInt32 begin GEOMETRY_OPAQUE_BIT_KHR = 1 GEOMETRY_NO_DUPLICATE_ANY_HIT_INVOCATION_BIT_KHR = 2 end @bitmask BuildAccelerationStructureFlagKHR::UInt32 begin BUILD_ACCELERATION_STRUCTURE_ALLOW_UPDATE_BIT_KHR = 1 BUILD_ACCELERATION_STRUCTURE_ALLOW_COMPACTION_BIT_KHR = 2 BUILD_ACCELERATION_STRUCTURE_PREFER_FAST_TRACE_BIT_KHR = 4 BUILD_ACCELERATION_STRUCTURE_PREFER_FAST_BUILD_BIT_KHR = 8 BUILD_ACCELERATION_STRUCTURE_LOW_MEMORY_BIT_KHR = 16 BUILD_ACCELERATION_STRUCTURE_MOTION_BIT_NV = 32 BUILD_ACCELERATION_STRUCTURE_ALLOW_OPACITY_MICROMAP_UPDATE_EXT = 64 BUILD_ACCELERATION_STRUCTURE_ALLOW_DISABLE_OPACITY_MICROMAPS_EXT = 128 BUILD_ACCELERATION_STRUCTURE_ALLOW_OPACITY_MICROMAP_DATA_UPDATE_EXT = 256 end @bitmask AccelerationStructureCreateFlagKHR::UInt32 begin ACCELERATION_STRUCTURE_CREATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT_KHR = 1 ACCELERATION_STRUCTURE_CREATE_DESCRIPTOR_BUFFER_CAPTURE_REPLAY_BIT_EXT = 8 ACCELERATION_STRUCTURE_CREATE_MOTION_BIT_NV = 4 end @bitmask FramebufferCreateFlag::UInt32 begin FRAMEBUFFER_CREATE_IMAGELESS_BIT = 1 end @bitmask DeviceDiagnosticsConfigFlagNV::UInt32 begin DEVICE_DIAGNOSTICS_CONFIG_ENABLE_SHADER_DEBUG_INFO_BIT_NV = 1 DEVICE_DIAGNOSTICS_CONFIG_ENABLE_RESOURCE_TRACKING_BIT_NV = 2 DEVICE_DIAGNOSTICS_CONFIG_ENABLE_AUTOMATIC_CHECKPOINTS_BIT_NV = 4 DEVICE_DIAGNOSTICS_CONFIG_ENABLE_SHADER_ERROR_REPORTING_BIT_NV = 8 end @bitmask PipelineCreationFeedbackFlag::UInt32 begin PIPELINE_CREATION_FEEDBACK_VALID_BIT = 1 PIPELINE_CREATION_FEEDBACK_APPLICATION_PIPELINE_CACHE_HIT_BIT = 2 PIPELINE_CREATION_FEEDBACK_BASE_PIPELINE_ACCELERATION_BIT = 4 end @bitmask MemoryDecompressionMethodFlagNV::UInt64 begin MEMORY_DECOMPRESSION_METHOD_GDEFLATE_1_0_BIT_NV = 1 end @bitmask PerformanceCounterDescriptionFlagKHR::UInt32 begin PERFORMANCE_COUNTER_DESCRIPTION_PERFORMANCE_IMPACTING_BIT_KHR = 1 PERFORMANCE_COUNTER_DESCRIPTION_CONCURRENTLY_IMPACTED_BIT_KHR = 2 end @bitmask AcquireProfilingLockFlagKHR::UInt32 begin end @bitmask ShaderCorePropertiesFlagAMD::UInt32 begin end @bitmask ShaderModuleCreateFlag::UInt32 begin end @bitmask PipelineCompilerControlFlagAMD::UInt32 begin end @bitmask ToolPurposeFlag::UInt32 begin TOOL_PURPOSE_VALIDATION_BIT = 1 TOOL_PURPOSE_PROFILING_BIT = 2 TOOL_PURPOSE_TRACING_BIT = 4 TOOL_PURPOSE_ADDITIONAL_FEATURES_BIT = 8 TOOL_PURPOSE_MODIFYING_FEATURES_BIT = 16 TOOL_PURPOSE_DEBUG_REPORTING_BIT_EXT = 32 TOOL_PURPOSE_DEBUG_MARKERS_BIT_EXT = 64 end @bitmask AccessFlag2::UInt64 begin ACCESS_2_INDIRECT_COMMAND_READ_BIT = 1 ACCESS_2_INDEX_READ_BIT = 2 ACCESS_2_VERTEX_ATTRIBUTE_READ_BIT = 4 ACCESS_2_UNIFORM_READ_BIT = 8 ACCESS_2_INPUT_ATTACHMENT_READ_BIT = 16 ACCESS_2_SHADER_READ_BIT = 32 ACCESS_2_SHADER_WRITE_BIT = 64 ACCESS_2_COLOR_ATTACHMENT_READ_BIT = 128 ACCESS_2_COLOR_ATTACHMENT_WRITE_BIT = 256 ACCESS_2_DEPTH_STENCIL_ATTACHMENT_READ_BIT = 512 ACCESS_2_DEPTH_STENCIL_ATTACHMENT_WRITE_BIT = 1024 ACCESS_2_TRANSFER_READ_BIT = 2048 ACCESS_2_TRANSFER_WRITE_BIT = 4096 ACCESS_2_HOST_READ_BIT = 8192 ACCESS_2_HOST_WRITE_BIT = 16384 ACCESS_2_MEMORY_READ_BIT = 32768 ACCESS_2_MEMORY_WRITE_BIT = 65536 ACCESS_2_SHADER_SAMPLED_READ_BIT = 4294967296 ACCESS_2_SHADER_STORAGE_READ_BIT = 8589934592 ACCESS_2_SHADER_STORAGE_WRITE_BIT = 17179869184 ACCESS_2_VIDEO_DECODE_READ_BIT_KHR = 34359738368 ACCESS_2_VIDEO_DECODE_WRITE_BIT_KHR = 68719476736 ACCESS_2_VIDEO_ENCODE_READ_BIT_KHR = 137438953472 ACCESS_2_VIDEO_ENCODE_WRITE_BIT_KHR = 274877906944 ACCESS_2_TRANSFORM_FEEDBACK_WRITE_BIT_EXT = 33554432 ACCESS_2_TRANSFORM_FEEDBACK_COUNTER_READ_BIT_EXT = 67108864 ACCESS_2_TRANSFORM_FEEDBACK_COUNTER_WRITE_BIT_EXT = 134217728 ACCESS_2_CONDITIONAL_RENDERING_READ_BIT_EXT = 1048576 ACCESS_2_COMMAND_PREPROCESS_READ_BIT_NV = 131072 ACCESS_2_COMMAND_PREPROCESS_WRITE_BIT_NV = 262144 ACCESS_2_FRAGMENT_SHADING_RATE_ATTACHMENT_READ_BIT_KHR = 8388608 ACCESS_2_ACCELERATION_STRUCTURE_READ_BIT_KHR = 2097152 ACCESS_2_ACCELERATION_STRUCTURE_WRITE_BIT_KHR = 4194304 ACCESS_2_FRAGMENT_DENSITY_MAP_READ_BIT_EXT = 16777216 ACCESS_2_COLOR_ATTACHMENT_READ_NONCOHERENT_BIT_EXT = 524288 ACCESS_2_DESCRIPTOR_BUFFER_READ_BIT_EXT = 2199023255552 ACCESS_2_INVOCATION_MASK_READ_BIT_HUAWEI = 549755813888 ACCESS_2_SHADER_BINDING_TABLE_READ_BIT_KHR = 1099511627776 ACCESS_2_MICROMAP_READ_BIT_EXT = 17592186044416 ACCESS_2_MICROMAP_WRITE_BIT_EXT = 35184372088832 ACCESS_2_OPTICAL_FLOW_READ_BIT_NV = 4398046511104 ACCESS_2_OPTICAL_FLOW_WRITE_BIT_NV = 8796093022208 ACCESS_2_NONE = 0 end @bitmask PipelineStageFlag2::UInt64 begin PIPELINE_STAGE_2_TOP_OF_PIPE_BIT = 1 PIPELINE_STAGE_2_DRAW_INDIRECT_BIT = 2 PIPELINE_STAGE_2_VERTEX_INPUT_BIT = 4 PIPELINE_STAGE_2_VERTEX_SHADER_BIT = 8 PIPELINE_STAGE_2_TESSELLATION_CONTROL_SHADER_BIT = 16 PIPELINE_STAGE_2_TESSELLATION_EVALUATION_SHADER_BIT = 32 PIPELINE_STAGE_2_GEOMETRY_SHADER_BIT = 64 PIPELINE_STAGE_2_FRAGMENT_SHADER_BIT = 128 PIPELINE_STAGE_2_EARLY_FRAGMENT_TESTS_BIT = 256 PIPELINE_STAGE_2_LATE_FRAGMENT_TESTS_BIT = 512 PIPELINE_STAGE_2_COLOR_ATTACHMENT_OUTPUT_BIT = 1024 PIPELINE_STAGE_2_COMPUTE_SHADER_BIT = 2048 PIPELINE_STAGE_2_ALL_TRANSFER_BIT = 4096 PIPELINE_STAGE_2_BOTTOM_OF_PIPE_BIT = 8192 PIPELINE_STAGE_2_HOST_BIT = 16384 PIPELINE_STAGE_2_ALL_GRAPHICS_BIT = 32768 PIPELINE_STAGE_2_ALL_COMMANDS_BIT = 65536 PIPELINE_STAGE_2_COPY_BIT = 4294967296 PIPELINE_STAGE_2_RESOLVE_BIT = 8589934592 PIPELINE_STAGE_2_BLIT_BIT = 17179869184 PIPELINE_STAGE_2_CLEAR_BIT = 34359738368 PIPELINE_STAGE_2_INDEX_INPUT_BIT = 68719476736 PIPELINE_STAGE_2_VERTEX_ATTRIBUTE_INPUT_BIT = 137438953472 PIPELINE_STAGE_2_PRE_RASTERIZATION_SHADERS_BIT = 274877906944 PIPELINE_STAGE_2_VIDEO_DECODE_BIT_KHR = 67108864 PIPELINE_STAGE_2_VIDEO_ENCODE_BIT_KHR = 134217728 PIPELINE_STAGE_2_TRANSFORM_FEEDBACK_BIT_EXT = 16777216 PIPELINE_STAGE_2_CONDITIONAL_RENDERING_BIT_EXT = 262144 PIPELINE_STAGE_2_COMMAND_PREPROCESS_BIT_NV = 131072 PIPELINE_STAGE_2_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR = 4194304 PIPELINE_STAGE_2_ACCELERATION_STRUCTURE_BUILD_BIT_KHR = 33554432 PIPELINE_STAGE_2_RAY_TRACING_SHADER_BIT_KHR = 2097152 PIPELINE_STAGE_2_FRAGMENT_DENSITY_PROCESS_BIT_EXT = 8388608 PIPELINE_STAGE_2_TASK_SHADER_BIT_EXT = 524288 PIPELINE_STAGE_2_MESH_SHADER_BIT_EXT = 1048576 PIPELINE_STAGE_2_SUBPASS_SHADING_BIT_HUAWEI = 549755813888 PIPELINE_STAGE_2_INVOCATION_MASK_BIT_HUAWEI = 1099511627776 PIPELINE_STAGE_2_ACCELERATION_STRUCTURE_COPY_BIT_KHR = 268435456 PIPELINE_STAGE_2_MICROMAP_BUILD_BIT_EXT = 1073741824 PIPELINE_STAGE_2_CLUSTER_CULLING_SHADER_BIT_HUAWEI = 2199023255552 PIPELINE_STAGE_2_OPTICAL_FLOW_BIT_NV = 536870912 PIPELINE_STAGE_2_NONE = 0 end @bitmask SubmitFlag::UInt32 begin SUBMIT_PROTECTED_BIT = 1 end @bitmask EventCreateFlag::UInt32 begin EVENT_CREATE_DEVICE_ONLY_BIT = 1 end @bitmask PipelineLayoutCreateFlag::UInt32 begin PIPELINE_LAYOUT_CREATE_INDEPENDENT_SETS_BIT_EXT = 2 end @bitmask PipelineColorBlendStateCreateFlag::UInt32 begin PIPELINE_COLOR_BLEND_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_ACCESS_BIT_EXT = 1 end @bitmask PipelineDepthStencilStateCreateFlag::UInt32 begin PIPELINE_DEPTH_STENCIL_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_DEPTH_ACCESS_BIT_EXT = 1 PIPELINE_DEPTH_STENCIL_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_STENCIL_ACCESS_BIT_EXT = 2 end @bitmask GraphicsPipelineLibraryFlagEXT::UInt32 begin GRAPHICS_PIPELINE_LIBRARY_VERTEX_INPUT_INTERFACE_BIT_EXT = 1 GRAPHICS_PIPELINE_LIBRARY_PRE_RASTERIZATION_SHADERS_BIT_EXT = 2 GRAPHICS_PIPELINE_LIBRARY_FRAGMENT_SHADER_BIT_EXT = 4 GRAPHICS_PIPELINE_LIBRARY_FRAGMENT_OUTPUT_INTERFACE_BIT_EXT = 8 end @bitmask DeviceAddressBindingFlagEXT::UInt32 begin DEVICE_ADDRESS_BINDING_INTERNAL_OBJECT_BIT_EXT = 1 end @bitmask PresentScalingFlagEXT::UInt32 begin PRESENT_SCALING_ONE_TO_ONE_BIT_EXT = 1 PRESENT_SCALING_ASPECT_RATIO_STRETCH_BIT_EXT = 2 PRESENT_SCALING_STRETCH_BIT_EXT = 4 end @bitmask PresentGravityFlagEXT::UInt32 begin PRESENT_GRAVITY_MIN_BIT_EXT = 1 PRESENT_GRAVITY_MAX_BIT_EXT = 2 PRESENT_GRAVITY_CENTERED_BIT_EXT = 4 end @bitmask VideoCodecOperationFlagKHR::UInt32 begin VIDEO_CODEC_OPERATION_ENCODE_H264_BIT_EXT = 65536 VIDEO_CODEC_OPERATION_ENCODE_H265_BIT_EXT = 131072 VIDEO_CODEC_OPERATION_DECODE_H264_BIT_KHR = 1 VIDEO_CODEC_OPERATION_DECODE_H265_BIT_KHR = 2 VIDEO_CODEC_OPERATION_NONE_KHR = 0 end @bitmask VideoChromaSubsamplingFlagKHR::UInt32 begin VIDEO_CHROMA_SUBSAMPLING_MONOCHROME_BIT_KHR = 1 VIDEO_CHROMA_SUBSAMPLING_420_BIT_KHR = 2 VIDEO_CHROMA_SUBSAMPLING_422_BIT_KHR = 4 VIDEO_CHROMA_SUBSAMPLING_444_BIT_KHR = 8 VIDEO_CHROMA_SUBSAMPLING_INVALID_KHR = 0 end @bitmask VideoComponentBitDepthFlagKHR::UInt32 begin VIDEO_COMPONENT_BIT_DEPTH_8_BIT_KHR = 1 VIDEO_COMPONENT_BIT_DEPTH_10_BIT_KHR = 4 VIDEO_COMPONENT_BIT_DEPTH_12_BIT_KHR = 16 VIDEO_COMPONENT_BIT_DEPTH_INVALID_KHR = 0 end @bitmask VideoCapabilityFlagKHR::UInt32 begin VIDEO_CAPABILITY_PROTECTED_CONTENT_BIT_KHR = 1 VIDEO_CAPABILITY_SEPARATE_REFERENCE_IMAGES_BIT_KHR = 2 end @bitmask VideoSessionCreateFlagKHR::UInt32 begin VIDEO_SESSION_CREATE_PROTECTED_CONTENT_BIT_KHR = 1 end @bitmask VideoDecodeH264PictureLayoutFlagKHR::UInt32 begin VIDEO_DECODE_H264_PICTURE_LAYOUT_INTERLACED_INTERLEAVED_LINES_BIT_KHR = 1 VIDEO_DECODE_H264_PICTURE_LAYOUT_INTERLACED_SEPARATE_PLANES_BIT_KHR = 2 VIDEO_DECODE_H264_PICTURE_LAYOUT_PROGRESSIVE_KHR = 0 end @bitmask VideoCodingControlFlagKHR::UInt32 begin VIDEO_CODING_CONTROL_RESET_BIT_KHR = 1 VIDEO_CODING_CONTROL_ENCODE_RATE_CONTROL_BIT_KHR = 2 VIDEO_CODING_CONTROL_ENCODE_RATE_CONTROL_LAYER_BIT_KHR = 4 end @bitmask VideoDecodeUsageFlagKHR::UInt32 begin VIDEO_DECODE_USAGE_TRANSCODING_BIT_KHR = 1 VIDEO_DECODE_USAGE_OFFLINE_BIT_KHR = 2 VIDEO_DECODE_USAGE_STREAMING_BIT_KHR = 4 VIDEO_DECODE_USAGE_DEFAULT_KHR = 0 end @bitmask VideoDecodeCapabilityFlagKHR::UInt32 begin VIDEO_DECODE_CAPABILITY_DPB_AND_OUTPUT_COINCIDE_BIT_KHR = 1 VIDEO_DECODE_CAPABILITY_DPB_AND_OUTPUT_DISTINCT_BIT_KHR = 2 end @bitmask ImageFormatConstraintsFlagFUCHSIA::UInt32 begin end @bitmask FormatFeatureFlag2::UInt64 begin FORMAT_FEATURE_2_SAMPLED_IMAGE_BIT = 1 FORMAT_FEATURE_2_STORAGE_IMAGE_BIT = 2 FORMAT_FEATURE_2_STORAGE_IMAGE_ATOMIC_BIT = 4 FORMAT_FEATURE_2_UNIFORM_TEXEL_BUFFER_BIT = 8 FORMAT_FEATURE_2_STORAGE_TEXEL_BUFFER_BIT = 16 FORMAT_FEATURE_2_STORAGE_TEXEL_BUFFER_ATOMIC_BIT = 32 FORMAT_FEATURE_2_VERTEX_BUFFER_BIT = 64 FORMAT_FEATURE_2_COLOR_ATTACHMENT_BIT = 128 FORMAT_FEATURE_2_COLOR_ATTACHMENT_BLEND_BIT = 256 FORMAT_FEATURE_2_DEPTH_STENCIL_ATTACHMENT_BIT = 512 FORMAT_FEATURE_2_BLIT_SRC_BIT = 1024 FORMAT_FEATURE_2_BLIT_DST_BIT = 2048 FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_LINEAR_BIT = 4096 FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_CUBIC_BIT = 8192 FORMAT_FEATURE_2_TRANSFER_SRC_BIT = 16384 FORMAT_FEATURE_2_TRANSFER_DST_BIT = 32768 FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_MINMAX_BIT = 65536 FORMAT_FEATURE_2_MIDPOINT_CHROMA_SAMPLES_BIT = 131072 FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_LINEAR_FILTER_BIT = 262144 FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_SEPARATE_RECONSTRUCTION_FILTER_BIT = 524288 FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_BIT = 1048576 FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_FORCEABLE_BIT = 2097152 FORMAT_FEATURE_2_DISJOINT_BIT = 4194304 FORMAT_FEATURE_2_COSITED_CHROMA_SAMPLES_BIT = 8388608 FORMAT_FEATURE_2_STORAGE_READ_WITHOUT_FORMAT_BIT = 2147483648 FORMAT_FEATURE_2_STORAGE_WRITE_WITHOUT_FORMAT_BIT = 4294967296 FORMAT_FEATURE_2_SAMPLED_IMAGE_DEPTH_COMPARISON_BIT = 8589934592 FORMAT_FEATURE_2_VIDEO_DECODE_OUTPUT_BIT_KHR = 33554432 FORMAT_FEATURE_2_VIDEO_DECODE_DPB_BIT_KHR = 67108864 FORMAT_FEATURE_2_ACCELERATION_STRUCTURE_VERTEX_BUFFER_BIT_KHR = 536870912 FORMAT_FEATURE_2_FRAGMENT_DENSITY_MAP_BIT_EXT = 16777216 FORMAT_FEATURE_2_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR = 1073741824 FORMAT_FEATURE_2_VIDEO_ENCODE_INPUT_BIT_KHR = 134217728 FORMAT_FEATURE_2_VIDEO_ENCODE_DPB_BIT_KHR = 268435456 FORMAT_FEATURE_2_LINEAR_COLOR_ATTACHMENT_BIT_NV = 274877906944 FORMAT_FEATURE_2_WEIGHT_IMAGE_BIT_QCOM = 17179869184 FORMAT_FEATURE_2_WEIGHT_SAMPLED_IMAGE_BIT_QCOM = 34359738368 FORMAT_FEATURE_2_BLOCK_MATCHING_BIT_QCOM = 68719476736 FORMAT_FEATURE_2_BOX_FILTER_SAMPLED_BIT_QCOM = 137438953472 FORMAT_FEATURE_2_OPTICAL_FLOW_IMAGE_BIT_NV = 1099511627776 FORMAT_FEATURE_2_OPTICAL_FLOW_VECTOR_BIT_NV = 2199023255552 FORMAT_FEATURE_2_OPTICAL_FLOW_COST_BIT_NV = 4398046511104 end @bitmask RenderingFlag::UInt32 begin RENDERING_CONTENTS_SECONDARY_COMMAND_BUFFERS_BIT = 1 RENDERING_SUSPENDING_BIT = 2 RENDERING_RESUMING_BIT = 4 RENDERING_ENABLE_LEGACY_DITHERING_BIT_EXT = 8 end @bitmask InstanceCreateFlag::UInt32 begin INSTANCE_CREATE_ENUMERATE_PORTABILITY_BIT_KHR = 1 end @bitmask ImageCompressionFlagEXT::UInt32 begin IMAGE_COMPRESSION_FIXED_RATE_DEFAULT_EXT = 1 IMAGE_COMPRESSION_FIXED_RATE_EXPLICIT_EXT = 2 IMAGE_COMPRESSION_DISABLED_EXT = 4 IMAGE_COMPRESSION_DEFAULT_EXT = 0 end @bitmask ImageCompressionFixedRateFlagEXT::UInt32 begin IMAGE_COMPRESSION_FIXED_RATE_1BPC_BIT_EXT = 1 IMAGE_COMPRESSION_FIXED_RATE_2BPC_BIT_EXT = 2 IMAGE_COMPRESSION_FIXED_RATE_3BPC_BIT_EXT = 4 IMAGE_COMPRESSION_FIXED_RATE_4BPC_BIT_EXT = 8 IMAGE_COMPRESSION_FIXED_RATE_5BPC_BIT_EXT = 16 IMAGE_COMPRESSION_FIXED_RATE_6BPC_BIT_EXT = 32 IMAGE_COMPRESSION_FIXED_RATE_7BPC_BIT_EXT = 64 IMAGE_COMPRESSION_FIXED_RATE_8BPC_BIT_EXT = 128 IMAGE_COMPRESSION_FIXED_RATE_9BPC_BIT_EXT = 256 IMAGE_COMPRESSION_FIXED_RATE_10BPC_BIT_EXT = 512 IMAGE_COMPRESSION_FIXED_RATE_11BPC_BIT_EXT = 1024 IMAGE_COMPRESSION_FIXED_RATE_12BPC_BIT_EXT = 2048 IMAGE_COMPRESSION_FIXED_RATE_13BPC_BIT_EXT = 4096 IMAGE_COMPRESSION_FIXED_RATE_14BPC_BIT_EXT = 8192 IMAGE_COMPRESSION_FIXED_RATE_15BPC_BIT_EXT = 16384 IMAGE_COMPRESSION_FIXED_RATE_16BPC_BIT_EXT = 32768 IMAGE_COMPRESSION_FIXED_RATE_17BPC_BIT_EXT = 65536 IMAGE_COMPRESSION_FIXED_RATE_18BPC_BIT_EXT = 131072 IMAGE_COMPRESSION_FIXED_RATE_19BPC_BIT_EXT = 262144 IMAGE_COMPRESSION_FIXED_RATE_20BPC_BIT_EXT = 524288 IMAGE_COMPRESSION_FIXED_RATE_21BPC_BIT_EXT = 1048576 IMAGE_COMPRESSION_FIXED_RATE_22BPC_BIT_EXT = 2097152 IMAGE_COMPRESSION_FIXED_RATE_23BPC_BIT_EXT = 4194304 IMAGE_COMPRESSION_FIXED_RATE_24BPC_BIT_EXT = 8388608 IMAGE_COMPRESSION_FIXED_RATE_NONE_EXT = 0 end @bitmask OpticalFlowGridSizeFlagNV::UInt32 begin OPTICAL_FLOW_GRID_SIZE_1X1_BIT_NV = 1 OPTICAL_FLOW_GRID_SIZE_2X2_BIT_NV = 2 OPTICAL_FLOW_GRID_SIZE_4X4_BIT_NV = 4 OPTICAL_FLOW_GRID_SIZE_8X8_BIT_NV = 8 OPTICAL_FLOW_GRID_SIZE_UNKNOWN_NV = 0 end @bitmask OpticalFlowUsageFlagNV::UInt32 begin OPTICAL_FLOW_USAGE_INPUT_BIT_NV = 1 OPTICAL_FLOW_USAGE_OUTPUT_BIT_NV = 2 OPTICAL_FLOW_USAGE_HINT_BIT_NV = 4 OPTICAL_FLOW_USAGE_COST_BIT_NV = 8 OPTICAL_FLOW_USAGE_GLOBAL_FLOW_BIT_NV = 16 OPTICAL_FLOW_USAGE_UNKNOWN_NV = 0 end @bitmask OpticalFlowSessionCreateFlagNV::UInt32 begin OPTICAL_FLOW_SESSION_CREATE_ENABLE_HINT_BIT_NV = 1 OPTICAL_FLOW_SESSION_CREATE_ENABLE_COST_BIT_NV = 2 OPTICAL_FLOW_SESSION_CREATE_ENABLE_GLOBAL_FLOW_BIT_NV = 4 OPTICAL_FLOW_SESSION_CREATE_ALLOW_REGIONS_BIT_NV = 8 OPTICAL_FLOW_SESSION_CREATE_BOTH_DIRECTIONS_BIT_NV = 16 end @bitmask OpticalFlowExecuteFlagNV::UInt32 begin OPTICAL_FLOW_EXECUTE_DISABLE_TEMPORAL_HINTS_BIT_NV = 1 end @bitmask BuildMicromapFlagEXT::UInt32 begin BUILD_MICROMAP_PREFER_FAST_TRACE_BIT_EXT = 1 BUILD_MICROMAP_PREFER_FAST_BUILD_BIT_EXT = 2 BUILD_MICROMAP_ALLOW_COMPACTION_BIT_EXT = 4 end @bitmask MicromapCreateFlagEXT::UInt32 begin MICROMAP_CREATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT_EXT = 1 end """ High-level wrapper for VkAccelerationStructureMotionInstanceDataNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMotionInstanceDataNV.html) """ struct AccelerationStructureMotionInstanceDataNV <: HighLevelStruct vks::VkAccelerationStructureMotionInstanceDataNV end """ High-level wrapper for VkDescriptorDataEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorDataEXT.html) """ struct DescriptorDataEXT <: HighLevelStruct vks::VkDescriptorDataEXT end """ High-level wrapper for VkAccelerationStructureGeometryDataKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryDataKHR.html) """ struct AccelerationStructureGeometryDataKHR <: HighLevelStruct vks::VkAccelerationStructureGeometryDataKHR end """ High-level wrapper for VkDeviceOrHostAddressConstKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceOrHostAddressConstKHR.html) """ struct DeviceOrHostAddressConstKHR <: HighLevelStruct vks::VkDeviceOrHostAddressConstKHR end """ High-level wrapper for VkDeviceOrHostAddressKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceOrHostAddressKHR.html) """ struct DeviceOrHostAddressKHR <: HighLevelStruct vks::VkDeviceOrHostAddressKHR end """ High-level wrapper for VkPipelineExecutableStatisticValueKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableStatisticValueKHR.html) """ struct PipelineExecutableStatisticValueKHR <: HighLevelStruct vks::VkPipelineExecutableStatisticValueKHR end """ High-level wrapper for VkPerformanceValueDataINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceValueDataINTEL.html) """ struct PerformanceValueDataINTEL <: HighLevelStruct vks::VkPerformanceValueDataINTEL end """ High-level wrapper for VkPerformanceCounterResultKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceCounterResultKHR.html) """ struct PerformanceCounterResultKHR <: HighLevelStruct vks::VkPerformanceCounterResultKHR end """ High-level wrapper for VkClearValue. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearValue.html) """ struct ClearValue <: HighLevelStruct vks::VkClearValue end """ High-level wrapper for VkClearColorValue. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearColorValue.html) """ struct ClearColorValue <: HighLevelStruct vks::VkClearColorValue end """ High-level wrapper for VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM. Extension: VK\\_QCOM\\_multiview\\_per\\_view\\_viewports [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM.html) """ @struct_hash_equal struct PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM <: HighLevelStruct next::Any multiview_per_view_viewports::Bool end """ High-level wrapper for VkDirectDriverLoadingInfoLUNARG. Extension: VK\\_LUNARG\\_direct\\_driver\\_loading [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDirectDriverLoadingInfoLUNARG.html) """ @struct_hash_equal struct DirectDriverLoadingInfoLUNARG <: HighLevelStruct next::Any flags::UInt32 pfn_get_instance_proc_addr::FunctionPtr end """ High-level wrapper for VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV. Extension: VK\\_NV\\_ray\\_tracing\\_invocation\\_reorder [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceRayTracingInvocationReorderFeaturesNV <: HighLevelStruct next::Any ray_tracing_invocation_reorder::Bool end """ High-level wrapper for VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT. Extension: VK\\_EXT\\_swapchain\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceSwapchainMaintenance1FeaturesEXT <: HighLevelStruct next::Any swapchain_maintenance_1::Bool end """ High-level wrapper for VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM. Extension: VK\\_ARM\\_shader\\_core\\_builtins [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM.html) """ @struct_hash_equal struct PhysicalDeviceShaderCoreBuiltinsFeaturesARM <: HighLevelStruct next::Any shader_core_builtins::Bool end """ High-level wrapper for VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM. Extension: VK\\_ARM\\_shader\\_core\\_builtins [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM.html) """ @struct_hash_equal struct PhysicalDeviceShaderCoreBuiltinsPropertiesARM <: HighLevelStruct next::Any shader_core_mask::UInt64 shader_core_count::UInt32 shader_warps_per_core::UInt32 end """ High-level wrapper for VkDecompressMemoryRegionNV. Extension: VK\\_NV\\_memory\\_decompression [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDecompressMemoryRegionNV.html) """ @struct_hash_equal struct DecompressMemoryRegionNV <: HighLevelStruct src_address::UInt64 dst_address::UInt64 compressed_size::UInt64 decompressed_size::UInt64 decompression_method::UInt64 end """ High-level wrapper for VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT. Extension: VK\\_EXT\\_pipeline\\_library\\_group\\_handles [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT <: HighLevelStruct next::Any pipeline_library_group_handles::Bool end """ High-level wrapper for VkDeviceFaultCountsEXT. Extension: VK\\_EXT\\_device\\_fault [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultCountsEXT.html) """ @struct_hash_equal struct DeviceFaultCountsEXT <: HighLevelStruct next::Any address_info_count::UInt32 vendor_info_count::UInt32 vendor_binary_size::UInt64 end """ High-level wrapper for VkDeviceFaultVendorInfoEXT. Extension: VK\\_EXT\\_device\\_fault [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultVendorInfoEXT.html) """ @struct_hash_equal struct DeviceFaultVendorInfoEXT <: HighLevelStruct description::String vendor_fault_code::UInt64 vendor_fault_data::UInt64 end """ High-level wrapper for VkPhysicalDeviceFaultFeaturesEXT. Extension: VK\\_EXT\\_device\\_fault [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFaultFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceFaultFeaturesEXT <: HighLevelStruct next::Any device_fault::Bool device_fault_vendor_binary::Bool end """ High-level wrapper for VkOpticalFlowSessionCreatePrivateDataInfoNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowSessionCreatePrivateDataInfoNV.html) """ @struct_hash_equal struct OpticalFlowSessionCreatePrivateDataInfoNV <: HighLevelStruct next::Any id::UInt32 size::UInt32 private_data::Ptr{Cvoid} end """ High-level wrapper for VkPhysicalDeviceOpticalFlowFeaturesNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpticalFlowFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceOpticalFlowFeaturesNV <: HighLevelStruct next::Any optical_flow::Bool end """ High-level wrapper for VkPhysicalDeviceAddressBindingReportFeaturesEXT. Extension: VK\\_EXT\\_device\\_address\\_binding\\_report [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAddressBindingReportFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceAddressBindingReportFeaturesEXT <: HighLevelStruct next::Any report_address_binding::Bool end """ High-level wrapper for VkPhysicalDeviceDepthClampZeroOneFeaturesEXT. Extension: VK\\_EXT\\_depth\\_clamp\\_zero\\_one [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthClampZeroOneFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceDepthClampZeroOneFeaturesEXT <: HighLevelStruct next::Any depth_clamp_zero_one::Bool end """ High-level wrapper for VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT. Extension: VK\\_EXT\\_attachment\\_feedback\\_loop\\_layout [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT <: HighLevelStruct next::Any attachment_feedback_loop_layout::Bool end """ High-level wrapper for VkAmigoProfilingSubmitInfoSEC. Extension: VK\\_SEC\\_amigo\\_profiling [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAmigoProfilingSubmitInfoSEC.html) """ @struct_hash_equal struct AmigoProfilingSubmitInfoSEC <: HighLevelStruct next::Any first_draw_timestamp::UInt64 swap_buffer_timestamp::UInt64 end """ High-level wrapper for VkPhysicalDeviceAmigoProfilingFeaturesSEC. Extension: VK\\_SEC\\_amigo\\_profiling [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAmigoProfilingFeaturesSEC.html) """ @struct_hash_equal struct PhysicalDeviceAmigoProfilingFeaturesSEC <: HighLevelStruct next::Any amigo_profiling::Bool end """ High-level wrapper for VkPhysicalDeviceTilePropertiesFeaturesQCOM. Extension: VK\\_QCOM\\_tile\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTilePropertiesFeaturesQCOM.html) """ @struct_hash_equal struct PhysicalDeviceTilePropertiesFeaturesQCOM <: HighLevelStruct next::Any tile_properties::Bool end """ High-level wrapper for VkPhysicalDeviceImageProcessingFeaturesQCOM. Extension: VK\\_QCOM\\_image\\_processing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageProcessingFeaturesQCOM.html) """ @struct_hash_equal struct PhysicalDeviceImageProcessingFeaturesQCOM <: HighLevelStruct next::Any texture_sample_weighted::Bool texture_box_filter::Bool texture_block_match::Bool end """ High-level wrapper for VkPhysicalDevicePipelineRobustnessFeaturesEXT. Extension: VK\\_EXT\\_pipeline\\_robustness [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineRobustnessFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDevicePipelineRobustnessFeaturesEXT <: HighLevelStruct next::Any pipeline_robustness::Bool end """ High-level wrapper for VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT. Extension: VK\\_EXT\\_non\\_seamless\\_cube\\_map [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceNonSeamlessCubeMapFeaturesEXT <: HighLevelStruct next::Any non_seamless_cube_map::Bool end """ High-level wrapper for VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD. Extension: VK\\_AMD\\_shader\\_early\\_and\\_late\\_fragment\\_tests [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD.html) """ @struct_hash_equal struct PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD <: HighLevelStruct next::Any shader_early_and_late_fragment_tests::Bool end """ High-level wrapper for VkPhysicalDevicePipelinePropertiesFeaturesEXT. Extension: VK\\_EXT\\_pipeline\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelinePropertiesFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDevicePipelinePropertiesFeaturesEXT <: HighLevelStruct next::Any pipeline_properties_identifier::Bool end """ High-level wrapper for VkPipelinePropertiesIdentifierEXT. Extension: VK\\_EXT\\_pipeline\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelinePropertiesIdentifierEXT.html) """ @struct_hash_equal struct PipelinePropertiesIdentifierEXT <: HighLevelStruct next::Any pipeline_identifier::NTuple{Int(VK_UUID_SIZE), UInt8} end """ High-level wrapper for VkPhysicalDeviceOpacityMicromapPropertiesEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpacityMicromapPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceOpacityMicromapPropertiesEXT <: HighLevelStruct next::Any max_opacity_2_state_subdivision_level::UInt32 max_opacity_4_state_subdivision_level::UInt32 end """ High-level wrapper for VkPhysicalDeviceOpacityMicromapFeaturesEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpacityMicromapFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceOpacityMicromapFeaturesEXT <: HighLevelStruct next::Any micromap::Bool micromap_capture_replay::Bool micromap_host_commands::Bool end """ High-level wrapper for VkMicromapTriangleEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapTriangleEXT.html) """ @struct_hash_equal struct MicromapTriangleEXT <: HighLevelStruct data_offset::UInt32 subdivision_level::UInt16 format::UInt16 end """ High-level wrapper for VkMicromapUsageEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapUsageEXT.html) """ @struct_hash_equal struct MicromapUsageEXT <: HighLevelStruct count::UInt32 subdivision_level::UInt32 format::UInt32 end """ High-level wrapper for VkMicromapBuildSizesInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapBuildSizesInfoEXT.html) """ @struct_hash_equal struct MicromapBuildSizesInfoEXT <: HighLevelStruct next::Any micromap_size::UInt64 build_scratch_size::UInt64 discardable::Bool end """ High-level wrapper for VkMicromapVersionInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapVersionInfoEXT.html) """ @struct_hash_equal struct MicromapVersionInfoEXT <: HighLevelStruct next::Any version_data::Vector{UInt8} end """ High-level wrapper for VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT. Extension: VK\\_EXT\\_subpass\\_merge\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceSubpassMergeFeedbackFeaturesEXT <: HighLevelStruct next::Any subpass_merge_feedback::Bool end """ High-level wrapper for VkRenderPassCreationFeedbackInfoEXT. Extension: VK\\_EXT\\_subpass\\_merge\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreationFeedbackInfoEXT.html) """ @struct_hash_equal struct RenderPassCreationFeedbackInfoEXT <: HighLevelStruct post_merge_subpass_count::UInt32 end """ High-level wrapper for VkRenderPassCreationFeedbackCreateInfoEXT. Extension: VK\\_EXT\\_subpass\\_merge\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreationFeedbackCreateInfoEXT.html) """ @struct_hash_equal struct RenderPassCreationFeedbackCreateInfoEXT <: HighLevelStruct next::Any render_pass_feedback::RenderPassCreationFeedbackInfoEXT end """ High-level wrapper for VkRenderPassCreationControlEXT. Extension: VK\\_EXT\\_subpass\\_merge\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreationControlEXT.html) """ @struct_hash_equal struct RenderPassCreationControlEXT <: HighLevelStruct next::Any disallow_merging::Bool end """ High-level wrapper for VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT. Extension: VK\\_EXT\\_image\\_compression\\_control\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT <: HighLevelStruct next::Any image_compression_control_swapchain::Bool end """ High-level wrapper for VkPhysicalDeviceImageCompressionControlFeaturesEXT. Extension: VK\\_EXT\\_image\\_compression\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageCompressionControlFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceImageCompressionControlFeaturesEXT <: HighLevelStruct next::Any image_compression_control::Bool end """ High-level wrapper for VkShaderModuleIdentifierEXT. Extension: VK\\_EXT\\_shader\\_module\\_identifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderModuleIdentifierEXT.html) """ @struct_hash_equal struct ShaderModuleIdentifierEXT <: HighLevelStruct next::Any identifier_size::UInt32 identifier::NTuple{Int(VK_MAX_SHADER_MODULE_IDENTIFIER_SIZE_EXT), UInt8} end """ High-level wrapper for VkPipelineShaderStageModuleIdentifierCreateInfoEXT. Extension: VK\\_EXT\\_shader\\_module\\_identifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineShaderStageModuleIdentifierCreateInfoEXT.html) """ @struct_hash_equal struct PipelineShaderStageModuleIdentifierCreateInfoEXT <: HighLevelStruct next::Any identifier_size::UInt32 identifier::Vector{UInt8} end """ High-level wrapper for VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT. Extension: VK\\_EXT\\_shader\\_module\\_identifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceShaderModuleIdentifierPropertiesEXT <: HighLevelStruct next::Any shader_module_identifier_algorithm_uuid::NTuple{Int(VK_UUID_SIZE), UInt8} end """ High-level wrapper for VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT. Extension: VK\\_EXT\\_shader\\_module\\_identifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceShaderModuleIdentifierFeaturesEXT <: HighLevelStruct next::Any shader_module_identifier::Bool end """ High-level wrapper for VkDescriptorSetLayoutHostMappingInfoVALVE. Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutHostMappingInfoVALVE.html) """ @struct_hash_equal struct DescriptorSetLayoutHostMappingInfoVALVE <: HighLevelStruct next::Any descriptor_offset::UInt descriptor_size::UInt32 end """ High-level wrapper for VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE. Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE.html) """ @struct_hash_equal struct PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE <: HighLevelStruct next::Any descriptor_set_host_mapping::Bool end """ High-level wrapper for VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT. Extension: VK\\_EXT\\_graphics\\_pipeline\\_library [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT <: HighLevelStruct next::Any graphics_pipeline_library_fast_linking::Bool graphics_pipeline_library_independent_interpolation_decoration::Bool end """ High-level wrapper for VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT. Extension: VK\\_EXT\\_graphics\\_pipeline\\_library [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT <: HighLevelStruct next::Any graphics_pipeline_library::Bool end """ High-level wrapper for VkPhysicalDeviceLinearColorAttachmentFeaturesNV. Extension: VK\\_NV\\_linear\\_color\\_attachment [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLinearColorAttachmentFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceLinearColorAttachmentFeaturesNV <: HighLevelStruct next::Any linear_color_attachment::Bool end """ High-level wrapper for VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT. Extension: VK\\_EXT\\_rasterization\\_order\\_attachment\\_access [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT <: HighLevelStruct next::Any rasterization_order_color_attachment_access::Bool rasterization_order_depth_attachment_access::Bool rasterization_order_stencil_attachment_access::Bool end """ High-level wrapper for VkImageViewMinLodCreateInfoEXT. Extension: VK\\_EXT\\_image\\_view\\_min\\_lod [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewMinLodCreateInfoEXT.html) """ @struct_hash_equal struct ImageViewMinLodCreateInfoEXT <: HighLevelStruct next::Any min_lod::Float32 end """ High-level wrapper for VkPhysicalDeviceImageViewMinLodFeaturesEXT. Extension: VK\\_EXT\\_image\\_view\\_min\\_lod [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageViewMinLodFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceImageViewMinLodFeaturesEXT <: HighLevelStruct next::Any min_lod::Bool end """ High-level wrapper for VkMultiviewPerViewAttributesInfoNVX. Extension: VK\\_KHR\\_dynamic\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultiviewPerViewAttributesInfoNVX.html) """ @struct_hash_equal struct MultiviewPerViewAttributesInfoNVX <: HighLevelStruct next::Any per_view_attributes::Bool per_view_attributes_position_x_only::Bool end """ High-level wrapper for VkPhysicalDeviceDynamicRenderingFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDynamicRenderingFeatures.html) """ @struct_hash_equal struct PhysicalDeviceDynamicRenderingFeatures <: HighLevelStruct next::Any dynamic_rendering::Bool end """ High-level wrapper for VkDrmFormatModifierProperties2EXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierProperties2EXT.html) """ @struct_hash_equal struct DrmFormatModifierProperties2EXT <: HighLevelStruct drm_format_modifier::UInt64 drm_format_modifier_plane_count::UInt32 drm_format_modifier_tiling_features::UInt64 end """ High-level wrapper for VkDrmFormatModifierPropertiesList2EXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierPropertiesList2EXT.html) """ @struct_hash_equal struct DrmFormatModifierPropertiesList2EXT <: HighLevelStruct next::Any drm_format_modifier_properties::OptionalPtr{Vector{DrmFormatModifierProperties2EXT}} end """ High-level wrapper for VkFormatProperties3. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFormatProperties3.html) """ @struct_hash_equal struct FormatProperties3 <: HighLevelStruct next::Any linear_tiling_features::UInt64 optimal_tiling_features::UInt64 buffer_features::UInt64 end """ High-level wrapper for VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT. Extension: VK\\_EXT\\_rgba10x6\\_formats [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceRGBA10X6FormatsFeaturesEXT <: HighLevelStruct next::Any format_rgba_1_6_without_y_cb_cr_sampler::Bool end """ High-level wrapper for VkSRTDataNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSRTDataNV.html) """ @struct_hash_equal struct SRTDataNV <: HighLevelStruct sx::Float32 a::Float32 b::Float32 pvx::Float32 sy::Float32 c::Float32 pvy::Float32 sz::Float32 pvz::Float32 qx::Float32 qy::Float32 qz::Float32 qw::Float32 tx::Float32 ty::Float32 tz::Float32 end """ High-level wrapper for VkAccelerationStructureMotionInfoNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMotionInfoNV.html) """ @struct_hash_equal struct AccelerationStructureMotionInfoNV <: HighLevelStruct next::Any max_instances::UInt32 flags::UInt32 end """ High-level wrapper for VkAccelerationStructureGeometryMotionTrianglesDataNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryMotionTrianglesDataNV.html) """ @struct_hash_equal struct AccelerationStructureGeometryMotionTrianglesDataNV <: HighLevelStruct next::Any vertex_data::DeviceOrHostAddressConstKHR end """ High-level wrapper for VkPhysicalDeviceRayTracingMotionBlurFeaturesNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingMotionBlurFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceRayTracingMotionBlurFeaturesNV <: HighLevelStruct next::Any ray_tracing_motion_blur::Bool ray_tracing_motion_blur_pipeline_trace_rays_indirect::Bool end """ High-level wrapper for VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR. Extension: VK\\_KHR\\_fragment\\_shader\\_barycentric [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR.html) """ @struct_hash_equal struct PhysicalDeviceFragmentShaderBarycentricPropertiesKHR <: HighLevelStruct next::Any tri_strip_vertex_order_independent_of_provoking_vertex::Bool end """ High-level wrapper for VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR. Extension: VK\\_KHR\\_fragment\\_shader\\_barycentric [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDeviceFragmentShaderBarycentricFeaturesKHR <: HighLevelStruct next::Any fragment_shader_barycentric::Bool end """ High-level wrapper for VkPhysicalDeviceDrmPropertiesEXT. Extension: VK\\_EXT\\_physical\\_device\\_drm [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDrmPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceDrmPropertiesEXT <: HighLevelStruct next::Any has_primary::Bool has_render::Bool primary_major::Int64 primary_minor::Int64 render_major::Int64 render_minor::Int64 end """ High-level wrapper for VkPhysicalDeviceShaderIntegerDotProductProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderIntegerDotProductProperties.html) """ @struct_hash_equal struct PhysicalDeviceShaderIntegerDotProductProperties <: HighLevelStruct next::Any integer_dot_product_8_bit_unsigned_accelerated::Bool integer_dot_product_8_bit_signed_accelerated::Bool integer_dot_product_8_bit_mixed_signedness_accelerated::Bool integer_dot_product_8_bit_packed_unsigned_accelerated::Bool integer_dot_product_8_bit_packed_signed_accelerated::Bool integer_dot_product_8_bit_packed_mixed_signedness_accelerated::Bool integer_dot_product_16_bit_unsigned_accelerated::Bool integer_dot_product_16_bit_signed_accelerated::Bool integer_dot_product_16_bit_mixed_signedness_accelerated::Bool integer_dot_product_32_bit_unsigned_accelerated::Bool integer_dot_product_32_bit_signed_accelerated::Bool integer_dot_product_32_bit_mixed_signedness_accelerated::Bool integer_dot_product_64_bit_unsigned_accelerated::Bool integer_dot_product_64_bit_signed_accelerated::Bool integer_dot_product_64_bit_mixed_signedness_accelerated::Bool integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated::Bool integer_dot_product_accumulating_saturating_8_bit_signed_accelerated::Bool integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated::Bool integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated::Bool integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated::Bool integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated::Bool integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated::Bool integer_dot_product_accumulating_saturating_16_bit_signed_accelerated::Bool integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated::Bool integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated::Bool integer_dot_product_accumulating_saturating_32_bit_signed_accelerated::Bool integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated::Bool integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated::Bool integer_dot_product_accumulating_saturating_64_bit_signed_accelerated::Bool integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated::Bool end """ High-level wrapper for VkPhysicalDeviceShaderIntegerDotProductFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderIntegerDotProductFeatures.html) """ @struct_hash_equal struct PhysicalDeviceShaderIntegerDotProductFeatures <: HighLevelStruct next::Any shader_integer_dot_product::Bool end """ High-level wrapper for VkOpaqueCaptureDescriptorDataCreateInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpaqueCaptureDescriptorDataCreateInfoEXT.html) """ @struct_hash_equal struct OpaqueCaptureDescriptorDataCreateInfoEXT <: HighLevelStruct next::Any opaque_capture_descriptor_data::Ptr{Cvoid} end """ High-level wrapper for VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT <: HighLevelStruct next::Any combined_image_sampler_density_map_descriptor_size::UInt end """ High-level wrapper for VkPhysicalDeviceDescriptorBufferPropertiesEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorBufferPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceDescriptorBufferPropertiesEXT <: HighLevelStruct next::Any combined_image_sampler_descriptor_single_array::Bool bufferless_push_descriptors::Bool allow_sampler_image_view_post_submit_creation::Bool descriptor_buffer_offset_alignment::UInt64 max_descriptor_buffer_bindings::UInt32 max_resource_descriptor_buffer_bindings::UInt32 max_sampler_descriptor_buffer_bindings::UInt32 max_embedded_immutable_sampler_bindings::UInt32 max_embedded_immutable_samplers::UInt32 buffer_capture_replay_descriptor_data_size::UInt image_capture_replay_descriptor_data_size::UInt image_view_capture_replay_descriptor_data_size::UInt sampler_capture_replay_descriptor_data_size::UInt acceleration_structure_capture_replay_descriptor_data_size::UInt sampler_descriptor_size::UInt combined_image_sampler_descriptor_size::UInt sampled_image_descriptor_size::UInt storage_image_descriptor_size::UInt uniform_texel_buffer_descriptor_size::UInt robust_uniform_texel_buffer_descriptor_size::UInt storage_texel_buffer_descriptor_size::UInt robust_storage_texel_buffer_descriptor_size::UInt uniform_buffer_descriptor_size::UInt robust_uniform_buffer_descriptor_size::UInt storage_buffer_descriptor_size::UInt robust_storage_buffer_descriptor_size::UInt input_attachment_descriptor_size::UInt acceleration_structure_descriptor_size::UInt max_sampler_descriptor_buffer_range::UInt64 max_resource_descriptor_buffer_range::UInt64 sampler_descriptor_buffer_address_space_size::UInt64 resource_descriptor_buffer_address_space_size::UInt64 descriptor_buffer_address_space_size::UInt64 end """ High-level wrapper for VkPhysicalDeviceDescriptorBufferFeaturesEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorBufferFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceDescriptorBufferFeaturesEXT <: HighLevelStruct next::Any descriptor_buffer::Bool descriptor_buffer_capture_replay::Bool descriptor_buffer_image_layout_ignored::Bool descriptor_buffer_push_descriptors::Bool end """ High-level wrapper for VkCuModuleCreateInfoNVX. Extension: VK\\_NVX\\_binary\\_import [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCuModuleCreateInfoNVX.html) """ @struct_hash_equal struct CuModuleCreateInfoNVX <: HighLevelStruct next::Any data_size::UInt data::Ptr{Cvoid} end """ High-level wrapper for VkPhysicalDeviceProvokingVertexPropertiesEXT. Extension: VK\\_EXT\\_provoking\\_vertex [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProvokingVertexPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceProvokingVertexPropertiesEXT <: HighLevelStruct next::Any provoking_vertex_mode_per_pipeline::Bool transform_feedback_preserves_triangle_fan_provoking_vertex::Bool end """ High-level wrapper for VkPhysicalDeviceProvokingVertexFeaturesEXT. Extension: VK\\_EXT\\_provoking\\_vertex [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProvokingVertexFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceProvokingVertexFeaturesEXT <: HighLevelStruct next::Any provoking_vertex_last::Bool transform_feedback_preserves_provoking_vertex::Bool end """ High-level wrapper for VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT. Extension: VK\\_EXT\\_ycbcr\\_2plane\\_444\\_formats [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT <: HighLevelStruct next::Any ycbcr_444_formats::Bool end """ High-level wrapper for VkPhysicalDeviceInheritedViewportScissorFeaturesNV. Extension: VK\\_NV\\_inherited\\_viewport\\_scissor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInheritedViewportScissorFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceInheritedViewportScissorFeaturesNV <: HighLevelStruct next::Any inherited_viewport_scissor_2_d::Bool end """ High-level wrapper for VkVideoEndCodingInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoEndCodingInfoKHR.html) """ @struct_hash_equal struct VideoEndCodingInfoKHR <: HighLevelStruct next::Any flags::UInt32 end """ High-level wrapper for VkVideoSessionParametersUpdateInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionParametersUpdateInfoKHR.html) """ @struct_hash_equal struct VideoSessionParametersUpdateInfoKHR <: HighLevelStruct next::Any update_sequence_count::UInt32 end """ High-level wrapper for VkVideoDecodeH265DpbSlotInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h265 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265DpbSlotInfoKHR.html) """ @struct_hash_equal struct VideoDecodeH265DpbSlotInfoKHR <: HighLevelStruct next::Any std_reference_info::StdVideoDecodeH265ReferenceInfo end """ High-level wrapper for VkVideoDecodeH265PictureInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h265 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265PictureInfoKHR.html) """ @struct_hash_equal struct VideoDecodeH265PictureInfoKHR <: HighLevelStruct next::Any std_picture_info::StdVideoDecodeH265PictureInfo slice_segment_offsets::Vector{UInt32} end """ High-level wrapper for VkVideoDecodeH265SessionParametersAddInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h265 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265SessionParametersAddInfoKHR.html) """ @struct_hash_equal struct VideoDecodeH265SessionParametersAddInfoKHR <: HighLevelStruct next::Any std_vp_ss::Vector{StdVideoH265VideoParameterSet} std_sp_ss::Vector{StdVideoH265SequenceParameterSet} std_pp_ss::Vector{StdVideoH265PictureParameterSet} end """ High-level wrapper for VkVideoDecodeH265SessionParametersCreateInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h265 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265SessionParametersCreateInfoKHR.html) """ @struct_hash_equal struct VideoDecodeH265SessionParametersCreateInfoKHR <: HighLevelStruct next::Any max_std_vps_count::UInt32 max_std_sps_count::UInt32 max_std_pps_count::UInt32 parameters_add_info::OptionalPtr{VideoDecodeH265SessionParametersAddInfoKHR} end """ High-level wrapper for VkVideoDecodeH265CapabilitiesKHR. Extension: VK\\_KHR\\_video\\_decode\\_h265 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265CapabilitiesKHR.html) """ @struct_hash_equal struct VideoDecodeH265CapabilitiesKHR <: HighLevelStruct next::Any max_level_idc::StdVideoH265LevelIdc end """ High-level wrapper for VkVideoDecodeH265ProfileInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h265 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265ProfileInfoKHR.html) """ @struct_hash_equal struct VideoDecodeH265ProfileInfoKHR <: HighLevelStruct next::Any std_profile_idc::StdVideoH265ProfileIdc end """ High-level wrapper for VkVideoDecodeH264DpbSlotInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h264 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264DpbSlotInfoKHR.html) """ @struct_hash_equal struct VideoDecodeH264DpbSlotInfoKHR <: HighLevelStruct next::Any std_reference_info::StdVideoDecodeH264ReferenceInfo end """ High-level wrapper for VkVideoDecodeH264PictureInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h264 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264PictureInfoKHR.html) """ @struct_hash_equal struct VideoDecodeH264PictureInfoKHR <: HighLevelStruct next::Any std_picture_info::StdVideoDecodeH264PictureInfo slice_offsets::Vector{UInt32} end """ High-level wrapper for VkVideoDecodeH264SessionParametersAddInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h264 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264SessionParametersAddInfoKHR.html) """ @struct_hash_equal struct VideoDecodeH264SessionParametersAddInfoKHR <: HighLevelStruct next::Any std_sp_ss::Vector{StdVideoH264SequenceParameterSet} std_pp_ss::Vector{StdVideoH264PictureParameterSet} end """ High-level wrapper for VkVideoDecodeH264SessionParametersCreateInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h264 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264SessionParametersCreateInfoKHR.html) """ @struct_hash_equal struct VideoDecodeH264SessionParametersCreateInfoKHR <: HighLevelStruct next::Any max_std_sps_count::UInt32 max_std_pps_count::UInt32 parameters_add_info::OptionalPtr{VideoDecodeH264SessionParametersAddInfoKHR} end """ High-level wrapper for VkQueueFamilyQueryResultStatusPropertiesKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyQueryResultStatusPropertiesKHR.html) """ @struct_hash_equal struct QueueFamilyQueryResultStatusPropertiesKHR <: HighLevelStruct next::Any query_result_status_support::Bool end """ High-level wrapper for VkPhysicalDevicePipelineProtectedAccessFeaturesEXT. Extension: VK\\_EXT\\_pipeline\\_protected\\_access [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineProtectedAccessFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDevicePipelineProtectedAccessFeaturesEXT <: HighLevelStruct next::Any pipeline_protected_access::Bool end """ High-level wrapper for VkSubpassResolvePerformanceQueryEXT. Extension: VK\\_EXT\\_multisampled\\_render\\_to\\_single\\_sampled [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassResolvePerformanceQueryEXT.html) """ @struct_hash_equal struct SubpassResolvePerformanceQueryEXT <: HighLevelStruct next::Any optimal::Bool end """ High-level wrapper for VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT. Extension: VK\\_EXT\\_multisampled\\_render\\_to\\_single\\_sampled [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT <: HighLevelStruct next::Any multisampled_render_to_single_sampled::Bool end """ High-level wrapper for VkPhysicalDeviceLegacyDitheringFeaturesEXT. Extension: VK\\_EXT\\_legacy\\_dithering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLegacyDitheringFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceLegacyDitheringFeaturesEXT <: HighLevelStruct next::Any legacy_dithering::Bool end """ High-level wrapper for VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT. Extension: VK\\_EXT\\_primitives\\_generated\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT <: HighLevelStruct next::Any primitives_generated_query::Bool primitives_generated_query_with_rasterizer_discard::Bool primitives_generated_query_with_non_zero_streams::Bool end """ High-level wrapper for VkPhysicalDeviceSynchronization2Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSynchronization2Features.html) """ @struct_hash_equal struct PhysicalDeviceSynchronization2Features <: HighLevelStruct next::Any synchronization2::Bool end """ High-level wrapper for VkCheckpointData2NV. Extension: VK\\_KHR\\_synchronization2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCheckpointData2NV.html) """ @struct_hash_equal struct CheckpointData2NV <: HighLevelStruct next::Any stage::UInt64 checkpoint_marker::Ptr{Cvoid} end """ High-level wrapper for VkQueueFamilyCheckpointProperties2NV. Extension: VK\\_KHR\\_synchronization2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyCheckpointProperties2NV.html) """ @struct_hash_equal struct QueueFamilyCheckpointProperties2NV <: HighLevelStruct next::Any checkpoint_execution_stage_mask::UInt64 end """ High-level wrapper for VkMemoryBarrier2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryBarrier2.html) """ @struct_hash_equal struct MemoryBarrier2 <: HighLevelStruct next::Any src_stage_mask::UInt64 src_access_mask::UInt64 dst_stage_mask::UInt64 dst_access_mask::UInt64 end """ High-level wrapper for VkPipelineColorWriteCreateInfoEXT. Extension: VK\\_EXT\\_color\\_write\\_enable [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorWriteCreateInfoEXT.html) """ @struct_hash_equal struct PipelineColorWriteCreateInfoEXT <: HighLevelStruct next::Any color_write_enables::Vector{Bool} end """ High-level wrapper for VkPhysicalDeviceColorWriteEnableFeaturesEXT. Extension: VK\\_EXT\\_color\\_write\\_enable [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceColorWriteEnableFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceColorWriteEnableFeaturesEXT <: HighLevelStruct next::Any color_write_enable::Bool end """ High-level wrapper for VkPhysicalDeviceExternalMemoryRDMAFeaturesNV. Extension: VK\\_NV\\_external\\_memory\\_rdma [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalMemoryRDMAFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceExternalMemoryRDMAFeaturesNV <: HighLevelStruct next::Any external_memory_rdma::Bool end """ High-level wrapper for VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT. Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceVertexInputDynamicStateFeaturesEXT <: HighLevelStruct next::Any vertex_input_dynamic_state::Bool end """ High-level wrapper for VkPipelineViewportDepthClipControlCreateInfoEXT. Extension: VK\\_EXT\\_depth\\_clip\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportDepthClipControlCreateInfoEXT.html) """ @struct_hash_equal struct PipelineViewportDepthClipControlCreateInfoEXT <: HighLevelStruct next::Any negative_one_to_one::Bool end """ High-level wrapper for VkPhysicalDeviceDepthClipControlFeaturesEXT. Extension: VK\\_EXT\\_depth\\_clip\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthClipControlFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceDepthClipControlFeaturesEXT <: HighLevelStruct next::Any depth_clip_control::Bool end """ High-level wrapper for VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT. Extension: VK\\_EXT\\_mutable\\_descriptor\\_type [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceMutableDescriptorTypeFeaturesEXT <: HighLevelStruct next::Any mutable_descriptor_type::Bool end """ High-level wrapper for VkPhysicalDeviceImage2DViewOf3DFeaturesEXT. Extension: VK\\_EXT\\_image\\_2d\\_view\\_of\\_3d [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImage2DViewOf3DFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceImage2DViewOf3DFeaturesEXT <: HighLevelStruct next::Any image_2_d_view_of_3_d::Bool sampler_2_d_view_of_3_d::Bool end """ High-level wrapper for VkAccelerationStructureBuildSizesInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureBuildSizesInfoKHR.html) """ @struct_hash_equal struct AccelerationStructureBuildSizesInfoKHR <: HighLevelStruct next::Any acceleration_structure_size::UInt64 update_scratch_size::UInt64 build_scratch_size::UInt64 end """ High-level wrapper for VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV. Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceFragmentShadingRateEnumsFeaturesNV <: HighLevelStruct next::Any fragment_shading_rate_enums::Bool supersample_fragment_shading_rates::Bool no_invocation_fragment_shading_rates::Bool end """ High-level wrapper for VkPhysicalDeviceShaderTerminateInvocationFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderTerminateInvocationFeatures.html) """ @struct_hash_equal struct PhysicalDeviceShaderTerminateInvocationFeatures <: HighLevelStruct next::Any shader_terminate_invocation::Bool end """ High-level wrapper for VkPhysicalDeviceFragmentShadingRateFeaturesKHR. Extension: VK\\_KHR\\_fragment\\_shading\\_rate [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDeviceFragmentShadingRateFeaturesKHR <: HighLevelStruct next::Any pipeline_fragment_shading_rate::Bool primitive_fragment_shading_rate::Bool attachment_fragment_shading_rate::Bool end """ High-level wrapper for VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT. Extension: VK\\_EXT\\_shader\\_image\\_atomic\\_int64 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceShaderImageAtomicInt64FeaturesEXT <: HighLevelStruct next::Any shader_image_int_64_atomics::Bool sparse_image_int_64_atomics::Bool end """ High-level wrapper for VkBufferCopy2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCopy2.html) """ @struct_hash_equal struct BufferCopy2 <: HighLevelStruct next::Any src_offset::UInt64 dst_offset::UInt64 size::UInt64 end """ High-level wrapper for VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI. Extension: VK\\_HUAWEI\\_cluster\\_culling\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI.html) """ @struct_hash_equal struct PhysicalDeviceClusterCullingShaderFeaturesHUAWEI <: HighLevelStruct next::Any clusterculling_shader::Bool multiview_cluster_culling_shader::Bool end """ High-level wrapper for VkPhysicalDeviceSubpassShadingFeaturesHUAWEI. Extension: VK\\_HUAWEI\\_subpass\\_shading [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubpassShadingFeaturesHUAWEI.html) """ @struct_hash_equal struct PhysicalDeviceSubpassShadingFeaturesHUAWEI <: HighLevelStruct next::Any subpass_shading::Bool end """ High-level wrapper for VkPhysicalDevice4444FormatsFeaturesEXT. Extension: VK\\_EXT\\_4444\\_formats [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevice4444FormatsFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDevice4444FormatsFeaturesEXT <: HighLevelStruct next::Any format_a4r4g4b4::Bool format_a4b4g4r4::Bool end """ High-level wrapper for VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR. Extension: VK\\_KHR\\_workgroup\\_memory\\_explicit\\_layout [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR <: HighLevelStruct next::Any workgroup_memory_explicit_layout::Bool workgroup_memory_explicit_layout_scalar_block_layout::Bool workgroup_memory_explicit_layout_8_bit_access::Bool workgroup_memory_explicit_layout_16_bit_access::Bool end """ High-level wrapper for VkPhysicalDeviceImageRobustnessFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageRobustnessFeatures.html) """ @struct_hash_equal struct PhysicalDeviceImageRobustnessFeatures <: HighLevelStruct next::Any robust_image_access::Bool end """ High-level wrapper for VkPhysicalDeviceRobustness2PropertiesEXT. Extension: VK\\_EXT\\_robustness2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRobustness2PropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceRobustness2PropertiesEXT <: HighLevelStruct next::Any robust_storage_buffer_access_size_alignment::UInt64 robust_uniform_buffer_access_size_alignment::UInt64 end """ High-level wrapper for VkPhysicalDeviceRobustness2FeaturesEXT. Extension: VK\\_EXT\\_robustness2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRobustness2FeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceRobustness2FeaturesEXT <: HighLevelStruct next::Any robust_buffer_access_2::Bool robust_image_access_2::Bool null_descriptor::Bool end """ High-level wrapper for VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR. Extension: VK\\_KHR\\_shader\\_subgroup\\_uniform\\_control\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR <: HighLevelStruct next::Any shader_subgroup_uniform_control_flow::Bool end """ High-level wrapper for VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures.html) """ @struct_hash_equal struct PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures <: HighLevelStruct next::Any shader_zero_initialize_workgroup_memory::Bool end """ High-level wrapper for VkPhysicalDeviceDiagnosticsConfigFeaturesNV. Extension: VK\\_NV\\_device\\_diagnostics\\_config [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDiagnosticsConfigFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceDiagnosticsConfigFeaturesNV <: HighLevelStruct next::Any diagnostics_config::Bool end """ High-level wrapper for VkPhysicalDeviceExtendedDynamicState3PropertiesEXT. Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicState3PropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceExtendedDynamicState3PropertiesEXT <: HighLevelStruct next::Any dynamic_primitive_topology_unrestricted::Bool end """ High-level wrapper for VkPhysicalDeviceExtendedDynamicState3FeaturesEXT. Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicState3FeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceExtendedDynamicState3FeaturesEXT <: HighLevelStruct next::Any extended_dynamic_state_3_tessellation_domain_origin::Bool extended_dynamic_state_3_depth_clamp_enable::Bool extended_dynamic_state_3_polygon_mode::Bool extended_dynamic_state_3_rasterization_samples::Bool extended_dynamic_state_3_sample_mask::Bool extended_dynamic_state_3_alpha_to_coverage_enable::Bool extended_dynamic_state_3_alpha_to_one_enable::Bool extended_dynamic_state_3_logic_op_enable::Bool extended_dynamic_state_3_color_blend_enable::Bool extended_dynamic_state_3_color_blend_equation::Bool extended_dynamic_state_3_color_write_mask::Bool extended_dynamic_state_3_rasterization_stream::Bool extended_dynamic_state_3_conservative_rasterization_mode::Bool extended_dynamic_state_3_extra_primitive_overestimation_size::Bool extended_dynamic_state_3_depth_clip_enable::Bool extended_dynamic_state_3_sample_locations_enable::Bool extended_dynamic_state_3_color_blend_advanced::Bool extended_dynamic_state_3_provoking_vertex_mode::Bool extended_dynamic_state_3_line_rasterization_mode::Bool extended_dynamic_state_3_line_stipple_enable::Bool extended_dynamic_state_3_depth_clip_negative_one_to_one::Bool extended_dynamic_state_3_viewport_w_scaling_enable::Bool extended_dynamic_state_3_viewport_swizzle::Bool extended_dynamic_state_3_coverage_to_color_enable::Bool extended_dynamic_state_3_coverage_to_color_location::Bool extended_dynamic_state_3_coverage_modulation_mode::Bool extended_dynamic_state_3_coverage_modulation_table_enable::Bool extended_dynamic_state_3_coverage_modulation_table::Bool extended_dynamic_state_3_coverage_reduction_mode::Bool extended_dynamic_state_3_representative_fragment_test_enable::Bool extended_dynamic_state_3_shading_rate_image_enable::Bool end """ High-level wrapper for VkPhysicalDeviceExtendedDynamicState2FeaturesEXT. Extension: VK\\_EXT\\_extended\\_dynamic\\_state2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicState2FeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceExtendedDynamicState2FeaturesEXT <: HighLevelStruct next::Any extended_dynamic_state_2::Bool extended_dynamic_state_2_logic_op::Bool extended_dynamic_state_2_patch_control_points::Bool end """ High-level wrapper for VkPhysicalDeviceExtendedDynamicStateFeaturesEXT. Extension: VK\\_EXT\\_extended\\_dynamic\\_state [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicStateFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceExtendedDynamicStateFeaturesEXT <: HighLevelStruct next::Any extended_dynamic_state::Bool end """ High-level wrapper for VkRayTracingPipelineInterfaceCreateInfoKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingPipelineInterfaceCreateInfoKHR.html) """ @struct_hash_equal struct RayTracingPipelineInterfaceCreateInfoKHR <: HighLevelStruct next::Any max_pipeline_ray_payload_size::UInt32 max_pipeline_ray_hit_attribute_size::UInt32 end """ High-level wrapper for VkAccelerationStructureVersionInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureVersionInfoKHR.html) """ @struct_hash_equal struct AccelerationStructureVersionInfoKHR <: HighLevelStruct next::Any version_data::Vector{UInt8} end """ High-level wrapper for VkTransformMatrixKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTransformMatrixKHR.html) """ @struct_hash_equal struct TransformMatrixKHR <: HighLevelStruct matrix::NTuple{3, NTuple{4, Float32}} end """ High-level wrapper for VkAabbPositionsKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAabbPositionsKHR.html) """ @struct_hash_equal struct AabbPositionsKHR <: HighLevelStruct min_x::Float32 min_y::Float32 min_z::Float32 max_x::Float32 max_y::Float32 max_z::Float32 end """ High-level wrapper for VkAccelerationStructureBuildRangeInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureBuildRangeInfoKHR.html) """ @struct_hash_equal struct AccelerationStructureBuildRangeInfoKHR <: HighLevelStruct primitive_count::UInt32 primitive_offset::UInt32 first_vertex::UInt32 transform_offset::UInt32 end """ High-level wrapper for VkAccelerationStructureGeometryInstancesDataKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryInstancesDataKHR.html) """ @struct_hash_equal struct AccelerationStructureGeometryInstancesDataKHR <: HighLevelStruct next::Any array_of_pointers::Bool data::DeviceOrHostAddressConstKHR end """ High-level wrapper for VkAccelerationStructureGeometryAabbsDataKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryAabbsDataKHR.html) """ @struct_hash_equal struct AccelerationStructureGeometryAabbsDataKHR <: HighLevelStruct next::Any data::DeviceOrHostAddressConstKHR stride::UInt64 end """ High-level wrapper for VkPhysicalDeviceBorderColorSwizzleFeaturesEXT. Extension: VK\\_EXT\\_border\\_color\\_swizzle [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBorderColorSwizzleFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceBorderColorSwizzleFeaturesEXT <: HighLevelStruct next::Any border_color_swizzle::Bool border_color_swizzle_from_image::Bool end """ High-level wrapper for VkPhysicalDeviceCustomBorderColorFeaturesEXT. Extension: VK\\_EXT\\_custom\\_border\\_color [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCustomBorderColorFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceCustomBorderColorFeaturesEXT <: HighLevelStruct next::Any custom_border_colors::Bool custom_border_color_without_format::Bool end """ High-level wrapper for VkPhysicalDeviceCustomBorderColorPropertiesEXT. Extension: VK\\_EXT\\_custom\\_border\\_color [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCustomBorderColorPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceCustomBorderColorPropertiesEXT <: HighLevelStruct next::Any max_custom_border_color_samplers::UInt32 end """ High-level wrapper for VkPhysicalDeviceCoherentMemoryFeaturesAMD. Extension: VK\\_AMD\\_device\\_coherent\\_memory [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCoherentMemoryFeaturesAMD.html) """ @struct_hash_equal struct PhysicalDeviceCoherentMemoryFeaturesAMD <: HighLevelStruct next::Any device_coherent_memory::Bool end """ High-level wrapper for VkPhysicalDeviceVulkan13Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan13Features.html) """ @struct_hash_equal struct PhysicalDeviceVulkan13Features <: HighLevelStruct next::Any robust_image_access::Bool inline_uniform_block::Bool descriptor_binding_inline_uniform_block_update_after_bind::Bool pipeline_creation_cache_control::Bool private_data::Bool shader_demote_to_helper_invocation::Bool shader_terminate_invocation::Bool subgroup_size_control::Bool compute_full_subgroups::Bool synchronization2::Bool texture_compression_astc_hdr::Bool shader_zero_initialize_workgroup_memory::Bool dynamic_rendering::Bool shader_integer_dot_product::Bool maintenance4::Bool end """ High-level wrapper for VkPhysicalDeviceVulkan12Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan12Features.html) """ @struct_hash_equal struct PhysicalDeviceVulkan12Features <: HighLevelStruct next::Any sampler_mirror_clamp_to_edge::Bool draw_indirect_count::Bool storage_buffer_8_bit_access::Bool uniform_and_storage_buffer_8_bit_access::Bool storage_push_constant_8::Bool shader_buffer_int_64_atomics::Bool shader_shared_int_64_atomics::Bool shader_float_16::Bool shader_int_8::Bool descriptor_indexing::Bool shader_input_attachment_array_dynamic_indexing::Bool shader_uniform_texel_buffer_array_dynamic_indexing::Bool shader_storage_texel_buffer_array_dynamic_indexing::Bool shader_uniform_buffer_array_non_uniform_indexing::Bool shader_sampled_image_array_non_uniform_indexing::Bool shader_storage_buffer_array_non_uniform_indexing::Bool shader_storage_image_array_non_uniform_indexing::Bool shader_input_attachment_array_non_uniform_indexing::Bool shader_uniform_texel_buffer_array_non_uniform_indexing::Bool shader_storage_texel_buffer_array_non_uniform_indexing::Bool descriptor_binding_uniform_buffer_update_after_bind::Bool descriptor_binding_sampled_image_update_after_bind::Bool descriptor_binding_storage_image_update_after_bind::Bool descriptor_binding_storage_buffer_update_after_bind::Bool descriptor_binding_uniform_texel_buffer_update_after_bind::Bool descriptor_binding_storage_texel_buffer_update_after_bind::Bool descriptor_binding_update_unused_while_pending::Bool descriptor_binding_partially_bound::Bool descriptor_binding_variable_descriptor_count::Bool runtime_descriptor_array::Bool sampler_filter_minmax::Bool scalar_block_layout::Bool imageless_framebuffer::Bool uniform_buffer_standard_layout::Bool shader_subgroup_extended_types::Bool separate_depth_stencil_layouts::Bool host_query_reset::Bool timeline_semaphore::Bool buffer_device_address::Bool buffer_device_address_capture_replay::Bool buffer_device_address_multi_device::Bool vulkan_memory_model::Bool vulkan_memory_model_device_scope::Bool vulkan_memory_model_availability_visibility_chains::Bool shader_output_viewport_index::Bool shader_output_layer::Bool subgroup_broadcast_dynamic_id::Bool end """ High-level wrapper for VkPhysicalDeviceVulkan11Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan11Features.html) """ @struct_hash_equal struct PhysicalDeviceVulkan11Features <: HighLevelStruct next::Any storage_buffer_16_bit_access::Bool uniform_and_storage_buffer_16_bit_access::Bool storage_push_constant_16::Bool storage_input_output_16::Bool multiview::Bool multiview_geometry_shader::Bool multiview_tessellation_shader::Bool variable_pointers_storage_buffer::Bool variable_pointers::Bool protected_memory::Bool sampler_ycbcr_conversion::Bool shader_draw_parameters::Bool end """ High-level wrapper for VkPhysicalDevicePipelineCreationCacheControlFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineCreationCacheControlFeatures.html) """ @struct_hash_equal struct PhysicalDevicePipelineCreationCacheControlFeatures <: HighLevelStruct next::Any pipeline_creation_cache_control::Bool end """ High-level wrapper for VkPhysicalDeviceLineRasterizationPropertiesEXT. Extension: VK\\_EXT\\_line\\_rasterization [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLineRasterizationPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceLineRasterizationPropertiesEXT <: HighLevelStruct next::Any line_sub_pixel_precision_bits::UInt32 end """ High-level wrapper for VkPhysicalDeviceLineRasterizationFeaturesEXT. Extension: VK\\_EXT\\_line\\_rasterization [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLineRasterizationFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceLineRasterizationFeaturesEXT <: HighLevelStruct next::Any rectangular_lines::Bool bresenham_lines::Bool smooth_lines::Bool stippled_rectangular_lines::Bool stippled_bresenham_lines::Bool stippled_smooth_lines::Bool end """ High-level wrapper for VkMemoryOpaqueCaptureAddressAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryOpaqueCaptureAddressAllocateInfo.html) """ @struct_hash_equal struct MemoryOpaqueCaptureAddressAllocateInfo <: HighLevelStruct next::Any opaque_capture_address::UInt64 end """ High-level wrapper for VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI. Extension: VK\\_HUAWEI\\_cluster\\_culling\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI.html) """ @struct_hash_equal struct PhysicalDeviceClusterCullingShaderPropertiesHUAWEI <: HighLevelStruct next::Any max_work_group_count::NTuple{3, UInt32} max_work_group_size::NTuple{3, UInt32} max_output_cluster_count::UInt32 end """ High-level wrapper for VkPhysicalDeviceSubpassShadingPropertiesHUAWEI. Extension: VK\\_HUAWEI\\_subpass\\_shading [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubpassShadingPropertiesHUAWEI.html) """ @struct_hash_equal struct PhysicalDeviceSubpassShadingPropertiesHUAWEI <: HighLevelStruct next::Any max_subpass_shading_workgroup_size_aspect_ratio::UInt32 end """ High-level wrapper for VkPipelineShaderStageRequiredSubgroupSizeCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineShaderStageRequiredSubgroupSizeCreateInfo.html) """ @struct_hash_equal struct PipelineShaderStageRequiredSubgroupSizeCreateInfo <: HighLevelStruct next::Any required_subgroup_size::UInt32 end """ High-level wrapper for VkPhysicalDeviceSubgroupSizeControlFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubgroupSizeControlFeatures.html) """ @struct_hash_equal struct PhysicalDeviceSubgroupSizeControlFeatures <: HighLevelStruct next::Any subgroup_size_control::Bool compute_full_subgroups::Bool end """ High-level wrapper for VkPhysicalDeviceTexelBufferAlignmentProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTexelBufferAlignmentProperties.html) """ @struct_hash_equal struct PhysicalDeviceTexelBufferAlignmentProperties <: HighLevelStruct next::Any storage_texel_buffer_offset_alignment_bytes::UInt64 storage_texel_buffer_offset_single_texel_alignment::Bool uniform_texel_buffer_offset_alignment_bytes::UInt64 uniform_texel_buffer_offset_single_texel_alignment::Bool end """ High-level wrapper for VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT. Extension: VK\\_EXT\\_texel\\_buffer\\_alignment [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceTexelBufferAlignmentFeaturesEXT <: HighLevelStruct next::Any texel_buffer_alignment::Bool end """ High-level wrapper for VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures.html) """ @struct_hash_equal struct PhysicalDeviceShaderDemoteToHelperInvocationFeatures <: HighLevelStruct next::Any shader_demote_to_helper_invocation::Bool end """ High-level wrapper for VkPipelineExecutableInternalRepresentationKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableInternalRepresentationKHR.html) """ @struct_hash_equal struct PipelineExecutableInternalRepresentationKHR <: HighLevelStruct next::Any name::String description::String is_text::Bool data_size::UInt data::OptionalPtr{Ptr{Cvoid}} end """ High-level wrapper for VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDevicePipelineExecutablePropertiesFeaturesKHR <: HighLevelStruct next::Any pipeline_executable_info::Bool end """ High-level wrapper for VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT. Extension: VK\\_EXT\\_primitive\\_topology\\_list\\_restart [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT <: HighLevelStruct next::Any primitive_topology_list_restart::Bool primitive_topology_patch_list_restart::Bool end """ High-level wrapper for VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures.html) """ @struct_hash_equal struct PhysicalDeviceSeparateDepthStencilLayoutsFeatures <: HighLevelStruct next::Any separate_depth_stencil_layouts::Bool end """ High-level wrapper for VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT. Extension: VK\\_EXT\\_fragment\\_shader\\_interlock [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceFragmentShaderInterlockFeaturesEXT <: HighLevelStruct next::Any fragment_shader_sample_interlock::Bool fragment_shader_pixel_interlock::Bool fragment_shader_shading_rate_interlock::Bool end """ High-level wrapper for VkPhysicalDeviceShaderSMBuiltinsFeaturesNV. Extension: VK\\_NV\\_shader\\_sm\\_builtins [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSMBuiltinsFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceShaderSMBuiltinsFeaturesNV <: HighLevelStruct next::Any shader_sm_builtins::Bool end """ High-level wrapper for VkPhysicalDeviceShaderSMBuiltinsPropertiesNV. Extension: VK\\_NV\\_shader\\_sm\\_builtins [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSMBuiltinsPropertiesNV.html) """ @struct_hash_equal struct PhysicalDeviceShaderSMBuiltinsPropertiesNV <: HighLevelStruct next::Any shader_sm_count::UInt32 shader_warps_per_sm::UInt32 end """ High-level wrapper for VkPhysicalDeviceIndexTypeUint8FeaturesEXT. Extension: VK\\_EXT\\_index\\_type\\_uint8 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceIndexTypeUint8FeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceIndexTypeUint8FeaturesEXT <: HighLevelStruct next::Any index_type_uint_8::Bool end """ High-level wrapper for VkPhysicalDeviceShaderClockFeaturesKHR. Extension: VK\\_KHR\\_shader\\_clock [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderClockFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDeviceShaderClockFeaturesKHR <: HighLevelStruct next::Any shader_subgroup_clock::Bool shader_device_clock::Bool end """ High-level wrapper for VkPerformanceStreamMarkerInfoINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceStreamMarkerInfoINTEL.html) """ @struct_hash_equal struct PerformanceStreamMarkerInfoINTEL <: HighLevelStruct next::Any marker::UInt32 end """ High-level wrapper for VkPerformanceMarkerInfoINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceMarkerInfoINTEL.html) """ @struct_hash_equal struct PerformanceMarkerInfoINTEL <: HighLevelStruct next::Any marker::UInt64 end """ High-level wrapper for VkInitializePerformanceApiInfoINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkInitializePerformanceApiInfoINTEL.html) """ @struct_hash_equal struct InitializePerformanceApiInfoINTEL <: HighLevelStruct next::Any user_data::OptionalPtr{Ptr{Cvoid}} end """ High-level wrapper for VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL. Extension: VK\\_INTEL\\_shader\\_integer\\_functions2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL.html) """ @struct_hash_equal struct PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL <: HighLevelStruct next::Any shader_integer_functions_2::Bool end """ High-level wrapper for VkPhysicalDeviceCoverageReductionModeFeaturesNV. Extension: VK\\_NV\\_coverage\\_reduction\\_mode [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCoverageReductionModeFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceCoverageReductionModeFeaturesNV <: HighLevelStruct next::Any coverage_reduction_mode::Bool end """ High-level wrapper for VkHeadlessSurfaceCreateInfoEXT. Extension: VK\\_EXT\\_headless\\_surface [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkHeadlessSurfaceCreateInfoEXT.html) """ @struct_hash_equal struct HeadlessSurfaceCreateInfoEXT <: HighLevelStruct next::Any flags::UInt32 end """ High-level wrapper for VkPerformanceQuerySubmitInfoKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceQuerySubmitInfoKHR.html) """ @struct_hash_equal struct PerformanceQuerySubmitInfoKHR <: HighLevelStruct next::Any counter_pass_index::UInt32 end """ High-level wrapper for VkQueryPoolPerformanceCreateInfoKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueryPoolPerformanceCreateInfoKHR.html) """ @struct_hash_equal struct QueryPoolPerformanceCreateInfoKHR <: HighLevelStruct next::Any queue_family_index::UInt32 counter_indices::Vector{UInt32} end """ High-level wrapper for VkPhysicalDevicePerformanceQueryPropertiesKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePerformanceQueryPropertiesKHR.html) """ @struct_hash_equal struct PhysicalDevicePerformanceQueryPropertiesKHR <: HighLevelStruct next::Any allow_command_buffer_query_copies::Bool end """ High-level wrapper for VkPhysicalDevicePerformanceQueryFeaturesKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePerformanceQueryFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDevicePerformanceQueryFeaturesKHR <: HighLevelStruct next::Any performance_counter_query_pools::Bool performance_counter_multiple_query_pools::Bool end """ High-level wrapper for VkSwapchainPresentBarrierCreateInfoNV. Extension: VK\\_NV\\_present\\_barrier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentBarrierCreateInfoNV.html) """ @struct_hash_equal struct SwapchainPresentBarrierCreateInfoNV <: HighLevelStruct next::Any present_barrier_enable::Bool end """ High-level wrapper for VkSurfaceCapabilitiesPresentBarrierNV. Extension: VK\\_NV\\_present\\_barrier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilitiesPresentBarrierNV.html) """ @struct_hash_equal struct SurfaceCapabilitiesPresentBarrierNV <: HighLevelStruct next::Any present_barrier_supported::Bool end """ High-level wrapper for VkPhysicalDevicePresentBarrierFeaturesNV. Extension: VK\\_NV\\_present\\_barrier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePresentBarrierFeaturesNV.html) """ @struct_hash_equal struct PhysicalDevicePresentBarrierFeaturesNV <: HighLevelStruct next::Any present_barrier::Bool end """ High-level wrapper for VkSurfaceCapabilitiesFullScreenExclusiveEXT. Extension: VK\\_EXT\\_full\\_screen\\_exclusive [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilitiesFullScreenExclusiveEXT.html) """ @struct_hash_equal struct SurfaceCapabilitiesFullScreenExclusiveEXT <: HighLevelStruct next::Any full_screen_exclusive_supported::Bool end """ High-level wrapper for VkSurfaceFullScreenExclusiveWin32InfoEXT. Extension: VK\\_EXT\\_full\\_screen\\_exclusive [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceFullScreenExclusiveWin32InfoEXT.html) """ @struct_hash_equal struct SurfaceFullScreenExclusiveWin32InfoEXT <: HighLevelStruct next::Any hmonitor::vk.HMONITOR end """ High-level wrapper for VkImageViewAddressPropertiesNVX. Extension: VK\\_NVX\\_image\\_view\\_handle [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewAddressPropertiesNVX.html) """ @struct_hash_equal struct ImageViewAddressPropertiesNVX <: HighLevelStruct next::Any device_address::UInt64 size::UInt64 end """ High-level wrapper for VkPhysicalDeviceYcbcrImageArraysFeaturesEXT. Extension: VK\\_EXT\\_ycbcr\\_image\\_arrays [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceYcbcrImageArraysFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceYcbcrImageArraysFeaturesEXT <: HighLevelStruct next::Any ycbcr_image_arrays::Bool end """ High-level wrapper for VkPhysicalDeviceCooperativeMatrixFeaturesNV. Extension: VK\\_NV\\_cooperative\\_matrix [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCooperativeMatrixFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceCooperativeMatrixFeaturesNV <: HighLevelStruct next::Any cooperative_matrix::Bool cooperative_matrix_robust_buffer_access::Bool end """ High-level wrapper for VkPhysicalDeviceTextureCompressionASTCHDRFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTextureCompressionASTCHDRFeatures.html) """ @struct_hash_equal struct PhysicalDeviceTextureCompressionASTCHDRFeatures <: HighLevelStruct next::Any texture_compression_astc_hdr::Bool end """ High-level wrapper for VkPhysicalDeviceImagelessFramebufferFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImagelessFramebufferFeatures.html) """ @struct_hash_equal struct PhysicalDeviceImagelessFramebufferFeatures <: HighLevelStruct next::Any imageless_framebuffer::Bool end """ High-level wrapper for VkFilterCubicImageViewImageFormatPropertiesEXT. Extension: VK\\_EXT\\_filter\\_cubic [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFilterCubicImageViewImageFormatPropertiesEXT.html) """ @struct_hash_equal struct FilterCubicImageViewImageFormatPropertiesEXT <: HighLevelStruct next::Any filter_cubic::Bool filter_cubic_minmax::Bool end """ High-level wrapper for VkBufferDeviceAddressCreateInfoEXT. Extension: VK\\_EXT\\_buffer\\_device\\_address [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferDeviceAddressCreateInfoEXT.html) """ @struct_hash_equal struct BufferDeviceAddressCreateInfoEXT <: HighLevelStruct next::Any device_address::UInt64 end """ High-level wrapper for VkBufferOpaqueCaptureAddressCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferOpaqueCaptureAddressCreateInfo.html) """ @struct_hash_equal struct BufferOpaqueCaptureAddressCreateInfo <: HighLevelStruct next::Any opaque_capture_address::UInt64 end """ High-level wrapper for VkPhysicalDeviceBufferDeviceAddressFeaturesEXT. Extension: VK\\_EXT\\_buffer\\_device\\_address [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBufferDeviceAddressFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceBufferDeviceAddressFeaturesEXT <: HighLevelStruct next::Any buffer_device_address::Bool buffer_device_address_capture_replay::Bool buffer_device_address_multi_device::Bool end """ High-level wrapper for VkPhysicalDeviceBufferDeviceAddressFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBufferDeviceAddressFeatures.html) """ @struct_hash_equal struct PhysicalDeviceBufferDeviceAddressFeatures <: HighLevelStruct next::Any buffer_device_address::Bool buffer_device_address_capture_replay::Bool buffer_device_address_multi_device::Bool end """ High-level wrapper for VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT. Extension: VK\\_EXT\\_pageable\\_device\\_local\\_memory [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT <: HighLevelStruct next::Any pageable_device_local_memory::Bool end """ High-level wrapper for VkMemoryPriorityAllocateInfoEXT. Extension: VK\\_EXT\\_memory\\_priority [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryPriorityAllocateInfoEXT.html) """ @struct_hash_equal struct MemoryPriorityAllocateInfoEXT <: HighLevelStruct next::Any priority::Float32 end """ High-level wrapper for VkPhysicalDeviceMemoryPriorityFeaturesEXT. Extension: VK\\_EXT\\_memory\\_priority [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryPriorityFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceMemoryPriorityFeaturesEXT <: HighLevelStruct next::Any memory_priority::Bool end """ High-level wrapper for VkPhysicalDeviceMemoryBudgetPropertiesEXT. Extension: VK\\_EXT\\_memory\\_budget [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryBudgetPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceMemoryBudgetPropertiesEXT <: HighLevelStruct next::Any heap_budget::NTuple{Int(VK_MAX_MEMORY_HEAPS), UInt64} heap_usage::NTuple{Int(VK_MAX_MEMORY_HEAPS), UInt64} end """ High-level wrapper for VkPipelineRasterizationDepthClipStateCreateInfoEXT. Extension: VK\\_EXT\\_depth\\_clip\\_enable [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationDepthClipStateCreateInfoEXT.html) """ @struct_hash_equal struct PipelineRasterizationDepthClipStateCreateInfoEXT <: HighLevelStruct next::Any flags::UInt32 depth_clip_enable::Bool end """ High-level wrapper for VkPhysicalDeviceDepthClipEnableFeaturesEXT. Extension: VK\\_EXT\\_depth\\_clip\\_enable [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthClipEnableFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceDepthClipEnableFeaturesEXT <: HighLevelStruct next::Any depth_clip_enable::Bool end """ High-level wrapper for VkPhysicalDeviceUniformBufferStandardLayoutFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceUniformBufferStandardLayoutFeatures.html) """ @struct_hash_equal struct PhysicalDeviceUniformBufferStandardLayoutFeatures <: HighLevelStruct next::Any uniform_buffer_standard_layout::Bool end """ High-level wrapper for VkSurfaceProtectedCapabilitiesKHR. Extension: VK\\_KHR\\_surface\\_protected\\_capabilities [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceProtectedCapabilitiesKHR.html) """ @struct_hash_equal struct SurfaceProtectedCapabilitiesKHR <: HighLevelStruct next::Any supports_protected::Bool end """ High-level wrapper for VkPhysicalDeviceScalarBlockLayoutFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceScalarBlockLayoutFeatures.html) """ @struct_hash_equal struct PhysicalDeviceScalarBlockLayoutFeatures <: HighLevelStruct next::Any scalar_block_layout::Bool end """ High-level wrapper for VkPhysicalDeviceFragmentDensityMap2PropertiesEXT. Extension: VK\\_EXT\\_fragment\\_density\\_map2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMap2PropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceFragmentDensityMap2PropertiesEXT <: HighLevelStruct next::Any subsampled_loads::Bool subsampled_coarse_reconstruction_early_access::Bool max_subsampled_array_layers::UInt32 max_descriptor_set_subsampled_samplers::UInt32 end """ High-level wrapper for VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM. Extension: VK\\_QCOM\\_fragment\\_density\\_map\\_offset [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM.html) """ @struct_hash_equal struct PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM <: HighLevelStruct next::Any fragment_density_map_offset::Bool end """ High-level wrapper for VkPhysicalDeviceFragmentDensityMap2FeaturesEXT. Extension: VK\\_EXT\\_fragment\\_density\\_map2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMap2FeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceFragmentDensityMap2FeaturesEXT <: HighLevelStruct next::Any fragment_density_map_deferred::Bool end """ High-level wrapper for VkPhysicalDeviceFragmentDensityMapFeaturesEXT. Extension: VK\\_EXT\\_fragment\\_density\\_map [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceFragmentDensityMapFeaturesEXT <: HighLevelStruct next::Any fragment_density_map::Bool fragment_density_map_dynamic::Bool fragment_density_map_non_subsampled_images::Bool end """ High-level wrapper for VkImageDrmFormatModifierPropertiesEXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageDrmFormatModifierPropertiesEXT.html) """ @struct_hash_equal struct ImageDrmFormatModifierPropertiesEXT <: HighLevelStruct next::Any drm_format_modifier::UInt64 end """ High-level wrapper for VkImageDrmFormatModifierListCreateInfoEXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageDrmFormatModifierListCreateInfoEXT.html) """ @struct_hash_equal struct ImageDrmFormatModifierListCreateInfoEXT <: HighLevelStruct next::Any drm_format_modifiers::Vector{UInt64} end """ High-level wrapper for VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR.html) """ @struct_hash_equal struct PhysicalDeviceRayTracingMaintenance1FeaturesKHR <: HighLevelStruct next::Any ray_tracing_maintenance_1::Bool ray_tracing_pipeline_trace_rays_indirect_2::Bool end """ High-level wrapper for VkTraceRaysIndirectCommand2KHR. Extension: VK\\_KHR\\_ray\\_tracing\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTraceRaysIndirectCommand2KHR.html) """ @struct_hash_equal struct TraceRaysIndirectCommand2KHR <: HighLevelStruct raygen_shader_record_address::UInt64 raygen_shader_record_size::UInt64 miss_shader_binding_table_address::UInt64 miss_shader_binding_table_size::UInt64 miss_shader_binding_table_stride::UInt64 hit_shader_binding_table_address::UInt64 hit_shader_binding_table_size::UInt64 hit_shader_binding_table_stride::UInt64 callable_shader_binding_table_address::UInt64 callable_shader_binding_table_size::UInt64 callable_shader_binding_table_stride::UInt64 width::UInt32 height::UInt32 depth::UInt32 end """ High-level wrapper for VkTraceRaysIndirectCommandKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTraceRaysIndirectCommandKHR.html) """ @struct_hash_equal struct TraceRaysIndirectCommandKHR <: HighLevelStruct width::UInt32 height::UInt32 depth::UInt32 end """ High-level wrapper for VkStridedDeviceAddressRegionKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkStridedDeviceAddressRegionKHR.html) """ @struct_hash_equal struct StridedDeviceAddressRegionKHR <: HighLevelStruct device_address::UInt64 stride::UInt64 size::UInt64 end """ High-level wrapper for VkPhysicalDeviceRayTracingPropertiesNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingPropertiesNV.html) """ @struct_hash_equal struct PhysicalDeviceRayTracingPropertiesNV <: HighLevelStruct next::Any shader_group_handle_size::UInt32 max_recursion_depth::UInt32 max_shader_group_stride::UInt32 shader_group_base_alignment::UInt32 max_geometry_count::UInt64 max_instance_count::UInt64 max_triangle_count::UInt64 max_descriptor_set_acceleration_structures::UInt32 end """ High-level wrapper for VkPhysicalDeviceRayTracingPipelinePropertiesKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingPipelinePropertiesKHR.html) """ @struct_hash_equal struct PhysicalDeviceRayTracingPipelinePropertiesKHR <: HighLevelStruct next::Any shader_group_handle_size::UInt32 max_ray_recursion_depth::UInt32 max_shader_group_stride::UInt32 shader_group_base_alignment::UInt32 shader_group_handle_capture_replay_size::UInt32 max_ray_dispatch_invocation_count::UInt32 shader_group_handle_alignment::UInt32 max_ray_hit_attribute_size::UInt32 end """ High-level wrapper for VkPhysicalDeviceAccelerationStructurePropertiesKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAccelerationStructurePropertiesKHR.html) """ @struct_hash_equal struct PhysicalDeviceAccelerationStructurePropertiesKHR <: HighLevelStruct next::Any max_geometry_count::UInt64 max_instance_count::UInt64 max_primitive_count::UInt64 max_per_stage_descriptor_acceleration_structures::UInt32 max_per_stage_descriptor_update_after_bind_acceleration_structures::UInt32 max_descriptor_set_acceleration_structures::UInt32 max_descriptor_set_update_after_bind_acceleration_structures::UInt32 min_acceleration_structure_scratch_offset_alignment::UInt32 end """ High-level wrapper for VkPhysicalDeviceRayQueryFeaturesKHR. Extension: VK\\_KHR\\_ray\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayQueryFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDeviceRayQueryFeaturesKHR <: HighLevelStruct next::Any ray_query::Bool end """ High-level wrapper for VkPhysicalDeviceRayTracingPipelineFeaturesKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingPipelineFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDeviceRayTracingPipelineFeaturesKHR <: HighLevelStruct next::Any ray_tracing_pipeline::Bool ray_tracing_pipeline_shader_group_handle_capture_replay::Bool ray_tracing_pipeline_shader_group_handle_capture_replay_mixed::Bool ray_tracing_pipeline_trace_rays_indirect::Bool ray_traversal_primitive_culling::Bool end """ High-level wrapper for VkPhysicalDeviceAccelerationStructureFeaturesKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAccelerationStructureFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDeviceAccelerationStructureFeaturesKHR <: HighLevelStruct next::Any acceleration_structure::Bool acceleration_structure_capture_replay::Bool acceleration_structure_indirect_build::Bool acceleration_structure_host_commands::Bool descriptor_binding_acceleration_structure_update_after_bind::Bool end """ High-level wrapper for VkDrawMeshTasksIndirectCommandEXT. Extension: VK\\_EXT\\_mesh\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrawMeshTasksIndirectCommandEXT.html) """ @struct_hash_equal struct DrawMeshTasksIndirectCommandEXT <: HighLevelStruct group_count_x::UInt32 group_count_y::UInt32 group_count_z::UInt32 end """ High-level wrapper for VkPhysicalDeviceMeshShaderPropertiesEXT. Extension: VK\\_EXT\\_mesh\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceMeshShaderPropertiesEXT <: HighLevelStruct next::Any max_task_work_group_total_count::UInt32 max_task_work_group_count::NTuple{3, UInt32} max_task_work_group_invocations::UInt32 max_task_work_group_size::NTuple{3, UInt32} max_task_payload_size::UInt32 max_task_shared_memory_size::UInt32 max_task_payload_and_shared_memory_size::UInt32 max_mesh_work_group_total_count::UInt32 max_mesh_work_group_count::NTuple{3, UInt32} max_mesh_work_group_invocations::UInt32 max_mesh_work_group_size::NTuple{3, UInt32} max_mesh_shared_memory_size::UInt32 max_mesh_payload_and_shared_memory_size::UInt32 max_mesh_output_memory_size::UInt32 max_mesh_payload_and_output_memory_size::UInt32 max_mesh_output_components::UInt32 max_mesh_output_vertices::UInt32 max_mesh_output_primitives::UInt32 max_mesh_output_layers::UInt32 max_mesh_multiview_view_count::UInt32 mesh_output_per_vertex_granularity::UInt32 mesh_output_per_primitive_granularity::UInt32 max_preferred_task_work_group_invocations::UInt32 max_preferred_mesh_work_group_invocations::UInt32 prefers_local_invocation_vertex_output::Bool prefers_local_invocation_primitive_output::Bool prefers_compact_vertex_output::Bool prefers_compact_primitive_output::Bool end """ High-level wrapper for VkPhysicalDeviceMeshShaderFeaturesEXT. Extension: VK\\_EXT\\_mesh\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceMeshShaderFeaturesEXT <: HighLevelStruct next::Any task_shader::Bool mesh_shader::Bool multiview_mesh_shader::Bool primitive_fragment_shading_rate_mesh_shader::Bool mesh_shader_queries::Bool end """ High-level wrapper for VkDrawMeshTasksIndirectCommandNV. Extension: VK\\_NV\\_mesh\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrawMeshTasksIndirectCommandNV.html) """ @struct_hash_equal struct DrawMeshTasksIndirectCommandNV <: HighLevelStruct task_count::UInt32 first_task::UInt32 end """ High-level wrapper for VkPhysicalDeviceMeshShaderPropertiesNV. Extension: VK\\_NV\\_mesh\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderPropertiesNV.html) """ @struct_hash_equal struct PhysicalDeviceMeshShaderPropertiesNV <: HighLevelStruct next::Any max_draw_mesh_tasks_count::UInt32 max_task_work_group_invocations::UInt32 max_task_work_group_size::NTuple{3, UInt32} max_task_total_memory_size::UInt32 max_task_output_count::UInt32 max_mesh_work_group_invocations::UInt32 max_mesh_work_group_size::NTuple{3, UInt32} max_mesh_total_memory_size::UInt32 max_mesh_output_vertices::UInt32 max_mesh_output_primitives::UInt32 max_mesh_multiview_view_count::UInt32 mesh_output_per_vertex_granularity::UInt32 mesh_output_per_primitive_granularity::UInt32 end """ High-level wrapper for VkPhysicalDeviceMeshShaderFeaturesNV. Extension: VK\\_NV\\_mesh\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceMeshShaderFeaturesNV <: HighLevelStruct next::Any task_shader::Bool mesh_shader::Bool end """ High-level wrapper for VkCoarseSampleLocationNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCoarseSampleLocationNV.html) """ @struct_hash_equal struct CoarseSampleLocationNV <: HighLevelStruct pixel_x::UInt32 pixel_y::UInt32 sample::UInt32 end """ High-level wrapper for VkPhysicalDeviceInvocationMaskFeaturesHUAWEI. Extension: VK\\_HUAWEI\\_invocation\\_mask [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInvocationMaskFeaturesHUAWEI.html) """ @struct_hash_equal struct PhysicalDeviceInvocationMaskFeaturesHUAWEI <: HighLevelStruct next::Any invocation_mask::Bool end """ High-level wrapper for VkPhysicalDeviceShadingRateImageFeaturesNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShadingRateImageFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceShadingRateImageFeaturesNV <: HighLevelStruct next::Any shading_rate_image::Bool shading_rate_coarse_sample_order::Bool end """ High-level wrapper for VkPhysicalDeviceMemoryDecompressionPropertiesNV. Extension: VK\\_NV\\_memory\\_decompression [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryDecompressionPropertiesNV.html) """ @struct_hash_equal struct PhysicalDeviceMemoryDecompressionPropertiesNV <: HighLevelStruct next::Any decompression_methods::UInt64 max_decompression_indirect_count::UInt64 end """ High-level wrapper for VkPhysicalDeviceMemoryDecompressionFeaturesNV. Extension: VK\\_NV\\_memory\\_decompression [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryDecompressionFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceMemoryDecompressionFeaturesNV <: HighLevelStruct next::Any memory_decompression::Bool end """ High-level wrapper for VkPhysicalDeviceCopyMemoryIndirectFeaturesNV. Extension: VK\\_NV\\_copy\\_memory\\_indirect [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCopyMemoryIndirectFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceCopyMemoryIndirectFeaturesNV <: HighLevelStruct next::Any indirect_copy::Bool end """ High-level wrapper for VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV. Extension: VK\\_NV\\_dedicated\\_allocation\\_image\\_aliasing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV <: HighLevelStruct next::Any dedicated_allocation_image_aliasing::Bool end """ High-level wrapper for VkPhysicalDeviceShaderImageFootprintFeaturesNV. Extension: VK\\_NV\\_shader\\_image\\_footprint [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderImageFootprintFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceShaderImageFootprintFeaturesNV <: HighLevelStruct next::Any image_footprint::Bool end """ High-level wrapper for VkPhysicalDeviceComputeShaderDerivativesFeaturesNV. Extension: VK\\_NV\\_compute\\_shader\\_derivatives [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceComputeShaderDerivativesFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceComputeShaderDerivativesFeaturesNV <: HighLevelStruct next::Any compute_derivative_group_quads::Bool compute_derivative_group_linear::Bool end """ High-level wrapper for VkPhysicalDeviceCornerSampledImageFeaturesNV. Extension: VK\\_NV\\_corner\\_sampled\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCornerSampledImageFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceCornerSampledImageFeaturesNV <: HighLevelStruct next::Any corner_sampled_image::Bool end """ High-level wrapper for VkPhysicalDeviceExclusiveScissorFeaturesNV. Extension: VK\\_NV\\_scissor\\_exclusive [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExclusiveScissorFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceExclusiveScissorFeaturesNV <: HighLevelStruct next::Any exclusive_scissor::Bool end """ High-level wrapper for VkPipelineRepresentativeFragmentTestStateCreateInfoNV. Extension: VK\\_NV\\_representative\\_fragment\\_test [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRepresentativeFragmentTestStateCreateInfoNV.html) """ @struct_hash_equal struct PipelineRepresentativeFragmentTestStateCreateInfoNV <: HighLevelStruct next::Any representative_fragment_test_enable::Bool end """ High-level wrapper for VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV. Extension: VK\\_NV\\_representative\\_fragment\\_test [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceRepresentativeFragmentTestFeaturesNV <: HighLevelStruct next::Any representative_fragment_test::Bool end """ High-level wrapper for VkPipelineRasterizationStateStreamCreateInfoEXT. Extension: VK\\_EXT\\_transform\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationStateStreamCreateInfoEXT.html) """ @struct_hash_equal struct PipelineRasterizationStateStreamCreateInfoEXT <: HighLevelStruct next::Any flags::UInt32 rasterization_stream::UInt32 end """ High-level wrapper for VkPhysicalDeviceTransformFeedbackPropertiesEXT. Extension: VK\\_EXT\\_transform\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTransformFeedbackPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceTransformFeedbackPropertiesEXT <: HighLevelStruct next::Any max_transform_feedback_streams::UInt32 max_transform_feedback_buffers::UInt32 max_transform_feedback_buffer_size::UInt64 max_transform_feedback_stream_data_size::UInt32 max_transform_feedback_buffer_data_size::UInt32 max_transform_feedback_buffer_data_stride::UInt32 transform_feedback_queries::Bool transform_feedback_streams_lines_triangles::Bool transform_feedback_rasterization_stream_select::Bool transform_feedback_draw::Bool end """ High-level wrapper for VkPhysicalDeviceTransformFeedbackFeaturesEXT. Extension: VK\\_EXT\\_transform\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTransformFeedbackFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceTransformFeedbackFeaturesEXT <: HighLevelStruct next::Any transform_feedback::Bool geometry_streams::Bool end """ High-level wrapper for VkPhysicalDeviceASTCDecodeFeaturesEXT. Extension: VK\\_EXT\\_astc\\_decode\\_mode [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceASTCDecodeFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceASTCDecodeFeaturesEXT <: HighLevelStruct next::Any decode_mode_shared_exponent::Bool end """ High-level wrapper for VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT. Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceVertexAttributeDivisorFeaturesEXT <: HighLevelStruct next::Any vertex_attribute_instance_rate_divisor::Bool vertex_attribute_instance_rate_zero_divisor::Bool end """ High-level wrapper for VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT. Extension: VK\\_EXT\\_shader\\_atomic\\_float2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceShaderAtomicFloat2FeaturesEXT <: HighLevelStruct next::Any shader_buffer_float_16_atomics::Bool shader_buffer_float_16_atomic_add::Bool shader_buffer_float_16_atomic_min_max::Bool shader_buffer_float_32_atomic_min_max::Bool shader_buffer_float_64_atomic_min_max::Bool shader_shared_float_16_atomics::Bool shader_shared_float_16_atomic_add::Bool shader_shared_float_16_atomic_min_max::Bool shader_shared_float_32_atomic_min_max::Bool shader_shared_float_64_atomic_min_max::Bool shader_image_float_32_atomic_min_max::Bool sparse_image_float_32_atomic_min_max::Bool end """ High-level wrapper for VkPhysicalDeviceShaderAtomicFloatFeaturesEXT. Extension: VK\\_EXT\\_shader\\_atomic\\_float [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderAtomicFloatFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceShaderAtomicFloatFeaturesEXT <: HighLevelStruct next::Any shader_buffer_float_32_atomics::Bool shader_buffer_float_32_atomic_add::Bool shader_buffer_float_64_atomics::Bool shader_buffer_float_64_atomic_add::Bool shader_shared_float_32_atomics::Bool shader_shared_float_32_atomic_add::Bool shader_shared_float_64_atomics::Bool shader_shared_float_64_atomic_add::Bool shader_image_float_32_atomics::Bool shader_image_float_32_atomic_add::Bool sparse_image_float_32_atomics::Bool sparse_image_float_32_atomic_add::Bool end """ High-level wrapper for VkPhysicalDeviceShaderAtomicInt64Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderAtomicInt64Features.html) """ @struct_hash_equal struct PhysicalDeviceShaderAtomicInt64Features <: HighLevelStruct next::Any shader_buffer_int_64_atomics::Bool shader_shared_int_64_atomics::Bool end """ High-level wrapper for VkPhysicalDeviceVulkanMemoryModelFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkanMemoryModelFeatures.html) """ @struct_hash_equal struct PhysicalDeviceVulkanMemoryModelFeatures <: HighLevelStruct next::Any vulkan_memory_model::Bool vulkan_memory_model_device_scope::Bool vulkan_memory_model_availability_visibility_chains::Bool end """ High-level wrapper for VkPhysicalDeviceConditionalRenderingFeaturesEXT. Extension: VK\\_EXT\\_conditional\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceConditionalRenderingFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceConditionalRenderingFeaturesEXT <: HighLevelStruct next::Any conditional_rendering::Bool inherited_conditional_rendering::Bool end """ High-level wrapper for VkPhysicalDevice8BitStorageFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevice8BitStorageFeatures.html) """ @struct_hash_equal struct PhysicalDevice8BitStorageFeatures <: HighLevelStruct next::Any storage_buffer_8_bit_access::Bool uniform_and_storage_buffer_8_bit_access::Bool storage_push_constant_8::Bool end """ High-level wrapper for VkCommandBufferInheritanceConditionalRenderingInfoEXT. Extension: VK\\_EXT\\_conditional\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceConditionalRenderingInfoEXT.html) """ @struct_hash_equal struct CommandBufferInheritanceConditionalRenderingInfoEXT <: HighLevelStruct next::Any conditional_rendering_enable::Bool end """ High-level wrapper for VkPhysicalDevicePCIBusInfoPropertiesEXT. Extension: VK\\_EXT\\_pci\\_bus\\_info [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePCIBusInfoPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDevicePCIBusInfoPropertiesEXT <: HighLevelStruct next::Any pci_domain::UInt32 pci_bus::UInt32 pci_device::UInt32 pci_function::UInt32 end """ High-level wrapper for VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT. Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceVertexAttributeDivisorPropertiesEXT <: HighLevelStruct next::Any max_vertex_attrib_divisor::UInt32 end """ High-level wrapper for VkVertexInputBindingDivisorDescriptionEXT. Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputBindingDivisorDescriptionEXT.html) """ @struct_hash_equal struct VertexInputBindingDivisorDescriptionEXT <: HighLevelStruct binding::UInt32 divisor::UInt32 end """ High-level wrapper for VkPipelineVertexInputDivisorStateCreateInfoEXT. Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineVertexInputDivisorStateCreateInfoEXT.html) """ @struct_hash_equal struct PipelineVertexInputDivisorStateCreateInfoEXT <: HighLevelStruct next::Any vertex_binding_divisors::Vector{VertexInputBindingDivisorDescriptionEXT} end """ High-level wrapper for VkTimelineSemaphoreSubmitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTimelineSemaphoreSubmitInfo.html) """ @struct_hash_equal struct TimelineSemaphoreSubmitInfo <: HighLevelStruct next::Any wait_semaphore_values::OptionalPtr{Vector{UInt64}} signal_semaphore_values::OptionalPtr{Vector{UInt64}} end """ High-level wrapper for VkPhysicalDeviceTimelineSemaphoreProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTimelineSemaphoreProperties.html) """ @struct_hash_equal struct PhysicalDeviceTimelineSemaphoreProperties <: HighLevelStruct next::Any max_timeline_semaphore_value_difference::UInt64 end """ High-level wrapper for VkPhysicalDeviceTimelineSemaphoreFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTimelineSemaphoreFeatures.html) """ @struct_hash_equal struct PhysicalDeviceTimelineSemaphoreFeatures <: HighLevelStruct next::Any timeline_semaphore::Bool end """ High-level wrapper for VkSubpassEndInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassEndInfo.html) """ @struct_hash_equal struct SubpassEndInfo <: HighLevelStruct next::Any end """ High-level wrapper for VkDescriptorSetVariableDescriptorCountLayoutSupport. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetVariableDescriptorCountLayoutSupport.html) """ @struct_hash_equal struct DescriptorSetVariableDescriptorCountLayoutSupport <: HighLevelStruct next::Any max_variable_descriptor_count::UInt32 end """ High-level wrapper for VkDescriptorSetVariableDescriptorCountAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetVariableDescriptorCountAllocateInfo.html) """ @struct_hash_equal struct DescriptorSetVariableDescriptorCountAllocateInfo <: HighLevelStruct next::Any descriptor_counts::Vector{UInt32} end """ High-level wrapper for VkPhysicalDeviceDescriptorIndexingProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorIndexingProperties.html) """ @struct_hash_equal struct PhysicalDeviceDescriptorIndexingProperties <: HighLevelStruct next::Any max_update_after_bind_descriptors_in_all_pools::UInt32 shader_uniform_buffer_array_non_uniform_indexing_native::Bool shader_sampled_image_array_non_uniform_indexing_native::Bool shader_storage_buffer_array_non_uniform_indexing_native::Bool shader_storage_image_array_non_uniform_indexing_native::Bool shader_input_attachment_array_non_uniform_indexing_native::Bool robust_buffer_access_update_after_bind::Bool quad_divergent_implicit_lod::Bool max_per_stage_descriptor_update_after_bind_samplers::UInt32 max_per_stage_descriptor_update_after_bind_uniform_buffers::UInt32 max_per_stage_descriptor_update_after_bind_storage_buffers::UInt32 max_per_stage_descriptor_update_after_bind_sampled_images::UInt32 max_per_stage_descriptor_update_after_bind_storage_images::UInt32 max_per_stage_descriptor_update_after_bind_input_attachments::UInt32 max_per_stage_update_after_bind_resources::UInt32 max_descriptor_set_update_after_bind_samplers::UInt32 max_descriptor_set_update_after_bind_uniform_buffers::UInt32 max_descriptor_set_update_after_bind_uniform_buffers_dynamic::UInt32 max_descriptor_set_update_after_bind_storage_buffers::UInt32 max_descriptor_set_update_after_bind_storage_buffers_dynamic::UInt32 max_descriptor_set_update_after_bind_sampled_images::UInt32 max_descriptor_set_update_after_bind_storage_images::UInt32 max_descriptor_set_update_after_bind_input_attachments::UInt32 end """ High-level wrapper for VkPhysicalDeviceDescriptorIndexingFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorIndexingFeatures.html) """ @struct_hash_equal struct PhysicalDeviceDescriptorIndexingFeatures <: HighLevelStruct next::Any shader_input_attachment_array_dynamic_indexing::Bool shader_uniform_texel_buffer_array_dynamic_indexing::Bool shader_storage_texel_buffer_array_dynamic_indexing::Bool shader_uniform_buffer_array_non_uniform_indexing::Bool shader_sampled_image_array_non_uniform_indexing::Bool shader_storage_buffer_array_non_uniform_indexing::Bool shader_storage_image_array_non_uniform_indexing::Bool shader_input_attachment_array_non_uniform_indexing::Bool shader_uniform_texel_buffer_array_non_uniform_indexing::Bool shader_storage_texel_buffer_array_non_uniform_indexing::Bool descriptor_binding_uniform_buffer_update_after_bind::Bool descriptor_binding_sampled_image_update_after_bind::Bool descriptor_binding_storage_image_update_after_bind::Bool descriptor_binding_storage_buffer_update_after_bind::Bool descriptor_binding_uniform_texel_buffer_update_after_bind::Bool descriptor_binding_storage_texel_buffer_update_after_bind::Bool descriptor_binding_update_unused_while_pending::Bool descriptor_binding_partially_bound::Bool descriptor_binding_variable_descriptor_count::Bool runtime_descriptor_array::Bool end """ High-level wrapper for VkPhysicalDeviceShaderCorePropertiesAMD. Extension: VK\\_AMD\\_shader\\_core\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCorePropertiesAMD.html) """ @struct_hash_equal struct PhysicalDeviceShaderCorePropertiesAMD <: HighLevelStruct next::Any shader_engine_count::UInt32 shader_arrays_per_engine_count::UInt32 compute_units_per_shader_array::UInt32 simd_per_compute_unit::UInt32 wavefronts_per_simd::UInt32 wavefront_size::UInt32 sgprs_per_simd::UInt32 min_sgpr_allocation::UInt32 max_sgpr_allocation::UInt32 sgpr_allocation_granularity::UInt32 vgprs_per_simd::UInt32 min_vgpr_allocation::UInt32 max_vgpr_allocation::UInt32 vgpr_allocation_granularity::UInt32 end """ High-level wrapper for VkPhysicalDeviceConservativeRasterizationPropertiesEXT. Extension: VK\\_EXT\\_conservative\\_rasterization [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceConservativeRasterizationPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceConservativeRasterizationPropertiesEXT <: HighLevelStruct next::Any primitive_overestimation_size::Float32 max_extra_primitive_overestimation_size::Float32 extra_primitive_overestimation_size_granularity::Float32 primitive_underestimation::Bool conservative_point_and_line_rasterization::Bool degenerate_triangles_rasterized::Bool degenerate_lines_rasterized::Bool fully_covered_fragment_shader_input_variable::Bool conservative_rasterization_post_depth_coverage::Bool end """ High-level wrapper for VkPhysicalDeviceExternalMemoryHostPropertiesEXT. Extension: VK\\_EXT\\_external\\_memory\\_host [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalMemoryHostPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceExternalMemoryHostPropertiesEXT <: HighLevelStruct next::Any min_imported_host_pointer_alignment::UInt64 end """ High-level wrapper for VkMemoryHostPointerPropertiesEXT. Extension: VK\\_EXT\\_external\\_memory\\_host [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryHostPointerPropertiesEXT.html) """ @struct_hash_equal struct MemoryHostPointerPropertiesEXT <: HighLevelStruct next::Any memory_type_bits::UInt32 end """ High-level wrapper for VkDeviceDeviceMemoryReportCreateInfoEXT. Extension: VK\\_EXT\\_device\\_memory\\_report [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceDeviceMemoryReportCreateInfoEXT.html) """ @struct_hash_equal struct DeviceDeviceMemoryReportCreateInfoEXT <: HighLevelStruct next::Any flags::UInt32 pfn_user_callback::FunctionPtr user_data::Ptr{Cvoid} end """ High-level wrapper for VkPhysicalDeviceDeviceMemoryReportFeaturesEXT. Extension: VK\\_EXT\\_device\\_memory\\_report [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDeviceMemoryReportFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceDeviceMemoryReportFeaturesEXT <: HighLevelStruct next::Any device_memory_report::Bool end """ High-level wrapper for VkDebugUtilsLabelEXT. Extension: VK\\_EXT\\_debug\\_utils [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsLabelEXT.html) """ @struct_hash_equal struct DebugUtilsLabelEXT <: HighLevelStruct next::Any label_name::String color::NTuple{4, Float32} end """ High-level wrapper for VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR. Extension: VK\\_KHR\\_global\\_priority [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDeviceGlobalPriorityQueryFeaturesKHR <: HighLevelStruct next::Any global_priority_query::Bool end """ High-level wrapper for VkShaderResourceUsageAMD. Extension: VK\\_AMD\\_shader\\_info [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderResourceUsageAMD.html) """ @struct_hash_equal struct ShaderResourceUsageAMD <: HighLevelStruct num_used_vgprs::UInt32 num_used_sgprs::UInt32 lds_size_per_local_work_group::UInt32 lds_usage_size_in_bytes::UInt scratch_mem_usage_in_bytes::UInt end """ High-level wrapper for VkPhysicalDeviceHostQueryResetFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceHostQueryResetFeatures.html) """ @struct_hash_equal struct PhysicalDeviceHostQueryResetFeatures <: HighLevelStruct next::Any host_query_reset::Bool end """ High-level wrapper for VkPhysicalDeviceShaderFloat16Int8Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderFloat16Int8Features.html) """ @struct_hash_equal struct PhysicalDeviceShaderFloat16Int8Features <: HighLevelStruct next::Any shader_float_16::Bool shader_int_8::Bool end """ High-level wrapper for VkPhysicalDeviceShaderDrawParametersFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderDrawParametersFeatures.html) """ @struct_hash_equal struct PhysicalDeviceShaderDrawParametersFeatures <: HighLevelStruct next::Any shader_draw_parameters::Bool end """ High-level wrapper for VkDescriptorSetLayoutSupport. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutSupport.html) """ @struct_hash_equal struct DescriptorSetLayoutSupport <: HighLevelStruct next::Any supported::Bool end """ High-level wrapper for VkPhysicalDeviceMaintenance4Properties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMaintenance4Properties.html) """ @struct_hash_equal struct PhysicalDeviceMaintenance4Properties <: HighLevelStruct next::Any max_buffer_size::UInt64 end """ High-level wrapper for VkPhysicalDeviceMaintenance4Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMaintenance4Features.html) """ @struct_hash_equal struct PhysicalDeviceMaintenance4Features <: HighLevelStruct next::Any maintenance4::Bool end """ High-level wrapper for VkPhysicalDeviceMaintenance3Properties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMaintenance3Properties.html) """ @struct_hash_equal struct PhysicalDeviceMaintenance3Properties <: HighLevelStruct next::Any max_per_set_descriptors::UInt32 max_memory_allocation_size::UInt64 end """ High-level wrapper for VkValidationCacheCreateInfoEXT. Extension: VK\\_EXT\\_validation\\_cache [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkValidationCacheCreateInfoEXT.html) """ @struct_hash_equal struct ValidationCacheCreateInfoEXT <: HighLevelStruct next::Any flags::UInt32 initial_data_size::OptionalPtr{UInt} initial_data::Ptr{Cvoid} end """ High-level wrapper for VkDescriptorPoolInlineUniformBlockCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorPoolInlineUniformBlockCreateInfo.html) """ @struct_hash_equal struct DescriptorPoolInlineUniformBlockCreateInfo <: HighLevelStruct next::Any max_inline_uniform_block_bindings::UInt32 end """ High-level wrapper for VkWriteDescriptorSetInlineUniformBlock. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSetInlineUniformBlock.html) """ @struct_hash_equal struct WriteDescriptorSetInlineUniformBlock <: HighLevelStruct next::Any data_size::UInt32 data::Ptr{Cvoid} end """ High-level wrapper for VkPhysicalDeviceInlineUniformBlockProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInlineUniformBlockProperties.html) """ @struct_hash_equal struct PhysicalDeviceInlineUniformBlockProperties <: HighLevelStruct next::Any max_inline_uniform_block_size::UInt32 max_per_stage_descriptor_inline_uniform_blocks::UInt32 max_per_stage_descriptor_update_after_bind_inline_uniform_blocks::UInt32 max_descriptor_set_inline_uniform_blocks::UInt32 max_descriptor_set_update_after_bind_inline_uniform_blocks::UInt32 end """ High-level wrapper for VkPhysicalDeviceInlineUniformBlockFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInlineUniformBlockFeatures.html) """ @struct_hash_equal struct PhysicalDeviceInlineUniformBlockFeatures <: HighLevelStruct next::Any inline_uniform_block::Bool descriptor_binding_inline_uniform_block_update_after_bind::Bool end """ High-level wrapper for VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT. Extension: VK\\_EXT\\_blend\\_operation\\_advanced [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceBlendOperationAdvancedPropertiesEXT <: HighLevelStruct next::Any advanced_blend_max_color_attachments::UInt32 advanced_blend_independent_blend::Bool advanced_blend_non_premultiplied_src_color::Bool advanced_blend_non_premultiplied_dst_color::Bool advanced_blend_correlated_overlap::Bool advanced_blend_all_operations::Bool end """ High-level wrapper for VkPhysicalDeviceMultiDrawFeaturesEXT. Extension: VK\\_EXT\\_multi\\_draw [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiDrawFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceMultiDrawFeaturesEXT <: HighLevelStruct next::Any multi_draw::Bool end """ High-level wrapper for VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT. Extension: VK\\_EXT\\_blend\\_operation\\_advanced [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT.html) """ @struct_hash_equal struct PhysicalDeviceBlendOperationAdvancedFeaturesEXT <: HighLevelStruct next::Any advanced_blend_coherent_operations::Bool end """ High-level wrapper for VkSampleLocationEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSampleLocationEXT.html) """ @struct_hash_equal struct SampleLocationEXT <: HighLevelStruct x::Float32 y::Float32 end """ High-level wrapper for VkPhysicalDeviceSamplerFilterMinmaxProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSamplerFilterMinmaxProperties.html) """ @struct_hash_equal struct PhysicalDeviceSamplerFilterMinmaxProperties <: HighLevelStruct next::Any filter_minmax_single_component_formats::Bool filter_minmax_image_component_mapping::Bool end """ High-level wrapper for VkPipelineCoverageToColorStateCreateInfoNV. Extension: VK\\_NV\\_fragment\\_coverage\\_to\\_color [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCoverageToColorStateCreateInfoNV.html) """ @struct_hash_equal struct PipelineCoverageToColorStateCreateInfoNV <: HighLevelStruct next::Any flags::UInt32 coverage_to_color_enable::Bool coverage_to_color_location::UInt32 end """ High-level wrapper for VkPhysicalDeviceProtectedMemoryProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProtectedMemoryProperties.html) """ @struct_hash_equal struct PhysicalDeviceProtectedMemoryProperties <: HighLevelStruct next::Any protected_no_fault::Bool end """ High-level wrapper for VkPhysicalDeviceProtectedMemoryFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProtectedMemoryFeatures.html) """ @struct_hash_equal struct PhysicalDeviceProtectedMemoryFeatures <: HighLevelStruct next::Any protected_memory::Bool end """ High-level wrapper for VkProtectedSubmitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkProtectedSubmitInfo.html) """ @struct_hash_equal struct ProtectedSubmitInfo <: HighLevelStruct next::Any protected_submit::Bool end """ High-level wrapper for VkTextureLODGatherFormatPropertiesAMD. Extension: VK\\_AMD\\_texture\\_gather\\_bias\\_lod [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTextureLODGatherFormatPropertiesAMD.html) """ @struct_hash_equal struct TextureLODGatherFormatPropertiesAMD <: HighLevelStruct next::Any supports_texture_gather_lod_bias_amd::Bool end """ High-level wrapper for VkSamplerYcbcrConversionImageFormatProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerYcbcrConversionImageFormatProperties.html) """ @struct_hash_equal struct SamplerYcbcrConversionImageFormatProperties <: HighLevelStruct next::Any combined_image_sampler_descriptor_count::UInt32 end """ High-level wrapper for VkPhysicalDeviceSamplerYcbcrConversionFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSamplerYcbcrConversionFeatures.html) """ @struct_hash_equal struct PhysicalDeviceSamplerYcbcrConversionFeatures <: HighLevelStruct next::Any sampler_ycbcr_conversion::Bool end """ High-level wrapper for VkMemoryDedicatedRequirements. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryDedicatedRequirements.html) """ @struct_hash_equal struct MemoryDedicatedRequirements <: HighLevelStruct next::Any prefers_dedicated_allocation::Bool requires_dedicated_allocation::Bool end """ High-level wrapper for VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures.html) """ @struct_hash_equal struct PhysicalDeviceShaderSubgroupExtendedTypesFeatures <: HighLevelStruct next::Any shader_subgroup_extended_types::Bool end """ High-level wrapper for VkPhysicalDevice16BitStorageFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevice16BitStorageFeatures.html) """ @struct_hash_equal struct PhysicalDevice16BitStorageFeatures <: HighLevelStruct next::Any storage_buffer_16_bit_access::Bool uniform_and_storage_buffer_16_bit_access::Bool storage_push_constant_16::Bool storage_input_output_16::Bool end """ High-level wrapper for VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX. Extension: VK\\_NVX\\_multiview\\_per\\_view\\_attributes [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX.html) """ @struct_hash_equal struct PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX <: HighLevelStruct next::Any per_view_position_all_components::Bool end """ High-level wrapper for VkPhysicalDeviceDiscardRectanglePropertiesEXT. Extension: VK\\_EXT\\_discard\\_rectangles [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDiscardRectanglePropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceDiscardRectanglePropertiesEXT <: HighLevelStruct next::Any max_discard_rectangles::UInt32 end """ High-level wrapper for VkViewportWScalingNV. Extension: VK\\_NV\\_clip\\_space\\_w\\_scaling [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkViewportWScalingNV.html) """ @struct_hash_equal struct ViewportWScalingNV <: HighLevelStruct xcoeff::Float32 ycoeff::Float32 end """ High-level wrapper for VkPipelineViewportWScalingStateCreateInfoNV. Extension: VK\\_NV\\_clip\\_space\\_w\\_scaling [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportWScalingStateCreateInfoNV.html) """ @struct_hash_equal struct PipelineViewportWScalingStateCreateInfoNV <: HighLevelStruct next::Any viewport_w_scaling_enable::Bool viewport_w_scalings::OptionalPtr{Vector{ViewportWScalingNV}} end """ High-level wrapper for VkPresentTimeGOOGLE. Extension: VK\\_GOOGLE\\_display\\_timing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentTimeGOOGLE.html) """ @struct_hash_equal struct PresentTimeGOOGLE <: HighLevelStruct present_id::UInt32 desired_present_time::UInt64 end """ High-level wrapper for VkPresentTimesInfoGOOGLE. Extension: VK\\_GOOGLE\\_display\\_timing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentTimesInfoGOOGLE.html) """ @struct_hash_equal struct PresentTimesInfoGOOGLE <: HighLevelStruct next::Any times::OptionalPtr{Vector{PresentTimeGOOGLE}} end """ High-level wrapper for VkPastPresentationTimingGOOGLE. Extension: VK\\_GOOGLE\\_display\\_timing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPastPresentationTimingGOOGLE.html) """ @struct_hash_equal struct PastPresentationTimingGOOGLE <: HighLevelStruct present_id::UInt32 desired_present_time::UInt64 actual_present_time::UInt64 earliest_present_time::UInt64 present_margin::UInt64 end """ High-level wrapper for VkRefreshCycleDurationGOOGLE. Extension: VK\\_GOOGLE\\_display\\_timing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRefreshCycleDurationGOOGLE.html) """ @struct_hash_equal struct RefreshCycleDurationGOOGLE <: HighLevelStruct refresh_duration::UInt64 end """ High-level wrapper for VkSwapchainDisplayNativeHdrCreateInfoAMD. Extension: VK\\_AMD\\_display\\_native\\_hdr [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainDisplayNativeHdrCreateInfoAMD.html) """ @struct_hash_equal struct SwapchainDisplayNativeHdrCreateInfoAMD <: HighLevelStruct next::Any local_dimming_enable::Bool end """ High-level wrapper for VkDisplayNativeHdrSurfaceCapabilitiesAMD. Extension: VK\\_AMD\\_display\\_native\\_hdr [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayNativeHdrSurfaceCapabilitiesAMD.html) """ @struct_hash_equal struct DisplayNativeHdrSurfaceCapabilitiesAMD <: HighLevelStruct next::Any local_dimming_support::Bool end """ High-level wrapper for VkPhysicalDevicePresentWaitFeaturesKHR. Extension: VK\\_KHR\\_present\\_wait [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePresentWaitFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDevicePresentWaitFeaturesKHR <: HighLevelStruct next::Any present_wait::Bool end """ High-level wrapper for VkPresentIdKHR. Extension: VK\\_KHR\\_present\\_id [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentIdKHR.html) """ @struct_hash_equal struct PresentIdKHR <: HighLevelStruct next::Any present_ids::OptionalPtr{Vector{UInt64}} end """ High-level wrapper for VkPhysicalDevicePresentIdFeaturesKHR. Extension: VK\\_KHR\\_present\\_id [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePresentIdFeaturesKHR.html) """ @struct_hash_equal struct PhysicalDevicePresentIdFeaturesKHR <: HighLevelStruct next::Any present_id::Bool end """ High-level wrapper for VkXYColorEXT. Extension: VK\\_EXT\\_hdr\\_metadata [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkXYColorEXT.html) """ @struct_hash_equal struct XYColorEXT <: HighLevelStruct x::Float32 y::Float32 end """ High-level wrapper for VkHdrMetadataEXT. Extension: VK\\_EXT\\_hdr\\_metadata [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkHdrMetadataEXT.html) """ @struct_hash_equal struct HdrMetadataEXT <: HighLevelStruct next::Any display_primary_red::XYColorEXT display_primary_green::XYColorEXT display_primary_blue::XYColorEXT white_point::XYColorEXT max_luminance::Float32 min_luminance::Float32 max_content_light_level::Float32 max_frame_average_light_level::Float32 end """ High-level wrapper for VkDeviceGroupBindSparseInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupBindSparseInfo.html) """ @struct_hash_equal struct DeviceGroupBindSparseInfo <: HighLevelStruct next::Any resource_device_index::UInt32 memory_device_index::UInt32 end """ High-level wrapper for VkDeviceGroupSubmitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupSubmitInfo.html) """ @struct_hash_equal struct DeviceGroupSubmitInfo <: HighLevelStruct next::Any wait_semaphore_device_indices::Vector{UInt32} command_buffer_device_masks::Vector{UInt32} signal_semaphore_device_indices::Vector{UInt32} end """ High-level wrapper for VkDeviceGroupCommandBufferBeginInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupCommandBufferBeginInfo.html) """ @struct_hash_equal struct DeviceGroupCommandBufferBeginInfo <: HighLevelStruct next::Any device_mask::UInt32 end """ High-level wrapper for VkBindBufferMemoryDeviceGroupInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindBufferMemoryDeviceGroupInfo.html) """ @struct_hash_equal struct BindBufferMemoryDeviceGroupInfo <: HighLevelStruct next::Any device_indices::Vector{UInt32} end """ High-level wrapper for VkRenderPassMultiviewCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassMultiviewCreateInfo.html) """ @struct_hash_equal struct RenderPassMultiviewCreateInfo <: HighLevelStruct next::Any view_masks::Vector{UInt32} view_offsets::Vector{Int32} correlation_masks::Vector{UInt32} end """ High-level wrapper for VkPhysicalDeviceMultiviewProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewProperties.html) """ @struct_hash_equal struct PhysicalDeviceMultiviewProperties <: HighLevelStruct next::Any max_multiview_view_count::UInt32 max_multiview_instance_index::UInt32 end """ High-level wrapper for VkPhysicalDeviceMultiviewFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewFeatures.html) """ @struct_hash_equal struct PhysicalDeviceMultiviewFeatures <: HighLevelStruct next::Any multiview::Bool multiview_geometry_shader::Bool multiview_tessellation_shader::Bool end """ High-level wrapper for VkExportFenceWin32HandleInfoKHR. Extension: VK\\_KHR\\_external\\_fence\\_win32 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportFenceWin32HandleInfoKHR.html) """ @struct_hash_equal struct ExportFenceWin32HandleInfoKHR <: HighLevelStruct next::Any attributes::OptionalPtr{vk.SECURITY_ATTRIBUTES} dw_access::vk.DWORD name::vk.LPCWSTR end """ High-level wrapper for VkD3D12FenceSubmitInfoKHR. Extension: VK\\_KHR\\_external\\_semaphore\\_win32 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkD3D12FenceSubmitInfoKHR.html) """ @struct_hash_equal struct D3D12FenceSubmitInfoKHR <: HighLevelStruct next::Any wait_semaphore_values::OptionalPtr{Vector{UInt64}} signal_semaphore_values::OptionalPtr{Vector{UInt64}} end """ High-level wrapper for VkExportSemaphoreWin32HandleInfoKHR. Extension: VK\\_KHR\\_external\\_semaphore\\_win32 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportSemaphoreWin32HandleInfoKHR.html) """ @struct_hash_equal struct ExportSemaphoreWin32HandleInfoKHR <: HighLevelStruct next::Any attributes::OptionalPtr{vk.SECURITY_ATTRIBUTES} dw_access::vk.DWORD name::vk.LPCWSTR end """ High-level wrapper for VkMemoryFdPropertiesKHR. Extension: VK\\_KHR\\_external\\_memory\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryFdPropertiesKHR.html) """ @struct_hash_equal struct MemoryFdPropertiesKHR <: HighLevelStruct next::Any memory_type_bits::UInt32 end """ High-level wrapper for VkMemoryWin32HandlePropertiesKHR. Extension: VK\\_KHR\\_external\\_memory\\_win32 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryWin32HandlePropertiesKHR.html) """ @struct_hash_equal struct MemoryWin32HandlePropertiesKHR <: HighLevelStruct next::Any memory_type_bits::UInt32 end """ High-level wrapper for VkExportMemoryWin32HandleInfoKHR. Extension: VK\\_KHR\\_external\\_memory\\_win32 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMemoryWin32HandleInfoKHR.html) """ @struct_hash_equal struct ExportMemoryWin32HandleInfoKHR <: HighLevelStruct next::Any attributes::OptionalPtr{vk.SECURITY_ATTRIBUTES} dw_access::vk.DWORD name::vk.LPCWSTR end """ High-level wrapper for VkPhysicalDeviceIDProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceIDProperties.html) """ @struct_hash_equal struct PhysicalDeviceIDProperties <: HighLevelStruct next::Any device_uuid::NTuple{Int(VK_UUID_SIZE), UInt8} driver_uuid::NTuple{Int(VK_UUID_SIZE), UInt8} device_luid::NTuple{Int(VK_LUID_SIZE), UInt8} device_node_mask::UInt32 device_luid_valid::Bool end """ High-level wrapper for VkPhysicalDeviceVariablePointersFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVariablePointersFeatures.html) """ @struct_hash_equal struct PhysicalDeviceVariablePointersFeatures <: HighLevelStruct next::Any variable_pointers_storage_buffer::Bool variable_pointers::Bool end """ High-level wrapper for VkConformanceVersion. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkConformanceVersion.html) """ @struct_hash_equal struct ConformanceVersion <: HighLevelStruct major::UInt8 minor::UInt8 subminor::UInt8 patch::UInt8 end """ High-level wrapper for VkPhysicalDevicePushDescriptorPropertiesKHR. Extension: VK\\_KHR\\_push\\_descriptor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePushDescriptorPropertiesKHR.html) """ @struct_hash_equal struct PhysicalDevicePushDescriptorPropertiesKHR <: HighLevelStruct next::Any max_push_descriptors::UInt32 end """ High-level wrapper for VkSetStateFlagsIndirectCommandNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSetStateFlagsIndirectCommandNV.html) """ @struct_hash_equal struct SetStateFlagsIndirectCommandNV <: HighLevelStruct data::UInt32 end """ High-level wrapper for VkBindVertexBufferIndirectCommandNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindVertexBufferIndirectCommandNV.html) """ @struct_hash_equal struct BindVertexBufferIndirectCommandNV <: HighLevelStruct buffer_address::UInt64 size::UInt32 stride::UInt32 end """ High-level wrapper for VkBindShaderGroupIndirectCommandNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindShaderGroupIndirectCommandNV.html) """ @struct_hash_equal struct BindShaderGroupIndirectCommandNV <: HighLevelStruct group_index::UInt32 end """ High-level wrapper for VkPhysicalDeviceMultiDrawPropertiesEXT. Extension: VK\\_EXT\\_multi\\_draw [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiDrawPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceMultiDrawPropertiesEXT <: HighLevelStruct next::Any max_multi_draw_count::UInt32 end """ High-level wrapper for VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV.html) """ @struct_hash_equal struct PhysicalDeviceDeviceGeneratedCommandsPropertiesNV <: HighLevelStruct next::Any max_graphics_shader_group_count::UInt32 max_indirect_sequence_count::UInt32 max_indirect_commands_token_count::UInt32 max_indirect_commands_stream_count::UInt32 max_indirect_commands_token_offset::UInt32 max_indirect_commands_stream_stride::UInt32 min_sequences_count_buffer_offset_alignment::UInt32 min_sequences_index_buffer_offset_alignment::UInt32 min_indirect_commands_buffer_offset_alignment::UInt32 end """ High-level wrapper for VkPhysicalDevicePrivateDataFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePrivateDataFeatures.html) """ @struct_hash_equal struct PhysicalDevicePrivateDataFeatures <: HighLevelStruct next::Any private_data::Bool end """ High-level wrapper for VkPrivateDataSlotCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPrivateDataSlotCreateInfo.html) """ @struct_hash_equal struct PrivateDataSlotCreateInfo <: HighLevelStruct next::Any flags::UInt32 end """ High-level wrapper for VkDevicePrivateDataCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDevicePrivateDataCreateInfo.html) """ @struct_hash_equal struct DevicePrivateDataCreateInfo <: HighLevelStruct next::Any private_data_slot_request_count::UInt32 end """ High-level wrapper for VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV.html) """ @struct_hash_equal struct PhysicalDeviceDeviceGeneratedCommandsFeaturesNV <: HighLevelStruct next::Any device_generated_commands::Bool end """ High-level wrapper for VkExportMemoryWin32HandleInfoNV. Extension: VK\\_NV\\_external\\_memory\\_win32 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMemoryWin32HandleInfoNV.html) """ @struct_hash_equal struct ExportMemoryWin32HandleInfoNV <: HighLevelStruct next::Any attributes::OptionalPtr{vk.SECURITY_ATTRIBUTES} dw_access::OptionalPtr{vk.DWORD} end """ High-level wrapper for VkDedicatedAllocationBufferCreateInfoNV. Extension: VK\\_NV\\_dedicated\\_allocation [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDedicatedAllocationBufferCreateInfoNV.html) """ @struct_hash_equal struct DedicatedAllocationBufferCreateInfoNV <: HighLevelStruct next::Any dedicated_allocation::Bool end """ High-level wrapper for VkDedicatedAllocationImageCreateInfoNV. Extension: VK\\_NV\\_dedicated\\_allocation [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDedicatedAllocationImageCreateInfoNV.html) """ @struct_hash_equal struct DedicatedAllocationImageCreateInfoNV <: HighLevelStruct next::Any dedicated_allocation::Bool end """ High-level wrapper for VkDebugMarkerMarkerInfoEXT. Extension: VK\\_EXT\\_debug\\_marker [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugMarkerMarkerInfoEXT.html) """ @struct_hash_equal struct DebugMarkerMarkerInfoEXT <: HighLevelStruct next::Any marker_name::String color::NTuple{4, Float32} end """ High-level wrapper for VkWin32SurfaceCreateInfoKHR. Extension: VK\\_KHR\\_win32\\_surface [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWin32SurfaceCreateInfoKHR.html) """ @struct_hash_equal struct Win32SurfaceCreateInfoKHR <: HighLevelStruct next::Any flags::UInt32 hinstance::vk.HINSTANCE hwnd::vk.HWND end """ High-level wrapper for VkMultiDrawIndexedInfoEXT. Extension: VK\\_EXT\\_multi\\_draw [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultiDrawIndexedInfoEXT.html) """ @struct_hash_equal struct MultiDrawIndexedInfoEXT <: HighLevelStruct first_index::UInt32 index_count::UInt32 vertex_offset::Int32 end """ High-level wrapper for VkMultiDrawInfoEXT. Extension: VK\\_EXT\\_multi\\_draw [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultiDrawInfoEXT.html) """ @struct_hash_equal struct MultiDrawInfoEXT <: HighLevelStruct first_vertex::UInt32 vertex_count::UInt32 end """ High-level wrapper for VkDispatchIndirectCommand. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDispatchIndirectCommand.html) """ @struct_hash_equal struct DispatchIndirectCommand <: HighLevelStruct x::UInt32 y::UInt32 z::UInt32 end """ High-level wrapper for VkDrawIndexedIndirectCommand. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrawIndexedIndirectCommand.html) """ @struct_hash_equal struct DrawIndexedIndirectCommand <: HighLevelStruct index_count::UInt32 instance_count::UInt32 first_index::UInt32 vertex_offset::Int32 first_instance::UInt32 end """ High-level wrapper for VkDrawIndirectCommand. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrawIndirectCommand.html) """ @struct_hash_equal struct DrawIndirectCommand <: HighLevelStruct vertex_count::UInt32 instance_count::UInt32 first_vertex::UInt32 first_instance::UInt32 end """ High-level wrapper for VkSemaphoreCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreCreateInfo.html) """ @struct_hash_equal struct SemaphoreCreateInfo <: HighLevelStruct next::Any flags::UInt32 end """ High-level wrapper for VkPhysicalDeviceSparseProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSparseProperties.html) """ @struct_hash_equal struct PhysicalDeviceSparseProperties <: HighLevelStruct residency_standard_2_d_block_shape::Bool residency_standard_2_d_multisample_block_shape::Bool residency_standard_3_d_block_shape::Bool residency_aligned_mip_size::Bool residency_non_resident_strict::Bool end """ High-level wrapper for VkPhysicalDeviceFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFeatures.html) """ @struct_hash_equal struct PhysicalDeviceFeatures <: HighLevelStruct robust_buffer_access::Bool full_draw_index_uint_32::Bool image_cube_array::Bool independent_blend::Bool geometry_shader::Bool tessellation_shader::Bool sample_rate_shading::Bool dual_src_blend::Bool logic_op::Bool multi_draw_indirect::Bool draw_indirect_first_instance::Bool depth_clamp::Bool depth_bias_clamp::Bool fill_mode_non_solid::Bool depth_bounds::Bool wide_lines::Bool large_points::Bool alpha_to_one::Bool multi_viewport::Bool sampler_anisotropy::Bool texture_compression_etc_2::Bool texture_compression_astc_ldr::Bool texture_compression_bc::Bool occlusion_query_precise::Bool pipeline_statistics_query::Bool vertex_pipeline_stores_and_atomics::Bool fragment_stores_and_atomics::Bool shader_tessellation_and_geometry_point_size::Bool shader_image_gather_extended::Bool shader_storage_image_extended_formats::Bool shader_storage_image_multisample::Bool shader_storage_image_read_without_format::Bool shader_storage_image_write_without_format::Bool shader_uniform_buffer_array_dynamic_indexing::Bool shader_sampled_image_array_dynamic_indexing::Bool shader_storage_buffer_array_dynamic_indexing::Bool shader_storage_image_array_dynamic_indexing::Bool shader_clip_distance::Bool shader_cull_distance::Bool shader_float_64::Bool shader_int_64::Bool shader_int_16::Bool shader_resource_residency::Bool shader_resource_min_lod::Bool sparse_binding::Bool sparse_residency_buffer::Bool sparse_residency_image_2_d::Bool sparse_residency_image_3_d::Bool sparse_residency_2_samples::Bool sparse_residency_4_samples::Bool sparse_residency_8_samples::Bool sparse_residency_16_samples::Bool sparse_residency_aliased::Bool variable_multisample_rate::Bool inherited_queries::Bool end """ High-level wrapper for VkPhysicalDeviceFeatures2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFeatures2.html) """ @struct_hash_equal struct PhysicalDeviceFeatures2 <: HighLevelStruct next::Any features::PhysicalDeviceFeatures end """ High-level wrapper for VkClearDepthStencilValue. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearDepthStencilValue.html) """ @struct_hash_equal struct ClearDepthStencilValue <: HighLevelStruct depth::Float32 stencil::UInt32 end """ High-level wrapper for VkPipelineTessellationStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineTessellationStateCreateInfo.html) """ @struct_hash_equal struct PipelineTessellationStateCreateInfo <: HighLevelStruct next::Any flags::UInt32 patch_control_points::UInt32 end """ High-level wrapper for VkSpecializationMapEntry. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSpecializationMapEntry.html) """ @struct_hash_equal struct SpecializationMapEntry <: HighLevelStruct constant_id::UInt32 offset::UInt32 size::UInt end """ High-level wrapper for VkSpecializationInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSpecializationInfo.html) """ @struct_hash_equal struct SpecializationInfo <: HighLevelStruct map_entries::Vector{SpecializationMapEntry} data_size::OptionalPtr{UInt} data::Ptr{Cvoid} end """ High-level wrapper for VkShaderModuleCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderModuleCreateInfo.html) """ @struct_hash_equal struct ShaderModuleCreateInfo <: HighLevelStruct next::Any flags::UInt32 code_size::UInt code::Vector{UInt32} end """ High-level wrapper for VkCopyMemoryIndirectCommandNV. Extension: VK\\_NV\\_copy\\_memory\\_indirect [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryIndirectCommandNV.html) """ @struct_hash_equal struct CopyMemoryIndirectCommandNV <: HighLevelStruct src_address::UInt64 dst_address::UInt64 size::UInt64 end """ High-level wrapper for VkBufferCopy. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCopy.html) """ @struct_hash_equal struct BufferCopy <: HighLevelStruct src_offset::UInt64 dst_offset::UInt64 size::UInt64 end """ High-level wrapper for VkSubresourceLayout. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubresourceLayout.html) """ @struct_hash_equal struct SubresourceLayout <: HighLevelStruct offset::UInt64 size::UInt64 row_pitch::UInt64 array_pitch::UInt64 depth_pitch::UInt64 end """ High-level wrapper for VkImageDrmFormatModifierExplicitCreateInfoEXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageDrmFormatModifierExplicitCreateInfoEXT.html) """ @struct_hash_equal struct ImageDrmFormatModifierExplicitCreateInfoEXT <: HighLevelStruct next::Any drm_format_modifier::UInt64 plane_layouts::Vector{SubresourceLayout} end """ High-level wrapper for VkSubresourceLayout2EXT. Extension: VK\\_EXT\\_image\\_compression\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubresourceLayout2EXT.html) """ @struct_hash_equal struct SubresourceLayout2EXT <: HighLevelStruct next::Any subresource_layout::SubresourceLayout end """ High-level wrapper for VkMemoryRequirements. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryRequirements.html) """ @struct_hash_equal struct MemoryRequirements <: HighLevelStruct size::UInt64 alignment::UInt64 memory_type_bits::UInt32 end """ High-level wrapper for VkMemoryRequirements2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryRequirements2.html) """ @struct_hash_equal struct MemoryRequirements2 <: HighLevelStruct next::Any memory_requirements::MemoryRequirements end """ High-level wrapper for VkVideoSessionMemoryRequirementsKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionMemoryRequirementsKHR.html) """ @struct_hash_equal struct VideoSessionMemoryRequirementsKHR <: HighLevelStruct next::Any memory_bind_index::UInt32 memory_requirements::MemoryRequirements end """ High-level wrapper for VkMemoryAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryAllocateInfo.html) """ @struct_hash_equal struct MemoryAllocateInfo <: HighLevelStruct next::Any allocation_size::UInt64 memory_type_index::UInt32 end """ High-level wrapper for VkAllocationCallbacks. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAllocationCallbacks.html) """ @struct_hash_equal struct AllocationCallbacks <: HighLevelStruct user_data::OptionalPtr{Ptr{Cvoid}} pfn_allocation::FunctionPtr pfn_reallocation::FunctionPtr pfn_free::FunctionPtr pfn_internal_allocation::OptionalPtr{FunctionPtr} pfn_internal_free::OptionalPtr{FunctionPtr} end """ High-level wrapper for VkApplicationInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkApplicationInfo.html) """ @struct_hash_equal struct ApplicationInfo <: HighLevelStruct next::Any application_name::String application_version::VersionNumber engine_name::String engine_version::VersionNumber api_version::VersionNumber end """ High-level wrapper for VkLayerProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkLayerProperties.html) """ @struct_hash_equal struct LayerProperties <: HighLevelStruct layer_name::String spec_version::VersionNumber implementation_version::VersionNumber description::String end """ High-level wrapper for VkExtensionProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExtensionProperties.html) """ @struct_hash_equal struct ExtensionProperties <: HighLevelStruct extension_name::String spec_version::VersionNumber end """ High-level wrapper for VkViewport. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkViewport.html) """ @struct_hash_equal struct Viewport <: HighLevelStruct x::Float32 y::Float32 width::Float32 height::Float32 min_depth::Float32 max_depth::Float32 end """ High-level wrapper for VkCommandBufferInheritanceViewportScissorInfoNV. Extension: VK\\_NV\\_inherited\\_viewport\\_scissor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceViewportScissorInfoNV.html) """ @struct_hash_equal struct CommandBufferInheritanceViewportScissorInfoNV <: HighLevelStruct next::Any viewport_scissor_2_d::Bool viewport_depth_count::UInt32 viewport_depths::Viewport end """ High-level wrapper for VkExtent3D. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExtent3D.html) """ @struct_hash_equal struct Extent3D <: HighLevelStruct width::UInt32 height::UInt32 depth::UInt32 end """ High-level wrapper for VkExtent2D. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExtent2D.html) """ @struct_hash_equal struct Extent2D <: HighLevelStruct width::UInt32 height::UInt32 end """ High-level wrapper for VkDisplayModeParametersKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModeParametersKHR.html) """ @struct_hash_equal struct DisplayModeParametersKHR <: HighLevelStruct visible_region::Extent2D refresh_rate::UInt32 end """ High-level wrapper for VkDisplayModeCreateInfoKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModeCreateInfoKHR.html) """ @struct_hash_equal struct DisplayModeCreateInfoKHR <: HighLevelStruct next::Any flags::UInt32 parameters::DisplayModeParametersKHR end """ High-level wrapper for VkMultisamplePropertiesEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultisamplePropertiesEXT.html) """ @struct_hash_equal struct MultisamplePropertiesEXT <: HighLevelStruct next::Any max_sample_location_grid_size::Extent2D end """ High-level wrapper for VkPhysicalDeviceShadingRateImagePropertiesNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShadingRateImagePropertiesNV.html) """ @struct_hash_equal struct PhysicalDeviceShadingRateImagePropertiesNV <: HighLevelStruct next::Any shading_rate_texel_size::Extent2D shading_rate_palette_size::UInt32 shading_rate_max_coarse_samples::UInt32 end """ High-level wrapper for VkPhysicalDeviceFragmentDensityMapPropertiesEXT. Extension: VK\\_EXT\\_fragment\\_density\\_map [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceFragmentDensityMapPropertiesEXT <: HighLevelStruct next::Any min_fragment_density_texel_size::Extent2D max_fragment_density_texel_size::Extent2D fragment_density_invocations::Bool end """ High-level wrapper for VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM. Extension: VK\\_QCOM\\_fragment\\_density\\_map\\_offset [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM.html) """ @struct_hash_equal struct PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM <: HighLevelStruct next::Any fragment_density_offset_granularity::Extent2D end """ High-level wrapper for VkPhysicalDeviceImageProcessingPropertiesQCOM. Extension: VK\\_QCOM\\_image\\_processing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageProcessingPropertiesQCOM.html) """ @struct_hash_equal struct PhysicalDeviceImageProcessingPropertiesQCOM <: HighLevelStruct next::Any max_weight_filter_phases::UInt32 max_weight_filter_dimension::OptionalPtr{Extent2D} max_block_match_region::OptionalPtr{Extent2D} max_box_filter_block_size::OptionalPtr{Extent2D} end """ High-level wrapper for VkOffset3D. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOffset3D.html) """ @struct_hash_equal struct Offset3D <: HighLevelStruct x::Int32 y::Int32 z::Int32 end """ High-level wrapper for VkOffset2D. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOffset2D.html) """ @struct_hash_equal struct Offset2D <: HighLevelStruct x::Int32 y::Int32 end """ High-level wrapper for VkRect2D. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRect2D.html) """ @struct_hash_equal struct Rect2D <: HighLevelStruct offset::Offset2D extent::Extent2D end """ High-level wrapper for VkClearRect. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearRect.html) """ @struct_hash_equal struct ClearRect <: HighLevelStruct rect::Rect2D base_array_layer::UInt32 layer_count::UInt32 end """ High-level wrapper for VkPipelineViewportStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportStateCreateInfo.html) """ @struct_hash_equal struct PipelineViewportStateCreateInfo <: HighLevelStruct next::Any flags::UInt32 viewports::OptionalPtr{Vector{Viewport}} scissors::OptionalPtr{Vector{Rect2D}} end """ High-level wrapper for VkDisplayPresentInfoKHR. Extension: VK\\_KHR\\_display\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPresentInfoKHR.html) """ @struct_hash_equal struct DisplayPresentInfoKHR <: HighLevelStruct next::Any src_rect::Rect2D dst_rect::Rect2D persistent::Bool end """ High-level wrapper for VkBindImageMemoryDeviceGroupInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImageMemoryDeviceGroupInfo.html) """ @struct_hash_equal struct BindImageMemoryDeviceGroupInfo <: HighLevelStruct next::Any device_indices::Vector{UInt32} split_instance_bind_regions::Vector{Rect2D} end """ High-level wrapper for VkDeviceGroupRenderPassBeginInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupRenderPassBeginInfo.html) """ @struct_hash_equal struct DeviceGroupRenderPassBeginInfo <: HighLevelStruct next::Any device_mask::UInt32 device_render_areas::Vector{Rect2D} end """ High-level wrapper for VkPipelineViewportExclusiveScissorStateCreateInfoNV. Extension: VK\\_NV\\_scissor\\_exclusive [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportExclusiveScissorStateCreateInfoNV.html) """ @struct_hash_equal struct PipelineViewportExclusiveScissorStateCreateInfoNV <: HighLevelStruct next::Any exclusive_scissors::Vector{Rect2D} end """ High-level wrapper for VkRectLayerKHR. Extension: VK\\_KHR\\_incremental\\_present [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRectLayerKHR.html) """ @struct_hash_equal struct RectLayerKHR <: HighLevelStruct offset::Offset2D extent::Extent2D layer::UInt32 end """ High-level wrapper for VkPresentRegionKHR. Extension: VK\\_KHR\\_incremental\\_present [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentRegionKHR.html) """ @struct_hash_equal struct PresentRegionKHR <: HighLevelStruct rectangles::OptionalPtr{Vector{RectLayerKHR}} end """ High-level wrapper for VkPresentRegionsKHR. Extension: VK\\_KHR\\_incremental\\_present [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentRegionsKHR.html) """ @struct_hash_equal struct PresentRegionsKHR <: HighLevelStruct next::Any regions::OptionalPtr{Vector{PresentRegionKHR}} end """ High-level wrapper for VkSubpassFragmentDensityMapOffsetEndInfoQCOM. Extension: VK\\_QCOM\\_fragment\\_density\\_map\\_offset [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassFragmentDensityMapOffsetEndInfoQCOM.html) """ @struct_hash_equal struct SubpassFragmentDensityMapOffsetEndInfoQCOM <: HighLevelStruct next::Any fragment_density_offsets::Vector{Offset2D} end """ High-level wrapper for VkVideoDecodeH264CapabilitiesKHR. Extension: VK\\_KHR\\_video\\_decode\\_h264 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264CapabilitiesKHR.html) """ @struct_hash_equal struct VideoDecodeH264CapabilitiesKHR <: HighLevelStruct next::Any max_level_idc::StdVideoH264LevelIdc field_offset_granularity::Offset2D end """ High-level wrapper for VkImageViewSampleWeightCreateInfoQCOM. Extension: VK\\_QCOM\\_image\\_processing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewSampleWeightCreateInfoQCOM.html) """ @struct_hash_equal struct ImageViewSampleWeightCreateInfoQCOM <: HighLevelStruct next::Any filter_center::Offset2D filter_size::Extent2D num_phases::UInt32 end """ High-level wrapper for VkTilePropertiesQCOM. Extension: VK\\_QCOM\\_tile\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTilePropertiesQCOM.html) """ @struct_hash_equal struct TilePropertiesQCOM <: HighLevelStruct next::Any tile_size::Extent3D apron_size::Extent2D origin::Offset2D end """ High-level wrapper for VkBaseInStructure. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBaseInStructure.html) """ @struct_hash_equal struct BaseInStructure <: HighLevelStruct next::Any end """ High-level wrapper for VkBaseOutStructure. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBaseOutStructure.html) """ @struct_hash_equal struct BaseOutStructure <: HighLevelStruct next::Any end """ Intermediate wrapper for VkAccelerationStructureMotionInstanceDataNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMotionInstanceDataNV.html) """ struct _AccelerationStructureMotionInstanceDataNV <: VulkanStruct{false} vks::VkAccelerationStructureMotionInstanceDataNV end """ Intermediate wrapper for VkDescriptorDataEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorDataEXT.html) """ struct _DescriptorDataEXT <: VulkanStruct{false} vks::VkDescriptorDataEXT end """ Intermediate wrapper for VkAccelerationStructureGeometryDataKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryDataKHR.html) """ struct _AccelerationStructureGeometryDataKHR <: VulkanStruct{false} vks::VkAccelerationStructureGeometryDataKHR end """ Intermediate wrapper for VkDeviceOrHostAddressConstKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceOrHostAddressConstKHR.html) """ struct _DeviceOrHostAddressConstKHR <: VulkanStruct{false} vks::VkDeviceOrHostAddressConstKHR end """ Intermediate wrapper for VkDeviceOrHostAddressKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceOrHostAddressKHR.html) """ struct _DeviceOrHostAddressKHR <: VulkanStruct{false} vks::VkDeviceOrHostAddressKHR end """ Intermediate wrapper for VkPipelineExecutableStatisticValueKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableStatisticValueKHR.html) """ struct _PipelineExecutableStatisticValueKHR <: VulkanStruct{false} vks::VkPipelineExecutableStatisticValueKHR end """ Intermediate wrapper for VkPerformanceValueDataINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceValueDataINTEL.html) """ struct _PerformanceValueDataINTEL <: VulkanStruct{false} vks::VkPerformanceValueDataINTEL end """ Intermediate wrapper for VkPerformanceCounterResultKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceCounterResultKHR.html) """ struct _PerformanceCounterResultKHR <: VulkanStruct{false} vks::VkPerformanceCounterResultKHR end """ Intermediate wrapper for VkClearValue. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearValue.html) """ struct _ClearValue <: VulkanStruct{false} vks::VkClearValue end """ Intermediate wrapper for VkClearColorValue. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearColorValue.html) """ struct _ClearColorValue <: VulkanStruct{false} vks::VkClearColorValue end """ Intermediate wrapper for VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM. Extension: VK\\_QCOM\\_multiview\\_per\\_view\\_viewports [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM.html) """ struct _PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM <: VulkanStruct{true} vks::VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM deps::Vector{Any} end """ Intermediate wrapper for VkDirectDriverLoadingListLUNARG. Extension: VK\\_LUNARG\\_direct\\_driver\\_loading [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDirectDriverLoadingListLUNARG.html) """ struct _DirectDriverLoadingListLUNARG <: VulkanStruct{true} vks::VkDirectDriverLoadingListLUNARG deps::Vector{Any} end """ Intermediate wrapper for VkDirectDriverLoadingInfoLUNARG. Extension: VK\\_LUNARG\\_direct\\_driver\\_loading [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDirectDriverLoadingInfoLUNARG.html) """ struct _DirectDriverLoadingInfoLUNARG <: VulkanStruct{true} vks::VkDirectDriverLoadingInfoLUNARG deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV. Extension: VK\\_NV\\_ray\\_tracing\\_invocation\\_reorder [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV.html) """ struct _PhysicalDeviceRayTracingInvocationReorderPropertiesNV <: VulkanStruct{true} vks::VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV. Extension: VK\\_NV\\_ray\\_tracing\\_invocation\\_reorder [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV.html) """ struct _PhysicalDeviceRayTracingInvocationReorderFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkSwapchainPresentScalingCreateInfoEXT. Extension: VK\\_EXT\\_swapchain\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentScalingCreateInfoEXT.html) """ struct _SwapchainPresentScalingCreateInfoEXT <: VulkanStruct{true} vks::VkSwapchainPresentScalingCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkSwapchainPresentModeInfoEXT. Extension: VK\\_EXT\\_swapchain\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentModeInfoEXT.html) """ struct _SwapchainPresentModeInfoEXT <: VulkanStruct{true} vks::VkSwapchainPresentModeInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkSwapchainPresentModesCreateInfoEXT. Extension: VK\\_EXT\\_swapchain\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentModesCreateInfoEXT.html) """ struct _SwapchainPresentModesCreateInfoEXT <: VulkanStruct{true} vks::VkSwapchainPresentModesCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkSwapchainPresentFenceInfoEXT. Extension: VK\\_EXT\\_swapchain\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentFenceInfoEXT.html) """ struct _SwapchainPresentFenceInfoEXT <: VulkanStruct{true} vks::VkSwapchainPresentFenceInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT. Extension: VK\\_EXT\\_swapchain\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT.html) """ struct _PhysicalDeviceSwapchainMaintenance1FeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkSurfacePresentModeCompatibilityEXT. Extension: VK\\_EXT\\_surface\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfacePresentModeCompatibilityEXT.html) """ struct _SurfacePresentModeCompatibilityEXT <: VulkanStruct{true} vks::VkSurfacePresentModeCompatibilityEXT deps::Vector{Any} end """ Intermediate wrapper for VkSurfacePresentScalingCapabilitiesEXT. Extension: VK\\_EXT\\_surface\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfacePresentScalingCapabilitiesEXT.html) """ struct _SurfacePresentScalingCapabilitiesEXT <: VulkanStruct{true} vks::VkSurfacePresentScalingCapabilitiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkSurfacePresentModeEXT. Extension: VK\\_EXT\\_surface\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfacePresentModeEXT.html) """ struct _SurfacePresentModeEXT <: VulkanStruct{true} vks::VkSurfacePresentModeEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM. Extension: VK\\_ARM\\_shader\\_core\\_builtins [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM.html) """ struct _PhysicalDeviceShaderCoreBuiltinsFeaturesARM <: VulkanStruct{true} vks::VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM. Extension: VK\\_ARM\\_shader\\_core\\_builtins [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM.html) """ struct _PhysicalDeviceShaderCoreBuiltinsPropertiesARM <: VulkanStruct{true} vks::VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM deps::Vector{Any} end """ Intermediate wrapper for VkDecompressMemoryRegionNV. Extension: VK\\_NV\\_memory\\_decompression [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDecompressMemoryRegionNV.html) """ struct _DecompressMemoryRegionNV <: VulkanStruct{false} vks::VkDecompressMemoryRegionNV end """ Intermediate wrapper for VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT. Extension: VK\\_EXT\\_pipeline\\_library\\_group\\_handles [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT.html) """ struct _PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkDeviceFaultVendorBinaryHeaderVersionOneEXT. Extension: VK\\_EXT\\_device\\_fault [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultVendorBinaryHeaderVersionOneEXT.html) """ struct _DeviceFaultVendorBinaryHeaderVersionOneEXT <: VulkanStruct{false} vks::VkDeviceFaultVendorBinaryHeaderVersionOneEXT end """ Intermediate wrapper for VkDeviceFaultInfoEXT. Extension: VK\\_EXT\\_device\\_fault [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultInfoEXT.html) """ struct _DeviceFaultInfoEXT <: VulkanStruct{true} vks::VkDeviceFaultInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDeviceFaultCountsEXT. Extension: VK\\_EXT\\_device\\_fault [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultCountsEXT.html) """ struct _DeviceFaultCountsEXT <: VulkanStruct{true} vks::VkDeviceFaultCountsEXT deps::Vector{Any} end """ Intermediate wrapper for VkDeviceFaultVendorInfoEXT. Extension: VK\\_EXT\\_device\\_fault [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultVendorInfoEXT.html) """ struct _DeviceFaultVendorInfoEXT <: VulkanStruct{false} vks::VkDeviceFaultVendorInfoEXT end """ Intermediate wrapper for VkDeviceFaultAddressInfoEXT. Extension: VK\\_EXT\\_device\\_fault [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultAddressInfoEXT.html) """ struct _DeviceFaultAddressInfoEXT <: VulkanStruct{false} vks::VkDeviceFaultAddressInfoEXT end """ Intermediate wrapper for VkPhysicalDeviceFaultFeaturesEXT. Extension: VK\\_EXT\\_device\\_fault [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFaultFeaturesEXT.html) """ struct _PhysicalDeviceFaultFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceFaultFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkOpticalFlowExecuteInfoNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowExecuteInfoNV.html) """ struct _OpticalFlowExecuteInfoNV <: VulkanStruct{true} vks::VkOpticalFlowExecuteInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkOpticalFlowSessionCreatePrivateDataInfoNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowSessionCreatePrivateDataInfoNV.html) """ struct _OpticalFlowSessionCreatePrivateDataInfoNV <: VulkanStruct{true} vks::VkOpticalFlowSessionCreatePrivateDataInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkOpticalFlowSessionCreateInfoNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowSessionCreateInfoNV.html) """ struct _OpticalFlowSessionCreateInfoNV <: VulkanStruct{true} vks::VkOpticalFlowSessionCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkOpticalFlowImageFormatPropertiesNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowImageFormatPropertiesNV.html) """ struct _OpticalFlowImageFormatPropertiesNV <: VulkanStruct{true} vks::VkOpticalFlowImageFormatPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkOpticalFlowImageFormatInfoNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowImageFormatInfoNV.html) """ struct _OpticalFlowImageFormatInfoNV <: VulkanStruct{true} vks::VkOpticalFlowImageFormatInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceOpticalFlowPropertiesNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpticalFlowPropertiesNV.html) """ struct _PhysicalDeviceOpticalFlowPropertiesNV <: VulkanStruct{true} vks::VkPhysicalDeviceOpticalFlowPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceOpticalFlowFeaturesNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpticalFlowFeaturesNV.html) """ struct _PhysicalDeviceOpticalFlowFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceOpticalFlowFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkDeviceAddressBindingCallbackDataEXT. Extension: VK\\_EXT\\_device\\_address\\_binding\\_report [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceAddressBindingCallbackDataEXT.html) """ struct _DeviceAddressBindingCallbackDataEXT <: VulkanStruct{true} vks::VkDeviceAddressBindingCallbackDataEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceAddressBindingReportFeaturesEXT. Extension: VK\\_EXT\\_device\\_address\\_binding\\_report [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAddressBindingReportFeaturesEXT.html) """ struct _PhysicalDeviceAddressBindingReportFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceAddressBindingReportFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDepthClampZeroOneFeaturesEXT. Extension: VK\\_EXT\\_depth\\_clamp\\_zero\\_one [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthClampZeroOneFeaturesEXT.html) """ struct _PhysicalDeviceDepthClampZeroOneFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceDepthClampZeroOneFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT. Extension: VK\\_EXT\\_attachment\\_feedback\\_loop\\_layout [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT.html) """ struct _PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkAmigoProfilingSubmitInfoSEC. Extension: VK\\_SEC\\_amigo\\_profiling [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAmigoProfilingSubmitInfoSEC.html) """ struct _AmigoProfilingSubmitInfoSEC <: VulkanStruct{true} vks::VkAmigoProfilingSubmitInfoSEC deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceAmigoProfilingFeaturesSEC. Extension: VK\\_SEC\\_amigo\\_profiling [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAmigoProfilingFeaturesSEC.html) """ struct _PhysicalDeviceAmigoProfilingFeaturesSEC <: VulkanStruct{true} vks::VkPhysicalDeviceAmigoProfilingFeaturesSEC deps::Vector{Any} end """ Intermediate wrapper for VkTilePropertiesQCOM. Extension: VK\\_QCOM\\_tile\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTilePropertiesQCOM.html) """ struct _TilePropertiesQCOM <: VulkanStruct{true} vks::VkTilePropertiesQCOM deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceTilePropertiesFeaturesQCOM. Extension: VK\\_QCOM\\_tile\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTilePropertiesFeaturesQCOM.html) """ struct _PhysicalDeviceTilePropertiesFeaturesQCOM <: VulkanStruct{true} vks::VkPhysicalDeviceTilePropertiesFeaturesQCOM deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceImageProcessingPropertiesQCOM. Extension: VK\\_QCOM\\_image\\_processing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageProcessingPropertiesQCOM.html) """ struct _PhysicalDeviceImageProcessingPropertiesQCOM <: VulkanStruct{true} vks::VkPhysicalDeviceImageProcessingPropertiesQCOM deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceImageProcessingFeaturesQCOM. Extension: VK\\_QCOM\\_image\\_processing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageProcessingFeaturesQCOM.html) """ struct _PhysicalDeviceImageProcessingFeaturesQCOM <: VulkanStruct{true} vks::VkPhysicalDeviceImageProcessingFeaturesQCOM deps::Vector{Any} end """ Intermediate wrapper for VkImageViewSampleWeightCreateInfoQCOM. Extension: VK\\_QCOM\\_image\\_processing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewSampleWeightCreateInfoQCOM.html) """ struct _ImageViewSampleWeightCreateInfoQCOM <: VulkanStruct{true} vks::VkImageViewSampleWeightCreateInfoQCOM deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePipelineRobustnessPropertiesEXT. Extension: VK\\_EXT\\_pipeline\\_robustness [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineRobustnessPropertiesEXT.html) """ struct _PhysicalDevicePipelineRobustnessPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDevicePipelineRobustnessPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPipelineRobustnessCreateInfoEXT. Extension: VK\\_EXT\\_pipeline\\_robustness [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRobustnessCreateInfoEXT.html) """ struct _PipelineRobustnessCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineRobustnessCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePipelineRobustnessFeaturesEXT. Extension: VK\\_EXT\\_pipeline\\_robustness [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineRobustnessFeaturesEXT.html) """ struct _PhysicalDevicePipelineRobustnessFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDevicePipelineRobustnessFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT. Extension: VK\\_EXT\\_non\\_seamless\\_cube\\_map [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT.html) """ struct _PhysicalDeviceNonSeamlessCubeMapFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD. Extension: VK\\_AMD\\_shader\\_early\\_and\\_late\\_fragment\\_tests [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD.html) """ struct _PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD <: VulkanStruct{true} vks::VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePipelinePropertiesFeaturesEXT. Extension: VK\\_EXT\\_pipeline\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelinePropertiesFeaturesEXT.html) """ struct _PhysicalDevicePipelinePropertiesFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDevicePipelinePropertiesFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPipelinePropertiesIdentifierEXT. Extension: VK\\_EXT\\_pipeline\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelinePropertiesIdentifierEXT.html) """ struct _PipelinePropertiesIdentifierEXT <: VulkanStruct{true} vks::VkPipelinePropertiesIdentifierEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceOpacityMicromapPropertiesEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpacityMicromapPropertiesEXT.html) """ struct _PhysicalDeviceOpacityMicromapPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceOpacityMicromapPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceOpacityMicromapFeaturesEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpacityMicromapFeaturesEXT.html) """ struct _PhysicalDeviceOpacityMicromapFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceOpacityMicromapFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkMicromapTriangleEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapTriangleEXT.html) """ struct _MicromapTriangleEXT <: VulkanStruct{false} vks::VkMicromapTriangleEXT end """ Intermediate wrapper for VkMicromapUsageEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapUsageEXT.html) """ struct _MicromapUsageEXT <: VulkanStruct{false} vks::VkMicromapUsageEXT end """ Intermediate wrapper for VkMicromapBuildSizesInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapBuildSizesInfoEXT.html) """ struct _MicromapBuildSizesInfoEXT <: VulkanStruct{true} vks::VkMicromapBuildSizesInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkMicromapVersionInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapVersionInfoEXT.html) """ struct _MicromapVersionInfoEXT <: VulkanStruct{true} vks::VkMicromapVersionInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT. Extension: VK\\_EXT\\_subpass\\_merge\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT.html) """ struct _PhysicalDeviceSubpassMergeFeedbackFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkRenderPassSubpassFeedbackCreateInfoEXT. Extension: VK\\_EXT\\_subpass\\_merge\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassSubpassFeedbackCreateInfoEXT.html) """ struct _RenderPassSubpassFeedbackCreateInfoEXT <: VulkanStruct{true} vks::VkRenderPassSubpassFeedbackCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkRenderPassSubpassFeedbackInfoEXT. Extension: VK\\_EXT\\_subpass\\_merge\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassSubpassFeedbackInfoEXT.html) """ struct _RenderPassSubpassFeedbackInfoEXT <: VulkanStruct{false} vks::VkRenderPassSubpassFeedbackInfoEXT end """ Intermediate wrapper for VkRenderPassCreationFeedbackCreateInfoEXT. Extension: VK\\_EXT\\_subpass\\_merge\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreationFeedbackCreateInfoEXT.html) """ struct _RenderPassCreationFeedbackCreateInfoEXT <: VulkanStruct{true} vks::VkRenderPassCreationFeedbackCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkRenderPassCreationFeedbackInfoEXT. Extension: VK\\_EXT\\_subpass\\_merge\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreationFeedbackInfoEXT.html) """ struct _RenderPassCreationFeedbackInfoEXT <: VulkanStruct{false} vks::VkRenderPassCreationFeedbackInfoEXT end """ Intermediate wrapper for VkRenderPassCreationControlEXT. Extension: VK\\_EXT\\_subpass\\_merge\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreationControlEXT.html) """ struct _RenderPassCreationControlEXT <: VulkanStruct{true} vks::VkRenderPassCreationControlEXT deps::Vector{Any} end """ Intermediate wrapper for VkSubresourceLayout2EXT. Extension: VK\\_EXT\\_image\\_compression\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubresourceLayout2EXT.html) """ struct _SubresourceLayout2EXT <: VulkanStruct{true} vks::VkSubresourceLayout2EXT deps::Vector{Any} end """ Intermediate wrapper for VkImageSubresource2EXT. Extension: VK\\_EXT\\_image\\_compression\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresource2EXT.html) """ struct _ImageSubresource2EXT <: VulkanStruct{true} vks::VkImageSubresource2EXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT. Extension: VK\\_EXT\\_image\\_compression\\_control\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT.html) """ struct _PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkImageCompressionPropertiesEXT. Extension: VK\\_EXT\\_image\\_compression\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCompressionPropertiesEXT.html) """ struct _ImageCompressionPropertiesEXT <: VulkanStruct{true} vks::VkImageCompressionPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceImageCompressionControlFeaturesEXT. Extension: VK\\_EXT\\_image\\_compression\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageCompressionControlFeaturesEXT.html) """ struct _PhysicalDeviceImageCompressionControlFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceImageCompressionControlFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkImageCompressionControlEXT. Extension: VK\\_EXT\\_image\\_compression\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCompressionControlEXT.html) """ struct _ImageCompressionControlEXT <: VulkanStruct{true} vks::VkImageCompressionControlEXT deps::Vector{Any} end """ Intermediate wrapper for VkShaderModuleIdentifierEXT. Extension: VK\\_EXT\\_shader\\_module\\_identifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderModuleIdentifierEXT.html) """ struct _ShaderModuleIdentifierEXT <: VulkanStruct{true} vks::VkShaderModuleIdentifierEXT deps::Vector{Any} end """ Intermediate wrapper for VkPipelineShaderStageModuleIdentifierCreateInfoEXT. Extension: VK\\_EXT\\_shader\\_module\\_identifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineShaderStageModuleIdentifierCreateInfoEXT.html) """ struct _PipelineShaderStageModuleIdentifierCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineShaderStageModuleIdentifierCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT. Extension: VK\\_EXT\\_shader\\_module\\_identifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT.html) """ struct _PhysicalDeviceShaderModuleIdentifierPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT. Extension: VK\\_EXT\\_shader\\_module\\_identifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT.html) """ struct _PhysicalDeviceShaderModuleIdentifierFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkDescriptorSetLayoutHostMappingInfoVALVE. Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutHostMappingInfoVALVE.html) """ struct _DescriptorSetLayoutHostMappingInfoVALVE <: VulkanStruct{true} vks::VkDescriptorSetLayoutHostMappingInfoVALVE deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE. Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE.html) """ struct _PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE <: VulkanStruct{true} vks::VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE deps::Vector{Any} end """ Intermediate wrapper for VkGraphicsPipelineLibraryCreateInfoEXT. Extension: VK\\_EXT\\_graphics\\_pipeline\\_library [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsPipelineLibraryCreateInfoEXT.html) """ struct _GraphicsPipelineLibraryCreateInfoEXT <: VulkanStruct{true} vks::VkGraphicsPipelineLibraryCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT. Extension: VK\\_EXT\\_graphics\\_pipeline\\_library [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT.html) """ struct _PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT. Extension: VK\\_EXT\\_graphics\\_pipeline\\_library [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT.html) """ struct _PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceLinearColorAttachmentFeaturesNV. Extension: VK\\_NV\\_linear\\_color\\_attachment [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLinearColorAttachmentFeaturesNV.html) """ struct _PhysicalDeviceLinearColorAttachmentFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceLinearColorAttachmentFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT. Extension: VK\\_EXT\\_rasterization\\_order\\_attachment\\_access [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT.html) """ struct _PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkImageViewMinLodCreateInfoEXT. Extension: VK\\_EXT\\_image\\_view\\_min\\_lod [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewMinLodCreateInfoEXT.html) """ struct _ImageViewMinLodCreateInfoEXT <: VulkanStruct{true} vks::VkImageViewMinLodCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceImageViewMinLodFeaturesEXT. Extension: VK\\_EXT\\_image\\_view\\_min\\_lod [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageViewMinLodFeaturesEXT.html) """ struct _PhysicalDeviceImageViewMinLodFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceImageViewMinLodFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkMultiviewPerViewAttributesInfoNVX. Extension: VK\\_KHR\\_dynamic\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultiviewPerViewAttributesInfoNVX.html) """ struct _MultiviewPerViewAttributesInfoNVX <: VulkanStruct{true} vks::VkMultiviewPerViewAttributesInfoNVX deps::Vector{Any} end """ Intermediate wrapper for VkAttachmentSampleCountInfoAMD. Extension: VK\\_KHR\\_dynamic\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentSampleCountInfoAMD.html) """ struct _AttachmentSampleCountInfoAMD <: VulkanStruct{true} vks::VkAttachmentSampleCountInfoAMD deps::Vector{Any} end """ Intermediate wrapper for VkCommandBufferInheritanceRenderingInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceRenderingInfo.html) """ struct _CommandBufferInheritanceRenderingInfo <: VulkanStruct{true} vks::VkCommandBufferInheritanceRenderingInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDynamicRenderingFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDynamicRenderingFeatures.html) """ struct _PhysicalDeviceDynamicRenderingFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceDynamicRenderingFeatures deps::Vector{Any} end """ Intermediate wrapper for VkRenderingInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingInfo.html) """ struct _RenderingInfo <: VulkanStruct{true} vks::VkRenderingInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineRenderingCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRenderingCreateInfo.html) """ struct _PipelineRenderingCreateInfo <: VulkanStruct{true} vks::VkPipelineRenderingCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkDrmFormatModifierProperties2EXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierProperties2EXT.html) """ struct _DrmFormatModifierProperties2EXT <: VulkanStruct{false} vks::VkDrmFormatModifierProperties2EXT end """ Intermediate wrapper for VkDrmFormatModifierPropertiesList2EXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierPropertiesList2EXT.html) """ struct _DrmFormatModifierPropertiesList2EXT <: VulkanStruct{true} vks::VkDrmFormatModifierPropertiesList2EXT deps::Vector{Any} end """ Intermediate wrapper for VkFormatProperties3. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFormatProperties3.html) """ struct _FormatProperties3 <: VulkanStruct{true} vks::VkFormatProperties3 deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT. Extension: VK\\_EXT\\_rgba10x6\\_formats [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT.html) """ struct _PhysicalDeviceRGBA10X6FormatsFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkAccelerationStructureMotionInstanceNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMotionInstanceNV.html) """ struct _AccelerationStructureMotionInstanceNV <: VulkanStruct{false} vks::VkAccelerationStructureMotionInstanceNV end """ Intermediate wrapper for VkAccelerationStructureMatrixMotionInstanceNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMatrixMotionInstanceNV.html) """ struct _AccelerationStructureMatrixMotionInstanceNV <: VulkanStruct{false} vks::VkAccelerationStructureMatrixMotionInstanceNV end """ Intermediate wrapper for VkAccelerationStructureSRTMotionInstanceNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureSRTMotionInstanceNV.html) """ struct _AccelerationStructureSRTMotionInstanceNV <: VulkanStruct{false} vks::VkAccelerationStructureSRTMotionInstanceNV end """ Intermediate wrapper for VkSRTDataNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSRTDataNV.html) """ struct _SRTDataNV <: VulkanStruct{false} vks::VkSRTDataNV end """ Intermediate wrapper for VkAccelerationStructureMotionInfoNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMotionInfoNV.html) """ struct _AccelerationStructureMotionInfoNV <: VulkanStruct{true} vks::VkAccelerationStructureMotionInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkAccelerationStructureGeometryMotionTrianglesDataNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryMotionTrianglesDataNV.html) """ struct _AccelerationStructureGeometryMotionTrianglesDataNV <: VulkanStruct{true} vks::VkAccelerationStructureGeometryMotionTrianglesDataNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceRayTracingMotionBlurFeaturesNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingMotionBlurFeaturesNV.html) """ struct _PhysicalDeviceRayTracingMotionBlurFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceRayTracingMotionBlurFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR. Extension: VK\\_KHR\\_fragment\\_shader\\_barycentric [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR.html) """ struct _PhysicalDeviceFragmentShaderBarycentricPropertiesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR. Extension: VK\\_KHR\\_fragment\\_shader\\_barycentric [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR.html) """ struct _PhysicalDeviceFragmentShaderBarycentricFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDrmPropertiesEXT. Extension: VK\\_EXT\\_physical\\_device\\_drm [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDrmPropertiesEXT.html) """ struct _PhysicalDeviceDrmPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceDrmPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderIntegerDotProductProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderIntegerDotProductProperties.html) """ struct _PhysicalDeviceShaderIntegerDotProductProperties <: VulkanStruct{true} vks::VkPhysicalDeviceShaderIntegerDotProductProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderIntegerDotProductFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderIntegerDotProductFeatures.html) """ struct _PhysicalDeviceShaderIntegerDotProductFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceShaderIntegerDotProductFeatures deps::Vector{Any} end """ Intermediate wrapper for VkOpaqueCaptureDescriptorDataCreateInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpaqueCaptureDescriptorDataCreateInfoEXT.html) """ struct _OpaqueCaptureDescriptorDataCreateInfoEXT <: VulkanStruct{true} vks::VkOpaqueCaptureDescriptorDataCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDescriptorGetInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorGetInfoEXT.html) """ struct _DescriptorGetInfoEXT <: VulkanStruct{true} vks::VkDescriptorGetInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDescriptorBufferBindingInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorBufferBindingInfoEXT.html) """ struct _DescriptorBufferBindingInfoEXT <: VulkanStruct{true} vks::VkDescriptorBufferBindingInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDescriptorAddressInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorAddressInfoEXT.html) """ struct _DescriptorAddressInfoEXT <: VulkanStruct{true} vks::VkDescriptorAddressInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT.html) """ struct _PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDescriptorBufferPropertiesEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorBufferPropertiesEXT.html) """ struct _PhysicalDeviceDescriptorBufferPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceDescriptorBufferPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDescriptorBufferFeaturesEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorBufferFeaturesEXT.html) """ struct _PhysicalDeviceDescriptorBufferFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceDescriptorBufferFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkCuModuleCreateInfoNVX. Extension: VK\\_NVX\\_binary\\_import [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCuModuleCreateInfoNVX.html) """ struct _CuModuleCreateInfoNVX <: VulkanStruct{true} vks::VkCuModuleCreateInfoNVX deps::Vector{Any} end """ Intermediate wrapper for VkPipelineRasterizationProvokingVertexStateCreateInfoEXT. Extension: VK\\_EXT\\_provoking\\_vertex [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationProvokingVertexStateCreateInfoEXT.html) """ struct _PipelineRasterizationProvokingVertexStateCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineRasterizationProvokingVertexStateCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceProvokingVertexPropertiesEXT. Extension: VK\\_EXT\\_provoking\\_vertex [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProvokingVertexPropertiesEXT.html) """ struct _PhysicalDeviceProvokingVertexPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceProvokingVertexPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceProvokingVertexFeaturesEXT. Extension: VK\\_EXT\\_provoking\\_vertex [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProvokingVertexFeaturesEXT.html) """ struct _PhysicalDeviceProvokingVertexFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceProvokingVertexFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT. Extension: VK\\_EXT\\_ycbcr\\_2plane\\_444\\_formats [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT.html) """ struct _PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkCommandBufferInheritanceViewportScissorInfoNV. Extension: VK\\_NV\\_inherited\\_viewport\\_scissor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceViewportScissorInfoNV.html) """ struct _CommandBufferInheritanceViewportScissorInfoNV <: VulkanStruct{true} vks::VkCommandBufferInheritanceViewportScissorInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceInheritedViewportScissorFeaturesNV. Extension: VK\\_NV\\_inherited\\_viewport\\_scissor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInheritedViewportScissorFeaturesNV.html) """ struct _PhysicalDeviceInheritedViewportScissorFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceInheritedViewportScissorFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkVideoCodingControlInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoCodingControlInfoKHR.html) """ struct _VideoCodingControlInfoKHR <: VulkanStruct{true} vks::VkVideoCodingControlInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoEndCodingInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoEndCodingInfoKHR.html) """ struct _VideoEndCodingInfoKHR <: VulkanStruct{true} vks::VkVideoEndCodingInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoSessionParametersUpdateInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionParametersUpdateInfoKHR.html) """ struct _VideoSessionParametersUpdateInfoKHR <: VulkanStruct{true} vks::VkVideoSessionParametersUpdateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoSessionCreateInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionCreateInfoKHR.html) """ struct _VideoSessionCreateInfoKHR <: VulkanStruct{true} vks::VkVideoSessionCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeH265DpbSlotInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h265 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265DpbSlotInfoKHR.html) """ struct _VideoDecodeH265DpbSlotInfoKHR <: VulkanStruct{true} vks::VkVideoDecodeH265DpbSlotInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeH265PictureInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h265 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265PictureInfoKHR.html) """ struct _VideoDecodeH265PictureInfoKHR <: VulkanStruct{true} vks::VkVideoDecodeH265PictureInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeH265SessionParametersCreateInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h265 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265SessionParametersCreateInfoKHR.html) """ struct _VideoDecodeH265SessionParametersCreateInfoKHR <: VulkanStruct{true} vks::VkVideoDecodeH265SessionParametersCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeH265SessionParametersAddInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h265 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265SessionParametersAddInfoKHR.html) """ struct _VideoDecodeH265SessionParametersAddInfoKHR <: VulkanStruct{true} vks::VkVideoDecodeH265SessionParametersAddInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeH265CapabilitiesKHR. Extension: VK\\_KHR\\_video\\_decode\\_h265 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265CapabilitiesKHR.html) """ struct _VideoDecodeH265CapabilitiesKHR <: VulkanStruct{true} vks::VkVideoDecodeH265CapabilitiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeH265ProfileInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h265 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265ProfileInfoKHR.html) """ struct _VideoDecodeH265ProfileInfoKHR <: VulkanStruct{true} vks::VkVideoDecodeH265ProfileInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeH264DpbSlotInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h264 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264DpbSlotInfoKHR.html) """ struct _VideoDecodeH264DpbSlotInfoKHR <: VulkanStruct{true} vks::VkVideoDecodeH264DpbSlotInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeH264PictureInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h264 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264PictureInfoKHR.html) """ struct _VideoDecodeH264PictureInfoKHR <: VulkanStruct{true} vks::VkVideoDecodeH264PictureInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeH264SessionParametersCreateInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h264 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264SessionParametersCreateInfoKHR.html) """ struct _VideoDecodeH264SessionParametersCreateInfoKHR <: VulkanStruct{true} vks::VkVideoDecodeH264SessionParametersCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeH264SessionParametersAddInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h264 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264SessionParametersAddInfoKHR.html) """ struct _VideoDecodeH264SessionParametersAddInfoKHR <: VulkanStruct{true} vks::VkVideoDecodeH264SessionParametersAddInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeH264CapabilitiesKHR. Extension: VK\\_KHR\\_video\\_decode\\_h264 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264CapabilitiesKHR.html) """ struct _VideoDecodeH264CapabilitiesKHR <: VulkanStruct{true} vks::VkVideoDecodeH264CapabilitiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeH264ProfileInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h264 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264ProfileInfoKHR.html) """ struct _VideoDecodeH264ProfileInfoKHR <: VulkanStruct{true} vks::VkVideoDecodeH264ProfileInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeUsageInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeUsageInfoKHR.html) """ struct _VideoDecodeUsageInfoKHR <: VulkanStruct{true} vks::VkVideoDecodeUsageInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoDecodeCapabilitiesKHR. Extension: VK\\_KHR\\_video\\_decode\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeCapabilitiesKHR.html) """ struct _VideoDecodeCapabilitiesKHR <: VulkanStruct{true} vks::VkVideoDecodeCapabilitiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoReferenceSlotInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoReferenceSlotInfoKHR.html) """ struct _VideoReferenceSlotInfoKHR <: VulkanStruct{true} vks::VkVideoReferenceSlotInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoSessionMemoryRequirementsKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionMemoryRequirementsKHR.html) """ struct _VideoSessionMemoryRequirementsKHR <: VulkanStruct{true} vks::VkVideoSessionMemoryRequirementsKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoCapabilitiesKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoCapabilitiesKHR.html) """ struct _VideoCapabilitiesKHR <: VulkanStruct{true} vks::VkVideoCapabilitiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoProfileInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoProfileInfoKHR.html) """ struct _VideoProfileInfoKHR <: VulkanStruct{true} vks::VkVideoProfileInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoFormatPropertiesKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoFormatPropertiesKHR.html) """ struct _VideoFormatPropertiesKHR <: VulkanStruct{true} vks::VkVideoFormatPropertiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceVideoFormatInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVideoFormatInfoKHR.html) """ struct _PhysicalDeviceVideoFormatInfoKHR <: VulkanStruct{true} vks::VkPhysicalDeviceVideoFormatInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkVideoProfileListInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoProfileListInfoKHR.html) """ struct _VideoProfileListInfoKHR <: VulkanStruct{true} vks::VkVideoProfileListInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkQueueFamilyQueryResultStatusPropertiesKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyQueryResultStatusPropertiesKHR.html) """ struct _QueueFamilyQueryResultStatusPropertiesKHR <: VulkanStruct{true} vks::VkQueueFamilyQueryResultStatusPropertiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkQueueFamilyVideoPropertiesKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyVideoPropertiesKHR.html) """ struct _QueueFamilyVideoPropertiesKHR <: VulkanStruct{true} vks::VkQueueFamilyVideoPropertiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePipelineProtectedAccessFeaturesEXT. Extension: VK\\_EXT\\_pipeline\\_protected\\_access [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineProtectedAccessFeaturesEXT.html) """ struct _PhysicalDevicePipelineProtectedAccessFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDevicePipelineProtectedAccessFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkMultisampledRenderToSingleSampledInfoEXT. Extension: VK\\_EXT\\_multisampled\\_render\\_to\\_single\\_sampled [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultisampledRenderToSingleSampledInfoEXT.html) """ struct _MultisampledRenderToSingleSampledInfoEXT <: VulkanStruct{true} vks::VkMultisampledRenderToSingleSampledInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkSubpassResolvePerformanceQueryEXT. Extension: VK\\_EXT\\_multisampled\\_render\\_to\\_single\\_sampled [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassResolvePerformanceQueryEXT.html) """ struct _SubpassResolvePerformanceQueryEXT <: VulkanStruct{true} vks::VkSubpassResolvePerformanceQueryEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT. Extension: VK\\_EXT\\_multisampled\\_render\\_to\\_single\\_sampled [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT.html) """ struct _PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceLegacyDitheringFeaturesEXT. Extension: VK\\_EXT\\_legacy\\_dithering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLegacyDitheringFeaturesEXT.html) """ struct _PhysicalDeviceLegacyDitheringFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceLegacyDitheringFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT. Extension: VK\\_EXT\\_primitives\\_generated\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT.html) """ struct _PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceSynchronization2Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSynchronization2Features.html) """ struct _PhysicalDeviceSynchronization2Features <: VulkanStruct{true} vks::VkPhysicalDeviceSynchronization2Features deps::Vector{Any} end """ Intermediate wrapper for VkCheckpointData2NV. Extension: VK\\_KHR\\_synchronization2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCheckpointData2NV.html) """ struct _CheckpointData2NV <: VulkanStruct{true} vks::VkCheckpointData2NV deps::Vector{Any} end """ Intermediate wrapper for VkQueueFamilyCheckpointProperties2NV. Extension: VK\\_KHR\\_synchronization2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyCheckpointProperties2NV.html) """ struct _QueueFamilyCheckpointProperties2NV <: VulkanStruct{true} vks::VkQueueFamilyCheckpointProperties2NV deps::Vector{Any} end """ Intermediate wrapper for VkSubmitInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubmitInfo2.html) """ struct _SubmitInfo2 <: VulkanStruct{true} vks::VkSubmitInfo2 deps::Vector{Any} end """ Intermediate wrapper for VkDependencyInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDependencyInfo.html) """ struct _DependencyInfo <: VulkanStruct{true} vks::VkDependencyInfo deps::Vector{Any} end """ Intermediate wrapper for VkMemoryBarrier2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryBarrier2.html) """ struct _MemoryBarrier2 <: VulkanStruct{true} vks::VkMemoryBarrier2 deps::Vector{Any} end """ Intermediate wrapper for VkPipelineColorWriteCreateInfoEXT. Extension: VK\\_EXT\\_color\\_write\\_enable [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorWriteCreateInfoEXT.html) """ struct _PipelineColorWriteCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineColorWriteCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceColorWriteEnableFeaturesEXT. Extension: VK\\_EXT\\_color\\_write\\_enable [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceColorWriteEnableFeaturesEXT.html) """ struct _PhysicalDeviceColorWriteEnableFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceColorWriteEnableFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkVertexInputAttributeDescription2EXT. Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputAttributeDescription2EXT.html) """ struct _VertexInputAttributeDescription2EXT <: VulkanStruct{true} vks::VkVertexInputAttributeDescription2EXT deps::Vector{Any} end """ Intermediate wrapper for VkVertexInputBindingDescription2EXT. Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputBindingDescription2EXT.html) """ struct _VertexInputBindingDescription2EXT <: VulkanStruct{true} vks::VkVertexInputBindingDescription2EXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceExternalMemoryRDMAFeaturesNV. Extension: VK\\_NV\\_external\\_memory\\_rdma [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalMemoryRDMAFeaturesNV.html) """ struct _PhysicalDeviceExternalMemoryRDMAFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceExternalMemoryRDMAFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT. Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT.html) """ struct _PhysicalDeviceVertexInputDynamicStateFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPipelineViewportDepthClipControlCreateInfoEXT. Extension: VK\\_EXT\\_depth\\_clip\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportDepthClipControlCreateInfoEXT.html) """ struct _PipelineViewportDepthClipControlCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineViewportDepthClipControlCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDepthClipControlFeaturesEXT. Extension: VK\\_EXT\\_depth\\_clip\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthClipControlFeaturesEXT.html) """ struct _PhysicalDeviceDepthClipControlFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceDepthClipControlFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkMutableDescriptorTypeCreateInfoEXT. Extension: VK\\_EXT\\_mutable\\_descriptor\\_type [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMutableDescriptorTypeCreateInfoEXT.html) """ struct _MutableDescriptorTypeCreateInfoEXT <: VulkanStruct{true} vks::VkMutableDescriptorTypeCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkMutableDescriptorTypeListEXT. Extension: VK\\_EXT\\_mutable\\_descriptor\\_type [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMutableDescriptorTypeListEXT.html) """ struct _MutableDescriptorTypeListEXT <: VulkanStruct{true} vks::VkMutableDescriptorTypeListEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT. Extension: VK\\_EXT\\_mutable\\_descriptor\\_type [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT.html) """ struct _PhysicalDeviceMutableDescriptorTypeFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceImage2DViewOf3DFeaturesEXT. Extension: VK\\_EXT\\_image\\_2d\\_view\\_of\\_3d [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImage2DViewOf3DFeaturesEXT.html) """ struct _PhysicalDeviceImage2DViewOf3DFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceImage2DViewOf3DFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkAccelerationStructureBuildSizesInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureBuildSizesInfoKHR.html) """ struct _AccelerationStructureBuildSizesInfoKHR <: VulkanStruct{true} vks::VkAccelerationStructureBuildSizesInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkPipelineFragmentShadingRateEnumStateCreateInfoNV. Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineFragmentShadingRateEnumStateCreateInfoNV.html) """ struct _PipelineFragmentShadingRateEnumStateCreateInfoNV <: VulkanStruct{true} vks::VkPipelineFragmentShadingRateEnumStateCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV. Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV.html) """ struct _PhysicalDeviceFragmentShadingRateEnumsPropertiesNV <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV. Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV.html) """ struct _PhysicalDeviceFragmentShadingRateEnumsFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderTerminateInvocationFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderTerminateInvocationFeatures.html) """ struct _PhysicalDeviceShaderTerminateInvocationFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceShaderTerminateInvocationFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentShadingRateKHR. Extension: VK\\_KHR\\_fragment\\_shading\\_rate [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateKHR.html) """ struct _PhysicalDeviceFragmentShadingRateKHR <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentShadingRateKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentShadingRatePropertiesKHR. Extension: VK\\_KHR\\_fragment\\_shading\\_rate [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRatePropertiesKHR.html) """ struct _PhysicalDeviceFragmentShadingRatePropertiesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentShadingRatePropertiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentShadingRateFeaturesKHR. Extension: VK\\_KHR\\_fragment\\_shading\\_rate [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateFeaturesKHR.html) """ struct _PhysicalDeviceFragmentShadingRateFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentShadingRateFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPipelineFragmentShadingRateStateCreateInfoKHR. Extension: VK\\_KHR\\_fragment\\_shading\\_rate [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineFragmentShadingRateStateCreateInfoKHR.html) """ struct _PipelineFragmentShadingRateStateCreateInfoKHR <: VulkanStruct{true} vks::VkPipelineFragmentShadingRateStateCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkFragmentShadingRateAttachmentInfoKHR. Extension: VK\\_KHR\\_fragment\\_shading\\_rate [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFragmentShadingRateAttachmentInfoKHR.html) """ struct _FragmentShadingRateAttachmentInfoKHR <: VulkanStruct{true} vks::VkFragmentShadingRateAttachmentInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT. Extension: VK\\_EXT\\_shader\\_image\\_atomic\\_int64 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT.html) """ struct _PhysicalDeviceShaderImageAtomicInt64FeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkImageResolve2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageResolve2.html) """ struct _ImageResolve2 <: VulkanStruct{true} vks::VkImageResolve2 deps::Vector{Any} end """ Intermediate wrapper for VkBufferImageCopy2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferImageCopy2.html) """ struct _BufferImageCopy2 <: VulkanStruct{true} vks::VkBufferImageCopy2 deps::Vector{Any} end """ Intermediate wrapper for VkImageBlit2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageBlit2.html) """ struct _ImageBlit2 <: VulkanStruct{true} vks::VkImageBlit2 deps::Vector{Any} end """ Intermediate wrapper for VkImageCopy2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCopy2.html) """ struct _ImageCopy2 <: VulkanStruct{true} vks::VkImageCopy2 deps::Vector{Any} end """ Intermediate wrapper for VkBufferCopy2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCopy2.html) """ struct _BufferCopy2 <: VulkanStruct{true} vks::VkBufferCopy2 deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI. Extension: VK\\_HUAWEI\\_cluster\\_culling\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI.html) """ struct _PhysicalDeviceClusterCullingShaderFeaturesHUAWEI <: VulkanStruct{true} vks::VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceSubpassShadingFeaturesHUAWEI. Extension: VK\\_HUAWEI\\_subpass\\_shading [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubpassShadingFeaturesHUAWEI.html) """ struct _PhysicalDeviceSubpassShadingFeaturesHUAWEI <: VulkanStruct{true} vks::VkPhysicalDeviceSubpassShadingFeaturesHUAWEI deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevice4444FormatsFeaturesEXT. Extension: VK\\_EXT\\_4444\\_formats [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevice4444FormatsFeaturesEXT.html) """ struct _PhysicalDevice4444FormatsFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDevice4444FormatsFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR. Extension: VK\\_KHR\\_workgroup\\_memory\\_explicit\\_layout [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR.html) """ struct _PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceImageRobustnessFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageRobustnessFeatures.html) """ struct _PhysicalDeviceImageRobustnessFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceImageRobustnessFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceRobustness2PropertiesEXT. Extension: VK\\_EXT\\_robustness2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRobustness2PropertiesEXT.html) """ struct _PhysicalDeviceRobustness2PropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceRobustness2PropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceRobustness2FeaturesEXT. Extension: VK\\_EXT\\_robustness2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRobustness2FeaturesEXT.html) """ struct _PhysicalDeviceRobustness2FeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceRobustness2FeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR. Extension: VK\\_KHR\\_shader\\_subgroup\\_uniform\\_control\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR.html) """ struct _PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures.html) """ struct _PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures deps::Vector{Any} end """ Intermediate wrapper for VkDeviceDiagnosticsConfigCreateInfoNV. Extension: VK\\_NV\\_device\\_diagnostics\\_config [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceDiagnosticsConfigCreateInfoNV.html) """ struct _DeviceDiagnosticsConfigCreateInfoNV <: VulkanStruct{true} vks::VkDeviceDiagnosticsConfigCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDiagnosticsConfigFeaturesNV. Extension: VK\\_NV\\_device\\_diagnostics\\_config [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDiagnosticsConfigFeaturesNV.html) """ struct _PhysicalDeviceDiagnosticsConfigFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceDiagnosticsConfigFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkCommandBufferInheritanceRenderPassTransformInfoQCOM. Extension: VK\\_QCOM\\_render\\_pass\\_transform [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceRenderPassTransformInfoQCOM.html) """ struct _CommandBufferInheritanceRenderPassTransformInfoQCOM <: VulkanStruct{true} vks::VkCommandBufferInheritanceRenderPassTransformInfoQCOM deps::Vector{Any} end """ Intermediate wrapper for VkCopyCommandTransformInfoQCOM. Extension: VK\\_QCOM\\_rotated\\_copy\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyCommandTransformInfoQCOM.html) """ struct _CopyCommandTransformInfoQCOM <: VulkanStruct{true} vks::VkCopyCommandTransformInfoQCOM deps::Vector{Any} end """ Intermediate wrapper for VkRenderPassTransformBeginInfoQCOM. Extension: VK\\_QCOM\\_render\\_pass\\_transform [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassTransformBeginInfoQCOM.html) """ struct _RenderPassTransformBeginInfoQCOM <: VulkanStruct{true} vks::VkRenderPassTransformBeginInfoQCOM deps::Vector{Any} end """ Intermediate wrapper for VkColorBlendAdvancedEXT. Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkColorBlendAdvancedEXT.html) """ struct _ColorBlendAdvancedEXT <: VulkanStruct{false} vks::VkColorBlendAdvancedEXT end """ Intermediate wrapper for VkColorBlendEquationEXT. Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkColorBlendEquationEXT.html) """ struct _ColorBlendEquationEXT <: VulkanStruct{false} vks::VkColorBlendEquationEXT end """ Intermediate wrapper for VkPhysicalDeviceExtendedDynamicState3PropertiesEXT. Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicState3PropertiesEXT.html) """ struct _PhysicalDeviceExtendedDynamicState3PropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceExtendedDynamicState3PropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceExtendedDynamicState3FeaturesEXT. Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicState3FeaturesEXT.html) """ struct _PhysicalDeviceExtendedDynamicState3FeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceExtendedDynamicState3FeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceExtendedDynamicState2FeaturesEXT. Extension: VK\\_EXT\\_extended\\_dynamic\\_state2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicState2FeaturesEXT.html) """ struct _PhysicalDeviceExtendedDynamicState2FeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceExtendedDynamicState2FeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceExtendedDynamicStateFeaturesEXT. Extension: VK\\_EXT\\_extended\\_dynamic\\_state [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicStateFeaturesEXT.html) """ struct _PhysicalDeviceExtendedDynamicStateFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceExtendedDynamicStateFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPipelineLibraryCreateInfoKHR. Extension: VK\\_KHR\\_pipeline\\_library [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineLibraryCreateInfoKHR.html) """ struct _PipelineLibraryCreateInfoKHR <: VulkanStruct{true} vks::VkPipelineLibraryCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkRayTracingPipelineInterfaceCreateInfoKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingPipelineInterfaceCreateInfoKHR.html) """ struct _RayTracingPipelineInterfaceCreateInfoKHR <: VulkanStruct{true} vks::VkRayTracingPipelineInterfaceCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkAccelerationStructureVersionInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureVersionInfoKHR.html) """ struct _AccelerationStructureVersionInfoKHR <: VulkanStruct{true} vks::VkAccelerationStructureVersionInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkAccelerationStructureInstanceKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureInstanceKHR.html) """ struct _AccelerationStructureInstanceKHR <: VulkanStruct{false} vks::VkAccelerationStructureInstanceKHR end """ Intermediate wrapper for VkTransformMatrixKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTransformMatrixKHR.html) """ struct _TransformMatrixKHR <: VulkanStruct{false} vks::VkTransformMatrixKHR end """ Intermediate wrapper for VkAabbPositionsKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAabbPositionsKHR.html) """ struct _AabbPositionsKHR <: VulkanStruct{false} vks::VkAabbPositionsKHR end """ Intermediate wrapper for VkAccelerationStructureBuildRangeInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureBuildRangeInfoKHR.html) """ struct _AccelerationStructureBuildRangeInfoKHR <: VulkanStruct{false} vks::VkAccelerationStructureBuildRangeInfoKHR end """ Intermediate wrapper for VkAccelerationStructureGeometryKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryKHR.html) """ struct _AccelerationStructureGeometryKHR <: VulkanStruct{true} vks::VkAccelerationStructureGeometryKHR deps::Vector{Any} end """ Intermediate wrapper for VkAccelerationStructureGeometryInstancesDataKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryInstancesDataKHR.html) """ struct _AccelerationStructureGeometryInstancesDataKHR <: VulkanStruct{true} vks::VkAccelerationStructureGeometryInstancesDataKHR deps::Vector{Any} end """ Intermediate wrapper for VkAccelerationStructureGeometryAabbsDataKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryAabbsDataKHR.html) """ struct _AccelerationStructureGeometryAabbsDataKHR <: VulkanStruct{true} vks::VkAccelerationStructureGeometryAabbsDataKHR deps::Vector{Any} end """ Intermediate wrapper for VkAccelerationStructureGeometryTrianglesDataKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryTrianglesDataKHR.html) """ struct _AccelerationStructureGeometryTrianglesDataKHR <: VulkanStruct{true} vks::VkAccelerationStructureGeometryTrianglesDataKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceBorderColorSwizzleFeaturesEXT. Extension: VK\\_EXT\\_border\\_color\\_swizzle [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBorderColorSwizzleFeaturesEXT.html) """ struct _PhysicalDeviceBorderColorSwizzleFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceBorderColorSwizzleFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkSamplerBorderColorComponentMappingCreateInfoEXT. Extension: VK\\_EXT\\_border\\_color\\_swizzle [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerBorderColorComponentMappingCreateInfoEXT.html) """ struct _SamplerBorderColorComponentMappingCreateInfoEXT <: VulkanStruct{true} vks::VkSamplerBorderColorComponentMappingCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceCustomBorderColorFeaturesEXT. Extension: VK\\_EXT\\_custom\\_border\\_color [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCustomBorderColorFeaturesEXT.html) """ struct _PhysicalDeviceCustomBorderColorFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceCustomBorderColorFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceCustomBorderColorPropertiesEXT. Extension: VK\\_EXT\\_custom\\_border\\_color [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCustomBorderColorPropertiesEXT.html) """ struct _PhysicalDeviceCustomBorderColorPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceCustomBorderColorPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkSamplerCustomBorderColorCreateInfoEXT. Extension: VK\\_EXT\\_custom\\_border\\_color [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerCustomBorderColorCreateInfoEXT.html) """ struct _SamplerCustomBorderColorCreateInfoEXT <: VulkanStruct{true} vks::VkSamplerCustomBorderColorCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceToolProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceToolProperties.html) """ struct _PhysicalDeviceToolProperties <: VulkanStruct{true} vks::VkPhysicalDeviceToolProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceCoherentMemoryFeaturesAMD. Extension: VK\\_AMD\\_device\\_coherent\\_memory [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCoherentMemoryFeaturesAMD.html) """ struct _PhysicalDeviceCoherentMemoryFeaturesAMD <: VulkanStruct{true} vks::VkPhysicalDeviceCoherentMemoryFeaturesAMD deps::Vector{Any} end """ Intermediate wrapper for VkPipelineCompilerControlCreateInfoAMD. Extension: VK\\_AMD\\_pipeline\\_compiler\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCompilerControlCreateInfoAMD.html) """ struct _PipelineCompilerControlCreateInfoAMD <: VulkanStruct{true} vks::VkPipelineCompilerControlCreateInfoAMD deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceVulkan13Properties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan13Properties.html) """ struct _PhysicalDeviceVulkan13Properties <: VulkanStruct{true} vks::VkPhysicalDeviceVulkan13Properties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceVulkan13Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan13Features.html) """ struct _PhysicalDeviceVulkan13Features <: VulkanStruct{true} vks::VkPhysicalDeviceVulkan13Features deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceVulkan12Properties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan12Properties.html) """ struct _PhysicalDeviceVulkan12Properties <: VulkanStruct{true} vks::VkPhysicalDeviceVulkan12Properties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceVulkan12Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan12Features.html) """ struct _PhysicalDeviceVulkan12Features <: VulkanStruct{true} vks::VkPhysicalDeviceVulkan12Features deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceVulkan11Properties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan11Properties.html) """ struct _PhysicalDeviceVulkan11Properties <: VulkanStruct{true} vks::VkPhysicalDeviceVulkan11Properties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceVulkan11Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan11Features.html) """ struct _PhysicalDeviceVulkan11Features <: VulkanStruct{true} vks::VkPhysicalDeviceVulkan11Features deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePipelineCreationCacheControlFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineCreationCacheControlFeatures.html) """ struct _PhysicalDevicePipelineCreationCacheControlFeatures <: VulkanStruct{true} vks::VkPhysicalDevicePipelineCreationCacheControlFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPipelineRasterizationLineStateCreateInfoEXT. Extension: VK\\_EXT\\_line\\_rasterization [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationLineStateCreateInfoEXT.html) """ struct _PipelineRasterizationLineStateCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineRasterizationLineStateCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceLineRasterizationPropertiesEXT. Extension: VK\\_EXT\\_line\\_rasterization [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLineRasterizationPropertiesEXT.html) """ struct _PhysicalDeviceLineRasterizationPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceLineRasterizationPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceLineRasterizationFeaturesEXT. Extension: VK\\_EXT\\_line\\_rasterization [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLineRasterizationFeaturesEXT.html) """ struct _PhysicalDeviceLineRasterizationFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceLineRasterizationFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkMemoryOpaqueCaptureAddressAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryOpaqueCaptureAddressAllocateInfo.html) """ struct _MemoryOpaqueCaptureAddressAllocateInfo <: VulkanStruct{true} vks::VkMemoryOpaqueCaptureAddressAllocateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI. Extension: VK\\_HUAWEI\\_cluster\\_culling\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI.html) """ struct _PhysicalDeviceClusterCullingShaderPropertiesHUAWEI <: VulkanStruct{true} vks::VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceSubpassShadingPropertiesHUAWEI. Extension: VK\\_HUAWEI\\_subpass\\_shading [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubpassShadingPropertiesHUAWEI.html) """ struct _PhysicalDeviceSubpassShadingPropertiesHUAWEI <: VulkanStruct{true} vks::VkPhysicalDeviceSubpassShadingPropertiesHUAWEI deps::Vector{Any} end """ Intermediate wrapper for VkPipelineShaderStageRequiredSubgroupSizeCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineShaderStageRequiredSubgroupSizeCreateInfo.html) """ struct _PipelineShaderStageRequiredSubgroupSizeCreateInfo <: VulkanStruct{true} vks::VkPipelineShaderStageRequiredSubgroupSizeCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceSubgroupSizeControlProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubgroupSizeControlProperties.html) """ struct _PhysicalDeviceSubgroupSizeControlProperties <: VulkanStruct{true} vks::VkPhysicalDeviceSubgroupSizeControlProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceSubgroupSizeControlFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubgroupSizeControlFeatures.html) """ struct _PhysicalDeviceSubgroupSizeControlFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceSubgroupSizeControlFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceTexelBufferAlignmentProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTexelBufferAlignmentProperties.html) """ struct _PhysicalDeviceTexelBufferAlignmentProperties <: VulkanStruct{true} vks::VkPhysicalDeviceTexelBufferAlignmentProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT. Extension: VK\\_EXT\\_texel\\_buffer\\_alignment [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT.html) """ struct _PhysicalDeviceTexelBufferAlignmentFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures.html) """ struct _PhysicalDeviceShaderDemoteToHelperInvocationFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPipelineExecutableInternalRepresentationKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableInternalRepresentationKHR.html) """ struct _PipelineExecutableInternalRepresentationKHR <: VulkanStruct{true} vks::VkPipelineExecutableInternalRepresentationKHR deps::Vector{Any} end """ Intermediate wrapper for VkPipelineExecutableStatisticKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableStatisticKHR.html) """ struct _PipelineExecutableStatisticKHR <: VulkanStruct{true} vks::VkPipelineExecutableStatisticKHR deps::Vector{Any} end """ Intermediate wrapper for VkPipelineExecutablePropertiesKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutablePropertiesKHR.html) """ struct _PipelineExecutablePropertiesKHR <: VulkanStruct{true} vks::VkPipelineExecutablePropertiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR.html) """ struct _PhysicalDevicePipelineExecutablePropertiesFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkAttachmentDescriptionStencilLayout. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentDescriptionStencilLayout.html) """ struct _AttachmentDescriptionStencilLayout <: VulkanStruct{true} vks::VkAttachmentDescriptionStencilLayout deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT. Extension: VK\\_EXT\\_primitive\\_topology\\_list\\_restart [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT.html) """ struct _PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkAttachmentReferenceStencilLayout. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentReferenceStencilLayout.html) """ struct _AttachmentReferenceStencilLayout <: VulkanStruct{true} vks::VkAttachmentReferenceStencilLayout deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures.html) """ struct _PhysicalDeviceSeparateDepthStencilLayoutsFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT. Extension: VK\\_EXT\\_fragment\\_shader\\_interlock [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT.html) """ struct _PhysicalDeviceFragmentShaderInterlockFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderSMBuiltinsFeaturesNV. Extension: VK\\_NV\\_shader\\_sm\\_builtins [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSMBuiltinsFeaturesNV.html) """ struct _PhysicalDeviceShaderSMBuiltinsFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceShaderSMBuiltinsFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderSMBuiltinsPropertiesNV. Extension: VK\\_NV\\_shader\\_sm\\_builtins [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSMBuiltinsPropertiesNV.html) """ struct _PhysicalDeviceShaderSMBuiltinsPropertiesNV <: VulkanStruct{true} vks::VkPhysicalDeviceShaderSMBuiltinsPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceIndexTypeUint8FeaturesEXT. Extension: VK\\_EXT\\_index\\_type\\_uint8 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceIndexTypeUint8FeaturesEXT.html) """ struct _PhysicalDeviceIndexTypeUint8FeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceIndexTypeUint8FeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderClockFeaturesKHR. Extension: VK\\_KHR\\_shader\\_clock [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderClockFeaturesKHR.html) """ struct _PhysicalDeviceShaderClockFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceShaderClockFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPerformanceConfigurationAcquireInfoINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceConfigurationAcquireInfoINTEL.html) """ struct _PerformanceConfigurationAcquireInfoINTEL <: VulkanStruct{true} vks::VkPerformanceConfigurationAcquireInfoINTEL deps::Vector{Any} end """ Intermediate wrapper for VkPerformanceOverrideInfoINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceOverrideInfoINTEL.html) """ struct _PerformanceOverrideInfoINTEL <: VulkanStruct{true} vks::VkPerformanceOverrideInfoINTEL deps::Vector{Any} end """ Intermediate wrapper for VkPerformanceStreamMarkerInfoINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceStreamMarkerInfoINTEL.html) """ struct _PerformanceStreamMarkerInfoINTEL <: VulkanStruct{true} vks::VkPerformanceStreamMarkerInfoINTEL deps::Vector{Any} end """ Intermediate wrapper for VkPerformanceMarkerInfoINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceMarkerInfoINTEL.html) """ struct _PerformanceMarkerInfoINTEL <: VulkanStruct{true} vks::VkPerformanceMarkerInfoINTEL deps::Vector{Any} end """ Intermediate wrapper for VkQueryPoolPerformanceQueryCreateInfoINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueryPoolPerformanceQueryCreateInfoINTEL.html) """ struct _QueryPoolPerformanceQueryCreateInfoINTEL <: VulkanStruct{true} vks::VkQueryPoolPerformanceQueryCreateInfoINTEL deps::Vector{Any} end """ Intermediate wrapper for VkInitializePerformanceApiInfoINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkInitializePerformanceApiInfoINTEL.html) """ struct _InitializePerformanceApiInfoINTEL <: VulkanStruct{true} vks::VkInitializePerformanceApiInfoINTEL deps::Vector{Any} end """ Intermediate wrapper for VkPerformanceValueINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceValueINTEL.html) """ struct _PerformanceValueINTEL <: VulkanStruct{false} vks::VkPerformanceValueINTEL end """ Intermediate wrapper for VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL. Extension: VK\\_INTEL\\_shader\\_integer\\_functions2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL.html) """ struct _PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL <: VulkanStruct{true} vks::VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL deps::Vector{Any} end """ Intermediate wrapper for VkFramebufferMixedSamplesCombinationNV. Extension: VK\\_NV\\_coverage\\_reduction\\_mode [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferMixedSamplesCombinationNV.html) """ struct _FramebufferMixedSamplesCombinationNV <: VulkanStruct{true} vks::VkFramebufferMixedSamplesCombinationNV deps::Vector{Any} end """ Intermediate wrapper for VkPipelineCoverageReductionStateCreateInfoNV. Extension: VK\\_NV\\_coverage\\_reduction\\_mode [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCoverageReductionStateCreateInfoNV.html) """ struct _PipelineCoverageReductionStateCreateInfoNV <: VulkanStruct{true} vks::VkPipelineCoverageReductionStateCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceCoverageReductionModeFeaturesNV. Extension: VK\\_NV\\_coverage\\_reduction\\_mode [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCoverageReductionModeFeaturesNV.html) """ struct _PhysicalDeviceCoverageReductionModeFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceCoverageReductionModeFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkHeadlessSurfaceCreateInfoEXT. Extension: VK\\_EXT\\_headless\\_surface [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkHeadlessSurfaceCreateInfoEXT.html) """ struct _HeadlessSurfaceCreateInfoEXT <: VulkanStruct{true} vks::VkHeadlessSurfaceCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPerformanceQuerySubmitInfoKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceQuerySubmitInfoKHR.html) """ struct _PerformanceQuerySubmitInfoKHR <: VulkanStruct{true} vks::VkPerformanceQuerySubmitInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkAcquireProfilingLockInfoKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAcquireProfilingLockInfoKHR.html) """ struct _AcquireProfilingLockInfoKHR <: VulkanStruct{true} vks::VkAcquireProfilingLockInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkQueryPoolPerformanceCreateInfoKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueryPoolPerformanceCreateInfoKHR.html) """ struct _QueryPoolPerformanceCreateInfoKHR <: VulkanStruct{true} vks::VkQueryPoolPerformanceCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkPerformanceCounterDescriptionKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceCounterDescriptionKHR.html) """ struct _PerformanceCounterDescriptionKHR <: VulkanStruct{true} vks::VkPerformanceCounterDescriptionKHR deps::Vector{Any} end """ Intermediate wrapper for VkPerformanceCounterKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceCounterKHR.html) """ struct _PerformanceCounterKHR <: VulkanStruct{true} vks::VkPerformanceCounterKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePerformanceQueryPropertiesKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePerformanceQueryPropertiesKHR.html) """ struct _PhysicalDevicePerformanceQueryPropertiesKHR <: VulkanStruct{true} vks::VkPhysicalDevicePerformanceQueryPropertiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePerformanceQueryFeaturesKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePerformanceQueryFeaturesKHR.html) """ struct _PhysicalDevicePerformanceQueryFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDevicePerformanceQueryFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkSwapchainPresentBarrierCreateInfoNV. Extension: VK\\_NV\\_present\\_barrier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentBarrierCreateInfoNV.html) """ struct _SwapchainPresentBarrierCreateInfoNV <: VulkanStruct{true} vks::VkSwapchainPresentBarrierCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkSurfaceCapabilitiesPresentBarrierNV. Extension: VK\\_NV\\_present\\_barrier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilitiesPresentBarrierNV.html) """ struct _SurfaceCapabilitiesPresentBarrierNV <: VulkanStruct{true} vks::VkSurfaceCapabilitiesPresentBarrierNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePresentBarrierFeaturesNV. Extension: VK\\_NV\\_present\\_barrier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePresentBarrierFeaturesNV.html) """ struct _PhysicalDevicePresentBarrierFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDevicePresentBarrierFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkSurfaceCapabilitiesFullScreenExclusiveEXT. Extension: VK\\_EXT\\_full\\_screen\\_exclusive [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilitiesFullScreenExclusiveEXT.html) """ struct _SurfaceCapabilitiesFullScreenExclusiveEXT <: VulkanStruct{true} vks::VkSurfaceCapabilitiesFullScreenExclusiveEXT deps::Vector{Any} end """ Intermediate wrapper for VkSurfaceFullScreenExclusiveWin32InfoEXT. Extension: VK\\_EXT\\_full\\_screen\\_exclusive [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceFullScreenExclusiveWin32InfoEXT.html) """ struct _SurfaceFullScreenExclusiveWin32InfoEXT <: VulkanStruct{true} vks::VkSurfaceFullScreenExclusiveWin32InfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkSurfaceFullScreenExclusiveInfoEXT. Extension: VK\\_EXT\\_full\\_screen\\_exclusive [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceFullScreenExclusiveInfoEXT.html) """ struct _SurfaceFullScreenExclusiveInfoEXT <: VulkanStruct{true} vks::VkSurfaceFullScreenExclusiveInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPipelineCreationFeedbackCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCreationFeedbackCreateInfo.html) """ struct _PipelineCreationFeedbackCreateInfo <: VulkanStruct{true} vks::VkPipelineCreationFeedbackCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineCreationFeedback. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCreationFeedback.html) """ struct _PipelineCreationFeedback <: VulkanStruct{false} vks::VkPipelineCreationFeedback end """ Intermediate wrapper for VkImageViewAddressPropertiesNVX. Extension: VK\\_NVX\\_image\\_view\\_handle [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewAddressPropertiesNVX.html) """ struct _ImageViewAddressPropertiesNVX <: VulkanStruct{true} vks::VkImageViewAddressPropertiesNVX deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceYcbcrImageArraysFeaturesEXT. Extension: VK\\_EXT\\_ycbcr\\_image\\_arrays [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceYcbcrImageArraysFeaturesEXT.html) """ struct _PhysicalDeviceYcbcrImageArraysFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceYcbcrImageArraysFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkCooperativeMatrixPropertiesNV. Extension: VK\\_NV\\_cooperative\\_matrix [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCooperativeMatrixPropertiesNV.html) """ struct _CooperativeMatrixPropertiesNV <: VulkanStruct{true} vks::VkCooperativeMatrixPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceCooperativeMatrixPropertiesNV. Extension: VK\\_NV\\_cooperative\\_matrix [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCooperativeMatrixPropertiesNV.html) """ struct _PhysicalDeviceCooperativeMatrixPropertiesNV <: VulkanStruct{true} vks::VkPhysicalDeviceCooperativeMatrixPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceCooperativeMatrixFeaturesNV. Extension: VK\\_NV\\_cooperative\\_matrix [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCooperativeMatrixFeaturesNV.html) """ struct _PhysicalDeviceCooperativeMatrixFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceCooperativeMatrixFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceTextureCompressionASTCHDRFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTextureCompressionASTCHDRFeatures.html) """ struct _PhysicalDeviceTextureCompressionASTCHDRFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceTextureCompressionASTCHDRFeatures deps::Vector{Any} end """ Intermediate wrapper for VkRenderPassAttachmentBeginInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassAttachmentBeginInfo.html) """ struct _RenderPassAttachmentBeginInfo <: VulkanStruct{true} vks::VkRenderPassAttachmentBeginInfo deps::Vector{Any} end """ Intermediate wrapper for VkFramebufferAttachmentImageInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferAttachmentImageInfo.html) """ struct _FramebufferAttachmentImageInfo <: VulkanStruct{true} vks::VkFramebufferAttachmentImageInfo deps::Vector{Any} end """ Intermediate wrapper for VkFramebufferAttachmentsCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferAttachmentsCreateInfo.html) """ struct _FramebufferAttachmentsCreateInfo <: VulkanStruct{true} vks::VkFramebufferAttachmentsCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceImagelessFramebufferFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImagelessFramebufferFeatures.html) """ struct _PhysicalDeviceImagelessFramebufferFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceImagelessFramebufferFeatures deps::Vector{Any} end """ Intermediate wrapper for VkFilterCubicImageViewImageFormatPropertiesEXT. Extension: VK\\_EXT\\_filter\\_cubic [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFilterCubicImageViewImageFormatPropertiesEXT.html) """ struct _FilterCubicImageViewImageFormatPropertiesEXT <: VulkanStruct{true} vks::VkFilterCubicImageViewImageFormatPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceImageViewImageFormatInfoEXT. Extension: VK\\_EXT\\_filter\\_cubic [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageViewImageFormatInfoEXT.html) """ struct _PhysicalDeviceImageViewImageFormatInfoEXT <: VulkanStruct{true} vks::VkPhysicalDeviceImageViewImageFormatInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkBufferDeviceAddressCreateInfoEXT. Extension: VK\\_EXT\\_buffer\\_device\\_address [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferDeviceAddressCreateInfoEXT.html) """ struct _BufferDeviceAddressCreateInfoEXT <: VulkanStruct{true} vks::VkBufferDeviceAddressCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkBufferOpaqueCaptureAddressCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferOpaqueCaptureAddressCreateInfo.html) """ struct _BufferOpaqueCaptureAddressCreateInfo <: VulkanStruct{true} vks::VkBufferOpaqueCaptureAddressCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceBufferDeviceAddressFeaturesEXT. Extension: VK\\_EXT\\_buffer\\_device\\_address [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBufferDeviceAddressFeaturesEXT.html) """ struct _PhysicalDeviceBufferDeviceAddressFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceBufferDeviceAddressFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceBufferDeviceAddressFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBufferDeviceAddressFeatures.html) """ struct _PhysicalDeviceBufferDeviceAddressFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceBufferDeviceAddressFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT. Extension: VK\\_EXT\\_pageable\\_device\\_local\\_memory [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT.html) """ struct _PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkMemoryPriorityAllocateInfoEXT. Extension: VK\\_EXT\\_memory\\_priority [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryPriorityAllocateInfoEXT.html) """ struct _MemoryPriorityAllocateInfoEXT <: VulkanStruct{true} vks::VkMemoryPriorityAllocateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMemoryPriorityFeaturesEXT. Extension: VK\\_EXT\\_memory\\_priority [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryPriorityFeaturesEXT.html) """ struct _PhysicalDeviceMemoryPriorityFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceMemoryPriorityFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMemoryBudgetPropertiesEXT. Extension: VK\\_EXT\\_memory\\_budget [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryBudgetPropertiesEXT.html) """ struct _PhysicalDeviceMemoryBudgetPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceMemoryBudgetPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPipelineRasterizationDepthClipStateCreateInfoEXT. Extension: VK\\_EXT\\_depth\\_clip\\_enable [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationDepthClipStateCreateInfoEXT.html) """ struct _PipelineRasterizationDepthClipStateCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineRasterizationDepthClipStateCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDepthClipEnableFeaturesEXT. Extension: VK\\_EXT\\_depth\\_clip\\_enable [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthClipEnableFeaturesEXT.html) """ struct _PhysicalDeviceDepthClipEnableFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceDepthClipEnableFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceUniformBufferStandardLayoutFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceUniformBufferStandardLayoutFeatures.html) """ struct _PhysicalDeviceUniformBufferStandardLayoutFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceUniformBufferStandardLayoutFeatures deps::Vector{Any} end """ Intermediate wrapper for VkSurfaceProtectedCapabilitiesKHR. Extension: VK\\_KHR\\_surface\\_protected\\_capabilities [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceProtectedCapabilitiesKHR.html) """ struct _SurfaceProtectedCapabilitiesKHR <: VulkanStruct{true} vks::VkSurfaceProtectedCapabilitiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceScalarBlockLayoutFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceScalarBlockLayoutFeatures.html) """ struct _PhysicalDeviceScalarBlockLayoutFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceScalarBlockLayoutFeatures deps::Vector{Any} end """ Intermediate wrapper for VkSubpassFragmentDensityMapOffsetEndInfoQCOM. Extension: VK\\_QCOM\\_fragment\\_density\\_map\\_offset [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassFragmentDensityMapOffsetEndInfoQCOM.html) """ struct _SubpassFragmentDensityMapOffsetEndInfoQCOM <: VulkanStruct{true} vks::VkSubpassFragmentDensityMapOffsetEndInfoQCOM deps::Vector{Any} end """ Intermediate wrapper for VkRenderPassFragmentDensityMapCreateInfoEXT. Extension: VK\\_EXT\\_fragment\\_density\\_map [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassFragmentDensityMapCreateInfoEXT.html) """ struct _RenderPassFragmentDensityMapCreateInfoEXT <: VulkanStruct{true} vks::VkRenderPassFragmentDensityMapCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM. Extension: VK\\_QCOM\\_fragment\\_density\\_map\\_offset [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM.html) """ struct _PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentDensityMap2PropertiesEXT. Extension: VK\\_EXT\\_fragment\\_density\\_map2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMap2PropertiesEXT.html) """ struct _PhysicalDeviceFragmentDensityMap2PropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentDensityMap2PropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentDensityMapPropertiesEXT. Extension: VK\\_EXT\\_fragment\\_density\\_map [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapPropertiesEXT.html) """ struct _PhysicalDeviceFragmentDensityMapPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentDensityMapPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM. Extension: VK\\_QCOM\\_fragment\\_density\\_map\\_offset [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM.html) """ struct _PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentDensityMap2FeaturesEXT. Extension: VK\\_EXT\\_fragment\\_density\\_map2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMap2FeaturesEXT.html) """ struct _PhysicalDeviceFragmentDensityMap2FeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentDensityMap2FeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFragmentDensityMapFeaturesEXT. Extension: VK\\_EXT\\_fragment\\_density\\_map [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapFeaturesEXT.html) """ struct _PhysicalDeviceFragmentDensityMapFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceFragmentDensityMapFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkDeviceMemoryOverallocationCreateInfoAMD. Extension: VK\\_AMD\\_memory\\_overallocation\\_behavior [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceMemoryOverallocationCreateInfoAMD.html) """ struct _DeviceMemoryOverallocationCreateInfoAMD <: VulkanStruct{true} vks::VkDeviceMemoryOverallocationCreateInfoAMD deps::Vector{Any} end """ Intermediate wrapper for VkImageStencilUsageCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageStencilUsageCreateInfo.html) """ struct _ImageStencilUsageCreateInfo <: VulkanStruct{true} vks::VkImageStencilUsageCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkImageDrmFormatModifierPropertiesEXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageDrmFormatModifierPropertiesEXT.html) """ struct _ImageDrmFormatModifierPropertiesEXT <: VulkanStruct{true} vks::VkImageDrmFormatModifierPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkImageDrmFormatModifierExplicitCreateInfoEXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageDrmFormatModifierExplicitCreateInfoEXT.html) """ struct _ImageDrmFormatModifierExplicitCreateInfoEXT <: VulkanStruct{true} vks::VkImageDrmFormatModifierExplicitCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkImageDrmFormatModifierListCreateInfoEXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageDrmFormatModifierListCreateInfoEXT.html) """ struct _ImageDrmFormatModifierListCreateInfoEXT <: VulkanStruct{true} vks::VkImageDrmFormatModifierListCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceImageDrmFormatModifierInfoEXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageDrmFormatModifierInfoEXT.html) """ struct _PhysicalDeviceImageDrmFormatModifierInfoEXT <: VulkanStruct{true} vks::VkPhysicalDeviceImageDrmFormatModifierInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDrmFormatModifierPropertiesEXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierPropertiesEXT.html) """ struct _DrmFormatModifierPropertiesEXT <: VulkanStruct{false} vks::VkDrmFormatModifierPropertiesEXT end """ Intermediate wrapper for VkDrmFormatModifierPropertiesListEXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierPropertiesListEXT.html) """ struct _DrmFormatModifierPropertiesListEXT <: VulkanStruct{true} vks::VkDrmFormatModifierPropertiesListEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR.html) """ struct _PhysicalDeviceRayTracingMaintenance1FeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkTraceRaysIndirectCommand2KHR. Extension: VK\\_KHR\\_ray\\_tracing\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTraceRaysIndirectCommand2KHR.html) """ struct _TraceRaysIndirectCommand2KHR <: VulkanStruct{false} vks::VkTraceRaysIndirectCommand2KHR end """ Intermediate wrapper for VkTraceRaysIndirectCommandKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTraceRaysIndirectCommandKHR.html) """ struct _TraceRaysIndirectCommandKHR <: VulkanStruct{false} vks::VkTraceRaysIndirectCommandKHR end """ Intermediate wrapper for VkStridedDeviceAddressRegionKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkStridedDeviceAddressRegionKHR.html) """ struct _StridedDeviceAddressRegionKHR <: VulkanStruct{false} vks::VkStridedDeviceAddressRegionKHR end """ Intermediate wrapper for VkPhysicalDeviceRayTracingPropertiesNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingPropertiesNV.html) """ struct _PhysicalDeviceRayTracingPropertiesNV <: VulkanStruct{true} vks::VkPhysicalDeviceRayTracingPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceRayTracingPipelinePropertiesKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingPipelinePropertiesKHR.html) """ struct _PhysicalDeviceRayTracingPipelinePropertiesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceRayTracingPipelinePropertiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceAccelerationStructurePropertiesKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAccelerationStructurePropertiesKHR.html) """ struct _PhysicalDeviceAccelerationStructurePropertiesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceAccelerationStructurePropertiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceRayQueryFeaturesKHR. Extension: VK\\_KHR\\_ray\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayQueryFeaturesKHR.html) """ struct _PhysicalDeviceRayQueryFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceRayQueryFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceRayTracingPipelineFeaturesKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingPipelineFeaturesKHR.html) """ struct _PhysicalDeviceRayTracingPipelineFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceRayTracingPipelineFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceAccelerationStructureFeaturesKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAccelerationStructureFeaturesKHR.html) """ struct _PhysicalDeviceAccelerationStructureFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceAccelerationStructureFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkWriteDescriptorSetAccelerationStructureNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSetAccelerationStructureNV.html) """ struct _WriteDescriptorSetAccelerationStructureNV <: VulkanStruct{true} vks::VkWriteDescriptorSetAccelerationStructureNV deps::Vector{Any} end """ Intermediate wrapper for VkWriteDescriptorSetAccelerationStructureKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSetAccelerationStructureKHR.html) """ struct _WriteDescriptorSetAccelerationStructureKHR <: VulkanStruct{true} vks::VkWriteDescriptorSetAccelerationStructureKHR deps::Vector{Any} end """ Intermediate wrapper for VkAccelerationStructureCreateInfoNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureCreateInfoNV.html) """ struct _AccelerationStructureCreateInfoNV <: VulkanStruct{true} vks::VkAccelerationStructureCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkAccelerationStructureInfoNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureInfoNV.html) """ struct _AccelerationStructureInfoNV <: VulkanStruct{true} vks::VkAccelerationStructureInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkGeometryNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryNV.html) """ struct _GeometryNV <: VulkanStruct{true} vks::VkGeometryNV deps::Vector{Any} end """ Intermediate wrapper for VkGeometryDataNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryDataNV.html) """ struct _GeometryDataNV <: VulkanStruct{false} vks::VkGeometryDataNV end """ Intermediate wrapper for VkRayTracingShaderGroupCreateInfoKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingShaderGroupCreateInfoKHR.html) """ struct _RayTracingShaderGroupCreateInfoKHR <: VulkanStruct{true} vks::VkRayTracingShaderGroupCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkRayTracingShaderGroupCreateInfoNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingShaderGroupCreateInfoNV.html) """ struct _RayTracingShaderGroupCreateInfoNV <: VulkanStruct{true} vks::VkRayTracingShaderGroupCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkDrawMeshTasksIndirectCommandEXT. Extension: VK\\_EXT\\_mesh\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrawMeshTasksIndirectCommandEXT.html) """ struct _DrawMeshTasksIndirectCommandEXT <: VulkanStruct{false} vks::VkDrawMeshTasksIndirectCommandEXT end """ Intermediate wrapper for VkPhysicalDeviceMeshShaderPropertiesEXT. Extension: VK\\_EXT\\_mesh\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderPropertiesEXT.html) """ struct _PhysicalDeviceMeshShaderPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceMeshShaderPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMeshShaderFeaturesEXT. Extension: VK\\_EXT\\_mesh\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderFeaturesEXT.html) """ struct _PhysicalDeviceMeshShaderFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceMeshShaderFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkDrawMeshTasksIndirectCommandNV. Extension: VK\\_NV\\_mesh\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrawMeshTasksIndirectCommandNV.html) """ struct _DrawMeshTasksIndirectCommandNV <: VulkanStruct{false} vks::VkDrawMeshTasksIndirectCommandNV end """ Intermediate wrapper for VkPhysicalDeviceMeshShaderPropertiesNV. Extension: VK\\_NV\\_mesh\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderPropertiesNV.html) """ struct _PhysicalDeviceMeshShaderPropertiesNV <: VulkanStruct{true} vks::VkPhysicalDeviceMeshShaderPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMeshShaderFeaturesNV. Extension: VK\\_NV\\_mesh\\_shader [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderFeaturesNV.html) """ struct _PhysicalDeviceMeshShaderFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceMeshShaderFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPipelineViewportCoarseSampleOrderStateCreateInfoNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportCoarseSampleOrderStateCreateInfoNV.html) """ struct _PipelineViewportCoarseSampleOrderStateCreateInfoNV <: VulkanStruct{true} vks::VkPipelineViewportCoarseSampleOrderStateCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkCoarseSampleOrderCustomNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCoarseSampleOrderCustomNV.html) """ struct _CoarseSampleOrderCustomNV <: VulkanStruct{true} vks::VkCoarseSampleOrderCustomNV deps::Vector{Any} end """ Intermediate wrapper for VkCoarseSampleLocationNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCoarseSampleLocationNV.html) """ struct _CoarseSampleLocationNV <: VulkanStruct{false} vks::VkCoarseSampleLocationNV end """ Intermediate wrapper for VkPhysicalDeviceInvocationMaskFeaturesHUAWEI. Extension: VK\\_HUAWEI\\_invocation\\_mask [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInvocationMaskFeaturesHUAWEI.html) """ struct _PhysicalDeviceInvocationMaskFeaturesHUAWEI <: VulkanStruct{true} vks::VkPhysicalDeviceInvocationMaskFeaturesHUAWEI deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShadingRateImagePropertiesNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShadingRateImagePropertiesNV.html) """ struct _PhysicalDeviceShadingRateImagePropertiesNV <: VulkanStruct{true} vks::VkPhysicalDeviceShadingRateImagePropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShadingRateImageFeaturesNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShadingRateImageFeaturesNV.html) """ struct _PhysicalDeviceShadingRateImageFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceShadingRateImageFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPipelineViewportShadingRateImageStateCreateInfoNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportShadingRateImageStateCreateInfoNV.html) """ struct _PipelineViewportShadingRateImageStateCreateInfoNV <: VulkanStruct{true} vks::VkPipelineViewportShadingRateImageStateCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkShadingRatePaletteNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShadingRatePaletteNV.html) """ struct _ShadingRatePaletteNV <: VulkanStruct{true} vks::VkShadingRatePaletteNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMemoryDecompressionPropertiesNV. Extension: VK\\_NV\\_memory\\_decompression [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryDecompressionPropertiesNV.html) """ struct _PhysicalDeviceMemoryDecompressionPropertiesNV <: VulkanStruct{true} vks::VkPhysicalDeviceMemoryDecompressionPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMemoryDecompressionFeaturesNV. Extension: VK\\_NV\\_memory\\_decompression [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryDecompressionFeaturesNV.html) """ struct _PhysicalDeviceMemoryDecompressionFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceMemoryDecompressionFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceCopyMemoryIndirectPropertiesNV. Extension: VK\\_NV\\_copy\\_memory\\_indirect [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCopyMemoryIndirectPropertiesNV.html) """ struct _PhysicalDeviceCopyMemoryIndirectPropertiesNV <: VulkanStruct{true} vks::VkPhysicalDeviceCopyMemoryIndirectPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceCopyMemoryIndirectFeaturesNV. Extension: VK\\_NV\\_copy\\_memory\\_indirect [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCopyMemoryIndirectFeaturesNV.html) """ struct _PhysicalDeviceCopyMemoryIndirectFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceCopyMemoryIndirectFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV. Extension: VK\\_NV\\_dedicated\\_allocation\\_image\\_aliasing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV.html) """ struct _PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderImageFootprintFeaturesNV. Extension: VK\\_NV\\_shader\\_image\\_footprint [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderImageFootprintFeaturesNV.html) """ struct _PhysicalDeviceShaderImageFootprintFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceShaderImageFootprintFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceComputeShaderDerivativesFeaturesNV. Extension: VK\\_NV\\_compute\\_shader\\_derivatives [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceComputeShaderDerivativesFeaturesNV.html) """ struct _PhysicalDeviceComputeShaderDerivativesFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceComputeShaderDerivativesFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceCornerSampledImageFeaturesNV. Extension: VK\\_NV\\_corner\\_sampled\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCornerSampledImageFeaturesNV.html) """ struct _PhysicalDeviceCornerSampledImageFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceCornerSampledImageFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPipelineViewportExclusiveScissorStateCreateInfoNV. Extension: VK\\_NV\\_scissor\\_exclusive [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportExclusiveScissorStateCreateInfoNV.html) """ struct _PipelineViewportExclusiveScissorStateCreateInfoNV <: VulkanStruct{true} vks::VkPipelineViewportExclusiveScissorStateCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceExclusiveScissorFeaturesNV. Extension: VK\\_NV\\_scissor\\_exclusive [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExclusiveScissorFeaturesNV.html) """ struct _PhysicalDeviceExclusiveScissorFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceExclusiveScissorFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPipelineRepresentativeFragmentTestStateCreateInfoNV. Extension: VK\\_NV\\_representative\\_fragment\\_test [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRepresentativeFragmentTestStateCreateInfoNV.html) """ struct _PipelineRepresentativeFragmentTestStateCreateInfoNV <: VulkanStruct{true} vks::VkPipelineRepresentativeFragmentTestStateCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV. Extension: VK\\_NV\\_representative\\_fragment\\_test [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV.html) """ struct _PhysicalDeviceRepresentativeFragmentTestFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkPipelineRasterizationStateStreamCreateInfoEXT. Extension: VK\\_EXT\\_transform\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationStateStreamCreateInfoEXT.html) """ struct _PipelineRasterizationStateStreamCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineRasterizationStateStreamCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceTransformFeedbackPropertiesEXT. Extension: VK\\_EXT\\_transform\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTransformFeedbackPropertiesEXT.html) """ struct _PhysicalDeviceTransformFeedbackPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceTransformFeedbackPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceTransformFeedbackFeaturesEXT. Extension: VK\\_EXT\\_transform\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTransformFeedbackFeaturesEXT.html) """ struct _PhysicalDeviceTransformFeedbackFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceTransformFeedbackFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceASTCDecodeFeaturesEXT. Extension: VK\\_EXT\\_astc\\_decode\\_mode [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceASTCDecodeFeaturesEXT.html) """ struct _PhysicalDeviceASTCDecodeFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceASTCDecodeFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkImageViewASTCDecodeModeEXT. Extension: VK\\_EXT\\_astc\\_decode\\_mode [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewASTCDecodeModeEXT.html) """ struct _ImageViewASTCDecodeModeEXT <: VulkanStruct{true} vks::VkImageViewASTCDecodeModeEXT deps::Vector{Any} end """ Intermediate wrapper for VkSubpassDescriptionDepthStencilResolve. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDescriptionDepthStencilResolve.html) """ struct _SubpassDescriptionDepthStencilResolve <: VulkanStruct{true} vks::VkSubpassDescriptionDepthStencilResolve deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDepthStencilResolveProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthStencilResolveProperties.html) """ struct _PhysicalDeviceDepthStencilResolveProperties <: VulkanStruct{true} vks::VkPhysicalDeviceDepthStencilResolveProperties deps::Vector{Any} end """ Intermediate wrapper for VkCheckpointDataNV. Extension: VK\\_NV\\_device\\_diagnostic\\_checkpoints [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCheckpointDataNV.html) """ struct _CheckpointDataNV <: VulkanStruct{true} vks::VkCheckpointDataNV deps::Vector{Any} end """ Intermediate wrapper for VkQueueFamilyCheckpointPropertiesNV. Extension: VK\\_NV\\_device\\_diagnostic\\_checkpoints [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyCheckpointPropertiesNV.html) """ struct _QueueFamilyCheckpointPropertiesNV <: VulkanStruct{true} vks::VkQueueFamilyCheckpointPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT. Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT.html) """ struct _PhysicalDeviceVertexAttributeDivisorFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT. Extension: VK\\_EXT\\_shader\\_atomic\\_float2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT.html) """ struct _PhysicalDeviceShaderAtomicFloat2FeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderAtomicFloatFeaturesEXT. Extension: VK\\_EXT\\_shader\\_atomic\\_float [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderAtomicFloatFeaturesEXT.html) """ struct _PhysicalDeviceShaderAtomicFloatFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceShaderAtomicFloatFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderAtomicInt64Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderAtomicInt64Features.html) """ struct _PhysicalDeviceShaderAtomicInt64Features <: VulkanStruct{true} vks::VkPhysicalDeviceShaderAtomicInt64Features deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceVulkanMemoryModelFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkanMemoryModelFeatures.html) """ struct _PhysicalDeviceVulkanMemoryModelFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceVulkanMemoryModelFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceConditionalRenderingFeaturesEXT. Extension: VK\\_EXT\\_conditional\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceConditionalRenderingFeaturesEXT.html) """ struct _PhysicalDeviceConditionalRenderingFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceConditionalRenderingFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevice8BitStorageFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevice8BitStorageFeatures.html) """ struct _PhysicalDevice8BitStorageFeatures <: VulkanStruct{true} vks::VkPhysicalDevice8BitStorageFeatures deps::Vector{Any} end """ Intermediate wrapper for VkCommandBufferInheritanceConditionalRenderingInfoEXT. Extension: VK\\_EXT\\_conditional\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceConditionalRenderingInfoEXT.html) """ struct _CommandBufferInheritanceConditionalRenderingInfoEXT <: VulkanStruct{true} vks::VkCommandBufferInheritanceConditionalRenderingInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePCIBusInfoPropertiesEXT. Extension: VK\\_EXT\\_pci\\_bus\\_info [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePCIBusInfoPropertiesEXT.html) """ struct _PhysicalDevicePCIBusInfoPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDevicePCIBusInfoPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT. Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT.html) """ struct _PhysicalDeviceVertexAttributeDivisorPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPipelineVertexInputDivisorStateCreateInfoEXT. Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineVertexInputDivisorStateCreateInfoEXT.html) """ struct _PipelineVertexInputDivisorStateCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineVertexInputDivisorStateCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkVertexInputBindingDivisorDescriptionEXT. Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputBindingDivisorDescriptionEXT.html) """ struct _VertexInputBindingDivisorDescriptionEXT <: VulkanStruct{false} vks::VkVertexInputBindingDivisorDescriptionEXT end """ Intermediate wrapper for VkSemaphoreWaitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreWaitInfo.html) """ struct _SemaphoreWaitInfo <: VulkanStruct{true} vks::VkSemaphoreWaitInfo deps::Vector{Any} end """ Intermediate wrapper for VkTimelineSemaphoreSubmitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTimelineSemaphoreSubmitInfo.html) """ struct _TimelineSemaphoreSubmitInfo <: VulkanStruct{true} vks::VkTimelineSemaphoreSubmitInfo deps::Vector{Any} end """ Intermediate wrapper for VkSemaphoreTypeCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreTypeCreateInfo.html) """ struct _SemaphoreTypeCreateInfo <: VulkanStruct{true} vks::VkSemaphoreTypeCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceTimelineSemaphoreProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTimelineSemaphoreProperties.html) """ struct _PhysicalDeviceTimelineSemaphoreProperties <: VulkanStruct{true} vks::VkPhysicalDeviceTimelineSemaphoreProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceTimelineSemaphoreFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTimelineSemaphoreFeatures.html) """ struct _PhysicalDeviceTimelineSemaphoreFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceTimelineSemaphoreFeatures deps::Vector{Any} end """ Intermediate wrapper for VkSubpassEndInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassEndInfo.html) """ struct _SubpassEndInfo <: VulkanStruct{true} vks::VkSubpassEndInfo deps::Vector{Any} end """ Intermediate wrapper for VkSubpassBeginInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassBeginInfo.html) """ struct _SubpassBeginInfo <: VulkanStruct{true} vks::VkSubpassBeginInfo deps::Vector{Any} end """ Intermediate wrapper for VkRenderPassCreateInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreateInfo2.html) """ struct _RenderPassCreateInfo2 <: VulkanStruct{true} vks::VkRenderPassCreateInfo2 deps::Vector{Any} end """ Intermediate wrapper for VkSubpassDependency2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDependency2.html) """ struct _SubpassDependency2 <: VulkanStruct{true} vks::VkSubpassDependency2 deps::Vector{Any} end """ Intermediate wrapper for VkSubpassDescription2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDescription2.html) """ struct _SubpassDescription2 <: VulkanStruct{true} vks::VkSubpassDescription2 deps::Vector{Any} end """ Intermediate wrapper for VkAttachmentReference2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentReference2.html) """ struct _AttachmentReference2 <: VulkanStruct{true} vks::VkAttachmentReference2 deps::Vector{Any} end """ Intermediate wrapper for VkAttachmentDescription2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentDescription2.html) """ struct _AttachmentDescription2 <: VulkanStruct{true} vks::VkAttachmentDescription2 deps::Vector{Any} end """ Intermediate wrapper for VkDescriptorSetVariableDescriptorCountLayoutSupport. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetVariableDescriptorCountLayoutSupport.html) """ struct _DescriptorSetVariableDescriptorCountLayoutSupport <: VulkanStruct{true} vks::VkDescriptorSetVariableDescriptorCountLayoutSupport deps::Vector{Any} end """ Intermediate wrapper for VkDescriptorSetVariableDescriptorCountAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetVariableDescriptorCountAllocateInfo.html) """ struct _DescriptorSetVariableDescriptorCountAllocateInfo <: VulkanStruct{true} vks::VkDescriptorSetVariableDescriptorCountAllocateInfo deps::Vector{Any} end """ Intermediate wrapper for VkDescriptorSetLayoutBindingFlagsCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutBindingFlagsCreateInfo.html) """ struct _DescriptorSetLayoutBindingFlagsCreateInfo <: VulkanStruct{true} vks::VkDescriptorSetLayoutBindingFlagsCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDescriptorIndexingProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorIndexingProperties.html) """ struct _PhysicalDeviceDescriptorIndexingProperties <: VulkanStruct{true} vks::VkPhysicalDeviceDescriptorIndexingProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDescriptorIndexingFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorIndexingFeatures.html) """ struct _PhysicalDeviceDescriptorIndexingFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceDescriptorIndexingFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPipelineRasterizationConservativeStateCreateInfoEXT. Extension: VK\\_EXT\\_conservative\\_rasterization [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationConservativeStateCreateInfoEXT.html) """ struct _PipelineRasterizationConservativeStateCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineRasterizationConservativeStateCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderCoreProperties2AMD. Extension: VK\\_AMD\\_shader\\_core\\_properties2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCoreProperties2AMD.html) """ struct _PhysicalDeviceShaderCoreProperties2AMD <: VulkanStruct{true} vks::VkPhysicalDeviceShaderCoreProperties2AMD deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderCorePropertiesAMD. Extension: VK\\_AMD\\_shader\\_core\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCorePropertiesAMD.html) """ struct _PhysicalDeviceShaderCorePropertiesAMD <: VulkanStruct{true} vks::VkPhysicalDeviceShaderCorePropertiesAMD deps::Vector{Any} end """ Intermediate wrapper for VkCalibratedTimestampInfoEXT. Extension: VK\\_EXT\\_calibrated\\_timestamps [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCalibratedTimestampInfoEXT.html) """ struct _CalibratedTimestampInfoEXT <: VulkanStruct{true} vks::VkCalibratedTimestampInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceConservativeRasterizationPropertiesEXT. Extension: VK\\_EXT\\_conservative\\_rasterization [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceConservativeRasterizationPropertiesEXT.html) """ struct _PhysicalDeviceConservativeRasterizationPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceConservativeRasterizationPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceExternalMemoryHostPropertiesEXT. Extension: VK\\_EXT\\_external\\_memory\\_host [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalMemoryHostPropertiesEXT.html) """ struct _PhysicalDeviceExternalMemoryHostPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceExternalMemoryHostPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkMemoryHostPointerPropertiesEXT. Extension: VK\\_EXT\\_external\\_memory\\_host [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryHostPointerPropertiesEXT.html) """ struct _MemoryHostPointerPropertiesEXT <: VulkanStruct{true} vks::VkMemoryHostPointerPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkImportMemoryHostPointerInfoEXT. Extension: VK\\_EXT\\_external\\_memory\\_host [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMemoryHostPointerInfoEXT.html) """ struct _ImportMemoryHostPointerInfoEXT <: VulkanStruct{true} vks::VkImportMemoryHostPointerInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDeviceMemoryReportCallbackDataEXT. Extension: VK\\_EXT\\_device\\_memory\\_report [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceMemoryReportCallbackDataEXT.html) """ struct _DeviceMemoryReportCallbackDataEXT <: VulkanStruct{true} vks::VkDeviceMemoryReportCallbackDataEXT deps::Vector{Any} end """ Intermediate wrapper for VkDeviceDeviceMemoryReportCreateInfoEXT. Extension: VK\\_EXT\\_device\\_memory\\_report [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceDeviceMemoryReportCreateInfoEXT.html) """ struct _DeviceDeviceMemoryReportCreateInfoEXT <: VulkanStruct{true} vks::VkDeviceDeviceMemoryReportCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDeviceMemoryReportFeaturesEXT. Extension: VK\\_EXT\\_device\\_memory\\_report [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDeviceMemoryReportFeaturesEXT.html) """ struct _PhysicalDeviceDeviceMemoryReportFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceDeviceMemoryReportFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkDebugUtilsMessengerCallbackDataEXT. Extension: VK\\_EXT\\_debug\\_utils [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsMessengerCallbackDataEXT.html) """ struct _DebugUtilsMessengerCallbackDataEXT <: VulkanStruct{true} vks::VkDebugUtilsMessengerCallbackDataEXT deps::Vector{Any} end """ Intermediate wrapper for VkDebugUtilsMessengerCreateInfoEXT. Extension: VK\\_EXT\\_debug\\_utils [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsMessengerCreateInfoEXT.html) """ struct _DebugUtilsMessengerCreateInfoEXT <: VulkanStruct{true} vks::VkDebugUtilsMessengerCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDebugUtilsLabelEXT. Extension: VK\\_EXT\\_debug\\_utils [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsLabelEXT.html) """ struct _DebugUtilsLabelEXT <: VulkanStruct{true} vks::VkDebugUtilsLabelEXT deps::Vector{Any} end """ Intermediate wrapper for VkDebugUtilsObjectTagInfoEXT. Extension: VK\\_EXT\\_debug\\_utils [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsObjectTagInfoEXT.html) """ struct _DebugUtilsObjectTagInfoEXT <: VulkanStruct{true} vks::VkDebugUtilsObjectTagInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDebugUtilsObjectNameInfoEXT. Extension: VK\\_EXT\\_debug\\_utils [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsObjectNameInfoEXT.html) """ struct _DebugUtilsObjectNameInfoEXT <: VulkanStruct{true} vks::VkDebugUtilsObjectNameInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkQueueFamilyGlobalPriorityPropertiesKHR. Extension: VK\\_KHR\\_global\\_priority [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyGlobalPriorityPropertiesKHR.html) """ struct _QueueFamilyGlobalPriorityPropertiesKHR <: VulkanStruct{true} vks::VkQueueFamilyGlobalPriorityPropertiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR. Extension: VK\\_KHR\\_global\\_priority [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR.html) """ struct _PhysicalDeviceGlobalPriorityQueryFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkDeviceQueueGlobalPriorityCreateInfoKHR. Extension: VK\\_KHR\\_global\\_priority [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceQueueGlobalPriorityCreateInfoKHR.html) """ struct _DeviceQueueGlobalPriorityCreateInfoKHR <: VulkanStruct{true} vks::VkDeviceQueueGlobalPriorityCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkShaderStatisticsInfoAMD. Extension: VK\\_AMD\\_shader\\_info [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderStatisticsInfoAMD.html) """ struct _ShaderStatisticsInfoAMD <: VulkanStruct{false} vks::VkShaderStatisticsInfoAMD end """ Intermediate wrapper for VkShaderResourceUsageAMD. Extension: VK\\_AMD\\_shader\\_info [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderResourceUsageAMD.html) """ struct _ShaderResourceUsageAMD <: VulkanStruct{false} vks::VkShaderResourceUsageAMD end """ Intermediate wrapper for VkPhysicalDeviceHostQueryResetFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceHostQueryResetFeatures.html) """ struct _PhysicalDeviceHostQueryResetFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceHostQueryResetFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFloatControlsProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFloatControlsProperties.html) """ struct _PhysicalDeviceFloatControlsProperties <: VulkanStruct{true} vks::VkPhysicalDeviceFloatControlsProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderFloat16Int8Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderFloat16Int8Features.html) """ struct _PhysicalDeviceShaderFloat16Int8Features <: VulkanStruct{true} vks::VkPhysicalDeviceShaderFloat16Int8Features deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderDrawParametersFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderDrawParametersFeatures.html) """ struct _PhysicalDeviceShaderDrawParametersFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceShaderDrawParametersFeatures deps::Vector{Any} end """ Intermediate wrapper for VkDescriptorSetLayoutSupport. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutSupport.html) """ struct _DescriptorSetLayoutSupport <: VulkanStruct{true} vks::VkDescriptorSetLayoutSupport deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMaintenance4Properties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMaintenance4Properties.html) """ struct _PhysicalDeviceMaintenance4Properties <: VulkanStruct{true} vks::VkPhysicalDeviceMaintenance4Properties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMaintenance4Features. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMaintenance4Features.html) """ struct _PhysicalDeviceMaintenance4Features <: VulkanStruct{true} vks::VkPhysicalDeviceMaintenance4Features deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMaintenance3Properties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMaintenance3Properties.html) """ struct _PhysicalDeviceMaintenance3Properties <: VulkanStruct{true} vks::VkPhysicalDeviceMaintenance3Properties deps::Vector{Any} end """ Intermediate wrapper for VkValidationCacheCreateInfoEXT. Extension: VK\\_EXT\\_validation\\_cache [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkValidationCacheCreateInfoEXT.html) """ struct _ValidationCacheCreateInfoEXT <: VulkanStruct{true} vks::VkValidationCacheCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkImageFormatListCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageFormatListCreateInfo.html) """ struct _ImageFormatListCreateInfo <: VulkanStruct{true} vks::VkImageFormatListCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineCoverageModulationStateCreateInfoNV. Extension: VK\\_NV\\_framebuffer\\_mixed\\_samples [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCoverageModulationStateCreateInfoNV.html) """ struct _PipelineCoverageModulationStateCreateInfoNV <: VulkanStruct{true} vks::VkPipelineCoverageModulationStateCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkDescriptorPoolInlineUniformBlockCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorPoolInlineUniformBlockCreateInfo.html) """ struct _DescriptorPoolInlineUniformBlockCreateInfo <: VulkanStruct{true} vks::VkDescriptorPoolInlineUniformBlockCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkWriteDescriptorSetInlineUniformBlock. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSetInlineUniformBlock.html) """ struct _WriteDescriptorSetInlineUniformBlock <: VulkanStruct{true} vks::VkWriteDescriptorSetInlineUniformBlock deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceInlineUniformBlockProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInlineUniformBlockProperties.html) """ struct _PhysicalDeviceInlineUniformBlockProperties <: VulkanStruct{true} vks::VkPhysicalDeviceInlineUniformBlockProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceInlineUniformBlockFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInlineUniformBlockFeatures.html) """ struct _PhysicalDeviceInlineUniformBlockFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceInlineUniformBlockFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPipelineColorBlendAdvancedStateCreateInfoEXT. Extension: VK\\_EXT\\_blend\\_operation\\_advanced [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorBlendAdvancedStateCreateInfoEXT.html) """ struct _PipelineColorBlendAdvancedStateCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineColorBlendAdvancedStateCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT. Extension: VK\\_EXT\\_blend\\_operation\\_advanced [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT.html) """ struct _PhysicalDeviceBlendOperationAdvancedPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMultiDrawFeaturesEXT. Extension: VK\\_EXT\\_multi\\_draw [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiDrawFeaturesEXT.html) """ struct _PhysicalDeviceMultiDrawFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceMultiDrawFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT. Extension: VK\\_EXT\\_blend\\_operation\\_advanced [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT.html) """ struct _PhysicalDeviceBlendOperationAdvancedFeaturesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkSamplerReductionModeCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerReductionModeCreateInfo.html) """ struct _SamplerReductionModeCreateInfo <: VulkanStruct{true} vks::VkSamplerReductionModeCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkMultisamplePropertiesEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultisamplePropertiesEXT.html) """ struct _MultisamplePropertiesEXT <: VulkanStruct{true} vks::VkMultisamplePropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceSampleLocationsPropertiesEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSampleLocationsPropertiesEXT.html) """ struct _PhysicalDeviceSampleLocationsPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceSampleLocationsPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPipelineSampleLocationsStateCreateInfoEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineSampleLocationsStateCreateInfoEXT.html) """ struct _PipelineSampleLocationsStateCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineSampleLocationsStateCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkRenderPassSampleLocationsBeginInfoEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassSampleLocationsBeginInfoEXT.html) """ struct _RenderPassSampleLocationsBeginInfoEXT <: VulkanStruct{true} vks::VkRenderPassSampleLocationsBeginInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkSubpassSampleLocationsEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassSampleLocationsEXT.html) """ struct _SubpassSampleLocationsEXT <: VulkanStruct{false} vks::VkSubpassSampleLocationsEXT end """ Intermediate wrapper for VkAttachmentSampleLocationsEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentSampleLocationsEXT.html) """ struct _AttachmentSampleLocationsEXT <: VulkanStruct{false} vks::VkAttachmentSampleLocationsEXT end """ Intermediate wrapper for VkSampleLocationsInfoEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSampleLocationsInfoEXT.html) """ struct _SampleLocationsInfoEXT <: VulkanStruct{true} vks::VkSampleLocationsInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkSampleLocationEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSampleLocationEXT.html) """ struct _SampleLocationEXT <: VulkanStruct{false} vks::VkSampleLocationEXT end """ Intermediate wrapper for VkPhysicalDeviceSamplerFilterMinmaxProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSamplerFilterMinmaxProperties.html) """ struct _PhysicalDeviceSamplerFilterMinmaxProperties <: VulkanStruct{true} vks::VkPhysicalDeviceSamplerFilterMinmaxProperties deps::Vector{Any} end """ Intermediate wrapper for VkPipelineCoverageToColorStateCreateInfoNV. Extension: VK\\_NV\\_fragment\\_coverage\\_to\\_color [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCoverageToColorStateCreateInfoNV.html) """ struct _PipelineCoverageToColorStateCreateInfoNV <: VulkanStruct{true} vks::VkPipelineCoverageToColorStateCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkDeviceQueueInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceQueueInfo2.html) """ struct _DeviceQueueInfo2 <: VulkanStruct{true} vks::VkDeviceQueueInfo2 deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceProtectedMemoryProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProtectedMemoryProperties.html) """ struct _PhysicalDeviceProtectedMemoryProperties <: VulkanStruct{true} vks::VkPhysicalDeviceProtectedMemoryProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceProtectedMemoryFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProtectedMemoryFeatures.html) """ struct _PhysicalDeviceProtectedMemoryFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceProtectedMemoryFeatures deps::Vector{Any} end """ Intermediate wrapper for VkProtectedSubmitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkProtectedSubmitInfo.html) """ struct _ProtectedSubmitInfo <: VulkanStruct{true} vks::VkProtectedSubmitInfo deps::Vector{Any} end """ Intermediate wrapper for VkTextureLODGatherFormatPropertiesAMD. Extension: VK\\_AMD\\_texture\\_gather\\_bias\\_lod [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTextureLODGatherFormatPropertiesAMD.html) """ struct _TextureLODGatherFormatPropertiesAMD <: VulkanStruct{true} vks::VkTextureLODGatherFormatPropertiesAMD deps::Vector{Any} end """ Intermediate wrapper for VkSamplerYcbcrConversionImageFormatProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerYcbcrConversionImageFormatProperties.html) """ struct _SamplerYcbcrConversionImageFormatProperties <: VulkanStruct{true} vks::VkSamplerYcbcrConversionImageFormatProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceSamplerYcbcrConversionFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSamplerYcbcrConversionFeatures.html) """ struct _PhysicalDeviceSamplerYcbcrConversionFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceSamplerYcbcrConversionFeatures deps::Vector{Any} end """ Intermediate wrapper for VkImagePlaneMemoryRequirementsInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImagePlaneMemoryRequirementsInfo.html) """ struct _ImagePlaneMemoryRequirementsInfo <: VulkanStruct{true} vks::VkImagePlaneMemoryRequirementsInfo deps::Vector{Any} end """ Intermediate wrapper for VkBindImagePlaneMemoryInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImagePlaneMemoryInfo.html) """ struct _BindImagePlaneMemoryInfo <: VulkanStruct{true} vks::VkBindImagePlaneMemoryInfo deps::Vector{Any} end """ Intermediate wrapper for VkSamplerYcbcrConversionCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerYcbcrConversionCreateInfo.html) """ struct _SamplerYcbcrConversionCreateInfo <: VulkanStruct{true} vks::VkSamplerYcbcrConversionCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineTessellationDomainOriginStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineTessellationDomainOriginStateCreateInfo.html) """ struct _PipelineTessellationDomainOriginStateCreateInfo <: VulkanStruct{true} vks::VkPipelineTessellationDomainOriginStateCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkImageViewUsageCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewUsageCreateInfo.html) """ struct _ImageViewUsageCreateInfo <: VulkanStruct{true} vks::VkImageViewUsageCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkMemoryDedicatedRequirements. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryDedicatedRequirements.html) """ struct _MemoryDedicatedRequirements <: VulkanStruct{true} vks::VkMemoryDedicatedRequirements deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePointClippingProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePointClippingProperties.html) """ struct _PhysicalDevicePointClippingProperties <: VulkanStruct{true} vks::VkPhysicalDevicePointClippingProperties deps::Vector{Any} end """ Intermediate wrapper for VkSparseImageMemoryRequirements2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryRequirements2.html) """ struct _SparseImageMemoryRequirements2 <: VulkanStruct{true} vks::VkSparseImageMemoryRequirements2 deps::Vector{Any} end """ Intermediate wrapper for VkMemoryRequirements2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryRequirements2.html) """ struct _MemoryRequirements2 <: VulkanStruct{true} vks::VkMemoryRequirements2 deps::Vector{Any} end """ Intermediate wrapper for VkDeviceImageMemoryRequirements. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceImageMemoryRequirements.html) """ struct _DeviceImageMemoryRequirements <: VulkanStruct{true} vks::VkDeviceImageMemoryRequirements deps::Vector{Any} end """ Intermediate wrapper for VkDeviceBufferMemoryRequirements. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceBufferMemoryRequirements.html) """ struct _DeviceBufferMemoryRequirements <: VulkanStruct{true} vks::VkDeviceBufferMemoryRequirements deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures.html) """ struct _PhysicalDeviceShaderSubgroupExtendedTypesFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceSubgroupProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubgroupProperties.html) """ struct _PhysicalDeviceSubgroupProperties <: VulkanStruct{true} vks::VkPhysicalDeviceSubgroupProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevice16BitStorageFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevice16BitStorageFeatures.html) """ struct _PhysicalDevice16BitStorageFeatures <: VulkanStruct{true} vks::VkPhysicalDevice16BitStorageFeatures deps::Vector{Any} end """ Intermediate wrapper for VkSharedPresentSurfaceCapabilitiesKHR. Extension: VK\\_KHR\\_shared\\_presentable\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSharedPresentSurfaceCapabilitiesKHR.html) """ struct _SharedPresentSurfaceCapabilitiesKHR <: VulkanStruct{true} vks::VkSharedPresentSurfaceCapabilitiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkDisplayPlaneCapabilities2KHR. Extension: VK\\_KHR\\_get\\_display\\_properties2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneCapabilities2KHR.html) """ struct _DisplayPlaneCapabilities2KHR <: VulkanStruct{true} vks::VkDisplayPlaneCapabilities2KHR deps::Vector{Any} end """ Intermediate wrapper for VkDisplayModeProperties2KHR. Extension: VK\\_KHR\\_get\\_display\\_properties2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModeProperties2KHR.html) """ struct _DisplayModeProperties2KHR <: VulkanStruct{true} vks::VkDisplayModeProperties2KHR deps::Vector{Any} end """ Intermediate wrapper for VkDisplayPlaneProperties2KHR. Extension: VK\\_KHR\\_get\\_display\\_properties2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneProperties2KHR.html) """ struct _DisplayPlaneProperties2KHR <: VulkanStruct{true} vks::VkDisplayPlaneProperties2KHR deps::Vector{Any} end """ Intermediate wrapper for VkDisplayProperties2KHR. Extension: VK\\_KHR\\_get\\_display\\_properties2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayProperties2KHR.html) """ struct _DisplayProperties2KHR <: VulkanStruct{true} vks::VkDisplayProperties2KHR deps::Vector{Any} end """ Intermediate wrapper for VkSurfaceFormat2KHR. Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceFormat2KHR.html) """ struct _SurfaceFormat2KHR <: VulkanStruct{true} vks::VkSurfaceFormat2KHR deps::Vector{Any} end """ Intermediate wrapper for VkSurfaceCapabilities2KHR. Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilities2KHR.html) """ struct _SurfaceCapabilities2KHR <: VulkanStruct{true} vks::VkSurfaceCapabilities2KHR deps::Vector{Any} end """ Intermediate wrapper for VkRenderPassInputAttachmentAspectCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassInputAttachmentAspectCreateInfo.html) """ struct _RenderPassInputAttachmentAspectCreateInfo <: VulkanStruct{true} vks::VkRenderPassInputAttachmentAspectCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkInputAttachmentAspectReference. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkInputAttachmentAspectReference.html) """ struct _InputAttachmentAspectReference <: VulkanStruct{false} vks::VkInputAttachmentAspectReference end """ Intermediate wrapper for VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX. Extension: VK\\_NVX\\_multiview\\_per\\_view\\_attributes [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX.html) """ struct _PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX <: VulkanStruct{true} vks::VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX deps::Vector{Any} end """ Intermediate wrapper for VkPipelineDiscardRectangleStateCreateInfoEXT. Extension: VK\\_EXT\\_discard\\_rectangles [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineDiscardRectangleStateCreateInfoEXT.html) """ struct _PipelineDiscardRectangleStateCreateInfoEXT <: VulkanStruct{true} vks::VkPipelineDiscardRectangleStateCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDiscardRectanglePropertiesEXT. Extension: VK\\_EXT\\_discard\\_rectangles [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDiscardRectanglePropertiesEXT.html) """ struct _PhysicalDeviceDiscardRectanglePropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceDiscardRectanglePropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPipelineViewportSwizzleStateCreateInfoNV. Extension: VK\\_NV\\_viewport\\_swizzle [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportSwizzleStateCreateInfoNV.html) """ struct _PipelineViewportSwizzleStateCreateInfoNV <: VulkanStruct{true} vks::VkPipelineViewportSwizzleStateCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkViewportSwizzleNV. Extension: VK\\_NV\\_viewport\\_swizzle [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkViewportSwizzleNV.html) """ struct _ViewportSwizzleNV <: VulkanStruct{false} vks::VkViewportSwizzleNV end """ Intermediate wrapper for VkPipelineViewportWScalingStateCreateInfoNV. Extension: VK\\_NV\\_clip\\_space\\_w\\_scaling [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportWScalingStateCreateInfoNV.html) """ struct _PipelineViewportWScalingStateCreateInfoNV <: VulkanStruct{true} vks::VkPipelineViewportWScalingStateCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkViewportWScalingNV. Extension: VK\\_NV\\_clip\\_space\\_w\\_scaling [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkViewportWScalingNV.html) """ struct _ViewportWScalingNV <: VulkanStruct{false} vks::VkViewportWScalingNV end """ Intermediate wrapper for VkPresentTimeGOOGLE. Extension: VK\\_GOOGLE\\_display\\_timing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentTimeGOOGLE.html) """ struct _PresentTimeGOOGLE <: VulkanStruct{false} vks::VkPresentTimeGOOGLE end """ Intermediate wrapper for VkPresentTimesInfoGOOGLE. Extension: VK\\_GOOGLE\\_display\\_timing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentTimesInfoGOOGLE.html) """ struct _PresentTimesInfoGOOGLE <: VulkanStruct{true} vks::VkPresentTimesInfoGOOGLE deps::Vector{Any} end """ Intermediate wrapper for VkPastPresentationTimingGOOGLE. Extension: VK\\_GOOGLE\\_display\\_timing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPastPresentationTimingGOOGLE.html) """ struct _PastPresentationTimingGOOGLE <: VulkanStruct{false} vks::VkPastPresentationTimingGOOGLE end """ Intermediate wrapper for VkRefreshCycleDurationGOOGLE. Extension: VK\\_GOOGLE\\_display\\_timing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRefreshCycleDurationGOOGLE.html) """ struct _RefreshCycleDurationGOOGLE <: VulkanStruct{false} vks::VkRefreshCycleDurationGOOGLE end """ Intermediate wrapper for VkSwapchainDisplayNativeHdrCreateInfoAMD. Extension: VK\\_AMD\\_display\\_native\\_hdr [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainDisplayNativeHdrCreateInfoAMD.html) """ struct _SwapchainDisplayNativeHdrCreateInfoAMD <: VulkanStruct{true} vks::VkSwapchainDisplayNativeHdrCreateInfoAMD deps::Vector{Any} end """ Intermediate wrapper for VkDisplayNativeHdrSurfaceCapabilitiesAMD. Extension: VK\\_AMD\\_display\\_native\\_hdr [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayNativeHdrSurfaceCapabilitiesAMD.html) """ struct _DisplayNativeHdrSurfaceCapabilitiesAMD <: VulkanStruct{true} vks::VkDisplayNativeHdrSurfaceCapabilitiesAMD deps::Vector{Any} end """ Intermediate wrapper for VkHdrMetadataEXT. Extension: VK\\_EXT\\_hdr\\_metadata [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkHdrMetadataEXT.html) """ struct _HdrMetadataEXT <: VulkanStruct{true} vks::VkHdrMetadataEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePresentWaitFeaturesKHR. Extension: VK\\_KHR\\_present\\_wait [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePresentWaitFeaturesKHR.html) """ struct _PhysicalDevicePresentWaitFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDevicePresentWaitFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPresentIdKHR. Extension: VK\\_KHR\\_present\\_id [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentIdKHR.html) """ struct _PresentIdKHR <: VulkanStruct{true} vks::VkPresentIdKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePresentIdFeaturesKHR. Extension: VK\\_KHR\\_present\\_id [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePresentIdFeaturesKHR.html) """ struct _PhysicalDevicePresentIdFeaturesKHR <: VulkanStruct{true} vks::VkPhysicalDevicePresentIdFeaturesKHR deps::Vector{Any} end """ Intermediate wrapper for VkXYColorEXT. Extension: VK\\_EXT\\_hdr\\_metadata [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkXYColorEXT.html) """ struct _XYColorEXT <: VulkanStruct{false} vks::VkXYColorEXT end """ Intermediate wrapper for VkDescriptorUpdateTemplateEntry. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorUpdateTemplateEntry.html) """ struct _DescriptorUpdateTemplateEntry <: VulkanStruct{false} vks::VkDescriptorUpdateTemplateEntry end """ Intermediate wrapper for VkDeviceGroupSwapchainCreateInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupSwapchainCreateInfoKHR.html) """ struct _DeviceGroupSwapchainCreateInfoKHR <: VulkanStruct{true} vks::VkDeviceGroupSwapchainCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkDeviceGroupDeviceCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupDeviceCreateInfo.html) """ struct _DeviceGroupDeviceCreateInfo <: VulkanStruct{true} vks::VkDeviceGroupDeviceCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkDeviceGroupPresentInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupPresentInfoKHR.html) """ struct _DeviceGroupPresentInfoKHR <: VulkanStruct{true} vks::VkDeviceGroupPresentInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkDeviceGroupPresentCapabilitiesKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupPresentCapabilitiesKHR.html) """ struct _DeviceGroupPresentCapabilitiesKHR <: VulkanStruct{true} vks::VkDeviceGroupPresentCapabilitiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkDeviceGroupBindSparseInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupBindSparseInfo.html) """ struct _DeviceGroupBindSparseInfo <: VulkanStruct{true} vks::VkDeviceGroupBindSparseInfo deps::Vector{Any} end """ Intermediate wrapper for VkDeviceGroupSubmitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupSubmitInfo.html) """ struct _DeviceGroupSubmitInfo <: VulkanStruct{true} vks::VkDeviceGroupSubmitInfo deps::Vector{Any} end """ Intermediate wrapper for VkDeviceGroupCommandBufferBeginInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupCommandBufferBeginInfo.html) """ struct _DeviceGroupCommandBufferBeginInfo <: VulkanStruct{true} vks::VkDeviceGroupCommandBufferBeginInfo deps::Vector{Any} end """ Intermediate wrapper for VkDeviceGroupRenderPassBeginInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupRenderPassBeginInfo.html) """ struct _DeviceGroupRenderPassBeginInfo <: VulkanStruct{true} vks::VkDeviceGroupRenderPassBeginInfo deps::Vector{Any} end """ Intermediate wrapper for VkBindImageMemoryDeviceGroupInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImageMemoryDeviceGroupInfo.html) """ struct _BindImageMemoryDeviceGroupInfo <: VulkanStruct{true} vks::VkBindImageMemoryDeviceGroupInfo deps::Vector{Any} end """ Intermediate wrapper for VkBindBufferMemoryDeviceGroupInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindBufferMemoryDeviceGroupInfo.html) """ struct _BindBufferMemoryDeviceGroupInfo <: VulkanStruct{true} vks::VkBindBufferMemoryDeviceGroupInfo deps::Vector{Any} end """ Intermediate wrapper for VkMemoryAllocateFlagsInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryAllocateFlagsInfo.html) """ struct _MemoryAllocateFlagsInfo <: VulkanStruct{true} vks::VkMemoryAllocateFlagsInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceGroupProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGroupProperties.html) """ struct _PhysicalDeviceGroupProperties <: VulkanStruct{true} vks::VkPhysicalDeviceGroupProperties deps::Vector{Any} end """ Intermediate wrapper for VkSwapchainCounterCreateInfoEXT. Extension: VK\\_EXT\\_display\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainCounterCreateInfoEXT.html) """ struct _SwapchainCounterCreateInfoEXT <: VulkanStruct{true} vks::VkSwapchainCounterCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDisplayEventInfoEXT. Extension: VK\\_EXT\\_display\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayEventInfoEXT.html) """ struct _DisplayEventInfoEXT <: VulkanStruct{true} vks::VkDisplayEventInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDeviceEventInfoEXT. Extension: VK\\_EXT\\_display\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceEventInfoEXT.html) """ struct _DeviceEventInfoEXT <: VulkanStruct{true} vks::VkDeviceEventInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDisplayPowerInfoEXT. Extension: VK\\_EXT\\_display\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPowerInfoEXT.html) """ struct _DisplayPowerInfoEXT <: VulkanStruct{true} vks::VkDisplayPowerInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkSurfaceCapabilities2EXT. Extension: VK\\_EXT\\_display\\_surface\\_counter [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilities2EXT.html) """ struct _SurfaceCapabilities2EXT <: VulkanStruct{true} vks::VkSurfaceCapabilities2EXT deps::Vector{Any} end """ Intermediate wrapper for VkRenderPassMultiviewCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassMultiviewCreateInfo.html) """ struct _RenderPassMultiviewCreateInfo <: VulkanStruct{true} vks::VkRenderPassMultiviewCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMultiviewProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewProperties.html) """ struct _PhysicalDeviceMultiviewProperties <: VulkanStruct{true} vks::VkPhysicalDeviceMultiviewProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMultiviewFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewFeatures.html) """ struct _PhysicalDeviceMultiviewFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceMultiviewFeatures deps::Vector{Any} end """ Intermediate wrapper for VkExportFenceWin32HandleInfoKHR. Extension: VK\\_KHR\\_external\\_fence\\_win32 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportFenceWin32HandleInfoKHR.html) """ struct _ExportFenceWin32HandleInfoKHR <: VulkanStruct{true} vks::VkExportFenceWin32HandleInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkExportFenceCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportFenceCreateInfo.html) """ struct _ExportFenceCreateInfo <: VulkanStruct{true} vks::VkExportFenceCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkExternalFenceProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalFenceProperties.html) """ struct _ExternalFenceProperties <: VulkanStruct{true} vks::VkExternalFenceProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceExternalFenceInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalFenceInfo.html) """ struct _PhysicalDeviceExternalFenceInfo <: VulkanStruct{true} vks::VkPhysicalDeviceExternalFenceInfo deps::Vector{Any} end """ Intermediate wrapper for VkD3D12FenceSubmitInfoKHR. Extension: VK\\_KHR\\_external\\_semaphore\\_win32 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkD3D12FenceSubmitInfoKHR.html) """ struct _D3D12FenceSubmitInfoKHR <: VulkanStruct{true} vks::VkD3D12FenceSubmitInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkExportSemaphoreWin32HandleInfoKHR. Extension: VK\\_KHR\\_external\\_semaphore\\_win32 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportSemaphoreWin32HandleInfoKHR.html) """ struct _ExportSemaphoreWin32HandleInfoKHR <: VulkanStruct{true} vks::VkExportSemaphoreWin32HandleInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkExportSemaphoreCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportSemaphoreCreateInfo.html) """ struct _ExportSemaphoreCreateInfo <: VulkanStruct{true} vks::VkExportSemaphoreCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkExternalSemaphoreProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalSemaphoreProperties.html) """ struct _ExternalSemaphoreProperties <: VulkanStruct{true} vks::VkExternalSemaphoreProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceExternalSemaphoreInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalSemaphoreInfo.html) """ struct _PhysicalDeviceExternalSemaphoreInfo <: VulkanStruct{true} vks::VkPhysicalDeviceExternalSemaphoreInfo deps::Vector{Any} end """ Intermediate wrapper for VkWin32KeyedMutexAcquireReleaseInfoKHR. Extension: VK\\_KHR\\_win32\\_keyed\\_mutex [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWin32KeyedMutexAcquireReleaseInfoKHR.html) """ struct _Win32KeyedMutexAcquireReleaseInfoKHR <: VulkanStruct{true} vks::VkWin32KeyedMutexAcquireReleaseInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkMemoryFdPropertiesKHR. Extension: VK\\_KHR\\_external\\_memory\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryFdPropertiesKHR.html) """ struct _MemoryFdPropertiesKHR <: VulkanStruct{true} vks::VkMemoryFdPropertiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkImportMemoryFdInfoKHR. Extension: VK\\_KHR\\_external\\_memory\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMemoryFdInfoKHR.html) """ struct _ImportMemoryFdInfoKHR <: VulkanStruct{true} vks::VkImportMemoryFdInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkMemoryWin32HandlePropertiesKHR. Extension: VK\\_KHR\\_external\\_memory\\_win32 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryWin32HandlePropertiesKHR.html) """ struct _MemoryWin32HandlePropertiesKHR <: VulkanStruct{true} vks::VkMemoryWin32HandlePropertiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkExportMemoryWin32HandleInfoKHR. Extension: VK\\_KHR\\_external\\_memory\\_win32 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMemoryWin32HandleInfoKHR.html) """ struct _ExportMemoryWin32HandleInfoKHR <: VulkanStruct{true} vks::VkExportMemoryWin32HandleInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkImportMemoryWin32HandleInfoKHR. Extension: VK\\_KHR\\_external\\_memory\\_win32 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMemoryWin32HandleInfoKHR.html) """ struct _ImportMemoryWin32HandleInfoKHR <: VulkanStruct{true} vks::VkImportMemoryWin32HandleInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkExportMemoryAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMemoryAllocateInfo.html) """ struct _ExportMemoryAllocateInfo <: VulkanStruct{true} vks::VkExportMemoryAllocateInfo deps::Vector{Any} end """ Intermediate wrapper for VkExternalMemoryBufferCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryBufferCreateInfo.html) """ struct _ExternalMemoryBufferCreateInfo <: VulkanStruct{true} vks::VkExternalMemoryBufferCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkExternalMemoryImageCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryImageCreateInfo.html) """ struct _ExternalMemoryImageCreateInfo <: VulkanStruct{true} vks::VkExternalMemoryImageCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceIDProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceIDProperties.html) """ struct _PhysicalDeviceIDProperties <: VulkanStruct{true} vks::VkPhysicalDeviceIDProperties deps::Vector{Any} end """ Intermediate wrapper for VkExternalBufferProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalBufferProperties.html) """ struct _ExternalBufferProperties <: VulkanStruct{true} vks::VkExternalBufferProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceExternalBufferInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalBufferInfo.html) """ struct _PhysicalDeviceExternalBufferInfo <: VulkanStruct{true} vks::VkPhysicalDeviceExternalBufferInfo deps::Vector{Any} end """ Intermediate wrapper for VkExternalImageFormatProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalImageFormatProperties.html) """ struct _ExternalImageFormatProperties <: VulkanStruct{true} vks::VkExternalImageFormatProperties deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceExternalImageFormatInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalImageFormatInfo.html) """ struct _PhysicalDeviceExternalImageFormatInfo <: VulkanStruct{true} vks::VkPhysicalDeviceExternalImageFormatInfo deps::Vector{Any} end """ Intermediate wrapper for VkExternalMemoryProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryProperties.html) """ struct _ExternalMemoryProperties <: VulkanStruct{false} vks::VkExternalMemoryProperties end """ Intermediate wrapper for VkPhysicalDeviceVariablePointersFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVariablePointersFeatures.html) """ struct _PhysicalDeviceVariablePointersFeatures <: VulkanStruct{true} vks::VkPhysicalDeviceVariablePointersFeatures deps::Vector{Any} end """ Intermediate wrapper for VkRectLayerKHR. Extension: VK\\_KHR\\_incremental\\_present [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRectLayerKHR.html) """ struct _RectLayerKHR <: VulkanStruct{false} vks::VkRectLayerKHR end """ Intermediate wrapper for VkPresentRegionKHR. Extension: VK\\_KHR\\_incremental\\_present [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentRegionKHR.html) """ struct _PresentRegionKHR <: VulkanStruct{true} vks::VkPresentRegionKHR deps::Vector{Any} end """ Intermediate wrapper for VkPresentRegionsKHR. Extension: VK\\_KHR\\_incremental\\_present [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentRegionsKHR.html) """ struct _PresentRegionsKHR <: VulkanStruct{true} vks::VkPresentRegionsKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDriverProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDriverProperties.html) """ struct _PhysicalDeviceDriverProperties <: VulkanStruct{true} vks::VkPhysicalDeviceDriverProperties deps::Vector{Any} end """ Intermediate wrapper for VkConformanceVersion. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkConformanceVersion.html) """ struct _ConformanceVersion <: VulkanStruct{false} vks::VkConformanceVersion end """ Intermediate wrapper for VkPhysicalDevicePushDescriptorPropertiesKHR. Extension: VK\\_KHR\\_push\\_descriptor [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePushDescriptorPropertiesKHR.html) """ struct _PhysicalDevicePushDescriptorPropertiesKHR <: VulkanStruct{true} vks::VkPhysicalDevicePushDescriptorPropertiesKHR deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceSparseImageFormatInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSparseImageFormatInfo2.html) """ struct _PhysicalDeviceSparseImageFormatInfo2 <: VulkanStruct{true} vks::VkPhysicalDeviceSparseImageFormatInfo2 deps::Vector{Any} end """ Intermediate wrapper for VkSparseImageFormatProperties2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageFormatProperties2.html) """ struct _SparseImageFormatProperties2 <: VulkanStruct{true} vks::VkSparseImageFormatProperties2 deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMemoryProperties2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryProperties2.html) """ struct _PhysicalDeviceMemoryProperties2 <: VulkanStruct{true} vks::VkPhysicalDeviceMemoryProperties2 deps::Vector{Any} end """ Intermediate wrapper for VkQueueFamilyProperties2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyProperties2.html) """ struct _QueueFamilyProperties2 <: VulkanStruct{true} vks::VkQueueFamilyProperties2 deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceImageFormatInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageFormatInfo2.html) """ struct _PhysicalDeviceImageFormatInfo2 <: VulkanStruct{true} vks::VkPhysicalDeviceImageFormatInfo2 deps::Vector{Any} end """ Intermediate wrapper for VkImageFormatProperties2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageFormatProperties2.html) """ struct _ImageFormatProperties2 <: VulkanStruct{true} vks::VkImageFormatProperties2 deps::Vector{Any} end """ Intermediate wrapper for VkFormatProperties2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFormatProperties2.html) """ struct _FormatProperties2 <: VulkanStruct{true} vks::VkFormatProperties2 deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceProperties2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProperties2.html) """ struct _PhysicalDeviceProperties2 <: VulkanStruct{true} vks::VkPhysicalDeviceProperties2 deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceFeatures2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFeatures2.html) """ struct _PhysicalDeviceFeatures2 <: VulkanStruct{true} vks::VkPhysicalDeviceFeatures2 deps::Vector{Any} end """ Intermediate wrapper for VkIndirectCommandsLayoutCreateInfoNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkIndirectCommandsLayoutCreateInfoNV.html) """ struct _IndirectCommandsLayoutCreateInfoNV <: VulkanStruct{true} vks::VkIndirectCommandsLayoutCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkSetStateFlagsIndirectCommandNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSetStateFlagsIndirectCommandNV.html) """ struct _SetStateFlagsIndirectCommandNV <: VulkanStruct{false} vks::VkSetStateFlagsIndirectCommandNV end """ Intermediate wrapper for VkBindVertexBufferIndirectCommandNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindVertexBufferIndirectCommandNV.html) """ struct _BindVertexBufferIndirectCommandNV <: VulkanStruct{false} vks::VkBindVertexBufferIndirectCommandNV end """ Intermediate wrapper for VkBindIndexBufferIndirectCommandNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindIndexBufferIndirectCommandNV.html) """ struct _BindIndexBufferIndirectCommandNV <: VulkanStruct{false} vks::VkBindIndexBufferIndirectCommandNV end """ Intermediate wrapper for VkBindShaderGroupIndirectCommandNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindShaderGroupIndirectCommandNV.html) """ struct _BindShaderGroupIndirectCommandNV <: VulkanStruct{false} vks::VkBindShaderGroupIndirectCommandNV end """ Intermediate wrapper for VkGraphicsPipelineShaderGroupsCreateInfoNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsPipelineShaderGroupsCreateInfoNV.html) """ struct _GraphicsPipelineShaderGroupsCreateInfoNV <: VulkanStruct{true} vks::VkGraphicsPipelineShaderGroupsCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkGraphicsShaderGroupCreateInfoNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsShaderGroupCreateInfoNV.html) """ struct _GraphicsShaderGroupCreateInfoNV <: VulkanStruct{true} vks::VkGraphicsShaderGroupCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMultiDrawPropertiesEXT. Extension: VK\\_EXT\\_multi\\_draw [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiDrawPropertiesEXT.html) """ struct _PhysicalDeviceMultiDrawPropertiesEXT <: VulkanStruct{true} vks::VkPhysicalDeviceMultiDrawPropertiesEXT deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV.html) """ struct _PhysicalDeviceDeviceGeneratedCommandsPropertiesNV <: VulkanStruct{true} vks::VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDevicePrivateDataFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePrivateDataFeatures.html) """ struct _PhysicalDevicePrivateDataFeatures <: VulkanStruct{true} vks::VkPhysicalDevicePrivateDataFeatures deps::Vector{Any} end """ Intermediate wrapper for VkPrivateDataSlotCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPrivateDataSlotCreateInfo.html) """ struct _PrivateDataSlotCreateInfo <: VulkanStruct{true} vks::VkPrivateDataSlotCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkDevicePrivateDataCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDevicePrivateDataCreateInfo.html) """ struct _DevicePrivateDataCreateInfo <: VulkanStruct{true} vks::VkDevicePrivateDataCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV.html) """ struct _PhysicalDeviceDeviceGeneratedCommandsFeaturesNV <: VulkanStruct{true} vks::VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV deps::Vector{Any} end """ Intermediate wrapper for VkWin32KeyedMutexAcquireReleaseInfoNV. Extension: VK\\_NV\\_win32\\_keyed\\_mutex [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWin32KeyedMutexAcquireReleaseInfoNV.html) """ struct _Win32KeyedMutexAcquireReleaseInfoNV <: VulkanStruct{true} vks::VkWin32KeyedMutexAcquireReleaseInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkExportMemoryWin32HandleInfoNV. Extension: VK\\_NV\\_external\\_memory\\_win32 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMemoryWin32HandleInfoNV.html) """ struct _ExportMemoryWin32HandleInfoNV <: VulkanStruct{true} vks::VkExportMemoryWin32HandleInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkImportMemoryWin32HandleInfoNV. Extension: VK\\_NV\\_external\\_memory\\_win32 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMemoryWin32HandleInfoNV.html) """ struct _ImportMemoryWin32HandleInfoNV <: VulkanStruct{true} vks::VkImportMemoryWin32HandleInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkExportMemoryAllocateInfoNV. Extension: VK\\_NV\\_external\\_memory [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMemoryAllocateInfoNV.html) """ struct _ExportMemoryAllocateInfoNV <: VulkanStruct{true} vks::VkExportMemoryAllocateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkExternalMemoryImageCreateInfoNV. Extension: VK\\_NV\\_external\\_memory [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryImageCreateInfoNV.html) """ struct _ExternalMemoryImageCreateInfoNV <: VulkanStruct{true} vks::VkExternalMemoryImageCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkExternalImageFormatPropertiesNV. Extension: VK\\_NV\\_external\\_memory\\_capabilities [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalImageFormatPropertiesNV.html) """ struct _ExternalImageFormatPropertiesNV <: VulkanStruct{false} vks::VkExternalImageFormatPropertiesNV end """ Intermediate wrapper for VkDedicatedAllocationBufferCreateInfoNV. Extension: VK\\_NV\\_dedicated\\_allocation [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDedicatedAllocationBufferCreateInfoNV.html) """ struct _DedicatedAllocationBufferCreateInfoNV <: VulkanStruct{true} vks::VkDedicatedAllocationBufferCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkDedicatedAllocationImageCreateInfoNV. Extension: VK\\_NV\\_dedicated\\_allocation [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDedicatedAllocationImageCreateInfoNV.html) """ struct _DedicatedAllocationImageCreateInfoNV <: VulkanStruct{true} vks::VkDedicatedAllocationImageCreateInfoNV deps::Vector{Any} end """ Intermediate wrapper for VkDebugMarkerMarkerInfoEXT. Extension: VK\\_EXT\\_debug\\_marker [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugMarkerMarkerInfoEXT.html) """ struct _DebugMarkerMarkerInfoEXT <: VulkanStruct{true} vks::VkDebugMarkerMarkerInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDebugMarkerObjectTagInfoEXT. Extension: VK\\_EXT\\_debug\\_marker [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugMarkerObjectTagInfoEXT.html) """ struct _DebugMarkerObjectTagInfoEXT <: VulkanStruct{true} vks::VkDebugMarkerObjectTagInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkDebugMarkerObjectNameInfoEXT. Extension: VK\\_EXT\\_debug\\_marker [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugMarkerObjectNameInfoEXT.html) """ struct _DebugMarkerObjectNameInfoEXT <: VulkanStruct{true} vks::VkDebugMarkerObjectNameInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPipelineRasterizationStateRasterizationOrderAMD. Extension: VK\\_AMD\\_rasterization\\_order [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationStateRasterizationOrderAMD.html) """ struct _PipelineRasterizationStateRasterizationOrderAMD <: VulkanStruct{true} vks::VkPipelineRasterizationStateRasterizationOrderAMD deps::Vector{Any} end """ Intermediate wrapper for VkValidationFeaturesEXT. Extension: VK\\_EXT\\_validation\\_features [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkValidationFeaturesEXT.html) """ struct _ValidationFeaturesEXT <: VulkanStruct{true} vks::VkValidationFeaturesEXT deps::Vector{Any} end """ Intermediate wrapper for VkValidationFlagsEXT. Extension: VK\\_EXT\\_validation\\_flags [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkValidationFlagsEXT.html) """ struct _ValidationFlagsEXT <: VulkanStruct{true} vks::VkValidationFlagsEXT deps::Vector{Any} end """ Intermediate wrapper for VkDebugReportCallbackCreateInfoEXT. Extension: VK\\_EXT\\_debug\\_report [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugReportCallbackCreateInfoEXT.html) """ struct _DebugReportCallbackCreateInfoEXT <: VulkanStruct{true} vks::VkDebugReportCallbackCreateInfoEXT deps::Vector{Any} end """ Intermediate wrapper for VkPresentInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentInfoKHR.html) """ struct _PresentInfoKHR <: VulkanStruct{true} vks::VkPresentInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkSurfaceFormatKHR. Extension: VK\\_KHR\\_surface [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceFormatKHR.html) """ struct _SurfaceFormatKHR <: VulkanStruct{false} vks::VkSurfaceFormatKHR end """ Intermediate wrapper for VkWin32SurfaceCreateInfoKHR. Extension: VK\\_KHR\\_win32\\_surface [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWin32SurfaceCreateInfoKHR.html) """ struct _Win32SurfaceCreateInfoKHR <: VulkanStruct{true} vks::VkWin32SurfaceCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkSurfaceCapabilitiesKHR. Extension: VK\\_KHR\\_surface [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilitiesKHR.html) """ struct _SurfaceCapabilitiesKHR <: VulkanStruct{false} vks::VkSurfaceCapabilitiesKHR end """ Intermediate wrapper for VkDisplayPresentInfoKHR. Extension: VK\\_KHR\\_display\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPresentInfoKHR.html) """ struct _DisplayPresentInfoKHR <: VulkanStruct{true} vks::VkDisplayPresentInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkDisplayPlaneCapabilitiesKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneCapabilitiesKHR.html) """ struct _DisplayPlaneCapabilitiesKHR <: VulkanStruct{false} vks::VkDisplayPlaneCapabilitiesKHR end """ Intermediate wrapper for VkDisplayModeCreateInfoKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModeCreateInfoKHR.html) """ struct _DisplayModeCreateInfoKHR <: VulkanStruct{true} vks::VkDisplayModeCreateInfoKHR deps::Vector{Any} end """ Intermediate wrapper for VkDisplayModeParametersKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModeParametersKHR.html) """ struct _DisplayModeParametersKHR <: VulkanStruct{false} vks::VkDisplayModeParametersKHR end """ Intermediate wrapper for VkSubmitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubmitInfo.html) """ struct _SubmitInfo <: VulkanStruct{true} vks::VkSubmitInfo deps::Vector{Any} end """ Intermediate wrapper for VkMultiDrawIndexedInfoEXT. Extension: VK\\_EXT\\_multi\\_draw [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultiDrawIndexedInfoEXT.html) """ struct _MultiDrawIndexedInfoEXT <: VulkanStruct{false} vks::VkMultiDrawIndexedInfoEXT end """ Intermediate wrapper for VkMultiDrawInfoEXT. Extension: VK\\_EXT\\_multi\\_draw [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultiDrawInfoEXT.html) """ struct _MultiDrawInfoEXT <: VulkanStruct{false} vks::VkMultiDrawInfoEXT end """ Intermediate wrapper for VkDispatchIndirectCommand. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDispatchIndirectCommand.html) """ struct _DispatchIndirectCommand <: VulkanStruct{false} vks::VkDispatchIndirectCommand end """ Intermediate wrapper for VkDrawIndexedIndirectCommand. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrawIndexedIndirectCommand.html) """ struct _DrawIndexedIndirectCommand <: VulkanStruct{false} vks::VkDrawIndexedIndirectCommand end """ Intermediate wrapper for VkDrawIndirectCommand. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrawIndirectCommand.html) """ struct _DrawIndirectCommand <: VulkanStruct{false} vks::VkDrawIndirectCommand end """ Intermediate wrapper for VkQueryPoolCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueryPoolCreateInfo.html) """ struct _QueryPoolCreateInfo <: VulkanStruct{true} vks::VkQueryPoolCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkSemaphoreCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreCreateInfo.html) """ struct _SemaphoreCreateInfo <: VulkanStruct{true} vks::VkSemaphoreCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceLimits. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLimits.html) """ struct _PhysicalDeviceLimits <: VulkanStruct{false} vks::VkPhysicalDeviceLimits end """ Intermediate wrapper for VkPhysicalDeviceSparseProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSparseProperties.html) """ struct _PhysicalDeviceSparseProperties <: VulkanStruct{false} vks::VkPhysicalDeviceSparseProperties end """ Intermediate wrapper for VkPhysicalDeviceFeatures. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFeatures.html) """ struct _PhysicalDeviceFeatures <: VulkanStruct{false} vks::VkPhysicalDeviceFeatures end """ Intermediate wrapper for VkFenceCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFenceCreateInfo.html) """ struct _FenceCreateInfo <: VulkanStruct{true} vks::VkFenceCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkEventCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkEventCreateInfo.html) """ struct _EventCreateInfo <: VulkanStruct{true} vks::VkEventCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkRenderPassCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreateInfo.html) """ struct _RenderPassCreateInfo <: VulkanStruct{true} vks::VkRenderPassCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkSubpassDependency. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDependency.html) """ struct _SubpassDependency <: VulkanStruct{false} vks::VkSubpassDependency end """ Intermediate wrapper for VkSubpassDescription. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDescription.html) """ struct _SubpassDescription <: VulkanStruct{true} vks::VkSubpassDescription deps::Vector{Any} end """ Intermediate wrapper for VkAttachmentReference. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentReference.html) """ struct _AttachmentReference <: VulkanStruct{false} vks::VkAttachmentReference end """ Intermediate wrapper for VkAttachmentDescription. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentDescription.html) """ struct _AttachmentDescription <: VulkanStruct{false} vks::VkAttachmentDescription end """ Intermediate wrapper for VkClearAttachment. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearAttachment.html) """ struct _ClearAttachment <: VulkanStruct{false} vks::VkClearAttachment end """ Intermediate wrapper for VkClearDepthStencilValue. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearDepthStencilValue.html) """ struct _ClearDepthStencilValue <: VulkanStruct{false} vks::VkClearDepthStencilValue end """ Intermediate wrapper for VkCommandBufferBeginInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferBeginInfo.html) """ struct _CommandBufferBeginInfo <: VulkanStruct{true} vks::VkCommandBufferBeginInfo deps::Vector{Any} end """ Intermediate wrapper for VkCommandPoolCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandPoolCreateInfo.html) """ struct _CommandPoolCreateInfo <: VulkanStruct{true} vks::VkCommandPoolCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkSamplerCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerCreateInfo.html) """ struct _SamplerCreateInfo <: VulkanStruct{true} vks::VkSamplerCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineLayoutCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineLayoutCreateInfo.html) """ struct _PipelineLayoutCreateInfo <: VulkanStruct{true} vks::VkPipelineLayoutCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPushConstantRange. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPushConstantRange.html) """ struct _PushConstantRange <: VulkanStruct{false} vks::VkPushConstantRange end """ Intermediate wrapper for VkPipelineCacheHeaderVersionOne. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCacheHeaderVersionOne.html) """ struct _PipelineCacheHeaderVersionOne <: VulkanStruct{false} vks::VkPipelineCacheHeaderVersionOne end """ Intermediate wrapper for VkPipelineCacheCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCacheCreateInfo.html) """ struct _PipelineCacheCreateInfo <: VulkanStruct{true} vks::VkPipelineCacheCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineDepthStencilStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineDepthStencilStateCreateInfo.html) """ struct _PipelineDepthStencilStateCreateInfo <: VulkanStruct{true} vks::VkPipelineDepthStencilStateCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkStencilOpState. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkStencilOpState.html) """ struct _StencilOpState <: VulkanStruct{false} vks::VkStencilOpState end """ Intermediate wrapper for VkPipelineDynamicStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineDynamicStateCreateInfo.html) """ struct _PipelineDynamicStateCreateInfo <: VulkanStruct{true} vks::VkPipelineDynamicStateCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineColorBlendStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorBlendStateCreateInfo.html) """ struct _PipelineColorBlendStateCreateInfo <: VulkanStruct{true} vks::VkPipelineColorBlendStateCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineColorBlendAttachmentState. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorBlendAttachmentState.html) """ struct _PipelineColorBlendAttachmentState <: VulkanStruct{false} vks::VkPipelineColorBlendAttachmentState end """ Intermediate wrapper for VkPipelineMultisampleStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineMultisampleStateCreateInfo.html) """ struct _PipelineMultisampleStateCreateInfo <: VulkanStruct{true} vks::VkPipelineMultisampleStateCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineRasterizationStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationStateCreateInfo.html) """ struct _PipelineRasterizationStateCreateInfo <: VulkanStruct{true} vks::VkPipelineRasterizationStateCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineViewportStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportStateCreateInfo.html) """ struct _PipelineViewportStateCreateInfo <: VulkanStruct{true} vks::VkPipelineViewportStateCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineTessellationStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineTessellationStateCreateInfo.html) """ struct _PipelineTessellationStateCreateInfo <: VulkanStruct{true} vks::VkPipelineTessellationStateCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineInputAssemblyStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineInputAssemblyStateCreateInfo.html) """ struct _PipelineInputAssemblyStateCreateInfo <: VulkanStruct{true} vks::VkPipelineInputAssemblyStateCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPipelineVertexInputStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineVertexInputStateCreateInfo.html) """ struct _PipelineVertexInputStateCreateInfo <: VulkanStruct{true} vks::VkPipelineVertexInputStateCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkVertexInputAttributeDescription. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputAttributeDescription.html) """ struct _VertexInputAttributeDescription <: VulkanStruct{false} vks::VkVertexInputAttributeDescription end """ Intermediate wrapper for VkVertexInputBindingDescription. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputBindingDescription.html) """ struct _VertexInputBindingDescription <: VulkanStruct{false} vks::VkVertexInputBindingDescription end """ Intermediate wrapper for VkSpecializationInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSpecializationInfo.html) """ struct _SpecializationInfo <: VulkanStruct{true} vks::VkSpecializationInfo deps::Vector{Any} end """ Intermediate wrapper for VkSpecializationMapEntry. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSpecializationMapEntry.html) """ struct _SpecializationMapEntry <: VulkanStruct{false} vks::VkSpecializationMapEntry end """ Intermediate wrapper for VkDescriptorPoolCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorPoolCreateInfo.html) """ struct _DescriptorPoolCreateInfo <: VulkanStruct{true} vks::VkDescriptorPoolCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkDescriptorPoolSize. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorPoolSize.html) """ struct _DescriptorPoolSize <: VulkanStruct{false} vks::VkDescriptorPoolSize end """ Intermediate wrapper for VkDescriptorSetLayoutCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutCreateInfo.html) """ struct _DescriptorSetLayoutCreateInfo <: VulkanStruct{true} vks::VkDescriptorSetLayoutCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkDescriptorSetLayoutBinding. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutBinding.html) """ struct _DescriptorSetLayoutBinding <: VulkanStruct{true} vks::VkDescriptorSetLayoutBinding deps::Vector{Any} end """ Intermediate wrapper for VkShaderModuleCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderModuleCreateInfo.html) """ struct _ShaderModuleCreateInfo <: VulkanStruct{true} vks::VkShaderModuleCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkImageResolve. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageResolve.html) """ struct _ImageResolve <: VulkanStruct{false} vks::VkImageResolve end """ Intermediate wrapper for VkCopyMemoryToImageIndirectCommandNV. Extension: VK\\_NV\\_copy\\_memory\\_indirect [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryToImageIndirectCommandNV.html) """ struct _CopyMemoryToImageIndirectCommandNV <: VulkanStruct{false} vks::VkCopyMemoryToImageIndirectCommandNV end """ Intermediate wrapper for VkCopyMemoryIndirectCommandNV. Extension: VK\\_NV\\_copy\\_memory\\_indirect [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryIndirectCommandNV.html) """ struct _CopyMemoryIndirectCommandNV <: VulkanStruct{false} vks::VkCopyMemoryIndirectCommandNV end """ Intermediate wrapper for VkBufferImageCopy. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferImageCopy.html) """ struct _BufferImageCopy <: VulkanStruct{false} vks::VkBufferImageCopy end """ Intermediate wrapper for VkImageBlit. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageBlit.html) """ struct _ImageBlit <: VulkanStruct{false} vks::VkImageBlit end """ Intermediate wrapper for VkImageCopy. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCopy.html) """ struct _ImageCopy <: VulkanStruct{false} vks::VkImageCopy end """ Intermediate wrapper for VkBindSparseInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindSparseInfo.html) """ struct _BindSparseInfo <: VulkanStruct{true} vks::VkBindSparseInfo deps::Vector{Any} end """ Intermediate wrapper for VkBufferCopy. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCopy.html) """ struct _BufferCopy <: VulkanStruct{false} vks::VkBufferCopy end """ Intermediate wrapper for VkSubresourceLayout. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubresourceLayout.html) """ struct _SubresourceLayout <: VulkanStruct{false} vks::VkSubresourceLayout end """ Intermediate wrapper for VkImageCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCreateInfo.html) """ struct _ImageCreateInfo <: VulkanStruct{true} vks::VkImageCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkMemoryBarrier. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryBarrier.html) """ struct _MemoryBarrier <: VulkanStruct{true} vks::VkMemoryBarrier deps::Vector{Any} end """ Intermediate wrapper for VkImageSubresourceRange. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresourceRange.html) """ struct _ImageSubresourceRange <: VulkanStruct{false} vks::VkImageSubresourceRange end """ Intermediate wrapper for VkImageSubresourceLayers. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresourceLayers.html) """ struct _ImageSubresourceLayers <: VulkanStruct{false} vks::VkImageSubresourceLayers end """ Intermediate wrapper for VkImageSubresource. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresource.html) """ struct _ImageSubresource <: VulkanStruct{false} vks::VkImageSubresource end """ Intermediate wrapper for VkBufferCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCreateInfo.html) """ struct _BufferCreateInfo <: VulkanStruct{true} vks::VkBufferCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkImageFormatProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageFormatProperties.html) """ struct _ImageFormatProperties <: VulkanStruct{false} vks::VkImageFormatProperties end """ Intermediate wrapper for VkFormatProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFormatProperties.html) """ struct _FormatProperties <: VulkanStruct{false} vks::VkFormatProperties end """ Intermediate wrapper for VkMemoryHeap. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryHeap.html) """ struct _MemoryHeap <: VulkanStruct{false} vks::VkMemoryHeap end """ Intermediate wrapper for VkMemoryType. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryType.html) """ struct _MemoryType <: VulkanStruct{false} vks::VkMemoryType end """ Intermediate wrapper for VkSparseImageMemoryRequirements. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryRequirements.html) """ struct _SparseImageMemoryRequirements <: VulkanStruct{false} vks::VkSparseImageMemoryRequirements end """ Intermediate wrapper for VkSparseImageFormatProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageFormatProperties.html) """ struct _SparseImageFormatProperties <: VulkanStruct{false} vks::VkSparseImageFormatProperties end """ Intermediate wrapper for VkMemoryRequirements. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryRequirements.html) """ struct _MemoryRequirements <: VulkanStruct{false} vks::VkMemoryRequirements end """ Intermediate wrapper for VkMemoryAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryAllocateInfo.html) """ struct _MemoryAllocateInfo <: VulkanStruct{true} vks::VkMemoryAllocateInfo deps::Vector{Any} end """ Intermediate wrapper for VkPhysicalDeviceMemoryProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryProperties.html) """ struct _PhysicalDeviceMemoryProperties <: VulkanStruct{false} vks::VkPhysicalDeviceMemoryProperties end """ Intermediate wrapper for VkQueueFamilyProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyProperties.html) """ struct _QueueFamilyProperties <: VulkanStruct{false} vks::VkQueueFamilyProperties end """ Intermediate wrapper for VkInstanceCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkInstanceCreateInfo.html) """ struct _InstanceCreateInfo <: VulkanStruct{true} vks::VkInstanceCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkDeviceCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceCreateInfo.html) """ struct _DeviceCreateInfo <: VulkanStruct{true} vks::VkDeviceCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkDeviceQueueCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceQueueCreateInfo.html) """ struct _DeviceQueueCreateInfo <: VulkanStruct{true} vks::VkDeviceQueueCreateInfo deps::Vector{Any} end """ Intermediate wrapper for VkAllocationCallbacks. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAllocationCallbacks.html) """ struct _AllocationCallbacks <: VulkanStruct{true} vks::VkAllocationCallbacks deps::Vector{Any} end """ Intermediate wrapper for VkApplicationInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkApplicationInfo.html) """ struct _ApplicationInfo <: VulkanStruct{true} vks::VkApplicationInfo deps::Vector{Any} end """ Intermediate wrapper for VkLayerProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkLayerProperties.html) """ struct _LayerProperties <: VulkanStruct{false} vks::VkLayerProperties end """ Intermediate wrapper for VkExtensionProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExtensionProperties.html) """ struct _ExtensionProperties <: VulkanStruct{false} vks::VkExtensionProperties end """ Intermediate wrapper for VkPhysicalDeviceProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProperties.html) """ struct _PhysicalDeviceProperties <: VulkanStruct{false} vks::VkPhysicalDeviceProperties end """ Intermediate wrapper for VkComponentMapping. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkComponentMapping.html) """ struct _ComponentMapping <: VulkanStruct{false} vks::VkComponentMapping end """ Intermediate wrapper for VkClearRect. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearRect.html) """ struct _ClearRect <: VulkanStruct{false} vks::VkClearRect end """ Intermediate wrapper for VkRect2D. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRect2D.html) """ struct _Rect2D <: VulkanStruct{false} vks::VkRect2D end """ Intermediate wrapper for VkViewport. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkViewport.html) """ struct _Viewport <: VulkanStruct{false} vks::VkViewport end """ Intermediate wrapper for VkExtent3D. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExtent3D.html) """ struct _Extent3D <: VulkanStruct{false} vks::VkExtent3D end """ Intermediate wrapper for VkExtent2D. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExtent2D.html) """ struct _Extent2D <: VulkanStruct{false} vks::VkExtent2D end """ Intermediate wrapper for VkOffset3D. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOffset3D.html) """ struct _Offset3D <: VulkanStruct{false} vks::VkOffset3D end """ Intermediate wrapper for VkOffset2D. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOffset2D.html) """ struct _Offset2D <: VulkanStruct{false} vks::VkOffset2D end """ Intermediate wrapper for VkBaseInStructure. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBaseInStructure.html) """ struct _BaseInStructure <: VulkanStruct{true} vks::VkBaseInStructure deps::Vector{Any} end """ Intermediate wrapper for VkBaseOutStructure. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBaseOutStructure.html) """ struct _BaseOutStructure <: VulkanStruct{true} vks::VkBaseOutStructure deps::Vector{Any} end mutable struct Instance <: Handle vks::VkInstance refcount::RefCounter destructor Instance(vks::VkInstance, refcount::RefCounter) = new(vks, refcount, undef) end mutable struct PhysicalDevice <: Handle vks::VkPhysicalDevice instance::Instance refcount::RefCounter destructor PhysicalDevice(vks::VkPhysicalDevice, instance::Instance, refcount::RefCounter) = new(vks, instance, refcount, undef) end mutable struct Device <: Handle vks::VkDevice physical_device::PhysicalDevice refcount::RefCounter destructor Device(vks::VkDevice, physical_device::PhysicalDevice, refcount::RefCounter) = new(vks, physical_device, refcount, undef) end mutable struct Queue <: Handle vks::VkQueue device::Device refcount::RefCounter destructor Queue(vks::VkQueue, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct DeviceMemory <: Handle vks::VkDeviceMemory device::Device refcount::RefCounter destructor DeviceMemory(vks::VkDeviceMemory, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkMappedMemoryRange. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMappedMemoryRange.html) """ struct _MappedMemoryRange <: VulkanStruct{true} vks::VkMappedMemoryRange deps::Vector{Any} memory::DeviceMemory end """ Intermediate wrapper for VkSparseMemoryBind. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseMemoryBind.html) """ struct _SparseMemoryBind <: VulkanStruct{false} vks::VkSparseMemoryBind memory::OptionalPtr{DeviceMemory} end """ Intermediate wrapper for VkSparseImageMemoryBind. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryBind.html) """ struct _SparseImageMemoryBind <: VulkanStruct{false} vks::VkSparseImageMemoryBind memory::OptionalPtr{DeviceMemory} end """ Intermediate wrapper for VkMemoryGetWin32HandleInfoKHR. Extension: VK\\_KHR\\_external\\_memory\\_win32 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryGetWin32HandleInfoKHR.html) """ struct _MemoryGetWin32HandleInfoKHR <: VulkanStruct{true} vks::VkMemoryGetWin32HandleInfoKHR deps::Vector{Any} memory::DeviceMemory end """ Intermediate wrapper for VkMemoryGetFdInfoKHR. Extension: VK\\_KHR\\_external\\_memory\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryGetFdInfoKHR.html) """ struct _MemoryGetFdInfoKHR <: VulkanStruct{true} vks::VkMemoryGetFdInfoKHR deps::Vector{Any} memory::DeviceMemory end """ Intermediate wrapper for VkDeviceMemoryOpaqueCaptureAddressInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceMemoryOpaqueCaptureAddressInfo.html) """ struct _DeviceMemoryOpaqueCaptureAddressInfo <: VulkanStruct{true} vks::VkDeviceMemoryOpaqueCaptureAddressInfo deps::Vector{Any} memory::DeviceMemory end """ Intermediate wrapper for VkBindVideoSessionMemoryInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindVideoSessionMemoryInfoKHR.html) """ struct _BindVideoSessionMemoryInfoKHR <: VulkanStruct{true} vks::VkBindVideoSessionMemoryInfoKHR deps::Vector{Any} memory::DeviceMemory end """ Intermediate wrapper for VkMemoryGetRemoteAddressInfoNV. Extension: VK\\_NV\\_external\\_memory\\_rdma [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryGetRemoteAddressInfoNV.html) """ struct _MemoryGetRemoteAddressInfoNV <: VulkanStruct{true} vks::VkMemoryGetRemoteAddressInfoNV deps::Vector{Any} memory::DeviceMemory end """ High-level wrapper for VkMappedMemoryRange. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMappedMemoryRange.html) """ @struct_hash_equal struct MappedMemoryRange <: HighLevelStruct next::Any memory::DeviceMemory offset::UInt64 size::UInt64 end """ High-level wrapper for VkWin32KeyedMutexAcquireReleaseInfoNV. Extension: VK\\_NV\\_win32\\_keyed\\_mutex [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWin32KeyedMutexAcquireReleaseInfoNV.html) """ @struct_hash_equal struct Win32KeyedMutexAcquireReleaseInfoNV <: HighLevelStruct next::Any acquire_syncs::Vector{DeviceMemory} acquire_keys::Vector{UInt64} acquire_timeout_milliseconds::Vector{UInt32} release_syncs::Vector{DeviceMemory} release_keys::Vector{UInt64} end """ High-level wrapper for VkWin32KeyedMutexAcquireReleaseInfoKHR. Extension: VK\\_KHR\\_win32\\_keyed\\_mutex [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWin32KeyedMutexAcquireReleaseInfoKHR.html) """ @struct_hash_equal struct Win32KeyedMutexAcquireReleaseInfoKHR <: HighLevelStruct next::Any acquire_syncs::Vector{DeviceMemory} acquire_keys::Vector{UInt64} acquire_timeouts::Vector{UInt32} release_syncs::Vector{DeviceMemory} release_keys::Vector{UInt64} end """ High-level wrapper for VkDeviceMemoryOpaqueCaptureAddressInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceMemoryOpaqueCaptureAddressInfo.html) """ @struct_hash_equal struct DeviceMemoryOpaqueCaptureAddressInfo <: HighLevelStruct next::Any memory::DeviceMemory end """ High-level wrapper for VkBindVideoSessionMemoryInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindVideoSessionMemoryInfoKHR.html) """ @struct_hash_equal struct BindVideoSessionMemoryInfoKHR <: HighLevelStruct next::Any memory_bind_index::UInt32 memory::DeviceMemory memory_offset::UInt64 memory_size::UInt64 end mutable struct CommandPool <: Handle vks::VkCommandPool device::Device refcount::RefCounter destructor CommandPool(vks::VkCommandPool, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct CommandBuffer <: Handle vks::VkCommandBuffer command_pool::CommandPool refcount::RefCounter destructor CommandBuffer(vks::VkCommandBuffer, command_pool::CommandPool, refcount::RefCounter) = new(vks, command_pool, refcount, undef) end """ Intermediate wrapper for VkCommandBufferSubmitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferSubmitInfo.html) """ struct _CommandBufferSubmitInfo <: VulkanStruct{true} vks::VkCommandBufferSubmitInfo deps::Vector{Any} command_buffer::CommandBuffer end """ High-level wrapper for VkCommandBufferSubmitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferSubmitInfo.html) """ @struct_hash_equal struct CommandBufferSubmitInfo <: HighLevelStruct next::Any command_buffer::CommandBuffer device_mask::UInt32 end """ Intermediate wrapper for VkCommandBufferAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferAllocateInfo.html) """ struct _CommandBufferAllocateInfo <: VulkanStruct{true} vks::VkCommandBufferAllocateInfo deps::Vector{Any} command_pool::CommandPool end mutable struct Buffer <: Handle vks::VkBuffer device::Device refcount::RefCounter destructor Buffer(vks::VkBuffer, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkDescriptorBufferInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorBufferInfo.html) """ struct _DescriptorBufferInfo <: VulkanStruct{false} vks::VkDescriptorBufferInfo buffer::OptionalPtr{Buffer} end """ Intermediate wrapper for VkBufferViewCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferViewCreateInfo.html) """ struct _BufferViewCreateInfo <: VulkanStruct{true} vks::VkBufferViewCreateInfo deps::Vector{Any} buffer::Buffer end """ Intermediate wrapper for VkBufferMemoryBarrier. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferMemoryBarrier.html) """ struct _BufferMemoryBarrier <: VulkanStruct{true} vks::VkBufferMemoryBarrier deps::Vector{Any} buffer::Buffer end """ Intermediate wrapper for VkSparseBufferMemoryBindInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseBufferMemoryBindInfo.html) """ struct _SparseBufferMemoryBindInfo <: VulkanStruct{true} vks::VkSparseBufferMemoryBindInfo deps::Vector{Any} buffer::Buffer end """ Intermediate wrapper for VkIndirectCommandsStreamNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkIndirectCommandsStreamNV.html) """ struct _IndirectCommandsStreamNV <: VulkanStruct{false} vks::VkIndirectCommandsStreamNV buffer::Buffer end """ Intermediate wrapper for VkBindBufferMemoryInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindBufferMemoryInfo.html) """ struct _BindBufferMemoryInfo <: VulkanStruct{true} vks::VkBindBufferMemoryInfo deps::Vector{Any} buffer::Buffer memory::DeviceMemory end """ Intermediate wrapper for VkBufferMemoryRequirementsInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferMemoryRequirementsInfo2.html) """ struct _BufferMemoryRequirementsInfo2 <: VulkanStruct{true} vks::VkBufferMemoryRequirementsInfo2 deps::Vector{Any} buffer::Buffer end """ Intermediate wrapper for VkConditionalRenderingBeginInfoEXT. Extension: VK\\_EXT\\_conditional\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkConditionalRenderingBeginInfoEXT.html) """ struct _ConditionalRenderingBeginInfoEXT <: VulkanStruct{true} vks::VkConditionalRenderingBeginInfoEXT deps::Vector{Any} buffer::Buffer end """ Intermediate wrapper for VkGeometryTrianglesNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryTrianglesNV.html) """ struct _GeometryTrianglesNV <: VulkanStruct{true} vks::VkGeometryTrianglesNV deps::Vector{Any} vertex_data::OptionalPtr{Buffer} index_data::OptionalPtr{Buffer} transform_data::OptionalPtr{Buffer} end """ Intermediate wrapper for VkGeometryAABBNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryAABBNV.html) """ struct _GeometryAABBNV <: VulkanStruct{true} vks::VkGeometryAABBNV deps::Vector{Any} aabb_data::OptionalPtr{Buffer} end """ Intermediate wrapper for VkBufferDeviceAddressInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferDeviceAddressInfo.html) """ struct _BufferDeviceAddressInfo <: VulkanStruct{true} vks::VkBufferDeviceAddressInfo deps::Vector{Any} buffer::Buffer end """ Intermediate wrapper for VkAccelerationStructureCreateInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureCreateInfoKHR.html) """ struct _AccelerationStructureCreateInfoKHR <: VulkanStruct{true} vks::VkAccelerationStructureCreateInfoKHR deps::Vector{Any} buffer::Buffer end """ Intermediate wrapper for VkCopyBufferInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyBufferInfo2.html) """ struct _CopyBufferInfo2 <: VulkanStruct{true} vks::VkCopyBufferInfo2 deps::Vector{Any} src_buffer::Buffer dst_buffer::Buffer end """ Intermediate wrapper for VkBufferMemoryBarrier2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferMemoryBarrier2.html) """ struct _BufferMemoryBarrier2 <: VulkanStruct{true} vks::VkBufferMemoryBarrier2 deps::Vector{Any} buffer::Buffer end """ Intermediate wrapper for VkVideoDecodeInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeInfoKHR.html) """ struct _VideoDecodeInfoKHR <: VulkanStruct{true} vks::VkVideoDecodeInfoKHR deps::Vector{Any} src_buffer::Buffer end """ Intermediate wrapper for VkDescriptorBufferBindingPushDescriptorBufferHandleEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorBufferBindingPushDescriptorBufferHandleEXT.html) """ struct _DescriptorBufferBindingPushDescriptorBufferHandleEXT <: VulkanStruct{true} vks::VkDescriptorBufferBindingPushDescriptorBufferHandleEXT deps::Vector{Any} buffer::Buffer end """ Intermediate wrapper for VkBufferCaptureDescriptorDataInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCaptureDescriptorDataInfoEXT.html) """ struct _BufferCaptureDescriptorDataInfoEXT <: VulkanStruct{true} vks::VkBufferCaptureDescriptorDataInfoEXT deps::Vector{Any} buffer::Buffer end """ Intermediate wrapper for VkMicromapCreateInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapCreateInfoEXT.html) """ struct _MicromapCreateInfoEXT <: VulkanStruct{true} vks::VkMicromapCreateInfoEXT deps::Vector{Any} buffer::Buffer end """ High-level wrapper for VkDescriptorBufferInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorBufferInfo.html) """ @struct_hash_equal struct DescriptorBufferInfo <: HighLevelStruct buffer::OptionalPtr{Buffer} offset::UInt64 range::UInt64 end """ High-level wrapper for VkIndirectCommandsStreamNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkIndirectCommandsStreamNV.html) """ @struct_hash_equal struct IndirectCommandsStreamNV <: HighLevelStruct buffer::Buffer offset::UInt64 end """ High-level wrapper for VkBindBufferMemoryInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindBufferMemoryInfo.html) """ @struct_hash_equal struct BindBufferMemoryInfo <: HighLevelStruct next::Any buffer::Buffer memory::DeviceMemory memory_offset::UInt64 end """ High-level wrapper for VkBufferMemoryRequirementsInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferMemoryRequirementsInfo2.html) """ @struct_hash_equal struct BufferMemoryRequirementsInfo2 <: HighLevelStruct next::Any buffer::Buffer end """ High-level wrapper for VkGeometryAABBNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryAABBNV.html) """ @struct_hash_equal struct GeometryAABBNV <: HighLevelStruct next::Any aabb_data::OptionalPtr{Buffer} num_aab_bs::UInt32 stride::UInt32 offset::UInt64 end """ High-level wrapper for VkBufferDeviceAddressInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferDeviceAddressInfo.html) """ @struct_hash_equal struct BufferDeviceAddressInfo <: HighLevelStruct next::Any buffer::Buffer end """ High-level wrapper for VkCopyBufferInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyBufferInfo2.html) """ @struct_hash_equal struct CopyBufferInfo2 <: HighLevelStruct next::Any src_buffer::Buffer dst_buffer::Buffer regions::Vector{BufferCopy2} end """ High-level wrapper for VkBufferMemoryBarrier2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferMemoryBarrier2.html) """ @struct_hash_equal struct BufferMemoryBarrier2 <: HighLevelStruct next::Any src_stage_mask::UInt64 src_access_mask::UInt64 dst_stage_mask::UInt64 dst_access_mask::UInt64 src_queue_family_index::UInt32 dst_queue_family_index::UInt32 buffer::Buffer offset::UInt64 size::UInt64 end """ High-level wrapper for VkDescriptorBufferBindingPushDescriptorBufferHandleEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorBufferBindingPushDescriptorBufferHandleEXT.html) """ @struct_hash_equal struct DescriptorBufferBindingPushDescriptorBufferHandleEXT <: HighLevelStruct next::Any buffer::Buffer end """ High-level wrapper for VkBufferCaptureDescriptorDataInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCaptureDescriptorDataInfoEXT.html) """ @struct_hash_equal struct BufferCaptureDescriptorDataInfoEXT <: HighLevelStruct next::Any buffer::Buffer end mutable struct BufferView <: Handle vks::VkBufferView device::Device refcount::RefCounter destructor BufferView(vks::VkBufferView, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct Image <: Handle vks::VkImage device::Device refcount::RefCounter destructor Image(vks::VkImage, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkImageMemoryBarrier. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageMemoryBarrier.html) """ struct _ImageMemoryBarrier <: VulkanStruct{true} vks::VkImageMemoryBarrier deps::Vector{Any} image::Image end """ Intermediate wrapper for VkImageViewCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewCreateInfo.html) """ struct _ImageViewCreateInfo <: VulkanStruct{true} vks::VkImageViewCreateInfo deps::Vector{Any} image::Image end """ Intermediate wrapper for VkSparseImageOpaqueMemoryBindInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageOpaqueMemoryBindInfo.html) """ struct _SparseImageOpaqueMemoryBindInfo <: VulkanStruct{true} vks::VkSparseImageOpaqueMemoryBindInfo deps::Vector{Any} image::Image end """ Intermediate wrapper for VkSparseImageMemoryBindInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryBindInfo.html) """ struct _SparseImageMemoryBindInfo <: VulkanStruct{true} vks::VkSparseImageMemoryBindInfo deps::Vector{Any} image::Image end """ Intermediate wrapper for VkDedicatedAllocationMemoryAllocateInfoNV. Extension: VK\\_NV\\_dedicated\\_allocation [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDedicatedAllocationMemoryAllocateInfoNV.html) """ struct _DedicatedAllocationMemoryAllocateInfoNV <: VulkanStruct{true} vks::VkDedicatedAllocationMemoryAllocateInfoNV deps::Vector{Any} image::OptionalPtr{Image} buffer::OptionalPtr{Buffer} end """ Intermediate wrapper for VkBindImageMemoryInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImageMemoryInfo.html) """ struct _BindImageMemoryInfo <: VulkanStruct{true} vks::VkBindImageMemoryInfo deps::Vector{Any} image::Image memory::DeviceMemory end """ Intermediate wrapper for VkImageMemoryRequirementsInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageMemoryRequirementsInfo2.html) """ struct _ImageMemoryRequirementsInfo2 <: VulkanStruct{true} vks::VkImageMemoryRequirementsInfo2 deps::Vector{Any} image::Image end """ Intermediate wrapper for VkImageSparseMemoryRequirementsInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSparseMemoryRequirementsInfo2.html) """ struct _ImageSparseMemoryRequirementsInfo2 <: VulkanStruct{true} vks::VkImageSparseMemoryRequirementsInfo2 deps::Vector{Any} image::Image end """ Intermediate wrapper for VkMemoryDedicatedAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryDedicatedAllocateInfo.html) """ struct _MemoryDedicatedAllocateInfo <: VulkanStruct{true} vks::VkMemoryDedicatedAllocateInfo deps::Vector{Any} image::OptionalPtr{Image} buffer::OptionalPtr{Buffer} end """ Intermediate wrapper for VkCopyImageInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyImageInfo2.html) """ struct _CopyImageInfo2 <: VulkanStruct{true} vks::VkCopyImageInfo2 deps::Vector{Any} src_image::Image dst_image::Image end """ Intermediate wrapper for VkBlitImageInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBlitImageInfo2.html) """ struct _BlitImageInfo2 <: VulkanStruct{true} vks::VkBlitImageInfo2 deps::Vector{Any} src_image::Image dst_image::Image end """ Intermediate wrapper for VkCopyBufferToImageInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyBufferToImageInfo2.html) """ struct _CopyBufferToImageInfo2 <: VulkanStruct{true} vks::VkCopyBufferToImageInfo2 deps::Vector{Any} src_buffer::Buffer dst_image::Image end """ Intermediate wrapper for VkCopyImageToBufferInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyImageToBufferInfo2.html) """ struct _CopyImageToBufferInfo2 <: VulkanStruct{true} vks::VkCopyImageToBufferInfo2 deps::Vector{Any} src_image::Image dst_buffer::Buffer end """ Intermediate wrapper for VkResolveImageInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkResolveImageInfo2.html) """ struct _ResolveImageInfo2 <: VulkanStruct{true} vks::VkResolveImageInfo2 deps::Vector{Any} src_image::Image dst_image::Image end """ Intermediate wrapper for VkImageMemoryBarrier2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageMemoryBarrier2.html) """ struct _ImageMemoryBarrier2 <: VulkanStruct{true} vks::VkImageMemoryBarrier2 deps::Vector{Any} image::Image end """ Intermediate wrapper for VkImageCaptureDescriptorDataInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCaptureDescriptorDataInfoEXT.html) """ struct _ImageCaptureDescriptorDataInfoEXT <: VulkanStruct{true} vks::VkImageCaptureDescriptorDataInfoEXT deps::Vector{Any} image::Image end """ High-level wrapper for VkDedicatedAllocationMemoryAllocateInfoNV. Extension: VK\\_NV\\_dedicated\\_allocation [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDedicatedAllocationMemoryAllocateInfoNV.html) """ @struct_hash_equal struct DedicatedAllocationMemoryAllocateInfoNV <: HighLevelStruct next::Any image::OptionalPtr{Image} buffer::OptionalPtr{Buffer} end """ High-level wrapper for VkBindImageMemoryInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImageMemoryInfo.html) """ @struct_hash_equal struct BindImageMemoryInfo <: HighLevelStruct next::Any image::Image memory::DeviceMemory memory_offset::UInt64 end """ High-level wrapper for VkImageMemoryRequirementsInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageMemoryRequirementsInfo2.html) """ @struct_hash_equal struct ImageMemoryRequirementsInfo2 <: HighLevelStruct next::Any image::Image end """ High-level wrapper for VkImageSparseMemoryRequirementsInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSparseMemoryRequirementsInfo2.html) """ @struct_hash_equal struct ImageSparseMemoryRequirementsInfo2 <: HighLevelStruct next::Any image::Image end """ High-level wrapper for VkMemoryDedicatedAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryDedicatedAllocateInfo.html) """ @struct_hash_equal struct MemoryDedicatedAllocateInfo <: HighLevelStruct next::Any image::OptionalPtr{Image} buffer::OptionalPtr{Buffer} end """ High-level wrapper for VkImageCaptureDescriptorDataInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCaptureDescriptorDataInfoEXT.html) """ @struct_hash_equal struct ImageCaptureDescriptorDataInfoEXT <: HighLevelStruct next::Any image::Image end mutable struct ImageView <: Handle vks::VkImageView device::Device refcount::RefCounter destructor ImageView(vks::VkImageView, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkVideoPictureResourceInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoPictureResourceInfoKHR.html) """ struct _VideoPictureResourceInfoKHR <: VulkanStruct{true} vks::VkVideoPictureResourceInfoKHR deps::Vector{Any} image_view_binding::ImageView end """ Intermediate wrapper for VkImageViewCaptureDescriptorDataInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewCaptureDescriptorDataInfoEXT.html) """ struct _ImageViewCaptureDescriptorDataInfoEXT <: VulkanStruct{true} vks::VkImageViewCaptureDescriptorDataInfoEXT deps::Vector{Any} image_view::ImageView end """ Intermediate wrapper for VkRenderingAttachmentInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingAttachmentInfo.html) """ struct _RenderingAttachmentInfo <: VulkanStruct{true} vks::VkRenderingAttachmentInfo deps::Vector{Any} image_view::OptionalPtr{ImageView} resolve_image_view::OptionalPtr{ImageView} end """ Intermediate wrapper for VkRenderingFragmentShadingRateAttachmentInfoKHR. Extension: VK\\_KHR\\_dynamic\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingFragmentShadingRateAttachmentInfoKHR.html) """ struct _RenderingFragmentShadingRateAttachmentInfoKHR <: VulkanStruct{true} vks::VkRenderingFragmentShadingRateAttachmentInfoKHR deps::Vector{Any} image_view::OptionalPtr{ImageView} end """ Intermediate wrapper for VkRenderingFragmentDensityMapAttachmentInfoEXT. Extension: VK\\_KHR\\_dynamic\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingFragmentDensityMapAttachmentInfoEXT.html) """ struct _RenderingFragmentDensityMapAttachmentInfoEXT <: VulkanStruct{true} vks::VkRenderingFragmentDensityMapAttachmentInfoEXT deps::Vector{Any} image_view::ImageView end """ High-level wrapper for VkRenderPassAttachmentBeginInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassAttachmentBeginInfo.html) """ @struct_hash_equal struct RenderPassAttachmentBeginInfo <: HighLevelStruct next::Any attachments::Vector{ImageView} end """ High-level wrapper for VkVideoPictureResourceInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoPictureResourceInfoKHR.html) """ @struct_hash_equal struct VideoPictureResourceInfoKHR <: HighLevelStruct next::Any coded_offset::Offset2D coded_extent::Extent2D base_array_layer::UInt32 image_view_binding::ImageView end """ High-level wrapper for VkVideoReferenceSlotInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoReferenceSlotInfoKHR.html) """ @struct_hash_equal struct VideoReferenceSlotInfoKHR <: HighLevelStruct next::Any slot_index::Int32 picture_resource::OptionalPtr{VideoPictureResourceInfoKHR} end """ High-level wrapper for VkVideoDecodeInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeInfoKHR.html) """ @struct_hash_equal struct VideoDecodeInfoKHR <: HighLevelStruct next::Any flags::UInt32 src_buffer::Buffer src_buffer_offset::UInt64 src_buffer_range::UInt64 dst_picture_resource::VideoPictureResourceInfoKHR setup_reference_slot::OptionalPtr{VideoReferenceSlotInfoKHR} reference_slots::Vector{VideoReferenceSlotInfoKHR} end """ High-level wrapper for VkImageViewCaptureDescriptorDataInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewCaptureDescriptorDataInfoEXT.html) """ @struct_hash_equal struct ImageViewCaptureDescriptorDataInfoEXT <: HighLevelStruct next::Any image_view::ImageView end mutable struct ShaderModule <: Handle vks::VkShaderModule device::Device refcount::RefCounter destructor ShaderModule(vks::VkShaderModule, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkPipelineShaderStageCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineShaderStageCreateInfo.html) """ struct _PipelineShaderStageCreateInfo <: VulkanStruct{true} vks::VkPipelineShaderStageCreateInfo deps::Vector{Any} _module::OptionalPtr{ShaderModule} end mutable struct Pipeline <: Handle vks::VkPipeline device::Device refcount::RefCounter destructor Pipeline(vks::VkPipeline, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkPipelineInfoKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineInfoKHR.html) """ struct _PipelineInfoKHR <: VulkanStruct{true} vks::VkPipelineInfoKHR deps::Vector{Any} pipeline::Pipeline end """ Intermediate wrapper for VkPipelineExecutableInfoKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableInfoKHR.html) """ struct _PipelineExecutableInfoKHR <: VulkanStruct{true} vks::VkPipelineExecutableInfoKHR deps::Vector{Any} pipeline::Pipeline end """ High-level wrapper for VkPipelineInfoKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineInfoKHR.html) """ @struct_hash_equal struct PipelineInfoKHR <: HighLevelStruct next::Any pipeline::Pipeline end """ High-level wrapper for VkPipelineExecutableInfoKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableInfoKHR.html) """ @struct_hash_equal struct PipelineExecutableInfoKHR <: HighLevelStruct next::Any pipeline::Pipeline executable_index::UInt32 end """ High-level wrapper for VkPipelineLibraryCreateInfoKHR. Extension: VK\\_KHR\\_pipeline\\_library [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineLibraryCreateInfoKHR.html) """ @struct_hash_equal struct PipelineLibraryCreateInfoKHR <: HighLevelStruct next::Any libraries::Vector{Pipeline} end mutable struct PipelineLayout <: Handle vks::VkPipelineLayout device::Device refcount::RefCounter destructor PipelineLayout(vks::VkPipelineLayout, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkComputePipelineCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkComputePipelineCreateInfo.html) """ struct _ComputePipelineCreateInfo <: VulkanStruct{true} vks::VkComputePipelineCreateInfo deps::Vector{Any} layout::PipelineLayout base_pipeline_handle::OptionalPtr{Pipeline} end """ Intermediate wrapper for VkIndirectCommandsLayoutTokenNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkIndirectCommandsLayoutTokenNV.html) """ struct _IndirectCommandsLayoutTokenNV <: VulkanStruct{true} vks::VkIndirectCommandsLayoutTokenNV deps::Vector{Any} pushconstant_pipeline_layout::OptionalPtr{PipelineLayout} end """ Intermediate wrapper for VkRayTracingPipelineCreateInfoNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingPipelineCreateInfoNV.html) """ struct _RayTracingPipelineCreateInfoNV <: VulkanStruct{true} vks::VkRayTracingPipelineCreateInfoNV deps::Vector{Any} layout::PipelineLayout base_pipeline_handle::OptionalPtr{Pipeline} end """ Intermediate wrapper for VkRayTracingPipelineCreateInfoKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingPipelineCreateInfoKHR.html) """ struct _RayTracingPipelineCreateInfoKHR <: VulkanStruct{true} vks::VkRayTracingPipelineCreateInfoKHR deps::Vector{Any} layout::PipelineLayout base_pipeline_handle::OptionalPtr{Pipeline} end mutable struct Sampler <: Handle vks::VkSampler device::Device refcount::RefCounter destructor Sampler(vks::VkSampler, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkDescriptorImageInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorImageInfo.html) """ struct _DescriptorImageInfo <: VulkanStruct{false} vks::VkDescriptorImageInfo sampler::Sampler image_view::ImageView end """ Intermediate wrapper for VkImageViewHandleInfoNVX. Extension: VK\\_NVX\\_image\\_view\\_handle [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewHandleInfoNVX.html) """ struct _ImageViewHandleInfoNVX <: VulkanStruct{true} vks::VkImageViewHandleInfoNVX deps::Vector{Any} image_view::ImageView sampler::OptionalPtr{Sampler} end """ Intermediate wrapper for VkSamplerCaptureDescriptorDataInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerCaptureDescriptorDataInfoEXT.html) """ struct _SamplerCaptureDescriptorDataInfoEXT <: VulkanStruct{true} vks::VkSamplerCaptureDescriptorDataInfoEXT deps::Vector{Any} sampler::Sampler end """ High-level wrapper for VkSamplerCaptureDescriptorDataInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerCaptureDescriptorDataInfoEXT.html) """ @struct_hash_equal struct SamplerCaptureDescriptorDataInfoEXT <: HighLevelStruct next::Any sampler::Sampler end mutable struct DescriptorSetLayout <: Handle vks::VkDescriptorSetLayout device::Device refcount::RefCounter destructor DescriptorSetLayout(vks::VkDescriptorSetLayout, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkDescriptorUpdateTemplateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorUpdateTemplateCreateInfo.html) """ struct _DescriptorUpdateTemplateCreateInfo <: VulkanStruct{true} vks::VkDescriptorUpdateTemplateCreateInfo deps::Vector{Any} descriptor_set_layout::DescriptorSetLayout pipeline_layout::PipelineLayout end """ Intermediate wrapper for VkDescriptorSetBindingReferenceVALVE. Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetBindingReferenceVALVE.html) """ struct _DescriptorSetBindingReferenceVALVE <: VulkanStruct{true} vks::VkDescriptorSetBindingReferenceVALVE deps::Vector{Any} descriptor_set_layout::DescriptorSetLayout end """ High-level wrapper for VkDescriptorSetBindingReferenceVALVE. Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetBindingReferenceVALVE.html) """ @struct_hash_equal struct DescriptorSetBindingReferenceVALVE <: HighLevelStruct next::Any descriptor_set_layout::DescriptorSetLayout binding::UInt32 end mutable struct DescriptorPool <: Handle vks::VkDescriptorPool device::Device refcount::RefCounter destructor DescriptorPool(vks::VkDescriptorPool, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct DescriptorSet <: Handle vks::VkDescriptorSet descriptor_pool::DescriptorPool refcount::RefCounter destructor DescriptorSet(vks::VkDescriptorSet, descriptor_pool::DescriptorPool, refcount::RefCounter) = new(vks, descriptor_pool, refcount, undef) end """ Intermediate wrapper for VkWriteDescriptorSet. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSet.html) """ struct _WriteDescriptorSet <: VulkanStruct{true} vks::VkWriteDescriptorSet deps::Vector{Any} dst_set::DescriptorSet end """ Intermediate wrapper for VkCopyDescriptorSet. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyDescriptorSet.html) """ struct _CopyDescriptorSet <: VulkanStruct{true} vks::VkCopyDescriptorSet deps::Vector{Any} src_set::DescriptorSet dst_set::DescriptorSet end """ High-level wrapper for VkCopyDescriptorSet. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyDescriptorSet.html) """ @struct_hash_equal struct CopyDescriptorSet <: HighLevelStruct next::Any src_set::DescriptorSet src_binding::UInt32 src_array_element::UInt32 dst_set::DescriptorSet dst_binding::UInt32 dst_array_element::UInt32 descriptor_count::UInt32 end """ Intermediate wrapper for VkDescriptorSetAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetAllocateInfo.html) """ struct _DescriptorSetAllocateInfo <: VulkanStruct{true} vks::VkDescriptorSetAllocateInfo deps::Vector{Any} descriptor_pool::DescriptorPool end """ High-level wrapper for VkDescriptorSetAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetAllocateInfo.html) """ @struct_hash_equal struct DescriptorSetAllocateInfo <: HighLevelStruct next::Any descriptor_pool::DescriptorPool set_layouts::Vector{DescriptorSetLayout} end mutable struct Fence <: Handle vks::VkFence device::Device refcount::RefCounter destructor Fence(vks::VkFence, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkImportFenceWin32HandleInfoKHR. Extension: VK\\_KHR\\_external\\_fence\\_win32 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportFenceWin32HandleInfoKHR.html) """ struct _ImportFenceWin32HandleInfoKHR <: VulkanStruct{true} vks::VkImportFenceWin32HandleInfoKHR deps::Vector{Any} fence::Fence end """ Intermediate wrapper for VkFenceGetWin32HandleInfoKHR. Extension: VK\\_KHR\\_external\\_fence\\_win32 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFenceGetWin32HandleInfoKHR.html) """ struct _FenceGetWin32HandleInfoKHR <: VulkanStruct{true} vks::VkFenceGetWin32HandleInfoKHR deps::Vector{Any} fence::Fence end """ Intermediate wrapper for VkImportFenceFdInfoKHR. Extension: VK\\_KHR\\_external\\_fence\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportFenceFdInfoKHR.html) """ struct _ImportFenceFdInfoKHR <: VulkanStruct{true} vks::VkImportFenceFdInfoKHR deps::Vector{Any} fence::Fence end """ Intermediate wrapper for VkFenceGetFdInfoKHR. Extension: VK\\_KHR\\_external\\_fence\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFenceGetFdInfoKHR.html) """ struct _FenceGetFdInfoKHR <: VulkanStruct{true} vks::VkFenceGetFdInfoKHR deps::Vector{Any} fence::Fence end """ High-level wrapper for VkSwapchainPresentFenceInfoEXT. Extension: VK\\_EXT\\_swapchain\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentFenceInfoEXT.html) """ @struct_hash_equal struct SwapchainPresentFenceInfoEXT <: HighLevelStruct next::Any fences::Vector{Fence} end mutable struct Semaphore <: Handle vks::VkSemaphore device::Device refcount::RefCounter destructor Semaphore(vks::VkSemaphore, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkImportSemaphoreWin32HandleInfoKHR. Extension: VK\\_KHR\\_external\\_semaphore\\_win32 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportSemaphoreWin32HandleInfoKHR.html) """ struct _ImportSemaphoreWin32HandleInfoKHR <: VulkanStruct{true} vks::VkImportSemaphoreWin32HandleInfoKHR deps::Vector{Any} semaphore::Semaphore end """ Intermediate wrapper for VkSemaphoreGetWin32HandleInfoKHR. Extension: VK\\_KHR\\_external\\_semaphore\\_win32 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreGetWin32HandleInfoKHR.html) """ struct _SemaphoreGetWin32HandleInfoKHR <: VulkanStruct{true} vks::VkSemaphoreGetWin32HandleInfoKHR deps::Vector{Any} semaphore::Semaphore end """ Intermediate wrapper for VkImportSemaphoreFdInfoKHR. Extension: VK\\_KHR\\_external\\_semaphore\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportSemaphoreFdInfoKHR.html) """ struct _ImportSemaphoreFdInfoKHR <: VulkanStruct{true} vks::VkImportSemaphoreFdInfoKHR deps::Vector{Any} semaphore::Semaphore end """ Intermediate wrapper for VkSemaphoreGetFdInfoKHR. Extension: VK\\_KHR\\_external\\_semaphore\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreGetFdInfoKHR.html) """ struct _SemaphoreGetFdInfoKHR <: VulkanStruct{true} vks::VkSemaphoreGetFdInfoKHR deps::Vector{Any} semaphore::Semaphore end """ Intermediate wrapper for VkSemaphoreSignalInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreSignalInfo.html) """ struct _SemaphoreSignalInfo <: VulkanStruct{true} vks::VkSemaphoreSignalInfo deps::Vector{Any} semaphore::Semaphore end """ Intermediate wrapper for VkSemaphoreSubmitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreSubmitInfo.html) """ struct _SemaphoreSubmitInfo <: VulkanStruct{true} vks::VkSemaphoreSubmitInfo deps::Vector{Any} semaphore::Semaphore end """ High-level wrapper for VkSemaphoreSignalInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreSignalInfo.html) """ @struct_hash_equal struct SemaphoreSignalInfo <: HighLevelStruct next::Any semaphore::Semaphore value::UInt64 end """ High-level wrapper for VkSemaphoreSubmitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreSubmitInfo.html) """ @struct_hash_equal struct SemaphoreSubmitInfo <: HighLevelStruct next::Any semaphore::Semaphore value::UInt64 stage_mask::UInt64 device_index::UInt32 end mutable struct Event <: Handle vks::VkEvent device::Device refcount::RefCounter destructor Event(vks::VkEvent, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct QueryPool <: Handle vks::VkQueryPool device::Device refcount::RefCounter destructor QueryPool(vks::VkQueryPool, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct Framebuffer <: Handle vks::VkFramebuffer device::Device refcount::RefCounter destructor Framebuffer(vks::VkFramebuffer, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct RenderPass <: Handle vks::VkRenderPass device::Device refcount::RefCounter destructor RenderPass(vks::VkRenderPass, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkGraphicsPipelineCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsPipelineCreateInfo.html) """ struct _GraphicsPipelineCreateInfo <: VulkanStruct{true} vks::VkGraphicsPipelineCreateInfo deps::Vector{Any} layout::OptionalPtr{PipelineLayout} render_pass::OptionalPtr{RenderPass} base_pipeline_handle::OptionalPtr{Pipeline} end """ Intermediate wrapper for VkCommandBufferInheritanceInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceInfo.html) """ struct _CommandBufferInheritanceInfo <: VulkanStruct{true} vks::VkCommandBufferInheritanceInfo deps::Vector{Any} render_pass::OptionalPtr{RenderPass} framebuffer::OptionalPtr{Framebuffer} end """ Intermediate wrapper for VkRenderPassBeginInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassBeginInfo.html) """ struct _RenderPassBeginInfo <: VulkanStruct{true} vks::VkRenderPassBeginInfo deps::Vector{Any} render_pass::RenderPass framebuffer::Framebuffer end """ Intermediate wrapper for VkFramebufferCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferCreateInfo.html) """ struct _FramebufferCreateInfo <: VulkanStruct{true} vks::VkFramebufferCreateInfo deps::Vector{Any} render_pass::RenderPass end """ Intermediate wrapper for VkSubpassShadingPipelineCreateInfoHUAWEI. Extension: VK\\_HUAWEI\\_subpass\\_shading [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassShadingPipelineCreateInfoHUAWEI.html) """ struct _SubpassShadingPipelineCreateInfoHUAWEI <: VulkanStruct{true} vks::VkSubpassShadingPipelineCreateInfoHUAWEI deps::Vector{Any} render_pass::RenderPass end """ High-level wrapper for VkRenderPassBeginInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassBeginInfo.html) """ @struct_hash_equal struct RenderPassBeginInfo <: HighLevelStruct next::Any render_pass::RenderPass framebuffer::Framebuffer render_area::Rect2D clear_values::Vector{ClearValue} end """ High-level wrapper for VkSubpassShadingPipelineCreateInfoHUAWEI. Extension: VK\\_HUAWEI\\_subpass\\_shading [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassShadingPipelineCreateInfoHUAWEI.html) """ @struct_hash_equal struct SubpassShadingPipelineCreateInfoHUAWEI <: HighLevelStruct next::Any render_pass::RenderPass subpass::UInt32 end mutable struct PipelineCache <: Handle vks::VkPipelineCache device::Device refcount::RefCounter destructor PipelineCache(vks::VkPipelineCache, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct IndirectCommandsLayoutNV <: Handle vks::VkIndirectCommandsLayoutNV device::Device refcount::RefCounter destructor IndirectCommandsLayoutNV(vks::VkIndirectCommandsLayoutNV, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkGeneratedCommandsInfoNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeneratedCommandsInfoNV.html) """ struct _GeneratedCommandsInfoNV <: VulkanStruct{true} vks::VkGeneratedCommandsInfoNV deps::Vector{Any} pipeline::Pipeline indirect_commands_layout::IndirectCommandsLayoutNV preprocess_buffer::Buffer sequences_count_buffer::OptionalPtr{Buffer} sequences_index_buffer::OptionalPtr{Buffer} end """ Intermediate wrapper for VkGeneratedCommandsMemoryRequirementsInfoNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeneratedCommandsMemoryRequirementsInfoNV.html) """ struct _GeneratedCommandsMemoryRequirementsInfoNV <: VulkanStruct{true} vks::VkGeneratedCommandsMemoryRequirementsInfoNV deps::Vector{Any} pipeline::Pipeline indirect_commands_layout::IndirectCommandsLayoutNV end mutable struct DescriptorUpdateTemplate <: Handle vks::VkDescriptorUpdateTemplate device::Device refcount::RefCounter destructor DescriptorUpdateTemplate(vks::VkDescriptorUpdateTemplate, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct SamplerYcbcrConversion <: Handle vks::VkSamplerYcbcrConversion device::Device refcount::RefCounter destructor SamplerYcbcrConversion(vks::VkSamplerYcbcrConversion, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkSamplerYcbcrConversionInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerYcbcrConversionInfo.html) """ struct _SamplerYcbcrConversionInfo <: VulkanStruct{true} vks::VkSamplerYcbcrConversionInfo deps::Vector{Any} conversion::SamplerYcbcrConversion end """ High-level wrapper for VkSamplerYcbcrConversionInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerYcbcrConversionInfo.html) """ @struct_hash_equal struct SamplerYcbcrConversionInfo <: HighLevelStruct next::Any conversion::SamplerYcbcrConversion end mutable struct ValidationCacheEXT <: Handle vks::VkValidationCacheEXT device::Device refcount::RefCounter destructor ValidationCacheEXT(vks::VkValidationCacheEXT, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkShaderModuleValidationCacheCreateInfoEXT. Extension: VK\\_EXT\\_validation\\_cache [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderModuleValidationCacheCreateInfoEXT.html) """ struct _ShaderModuleValidationCacheCreateInfoEXT <: VulkanStruct{true} vks::VkShaderModuleValidationCacheCreateInfoEXT deps::Vector{Any} validation_cache::ValidationCacheEXT end """ High-level wrapper for VkShaderModuleValidationCacheCreateInfoEXT. Extension: VK\\_EXT\\_validation\\_cache [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderModuleValidationCacheCreateInfoEXT.html) """ @struct_hash_equal struct ShaderModuleValidationCacheCreateInfoEXT <: HighLevelStruct next::Any validation_cache::ValidationCacheEXT end mutable struct AccelerationStructureKHR <: Handle vks::VkAccelerationStructureKHR device::Device refcount::RefCounter destructor AccelerationStructureKHR(vks::VkAccelerationStructureKHR, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkAccelerationStructureBuildGeometryInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureBuildGeometryInfoKHR.html) """ struct _AccelerationStructureBuildGeometryInfoKHR <: VulkanStruct{true} vks::VkAccelerationStructureBuildGeometryInfoKHR deps::Vector{Any} src_acceleration_structure::OptionalPtr{AccelerationStructureKHR} dst_acceleration_structure::OptionalPtr{AccelerationStructureKHR} end """ Intermediate wrapper for VkAccelerationStructureDeviceAddressInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureDeviceAddressInfoKHR.html) """ struct _AccelerationStructureDeviceAddressInfoKHR <: VulkanStruct{true} vks::VkAccelerationStructureDeviceAddressInfoKHR deps::Vector{Any} acceleration_structure::AccelerationStructureKHR end """ Intermediate wrapper for VkCopyAccelerationStructureInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyAccelerationStructureInfoKHR.html) """ struct _CopyAccelerationStructureInfoKHR <: VulkanStruct{true} vks::VkCopyAccelerationStructureInfoKHR deps::Vector{Any} src::AccelerationStructureKHR dst::AccelerationStructureKHR end """ Intermediate wrapper for VkCopyAccelerationStructureToMemoryInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyAccelerationStructureToMemoryInfoKHR.html) """ struct _CopyAccelerationStructureToMemoryInfoKHR <: VulkanStruct{true} vks::VkCopyAccelerationStructureToMemoryInfoKHR deps::Vector{Any} src::AccelerationStructureKHR end """ Intermediate wrapper for VkCopyMemoryToAccelerationStructureInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryToAccelerationStructureInfoKHR.html) """ struct _CopyMemoryToAccelerationStructureInfoKHR <: VulkanStruct{true} vks::VkCopyMemoryToAccelerationStructureInfoKHR deps::Vector{Any} dst::AccelerationStructureKHR end """ High-level wrapper for VkWriteDescriptorSetAccelerationStructureKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSetAccelerationStructureKHR.html) """ @struct_hash_equal struct WriteDescriptorSetAccelerationStructureKHR <: HighLevelStruct next::Any acceleration_structures::Vector{AccelerationStructureKHR} end """ High-level wrapper for VkAccelerationStructureDeviceAddressInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureDeviceAddressInfoKHR.html) """ @struct_hash_equal struct AccelerationStructureDeviceAddressInfoKHR <: HighLevelStruct next::Any acceleration_structure::AccelerationStructureKHR end mutable struct AccelerationStructureNV <: Handle vks::VkAccelerationStructureNV device::Device refcount::RefCounter destructor AccelerationStructureNV(vks::VkAccelerationStructureNV, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkBindAccelerationStructureMemoryInfoNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindAccelerationStructureMemoryInfoNV.html) """ struct _BindAccelerationStructureMemoryInfoNV <: VulkanStruct{true} vks::VkBindAccelerationStructureMemoryInfoNV deps::Vector{Any} acceleration_structure::AccelerationStructureNV memory::DeviceMemory end """ Intermediate wrapper for VkAccelerationStructureMemoryRequirementsInfoNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMemoryRequirementsInfoNV.html) """ struct _AccelerationStructureMemoryRequirementsInfoNV <: VulkanStruct{true} vks::VkAccelerationStructureMemoryRequirementsInfoNV deps::Vector{Any} acceleration_structure::AccelerationStructureNV end """ Intermediate wrapper for VkAccelerationStructureCaptureDescriptorDataInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureCaptureDescriptorDataInfoEXT.html) """ struct _AccelerationStructureCaptureDescriptorDataInfoEXT <: VulkanStruct{true} vks::VkAccelerationStructureCaptureDescriptorDataInfoEXT deps::Vector{Any} acceleration_structure::OptionalPtr{AccelerationStructureKHR} acceleration_structure_nv::OptionalPtr{AccelerationStructureNV} end """ High-level wrapper for VkBindAccelerationStructureMemoryInfoNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindAccelerationStructureMemoryInfoNV.html) """ @struct_hash_equal struct BindAccelerationStructureMemoryInfoNV <: HighLevelStruct next::Any acceleration_structure::AccelerationStructureNV memory::DeviceMemory memory_offset::UInt64 device_indices::Vector{UInt32} end """ High-level wrapper for VkWriteDescriptorSetAccelerationStructureNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSetAccelerationStructureNV.html) """ @struct_hash_equal struct WriteDescriptorSetAccelerationStructureNV <: HighLevelStruct next::Any acceleration_structures::Vector{AccelerationStructureNV} end """ High-level wrapper for VkAccelerationStructureCaptureDescriptorDataInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureCaptureDescriptorDataInfoEXT.html) """ @struct_hash_equal struct AccelerationStructureCaptureDescriptorDataInfoEXT <: HighLevelStruct next::Any acceleration_structure::OptionalPtr{AccelerationStructureKHR} acceleration_structure_nv::OptionalPtr{AccelerationStructureNV} end mutable struct PerformanceConfigurationINTEL <: Handle vks::VkPerformanceConfigurationINTEL device::Device refcount::RefCounter destructor PerformanceConfigurationINTEL(vks::VkPerformanceConfigurationINTEL, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct DeferredOperationKHR <: Handle vks::VkDeferredOperationKHR device::Device refcount::RefCounter destructor DeferredOperationKHR(vks::VkDeferredOperationKHR, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct PrivateDataSlot <: Handle vks::VkPrivateDataSlot device::Device refcount::RefCounter destructor PrivateDataSlot(vks::VkPrivateDataSlot, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct CuModuleNVX <: Handle vks::VkCuModuleNVX device::Device refcount::RefCounter destructor CuModuleNVX(vks::VkCuModuleNVX, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkCuFunctionCreateInfoNVX. Extension: VK\\_NVX\\_binary\\_import [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCuFunctionCreateInfoNVX.html) """ struct _CuFunctionCreateInfoNVX <: VulkanStruct{true} vks::VkCuFunctionCreateInfoNVX deps::Vector{Any} _module::CuModuleNVX end """ High-level wrapper for VkCuFunctionCreateInfoNVX. Extension: VK\\_NVX\\_binary\\_import [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCuFunctionCreateInfoNVX.html) """ @struct_hash_equal struct CuFunctionCreateInfoNVX <: HighLevelStruct next::Any _module::CuModuleNVX name::String end mutable struct CuFunctionNVX <: Handle vks::VkCuFunctionNVX device::Device refcount::RefCounter destructor CuFunctionNVX(vks::VkCuFunctionNVX, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkCuLaunchInfoNVX. Extension: VK\\_NVX\\_binary\\_import [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCuLaunchInfoNVX.html) """ struct _CuLaunchInfoNVX <: VulkanStruct{true} vks::VkCuLaunchInfoNVX deps::Vector{Any} _function::CuFunctionNVX end """ High-level wrapper for VkCuLaunchInfoNVX. Extension: VK\\_NVX\\_binary\\_import [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCuLaunchInfoNVX.html) """ @struct_hash_equal struct CuLaunchInfoNVX <: HighLevelStruct next::Any _function::CuFunctionNVX grid_dim_x::UInt32 grid_dim_y::UInt32 grid_dim_z::UInt32 block_dim_x::UInt32 block_dim_y::UInt32 block_dim_z::UInt32 shared_mem_bytes::UInt32 end mutable struct OpticalFlowSessionNV <: Handle vks::VkOpticalFlowSessionNV device::Device refcount::RefCounter destructor OpticalFlowSessionNV(vks::VkOpticalFlowSessionNV, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct MicromapEXT <: Handle vks::VkMicromapEXT device::Device refcount::RefCounter destructor MicromapEXT(vks::VkMicromapEXT, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkMicromapBuildInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapBuildInfoEXT.html) """ struct _MicromapBuildInfoEXT <: VulkanStruct{true} vks::VkMicromapBuildInfoEXT deps::Vector{Any} dst_micromap::OptionalPtr{MicromapEXT} end """ Intermediate wrapper for VkCopyMicromapInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMicromapInfoEXT.html) """ struct _CopyMicromapInfoEXT <: VulkanStruct{true} vks::VkCopyMicromapInfoEXT deps::Vector{Any} src::MicromapEXT dst::MicromapEXT end """ Intermediate wrapper for VkCopyMicromapToMemoryInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMicromapToMemoryInfoEXT.html) """ struct _CopyMicromapToMemoryInfoEXT <: VulkanStruct{true} vks::VkCopyMicromapToMemoryInfoEXT deps::Vector{Any} src::MicromapEXT end """ Intermediate wrapper for VkCopyMemoryToMicromapInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryToMicromapInfoEXT.html) """ struct _CopyMemoryToMicromapInfoEXT <: VulkanStruct{true} vks::VkCopyMemoryToMicromapInfoEXT deps::Vector{Any} dst::MicromapEXT end """ Intermediate wrapper for VkAccelerationStructureTrianglesOpacityMicromapEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureTrianglesOpacityMicromapEXT.html) """ struct _AccelerationStructureTrianglesOpacityMicromapEXT <: VulkanStruct{true} vks::VkAccelerationStructureTrianglesOpacityMicromapEXT deps::Vector{Any} micromap::MicromapEXT end mutable struct SwapchainKHR <: Handle vks::VkSwapchainKHR device::Device refcount::RefCounter destructor SwapchainKHR(vks::VkSwapchainKHR, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end """ Intermediate wrapper for VkImageSwapchainCreateInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSwapchainCreateInfoKHR.html) """ struct _ImageSwapchainCreateInfoKHR <: VulkanStruct{true} vks::VkImageSwapchainCreateInfoKHR deps::Vector{Any} swapchain::OptionalPtr{SwapchainKHR} end """ Intermediate wrapper for VkBindImageMemorySwapchainInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImageMemorySwapchainInfoKHR.html) """ struct _BindImageMemorySwapchainInfoKHR <: VulkanStruct{true} vks::VkBindImageMemorySwapchainInfoKHR deps::Vector{Any} swapchain::SwapchainKHR end """ Intermediate wrapper for VkAcquireNextImageInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAcquireNextImageInfoKHR.html) """ struct _AcquireNextImageInfoKHR <: VulkanStruct{true} vks::VkAcquireNextImageInfoKHR deps::Vector{Any} swapchain::SwapchainKHR semaphore::OptionalPtr{Semaphore} fence::OptionalPtr{Fence} end """ Intermediate wrapper for VkReleaseSwapchainImagesInfoEXT. Extension: VK\\_EXT\\_swapchain\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkReleaseSwapchainImagesInfoEXT.html) """ struct _ReleaseSwapchainImagesInfoEXT <: VulkanStruct{true} vks::VkReleaseSwapchainImagesInfoEXT deps::Vector{Any} swapchain::SwapchainKHR end """ High-level wrapper for VkImageSwapchainCreateInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSwapchainCreateInfoKHR.html) """ @struct_hash_equal struct ImageSwapchainCreateInfoKHR <: HighLevelStruct next::Any swapchain::OptionalPtr{SwapchainKHR} end """ High-level wrapper for VkBindImageMemorySwapchainInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImageMemorySwapchainInfoKHR.html) """ @struct_hash_equal struct BindImageMemorySwapchainInfoKHR <: HighLevelStruct next::Any swapchain::SwapchainKHR image_index::UInt32 end """ High-level wrapper for VkAcquireNextImageInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAcquireNextImageInfoKHR.html) """ @struct_hash_equal struct AcquireNextImageInfoKHR <: HighLevelStruct next::Any swapchain::SwapchainKHR timeout::UInt64 semaphore::OptionalPtr{Semaphore} fence::OptionalPtr{Fence} device_mask::UInt32 end """ High-level wrapper for VkReleaseSwapchainImagesInfoEXT. Extension: VK\\_EXT\\_swapchain\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkReleaseSwapchainImagesInfoEXT.html) """ @struct_hash_equal struct ReleaseSwapchainImagesInfoEXT <: HighLevelStruct next::Any swapchain::SwapchainKHR image_indices::Vector{UInt32} end mutable struct VideoSessionKHR <: Handle vks::VkVideoSessionKHR device::Device refcount::RefCounter destructor VideoSessionKHR(vks::VkVideoSessionKHR, device::Device, refcount::RefCounter) = new(vks, device, refcount, undef) end mutable struct VideoSessionParametersKHR <: Handle vks::VkVideoSessionParametersKHR video_session::VideoSessionKHR refcount::RefCounter destructor VideoSessionParametersKHR(vks::VkVideoSessionParametersKHR, video_session::VideoSessionKHR, refcount::RefCounter) = new(vks, video_session, refcount, undef) end """ Intermediate wrapper for VkVideoSessionParametersCreateInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionParametersCreateInfoKHR.html) """ struct _VideoSessionParametersCreateInfoKHR <: VulkanStruct{true} vks::VkVideoSessionParametersCreateInfoKHR deps::Vector{Any} video_session_parameters_template::OptionalPtr{VideoSessionParametersKHR} video_session::VideoSessionKHR end """ Intermediate wrapper for VkVideoBeginCodingInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoBeginCodingInfoKHR.html) """ struct _VideoBeginCodingInfoKHR <: VulkanStruct{true} vks::VkVideoBeginCodingInfoKHR deps::Vector{Any} video_session::VideoSessionKHR video_session_parameters::OptionalPtr{VideoSessionParametersKHR} end """ High-level wrapper for VkVideoSessionParametersCreateInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionParametersCreateInfoKHR.html) """ @struct_hash_equal struct VideoSessionParametersCreateInfoKHR <: HighLevelStruct next::Any flags::UInt32 video_session_parameters_template::OptionalPtr{VideoSessionParametersKHR} video_session::VideoSessionKHR end """ High-level wrapper for VkVideoBeginCodingInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoBeginCodingInfoKHR.html) """ @struct_hash_equal struct VideoBeginCodingInfoKHR <: HighLevelStruct next::Any flags::UInt32 video_session::VideoSessionKHR video_session_parameters::OptionalPtr{VideoSessionParametersKHR} reference_slots::Vector{VideoReferenceSlotInfoKHR} end mutable struct DisplayKHR <: Handle vks::VkDisplayKHR physical_device::PhysicalDevice refcount::RefCounter destructor DisplayKHR(vks::VkDisplayKHR, physical_device::PhysicalDevice, refcount::RefCounter) = new(vks, physical_device, refcount, undef) end mutable struct DisplayModeKHR <: Handle vks::VkDisplayModeKHR display::DisplayKHR refcount::RefCounter destructor DisplayModeKHR(vks::VkDisplayModeKHR, display::DisplayKHR, refcount::RefCounter) = new(vks, display, refcount, undef) end """ Intermediate wrapper for VkDisplayModePropertiesKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModePropertiesKHR.html) """ struct _DisplayModePropertiesKHR <: VulkanStruct{false} vks::VkDisplayModePropertiesKHR display_mode::DisplayModeKHR end """ Intermediate wrapper for VkDisplaySurfaceCreateInfoKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplaySurfaceCreateInfoKHR.html) """ struct _DisplaySurfaceCreateInfoKHR <: VulkanStruct{true} vks::VkDisplaySurfaceCreateInfoKHR deps::Vector{Any} display_mode::DisplayModeKHR end """ Intermediate wrapper for VkDisplayPlaneInfo2KHR. Extension: VK\\_KHR\\_get\\_display\\_properties2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneInfo2KHR.html) """ struct _DisplayPlaneInfo2KHR <: VulkanStruct{true} vks::VkDisplayPlaneInfo2KHR deps::Vector{Any} mode::DisplayModeKHR end """ High-level wrapper for VkDisplayModePropertiesKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModePropertiesKHR.html) """ @struct_hash_equal struct DisplayModePropertiesKHR <: HighLevelStruct display_mode::DisplayModeKHR parameters::DisplayModeParametersKHR end """ High-level wrapper for VkDisplayModeProperties2KHR. Extension: VK\\_KHR\\_get\\_display\\_properties2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModeProperties2KHR.html) """ @struct_hash_equal struct DisplayModeProperties2KHR <: HighLevelStruct next::Any display_mode_properties::DisplayModePropertiesKHR end """ High-level wrapper for VkDisplayPlaneInfo2KHR. Extension: VK\\_KHR\\_get\\_display\\_properties2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneInfo2KHR.html) """ @struct_hash_equal struct DisplayPlaneInfo2KHR <: HighLevelStruct next::Any mode::DisplayModeKHR plane_index::UInt32 end """ Intermediate wrapper for VkDisplayPropertiesKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPropertiesKHR.html) """ struct _DisplayPropertiesKHR <: VulkanStruct{true} vks::VkDisplayPropertiesKHR deps::Vector{Any} display::DisplayKHR end """ Intermediate wrapper for VkDisplayPlanePropertiesKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlanePropertiesKHR.html) """ struct _DisplayPlanePropertiesKHR <: VulkanStruct{false} vks::VkDisplayPlanePropertiesKHR current_display::DisplayKHR end """ High-level wrapper for VkDisplayPlanePropertiesKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlanePropertiesKHR.html) """ @struct_hash_equal struct DisplayPlanePropertiesKHR <: HighLevelStruct current_display::DisplayKHR current_stack_index::UInt32 end """ High-level wrapper for VkDisplayPlaneProperties2KHR. Extension: VK\\_KHR\\_get\\_display\\_properties2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneProperties2KHR.html) """ @struct_hash_equal struct DisplayPlaneProperties2KHR <: HighLevelStruct next::Any display_plane_properties::DisplayPlanePropertiesKHR end """ High-level wrapper for VkPhysicalDeviceGroupProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGroupProperties.html) """ @struct_hash_equal struct PhysicalDeviceGroupProperties <: HighLevelStruct next::Any physical_device_count::UInt32 physical_devices::NTuple{Int(VK_MAX_DEVICE_GROUP_SIZE), PhysicalDevice} subset_allocation::Bool end """ High-level wrapper for VkDeviceGroupDeviceCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupDeviceCreateInfo.html) """ @struct_hash_equal struct DeviceGroupDeviceCreateInfo <: HighLevelStruct next::Any physical_devices::Vector{PhysicalDevice} end mutable struct SurfaceKHR <: Handle vks::VkSurfaceKHR instance::Instance refcount::RefCounter destructor SurfaceKHR(vks::VkSurfaceKHR, instance::Instance, refcount::RefCounter) = new(vks, instance, refcount, undef) end """ Intermediate wrapper for VkSwapchainCreateInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainCreateInfoKHR.html) """ struct _SwapchainCreateInfoKHR <: VulkanStruct{true} vks::VkSwapchainCreateInfoKHR deps::Vector{Any} surface::SurfaceKHR old_swapchain::OptionalPtr{SwapchainKHR} end """ Intermediate wrapper for VkPhysicalDeviceSurfaceInfo2KHR. Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSurfaceInfo2KHR.html) """ struct _PhysicalDeviceSurfaceInfo2KHR <: VulkanStruct{true} vks::VkPhysicalDeviceSurfaceInfo2KHR deps::Vector{Any} surface::OptionalPtr{SurfaceKHR} end """ High-level wrapper for VkPhysicalDeviceSurfaceInfo2KHR. Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSurfaceInfo2KHR.html) """ @struct_hash_equal struct PhysicalDeviceSurfaceInfo2KHR <: HighLevelStruct next::Any surface::OptionalPtr{SurfaceKHR} end mutable struct DebugReportCallbackEXT <: Handle vks::VkDebugReportCallbackEXT instance::Instance refcount::RefCounter destructor DebugReportCallbackEXT(vks::VkDebugReportCallbackEXT, instance::Instance, refcount::RefCounter) = new(vks, instance, refcount, undef) end mutable struct DebugUtilsMessengerEXT <: Handle vks::VkDebugUtilsMessengerEXT instance::Instance refcount::RefCounter destructor DebugUtilsMessengerEXT(vks::VkDebugUtilsMessengerEXT, instance::Instance, refcount::RefCounter) = new(vks, instance, refcount, undef) end """ High-level wrapper for VkOpticalFlowExecuteInfoNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowExecuteInfoNV.html) """ @struct_hash_equal struct OpticalFlowExecuteInfoNV <: HighLevelStruct next::Any flags::OpticalFlowExecuteFlagNV regions::Vector{Rect2D} end """ High-level wrapper for VkOpticalFlowImageFormatInfoNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowImageFormatInfoNV.html) """ @struct_hash_equal struct OpticalFlowImageFormatInfoNV <: HighLevelStruct next::Any usage::OpticalFlowUsageFlagNV end """ High-level wrapper for VkPhysicalDeviceOpticalFlowPropertiesNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpticalFlowPropertiesNV.html) """ @struct_hash_equal struct PhysicalDeviceOpticalFlowPropertiesNV <: HighLevelStruct next::Any supported_output_grid_sizes::OpticalFlowGridSizeFlagNV supported_hint_grid_sizes::OpticalFlowGridSizeFlagNV hint_supported::Bool cost_supported::Bool bidirectional_flow_supported::Bool global_flow_supported::Bool min_width::UInt32 min_height::UInt32 max_width::UInt32 max_height::UInt32 max_num_regions_of_interest::UInt32 end """ High-level wrapper for VkImageCompressionControlEXT. Extension: VK\\_EXT\\_image\\_compression\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCompressionControlEXT.html) """ @struct_hash_equal struct ImageCompressionControlEXT <: HighLevelStruct next::Any flags::ImageCompressionFlagEXT fixed_rate_flags::Vector{ImageCompressionFixedRateFlagEXT} end """ High-level wrapper for VkImageCompressionPropertiesEXT. Extension: VK\\_EXT\\_image\\_compression\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCompressionPropertiesEXT.html) """ @struct_hash_equal struct ImageCompressionPropertiesEXT <: HighLevelStruct next::Any image_compression_flags::ImageCompressionFlagEXT image_compression_fixed_rate_flags::ImageCompressionFixedRateFlagEXT end """ High-level wrapper for VkInstanceCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkInstanceCreateInfo.html) """ @struct_hash_equal struct InstanceCreateInfo <: HighLevelStruct next::Any flags::InstanceCreateFlag application_info::OptionalPtr{ApplicationInfo} enabled_layer_names::Vector{String} enabled_extension_names::Vector{String} end """ High-level wrapper for VkVideoDecodeCapabilitiesKHR. Extension: VK\\_KHR\\_video\\_decode\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeCapabilitiesKHR.html) """ @struct_hash_equal struct VideoDecodeCapabilitiesKHR <: HighLevelStruct next::Any flags::VideoDecodeCapabilityFlagKHR end """ High-level wrapper for VkVideoDecodeUsageInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeUsageInfoKHR.html) """ @struct_hash_equal struct VideoDecodeUsageInfoKHR <: HighLevelStruct next::Any video_usage_hints::VideoDecodeUsageFlagKHR end """ High-level wrapper for VkVideoCodingControlInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoCodingControlInfoKHR.html) """ @struct_hash_equal struct VideoCodingControlInfoKHR <: HighLevelStruct next::Any flags::VideoCodingControlFlagKHR end """ High-level wrapper for VkVideoDecodeH264ProfileInfoKHR. Extension: VK\\_KHR\\_video\\_decode\\_h264 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264ProfileInfoKHR.html) """ @struct_hash_equal struct VideoDecodeH264ProfileInfoKHR <: HighLevelStruct next::Any std_profile_idc::StdVideoH264ProfileIdc picture_layout::VideoDecodeH264PictureLayoutFlagKHR end """ High-level wrapper for VkVideoCapabilitiesKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoCapabilitiesKHR.html) """ @struct_hash_equal struct VideoCapabilitiesKHR <: HighLevelStruct next::Any flags::VideoCapabilityFlagKHR min_bitstream_buffer_offset_alignment::UInt64 min_bitstream_buffer_size_alignment::UInt64 picture_access_granularity::Extent2D min_coded_extent::Extent2D max_coded_extent::Extent2D max_dpb_slots::UInt32 max_active_reference_pictures::UInt32 std_header_version::ExtensionProperties end """ High-level wrapper for VkQueueFamilyVideoPropertiesKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyVideoPropertiesKHR.html) """ @struct_hash_equal struct QueueFamilyVideoPropertiesKHR <: HighLevelStruct next::Any video_codec_operations::VideoCodecOperationFlagKHR end """ High-level wrapper for VkVideoProfileInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoProfileInfoKHR.html) """ @struct_hash_equal struct VideoProfileInfoKHR <: HighLevelStruct next::Any video_codec_operation::VideoCodecOperationFlagKHR chroma_subsampling::VideoChromaSubsamplingFlagKHR luma_bit_depth::VideoComponentBitDepthFlagKHR chroma_bit_depth::VideoComponentBitDepthFlagKHR end """ High-level wrapper for VkVideoProfileListInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoProfileListInfoKHR.html) """ @struct_hash_equal struct VideoProfileListInfoKHR <: HighLevelStruct next::Any profiles::Vector{VideoProfileInfoKHR} end """ High-level wrapper for VkSurfacePresentScalingCapabilitiesEXT. Extension: VK\\_EXT\\_surface\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfacePresentScalingCapabilitiesEXT.html) """ @struct_hash_equal struct SurfacePresentScalingCapabilitiesEXT <: HighLevelStruct next::Any supported_present_scaling::PresentScalingFlagEXT supported_present_gravity_x::PresentGravityFlagEXT supported_present_gravity_y::PresentGravityFlagEXT min_scaled_image_extent::OptionalPtr{Extent2D} max_scaled_image_extent::OptionalPtr{Extent2D} end """ High-level wrapper for VkSwapchainPresentScalingCreateInfoEXT. Extension: VK\\_EXT\\_swapchain\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentScalingCreateInfoEXT.html) """ @struct_hash_equal struct SwapchainPresentScalingCreateInfoEXT <: HighLevelStruct next::Any scaling_behavior::PresentScalingFlagEXT present_gravity_x::PresentGravityFlagEXT present_gravity_y::PresentGravityFlagEXT end """ High-level wrapper for VkGraphicsPipelineLibraryCreateInfoEXT. Extension: VK\\_EXT\\_graphics\\_pipeline\\_library [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsPipelineLibraryCreateInfoEXT.html) """ @struct_hash_equal struct GraphicsPipelineLibraryCreateInfoEXT <: HighLevelStruct next::Any flags::GraphicsPipelineLibraryFlagEXT end """ High-level wrapper for VkEventCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkEventCreateInfo.html) """ @struct_hash_equal struct EventCreateInfo <: HighLevelStruct next::Any flags::EventCreateFlag end """ High-level wrapper for VkSubmitInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubmitInfo2.html) """ @struct_hash_equal struct SubmitInfo2 <: HighLevelStruct next::Any flags::SubmitFlag wait_semaphore_infos::Vector{SemaphoreSubmitInfo} command_buffer_infos::Vector{CommandBufferSubmitInfo} signal_semaphore_infos::Vector{SemaphoreSubmitInfo} end """ High-level wrapper for VkPhysicalDeviceToolProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceToolProperties.html) """ @struct_hash_equal struct PhysicalDeviceToolProperties <: HighLevelStruct next::Any name::String version::String purposes::ToolPurposeFlag description::String layer::String end """ High-level wrapper for VkPipelineCompilerControlCreateInfoAMD. Extension: VK\\_AMD\\_pipeline\\_compiler\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCompilerControlCreateInfoAMD.html) """ @struct_hash_equal struct PipelineCompilerControlCreateInfoAMD <: HighLevelStruct next::Any compiler_control_flags::PipelineCompilerControlFlagAMD end """ High-level wrapper for VkPhysicalDeviceShaderCoreProperties2AMD. Extension: VK\\_AMD\\_shader\\_core\\_properties2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCoreProperties2AMD.html) """ @struct_hash_equal struct PhysicalDeviceShaderCoreProperties2AMD <: HighLevelStruct next::Any shader_core_features::ShaderCorePropertiesFlagAMD active_compute_unit_count::UInt32 end """ High-level wrapper for VkAcquireProfilingLockInfoKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAcquireProfilingLockInfoKHR.html) """ @struct_hash_equal struct AcquireProfilingLockInfoKHR <: HighLevelStruct next::Any flags::AcquireProfilingLockFlagKHR timeout::UInt64 end """ High-level wrapper for VkPerformanceCounterDescriptionKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceCounterDescriptionKHR.html) """ @struct_hash_equal struct PerformanceCounterDescriptionKHR <: HighLevelStruct next::Any flags::PerformanceCounterDescriptionFlagKHR name::String category::String description::String end """ High-level wrapper for VkPipelineCreationFeedback. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCreationFeedback.html) """ @struct_hash_equal struct PipelineCreationFeedback <: HighLevelStruct flags::PipelineCreationFeedbackFlag duration::UInt64 end """ High-level wrapper for VkPipelineCreationFeedbackCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCreationFeedbackCreateInfo.html) """ @struct_hash_equal struct PipelineCreationFeedbackCreateInfo <: HighLevelStruct next::Any pipeline_creation_feedback::PipelineCreationFeedback pipeline_stage_creation_feedbacks::Vector{PipelineCreationFeedback} end """ High-level wrapper for VkDeviceDiagnosticsConfigCreateInfoNV. Extension: VK\\_NV\\_device\\_diagnostics\\_config [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceDiagnosticsConfigCreateInfoNV.html) """ @struct_hash_equal struct DeviceDiagnosticsConfigCreateInfoNV <: HighLevelStruct next::Any flags::DeviceDiagnosticsConfigFlagNV end """ High-level wrapper for VkFramebufferCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferCreateInfo.html) """ @struct_hash_equal struct FramebufferCreateInfo <: HighLevelStruct next::Any flags::FramebufferCreateFlag render_pass::RenderPass attachments::Vector{ImageView} width::UInt32 height::UInt32 layers::UInt32 end """ High-level wrapper for VkAccelerationStructureInstanceKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureInstanceKHR.html) """ @struct_hash_equal struct AccelerationStructureInstanceKHR <: HighLevelStruct transform::TransformMatrixKHR instance_custom_index::UInt32 mask::UInt32 instance_shader_binding_table_record_offset::UInt32 flags::GeometryInstanceFlagKHR acceleration_structure_reference::UInt64 end """ High-level wrapper for VkAccelerationStructureSRTMotionInstanceNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureSRTMotionInstanceNV.html) """ @struct_hash_equal struct AccelerationStructureSRTMotionInstanceNV <: HighLevelStruct transform_t_0::SRTDataNV transform_t_1::SRTDataNV instance_custom_index::UInt32 mask::UInt32 instance_shader_binding_table_record_offset::UInt32 flags::GeometryInstanceFlagKHR acceleration_structure_reference::UInt64 end """ High-level wrapper for VkAccelerationStructureMatrixMotionInstanceNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMatrixMotionInstanceNV.html) """ @struct_hash_equal struct AccelerationStructureMatrixMotionInstanceNV <: HighLevelStruct transform_t_0::TransformMatrixKHR transform_t_1::TransformMatrixKHR instance_custom_index::UInt32 mask::UInt32 instance_shader_binding_table_record_offset::UInt32 flags::GeometryInstanceFlagKHR acceleration_structure_reference::UInt64 end """ High-level wrapper for VkPhysicalDeviceDepthStencilResolveProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthStencilResolveProperties.html) """ @struct_hash_equal struct PhysicalDeviceDepthStencilResolveProperties <: HighLevelStruct next::Any supported_depth_resolve_modes::ResolveModeFlag supported_stencil_resolve_modes::ResolveModeFlag independent_resolve_none::Bool independent_resolve::Bool end """ High-level wrapper for VkConditionalRenderingBeginInfoEXT. Extension: VK\\_EXT\\_conditional\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkConditionalRenderingBeginInfoEXT.html) """ @struct_hash_equal struct ConditionalRenderingBeginInfoEXT <: HighLevelStruct next::Any buffer::Buffer offset::UInt64 flags::ConditionalRenderingFlagEXT end """ High-level wrapper for VkDescriptorSetLayoutBindingFlagsCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutBindingFlagsCreateInfo.html) """ @struct_hash_equal struct DescriptorSetLayoutBindingFlagsCreateInfo <: HighLevelStruct next::Any binding_flags::Vector{DescriptorBindingFlag} end """ High-level wrapper for VkDebugUtilsMessengerCreateInfoEXT. Extension: VK\\_EXT\\_debug\\_utils [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsMessengerCreateInfoEXT.html) """ @struct_hash_equal struct DebugUtilsMessengerCreateInfoEXT <: HighLevelStruct next::Any flags::UInt32 message_severity::DebugUtilsMessageSeverityFlagEXT message_type::DebugUtilsMessageTypeFlagEXT pfn_user_callback::FunctionPtr user_data::OptionalPtr{Ptr{Cvoid}} end """ High-level wrapper for VkDeviceGroupPresentCapabilitiesKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupPresentCapabilitiesKHR.html) """ @struct_hash_equal struct DeviceGroupPresentCapabilitiesKHR <: HighLevelStruct next::Any present_mask::NTuple{Int(VK_MAX_DEVICE_GROUP_SIZE), UInt32} modes::DeviceGroupPresentModeFlagKHR end """ High-level wrapper for VkDeviceGroupPresentInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupPresentInfoKHR.html) """ @struct_hash_equal struct DeviceGroupPresentInfoKHR <: HighLevelStruct next::Any device_masks::Vector{UInt32} mode::DeviceGroupPresentModeFlagKHR end """ High-level wrapper for VkDeviceGroupSwapchainCreateInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupSwapchainCreateInfoKHR.html) """ @struct_hash_equal struct DeviceGroupSwapchainCreateInfoKHR <: HighLevelStruct next::Any modes::DeviceGroupPresentModeFlagKHR end """ High-level wrapper for VkMemoryAllocateFlagsInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryAllocateFlagsInfo.html) """ @struct_hash_equal struct MemoryAllocateFlagsInfo <: HighLevelStruct next::Any flags::MemoryAllocateFlag device_mask::UInt32 end """ High-level wrapper for VkSwapchainCounterCreateInfoEXT. Extension: VK\\_EXT\\_display\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainCounterCreateInfoEXT.html) """ @struct_hash_equal struct SwapchainCounterCreateInfoEXT <: HighLevelStruct next::Any surface_counters::SurfaceCounterFlagEXT end """ High-level wrapper for VkPhysicalDeviceExternalFenceInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalFenceInfo.html) """ @struct_hash_equal struct PhysicalDeviceExternalFenceInfo <: HighLevelStruct next::Any handle_type::ExternalFenceHandleTypeFlag end """ High-level wrapper for VkExternalFenceProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalFenceProperties.html) """ @struct_hash_equal struct ExternalFenceProperties <: HighLevelStruct next::Any export_from_imported_handle_types::ExternalFenceHandleTypeFlag compatible_handle_types::ExternalFenceHandleTypeFlag external_fence_features::ExternalFenceFeatureFlag end """ High-level wrapper for VkExportFenceCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportFenceCreateInfo.html) """ @struct_hash_equal struct ExportFenceCreateInfo <: HighLevelStruct next::Any handle_types::ExternalFenceHandleTypeFlag end """ High-level wrapper for VkImportFenceWin32HandleInfoKHR. Extension: VK\\_KHR\\_external\\_fence\\_win32 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportFenceWin32HandleInfoKHR.html) """ @struct_hash_equal struct ImportFenceWin32HandleInfoKHR <: HighLevelStruct next::Any fence::Fence flags::FenceImportFlag handle_type::ExternalFenceHandleTypeFlag handle::OptionalPtr{vk.HANDLE} name::OptionalPtr{vk.LPCWSTR} end """ High-level wrapper for VkFenceGetWin32HandleInfoKHR. Extension: VK\\_KHR\\_external\\_fence\\_win32 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFenceGetWin32HandleInfoKHR.html) """ @struct_hash_equal struct FenceGetWin32HandleInfoKHR <: HighLevelStruct next::Any fence::Fence handle_type::ExternalFenceHandleTypeFlag end """ High-level wrapper for VkImportFenceFdInfoKHR. Extension: VK\\_KHR\\_external\\_fence\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportFenceFdInfoKHR.html) """ @struct_hash_equal struct ImportFenceFdInfoKHR <: HighLevelStruct next::Any fence::Fence flags::FenceImportFlag handle_type::ExternalFenceHandleTypeFlag fd::Int end """ High-level wrapper for VkFenceGetFdInfoKHR. Extension: VK\\_KHR\\_external\\_fence\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFenceGetFdInfoKHR.html) """ @struct_hash_equal struct FenceGetFdInfoKHR <: HighLevelStruct next::Any fence::Fence handle_type::ExternalFenceHandleTypeFlag end """ High-level wrapper for VkPhysicalDeviceExternalSemaphoreInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalSemaphoreInfo.html) """ @struct_hash_equal struct PhysicalDeviceExternalSemaphoreInfo <: HighLevelStruct next::Any handle_type::ExternalSemaphoreHandleTypeFlag end """ High-level wrapper for VkExternalSemaphoreProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalSemaphoreProperties.html) """ @struct_hash_equal struct ExternalSemaphoreProperties <: HighLevelStruct next::Any export_from_imported_handle_types::ExternalSemaphoreHandleTypeFlag compatible_handle_types::ExternalSemaphoreHandleTypeFlag external_semaphore_features::ExternalSemaphoreFeatureFlag end """ High-level wrapper for VkExportSemaphoreCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportSemaphoreCreateInfo.html) """ @struct_hash_equal struct ExportSemaphoreCreateInfo <: HighLevelStruct next::Any handle_types::ExternalSemaphoreHandleTypeFlag end """ High-level wrapper for VkImportSemaphoreWin32HandleInfoKHR. Extension: VK\\_KHR\\_external\\_semaphore\\_win32 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportSemaphoreWin32HandleInfoKHR.html) """ @struct_hash_equal struct ImportSemaphoreWin32HandleInfoKHR <: HighLevelStruct next::Any semaphore::Semaphore flags::SemaphoreImportFlag handle_type::ExternalSemaphoreHandleTypeFlag handle::OptionalPtr{vk.HANDLE} name::OptionalPtr{vk.LPCWSTR} end """ High-level wrapper for VkSemaphoreGetWin32HandleInfoKHR. Extension: VK\\_KHR\\_external\\_semaphore\\_win32 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreGetWin32HandleInfoKHR.html) """ @struct_hash_equal struct SemaphoreGetWin32HandleInfoKHR <: HighLevelStruct next::Any semaphore::Semaphore handle_type::ExternalSemaphoreHandleTypeFlag end """ High-level wrapper for VkImportSemaphoreFdInfoKHR. Extension: VK\\_KHR\\_external\\_semaphore\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportSemaphoreFdInfoKHR.html) """ @struct_hash_equal struct ImportSemaphoreFdInfoKHR <: HighLevelStruct next::Any semaphore::Semaphore flags::SemaphoreImportFlag handle_type::ExternalSemaphoreHandleTypeFlag fd::Int end """ High-level wrapper for VkSemaphoreGetFdInfoKHR. Extension: VK\\_KHR\\_external\\_semaphore\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreGetFdInfoKHR.html) """ @struct_hash_equal struct SemaphoreGetFdInfoKHR <: HighLevelStruct next::Any semaphore::Semaphore handle_type::ExternalSemaphoreHandleTypeFlag end """ High-level wrapper for VkExternalMemoryProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryProperties.html) """ @struct_hash_equal struct ExternalMemoryProperties <: HighLevelStruct external_memory_features::ExternalMemoryFeatureFlag export_from_imported_handle_types::ExternalMemoryHandleTypeFlag compatible_handle_types::ExternalMemoryHandleTypeFlag end """ High-level wrapper for VkExternalImageFormatProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalImageFormatProperties.html) """ @struct_hash_equal struct ExternalImageFormatProperties <: HighLevelStruct next::Any external_memory_properties::ExternalMemoryProperties end """ High-level wrapper for VkExternalBufferProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalBufferProperties.html) """ @struct_hash_equal struct ExternalBufferProperties <: HighLevelStruct next::Any external_memory_properties::ExternalMemoryProperties end """ High-level wrapper for VkPhysicalDeviceExternalImageFormatInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalImageFormatInfo.html) """ @struct_hash_equal struct PhysicalDeviceExternalImageFormatInfo <: HighLevelStruct next::Any handle_type::ExternalMemoryHandleTypeFlag end """ High-level wrapper for VkExternalMemoryImageCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryImageCreateInfo.html) """ @struct_hash_equal struct ExternalMemoryImageCreateInfo <: HighLevelStruct next::Any handle_types::ExternalMemoryHandleTypeFlag end """ High-level wrapper for VkExternalMemoryBufferCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryBufferCreateInfo.html) """ @struct_hash_equal struct ExternalMemoryBufferCreateInfo <: HighLevelStruct next::Any handle_types::ExternalMemoryHandleTypeFlag end """ High-level wrapper for VkExportMemoryAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMemoryAllocateInfo.html) """ @struct_hash_equal struct ExportMemoryAllocateInfo <: HighLevelStruct next::Any handle_types::ExternalMemoryHandleTypeFlag end """ High-level wrapper for VkImportMemoryWin32HandleInfoKHR. Extension: VK\\_KHR\\_external\\_memory\\_win32 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMemoryWin32HandleInfoKHR.html) """ @struct_hash_equal struct ImportMemoryWin32HandleInfoKHR <: HighLevelStruct next::Any handle_type::ExternalMemoryHandleTypeFlag handle::OptionalPtr{vk.HANDLE} name::OptionalPtr{vk.LPCWSTR} end """ High-level wrapper for VkMemoryGetWin32HandleInfoKHR. Extension: VK\\_KHR\\_external\\_memory\\_win32 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryGetWin32HandleInfoKHR.html) """ @struct_hash_equal struct MemoryGetWin32HandleInfoKHR <: HighLevelStruct next::Any memory::DeviceMemory handle_type::ExternalMemoryHandleTypeFlag end """ High-level wrapper for VkImportMemoryFdInfoKHR. Extension: VK\\_KHR\\_external\\_memory\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMemoryFdInfoKHR.html) """ @struct_hash_equal struct ImportMemoryFdInfoKHR <: HighLevelStruct next::Any handle_type::ExternalMemoryHandleTypeFlag fd::Int end """ High-level wrapper for VkMemoryGetFdInfoKHR. Extension: VK\\_KHR\\_external\\_memory\\_fd [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryGetFdInfoKHR.html) """ @struct_hash_equal struct MemoryGetFdInfoKHR <: HighLevelStruct next::Any memory::DeviceMemory handle_type::ExternalMemoryHandleTypeFlag end """ High-level wrapper for VkImportMemoryHostPointerInfoEXT. Extension: VK\\_EXT\\_external\\_memory\\_host [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMemoryHostPointerInfoEXT.html) """ @struct_hash_equal struct ImportMemoryHostPointerInfoEXT <: HighLevelStruct next::Any handle_type::ExternalMemoryHandleTypeFlag host_pointer::Ptr{Cvoid} end """ High-level wrapper for VkMemoryGetRemoteAddressInfoNV. Extension: VK\\_NV\\_external\\_memory\\_rdma [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryGetRemoteAddressInfoNV.html) """ @struct_hash_equal struct MemoryGetRemoteAddressInfoNV <: HighLevelStruct next::Any memory::DeviceMemory handle_type::ExternalMemoryHandleTypeFlag end """ High-level wrapper for VkExternalMemoryImageCreateInfoNV. Extension: VK\\_NV\\_external\\_memory [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryImageCreateInfoNV.html) """ @struct_hash_equal struct ExternalMemoryImageCreateInfoNV <: HighLevelStruct next::Any handle_types::ExternalMemoryHandleTypeFlagNV end """ High-level wrapper for VkExportMemoryAllocateInfoNV. Extension: VK\\_NV\\_external\\_memory [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMemoryAllocateInfoNV.html) """ @struct_hash_equal struct ExportMemoryAllocateInfoNV <: HighLevelStruct next::Any handle_types::ExternalMemoryHandleTypeFlagNV end """ High-level wrapper for VkImportMemoryWin32HandleInfoNV. Extension: VK\\_NV\\_external\\_memory\\_win32 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMemoryWin32HandleInfoNV.html) """ @struct_hash_equal struct ImportMemoryWin32HandleInfoNV <: HighLevelStruct next::Any handle_type::ExternalMemoryHandleTypeFlagNV handle::OptionalPtr{vk.HANDLE} end """ High-level wrapper for VkDebugReportCallbackCreateInfoEXT. Extension: VK\\_EXT\\_debug\\_report [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugReportCallbackCreateInfoEXT.html) """ @struct_hash_equal struct DebugReportCallbackCreateInfoEXT <: HighLevelStruct next::Any flags::DebugReportFlagEXT pfn_callback::FunctionPtr user_data::OptionalPtr{Ptr{Cvoid}} end """ High-level wrapper for VkDisplayPropertiesKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPropertiesKHR.html) """ @struct_hash_equal struct DisplayPropertiesKHR <: HighLevelStruct display::DisplayKHR display_name::String physical_dimensions::Extent2D physical_resolution::Extent2D supported_transforms::SurfaceTransformFlagKHR plane_reorder_possible::Bool persistent_content::Bool end """ High-level wrapper for VkDisplayProperties2KHR. Extension: VK\\_KHR\\_get\\_display\\_properties2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayProperties2KHR.html) """ @struct_hash_equal struct DisplayProperties2KHR <: HighLevelStruct next::Any display_properties::DisplayPropertiesKHR end """ High-level wrapper for VkRenderPassTransformBeginInfoQCOM. Extension: VK\\_QCOM\\_render\\_pass\\_transform [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassTransformBeginInfoQCOM.html) """ @struct_hash_equal struct RenderPassTransformBeginInfoQCOM <: HighLevelStruct next::Any transform::SurfaceTransformFlagKHR end """ High-level wrapper for VkCopyCommandTransformInfoQCOM. Extension: VK\\_QCOM\\_rotated\\_copy\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyCommandTransformInfoQCOM.html) """ @struct_hash_equal struct CopyCommandTransformInfoQCOM <: HighLevelStruct next::Any transform::SurfaceTransformFlagKHR end """ High-level wrapper for VkCommandBufferInheritanceRenderPassTransformInfoQCOM. Extension: VK\\_QCOM\\_render\\_pass\\_transform [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceRenderPassTransformInfoQCOM.html) """ @struct_hash_equal struct CommandBufferInheritanceRenderPassTransformInfoQCOM <: HighLevelStruct next::Any transform::SurfaceTransformFlagKHR render_area::Rect2D end """ High-level wrapper for VkDisplayPlaneCapabilitiesKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneCapabilitiesKHR.html) """ @struct_hash_equal struct DisplayPlaneCapabilitiesKHR <: HighLevelStruct supported_alpha::DisplayPlaneAlphaFlagKHR min_src_position::Offset2D max_src_position::Offset2D min_src_extent::Extent2D max_src_extent::Extent2D min_dst_position::Offset2D max_dst_position::Offset2D min_dst_extent::Extent2D max_dst_extent::Extent2D end """ High-level wrapper for VkDisplayPlaneCapabilities2KHR. Extension: VK\\_KHR\\_get\\_display\\_properties2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneCapabilities2KHR.html) """ @struct_hash_equal struct DisplayPlaneCapabilities2KHR <: HighLevelStruct next::Any capabilities::DisplayPlaneCapabilitiesKHR end """ High-level wrapper for VkDisplaySurfaceCreateInfoKHR. Extension: VK\\_KHR\\_display [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplaySurfaceCreateInfoKHR.html) """ @struct_hash_equal struct DisplaySurfaceCreateInfoKHR <: HighLevelStruct next::Any flags::UInt32 display_mode::DisplayModeKHR plane_index::UInt32 plane_stack_index::UInt32 transform::SurfaceTransformFlagKHR global_alpha::Float32 alpha_mode::DisplayPlaneAlphaFlagKHR image_extent::Extent2D end """ High-level wrapper for VkSemaphoreWaitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreWaitInfo.html) """ @struct_hash_equal struct SemaphoreWaitInfo <: HighLevelStruct next::Any flags::SemaphoreWaitFlag semaphores::Vector{Semaphore} values::Vector{UInt64} end """ High-level wrapper for VkImageFormatProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageFormatProperties.html) """ @struct_hash_equal struct ImageFormatProperties <: HighLevelStruct max_extent::Extent3D max_mip_levels::UInt32 max_array_layers::UInt32 sample_counts::SampleCountFlag max_resource_size::UInt64 end """ High-level wrapper for VkExternalImageFormatPropertiesNV. Extension: VK\\_NV\\_external\\_memory\\_capabilities [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalImageFormatPropertiesNV.html) """ @struct_hash_equal struct ExternalImageFormatPropertiesNV <: HighLevelStruct image_format_properties::ImageFormatProperties external_memory_features::ExternalMemoryFeatureFlagNV export_from_imported_handle_types::ExternalMemoryHandleTypeFlagNV compatible_handle_types::ExternalMemoryHandleTypeFlagNV end """ High-level wrapper for VkImageFormatProperties2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageFormatProperties2.html) """ @struct_hash_equal struct ImageFormatProperties2 <: HighLevelStruct next::Any image_format_properties::ImageFormatProperties end """ High-level wrapper for VkPipelineMultisampleStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineMultisampleStateCreateInfo.html) """ @struct_hash_equal struct PipelineMultisampleStateCreateInfo <: HighLevelStruct next::Any flags::UInt32 rasterization_samples::SampleCountFlag sample_shading_enable::Bool min_sample_shading::Float32 sample_mask::OptionalPtr{Vector{UInt32}} alpha_to_coverage_enable::Bool alpha_to_one_enable::Bool end """ High-level wrapper for VkPhysicalDeviceLimits. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLimits.html) """ @struct_hash_equal struct PhysicalDeviceLimits <: HighLevelStruct max_image_dimension_1_d::UInt32 max_image_dimension_2_d::UInt32 max_image_dimension_3_d::UInt32 max_image_dimension_cube::UInt32 max_image_array_layers::UInt32 max_texel_buffer_elements::UInt32 max_uniform_buffer_range::UInt32 max_storage_buffer_range::UInt32 max_push_constants_size::UInt32 max_memory_allocation_count::UInt32 max_sampler_allocation_count::UInt32 buffer_image_granularity::UInt64 sparse_address_space_size::UInt64 max_bound_descriptor_sets::UInt32 max_per_stage_descriptor_samplers::UInt32 max_per_stage_descriptor_uniform_buffers::UInt32 max_per_stage_descriptor_storage_buffers::UInt32 max_per_stage_descriptor_sampled_images::UInt32 max_per_stage_descriptor_storage_images::UInt32 max_per_stage_descriptor_input_attachments::UInt32 max_per_stage_resources::UInt32 max_descriptor_set_samplers::UInt32 max_descriptor_set_uniform_buffers::UInt32 max_descriptor_set_uniform_buffers_dynamic::UInt32 max_descriptor_set_storage_buffers::UInt32 max_descriptor_set_storage_buffers_dynamic::UInt32 max_descriptor_set_sampled_images::UInt32 max_descriptor_set_storage_images::UInt32 max_descriptor_set_input_attachments::UInt32 max_vertex_input_attributes::UInt32 max_vertex_input_bindings::UInt32 max_vertex_input_attribute_offset::UInt32 max_vertex_input_binding_stride::UInt32 max_vertex_output_components::UInt32 max_tessellation_generation_level::UInt32 max_tessellation_patch_size::UInt32 max_tessellation_control_per_vertex_input_components::UInt32 max_tessellation_control_per_vertex_output_components::UInt32 max_tessellation_control_per_patch_output_components::UInt32 max_tessellation_control_total_output_components::UInt32 max_tessellation_evaluation_input_components::UInt32 max_tessellation_evaluation_output_components::UInt32 max_geometry_shader_invocations::UInt32 max_geometry_input_components::UInt32 max_geometry_output_components::UInt32 max_geometry_output_vertices::UInt32 max_geometry_total_output_components::UInt32 max_fragment_input_components::UInt32 max_fragment_output_attachments::UInt32 max_fragment_dual_src_attachments::UInt32 max_fragment_combined_output_resources::UInt32 max_compute_shared_memory_size::UInt32 max_compute_work_group_count::NTuple{3, UInt32} max_compute_work_group_invocations::UInt32 max_compute_work_group_size::NTuple{3, UInt32} sub_pixel_precision_bits::UInt32 sub_texel_precision_bits::UInt32 mipmap_precision_bits::UInt32 max_draw_indexed_index_value::UInt32 max_draw_indirect_count::UInt32 max_sampler_lod_bias::Float32 max_sampler_anisotropy::Float32 max_viewports::UInt32 max_viewport_dimensions::NTuple{2, UInt32} viewport_bounds_range::NTuple{2, Float32} viewport_sub_pixel_bits::UInt32 min_memory_map_alignment::UInt min_texel_buffer_offset_alignment::UInt64 min_uniform_buffer_offset_alignment::UInt64 min_storage_buffer_offset_alignment::UInt64 min_texel_offset::Int32 max_texel_offset::UInt32 min_texel_gather_offset::Int32 max_texel_gather_offset::UInt32 min_interpolation_offset::Float32 max_interpolation_offset::Float32 sub_pixel_interpolation_offset_bits::UInt32 max_framebuffer_width::UInt32 max_framebuffer_height::UInt32 max_framebuffer_layers::UInt32 framebuffer_color_sample_counts::SampleCountFlag framebuffer_depth_sample_counts::SampleCountFlag framebuffer_stencil_sample_counts::SampleCountFlag framebuffer_no_attachments_sample_counts::SampleCountFlag max_color_attachments::UInt32 sampled_image_color_sample_counts::SampleCountFlag sampled_image_integer_sample_counts::SampleCountFlag sampled_image_depth_sample_counts::SampleCountFlag sampled_image_stencil_sample_counts::SampleCountFlag storage_image_sample_counts::SampleCountFlag max_sample_mask_words::UInt32 timestamp_compute_and_graphics::Bool timestamp_period::Float32 max_clip_distances::UInt32 max_cull_distances::UInt32 max_combined_clip_and_cull_distances::UInt32 discrete_queue_priorities::UInt32 point_size_range::NTuple{2, Float32} line_width_range::NTuple{2, Float32} point_size_granularity::Float32 line_width_granularity::Float32 strict_lines::Bool standard_sample_locations::Bool optimal_buffer_copy_offset_alignment::UInt64 optimal_buffer_copy_row_pitch_alignment::UInt64 non_coherent_atom_size::UInt64 end """ High-level wrapper for VkSampleLocationsInfoEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSampleLocationsInfoEXT.html) """ @struct_hash_equal struct SampleLocationsInfoEXT <: HighLevelStruct next::Any sample_locations_per_pixel::SampleCountFlag sample_location_grid_size::Extent2D sample_locations::Vector{SampleLocationEXT} end """ High-level wrapper for VkAttachmentSampleLocationsEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentSampleLocationsEXT.html) """ @struct_hash_equal struct AttachmentSampleLocationsEXT <: HighLevelStruct attachment_index::UInt32 sample_locations_info::SampleLocationsInfoEXT end """ High-level wrapper for VkSubpassSampleLocationsEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassSampleLocationsEXT.html) """ @struct_hash_equal struct SubpassSampleLocationsEXT <: HighLevelStruct subpass_index::UInt32 sample_locations_info::SampleLocationsInfoEXT end """ High-level wrapper for VkRenderPassSampleLocationsBeginInfoEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassSampleLocationsBeginInfoEXT.html) """ @struct_hash_equal struct RenderPassSampleLocationsBeginInfoEXT <: HighLevelStruct next::Any attachment_initial_sample_locations::Vector{AttachmentSampleLocationsEXT} post_subpass_sample_locations::Vector{SubpassSampleLocationsEXT} end """ High-level wrapper for VkPipelineSampleLocationsStateCreateInfoEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineSampleLocationsStateCreateInfoEXT.html) """ @struct_hash_equal struct PipelineSampleLocationsStateCreateInfoEXT <: HighLevelStruct next::Any sample_locations_enable::Bool sample_locations_info::SampleLocationsInfoEXT end """ High-level wrapper for VkPhysicalDeviceSampleLocationsPropertiesEXT. Extension: VK\\_EXT\\_sample\\_locations [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSampleLocationsPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDeviceSampleLocationsPropertiesEXT <: HighLevelStruct next::Any sample_location_sample_counts::SampleCountFlag max_sample_location_grid_size::Extent2D sample_location_coordinate_range::NTuple{2, Float32} sample_location_sub_pixel_bits::UInt32 variable_sample_locations::Bool end """ High-level wrapper for VkPhysicalDeviceFragmentShadingRatePropertiesKHR. Extension: VK\\_KHR\\_fragment\\_shading\\_rate [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRatePropertiesKHR.html) """ @struct_hash_equal struct PhysicalDeviceFragmentShadingRatePropertiesKHR <: HighLevelStruct next::Any min_fragment_shading_rate_attachment_texel_size::Extent2D max_fragment_shading_rate_attachment_texel_size::Extent2D max_fragment_shading_rate_attachment_texel_size_aspect_ratio::UInt32 primitive_fragment_shading_rate_with_multiple_viewports::Bool layered_shading_rate_attachments::Bool fragment_shading_rate_non_trivial_combiner_ops::Bool max_fragment_size::Extent2D max_fragment_size_aspect_ratio::UInt32 max_fragment_shading_rate_coverage_samples::UInt32 max_fragment_shading_rate_rasterization_samples::SampleCountFlag fragment_shading_rate_with_shader_depth_stencil_writes::Bool fragment_shading_rate_with_sample_mask::Bool fragment_shading_rate_with_shader_sample_mask::Bool fragment_shading_rate_with_conservative_rasterization::Bool fragment_shading_rate_with_fragment_shader_interlock::Bool fragment_shading_rate_with_custom_sample_locations::Bool fragment_shading_rate_strict_multiply_combiner::Bool end """ High-level wrapper for VkPhysicalDeviceFragmentShadingRateKHR. Extension: VK\\_KHR\\_fragment\\_shading\\_rate [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateKHR.html) """ @struct_hash_equal struct PhysicalDeviceFragmentShadingRateKHR <: HighLevelStruct next::Any sample_counts::SampleCountFlag fragment_size::Extent2D end """ High-level wrapper for VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV. Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV.html) """ @struct_hash_equal struct PhysicalDeviceFragmentShadingRateEnumsPropertiesNV <: HighLevelStruct next::Any max_fragment_shading_rate_invocation_count::SampleCountFlag end """ High-level wrapper for VkMultisampledRenderToSingleSampledInfoEXT. Extension: VK\\_EXT\\_multisampled\\_render\\_to\\_single\\_sampled [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultisampledRenderToSingleSampledInfoEXT.html) """ @struct_hash_equal struct MultisampledRenderToSingleSampledInfoEXT <: HighLevelStruct next::Any multisampled_render_to_single_sampled_enable::Bool rasterization_samples::SampleCountFlag end """ High-level wrapper for VkAttachmentSampleCountInfoAMD. Extension: VK\\_KHR\\_dynamic\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentSampleCountInfoAMD.html) """ @struct_hash_equal struct AttachmentSampleCountInfoAMD <: HighLevelStruct next::Any color_attachment_samples::Vector{SampleCountFlag} depth_stencil_attachment_samples::SampleCountFlag end """ High-level wrapper for VkCommandPoolCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandPoolCreateInfo.html) """ @struct_hash_equal struct CommandPoolCreateInfo <: HighLevelStruct next::Any flags::CommandPoolCreateFlag queue_family_index::UInt32 end """ High-level wrapper for VkSubmitInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubmitInfo.html) """ @struct_hash_equal struct SubmitInfo <: HighLevelStruct next::Any wait_semaphores::Vector{Semaphore} wait_dst_stage_mask::Vector{PipelineStageFlag} command_buffers::Vector{CommandBuffer} signal_semaphores::Vector{Semaphore} end """ High-level wrapper for VkQueueFamilyCheckpointPropertiesNV. Extension: VK\\_NV\\_device\\_diagnostic\\_checkpoints [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyCheckpointPropertiesNV.html) """ @struct_hash_equal struct QueueFamilyCheckpointPropertiesNV <: HighLevelStruct next::Any checkpoint_execution_stage_mask::PipelineStageFlag end """ High-level wrapper for VkCheckpointDataNV. Extension: VK\\_NV\\_device\\_diagnostic\\_checkpoints [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCheckpointDataNV.html) """ @struct_hash_equal struct CheckpointDataNV <: HighLevelStruct next::Any stage::PipelineStageFlag checkpoint_marker::Ptr{Cvoid} end """ High-level wrapper for VkSparseMemoryBind. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseMemoryBind.html) """ @struct_hash_equal struct SparseMemoryBind <: HighLevelStruct resource_offset::UInt64 size::UInt64 memory::OptionalPtr{DeviceMemory} memory_offset::UInt64 flags::SparseMemoryBindFlag end """ High-level wrapper for VkSparseBufferMemoryBindInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseBufferMemoryBindInfo.html) """ @struct_hash_equal struct SparseBufferMemoryBindInfo <: HighLevelStruct buffer::Buffer binds::Vector{SparseMemoryBind} end """ High-level wrapper for VkSparseImageOpaqueMemoryBindInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageOpaqueMemoryBindInfo.html) """ @struct_hash_equal struct SparseImageOpaqueMemoryBindInfo <: HighLevelStruct image::Image binds::Vector{SparseMemoryBind} end """ High-level wrapper for VkSparseImageFormatProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageFormatProperties.html) """ @struct_hash_equal struct SparseImageFormatProperties <: HighLevelStruct aspect_mask::ImageAspectFlag image_granularity::Extent3D flags::SparseImageFormatFlag end """ High-level wrapper for VkSparseImageMemoryRequirements. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryRequirements.html) """ @struct_hash_equal struct SparseImageMemoryRequirements <: HighLevelStruct format_properties::SparseImageFormatProperties image_mip_tail_first_lod::UInt32 image_mip_tail_size::UInt64 image_mip_tail_offset::UInt64 image_mip_tail_stride::UInt64 end """ High-level wrapper for VkSparseImageMemoryRequirements2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryRequirements2.html) """ @struct_hash_equal struct SparseImageMemoryRequirements2 <: HighLevelStruct next::Any memory_requirements::SparseImageMemoryRequirements end """ High-level wrapper for VkSparseImageFormatProperties2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageFormatProperties2.html) """ @struct_hash_equal struct SparseImageFormatProperties2 <: HighLevelStruct next::Any properties::SparseImageFormatProperties end """ High-level wrapper for VkImageSubresource. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresource.html) """ @struct_hash_equal struct ImageSubresource <: HighLevelStruct aspect_mask::ImageAspectFlag mip_level::UInt32 array_layer::UInt32 end """ High-level wrapper for VkSparseImageMemoryBind. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryBind.html) """ @struct_hash_equal struct SparseImageMemoryBind <: HighLevelStruct subresource::ImageSubresource offset::Offset3D extent::Extent3D memory::OptionalPtr{DeviceMemory} memory_offset::UInt64 flags::SparseMemoryBindFlag end """ High-level wrapper for VkSparseImageMemoryBindInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryBindInfo.html) """ @struct_hash_equal struct SparseImageMemoryBindInfo <: HighLevelStruct image::Image binds::Vector{SparseImageMemoryBind} end """ High-level wrapper for VkBindSparseInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindSparseInfo.html) """ @struct_hash_equal struct BindSparseInfo <: HighLevelStruct next::Any wait_semaphores::Vector{Semaphore} buffer_binds::Vector{SparseBufferMemoryBindInfo} image_opaque_binds::Vector{SparseImageOpaqueMemoryBindInfo} image_binds::Vector{SparseImageMemoryBindInfo} signal_semaphores::Vector{Semaphore} end """ High-level wrapper for VkImageSubresource2EXT. Extension: VK\\_EXT\\_image\\_compression\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresource2EXT.html) """ @struct_hash_equal struct ImageSubresource2EXT <: HighLevelStruct next::Any image_subresource::ImageSubresource end """ High-level wrapper for VkImageSubresourceLayers. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresourceLayers.html) """ @struct_hash_equal struct ImageSubresourceLayers <: HighLevelStruct aspect_mask::ImageAspectFlag mip_level::UInt32 base_array_layer::UInt32 layer_count::UInt32 end """ High-level wrapper for VkImageCopy. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCopy.html) """ @struct_hash_equal struct ImageCopy <: HighLevelStruct src_subresource::ImageSubresourceLayers src_offset::Offset3D dst_subresource::ImageSubresourceLayers dst_offset::Offset3D extent::Extent3D end """ High-level wrapper for VkImageBlit. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageBlit.html) """ @struct_hash_equal struct ImageBlit <: HighLevelStruct src_subresource::ImageSubresourceLayers src_offsets::NTuple{2, Offset3D} dst_subresource::ImageSubresourceLayers dst_offsets::NTuple{2, Offset3D} end """ High-level wrapper for VkBufferImageCopy. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferImageCopy.html) """ @struct_hash_equal struct BufferImageCopy <: HighLevelStruct buffer_offset::UInt64 buffer_row_length::UInt32 buffer_image_height::UInt32 image_subresource::ImageSubresourceLayers image_offset::Offset3D image_extent::Extent3D end """ High-level wrapper for VkCopyMemoryToImageIndirectCommandNV. Extension: VK\\_NV\\_copy\\_memory\\_indirect [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryToImageIndirectCommandNV.html) """ @struct_hash_equal struct CopyMemoryToImageIndirectCommandNV <: HighLevelStruct src_address::UInt64 buffer_row_length::UInt32 buffer_image_height::UInt32 image_subresource::ImageSubresourceLayers image_offset::Offset3D image_extent::Extent3D end """ High-level wrapper for VkImageResolve. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageResolve.html) """ @struct_hash_equal struct ImageResolve <: HighLevelStruct src_subresource::ImageSubresourceLayers src_offset::Offset3D dst_subresource::ImageSubresourceLayers dst_offset::Offset3D extent::Extent3D end """ High-level wrapper for VkImageCopy2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCopy2.html) """ @struct_hash_equal struct ImageCopy2 <: HighLevelStruct next::Any src_subresource::ImageSubresourceLayers src_offset::Offset3D dst_subresource::ImageSubresourceLayers dst_offset::Offset3D extent::Extent3D end """ High-level wrapper for VkImageBlit2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageBlit2.html) """ @struct_hash_equal struct ImageBlit2 <: HighLevelStruct next::Any src_subresource::ImageSubresourceLayers src_offsets::NTuple{2, Offset3D} dst_subresource::ImageSubresourceLayers dst_offsets::NTuple{2, Offset3D} end """ High-level wrapper for VkBufferImageCopy2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferImageCopy2.html) """ @struct_hash_equal struct BufferImageCopy2 <: HighLevelStruct next::Any buffer_offset::UInt64 buffer_row_length::UInt32 buffer_image_height::UInt32 image_subresource::ImageSubresourceLayers image_offset::Offset3D image_extent::Extent3D end """ High-level wrapper for VkImageResolve2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageResolve2.html) """ @struct_hash_equal struct ImageResolve2 <: HighLevelStruct next::Any src_subresource::ImageSubresourceLayers src_offset::Offset3D dst_subresource::ImageSubresourceLayers dst_offset::Offset3D extent::Extent3D end """ High-level wrapper for VkImageSubresourceRange. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresourceRange.html) """ @struct_hash_equal struct ImageSubresourceRange <: HighLevelStruct aspect_mask::ImageAspectFlag base_mip_level::UInt32 level_count::UInt32 base_array_layer::UInt32 layer_count::UInt32 end """ High-level wrapper for VkClearAttachment. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearAttachment.html) """ @struct_hash_equal struct ClearAttachment <: HighLevelStruct aspect_mask::ImageAspectFlag color_attachment::UInt32 clear_value::ClearValue end """ High-level wrapper for VkInputAttachmentAspectReference. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkInputAttachmentAspectReference.html) """ @struct_hash_equal struct InputAttachmentAspectReference <: HighLevelStruct subpass::UInt32 input_attachment_index::UInt32 aspect_mask::ImageAspectFlag end """ High-level wrapper for VkRenderPassInputAttachmentAspectCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassInputAttachmentAspectCreateInfo.html) """ @struct_hash_equal struct RenderPassInputAttachmentAspectCreateInfo <: HighLevelStruct next::Any aspect_references::Vector{InputAttachmentAspectReference} end """ High-level wrapper for VkBindImagePlaneMemoryInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImagePlaneMemoryInfo.html) """ @struct_hash_equal struct BindImagePlaneMemoryInfo <: HighLevelStruct next::Any plane_aspect::ImageAspectFlag end """ High-level wrapper for VkImagePlaneMemoryRequirementsInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImagePlaneMemoryRequirementsInfo.html) """ @struct_hash_equal struct ImagePlaneMemoryRequirementsInfo <: HighLevelStruct next::Any plane_aspect::ImageAspectFlag end """ High-level wrapper for VkCommandBufferInheritanceInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceInfo.html) """ @struct_hash_equal struct CommandBufferInheritanceInfo <: HighLevelStruct next::Any render_pass::OptionalPtr{RenderPass} subpass::UInt32 framebuffer::OptionalPtr{Framebuffer} occlusion_query_enable::Bool query_flags::QueryControlFlag pipeline_statistics::QueryPipelineStatisticFlag end """ High-level wrapper for VkCommandBufferBeginInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferBeginInfo.html) """ @struct_hash_equal struct CommandBufferBeginInfo <: HighLevelStruct next::Any flags::CommandBufferUsageFlag inheritance_info::OptionalPtr{CommandBufferInheritanceInfo} end """ High-level wrapper for VkFormatProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFormatProperties.html) """ @struct_hash_equal struct FormatProperties <: HighLevelStruct linear_tiling_features::FormatFeatureFlag optimal_tiling_features::FormatFeatureFlag buffer_features::FormatFeatureFlag end """ High-level wrapper for VkFormatProperties2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFormatProperties2.html) """ @struct_hash_equal struct FormatProperties2 <: HighLevelStruct next::Any format_properties::FormatProperties end """ High-level wrapper for VkDrmFormatModifierPropertiesEXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierPropertiesEXT.html) """ @struct_hash_equal struct DrmFormatModifierPropertiesEXT <: HighLevelStruct drm_format_modifier::UInt64 drm_format_modifier_plane_count::UInt32 drm_format_modifier_tiling_features::FormatFeatureFlag end """ High-level wrapper for VkDrmFormatModifierPropertiesListEXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierPropertiesListEXT.html) """ @struct_hash_equal struct DrmFormatModifierPropertiesListEXT <: HighLevelStruct next::Any drm_format_modifier_properties::OptionalPtr{Vector{DrmFormatModifierPropertiesEXT}} end """ High-level wrapper for VkFenceCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFenceCreateInfo.html) """ @struct_hash_equal struct FenceCreateInfo <: HighLevelStruct next::Any flags::FenceCreateFlag end """ High-level wrapper for VkSurfaceCapabilitiesKHR. Extension: VK\\_KHR\\_surface [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilitiesKHR.html) """ @struct_hash_equal struct SurfaceCapabilitiesKHR <: HighLevelStruct min_image_count::UInt32 max_image_count::UInt32 current_extent::Extent2D min_image_extent::Extent2D max_image_extent::Extent2D max_image_array_layers::UInt32 supported_transforms::SurfaceTransformFlagKHR current_transform::SurfaceTransformFlagKHR supported_composite_alpha::CompositeAlphaFlagKHR supported_usage_flags::ImageUsageFlag end """ High-level wrapper for VkSurfaceCapabilities2KHR. Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilities2KHR.html) """ @struct_hash_equal struct SurfaceCapabilities2KHR <: HighLevelStruct next::Any surface_capabilities::SurfaceCapabilitiesKHR end """ High-level wrapper for VkSurfaceCapabilities2EXT. Extension: VK\\_EXT\\_display\\_surface\\_counter [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilities2EXT.html) """ @struct_hash_equal struct SurfaceCapabilities2EXT <: HighLevelStruct next::Any min_image_count::UInt32 max_image_count::UInt32 current_extent::Extent2D min_image_extent::Extent2D max_image_extent::Extent2D max_image_array_layers::UInt32 supported_transforms::SurfaceTransformFlagKHR current_transform::SurfaceTransformFlagKHR supported_composite_alpha::CompositeAlphaFlagKHR supported_usage_flags::ImageUsageFlag supported_surface_counters::SurfaceCounterFlagEXT end """ High-level wrapper for VkSharedPresentSurfaceCapabilitiesKHR. Extension: VK\\_KHR\\_shared\\_presentable\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSharedPresentSurfaceCapabilitiesKHR.html) """ @struct_hash_equal struct SharedPresentSurfaceCapabilitiesKHR <: HighLevelStruct next::Any shared_present_supported_usage_flags::ImageUsageFlag end """ High-level wrapper for VkImageViewUsageCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewUsageCreateInfo.html) """ @struct_hash_equal struct ImageViewUsageCreateInfo <: HighLevelStruct next::Any usage::ImageUsageFlag end """ High-level wrapper for VkImageStencilUsageCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageStencilUsageCreateInfo.html) """ @struct_hash_equal struct ImageStencilUsageCreateInfo <: HighLevelStruct next::Any stencil_usage::ImageUsageFlag end """ High-level wrapper for VkPhysicalDeviceVideoFormatInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVideoFormatInfoKHR.html) """ @struct_hash_equal struct PhysicalDeviceVideoFormatInfoKHR <: HighLevelStruct next::Any image_usage::ImageUsageFlag end """ High-level wrapper for VkPipelineShaderStageCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineShaderStageCreateInfo.html) """ @struct_hash_equal struct PipelineShaderStageCreateInfo <: HighLevelStruct next::Any flags::PipelineShaderStageCreateFlag stage::ShaderStageFlag _module::OptionalPtr{ShaderModule} name::String specialization_info::OptionalPtr{SpecializationInfo} end """ High-level wrapper for VkComputePipelineCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkComputePipelineCreateInfo.html) """ @struct_hash_equal struct ComputePipelineCreateInfo <: HighLevelStruct next::Any flags::PipelineCreateFlag stage::PipelineShaderStageCreateInfo layout::PipelineLayout base_pipeline_handle::OptionalPtr{Pipeline} base_pipeline_index::Int32 end """ High-level wrapper for VkPushConstantRange. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPushConstantRange.html) """ @struct_hash_equal struct PushConstantRange <: HighLevelStruct stage_flags::ShaderStageFlag offset::UInt32 size::UInt32 end """ High-level wrapper for VkPipelineLayoutCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineLayoutCreateInfo.html) """ @struct_hash_equal struct PipelineLayoutCreateInfo <: HighLevelStruct next::Any flags::PipelineLayoutCreateFlag set_layouts::Vector{DescriptorSetLayout} push_constant_ranges::Vector{PushConstantRange} end """ High-level wrapper for VkPhysicalDeviceSubgroupProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubgroupProperties.html) """ @struct_hash_equal struct PhysicalDeviceSubgroupProperties <: HighLevelStruct next::Any subgroup_size::UInt32 supported_stages::ShaderStageFlag supported_operations::SubgroupFeatureFlag quad_operations_in_all_stages::Bool end """ High-level wrapper for VkShaderStatisticsInfoAMD. Extension: VK\\_AMD\\_shader\\_info [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderStatisticsInfoAMD.html) """ @struct_hash_equal struct ShaderStatisticsInfoAMD <: HighLevelStruct shader_stage_mask::ShaderStageFlag resource_usage::ShaderResourceUsageAMD num_physical_vgprs::UInt32 num_physical_sgprs::UInt32 num_available_vgprs::UInt32 num_available_sgprs::UInt32 compute_work_group_size::NTuple{3, UInt32} end """ High-level wrapper for VkPhysicalDeviceCooperativeMatrixPropertiesNV. Extension: VK\\_NV\\_cooperative\\_matrix [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCooperativeMatrixPropertiesNV.html) """ @struct_hash_equal struct PhysicalDeviceCooperativeMatrixPropertiesNV <: HighLevelStruct next::Any cooperative_matrix_supported_stages::ShaderStageFlag end """ High-level wrapper for VkPipelineExecutablePropertiesKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutablePropertiesKHR.html) """ @struct_hash_equal struct PipelineExecutablePropertiesKHR <: HighLevelStruct next::Any stages::ShaderStageFlag name::String description::String subgroup_size::UInt32 end """ High-level wrapper for VkPhysicalDeviceSubgroupSizeControlProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubgroupSizeControlProperties.html) """ @struct_hash_equal struct PhysicalDeviceSubgroupSizeControlProperties <: HighLevelStruct next::Any min_subgroup_size::UInt32 max_subgroup_size::UInt32 max_compute_workgroup_subgroups::UInt32 required_subgroup_size_stages::ShaderStageFlag end """ High-level wrapper for VkPhysicalDeviceVulkan13Properties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan13Properties.html) """ @struct_hash_equal struct PhysicalDeviceVulkan13Properties <: HighLevelStruct next::Any min_subgroup_size::UInt32 max_subgroup_size::UInt32 max_compute_workgroup_subgroups::UInt32 required_subgroup_size_stages::ShaderStageFlag max_inline_uniform_block_size::UInt32 max_per_stage_descriptor_inline_uniform_blocks::UInt32 max_per_stage_descriptor_update_after_bind_inline_uniform_blocks::UInt32 max_descriptor_set_inline_uniform_blocks::UInt32 max_descriptor_set_update_after_bind_inline_uniform_blocks::UInt32 max_inline_uniform_total_size::UInt32 integer_dot_product_8_bit_unsigned_accelerated::Bool integer_dot_product_8_bit_signed_accelerated::Bool integer_dot_product_8_bit_mixed_signedness_accelerated::Bool integer_dot_product_8_bit_packed_unsigned_accelerated::Bool integer_dot_product_8_bit_packed_signed_accelerated::Bool integer_dot_product_8_bit_packed_mixed_signedness_accelerated::Bool integer_dot_product_16_bit_unsigned_accelerated::Bool integer_dot_product_16_bit_signed_accelerated::Bool integer_dot_product_16_bit_mixed_signedness_accelerated::Bool integer_dot_product_32_bit_unsigned_accelerated::Bool integer_dot_product_32_bit_signed_accelerated::Bool integer_dot_product_32_bit_mixed_signedness_accelerated::Bool integer_dot_product_64_bit_unsigned_accelerated::Bool integer_dot_product_64_bit_signed_accelerated::Bool integer_dot_product_64_bit_mixed_signedness_accelerated::Bool integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated::Bool integer_dot_product_accumulating_saturating_8_bit_signed_accelerated::Bool integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated::Bool integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated::Bool integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated::Bool integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated::Bool integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated::Bool integer_dot_product_accumulating_saturating_16_bit_signed_accelerated::Bool integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated::Bool integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated::Bool integer_dot_product_accumulating_saturating_32_bit_signed_accelerated::Bool integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated::Bool integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated::Bool integer_dot_product_accumulating_saturating_64_bit_signed_accelerated::Bool integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated::Bool storage_texel_buffer_offset_alignment_bytes::UInt64 storage_texel_buffer_offset_single_texel_alignment::Bool uniform_texel_buffer_offset_alignment_bytes::UInt64 uniform_texel_buffer_offset_single_texel_alignment::Bool max_buffer_size::UInt64 end """ High-level wrapper for VkPhysicalDeviceExternalBufferInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalBufferInfo.html) """ @struct_hash_equal struct PhysicalDeviceExternalBufferInfo <: HighLevelStruct next::Any flags::BufferCreateFlag usage::BufferUsageFlag handle_type::ExternalMemoryHandleTypeFlag end """ High-level wrapper for VkDescriptorBufferBindingInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorBufferBindingInfoEXT.html) """ @struct_hash_equal struct DescriptorBufferBindingInfoEXT <: HighLevelStruct next::Any address::UInt64 usage::BufferUsageFlag end """ High-level wrapper for VkMemoryBarrier. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryBarrier.html) """ @struct_hash_equal struct MemoryBarrier <: HighLevelStruct next::Any src_access_mask::AccessFlag dst_access_mask::AccessFlag end """ High-level wrapper for VkBufferMemoryBarrier. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferMemoryBarrier.html) """ @struct_hash_equal struct BufferMemoryBarrier <: HighLevelStruct next::Any src_access_mask::AccessFlag dst_access_mask::AccessFlag src_queue_family_index::UInt32 dst_queue_family_index::UInt32 buffer::Buffer offset::UInt64 size::UInt64 end """ High-level wrapper for VkSubpassDependency. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDependency.html) """ @struct_hash_equal struct SubpassDependency <: HighLevelStruct src_subpass::UInt32 dst_subpass::UInt32 src_stage_mask::PipelineStageFlag dst_stage_mask::PipelineStageFlag src_access_mask::AccessFlag dst_access_mask::AccessFlag dependency_flags::DependencyFlag end """ High-level wrapper for VkSubpassDependency2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDependency2.html) """ @struct_hash_equal struct SubpassDependency2 <: HighLevelStruct next::Any src_subpass::UInt32 dst_subpass::UInt32 src_stage_mask::PipelineStageFlag dst_stage_mask::PipelineStageFlag src_access_mask::AccessFlag dst_access_mask::AccessFlag dependency_flags::DependencyFlag view_offset::Int32 end """ High-level wrapper for VkMemoryHeap. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryHeap.html) """ @struct_hash_equal struct MemoryHeap <: HighLevelStruct size::UInt64 flags::MemoryHeapFlag end """ High-level wrapper for VkMemoryType. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryType.html) """ @struct_hash_equal struct MemoryType <: HighLevelStruct property_flags::MemoryPropertyFlag heap_index::UInt32 end """ High-level wrapper for VkPhysicalDeviceMemoryProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryProperties.html) """ @struct_hash_equal struct PhysicalDeviceMemoryProperties <: HighLevelStruct memory_type_count::UInt32 memory_types::NTuple{Int(VK_MAX_MEMORY_TYPES), MemoryType} memory_heap_count::UInt32 memory_heaps::NTuple{Int(VK_MAX_MEMORY_HEAPS), MemoryHeap} end """ High-level wrapper for VkPhysicalDeviceMemoryProperties2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryProperties2.html) """ @struct_hash_equal struct PhysicalDeviceMemoryProperties2 <: HighLevelStruct next::Any memory_properties::PhysicalDeviceMemoryProperties end """ High-level wrapper for VkDeviceQueueCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceQueueCreateInfo.html) """ @struct_hash_equal struct DeviceQueueCreateInfo <: HighLevelStruct next::Any flags::DeviceQueueCreateFlag queue_family_index::UInt32 queue_priorities::Vector{Float32} end """ High-level wrapper for VkDeviceCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceCreateInfo.html) """ @struct_hash_equal struct DeviceCreateInfo <: HighLevelStruct next::Any flags::UInt32 queue_create_infos::Vector{DeviceQueueCreateInfo} enabled_layer_names::Vector{String} enabled_extension_names::Vector{String} enabled_features::OptionalPtr{PhysicalDeviceFeatures} end """ High-level wrapper for VkDeviceQueueInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceQueueInfo2.html) """ @struct_hash_equal struct DeviceQueueInfo2 <: HighLevelStruct next::Any flags::DeviceQueueCreateFlag queue_family_index::UInt32 queue_index::UInt32 end """ High-level wrapper for VkQueueFamilyProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyProperties.html) """ @struct_hash_equal struct QueueFamilyProperties <: HighLevelStruct queue_flags::QueueFlag queue_count::UInt32 timestamp_valid_bits::UInt32 min_image_transfer_granularity::Extent3D end """ High-level wrapper for VkQueueFamilyProperties2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyProperties2.html) """ @struct_hash_equal struct QueueFamilyProperties2 <: HighLevelStruct next::Any queue_family_properties::QueueFamilyProperties end """ High-level wrapper for VkPhysicalDeviceCopyMemoryIndirectPropertiesNV. Extension: VK\\_NV\\_copy\\_memory\\_indirect [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCopyMemoryIndirectPropertiesNV.html) """ @struct_hash_equal struct PhysicalDeviceCopyMemoryIndirectPropertiesNV <: HighLevelStruct next::Any supported_queues::QueueFlag end """ High-level wrapper for VkPipelineCacheCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCacheCreateInfo.html) """ @struct_hash_equal struct PipelineCacheCreateInfo <: HighLevelStruct next::Any flags::PipelineCacheCreateFlag initial_data_size::OptionalPtr{UInt} initial_data::Ptr{Cvoid} end """ High-level wrapper for VkDeviceFaultVendorBinaryHeaderVersionOneEXT. Extension: VK\\_EXT\\_device\\_fault [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultVendorBinaryHeaderVersionOneEXT.html) """ @struct_hash_equal struct DeviceFaultVendorBinaryHeaderVersionOneEXT <: HighLevelStruct header_size::UInt32 header_version::DeviceFaultVendorBinaryHeaderVersionEXT vendor_id::UInt32 device_id::UInt32 driver_version::VersionNumber pipeline_cache_uuid::NTuple{Int(VK_UUID_SIZE), UInt8} application_name_offset::UInt32 application_version::VersionNumber engine_name_offset::UInt32 end """ High-level wrapper for VkDeviceFaultAddressInfoEXT. Extension: VK\\_EXT\\_device\\_fault [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultAddressInfoEXT.html) """ @struct_hash_equal struct DeviceFaultAddressInfoEXT <: HighLevelStruct address_type::DeviceFaultAddressTypeEXT reported_address::UInt64 address_precision::UInt64 end """ High-level wrapper for VkDeviceFaultInfoEXT. Extension: VK\\_EXT\\_device\\_fault [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultInfoEXT.html) """ @struct_hash_equal struct DeviceFaultInfoEXT <: HighLevelStruct next::Any description::String address_infos::OptionalPtr{DeviceFaultAddressInfoEXT} vendor_infos::OptionalPtr{DeviceFaultVendorInfoEXT} vendor_binary_data::OptionalPtr{Ptr{Cvoid}} end """ High-level wrapper for VkCopyMicromapInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMicromapInfoEXT.html) """ @struct_hash_equal struct CopyMicromapInfoEXT <: HighLevelStruct next::Any src::MicromapEXT dst::MicromapEXT mode::CopyMicromapModeEXT end """ High-level wrapper for VkCopyMicromapToMemoryInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMicromapToMemoryInfoEXT.html) """ @struct_hash_equal struct CopyMicromapToMemoryInfoEXT <: HighLevelStruct next::Any src::MicromapEXT dst::DeviceOrHostAddressKHR mode::CopyMicromapModeEXT end """ High-level wrapper for VkCopyMemoryToMicromapInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryToMicromapInfoEXT.html) """ @struct_hash_equal struct CopyMemoryToMicromapInfoEXT <: HighLevelStruct next::Any src::DeviceOrHostAddressConstKHR dst::MicromapEXT mode::CopyMicromapModeEXT end """ High-level wrapper for VkMicromapBuildInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapBuildInfoEXT.html) """ @struct_hash_equal struct MicromapBuildInfoEXT <: HighLevelStruct next::Any type::MicromapTypeEXT flags::BuildMicromapFlagEXT mode::BuildMicromapModeEXT dst_micromap::OptionalPtr{MicromapEXT} usage_counts::OptionalPtr{Vector{MicromapUsageEXT}} usage_counts_2::OptionalPtr{Vector{MicromapUsageEXT}} data::DeviceOrHostAddressConstKHR scratch_data::DeviceOrHostAddressKHR triangle_array::DeviceOrHostAddressConstKHR triangle_array_stride::UInt64 end """ High-level wrapper for VkMicromapCreateInfoEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapCreateInfoEXT.html) """ @struct_hash_equal struct MicromapCreateInfoEXT <: HighLevelStruct next::Any create_flags::MicromapCreateFlagEXT buffer::Buffer offset::UInt64 size::UInt64 type::MicromapTypeEXT device_address::UInt64 end """ High-level wrapper for VkPipelineRobustnessCreateInfoEXT. Extension: VK\\_EXT\\_pipeline\\_robustness [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRobustnessCreateInfoEXT.html) """ @struct_hash_equal struct PipelineRobustnessCreateInfoEXT <: HighLevelStruct next::Any storage_buffers::PipelineRobustnessBufferBehaviorEXT uniform_buffers::PipelineRobustnessBufferBehaviorEXT vertex_inputs::PipelineRobustnessBufferBehaviorEXT images::PipelineRobustnessImageBehaviorEXT end """ High-level wrapper for VkPhysicalDevicePipelineRobustnessPropertiesEXT. Extension: VK\\_EXT\\_pipeline\\_robustness [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineRobustnessPropertiesEXT.html) """ @struct_hash_equal struct PhysicalDevicePipelineRobustnessPropertiesEXT <: HighLevelStruct next::Any default_robustness_storage_buffers::PipelineRobustnessBufferBehaviorEXT default_robustness_uniform_buffers::PipelineRobustnessBufferBehaviorEXT default_robustness_vertex_inputs::PipelineRobustnessBufferBehaviorEXT default_robustness_images::PipelineRobustnessImageBehaviorEXT end """ High-level wrapper for VkDeviceAddressBindingCallbackDataEXT. Extension: VK\\_EXT\\_device\\_address\\_binding\\_report [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceAddressBindingCallbackDataEXT.html) """ @struct_hash_equal struct DeviceAddressBindingCallbackDataEXT <: HighLevelStruct next::Any flags::DeviceAddressBindingFlagEXT base_address::UInt64 size::UInt64 binding_type::DeviceAddressBindingTypeEXT end """ High-level wrapper for VkAccelerationStructureMotionInstanceNV. Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMotionInstanceNV.html) """ @struct_hash_equal struct AccelerationStructureMotionInstanceNV <: HighLevelStruct type::AccelerationStructureMotionInstanceTypeNV flags::UInt32 data::AccelerationStructureMotionInstanceDataNV end """ High-level wrapper for VkPipelineRasterizationProvokingVertexStateCreateInfoEXT. Extension: VK\\_EXT\\_provoking\\_vertex [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationProvokingVertexStateCreateInfoEXT.html) """ @struct_hash_equal struct PipelineRasterizationProvokingVertexStateCreateInfoEXT <: HighLevelStruct next::Any provoking_vertex_mode::ProvokingVertexModeEXT end """ High-level wrapper for VkRenderPassSubpassFeedbackInfoEXT. Extension: VK\\_EXT\\_subpass\\_merge\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassSubpassFeedbackInfoEXT.html) """ @struct_hash_equal struct RenderPassSubpassFeedbackInfoEXT <: HighLevelStruct subpass_merge_status::SubpassMergeStatusEXT description::String post_merge_index::UInt32 end """ High-level wrapper for VkRenderPassSubpassFeedbackCreateInfoEXT. Extension: VK\\_EXT\\_subpass\\_merge\\_feedback [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassSubpassFeedbackCreateInfoEXT.html) """ @struct_hash_equal struct RenderPassSubpassFeedbackCreateInfoEXT <: HighLevelStruct next::Any subpass_feedback::RenderPassSubpassFeedbackInfoEXT end """ High-level wrapper for VkPipelineFragmentShadingRateStateCreateInfoKHR. Extension: VK\\_KHR\\_fragment\\_shading\\_rate [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineFragmentShadingRateStateCreateInfoKHR.html) """ @struct_hash_equal struct PipelineFragmentShadingRateStateCreateInfoKHR <: HighLevelStruct next::Any fragment_size::Extent2D combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR} end """ High-level wrapper for VkPipelineFragmentShadingRateEnumStateCreateInfoNV. Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineFragmentShadingRateEnumStateCreateInfoNV.html) """ @struct_hash_equal struct PipelineFragmentShadingRateEnumStateCreateInfoNV <: HighLevelStruct next::Any shading_rate_type::FragmentShadingRateTypeNV shading_rate::FragmentShadingRateNV combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR} end """ High-level wrapper for VkPipelineRasterizationLineStateCreateInfoEXT. Extension: VK\\_EXT\\_line\\_rasterization [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationLineStateCreateInfoEXT.html) """ @struct_hash_equal struct PipelineRasterizationLineStateCreateInfoEXT <: HighLevelStruct next::Any line_rasterization_mode::LineRasterizationModeEXT stippled_line_enable::Bool line_stipple_factor::UInt32 line_stipple_pattern::UInt16 end """ High-level wrapper for VkPipelineExecutableStatisticKHR. Extension: VK\\_KHR\\_pipeline\\_executable\\_properties [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableStatisticKHR.html) """ @struct_hash_equal struct PipelineExecutableStatisticKHR <: HighLevelStruct next::Any name::String description::String format::PipelineExecutableStatisticFormatKHR value::PipelineExecutableStatisticValueKHR end """ High-level wrapper for VkPhysicalDeviceFloatControlsProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFloatControlsProperties.html) """ @struct_hash_equal struct PhysicalDeviceFloatControlsProperties <: HighLevelStruct next::Any denorm_behavior_independence::ShaderFloatControlsIndependence rounding_mode_independence::ShaderFloatControlsIndependence shader_signed_zero_inf_nan_preserve_float_16::Bool shader_signed_zero_inf_nan_preserve_float_32::Bool shader_signed_zero_inf_nan_preserve_float_64::Bool shader_denorm_preserve_float_16::Bool shader_denorm_preserve_float_32::Bool shader_denorm_preserve_float_64::Bool shader_denorm_flush_to_zero_float_16::Bool shader_denorm_flush_to_zero_float_32::Bool shader_denorm_flush_to_zero_float_64::Bool shader_rounding_mode_rte_float_16::Bool shader_rounding_mode_rte_float_32::Bool shader_rounding_mode_rte_float_64::Bool shader_rounding_mode_rtz_float_16::Bool shader_rounding_mode_rtz_float_32::Bool shader_rounding_mode_rtz_float_64::Bool end """ High-level wrapper for VkPerformanceValueINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceValueINTEL.html) """ @struct_hash_equal struct PerformanceValueINTEL <: HighLevelStruct type::PerformanceValueTypeINTEL data::PerformanceValueDataINTEL end """ High-level wrapper for VkPerformanceOverrideInfoINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceOverrideInfoINTEL.html) """ @struct_hash_equal struct PerformanceOverrideInfoINTEL <: HighLevelStruct next::Any type::PerformanceOverrideTypeINTEL enable::Bool parameter::UInt64 end """ High-level wrapper for VkQueryPoolPerformanceQueryCreateInfoINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueryPoolPerformanceQueryCreateInfoINTEL.html) """ @struct_hash_equal struct QueryPoolPerformanceQueryCreateInfoINTEL <: HighLevelStruct next::Any performance_counters_sampling::QueryPoolSamplingModeINTEL end """ High-level wrapper for VkPerformanceConfigurationAcquireInfoINTEL. Extension: VK\\_INTEL\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceConfigurationAcquireInfoINTEL.html) """ @struct_hash_equal struct PerformanceConfigurationAcquireInfoINTEL <: HighLevelStruct next::Any type::PerformanceConfigurationTypeINTEL end """ High-level wrapper for VkPerformanceCounterKHR. Extension: VK\\_KHR\\_performance\\_query [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceCounterKHR.html) """ @struct_hash_equal struct PerformanceCounterKHR <: HighLevelStruct next::Any unit::PerformanceCounterUnitKHR scope::PerformanceCounterScopeKHR storage::PerformanceCounterStorageKHR uuid::NTuple{Int(VK_UUID_SIZE), UInt8} end """ High-level wrapper for VkSurfaceFullScreenExclusiveInfoEXT. Extension: VK\\_EXT\\_full\\_screen\\_exclusive [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceFullScreenExclusiveInfoEXT.html) """ @struct_hash_equal struct SurfaceFullScreenExclusiveInfoEXT <: HighLevelStruct next::Any full_screen_exclusive::FullScreenExclusiveEXT end """ High-level wrapper for VkCooperativeMatrixPropertiesNV. Extension: VK\\_NV\\_cooperative\\_matrix [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCooperativeMatrixPropertiesNV.html) """ @struct_hash_equal struct CooperativeMatrixPropertiesNV <: HighLevelStruct next::Any m_size::UInt32 n_size::UInt32 k_size::UInt32 a_type::ComponentTypeNV b_type::ComponentTypeNV c_type::ComponentTypeNV d_type::ComponentTypeNV scope::ScopeNV end """ High-level wrapper for VkDeviceMemoryOverallocationCreateInfoAMD. Extension: VK\\_AMD\\_memory\\_overallocation\\_behavior [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceMemoryOverallocationCreateInfoAMD.html) """ @struct_hash_equal struct DeviceMemoryOverallocationCreateInfoAMD <: HighLevelStruct next::Any overallocation_behavior::MemoryOverallocationBehaviorAMD end """ High-level wrapper for VkRayTracingShaderGroupCreateInfoNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingShaderGroupCreateInfoNV.html) """ @struct_hash_equal struct RayTracingShaderGroupCreateInfoNV <: HighLevelStruct next::Any type::RayTracingShaderGroupTypeKHR general_shader::UInt32 closest_hit_shader::UInt32 any_hit_shader::UInt32 intersection_shader::UInt32 end """ High-level wrapper for VkRayTracingPipelineCreateInfoNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingPipelineCreateInfoNV.html) """ @struct_hash_equal struct RayTracingPipelineCreateInfoNV <: HighLevelStruct next::Any flags::PipelineCreateFlag stages::Vector{PipelineShaderStageCreateInfo} groups::Vector{RayTracingShaderGroupCreateInfoNV} max_recursion_depth::UInt32 layout::PipelineLayout base_pipeline_handle::OptionalPtr{Pipeline} base_pipeline_index::Int32 end """ High-level wrapper for VkRayTracingShaderGroupCreateInfoKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingShaderGroupCreateInfoKHR.html) """ @struct_hash_equal struct RayTracingShaderGroupCreateInfoKHR <: HighLevelStruct next::Any type::RayTracingShaderGroupTypeKHR general_shader::UInt32 closest_hit_shader::UInt32 any_hit_shader::UInt32 intersection_shader::UInt32 shader_group_capture_replay_handle::OptionalPtr{Ptr{Cvoid}} end """ High-level wrapper for VkAccelerationStructureMemoryRequirementsInfoNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMemoryRequirementsInfoNV.html) """ @struct_hash_equal struct AccelerationStructureMemoryRequirementsInfoNV <: HighLevelStruct next::Any type::AccelerationStructureMemoryRequirementsTypeNV acceleration_structure::AccelerationStructureNV end """ High-level wrapper for VkAccelerationStructureGeometryKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryKHR.html) """ @struct_hash_equal struct AccelerationStructureGeometryKHR <: HighLevelStruct next::Any geometry_type::GeometryTypeKHR geometry::AccelerationStructureGeometryDataKHR flags::GeometryFlagKHR end """ High-level wrapper for VkAccelerationStructureCreateInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureCreateInfoKHR.html) """ @struct_hash_equal struct AccelerationStructureCreateInfoKHR <: HighLevelStruct next::Any create_flags::AccelerationStructureCreateFlagKHR buffer::Buffer offset::UInt64 size::UInt64 type::AccelerationStructureTypeKHR device_address::UInt64 end """ High-level wrapper for VkAccelerationStructureBuildGeometryInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureBuildGeometryInfoKHR.html) """ @struct_hash_equal struct AccelerationStructureBuildGeometryInfoKHR <: HighLevelStruct next::Any type::AccelerationStructureTypeKHR flags::BuildAccelerationStructureFlagKHR mode::BuildAccelerationStructureModeKHR src_acceleration_structure::OptionalPtr{AccelerationStructureKHR} dst_acceleration_structure::OptionalPtr{AccelerationStructureKHR} geometries::OptionalPtr{Vector{AccelerationStructureGeometryKHR}} geometries_2::OptionalPtr{Vector{AccelerationStructureGeometryKHR}} scratch_data::DeviceOrHostAddressKHR end """ High-level wrapper for VkCopyAccelerationStructureInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyAccelerationStructureInfoKHR.html) """ @struct_hash_equal struct CopyAccelerationStructureInfoKHR <: HighLevelStruct next::Any src::AccelerationStructureKHR dst::AccelerationStructureKHR mode::CopyAccelerationStructureModeKHR end """ High-level wrapper for VkCopyAccelerationStructureToMemoryInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyAccelerationStructureToMemoryInfoKHR.html) """ @struct_hash_equal struct CopyAccelerationStructureToMemoryInfoKHR <: HighLevelStruct next::Any src::AccelerationStructureKHR dst::DeviceOrHostAddressKHR mode::CopyAccelerationStructureModeKHR end """ High-level wrapper for VkCopyMemoryToAccelerationStructureInfoKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryToAccelerationStructureInfoKHR.html) """ @struct_hash_equal struct CopyMemoryToAccelerationStructureInfoKHR <: HighLevelStruct next::Any src::DeviceOrHostAddressConstKHR dst::AccelerationStructureKHR mode::CopyAccelerationStructureModeKHR end """ High-level wrapper for VkShadingRatePaletteNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShadingRatePaletteNV.html) """ @struct_hash_equal struct ShadingRatePaletteNV <: HighLevelStruct shading_rate_palette_entries::Vector{ShadingRatePaletteEntryNV} end """ High-level wrapper for VkPipelineViewportShadingRateImageStateCreateInfoNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportShadingRateImageStateCreateInfoNV.html) """ @struct_hash_equal struct PipelineViewportShadingRateImageStateCreateInfoNV <: HighLevelStruct next::Any shading_rate_image_enable::Bool shading_rate_palettes::Vector{ShadingRatePaletteNV} end """ High-level wrapper for VkCoarseSampleOrderCustomNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCoarseSampleOrderCustomNV.html) """ @struct_hash_equal struct CoarseSampleOrderCustomNV <: HighLevelStruct shading_rate::ShadingRatePaletteEntryNV sample_count::UInt32 sample_locations::Vector{CoarseSampleLocationNV} end """ High-level wrapper for VkPipelineViewportCoarseSampleOrderStateCreateInfoNV. Extension: VK\\_NV\\_shading\\_rate\\_image [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportCoarseSampleOrderStateCreateInfoNV.html) """ @struct_hash_equal struct PipelineViewportCoarseSampleOrderStateCreateInfoNV <: HighLevelStruct next::Any sample_order_type::CoarseSampleOrderTypeNV custom_sample_orders::Vector{CoarseSampleOrderCustomNV} end """ High-level wrapper for VkPhysicalDeviceDriverProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDriverProperties.html) """ @struct_hash_equal struct PhysicalDeviceDriverProperties <: HighLevelStruct next::Any driver_id::DriverId driver_name::String driver_info::String conformance_version::ConformanceVersion end """ High-level wrapper for VkPhysicalDeviceVulkan12Properties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan12Properties.html) """ @struct_hash_equal struct PhysicalDeviceVulkan12Properties <: HighLevelStruct next::Any driver_id::DriverId driver_name::String driver_info::String conformance_version::ConformanceVersion denorm_behavior_independence::ShaderFloatControlsIndependence rounding_mode_independence::ShaderFloatControlsIndependence shader_signed_zero_inf_nan_preserve_float_16::Bool shader_signed_zero_inf_nan_preserve_float_32::Bool shader_signed_zero_inf_nan_preserve_float_64::Bool shader_denorm_preserve_float_16::Bool shader_denorm_preserve_float_32::Bool shader_denorm_preserve_float_64::Bool shader_denorm_flush_to_zero_float_16::Bool shader_denorm_flush_to_zero_float_32::Bool shader_denorm_flush_to_zero_float_64::Bool shader_rounding_mode_rte_float_16::Bool shader_rounding_mode_rte_float_32::Bool shader_rounding_mode_rte_float_64::Bool shader_rounding_mode_rtz_float_16::Bool shader_rounding_mode_rtz_float_32::Bool shader_rounding_mode_rtz_float_64::Bool max_update_after_bind_descriptors_in_all_pools::UInt32 shader_uniform_buffer_array_non_uniform_indexing_native::Bool shader_sampled_image_array_non_uniform_indexing_native::Bool shader_storage_buffer_array_non_uniform_indexing_native::Bool shader_storage_image_array_non_uniform_indexing_native::Bool shader_input_attachment_array_non_uniform_indexing_native::Bool robust_buffer_access_update_after_bind::Bool quad_divergent_implicit_lod::Bool max_per_stage_descriptor_update_after_bind_samplers::UInt32 max_per_stage_descriptor_update_after_bind_uniform_buffers::UInt32 max_per_stage_descriptor_update_after_bind_storage_buffers::UInt32 max_per_stage_descriptor_update_after_bind_sampled_images::UInt32 max_per_stage_descriptor_update_after_bind_storage_images::UInt32 max_per_stage_descriptor_update_after_bind_input_attachments::UInt32 max_per_stage_update_after_bind_resources::UInt32 max_descriptor_set_update_after_bind_samplers::UInt32 max_descriptor_set_update_after_bind_uniform_buffers::UInt32 max_descriptor_set_update_after_bind_uniform_buffers_dynamic::UInt32 max_descriptor_set_update_after_bind_storage_buffers::UInt32 max_descriptor_set_update_after_bind_storage_buffers_dynamic::UInt32 max_descriptor_set_update_after_bind_sampled_images::UInt32 max_descriptor_set_update_after_bind_storage_images::UInt32 max_descriptor_set_update_after_bind_input_attachments::UInt32 supported_depth_resolve_modes::ResolveModeFlag supported_stencil_resolve_modes::ResolveModeFlag independent_resolve_none::Bool independent_resolve::Bool filter_minmax_single_component_formats::Bool filter_minmax_image_component_mapping::Bool max_timeline_semaphore_value_difference::UInt64 framebuffer_integer_color_sample_counts::SampleCountFlag end """ High-level wrapper for VkPipelineRasterizationConservativeStateCreateInfoEXT. Extension: VK\\_EXT\\_conservative\\_rasterization [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationConservativeStateCreateInfoEXT.html) """ @struct_hash_equal struct PipelineRasterizationConservativeStateCreateInfoEXT <: HighLevelStruct next::Any flags::UInt32 conservative_rasterization_mode::ConservativeRasterizationModeEXT extra_primitive_overestimation_size::Float32 end """ High-level wrapper for VkDeviceQueueGlobalPriorityCreateInfoKHR. Extension: VK\\_KHR\\_global\\_priority [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceQueueGlobalPriorityCreateInfoKHR.html) """ @struct_hash_equal struct DeviceQueueGlobalPriorityCreateInfoKHR <: HighLevelStruct next::Any global_priority::QueueGlobalPriorityKHR end """ High-level wrapper for VkQueueFamilyGlobalPriorityPropertiesKHR. Extension: VK\\_KHR\\_global\\_priority [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyGlobalPriorityPropertiesKHR.html) """ @struct_hash_equal struct QueueFamilyGlobalPriorityPropertiesKHR <: HighLevelStruct next::Any priority_count::UInt32 priorities::NTuple{Int(VK_MAX_GLOBAL_PRIORITY_SIZE_KHR), QueueGlobalPriorityKHR} end """ High-level wrapper for VkPipelineCoverageReductionStateCreateInfoNV. Extension: VK\\_NV\\_coverage\\_reduction\\_mode [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCoverageReductionStateCreateInfoNV.html) """ @struct_hash_equal struct PipelineCoverageReductionStateCreateInfoNV <: HighLevelStruct next::Any flags::UInt32 coverage_reduction_mode::CoverageReductionModeNV end """ High-level wrapper for VkFramebufferMixedSamplesCombinationNV. Extension: VK\\_NV\\_coverage\\_reduction\\_mode [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferMixedSamplesCombinationNV.html) """ @struct_hash_equal struct FramebufferMixedSamplesCombinationNV <: HighLevelStruct next::Any coverage_reduction_mode::CoverageReductionModeNV rasterization_samples::SampleCountFlag depth_stencil_samples::SampleCountFlag color_samples::SampleCountFlag end """ High-level wrapper for VkPipelineCoverageModulationStateCreateInfoNV. Extension: VK\\_NV\\_framebuffer\\_mixed\\_samples [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCoverageModulationStateCreateInfoNV.html) """ @struct_hash_equal struct PipelineCoverageModulationStateCreateInfoNV <: HighLevelStruct next::Any flags::UInt32 coverage_modulation_mode::CoverageModulationModeNV coverage_modulation_table_enable::Bool coverage_modulation_table::OptionalPtr{Vector{Float32}} end """ High-level wrapper for VkPipelineColorBlendAdvancedStateCreateInfoEXT. Extension: VK\\_EXT\\_blend\\_operation\\_advanced [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorBlendAdvancedStateCreateInfoEXT.html) """ @struct_hash_equal struct PipelineColorBlendAdvancedStateCreateInfoEXT <: HighLevelStruct next::Any src_premultiplied::Bool dst_premultiplied::Bool blend_overlap::BlendOverlapEXT end """ High-level wrapper for VkPipelineTessellationDomainOriginStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineTessellationDomainOriginStateCreateInfo.html) """ @struct_hash_equal struct PipelineTessellationDomainOriginStateCreateInfo <: HighLevelStruct next::Any domain_origin::TessellationDomainOrigin end """ High-level wrapper for VkSamplerReductionModeCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerReductionModeCreateInfo.html) """ @struct_hash_equal struct SamplerReductionModeCreateInfo <: HighLevelStruct next::Any reduction_mode::SamplerReductionMode end """ High-level wrapper for VkPhysicalDevicePointClippingProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePointClippingProperties.html) """ @struct_hash_equal struct PhysicalDevicePointClippingProperties <: HighLevelStruct next::Any point_clipping_behavior::PointClippingBehavior end """ High-level wrapper for VkPhysicalDeviceVulkan11Properties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan11Properties.html) """ @struct_hash_equal struct PhysicalDeviceVulkan11Properties <: HighLevelStruct next::Any device_uuid::NTuple{Int(VK_UUID_SIZE), UInt8} driver_uuid::NTuple{Int(VK_UUID_SIZE), UInt8} device_luid::NTuple{Int(VK_LUID_SIZE), UInt8} device_node_mask::UInt32 device_luid_valid::Bool subgroup_size::UInt32 subgroup_supported_stages::ShaderStageFlag subgroup_supported_operations::SubgroupFeatureFlag subgroup_quad_operations_in_all_stages::Bool point_clipping_behavior::PointClippingBehavior max_multiview_view_count::UInt32 max_multiview_instance_index::UInt32 protected_no_fault::Bool max_per_set_descriptors::UInt32 max_memory_allocation_size::UInt64 end """ High-level wrapper for VkPipelineDiscardRectangleStateCreateInfoEXT. Extension: VK\\_EXT\\_discard\\_rectangles [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineDiscardRectangleStateCreateInfoEXT.html) """ @struct_hash_equal struct PipelineDiscardRectangleStateCreateInfoEXT <: HighLevelStruct next::Any flags::UInt32 discard_rectangle_mode::DiscardRectangleModeEXT discard_rectangles::Vector{Rect2D} end """ High-level wrapper for VkViewportSwizzleNV. Extension: VK\\_NV\\_viewport\\_swizzle [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkViewportSwizzleNV.html) """ @struct_hash_equal struct ViewportSwizzleNV <: HighLevelStruct x::ViewportCoordinateSwizzleNV y::ViewportCoordinateSwizzleNV z::ViewportCoordinateSwizzleNV w::ViewportCoordinateSwizzleNV end """ High-level wrapper for VkPipelineViewportSwizzleStateCreateInfoNV. Extension: VK\\_NV\\_viewport\\_swizzle [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportSwizzleStateCreateInfoNV.html) """ @struct_hash_equal struct PipelineViewportSwizzleStateCreateInfoNV <: HighLevelStruct next::Any flags::UInt32 viewport_swizzles::Vector{ViewportSwizzleNV} end """ High-level wrapper for VkDisplayEventInfoEXT. Extension: VK\\_EXT\\_display\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayEventInfoEXT.html) """ @struct_hash_equal struct DisplayEventInfoEXT <: HighLevelStruct next::Any display_event::DisplayEventTypeEXT end """ High-level wrapper for VkDeviceEventInfoEXT. Extension: VK\\_EXT\\_display\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceEventInfoEXT.html) """ @struct_hash_equal struct DeviceEventInfoEXT <: HighLevelStruct next::Any device_event::DeviceEventTypeEXT end """ High-level wrapper for VkDisplayPowerInfoEXT. Extension: VK\\_EXT\\_display\\_control [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPowerInfoEXT.html) """ @struct_hash_equal struct DisplayPowerInfoEXT <: HighLevelStruct next::Any power_state::DisplayPowerStateEXT end """ High-level wrapper for VkValidationFeaturesEXT. Extension: VK\\_EXT\\_validation\\_features [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkValidationFeaturesEXT.html) """ @struct_hash_equal struct ValidationFeaturesEXT <: HighLevelStruct next::Any enabled_validation_features::Vector{ValidationFeatureEnableEXT} disabled_validation_features::Vector{ValidationFeatureDisableEXT} end """ High-level wrapper for VkValidationFlagsEXT. Extension: VK\\_EXT\\_validation\\_flags [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkValidationFlagsEXT.html) """ @struct_hash_equal struct ValidationFlagsEXT <: HighLevelStruct next::Any disabled_validation_checks::Vector{ValidationCheckEXT} end """ High-level wrapper for VkPipelineRasterizationStateRasterizationOrderAMD. Extension: VK\\_AMD\\_rasterization\\_order [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationStateRasterizationOrderAMD.html) """ @struct_hash_equal struct PipelineRasterizationStateRasterizationOrderAMD <: HighLevelStruct next::Any rasterization_order::RasterizationOrderAMD end """ High-level wrapper for VkDebugMarkerObjectNameInfoEXT. Extension: VK\\_EXT\\_debug\\_marker [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugMarkerObjectNameInfoEXT.html) """ @struct_hash_equal struct DebugMarkerObjectNameInfoEXT <: HighLevelStruct next::Any object_type::DebugReportObjectTypeEXT object::UInt64 object_name::String end """ High-level wrapper for VkDebugMarkerObjectTagInfoEXT. Extension: VK\\_EXT\\_debug\\_marker [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugMarkerObjectTagInfoEXT.html) """ @struct_hash_equal struct DebugMarkerObjectTagInfoEXT <: HighLevelStruct next::Any object_type::DebugReportObjectTypeEXT object::UInt64 tag_name::UInt64 tag_size::UInt tag::Ptr{Cvoid} end """ High-level wrapper for VkCalibratedTimestampInfoEXT. Extension: VK\\_EXT\\_calibrated\\_timestamps [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCalibratedTimestampInfoEXT.html) """ @struct_hash_equal struct CalibratedTimestampInfoEXT <: HighLevelStruct next::Any time_domain::TimeDomainEXT end """ High-level wrapper for VkSurfacePresentModeEXT. Extension: VK\\_EXT\\_surface\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfacePresentModeEXT.html) """ @struct_hash_equal struct SurfacePresentModeEXT <: HighLevelStruct next::Any present_mode::PresentModeKHR end """ High-level wrapper for VkSurfacePresentModeCompatibilityEXT. Extension: VK\\_EXT\\_surface\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfacePresentModeCompatibilityEXT.html) """ @struct_hash_equal struct SurfacePresentModeCompatibilityEXT <: HighLevelStruct next::Any present_modes::OptionalPtr{Vector{PresentModeKHR}} end """ High-level wrapper for VkSwapchainPresentModesCreateInfoEXT. Extension: VK\\_EXT\\_swapchain\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentModesCreateInfoEXT.html) """ @struct_hash_equal struct SwapchainPresentModesCreateInfoEXT <: HighLevelStruct next::Any present_modes::Vector{PresentModeKHR} end """ High-level wrapper for VkSwapchainPresentModeInfoEXT. Extension: VK\\_EXT\\_swapchain\\_maintenance1 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentModeInfoEXT.html) """ @struct_hash_equal struct SwapchainPresentModeInfoEXT <: HighLevelStruct next::Any present_modes::Vector{PresentModeKHR} end """ High-level wrapper for VkSemaphoreTypeCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreTypeCreateInfo.html) """ @struct_hash_equal struct SemaphoreTypeCreateInfo <: HighLevelStruct next::Any semaphore_type::SemaphoreType initial_value::UInt64 end """ High-level wrapper for VkDirectDriverLoadingListLUNARG. Extension: VK\\_LUNARG\\_direct\\_driver\\_loading [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDirectDriverLoadingListLUNARG.html) """ @struct_hash_equal struct DirectDriverLoadingListLUNARG <: HighLevelStruct next::Any mode::DirectDriverLoadingModeLUNARG drivers::Vector{DirectDriverLoadingInfoLUNARG} end """ High-level wrapper for VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV. Extension: VK\\_NV\\_ray\\_tracing\\_invocation\\_reorder [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV.html) """ @struct_hash_equal struct PhysicalDeviceRayTracingInvocationReorderPropertiesNV <: HighLevelStruct next::Any ray_tracing_invocation_reorder_reordering_hint::RayTracingInvocationReorderModeNV end """ High-level wrapper for VkDebugUtilsObjectNameInfoEXT. Extension: VK\\_EXT\\_debug\\_utils [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsObjectNameInfoEXT.html) """ @struct_hash_equal struct DebugUtilsObjectNameInfoEXT <: HighLevelStruct next::Any object_type::ObjectType object_handle::UInt64 object_name::String end """ High-level wrapper for VkDebugUtilsMessengerCallbackDataEXT. Extension: VK\\_EXT\\_debug\\_utils [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsMessengerCallbackDataEXT.html) """ @struct_hash_equal struct DebugUtilsMessengerCallbackDataEXT <: HighLevelStruct next::Any flags::UInt32 message_id_name::String message_id_number::Int32 message::String queue_labels::Vector{DebugUtilsLabelEXT} cmd_buf_labels::Vector{DebugUtilsLabelEXT} objects::Vector{DebugUtilsObjectNameInfoEXT} end """ High-level wrapper for VkDebugUtilsObjectTagInfoEXT. Extension: VK\\_EXT\\_debug\\_utils [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsObjectTagInfoEXT.html) """ @struct_hash_equal struct DebugUtilsObjectTagInfoEXT <: HighLevelStruct next::Any object_type::ObjectType object_handle::UInt64 tag_name::UInt64 tag_size::UInt tag::Ptr{Cvoid} end """ High-level wrapper for VkDeviceMemoryReportCallbackDataEXT. Extension: VK\\_EXT\\_device\\_memory\\_report [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceMemoryReportCallbackDataEXT.html) """ @struct_hash_equal struct DeviceMemoryReportCallbackDataEXT <: HighLevelStruct next::Any flags::UInt32 type::DeviceMemoryReportEventTypeEXT memory_object_id::UInt64 size::UInt64 object_type::ObjectType object_handle::UInt64 heap_index::UInt32 end """ High-level wrapper for VkPipelineDynamicStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineDynamicStateCreateInfo.html) """ @struct_hash_equal struct PipelineDynamicStateCreateInfo <: HighLevelStruct next::Any flags::UInt32 dynamic_states::Vector{DynamicState} end """ High-level wrapper for VkRayTracingPipelineCreateInfoKHR. Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingPipelineCreateInfoKHR.html) """ @struct_hash_equal struct RayTracingPipelineCreateInfoKHR <: HighLevelStruct next::Any flags::PipelineCreateFlag stages::Vector{PipelineShaderStageCreateInfo} groups::Vector{RayTracingShaderGroupCreateInfoKHR} max_pipeline_ray_recursion_depth::UInt32 library_info::OptionalPtr{PipelineLibraryCreateInfoKHR} library_interface::OptionalPtr{RayTracingPipelineInterfaceCreateInfoKHR} dynamic_state::OptionalPtr{PipelineDynamicStateCreateInfo} layout::PipelineLayout base_pipeline_handle::OptionalPtr{Pipeline} base_pipeline_index::Int32 end """ High-level wrapper for VkPresentInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentInfoKHR.html) """ @struct_hash_equal struct PresentInfoKHR <: HighLevelStruct next::Any wait_semaphores::Vector{Semaphore} swapchains::Vector{SwapchainKHR} image_indices::Vector{UInt32} results::OptionalPtr{Vector{Result}} end """ High-level wrapper for VkSubpassBeginInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassBeginInfo.html) """ @struct_hash_equal struct SubpassBeginInfo <: HighLevelStruct next::Any contents::SubpassContents end """ High-level wrapper for VkBufferViewCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferViewCreateInfo.html) """ @struct_hash_equal struct BufferViewCreateInfo <: HighLevelStruct next::Any flags::UInt32 buffer::Buffer format::Format offset::UInt64 range::UInt64 end """ High-level wrapper for VkVertexInputAttributeDescription. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputAttributeDescription.html) """ @struct_hash_equal struct VertexInputAttributeDescription <: HighLevelStruct location::UInt32 binding::UInt32 format::Format offset::UInt32 end """ High-level wrapper for VkSurfaceFormatKHR. Extension: VK\\_KHR\\_surface [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceFormatKHR.html) """ @struct_hash_equal struct SurfaceFormatKHR <: HighLevelStruct format::Format color_space::ColorSpaceKHR end """ High-level wrapper for VkSurfaceFormat2KHR. Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceFormat2KHR.html) """ @struct_hash_equal struct SurfaceFormat2KHR <: HighLevelStruct next::Any surface_format::SurfaceFormatKHR end """ High-level wrapper for VkImageFormatListCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageFormatListCreateInfo.html) """ @struct_hash_equal struct ImageFormatListCreateInfo <: HighLevelStruct next::Any view_formats::Vector{Format} end """ High-level wrapper for VkImageViewASTCDecodeModeEXT. Extension: VK\\_EXT\\_astc\\_decode\\_mode [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewASTCDecodeModeEXT.html) """ @struct_hash_equal struct ImageViewASTCDecodeModeEXT <: HighLevelStruct next::Any decode_mode::Format end """ High-level wrapper for VkFramebufferAttachmentImageInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferAttachmentImageInfo.html) """ @struct_hash_equal struct FramebufferAttachmentImageInfo <: HighLevelStruct next::Any flags::ImageCreateFlag usage::ImageUsageFlag width::UInt32 height::UInt32 layer_count::UInt32 view_formats::Vector{Format} end """ High-level wrapper for VkFramebufferAttachmentsCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferAttachmentsCreateInfo.html) """ @struct_hash_equal struct FramebufferAttachmentsCreateInfo <: HighLevelStruct next::Any attachment_image_infos::Vector{FramebufferAttachmentImageInfo} end """ High-level wrapper for VkSamplerCustomBorderColorCreateInfoEXT. Extension: VK\\_EXT\\_custom\\_border\\_color [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerCustomBorderColorCreateInfoEXT.html) """ @struct_hash_equal struct SamplerCustomBorderColorCreateInfoEXT <: HighLevelStruct next::Any custom_border_color::ClearColorValue format::Format end """ High-level wrapper for VkVertexInputAttributeDescription2EXT. Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputAttributeDescription2EXT.html) """ @struct_hash_equal struct VertexInputAttributeDescription2EXT <: HighLevelStruct next::Any location::UInt32 binding::UInt32 format::Format offset::UInt32 end """ High-level wrapper for VkVideoSessionCreateInfoKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionCreateInfoKHR.html) """ @struct_hash_equal struct VideoSessionCreateInfoKHR <: HighLevelStruct next::Any queue_family_index::UInt32 flags::VideoSessionCreateFlagKHR video_profile::VideoProfileInfoKHR picture_format::Format max_coded_extent::Extent2D reference_picture_format::Format max_dpb_slots::UInt32 max_active_reference_pictures::UInt32 std_header_version::ExtensionProperties end """ High-level wrapper for VkDescriptorAddressInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorAddressInfoEXT.html) """ @struct_hash_equal struct DescriptorAddressInfoEXT <: HighLevelStruct next::Any address::UInt64 range::UInt64 format::Format end """ High-level wrapper for VkPipelineRenderingCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRenderingCreateInfo.html) """ @struct_hash_equal struct PipelineRenderingCreateInfo <: HighLevelStruct next::Any view_mask::UInt32 color_attachment_formats::Vector{Format} depth_attachment_format::Format stencil_attachment_format::Format end """ High-level wrapper for VkCommandBufferInheritanceRenderingInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceRenderingInfo.html) """ @struct_hash_equal struct CommandBufferInheritanceRenderingInfo <: HighLevelStruct next::Any flags::RenderingFlag view_mask::UInt32 color_attachment_formats::Vector{Format} depth_attachment_format::Format stencil_attachment_format::Format rasterization_samples::SampleCountFlag end """ High-level wrapper for VkOpticalFlowImageFormatPropertiesNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowImageFormatPropertiesNV.html) """ @struct_hash_equal struct OpticalFlowImageFormatPropertiesNV <: HighLevelStruct next::Any format::Format end """ High-level wrapper for VkOpticalFlowSessionCreateInfoNV. Extension: VK\\_NV\\_optical\\_flow [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowSessionCreateInfoNV.html) """ @struct_hash_equal struct OpticalFlowSessionCreateInfoNV <: HighLevelStruct next::Any width::UInt32 height::UInt32 image_format::Format flow_vector_format::Format cost_format::Format output_grid_size::OpticalFlowGridSizeFlagNV hint_grid_size::OpticalFlowGridSizeFlagNV performance_level::OpticalFlowPerformanceLevelNV flags::OpticalFlowSessionCreateFlagNV end """ High-level wrapper for VkVertexInputBindingDescription. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputBindingDescription.html) """ @struct_hash_equal struct VertexInputBindingDescription <: HighLevelStruct binding::UInt32 stride::UInt32 input_rate::VertexInputRate end """ High-level wrapper for VkPipelineVertexInputStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineVertexInputStateCreateInfo.html) """ @struct_hash_equal struct PipelineVertexInputStateCreateInfo <: HighLevelStruct next::Any flags::UInt32 vertex_binding_descriptions::Vector{VertexInputBindingDescription} vertex_attribute_descriptions::Vector{VertexInputAttributeDescription} end """ High-level wrapper for VkGraphicsShaderGroupCreateInfoNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsShaderGroupCreateInfoNV.html) """ @struct_hash_equal struct GraphicsShaderGroupCreateInfoNV <: HighLevelStruct next::Any stages::Vector{PipelineShaderStageCreateInfo} vertex_input_state::OptionalPtr{PipelineVertexInputStateCreateInfo} tessellation_state::OptionalPtr{PipelineTessellationStateCreateInfo} end """ High-level wrapper for VkGraphicsPipelineShaderGroupsCreateInfoNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsPipelineShaderGroupsCreateInfoNV.html) """ @struct_hash_equal struct GraphicsPipelineShaderGroupsCreateInfoNV <: HighLevelStruct next::Any groups::Vector{GraphicsShaderGroupCreateInfoNV} pipelines::Vector{Pipeline} end """ High-level wrapper for VkVertexInputBindingDescription2EXT. Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputBindingDescription2EXT.html) """ @struct_hash_equal struct VertexInputBindingDescription2EXT <: HighLevelStruct next::Any binding::UInt32 stride::UInt32 input_rate::VertexInputRate divisor::UInt32 end """ High-level wrapper for VkPhysicalDeviceProperties. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProperties.html) """ @struct_hash_equal struct PhysicalDeviceProperties <: HighLevelStruct api_version::VersionNumber driver_version::VersionNumber vendor_id::UInt32 device_id::UInt32 device_type::PhysicalDeviceType device_name::String pipeline_cache_uuid::NTuple{Int(VK_UUID_SIZE), UInt8} limits::PhysicalDeviceLimits sparse_properties::PhysicalDeviceSparseProperties end """ High-level wrapper for VkPhysicalDeviceProperties2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProperties2.html) """ @struct_hash_equal struct PhysicalDeviceProperties2 <: HighLevelStruct next::Any properties::PhysicalDeviceProperties end """ High-level wrapper for VkColorBlendAdvancedEXT. Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkColorBlendAdvancedEXT.html) """ @struct_hash_equal struct ColorBlendAdvancedEXT <: HighLevelStruct advanced_blend_op::BlendOp src_premultiplied::Bool dst_premultiplied::Bool blend_overlap::BlendOverlapEXT clamp_results::Bool end """ High-level wrapper for VkPipelineColorBlendAttachmentState. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorBlendAttachmentState.html) """ @struct_hash_equal struct PipelineColorBlendAttachmentState <: HighLevelStruct blend_enable::Bool src_color_blend_factor::BlendFactor dst_color_blend_factor::BlendFactor color_blend_op::BlendOp src_alpha_blend_factor::BlendFactor dst_alpha_blend_factor::BlendFactor alpha_blend_op::BlendOp color_write_mask::ColorComponentFlag end """ High-level wrapper for VkPipelineColorBlendStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorBlendStateCreateInfo.html) """ @struct_hash_equal struct PipelineColorBlendStateCreateInfo <: HighLevelStruct next::Any flags::PipelineColorBlendStateCreateFlag logic_op_enable::Bool logic_op::LogicOp attachments::OptionalPtr{Vector{PipelineColorBlendAttachmentState}} blend_constants::NTuple{4, Float32} end """ High-level wrapper for VkColorBlendEquationEXT. Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkColorBlendEquationEXT.html) """ @struct_hash_equal struct ColorBlendEquationEXT <: HighLevelStruct src_color_blend_factor::BlendFactor dst_color_blend_factor::BlendFactor color_blend_op::BlendOp src_alpha_blend_factor::BlendFactor dst_alpha_blend_factor::BlendFactor alpha_blend_op::BlendOp end """ High-level wrapper for VkPipelineRasterizationStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationStateCreateInfo.html) """ @struct_hash_equal struct PipelineRasterizationStateCreateInfo <: HighLevelStruct next::Any flags::UInt32 depth_clamp_enable::Bool rasterizer_discard_enable::Bool polygon_mode::PolygonMode cull_mode::CullModeFlag front_face::FrontFace depth_bias_enable::Bool depth_bias_constant_factor::Float32 depth_bias_clamp::Float32 depth_bias_slope_factor::Float32 line_width::Float32 end """ High-level wrapper for VkStencilOpState. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkStencilOpState.html) """ @struct_hash_equal struct StencilOpState <: HighLevelStruct fail_op::StencilOp pass_op::StencilOp depth_fail_op::StencilOp compare_op::CompareOp compare_mask::UInt32 write_mask::UInt32 reference::UInt32 end """ High-level wrapper for VkPipelineDepthStencilStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineDepthStencilStateCreateInfo.html) """ @struct_hash_equal struct PipelineDepthStencilStateCreateInfo <: HighLevelStruct next::Any flags::PipelineDepthStencilStateCreateFlag depth_test_enable::Bool depth_write_enable::Bool depth_compare_op::CompareOp depth_bounds_test_enable::Bool stencil_test_enable::Bool front::StencilOpState back::StencilOpState min_depth_bounds::Float32 max_depth_bounds::Float32 end """ High-level wrapper for VkBindIndexBufferIndirectCommandNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindIndexBufferIndirectCommandNV.html) """ @struct_hash_equal struct BindIndexBufferIndirectCommandNV <: HighLevelStruct buffer_address::UInt64 size::UInt32 index_type::IndexType end """ High-level wrapper for VkIndirectCommandsLayoutTokenNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkIndirectCommandsLayoutTokenNV.html) """ @struct_hash_equal struct IndirectCommandsLayoutTokenNV <: HighLevelStruct next::Any token_type::IndirectCommandsTokenTypeNV stream::UInt32 offset::UInt32 vertex_binding_unit::UInt32 vertex_dynamic_stride::Bool pushconstant_pipeline_layout::OptionalPtr{PipelineLayout} pushconstant_shader_stage_flags::ShaderStageFlag pushconstant_offset::UInt32 pushconstant_size::UInt32 indirect_state_flags::IndirectStateFlagNV index_types::Vector{IndexType} index_type_values::Vector{UInt32} end """ High-level wrapper for VkGeometryTrianglesNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryTrianglesNV.html) """ @struct_hash_equal struct GeometryTrianglesNV <: HighLevelStruct next::Any vertex_data::OptionalPtr{Buffer} vertex_offset::UInt64 vertex_count::UInt32 vertex_stride::UInt64 vertex_format::Format index_data::OptionalPtr{Buffer} index_offset::UInt64 index_count::UInt32 index_type::IndexType transform_data::OptionalPtr{Buffer} transform_offset::UInt64 end """ High-level wrapper for VkGeometryDataNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryDataNV.html) """ @struct_hash_equal struct GeometryDataNV <: HighLevelStruct triangles::GeometryTrianglesNV aabbs::GeometryAABBNV end """ High-level wrapper for VkGeometryNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryNV.html) """ @struct_hash_equal struct GeometryNV <: HighLevelStruct next::Any geometry_type::GeometryTypeKHR geometry::GeometryDataNV flags::GeometryFlagKHR end """ High-level wrapper for VkAccelerationStructureInfoNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureInfoNV.html) """ @struct_hash_equal struct AccelerationStructureInfoNV <: HighLevelStruct next::Any type::VkAccelerationStructureTypeNV flags::OptionalPtr{VkBuildAccelerationStructureFlagsNV} instance_count::UInt32 geometries::Vector{GeometryNV} end """ High-level wrapper for VkAccelerationStructureCreateInfoNV. Extension: VK\\_NV\\_ray\\_tracing [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureCreateInfoNV.html) """ @struct_hash_equal struct AccelerationStructureCreateInfoNV <: HighLevelStruct next::Any compacted_size::UInt64 info::AccelerationStructureInfoNV end """ High-level wrapper for VkAccelerationStructureGeometryTrianglesDataKHR. Extension: VK\\_KHR\\_acceleration\\_structure [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryTrianglesDataKHR.html) """ @struct_hash_equal struct AccelerationStructureGeometryTrianglesDataKHR <: HighLevelStruct next::Any vertex_format::Format vertex_data::DeviceOrHostAddressConstKHR vertex_stride::UInt64 max_vertex::UInt32 index_type::IndexType index_data::DeviceOrHostAddressConstKHR transform_data::DeviceOrHostAddressConstKHR end """ High-level wrapper for VkAccelerationStructureTrianglesOpacityMicromapEXT. Extension: VK\\_EXT\\_opacity\\_micromap [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureTrianglesOpacityMicromapEXT.html) """ @struct_hash_equal struct AccelerationStructureTrianglesOpacityMicromapEXT <: HighLevelStruct next::Any index_type::IndexType index_buffer::DeviceOrHostAddressConstKHR index_stride::UInt64 base_triangle::UInt32 usage_counts::OptionalPtr{Vector{MicromapUsageEXT}} usage_counts_2::OptionalPtr{Vector{MicromapUsageEXT}} micromap::MicromapEXT end """ High-level wrapper for VkBufferCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCreateInfo.html) """ @struct_hash_equal struct BufferCreateInfo <: HighLevelStruct next::Any flags::BufferCreateFlag size::UInt64 usage::BufferUsageFlag sharing_mode::SharingMode queue_family_indices::Vector{UInt32} end """ High-level wrapper for VkDeviceBufferMemoryRequirements. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceBufferMemoryRequirements.html) """ @struct_hash_equal struct DeviceBufferMemoryRequirements <: HighLevelStruct next::Any create_info::BufferCreateInfo end """ High-level wrapper for VkSwapchainCreateInfoKHR. Extension: VK\\_KHR\\_swapchain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainCreateInfoKHR.html) """ @struct_hash_equal struct SwapchainCreateInfoKHR <: HighLevelStruct next::Any flags::SwapchainCreateFlagKHR surface::SurfaceKHR min_image_count::UInt32 image_format::Format image_color_space::ColorSpaceKHR image_extent::Extent2D image_array_layers::UInt32 image_usage::ImageUsageFlag image_sharing_mode::SharingMode queue_family_indices::Vector{UInt32} pre_transform::SurfaceTransformFlagKHR composite_alpha::CompositeAlphaFlagKHR present_mode::PresentModeKHR clipped::Bool old_swapchain::OptionalPtr{SwapchainKHR} end """ High-level wrapper for VkPhysicalDeviceImageDrmFormatModifierInfoEXT. Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageDrmFormatModifierInfoEXT.html) """ @struct_hash_equal struct PhysicalDeviceImageDrmFormatModifierInfoEXT <: HighLevelStruct next::Any drm_format_modifier::UInt64 sharing_mode::SharingMode queue_family_indices::Vector{UInt32} end """ High-level wrapper for VkPipelineInputAssemblyStateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineInputAssemblyStateCreateInfo.html) """ @struct_hash_equal struct PipelineInputAssemblyStateCreateInfo <: HighLevelStruct next::Any flags::UInt32 topology::PrimitiveTopology primitive_restart_enable::Bool end """ High-level wrapper for VkGraphicsPipelineCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsPipelineCreateInfo.html) """ @struct_hash_equal struct GraphicsPipelineCreateInfo <: HighLevelStruct next::Any flags::PipelineCreateFlag stages::OptionalPtr{Vector{PipelineShaderStageCreateInfo}} vertex_input_state::OptionalPtr{PipelineVertexInputStateCreateInfo} input_assembly_state::OptionalPtr{PipelineInputAssemblyStateCreateInfo} tessellation_state::OptionalPtr{PipelineTessellationStateCreateInfo} viewport_state::OptionalPtr{PipelineViewportStateCreateInfo} rasterization_state::OptionalPtr{PipelineRasterizationStateCreateInfo} multisample_state::OptionalPtr{PipelineMultisampleStateCreateInfo} depth_stencil_state::OptionalPtr{PipelineDepthStencilStateCreateInfo} color_blend_state::OptionalPtr{PipelineColorBlendStateCreateInfo} dynamic_state::OptionalPtr{PipelineDynamicStateCreateInfo} layout::OptionalPtr{PipelineLayout} render_pass::OptionalPtr{RenderPass} subpass::UInt32 base_pipeline_handle::OptionalPtr{Pipeline} base_pipeline_index::Int32 end """ High-level wrapper for VkPipelineCacheHeaderVersionOne. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCacheHeaderVersionOne.html) """ @struct_hash_equal struct PipelineCacheHeaderVersionOne <: HighLevelStruct header_size::UInt32 header_version::PipelineCacheHeaderVersion vendor_id::UInt32 device_id::UInt32 pipeline_cache_uuid::NTuple{Int(VK_UUID_SIZE), UInt8} end """ High-level wrapper for VkIndirectCommandsLayoutCreateInfoNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkIndirectCommandsLayoutCreateInfoNV.html) """ @struct_hash_equal struct IndirectCommandsLayoutCreateInfoNV <: HighLevelStruct next::Any flags::IndirectCommandsLayoutUsageFlagNV pipeline_bind_point::PipelineBindPoint tokens::Vector{IndirectCommandsLayoutTokenNV} stream_strides::Vector{UInt32} end """ High-level wrapper for VkGeneratedCommandsInfoNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeneratedCommandsInfoNV.html) """ @struct_hash_equal struct GeneratedCommandsInfoNV <: HighLevelStruct next::Any pipeline_bind_point::PipelineBindPoint pipeline::Pipeline indirect_commands_layout::IndirectCommandsLayoutNV streams::Vector{IndirectCommandsStreamNV} sequences_count::UInt32 preprocess_buffer::Buffer preprocess_offset::UInt64 preprocess_size::UInt64 sequences_count_buffer::OptionalPtr{Buffer} sequences_count_offset::UInt64 sequences_index_buffer::OptionalPtr{Buffer} sequences_index_offset::UInt64 end """ High-level wrapper for VkGeneratedCommandsMemoryRequirementsInfoNV. Extension: VK\\_NV\\_device\\_generated\\_commands [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeneratedCommandsMemoryRequirementsInfoNV.html) """ @struct_hash_equal struct GeneratedCommandsMemoryRequirementsInfoNV <: HighLevelStruct next::Any pipeline_bind_point::PipelineBindPoint pipeline::Pipeline indirect_commands_layout::IndirectCommandsLayoutNV max_sequences_count::UInt32 end """ High-level wrapper for VkSamplerCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerCreateInfo.html) """ @struct_hash_equal struct SamplerCreateInfo <: HighLevelStruct next::Any flags::SamplerCreateFlag mag_filter::Filter min_filter::Filter mipmap_mode::SamplerMipmapMode address_mode_u::SamplerAddressMode address_mode_v::SamplerAddressMode address_mode_w::SamplerAddressMode mip_lod_bias::Float32 anisotropy_enable::Bool max_anisotropy::Float32 compare_enable::Bool compare_op::CompareOp min_lod::Float32 max_lod::Float32 border_color::BorderColor unnormalized_coordinates::Bool end """ High-level wrapper for VkQueryPoolCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueryPoolCreateInfo.html) """ @struct_hash_equal struct QueryPoolCreateInfo <: HighLevelStruct next::Any flags::UInt32 query_type::QueryType query_count::UInt32 pipeline_statistics::QueryPipelineStatisticFlag end """ High-level wrapper for VkDescriptorSetLayoutBinding. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutBinding.html) """ @struct_hash_equal struct DescriptorSetLayoutBinding <: HighLevelStruct binding::UInt32 descriptor_type::DescriptorType descriptor_count::UInt32 stage_flags::ShaderStageFlag immutable_samplers::OptionalPtr{Vector{Sampler}} end """ High-level wrapper for VkDescriptorSetLayoutCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutCreateInfo.html) """ @struct_hash_equal struct DescriptorSetLayoutCreateInfo <: HighLevelStruct next::Any flags::DescriptorSetLayoutCreateFlag bindings::Vector{DescriptorSetLayoutBinding} end """ High-level wrapper for VkDescriptorPoolSize. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorPoolSize.html) """ @struct_hash_equal struct DescriptorPoolSize <: HighLevelStruct type::DescriptorType descriptor_count::UInt32 end """ High-level wrapper for VkDescriptorPoolCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorPoolCreateInfo.html) """ @struct_hash_equal struct DescriptorPoolCreateInfo <: HighLevelStruct next::Any flags::DescriptorPoolCreateFlag max_sets::UInt32 pool_sizes::Vector{DescriptorPoolSize} end """ High-level wrapper for VkDescriptorUpdateTemplateEntry. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorUpdateTemplateEntry.html) """ @struct_hash_equal struct DescriptorUpdateTemplateEntry <: HighLevelStruct dst_binding::UInt32 dst_array_element::UInt32 descriptor_count::UInt32 descriptor_type::DescriptorType offset::UInt stride::UInt end """ High-level wrapper for VkDescriptorUpdateTemplateCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorUpdateTemplateCreateInfo.html) """ @struct_hash_equal struct DescriptorUpdateTemplateCreateInfo <: HighLevelStruct next::Any flags::UInt32 descriptor_update_entries::Vector{DescriptorUpdateTemplateEntry} template_type::DescriptorUpdateTemplateType descriptor_set_layout::DescriptorSetLayout pipeline_bind_point::PipelineBindPoint pipeline_layout::PipelineLayout set::UInt32 end """ High-level wrapper for VkImageViewHandleInfoNVX. Extension: VK\\_NVX\\_image\\_view\\_handle [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewHandleInfoNVX.html) """ @struct_hash_equal struct ImageViewHandleInfoNVX <: HighLevelStruct next::Any image_view::ImageView descriptor_type::DescriptorType sampler::OptionalPtr{Sampler} end """ High-level wrapper for VkMutableDescriptorTypeListEXT. Extension: VK\\_EXT\\_mutable\\_descriptor\\_type [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMutableDescriptorTypeListEXT.html) """ @struct_hash_equal struct MutableDescriptorTypeListEXT <: HighLevelStruct descriptor_types::Vector{DescriptorType} end """ High-level wrapper for VkMutableDescriptorTypeCreateInfoEXT. Extension: VK\\_EXT\\_mutable\\_descriptor\\_type [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMutableDescriptorTypeCreateInfoEXT.html) """ @struct_hash_equal struct MutableDescriptorTypeCreateInfoEXT <: HighLevelStruct next::Any mutable_descriptor_type_lists::Vector{MutableDescriptorTypeListEXT} end """ High-level wrapper for VkDescriptorGetInfoEXT. Extension: VK\\_EXT\\_descriptor\\_buffer [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorGetInfoEXT.html) """ @struct_hash_equal struct DescriptorGetInfoEXT <: HighLevelStruct next::Any type::DescriptorType data::DescriptorDataEXT end """ High-level wrapper for VkComponentMapping. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkComponentMapping.html) """ @struct_hash_equal struct ComponentMapping <: HighLevelStruct r::ComponentSwizzle g::ComponentSwizzle b::ComponentSwizzle a::ComponentSwizzle end """ High-level wrapper for VkSamplerYcbcrConversionCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerYcbcrConversionCreateInfo.html) """ @struct_hash_equal struct SamplerYcbcrConversionCreateInfo <: HighLevelStruct next::Any format::Format ycbcr_model::SamplerYcbcrModelConversion ycbcr_range::SamplerYcbcrRange components::ComponentMapping x_chroma_offset::ChromaLocation y_chroma_offset::ChromaLocation chroma_filter::Filter force_explicit_reconstruction::Bool end """ High-level wrapper for VkSamplerBorderColorComponentMappingCreateInfoEXT. Extension: VK\\_EXT\\_border\\_color\\_swizzle [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerBorderColorComponentMappingCreateInfoEXT.html) """ @struct_hash_equal struct SamplerBorderColorComponentMappingCreateInfoEXT <: HighLevelStruct next::Any components::ComponentMapping srgb::Bool end """ High-level wrapper for VkCommandBufferAllocateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferAllocateInfo.html) """ @struct_hash_equal struct CommandBufferAllocateInfo <: HighLevelStruct next::Any command_pool::CommandPool level::CommandBufferLevel command_buffer_count::UInt32 end """ High-level wrapper for VkImageViewCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewCreateInfo.html) """ @struct_hash_equal struct ImageViewCreateInfo <: HighLevelStruct next::Any flags::ImageViewCreateFlag image::Image view_type::ImageViewType format::Format components::ComponentMapping subresource_range::ImageSubresourceRange end """ High-level wrapper for VkPhysicalDeviceImageViewImageFormatInfoEXT. Extension: VK\\_EXT\\_filter\\_cubic [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageViewImageFormatInfoEXT.html) """ @struct_hash_equal struct PhysicalDeviceImageViewImageFormatInfoEXT <: HighLevelStruct next::Any image_view_type::ImageViewType end """ High-level wrapper for VkPhysicalDeviceImageFormatInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageFormatInfo2.html) """ @struct_hash_equal struct PhysicalDeviceImageFormatInfo2 <: HighLevelStruct next::Any format::Format type::ImageType tiling::ImageTiling usage::ImageUsageFlag flags::ImageCreateFlag end """ High-level wrapper for VkPhysicalDeviceSparseImageFormatInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSparseImageFormatInfo2.html) """ @struct_hash_equal struct PhysicalDeviceSparseImageFormatInfo2 <: HighLevelStruct next::Any format::Format type::ImageType samples::SampleCountFlag usage::ImageUsageFlag tiling::ImageTiling end """ High-level wrapper for VkVideoFormatPropertiesKHR. Extension: VK\\_KHR\\_video\\_queue [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoFormatPropertiesKHR.html) """ @struct_hash_equal struct VideoFormatPropertiesKHR <: HighLevelStruct next::Any format::Format component_mapping::ComponentMapping image_create_flags::ImageCreateFlag image_type::ImageType image_tiling::ImageTiling image_usage_flags::ImageUsageFlag end """ High-level wrapper for VkDescriptorImageInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorImageInfo.html) """ @struct_hash_equal struct DescriptorImageInfo <: HighLevelStruct sampler::Sampler image_view::ImageView image_layout::ImageLayout end """ High-level wrapper for VkWriteDescriptorSet. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSet.html) """ @struct_hash_equal struct WriteDescriptorSet <: HighLevelStruct next::Any dst_set::DescriptorSet dst_binding::UInt32 dst_array_element::UInt32 descriptor_count::UInt32 descriptor_type::DescriptorType image_info::Vector{DescriptorImageInfo} buffer_info::Vector{DescriptorBufferInfo} texel_buffer_view::Vector{BufferView} end """ High-level wrapper for VkImageMemoryBarrier. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageMemoryBarrier.html) """ @struct_hash_equal struct ImageMemoryBarrier <: HighLevelStruct next::Any src_access_mask::AccessFlag dst_access_mask::AccessFlag old_layout::ImageLayout new_layout::ImageLayout src_queue_family_index::UInt32 dst_queue_family_index::UInt32 image::Image subresource_range::ImageSubresourceRange end """ High-level wrapper for VkImageCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCreateInfo.html) """ @struct_hash_equal struct ImageCreateInfo <: HighLevelStruct next::Any flags::ImageCreateFlag image_type::ImageType format::Format extent::Extent3D mip_levels::UInt32 array_layers::UInt32 samples::SampleCountFlag tiling::ImageTiling usage::ImageUsageFlag sharing_mode::SharingMode queue_family_indices::Vector{UInt32} initial_layout::ImageLayout end """ High-level wrapper for VkDeviceImageMemoryRequirements. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceImageMemoryRequirements.html) """ @struct_hash_equal struct DeviceImageMemoryRequirements <: HighLevelStruct next::Any create_info::ImageCreateInfo plane_aspect::ImageAspectFlag end """ High-level wrapper for VkAttachmentDescription. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentDescription.html) """ @struct_hash_equal struct AttachmentDescription <: HighLevelStruct flags::AttachmentDescriptionFlag format::Format samples::SampleCountFlag load_op::AttachmentLoadOp store_op::AttachmentStoreOp stencil_load_op::AttachmentLoadOp stencil_store_op::AttachmentStoreOp initial_layout::ImageLayout final_layout::ImageLayout end """ High-level wrapper for VkAttachmentReference. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentReference.html) """ @struct_hash_equal struct AttachmentReference <: HighLevelStruct attachment::UInt32 layout::ImageLayout end """ High-level wrapper for VkSubpassDescription. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDescription.html) """ @struct_hash_equal struct SubpassDescription <: HighLevelStruct flags::SubpassDescriptionFlag pipeline_bind_point::PipelineBindPoint input_attachments::Vector{AttachmentReference} color_attachments::Vector{AttachmentReference} resolve_attachments::OptionalPtr{Vector{AttachmentReference}} depth_stencil_attachment::OptionalPtr{AttachmentReference} preserve_attachments::Vector{UInt32} end """ High-level wrapper for VkRenderPassCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreateInfo.html) """ @struct_hash_equal struct RenderPassCreateInfo <: HighLevelStruct next::Any flags::RenderPassCreateFlag attachments::Vector{AttachmentDescription} subpasses::Vector{SubpassDescription} dependencies::Vector{SubpassDependency} end """ High-level wrapper for VkRenderPassFragmentDensityMapCreateInfoEXT. Extension: VK\\_EXT\\_fragment\\_density\\_map [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassFragmentDensityMapCreateInfoEXT.html) """ @struct_hash_equal struct RenderPassFragmentDensityMapCreateInfoEXT <: HighLevelStruct next::Any fragment_density_map_attachment::AttachmentReference end """ High-level wrapper for VkAttachmentDescription2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentDescription2.html) """ @struct_hash_equal struct AttachmentDescription2 <: HighLevelStruct next::Any flags::AttachmentDescriptionFlag format::Format samples::SampleCountFlag load_op::AttachmentLoadOp store_op::AttachmentStoreOp stencil_load_op::AttachmentLoadOp stencil_store_op::AttachmentStoreOp initial_layout::ImageLayout final_layout::ImageLayout end """ High-level wrapper for VkAttachmentReference2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentReference2.html) """ @struct_hash_equal struct AttachmentReference2 <: HighLevelStruct next::Any attachment::UInt32 layout::ImageLayout aspect_mask::ImageAspectFlag end """ High-level wrapper for VkSubpassDescription2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDescription2.html) """ @struct_hash_equal struct SubpassDescription2 <: HighLevelStruct next::Any flags::SubpassDescriptionFlag pipeline_bind_point::PipelineBindPoint view_mask::UInt32 input_attachments::Vector{AttachmentReference2} color_attachments::Vector{AttachmentReference2} resolve_attachments::OptionalPtr{Vector{AttachmentReference2}} depth_stencil_attachment::OptionalPtr{AttachmentReference2} preserve_attachments::Vector{UInt32} end """ High-level wrapper for VkRenderPassCreateInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreateInfo2.html) """ @struct_hash_equal struct RenderPassCreateInfo2 <: HighLevelStruct next::Any flags::RenderPassCreateFlag attachments::Vector{AttachmentDescription2} subpasses::Vector{SubpassDescription2} dependencies::Vector{SubpassDependency2} correlated_view_masks::Vector{UInt32} end """ High-level wrapper for VkSubpassDescriptionDepthStencilResolve. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDescriptionDepthStencilResolve.html) """ @struct_hash_equal struct SubpassDescriptionDepthStencilResolve <: HighLevelStruct next::Any depth_resolve_mode::ResolveModeFlag stencil_resolve_mode::ResolveModeFlag depth_stencil_resolve_attachment::OptionalPtr{AttachmentReference2} end """ High-level wrapper for VkFragmentShadingRateAttachmentInfoKHR. Extension: VK\\_KHR\\_fragment\\_shading\\_rate [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFragmentShadingRateAttachmentInfoKHR.html) """ @struct_hash_equal struct FragmentShadingRateAttachmentInfoKHR <: HighLevelStruct next::Any fragment_shading_rate_attachment::OptionalPtr{AttachmentReference2} shading_rate_attachment_texel_size::Extent2D end """ High-level wrapper for VkAttachmentReferenceStencilLayout. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentReferenceStencilLayout.html) """ @struct_hash_equal struct AttachmentReferenceStencilLayout <: HighLevelStruct next::Any stencil_layout::ImageLayout end """ High-level wrapper for VkAttachmentDescriptionStencilLayout. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentDescriptionStencilLayout.html) """ @struct_hash_equal struct AttachmentDescriptionStencilLayout <: HighLevelStruct next::Any stencil_initial_layout::ImageLayout stencil_final_layout::ImageLayout end """ High-level wrapper for VkCopyImageInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyImageInfo2.html) """ @struct_hash_equal struct CopyImageInfo2 <: HighLevelStruct next::Any src_image::Image src_image_layout::ImageLayout dst_image::Image dst_image_layout::ImageLayout regions::Vector{ImageCopy2} end """ High-level wrapper for VkBlitImageInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBlitImageInfo2.html) """ @struct_hash_equal struct BlitImageInfo2 <: HighLevelStruct next::Any src_image::Image src_image_layout::ImageLayout dst_image::Image dst_image_layout::ImageLayout regions::Vector{ImageBlit2} filter::Filter end """ High-level wrapper for VkCopyBufferToImageInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyBufferToImageInfo2.html) """ @struct_hash_equal struct CopyBufferToImageInfo2 <: HighLevelStruct next::Any src_buffer::Buffer dst_image::Image dst_image_layout::ImageLayout regions::Vector{BufferImageCopy2} end """ High-level wrapper for VkCopyImageToBufferInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyImageToBufferInfo2.html) """ @struct_hash_equal struct CopyImageToBufferInfo2 <: HighLevelStruct next::Any src_image::Image src_image_layout::ImageLayout dst_buffer::Buffer regions::Vector{BufferImageCopy2} end """ High-level wrapper for VkResolveImageInfo2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkResolveImageInfo2.html) """ @struct_hash_equal struct ResolveImageInfo2 <: HighLevelStruct next::Any src_image::Image src_image_layout::ImageLayout dst_image::Image dst_image_layout::ImageLayout regions::Vector{ImageResolve2} end """ High-level wrapper for VkImageMemoryBarrier2. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageMemoryBarrier2.html) """ @struct_hash_equal struct ImageMemoryBarrier2 <: HighLevelStruct next::Any src_stage_mask::UInt64 src_access_mask::UInt64 dst_stage_mask::UInt64 dst_access_mask::UInt64 old_layout::ImageLayout new_layout::ImageLayout src_queue_family_index::UInt32 dst_queue_family_index::UInt32 image::Image subresource_range::ImageSubresourceRange end """ High-level wrapper for VkDependencyInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDependencyInfo.html) """ @struct_hash_equal struct DependencyInfo <: HighLevelStruct next::Any dependency_flags::DependencyFlag memory_barriers::Vector{MemoryBarrier2} buffer_memory_barriers::Vector{BufferMemoryBarrier2} image_memory_barriers::Vector{ImageMemoryBarrier2} end """ High-level wrapper for VkRenderingAttachmentInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingAttachmentInfo.html) """ @struct_hash_equal struct RenderingAttachmentInfo <: HighLevelStruct next::Any image_view::OptionalPtr{ImageView} image_layout::ImageLayout resolve_mode::ResolveModeFlag resolve_image_view::OptionalPtr{ImageView} resolve_image_layout::ImageLayout load_op::AttachmentLoadOp store_op::AttachmentStoreOp clear_value::ClearValue end """ High-level wrapper for VkRenderingInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingInfo.html) """ @struct_hash_equal struct RenderingInfo <: HighLevelStruct next::Any flags::RenderingFlag render_area::Rect2D layer_count::UInt32 view_mask::UInt32 color_attachments::Vector{RenderingAttachmentInfo} depth_attachment::OptionalPtr{RenderingAttachmentInfo} stencil_attachment::OptionalPtr{RenderingAttachmentInfo} end """ High-level wrapper for VkRenderingFragmentShadingRateAttachmentInfoKHR. Extension: VK\\_KHR\\_dynamic\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingFragmentShadingRateAttachmentInfoKHR.html) """ @struct_hash_equal struct RenderingFragmentShadingRateAttachmentInfoKHR <: HighLevelStruct next::Any image_view::OptionalPtr{ImageView} image_layout::ImageLayout shading_rate_attachment_texel_size::Extent2D end """ High-level wrapper for VkRenderingFragmentDensityMapAttachmentInfoEXT. Extension: VK\\_KHR\\_dynamic\\_rendering [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingFragmentDensityMapAttachmentInfoEXT.html) """ @struct_hash_equal struct RenderingFragmentDensityMapAttachmentInfoEXT <: HighLevelStruct next::Any image_view::ImageView image_layout::ImageLayout end parent(physical_device::PhysicalDevice) = physical_device.instance parent(device::Device) = device.physical_device parent(queue::Queue) = queue.device parent(command_buffer::CommandBuffer) = command_buffer.command_pool parent(memory::DeviceMemory) = memory.device parent(command_pool::CommandPool) = command_pool.device parent(buffer::Buffer) = buffer.device parent(buffer_view::BufferView) = buffer_view.device parent(image::Image) = image.device parent(image_view::ImageView) = image_view.device parent(shader_module::ShaderModule) = shader_module.device parent(pipeline::Pipeline) = pipeline.device parent(pipeline_layout::PipelineLayout) = pipeline_layout.device parent(sampler::Sampler) = sampler.device parent(descriptor_set::DescriptorSet) = descriptor_set.descriptor_pool parent(descriptor_set_layout::DescriptorSetLayout) = descriptor_set_layout.device parent(descriptor_pool::DescriptorPool) = descriptor_pool.device parent(fence::Fence) = fence.device parent(semaphore::Semaphore) = semaphore.device parent(event::Event) = event.device parent(query_pool::QueryPool) = query_pool.device parent(framebuffer::Framebuffer) = framebuffer.device parent(renderpass::RenderPass) = renderpass.device parent(pipeline_cache::PipelineCache) = pipeline_cache.device parent(indirect_commands_layout::IndirectCommandsLayoutNV) = indirect_commands_layout.device parent(descriptor_update_template::DescriptorUpdateTemplate) = descriptor_update_template.device parent(ycbcr_conversion::SamplerYcbcrConversion) = ycbcr_conversion.device parent(validation_cache::ValidationCacheEXT) = validation_cache.device parent(acceleration_structure::AccelerationStructureKHR) = acceleration_structure.device parent(acceleration_structure::AccelerationStructureNV) = acceleration_structure.device parent(configuration::PerformanceConfigurationINTEL) = configuration.device parent(operation::DeferredOperationKHR) = operation.device parent(private_data_slot::PrivateDataSlot) = private_data_slot.device parent(_module::CuModuleNVX) = _module.device parent(_function::CuFunctionNVX) = _function.device parent(session::OpticalFlowSessionNV) = session.device parent(micromap::MicromapEXT) = micromap.device parent(display::DisplayKHR) = display.physical_device parent(mode::DisplayModeKHR) = mode.display parent(surface::SurfaceKHR) = surface.instance parent(swapchain::SwapchainKHR) = swapchain.device parent(callback::DebugReportCallbackEXT) = callback.instance parent(messenger::DebugUtilsMessengerEXT) = messenger.instance parent(video_session::VideoSessionKHR) = video_session.device parent(video_session_parameters::VideoSessionParametersKHR) = video_session_parameters.video_session _ClearColorValue(float32::NTuple{4, Float32}) = _ClearColorValue(VkClearColorValue(float32)) _ClearColorValue(int32::NTuple{4, Int32}) = _ClearColorValue(VkClearColorValue(int32)) _ClearColorValue(uint32::NTuple{4, UInt32}) = _ClearColorValue(VkClearColorValue(uint32)) _ClearValue(color::_ClearColorValue) = _ClearValue(VkClearValue(color.vks)) _ClearValue(depth_stencil::_ClearDepthStencilValue) = _ClearValue(VkClearValue(depth_stencil.vks)) _PerformanceCounterResultKHR(int32::Int32) = _PerformanceCounterResultKHR(VkPerformanceCounterResultKHR(int32)) _PerformanceCounterResultKHR(int64::Int64) = _PerformanceCounterResultKHR(VkPerformanceCounterResultKHR(int64)) _PerformanceCounterResultKHR(uint32::UInt32) = _PerformanceCounterResultKHR(VkPerformanceCounterResultKHR(uint32)) _PerformanceCounterResultKHR(uint64::UInt64) = _PerformanceCounterResultKHR(VkPerformanceCounterResultKHR(uint64)) _PerformanceCounterResultKHR(float32::Float32) = _PerformanceCounterResultKHR(VkPerformanceCounterResultKHR(float32)) _PerformanceCounterResultKHR(float64::Float64) = _PerformanceCounterResultKHR(VkPerformanceCounterResultKHR(float64)) _PerformanceValueDataINTEL(value32::UInt32) = _PerformanceValueDataINTEL(VkPerformanceValueDataINTEL(value32)) _PerformanceValueDataINTEL(value64::UInt64) = _PerformanceValueDataINTEL(VkPerformanceValueDataINTEL(value64)) _PerformanceValueDataINTEL(value_float::AbstractFloat) = _PerformanceValueDataINTEL(VkPerformanceValueDataINTEL(value_float)) _PerformanceValueDataINTEL(value_bool::Bool) = _PerformanceValueDataINTEL(VkPerformanceValueDataINTEL(value_bool)) _PerformanceValueDataINTEL(value_string::String) = _PerformanceValueDataINTEL(VkPerformanceValueDataINTEL(value_string)) _PipelineExecutableStatisticValueKHR(b32::Bool) = _PipelineExecutableStatisticValueKHR(VkPipelineExecutableStatisticValueKHR(b32)) _PipelineExecutableStatisticValueKHR(i64::Signed) = _PipelineExecutableStatisticValueKHR(VkPipelineExecutableStatisticValueKHR(i64)) _PipelineExecutableStatisticValueKHR(u64::Unsigned) = _PipelineExecutableStatisticValueKHR(VkPipelineExecutableStatisticValueKHR(u64)) _PipelineExecutableStatisticValueKHR(f64::AbstractFloat) = _PipelineExecutableStatisticValueKHR(VkPipelineExecutableStatisticValueKHR(f64)) _DeviceOrHostAddressKHR(device_address::UInt64) = _DeviceOrHostAddressKHR(VkDeviceOrHostAddressKHR(device_address)) _DeviceOrHostAddressKHR(host_address::Ptr{Cvoid}) = _DeviceOrHostAddressKHR(VkDeviceOrHostAddressKHR(host_address)) _DeviceOrHostAddressConstKHR(device_address::UInt64) = _DeviceOrHostAddressConstKHR(VkDeviceOrHostAddressConstKHR(device_address)) _DeviceOrHostAddressConstKHR(host_address::Ptr{Cvoid}) = _DeviceOrHostAddressConstKHR(VkDeviceOrHostAddressConstKHR(host_address)) _AccelerationStructureGeometryDataKHR(triangles::_AccelerationStructureGeometryTrianglesDataKHR) = _AccelerationStructureGeometryDataKHR(VkAccelerationStructureGeometryDataKHR(triangles.vks)) _AccelerationStructureGeometryDataKHR(aabbs::_AccelerationStructureGeometryAabbsDataKHR) = _AccelerationStructureGeometryDataKHR(VkAccelerationStructureGeometryDataKHR(aabbs.vks)) _AccelerationStructureGeometryDataKHR(instances::_AccelerationStructureGeometryInstancesDataKHR) = _AccelerationStructureGeometryDataKHR(VkAccelerationStructureGeometryDataKHR(instances.vks)) _DescriptorDataEXT(x::Union{Sampler, Ptr{VkDescriptorImageInfo}, Ptr{VkDescriptorAddressInfoEXT}, UInt64}) = _DescriptorDataEXT(VkDescriptorDataEXT(x)) _AccelerationStructureMotionInstanceDataNV(static_instance::_AccelerationStructureInstanceKHR) = _AccelerationStructureMotionInstanceDataNV(VkAccelerationStructureMotionInstanceDataNV(static_instance.vks)) _AccelerationStructureMotionInstanceDataNV(matrix_motion_instance::_AccelerationStructureMatrixMotionInstanceNV) = _AccelerationStructureMotionInstanceDataNV(VkAccelerationStructureMotionInstanceDataNV(matrix_motion_instance.vks)) _AccelerationStructureMotionInstanceDataNV(srt_motion_instance::_AccelerationStructureSRTMotionInstanceNV) = _AccelerationStructureMotionInstanceDataNV(VkAccelerationStructureMotionInstanceDataNV(srt_motion_instance.vks)) ClearColorValue(float32::NTuple{4, Float32}) = ClearColorValue(VkClearColorValue(float32)) ClearColorValue(int32::NTuple{4, Int32}) = ClearColorValue(VkClearColorValue(int32)) ClearColorValue(uint32::NTuple{4, UInt32}) = ClearColorValue(VkClearColorValue(uint32)) ClearValue(color::ClearColorValue) = ClearValue(VkClearValue(color.vks)) ClearValue(depth_stencil::ClearDepthStencilValue) = ClearValue(VkClearValue((_ClearDepthStencilValue(depth_stencil)).vks)) PerformanceCounterResultKHR(int32::Int32) = PerformanceCounterResultKHR(VkPerformanceCounterResultKHR(int32)) PerformanceCounterResultKHR(int64::Int64) = PerformanceCounterResultKHR(VkPerformanceCounterResultKHR(int64)) PerformanceCounterResultKHR(uint32::UInt32) = PerformanceCounterResultKHR(VkPerformanceCounterResultKHR(uint32)) PerformanceCounterResultKHR(uint64::UInt64) = PerformanceCounterResultKHR(VkPerformanceCounterResultKHR(uint64)) PerformanceCounterResultKHR(float32::Float32) = PerformanceCounterResultKHR(VkPerformanceCounterResultKHR(float32)) PerformanceCounterResultKHR(float64::Float64) = PerformanceCounterResultKHR(VkPerformanceCounterResultKHR(float64)) PerformanceValueDataINTEL(value32::UInt32) = PerformanceValueDataINTEL(VkPerformanceValueDataINTEL(value32)) PerformanceValueDataINTEL(value64::UInt64) = PerformanceValueDataINTEL(VkPerformanceValueDataINTEL(value64)) PerformanceValueDataINTEL(value_float::AbstractFloat) = PerformanceValueDataINTEL(VkPerformanceValueDataINTEL(value_float)) PerformanceValueDataINTEL(value_bool::Bool) = PerformanceValueDataINTEL(VkPerformanceValueDataINTEL(value_bool)) PerformanceValueDataINTEL(value_string::String) = PerformanceValueDataINTEL(VkPerformanceValueDataINTEL(value_string)) PipelineExecutableStatisticValueKHR(b32::Bool) = PipelineExecutableStatisticValueKHR(VkPipelineExecutableStatisticValueKHR(b32)) PipelineExecutableStatisticValueKHR(i64::Signed) = PipelineExecutableStatisticValueKHR(VkPipelineExecutableStatisticValueKHR(i64)) PipelineExecutableStatisticValueKHR(u64::Unsigned) = PipelineExecutableStatisticValueKHR(VkPipelineExecutableStatisticValueKHR(u64)) PipelineExecutableStatisticValueKHR(f64::AbstractFloat) = PipelineExecutableStatisticValueKHR(VkPipelineExecutableStatisticValueKHR(f64)) DeviceOrHostAddressKHR(device_address::UInt64) = DeviceOrHostAddressKHR(VkDeviceOrHostAddressKHR(device_address)) DeviceOrHostAddressKHR(host_address::Ptr{Cvoid}) = DeviceOrHostAddressKHR(VkDeviceOrHostAddressKHR(host_address)) DeviceOrHostAddressConstKHR(device_address::UInt64) = DeviceOrHostAddressConstKHR(VkDeviceOrHostAddressConstKHR(device_address)) DeviceOrHostAddressConstKHR(host_address::Ptr{Cvoid}) = DeviceOrHostAddressConstKHR(VkDeviceOrHostAddressConstKHR(host_address)) AccelerationStructureGeometryDataKHR(triangles::AccelerationStructureGeometryTrianglesDataKHR) = AccelerationStructureGeometryDataKHR(VkAccelerationStructureGeometryDataKHR((_AccelerationStructureGeometryTrianglesDataKHR(triangles)).vks)) AccelerationStructureGeometryDataKHR(aabbs::AccelerationStructureGeometryAabbsDataKHR) = AccelerationStructureGeometryDataKHR(VkAccelerationStructureGeometryDataKHR((_AccelerationStructureGeometryAabbsDataKHR(aabbs)).vks)) AccelerationStructureGeometryDataKHR(instances::AccelerationStructureGeometryInstancesDataKHR) = AccelerationStructureGeometryDataKHR(VkAccelerationStructureGeometryDataKHR((_AccelerationStructureGeometryInstancesDataKHR(instances)).vks)) DescriptorDataEXT(x::Union{Sampler, Ptr{VkDescriptorImageInfo}, Ptr{VkDescriptorAddressInfoEXT}, UInt64}) = DescriptorDataEXT(VkDescriptorDataEXT(x)) AccelerationStructureMotionInstanceDataNV(static_instance::AccelerationStructureInstanceKHR) = AccelerationStructureMotionInstanceDataNV(VkAccelerationStructureMotionInstanceDataNV((_AccelerationStructureInstanceKHR(static_instance)).vks)) AccelerationStructureMotionInstanceDataNV(matrix_motion_instance::AccelerationStructureMatrixMotionInstanceNV) = AccelerationStructureMotionInstanceDataNV(VkAccelerationStructureMotionInstanceDataNV((_AccelerationStructureMatrixMotionInstanceNV(matrix_motion_instance)).vks)) AccelerationStructureMotionInstanceDataNV(srt_motion_instance::AccelerationStructureSRTMotionInstanceNV) = AccelerationStructureMotionInstanceDataNV(VkAccelerationStructureMotionInstanceDataNV((_AccelerationStructureSRTMotionInstanceNV(srt_motion_instance)).vks)) _ClearColorValue(x::ClearColorValue) = _ClearColorValue(getfield(x, :vks)) _ClearValue(x::ClearValue) = _ClearValue(getfield(x, :vks)) _PerformanceCounterResultKHR(x::PerformanceCounterResultKHR) = _PerformanceCounterResultKHR(getfield(x, :vks)) _PerformanceValueDataINTEL(x::PerformanceValueDataINTEL) = _PerformanceValueDataINTEL(getfield(x, :vks)) _PipelineExecutableStatisticValueKHR(x::PipelineExecutableStatisticValueKHR) = _PipelineExecutableStatisticValueKHR(getfield(x, :vks)) _DeviceOrHostAddressKHR(x::DeviceOrHostAddressKHR) = _DeviceOrHostAddressKHR(getfield(x, :vks)) _DeviceOrHostAddressConstKHR(x::DeviceOrHostAddressConstKHR) = _DeviceOrHostAddressConstKHR(getfield(x, :vks)) _AccelerationStructureGeometryDataKHR(x::AccelerationStructureGeometryDataKHR) = _AccelerationStructureGeometryDataKHR(getfield(x, :vks)) _DescriptorDataEXT(x::DescriptorDataEXT) = _DescriptorDataEXT(getfield(x, :vks)) _AccelerationStructureMotionInstanceDataNV(x::AccelerationStructureMotionInstanceDataNV) = _AccelerationStructureMotionInstanceDataNV(getfield(x, :vks)) convert(T::Type{_ClearColorValue}, x::ClearColorValue) = T(x) convert(T::Type{_ClearValue}, x::ClearValue) = T(x) convert(T::Type{_PerformanceCounterResultKHR}, x::PerformanceCounterResultKHR) = T(x) convert(T::Type{_PerformanceValueDataINTEL}, x::PerformanceValueDataINTEL) = T(x) convert(T::Type{_PipelineExecutableStatisticValueKHR}, x::PipelineExecutableStatisticValueKHR) = T(x) convert(T::Type{_DeviceOrHostAddressKHR}, x::DeviceOrHostAddressKHR) = T(x) convert(T::Type{_DeviceOrHostAddressConstKHR}, x::DeviceOrHostAddressConstKHR) = T(x) convert(T::Type{_AccelerationStructureGeometryDataKHR}, x::AccelerationStructureGeometryDataKHR) = T(x) convert(T::Type{_DescriptorDataEXT}, x::DescriptorDataEXT) = T(x) convert(T::Type{_AccelerationStructureMotionInstanceDataNV}, x::AccelerationStructureMotionInstanceDataNV) = T(x) function Base.getproperty(x::ClearColorValue, sym::Symbol) if sym === :float32 x.data.float32 elseif sym === :int32 x.data.int32 elseif sym === :uint32 x.data.uint32 else getfield(x, sym) end end function Base.getproperty(x::ClearValue, sym::Symbol) if sym === :color x.data.color elseif sym === :depth_stencil x.data.depthStencil else getfield(x, sym) end end function Base.getproperty(x::PerformanceCounterResultKHR, sym::Symbol) if sym === :int32 x.data.int32 elseif sym === :int64 x.data.int64 elseif sym === :uint32 x.data.uint32 elseif sym === :uint64 x.data.uint64 elseif sym === :float32 x.data.float32 elseif sym === :float64 x.data.float64 else getfield(x, sym) end end function Base.getproperty(x::PerformanceValueDataINTEL, sym::Symbol) if sym === :value32 x.data.value32 elseif sym === :value64 x.data.value64 elseif sym === :value_float x.data.valueFloat elseif sym === :value_bool x.data.valueBool elseif sym === :value_string x.data.valueString else getfield(x, sym) end end function Base.getproperty(x::PipelineExecutableStatisticValueKHR, sym::Symbol) if sym === :b32 x.data.b32 elseif sym === :i64 x.data.i64 elseif sym === :u64 x.data.u64 elseif sym === :f64 x.data.f64 else getfield(x, sym) end end function Base.getproperty(x::DeviceOrHostAddressKHR, sym::Symbol) if sym === :device_address x.data.deviceAddress elseif sym === :host_address x.data.hostAddress else getfield(x, sym) end end function Base.getproperty(x::DeviceOrHostAddressConstKHR, sym::Symbol) if sym === :device_address x.data.deviceAddress elseif sym === :host_address x.data.hostAddress else getfield(x, sym) end end function Base.getproperty(x::AccelerationStructureGeometryDataKHR, sym::Symbol) if sym === :triangles x.data.triangles elseif sym === :aabbs x.data.aabbs elseif sym === :instances x.data.instances else getfield(x, sym) end end function Base.getproperty(x::DescriptorDataEXT, sym::Symbol) if sym === :sampler x.data.pSampler elseif sym === :combined_image_sampler x.data.pCombinedImageSampler elseif sym === :input_attachment_image x.data.pInputAttachmentImage elseif sym === :sampled_image x.data.pSampledImage elseif sym === :storage_image x.data.pStorageImage elseif sym === :uniform_texel_buffer x.data.pUniformTexelBuffer elseif sym === :storage_texel_buffer x.data.pStorageTexelBuffer elseif sym === :uniform_buffer x.data.pUniformBuffer elseif sym === :storage_buffer x.data.pStorageBuffer elseif sym === :acceleration_structure x.data.accelerationStructure else getfield(x, sym) end end function Base.getproperty(x::AccelerationStructureMotionInstanceDataNV, sym::Symbol) if sym === :static_instance x.data.staticInstance elseif sym === :matrix_motion_instance x.data.matrixMotionInstance elseif sym === :srt_motion_instance x.data.srtMotionInstance else getfield(x, sym) end end """ Arguments: - `next::_BaseOutStructure`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBaseOutStructure.html) """ function _BaseOutStructure(; next = C_NULL) next = cconvert(Ptr{VkBaseOutStructure}, next) deps = Any[next] vks = VkBaseOutStructure(s_type, unsafe_convert(Ptr{VkBaseOutStructure}, next)) _BaseOutStructure(vks, deps) end """ Arguments: - `next::_BaseInStructure`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBaseInStructure.html) """ function _BaseInStructure(; next = C_NULL) next = cconvert(Ptr{VkBaseInStructure}, next) deps = Any[next] vks = VkBaseInStructure(s_type, unsafe_convert(Ptr{VkBaseInStructure}, next)) _BaseInStructure(vks, deps) end """ Arguments: - `x::Int32` - `y::Int32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOffset2D.html) """ function _Offset2D(x::Integer, y::Integer) _Offset2D(VkOffset2D(x, y)) end """ Arguments: - `x::Int32` - `y::Int32` - `z::Int32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOffset3D.html) """ function _Offset3D(x::Integer, y::Integer, z::Integer) _Offset3D(VkOffset3D(x, y, z)) end """ Arguments: - `width::UInt32` - `height::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExtent2D.html) """ function _Extent2D(width::Integer, height::Integer) _Extent2D(VkExtent2D(width, height)) end """ Arguments: - `width::UInt32` - `height::UInt32` - `depth::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExtent3D.html) """ function _Extent3D(width::Integer, height::Integer, depth::Integer) _Extent3D(VkExtent3D(width, height, depth)) end """ Arguments: - `x::Float32` - `y::Float32` - `width::Float32` - `height::Float32` - `min_depth::Float32` - `max_depth::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkViewport.html) """ function _Viewport(x::Real, y::Real, width::Real, height::Real, min_depth::Real, max_depth::Real) _Viewport(VkViewport(x, y, width, height, min_depth, max_depth)) end """ Arguments: - `offset::_Offset2D` - `extent::_Extent2D` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRect2D.html) """ function _Rect2D(offset::_Offset2D, extent::_Extent2D) _Rect2D(VkRect2D(offset.vks, extent.vks)) end """ Arguments: - `rect::_Rect2D` - `base_array_layer::UInt32` - `layer_count::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearRect.html) """ function _ClearRect(rect::_Rect2D, base_array_layer::Integer, layer_count::Integer) _ClearRect(VkClearRect(rect.vks, base_array_layer, layer_count)) end """ Arguments: - `r::ComponentSwizzle` - `g::ComponentSwizzle` - `b::ComponentSwizzle` - `a::ComponentSwizzle` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkComponentMapping.html) """ function _ComponentMapping(r::ComponentSwizzle, g::ComponentSwizzle, b::ComponentSwizzle, a::ComponentSwizzle) _ComponentMapping(VkComponentMapping(r, g, b, a)) end """ Arguments: - `api_version::VersionNumber` - `driver_version::VersionNumber` - `vendor_id::UInt32` - `device_id::UInt32` - `device_type::PhysicalDeviceType` - `device_name::String` - `pipeline_cache_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `limits::_PhysicalDeviceLimits` - `sparse_properties::_PhysicalDeviceSparseProperties` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProperties.html) """ function _PhysicalDeviceProperties(api_version::VersionNumber, driver_version::VersionNumber, vendor_id::Integer, device_id::Integer, device_type::PhysicalDeviceType, device_name::AbstractString, pipeline_cache_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}, limits::_PhysicalDeviceLimits, sparse_properties::_PhysicalDeviceSparseProperties) _PhysicalDeviceProperties(VkPhysicalDeviceProperties(to_vk(UInt32, api_version), to_vk(UInt32, driver_version), vendor_id, device_id, device_type, device_name, pipeline_cache_uuid, limits.vks, sparse_properties.vks)) end """ Arguments: - `extension_name::String` - `spec_version::VersionNumber` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExtensionProperties.html) """ function _ExtensionProperties(extension_name::AbstractString, spec_version::VersionNumber) _ExtensionProperties(VkExtensionProperties(extension_name, to_vk(UInt32, spec_version))) end """ Arguments: - `layer_name::String` - `spec_version::VersionNumber` - `implementation_version::VersionNumber` - `description::String` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkLayerProperties.html) """ function _LayerProperties(layer_name::AbstractString, spec_version::VersionNumber, implementation_version::VersionNumber, description::AbstractString) _LayerProperties(VkLayerProperties(layer_name, to_vk(UInt32, spec_version), to_vk(UInt32, implementation_version), description)) end """ Arguments: - `application_version::VersionNumber` - `engine_version::VersionNumber` - `api_version::VersionNumber` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `application_name::String`: defaults to `C_NULL` - `engine_name::String`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkApplicationInfo.html) """ function _ApplicationInfo(application_version::VersionNumber, engine_version::VersionNumber, api_version::VersionNumber; next = C_NULL, application_name = C_NULL, engine_name = C_NULL) next = cconvert(Ptr{Cvoid}, next) application_name = cconvert(Cstring, application_name) engine_name = cconvert(Cstring, engine_name) deps = Any[next, application_name, engine_name] vks = VkApplicationInfo(structure_type(VkApplicationInfo), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Cstring, application_name), to_vk(UInt32, application_version), unsafe_convert(Cstring, engine_name), to_vk(UInt32, engine_version), to_vk(UInt32, api_version)) _ApplicationInfo(vks, deps) end """ Arguments: - `pfn_allocation::FunctionPtr` - `pfn_reallocation::FunctionPtr` - `pfn_free::FunctionPtr` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` - `pfn_internal_allocation::FunctionPtr`: defaults to `0` - `pfn_internal_free::FunctionPtr`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAllocationCallbacks.html) """ function _AllocationCallbacks(pfn_allocation::FunctionPtr, pfn_reallocation::FunctionPtr, pfn_free::FunctionPtr; user_data = C_NULL, pfn_internal_allocation = 0, pfn_internal_free = 0) user_data = cconvert(Ptr{Cvoid}, user_data) deps = Any[user_data] vks = VkAllocationCallbacks(unsafe_convert(Ptr{Cvoid}, user_data), pfn_allocation, pfn_reallocation, pfn_free, pfn_internal_allocation, pfn_internal_free) _AllocationCallbacks(vks, deps) end """ Arguments: - `queue_family_index::UInt32` - `queue_priorities::Vector{Float32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::DeviceQueueCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceQueueCreateInfo.html) """ function _DeviceQueueCreateInfo(queue_family_index::Integer, queue_priorities::AbstractArray; next = C_NULL, flags = 0) queue_count = pointer_length(queue_priorities) next = cconvert(Ptr{Cvoid}, next) queue_priorities = cconvert(Ptr{Float32}, queue_priorities) deps = Any[next, queue_priorities] vks = VkDeviceQueueCreateInfo(structure_type(VkDeviceQueueCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, queue_family_index, queue_count, unsafe_convert(Ptr{Float32}, queue_priorities)) _DeviceQueueCreateInfo(vks, deps) end """ Arguments: - `queue_create_infos::Vector{_DeviceQueueCreateInfo}` - `enabled_layer_names::Vector{String}` - `enabled_extension_names::Vector{String}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `enabled_features::_PhysicalDeviceFeatures`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceCreateInfo.html) """ function _DeviceCreateInfo(queue_create_infos::AbstractArray, enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray; next = C_NULL, flags = 0, enabled_features = C_NULL) queue_create_info_count = pointer_length(queue_create_infos) enabled_layer_count = pointer_length(enabled_layer_names) enabled_extension_count = pointer_length(enabled_extension_names) next = cconvert(Ptr{Cvoid}, next) queue_create_infos = cconvert(Ptr{VkDeviceQueueCreateInfo}, queue_create_infos) enabled_layer_names = cconvert(Ptr{Cstring}, enabled_layer_names) enabled_extension_names = cconvert(Ptr{Cstring}, enabled_extension_names) enabled_features = cconvert(Ptr{VkPhysicalDeviceFeatures}, enabled_features) deps = Any[next, queue_create_infos, enabled_layer_names, enabled_extension_names, enabled_features] vks = VkDeviceCreateInfo(structure_type(VkDeviceCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, queue_create_info_count, unsafe_convert(Ptr{VkDeviceQueueCreateInfo}, queue_create_infos), enabled_layer_count, unsafe_convert(Ptr{Cstring}, enabled_layer_names), enabled_extension_count, unsafe_convert(Ptr{Cstring}, enabled_extension_names), unsafe_convert(Ptr{VkPhysicalDeviceFeatures}, enabled_features)) _DeviceCreateInfo(vks, deps) end """ Arguments: - `enabled_layer_names::Vector{String}` - `enabled_extension_names::Vector{String}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::InstanceCreateFlag`: defaults to `0` - `application_info::_ApplicationInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkInstanceCreateInfo.html) """ function _InstanceCreateInfo(enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray; next = C_NULL, flags = 0, application_info = C_NULL) enabled_layer_count = pointer_length(enabled_layer_names) enabled_extension_count = pointer_length(enabled_extension_names) next = cconvert(Ptr{Cvoid}, next) application_info = cconvert(Ptr{VkApplicationInfo}, application_info) enabled_layer_names = cconvert(Ptr{Cstring}, enabled_layer_names) enabled_extension_names = cconvert(Ptr{Cstring}, enabled_extension_names) deps = Any[next, application_info, enabled_layer_names, enabled_extension_names] vks = VkInstanceCreateInfo(structure_type(VkInstanceCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, unsafe_convert(Ptr{VkApplicationInfo}, application_info), enabled_layer_count, unsafe_convert(Ptr{Cstring}, enabled_layer_names), enabled_extension_count, unsafe_convert(Ptr{Cstring}, enabled_extension_names)) _InstanceCreateInfo(vks, deps) end """ Arguments: - `queue_count::UInt32` - `timestamp_valid_bits::UInt32` - `min_image_transfer_granularity::_Extent3D` - `queue_flags::QueueFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyProperties.html) """ function _QueueFamilyProperties(queue_count::Integer, timestamp_valid_bits::Integer, min_image_transfer_granularity::_Extent3D; queue_flags = 0) _QueueFamilyProperties(VkQueueFamilyProperties(queue_flags, queue_count, timestamp_valid_bits, min_image_transfer_granularity.vks)) end """ Arguments: - `memory_type_count::UInt32` - `memory_types::NTuple{Int(VK_MAX_MEMORY_TYPES), _MemoryType}` - `memory_heap_count::UInt32` - `memory_heaps::NTuple{Int(VK_MAX_MEMORY_HEAPS), _MemoryHeap}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryProperties.html) """ function _PhysicalDeviceMemoryProperties(memory_type_count::Integer, memory_types::NTuple{Int(VK_MAX_MEMORY_TYPES), _MemoryType}, memory_heap_count::Integer, memory_heaps::NTuple{Int(VK_MAX_MEMORY_HEAPS), _MemoryHeap}) _PhysicalDeviceMemoryProperties(VkPhysicalDeviceMemoryProperties(memory_type_count, memory_types, memory_heap_count, memory_heaps)) end """ Arguments: - `allocation_size::UInt64` - `memory_type_index::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryAllocateInfo.html) """ function _MemoryAllocateInfo(allocation_size::Integer, memory_type_index::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryAllocateInfo(structure_type(VkMemoryAllocateInfo), unsafe_convert(Ptr{Cvoid}, next), allocation_size, memory_type_index) _MemoryAllocateInfo(vks, deps) end """ Arguments: - `size::UInt64` - `alignment::UInt64` - `memory_type_bits::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryRequirements.html) """ function _MemoryRequirements(size::Integer, alignment::Integer, memory_type_bits::Integer) _MemoryRequirements(VkMemoryRequirements(size, alignment, memory_type_bits)) end """ Arguments: - `image_granularity::_Extent3D` - `aspect_mask::ImageAspectFlag`: defaults to `0` - `flags::SparseImageFormatFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageFormatProperties.html) """ function _SparseImageFormatProperties(image_granularity::_Extent3D; aspect_mask = 0, flags = 0) _SparseImageFormatProperties(VkSparseImageFormatProperties(aspect_mask, image_granularity.vks, flags)) end """ Arguments: - `format_properties::_SparseImageFormatProperties` - `image_mip_tail_first_lod::UInt32` - `image_mip_tail_size::UInt64` - `image_mip_tail_offset::UInt64` - `image_mip_tail_stride::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryRequirements.html) """ function _SparseImageMemoryRequirements(format_properties::_SparseImageFormatProperties, image_mip_tail_first_lod::Integer, image_mip_tail_size::Integer, image_mip_tail_offset::Integer, image_mip_tail_stride::Integer) _SparseImageMemoryRequirements(VkSparseImageMemoryRequirements(format_properties.vks, image_mip_tail_first_lod, image_mip_tail_size, image_mip_tail_offset, image_mip_tail_stride)) end """ Arguments: - `heap_index::UInt32` - `property_flags::MemoryPropertyFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryType.html) """ function _MemoryType(heap_index::Integer; property_flags = 0) _MemoryType(VkMemoryType(property_flags, heap_index)) end """ Arguments: - `size::UInt64` - `flags::MemoryHeapFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryHeap.html) """ function _MemoryHeap(size::Integer; flags = 0) _MemoryHeap(VkMemoryHeap(size, flags)) end """ Arguments: - `memory::DeviceMemory` - `offset::UInt64` - `size::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMappedMemoryRange.html) """ function _MappedMemoryRange(memory, offset::Integer, size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMappedMemoryRange(structure_type(VkMappedMemoryRange), unsafe_convert(Ptr{Cvoid}, next), memory, offset, size) _MappedMemoryRange(vks, deps, memory) end """ Arguments: - `linear_tiling_features::FormatFeatureFlag`: defaults to `0` - `optimal_tiling_features::FormatFeatureFlag`: defaults to `0` - `buffer_features::FormatFeatureFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFormatProperties.html) """ function _FormatProperties(; linear_tiling_features = 0, optimal_tiling_features = 0, buffer_features = 0) _FormatProperties(VkFormatProperties(linear_tiling_features, optimal_tiling_features, buffer_features)) end """ Arguments: - `max_extent::_Extent3D` - `max_mip_levels::UInt32` - `max_array_layers::UInt32` - `max_resource_size::UInt64` - `sample_counts::SampleCountFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageFormatProperties.html) """ function _ImageFormatProperties(max_extent::_Extent3D, max_mip_levels::Integer, max_array_layers::Integer, max_resource_size::Integer; sample_counts = 0) _ImageFormatProperties(VkImageFormatProperties(max_extent.vks, max_mip_levels, max_array_layers, sample_counts, max_resource_size)) end """ Arguments: - `offset::UInt64` - `range::UInt64` - `buffer::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorBufferInfo.html) """ function _DescriptorBufferInfo(offset::Integer, range::Integer; buffer = C_NULL) _DescriptorBufferInfo(VkDescriptorBufferInfo(buffer, offset, range), buffer) end """ Arguments: - `sampler::Sampler` - `image_view::ImageView` - `image_layout::ImageLayout` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorImageInfo.html) """ function _DescriptorImageInfo(sampler, image_view, image_layout::ImageLayout) _DescriptorImageInfo(VkDescriptorImageInfo(sampler, image_view, image_layout), sampler, image_view) end """ Arguments: - `dst_set::DescriptorSet` - `dst_binding::UInt32` - `dst_array_element::UInt32` - `descriptor_type::DescriptorType` - `image_info::Vector{_DescriptorImageInfo}` - `buffer_info::Vector{_DescriptorBufferInfo}` - `texel_buffer_view::Vector{BufferView}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `descriptor_count::UInt32`: defaults to `max(pointer_length(image_info), pointer_length(buffer_info), pointer_length(texel_buffer_view))` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSet.html) """ function _WriteDescriptorSet(dst_set, dst_binding::Integer, dst_array_element::Integer, descriptor_type::DescriptorType, image_info::AbstractArray, buffer_info::AbstractArray, texel_buffer_view::AbstractArray; next = C_NULL, descriptor_count = max(pointer_length(image_info), pointer_length(buffer_info), pointer_length(texel_buffer_view))) next = cconvert(Ptr{Cvoid}, next) image_info = cconvert(Ptr{VkDescriptorImageInfo}, image_info) buffer_info = cconvert(Ptr{VkDescriptorBufferInfo}, buffer_info) texel_buffer_view = cconvert(Ptr{VkBufferView}, texel_buffer_view) deps = Any[next, image_info, buffer_info, texel_buffer_view] vks = VkWriteDescriptorSet(structure_type(VkWriteDescriptorSet), unsafe_convert(Ptr{Cvoid}, next), dst_set, dst_binding, dst_array_element, descriptor_count, descriptor_type, unsafe_convert(Ptr{VkDescriptorImageInfo}, image_info), unsafe_convert(Ptr{VkDescriptorBufferInfo}, buffer_info), unsafe_convert(Ptr{VkBufferView}, texel_buffer_view)) _WriteDescriptorSet(vks, deps, dst_set) end """ Arguments: - `src_set::DescriptorSet` - `src_binding::UInt32` - `src_array_element::UInt32` - `dst_set::DescriptorSet` - `dst_binding::UInt32` - `dst_array_element::UInt32` - `descriptor_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyDescriptorSet.html) """ function _CopyDescriptorSet(src_set, src_binding::Integer, src_array_element::Integer, dst_set, dst_binding::Integer, dst_array_element::Integer, descriptor_count::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCopyDescriptorSet(structure_type(VkCopyDescriptorSet), unsafe_convert(Ptr{Cvoid}, next), src_set, src_binding, src_array_element, dst_set, dst_binding, dst_array_element, descriptor_count) _CopyDescriptorSet(vks, deps, src_set, dst_set) end """ Arguments: - `size::UInt64` - `usage::BufferUsageFlag` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::BufferCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCreateInfo.html) """ function _BufferCreateInfo(size::Integer, usage::BufferUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray; next = C_NULL, flags = 0) queue_family_index_count = pointer_length(queue_family_indices) next = cconvert(Ptr{Cvoid}, next) queue_family_indices = cconvert(Ptr{UInt32}, queue_family_indices) deps = Any[next, queue_family_indices] vks = VkBufferCreateInfo(structure_type(VkBufferCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, size, usage, sharing_mode, queue_family_index_count, unsafe_convert(Ptr{UInt32}, queue_family_indices)) _BufferCreateInfo(vks, deps) end """ Arguments: - `buffer::Buffer` - `format::Format` - `offset::UInt64` - `range::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferViewCreateInfo.html) """ function _BufferViewCreateInfo(buffer, format::Format, offset::Integer, range::Integer; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBufferViewCreateInfo(structure_type(VkBufferViewCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, buffer, format, offset, range) _BufferViewCreateInfo(vks, deps, buffer) end """ Arguments: - `aspect_mask::ImageAspectFlag` - `mip_level::UInt32` - `array_layer::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresource.html) """ function _ImageSubresource(aspect_mask::ImageAspectFlag, mip_level::Integer, array_layer::Integer) _ImageSubresource(VkImageSubresource(aspect_mask, mip_level, array_layer)) end """ Arguments: - `aspect_mask::ImageAspectFlag` - `mip_level::UInt32` - `base_array_layer::UInt32` - `layer_count::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresourceLayers.html) """ function _ImageSubresourceLayers(aspect_mask::ImageAspectFlag, mip_level::Integer, base_array_layer::Integer, layer_count::Integer) _ImageSubresourceLayers(VkImageSubresourceLayers(aspect_mask, mip_level, base_array_layer, layer_count)) end """ Arguments: - `aspect_mask::ImageAspectFlag` - `base_mip_level::UInt32` - `level_count::UInt32` - `base_array_layer::UInt32` - `layer_count::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresourceRange.html) """ function _ImageSubresourceRange(aspect_mask::ImageAspectFlag, base_mip_level::Integer, level_count::Integer, base_array_layer::Integer, layer_count::Integer) _ImageSubresourceRange(VkImageSubresourceRange(aspect_mask, base_mip_level, level_count, base_array_layer, layer_count)) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `src_access_mask::AccessFlag`: defaults to `0` - `dst_access_mask::AccessFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryBarrier.html) """ function _MemoryBarrier(; next = C_NULL, src_access_mask = 0, dst_access_mask = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryBarrier(structure_type(VkMemoryBarrier), unsafe_convert(Ptr{Cvoid}, next), src_access_mask, dst_access_mask) _MemoryBarrier(vks, deps) end """ Arguments: - `src_access_mask::AccessFlag` - `dst_access_mask::AccessFlag` - `src_queue_family_index::UInt32` - `dst_queue_family_index::UInt32` - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferMemoryBarrier.html) """ function _BufferMemoryBarrier(src_access_mask::AccessFlag, dst_access_mask::AccessFlag, src_queue_family_index::Integer, dst_queue_family_index::Integer, buffer, offset::Integer, size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBufferMemoryBarrier(structure_type(VkBufferMemoryBarrier), unsafe_convert(Ptr{Cvoid}, next), src_access_mask, dst_access_mask, src_queue_family_index, dst_queue_family_index, buffer, offset, size) _BufferMemoryBarrier(vks, deps, buffer) end """ Arguments: - `src_access_mask::AccessFlag` - `dst_access_mask::AccessFlag` - `old_layout::ImageLayout` - `new_layout::ImageLayout` - `src_queue_family_index::UInt32` - `dst_queue_family_index::UInt32` - `image::Image` - `subresource_range::_ImageSubresourceRange` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageMemoryBarrier.html) """ function _ImageMemoryBarrier(src_access_mask::AccessFlag, dst_access_mask::AccessFlag, old_layout::ImageLayout, new_layout::ImageLayout, src_queue_family_index::Integer, dst_queue_family_index::Integer, image, subresource_range::_ImageSubresourceRange; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageMemoryBarrier(structure_type(VkImageMemoryBarrier), unsafe_convert(Ptr{Cvoid}, next), src_access_mask, dst_access_mask, old_layout, new_layout, src_queue_family_index, dst_queue_family_index, image, subresource_range.vks) _ImageMemoryBarrier(vks, deps, image) end """ Arguments: - `image_type::ImageType` - `format::Format` - `extent::_Extent3D` - `mip_levels::UInt32` - `array_layers::UInt32` - `samples::SampleCountFlag` - `tiling::ImageTiling` - `usage::ImageUsageFlag` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `initial_layout::ImageLayout` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::ImageCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCreateInfo.html) """ function _ImageCreateInfo(image_type::ImageType, format::Format, extent::_Extent3D, mip_levels::Integer, array_layers::Integer, samples::SampleCountFlag, tiling::ImageTiling, usage::ImageUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, initial_layout::ImageLayout; next = C_NULL, flags = 0) queue_family_index_count = pointer_length(queue_family_indices) next = cconvert(Ptr{Cvoid}, next) queue_family_indices = cconvert(Ptr{UInt32}, queue_family_indices) deps = Any[next, queue_family_indices] vks = VkImageCreateInfo(structure_type(VkImageCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, image_type, format, extent.vks, mip_levels, array_layers, VkSampleCountFlagBits(samples.val), tiling, usage, sharing_mode, queue_family_index_count, unsafe_convert(Ptr{UInt32}, queue_family_indices), initial_layout) _ImageCreateInfo(vks, deps) end """ Arguments: - `offset::UInt64` - `size::UInt64` - `row_pitch::UInt64` - `array_pitch::UInt64` - `depth_pitch::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubresourceLayout.html) """ function _SubresourceLayout(offset::Integer, size::Integer, row_pitch::Integer, array_pitch::Integer, depth_pitch::Integer) _SubresourceLayout(VkSubresourceLayout(offset, size, row_pitch, array_pitch, depth_pitch)) end """ Arguments: - `image::Image` - `view_type::ImageViewType` - `format::Format` - `components::_ComponentMapping` - `subresource_range::_ImageSubresourceRange` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::ImageViewCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewCreateInfo.html) """ function _ImageViewCreateInfo(image, view_type::ImageViewType, format::Format, components::_ComponentMapping, subresource_range::_ImageSubresourceRange; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageViewCreateInfo(structure_type(VkImageViewCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, image, view_type, format, components.vks, subresource_range.vks) _ImageViewCreateInfo(vks, deps, image) end """ Arguments: - `src_offset::UInt64` - `dst_offset::UInt64` - `size::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCopy.html) """ function _BufferCopy(src_offset::Integer, dst_offset::Integer, size::Integer) _BufferCopy(VkBufferCopy(src_offset, dst_offset, size)) end """ Arguments: - `resource_offset::UInt64` - `size::UInt64` - `memory_offset::UInt64` - `memory::DeviceMemory`: defaults to `C_NULL` - `flags::SparseMemoryBindFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseMemoryBind.html) """ function _SparseMemoryBind(resource_offset::Integer, size::Integer, memory_offset::Integer; memory = C_NULL, flags = 0) _SparseMemoryBind(VkSparseMemoryBind(resource_offset, size, memory, memory_offset, flags), memory) end """ Arguments: - `subresource::_ImageSubresource` - `offset::_Offset3D` - `extent::_Extent3D` - `memory_offset::UInt64` - `memory::DeviceMemory`: defaults to `C_NULL` - `flags::SparseMemoryBindFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryBind.html) """ function _SparseImageMemoryBind(subresource::_ImageSubresource, offset::_Offset3D, extent::_Extent3D, memory_offset::Integer; memory = C_NULL, flags = 0) _SparseImageMemoryBind(VkSparseImageMemoryBind(subresource.vks, offset.vks, extent.vks, memory, memory_offset, flags), memory) end """ Arguments: - `buffer::Buffer` - `binds::Vector{_SparseMemoryBind}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseBufferMemoryBindInfo.html) """ function _SparseBufferMemoryBindInfo(buffer, binds::AbstractArray) bind_count = pointer_length(binds) binds = cconvert(Ptr{VkSparseMemoryBind}, binds) deps = Any[binds] vks = VkSparseBufferMemoryBindInfo(buffer, bind_count, unsafe_convert(Ptr{VkSparseMemoryBind}, binds)) _SparseBufferMemoryBindInfo(vks, deps, buffer) end """ Arguments: - `image::Image` - `binds::Vector{_SparseMemoryBind}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageOpaqueMemoryBindInfo.html) """ function _SparseImageOpaqueMemoryBindInfo(image, binds::AbstractArray) bind_count = pointer_length(binds) binds = cconvert(Ptr{VkSparseMemoryBind}, binds) deps = Any[binds] vks = VkSparseImageOpaqueMemoryBindInfo(image, bind_count, unsafe_convert(Ptr{VkSparseMemoryBind}, binds)) _SparseImageOpaqueMemoryBindInfo(vks, deps, image) end """ Arguments: - `image::Image` - `binds::Vector{_SparseImageMemoryBind}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryBindInfo.html) """ function _SparseImageMemoryBindInfo(image, binds::AbstractArray) bind_count = pointer_length(binds) binds = cconvert(Ptr{VkSparseImageMemoryBind}, binds) deps = Any[binds] vks = VkSparseImageMemoryBindInfo(image, bind_count, unsafe_convert(Ptr{VkSparseImageMemoryBind}, binds)) _SparseImageMemoryBindInfo(vks, deps, image) end """ Arguments: - `wait_semaphores::Vector{Semaphore}` - `buffer_binds::Vector{_SparseBufferMemoryBindInfo}` - `image_opaque_binds::Vector{_SparseImageOpaqueMemoryBindInfo}` - `image_binds::Vector{_SparseImageMemoryBindInfo}` - `signal_semaphores::Vector{Semaphore}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindSparseInfo.html) """ function _BindSparseInfo(wait_semaphores::AbstractArray, buffer_binds::AbstractArray, image_opaque_binds::AbstractArray, image_binds::AbstractArray, signal_semaphores::AbstractArray; next = C_NULL) wait_semaphore_count = pointer_length(wait_semaphores) buffer_bind_count = pointer_length(buffer_binds) image_opaque_bind_count = pointer_length(image_opaque_binds) image_bind_count = pointer_length(image_binds) signal_semaphore_count = pointer_length(signal_semaphores) next = cconvert(Ptr{Cvoid}, next) wait_semaphores = cconvert(Ptr{VkSemaphore}, wait_semaphores) buffer_binds = cconvert(Ptr{VkSparseBufferMemoryBindInfo}, buffer_binds) image_opaque_binds = cconvert(Ptr{VkSparseImageOpaqueMemoryBindInfo}, image_opaque_binds) image_binds = cconvert(Ptr{VkSparseImageMemoryBindInfo}, image_binds) signal_semaphores = cconvert(Ptr{VkSemaphore}, signal_semaphores) deps = Any[next, wait_semaphores, buffer_binds, image_opaque_binds, image_binds, signal_semaphores] vks = VkBindSparseInfo(structure_type(VkBindSparseInfo), unsafe_convert(Ptr{Cvoid}, next), wait_semaphore_count, unsafe_convert(Ptr{VkSemaphore}, wait_semaphores), buffer_bind_count, unsafe_convert(Ptr{VkSparseBufferMemoryBindInfo}, buffer_binds), image_opaque_bind_count, unsafe_convert(Ptr{VkSparseImageOpaqueMemoryBindInfo}, image_opaque_binds), image_bind_count, unsafe_convert(Ptr{VkSparseImageMemoryBindInfo}, image_binds), signal_semaphore_count, unsafe_convert(Ptr{VkSemaphore}, signal_semaphores)) _BindSparseInfo(vks, deps) end """ Arguments: - `src_subresource::_ImageSubresourceLayers` - `src_offset::_Offset3D` - `dst_subresource::_ImageSubresourceLayers` - `dst_offset::_Offset3D` - `extent::_Extent3D` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCopy.html) """ function _ImageCopy(src_subresource::_ImageSubresourceLayers, src_offset::_Offset3D, dst_subresource::_ImageSubresourceLayers, dst_offset::_Offset3D, extent::_Extent3D) _ImageCopy(VkImageCopy(src_subresource.vks, src_offset.vks, dst_subresource.vks, dst_offset.vks, extent.vks)) end """ Arguments: - `src_subresource::_ImageSubresourceLayers` - `src_offsets::NTuple{2, _Offset3D}` - `dst_subresource::_ImageSubresourceLayers` - `dst_offsets::NTuple{2, _Offset3D}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageBlit.html) """ function _ImageBlit(src_subresource::_ImageSubresourceLayers, src_offsets::NTuple{2, _Offset3D}, dst_subresource::_ImageSubresourceLayers, dst_offsets::NTuple{2, _Offset3D}) _ImageBlit(VkImageBlit(src_subresource.vks, to_vk(NTuple{2, VkOffset3D}, src_offsets), dst_subresource.vks, to_vk(NTuple{2, VkOffset3D}, dst_offsets))) end """ Arguments: - `buffer_offset::UInt64` - `buffer_row_length::UInt32` - `buffer_image_height::UInt32` - `image_subresource::_ImageSubresourceLayers` - `image_offset::_Offset3D` - `image_extent::_Extent3D` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferImageCopy.html) """ function _BufferImageCopy(buffer_offset::Integer, buffer_row_length::Integer, buffer_image_height::Integer, image_subresource::_ImageSubresourceLayers, image_offset::_Offset3D, image_extent::_Extent3D) _BufferImageCopy(VkBufferImageCopy(buffer_offset, buffer_row_length, buffer_image_height, image_subresource.vks, image_offset.vks, image_extent.vks)) end """ Extension: VK\\_NV\\_copy\\_memory\\_indirect Arguments: - `src_address::UInt64` - `dst_address::UInt64` - `size::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryIndirectCommandNV.html) """ function _CopyMemoryIndirectCommandNV(src_address::Integer, dst_address::Integer, size::Integer) _CopyMemoryIndirectCommandNV(VkCopyMemoryIndirectCommandNV(src_address, dst_address, size)) end """ Extension: VK\\_NV\\_copy\\_memory\\_indirect Arguments: - `src_address::UInt64` - `buffer_row_length::UInt32` - `buffer_image_height::UInt32` - `image_subresource::_ImageSubresourceLayers` - `image_offset::_Offset3D` - `image_extent::_Extent3D` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryToImageIndirectCommandNV.html) """ function _CopyMemoryToImageIndirectCommandNV(src_address::Integer, buffer_row_length::Integer, buffer_image_height::Integer, image_subresource::_ImageSubresourceLayers, image_offset::_Offset3D, image_extent::_Extent3D) _CopyMemoryToImageIndirectCommandNV(VkCopyMemoryToImageIndirectCommandNV(src_address, buffer_row_length, buffer_image_height, image_subresource.vks, image_offset.vks, image_extent.vks)) end """ Arguments: - `src_subresource::_ImageSubresourceLayers` - `src_offset::_Offset3D` - `dst_subresource::_ImageSubresourceLayers` - `dst_offset::_Offset3D` - `extent::_Extent3D` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageResolve.html) """ function _ImageResolve(src_subresource::_ImageSubresourceLayers, src_offset::_Offset3D, dst_subresource::_ImageSubresourceLayers, dst_offset::_Offset3D, extent::_Extent3D) _ImageResolve(VkImageResolve(src_subresource.vks, src_offset.vks, dst_subresource.vks, dst_offset.vks, extent.vks)) end """ Arguments: - `code_size::UInt` - `code::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderModuleCreateInfo.html) """ function _ShaderModuleCreateInfo(code_size::Integer, code::AbstractArray; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) code = cconvert(Ptr{UInt32}, code) deps = Any[next, code] vks = VkShaderModuleCreateInfo(structure_type(VkShaderModuleCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, code_size, unsafe_convert(Ptr{UInt32}, code)) _ShaderModuleCreateInfo(vks, deps) end """ Arguments: - `binding::UInt32` - `descriptor_type::DescriptorType` - `stage_flags::ShaderStageFlag` - `descriptor_count::UInt32`: defaults to `0` - `immutable_samplers::Vector{Sampler}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutBinding.html) """ function _DescriptorSetLayoutBinding(binding::Integer, descriptor_type::DescriptorType, stage_flags::ShaderStageFlag; descriptor_count = 0, immutable_samplers = C_NULL) immutable_samplers = cconvert(Ptr{VkSampler}, immutable_samplers) deps = Any[immutable_samplers] vks = VkDescriptorSetLayoutBinding(binding, descriptor_type, descriptor_count, stage_flags, unsafe_convert(Ptr{VkSampler}, immutable_samplers)) _DescriptorSetLayoutBinding(vks, deps) end """ Arguments: - `bindings::Vector{_DescriptorSetLayoutBinding}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::DescriptorSetLayoutCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutCreateInfo.html) """ function _DescriptorSetLayoutCreateInfo(bindings::AbstractArray; next = C_NULL, flags = 0) binding_count = pointer_length(bindings) next = cconvert(Ptr{Cvoid}, next) bindings = cconvert(Ptr{VkDescriptorSetLayoutBinding}, bindings) deps = Any[next, bindings] vks = VkDescriptorSetLayoutCreateInfo(structure_type(VkDescriptorSetLayoutCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, binding_count, unsafe_convert(Ptr{VkDescriptorSetLayoutBinding}, bindings)) _DescriptorSetLayoutCreateInfo(vks, deps) end """ Arguments: - `type::DescriptorType` - `descriptor_count::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorPoolSize.html) """ function _DescriptorPoolSize(type::DescriptorType, descriptor_count::Integer) _DescriptorPoolSize(VkDescriptorPoolSize(type, descriptor_count)) end """ Arguments: - `max_sets::UInt32` - `pool_sizes::Vector{_DescriptorPoolSize}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::DescriptorPoolCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorPoolCreateInfo.html) """ function _DescriptorPoolCreateInfo(max_sets::Integer, pool_sizes::AbstractArray; next = C_NULL, flags = 0) pool_size_count = pointer_length(pool_sizes) next = cconvert(Ptr{Cvoid}, next) pool_sizes = cconvert(Ptr{VkDescriptorPoolSize}, pool_sizes) deps = Any[next, pool_sizes] vks = VkDescriptorPoolCreateInfo(structure_type(VkDescriptorPoolCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, max_sets, pool_size_count, unsafe_convert(Ptr{VkDescriptorPoolSize}, pool_sizes)) _DescriptorPoolCreateInfo(vks, deps) end """ Arguments: - `descriptor_pool::DescriptorPool` - `set_layouts::Vector{DescriptorSetLayout}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetAllocateInfo.html) """ function _DescriptorSetAllocateInfo(descriptor_pool, set_layouts::AbstractArray; next = C_NULL) descriptor_set_count = pointer_length(set_layouts) next = cconvert(Ptr{Cvoid}, next) set_layouts = cconvert(Ptr{VkDescriptorSetLayout}, set_layouts) deps = Any[next, set_layouts] vks = VkDescriptorSetAllocateInfo(structure_type(VkDescriptorSetAllocateInfo), unsafe_convert(Ptr{Cvoid}, next), descriptor_pool, descriptor_set_count, unsafe_convert(Ptr{VkDescriptorSetLayout}, set_layouts)) _DescriptorSetAllocateInfo(vks, deps, descriptor_pool) end """ Arguments: - `constant_id::UInt32` - `offset::UInt32` - `size::UInt` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSpecializationMapEntry.html) """ function _SpecializationMapEntry(constant_id::Integer, offset::Integer, size::Integer) _SpecializationMapEntry(VkSpecializationMapEntry(constant_id, offset, size)) end """ Arguments: - `map_entries::Vector{_SpecializationMapEntry}` - `data::Ptr{Cvoid}` - `data_size::UInt`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSpecializationInfo.html) """ function _SpecializationInfo(map_entries::AbstractArray, data::Ptr{Cvoid}; data_size = 0) map_entry_count = pointer_length(map_entries) map_entries = cconvert(Ptr{VkSpecializationMapEntry}, map_entries) data = cconvert(Ptr{Cvoid}, data) deps = Any[map_entries, data] vks = VkSpecializationInfo(map_entry_count, unsafe_convert(Ptr{VkSpecializationMapEntry}, map_entries), data_size, unsafe_convert(Ptr{Cvoid}, data)) _SpecializationInfo(vks, deps) end """ Arguments: - `stage::ShaderStageFlag` - `_module::ShaderModule` - `name::String` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PipelineShaderStageCreateFlag`: defaults to `0` - `specialization_info::_SpecializationInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineShaderStageCreateInfo.html) """ function _PipelineShaderStageCreateInfo(stage::ShaderStageFlag, _module, name::AbstractString; next = C_NULL, flags = 0, specialization_info = C_NULL) next = cconvert(Ptr{Cvoid}, next) name = cconvert(Cstring, name) specialization_info = cconvert(Ptr{VkSpecializationInfo}, specialization_info) deps = Any[next, name, specialization_info] vks = VkPipelineShaderStageCreateInfo(structure_type(VkPipelineShaderStageCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, VkShaderStageFlagBits(stage.val), _module, unsafe_convert(Cstring, name), unsafe_convert(Ptr{VkSpecializationInfo}, specialization_info)) _PipelineShaderStageCreateInfo(vks, deps, _module) end """ Arguments: - `stage::_PipelineShaderStageCreateInfo` - `layout::PipelineLayout` - `base_pipeline_index::Int32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PipelineCreateFlag`: defaults to `0` - `base_pipeline_handle::Pipeline`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkComputePipelineCreateInfo.html) """ function _ComputePipelineCreateInfo(stage::_PipelineShaderStageCreateInfo, layout, base_pipeline_index::Integer; next = C_NULL, flags = 0, base_pipeline_handle = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkComputePipelineCreateInfo(structure_type(VkComputePipelineCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, stage.vks, layout, base_pipeline_handle, base_pipeline_index) _ComputePipelineCreateInfo(vks, deps, layout, base_pipeline_handle) end """ Arguments: - `binding::UInt32` - `stride::UInt32` - `input_rate::VertexInputRate` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputBindingDescription.html) """ function _VertexInputBindingDescription(binding::Integer, stride::Integer, input_rate::VertexInputRate) _VertexInputBindingDescription(VkVertexInputBindingDescription(binding, stride, input_rate)) end """ Arguments: - `location::UInt32` - `binding::UInt32` - `format::Format` - `offset::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputAttributeDescription.html) """ function _VertexInputAttributeDescription(location::Integer, binding::Integer, format::Format, offset::Integer) _VertexInputAttributeDescription(VkVertexInputAttributeDescription(location, binding, format, offset)) end """ Arguments: - `vertex_binding_descriptions::Vector{_VertexInputBindingDescription}` - `vertex_attribute_descriptions::Vector{_VertexInputAttributeDescription}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineVertexInputStateCreateInfo.html) """ function _PipelineVertexInputStateCreateInfo(vertex_binding_descriptions::AbstractArray, vertex_attribute_descriptions::AbstractArray; next = C_NULL, flags = 0) vertex_binding_description_count = pointer_length(vertex_binding_descriptions) vertex_attribute_description_count = pointer_length(vertex_attribute_descriptions) next = cconvert(Ptr{Cvoid}, next) vertex_binding_descriptions = cconvert(Ptr{VkVertexInputBindingDescription}, vertex_binding_descriptions) vertex_attribute_descriptions = cconvert(Ptr{VkVertexInputAttributeDescription}, vertex_attribute_descriptions) deps = Any[next, vertex_binding_descriptions, vertex_attribute_descriptions] vks = VkPipelineVertexInputStateCreateInfo(structure_type(VkPipelineVertexInputStateCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, vertex_binding_description_count, unsafe_convert(Ptr{VkVertexInputBindingDescription}, vertex_binding_descriptions), vertex_attribute_description_count, unsafe_convert(Ptr{VkVertexInputAttributeDescription}, vertex_attribute_descriptions)) _PipelineVertexInputStateCreateInfo(vks, deps) end """ Arguments: - `topology::PrimitiveTopology` - `primitive_restart_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineInputAssemblyStateCreateInfo.html) """ function _PipelineInputAssemblyStateCreateInfo(topology::PrimitiveTopology, primitive_restart_enable::Bool; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineInputAssemblyStateCreateInfo(structure_type(VkPipelineInputAssemblyStateCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, topology, primitive_restart_enable) _PipelineInputAssemblyStateCreateInfo(vks, deps) end """ Arguments: - `patch_control_points::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineTessellationStateCreateInfo.html) """ function _PipelineTessellationStateCreateInfo(patch_control_points::Integer; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineTessellationStateCreateInfo(structure_type(VkPipelineTessellationStateCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, patch_control_points) _PipelineTessellationStateCreateInfo(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `viewports::Vector{_Viewport}`: defaults to `C_NULL` - `scissors::Vector{_Rect2D}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportStateCreateInfo.html) """ function _PipelineViewportStateCreateInfo(; next = C_NULL, flags = 0, viewports = C_NULL, scissors = C_NULL) viewport_count = pointer_length(viewports) scissor_count = pointer_length(scissors) next = cconvert(Ptr{Cvoid}, next) viewports = cconvert(Ptr{VkViewport}, viewports) scissors = cconvert(Ptr{VkRect2D}, scissors) deps = Any[next, viewports, scissors] vks = VkPipelineViewportStateCreateInfo(structure_type(VkPipelineViewportStateCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, viewport_count, unsafe_convert(Ptr{VkViewport}, viewports), scissor_count, unsafe_convert(Ptr{VkRect2D}, scissors)) _PipelineViewportStateCreateInfo(vks, deps) end """ Arguments: - `depth_clamp_enable::Bool` - `rasterizer_discard_enable::Bool` - `polygon_mode::PolygonMode` - `front_face::FrontFace` - `depth_bias_enable::Bool` - `depth_bias_constant_factor::Float32` - `depth_bias_clamp::Float32` - `depth_bias_slope_factor::Float32` - `line_width::Float32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `cull_mode::CullModeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationStateCreateInfo.html) """ function _PipelineRasterizationStateCreateInfo(depth_clamp_enable::Bool, rasterizer_discard_enable::Bool, polygon_mode::PolygonMode, front_face::FrontFace, depth_bias_enable::Bool, depth_bias_constant_factor::Real, depth_bias_clamp::Real, depth_bias_slope_factor::Real, line_width::Real; next = C_NULL, flags = 0, cull_mode = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineRasterizationStateCreateInfo(structure_type(VkPipelineRasterizationStateCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, depth_clamp_enable, rasterizer_discard_enable, polygon_mode, cull_mode, front_face, depth_bias_enable, depth_bias_constant_factor, depth_bias_clamp, depth_bias_slope_factor, line_width) _PipelineRasterizationStateCreateInfo(vks, deps) end """ Arguments: - `rasterization_samples::SampleCountFlag` - `sample_shading_enable::Bool` - `min_sample_shading::Float32` - `alpha_to_coverage_enable::Bool` - `alpha_to_one_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `sample_mask::Vector{UInt32}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineMultisampleStateCreateInfo.html) """ function _PipelineMultisampleStateCreateInfo(rasterization_samples::SampleCountFlag, sample_shading_enable::Bool, min_sample_shading::Real, alpha_to_coverage_enable::Bool, alpha_to_one_enable::Bool; next = C_NULL, flags = 0, sample_mask = C_NULL) next = cconvert(Ptr{Cvoid}, next) sample_mask = cconvert(Ptr{VkSampleMask}, sample_mask) deps = Any[next, sample_mask] vks = VkPipelineMultisampleStateCreateInfo(structure_type(VkPipelineMultisampleStateCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, VkSampleCountFlagBits(rasterization_samples.val), sample_shading_enable, min_sample_shading, unsafe_convert(Ptr{VkSampleMask}, sample_mask), alpha_to_coverage_enable, alpha_to_one_enable) _PipelineMultisampleStateCreateInfo(vks, deps) end """ Arguments: - `blend_enable::Bool` - `src_color_blend_factor::BlendFactor` - `dst_color_blend_factor::BlendFactor` - `color_blend_op::BlendOp` - `src_alpha_blend_factor::BlendFactor` - `dst_alpha_blend_factor::BlendFactor` - `alpha_blend_op::BlendOp` - `color_write_mask::ColorComponentFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorBlendAttachmentState.html) """ function _PipelineColorBlendAttachmentState(blend_enable::Bool, src_color_blend_factor::BlendFactor, dst_color_blend_factor::BlendFactor, color_blend_op::BlendOp, src_alpha_blend_factor::BlendFactor, dst_alpha_blend_factor::BlendFactor, alpha_blend_op::BlendOp; color_write_mask = 0) _PipelineColorBlendAttachmentState(VkPipelineColorBlendAttachmentState(blend_enable, src_color_blend_factor, dst_color_blend_factor, color_blend_op, src_alpha_blend_factor, dst_alpha_blend_factor, alpha_blend_op, color_write_mask)) end """ Arguments: - `logic_op_enable::Bool` - `logic_op::LogicOp` - `attachments::Vector{_PipelineColorBlendAttachmentState}` - `blend_constants::NTuple{4, Float32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PipelineColorBlendStateCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorBlendStateCreateInfo.html) """ function _PipelineColorBlendStateCreateInfo(logic_op_enable::Bool, logic_op::LogicOp, attachments::AbstractArray, blend_constants::NTuple{4, Float32}; next = C_NULL, flags = 0) attachment_count = pointer_length(attachments) next = cconvert(Ptr{Cvoid}, next) attachments = cconvert(Ptr{VkPipelineColorBlendAttachmentState}, attachments) deps = Any[next, attachments] vks = VkPipelineColorBlendStateCreateInfo(structure_type(VkPipelineColorBlendStateCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, logic_op_enable, logic_op, attachment_count, unsafe_convert(Ptr{VkPipelineColorBlendAttachmentState}, attachments), blend_constants) _PipelineColorBlendStateCreateInfo(vks, deps) end """ Arguments: - `dynamic_states::Vector{DynamicState}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineDynamicStateCreateInfo.html) """ function _PipelineDynamicStateCreateInfo(dynamic_states::AbstractArray; next = C_NULL, flags = 0) dynamic_state_count = pointer_length(dynamic_states) next = cconvert(Ptr{Cvoid}, next) dynamic_states = cconvert(Ptr{VkDynamicState}, dynamic_states) deps = Any[next, dynamic_states] vks = VkPipelineDynamicStateCreateInfo(structure_type(VkPipelineDynamicStateCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, dynamic_state_count, unsafe_convert(Ptr{VkDynamicState}, dynamic_states)) _PipelineDynamicStateCreateInfo(vks, deps) end """ Arguments: - `fail_op::StencilOp` - `pass_op::StencilOp` - `depth_fail_op::StencilOp` - `compare_op::CompareOp` - `compare_mask::UInt32` - `write_mask::UInt32` - `reference::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkStencilOpState.html) """ function _StencilOpState(fail_op::StencilOp, pass_op::StencilOp, depth_fail_op::StencilOp, compare_op::CompareOp, compare_mask::Integer, write_mask::Integer, reference::Integer) _StencilOpState(VkStencilOpState(fail_op, pass_op, depth_fail_op, compare_op, compare_mask, write_mask, reference)) end """ Arguments: - `depth_test_enable::Bool` - `depth_write_enable::Bool` - `depth_compare_op::CompareOp` - `depth_bounds_test_enable::Bool` - `stencil_test_enable::Bool` - `front::_StencilOpState` - `back::_StencilOpState` - `min_depth_bounds::Float32` - `max_depth_bounds::Float32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PipelineDepthStencilStateCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineDepthStencilStateCreateInfo.html) """ function _PipelineDepthStencilStateCreateInfo(depth_test_enable::Bool, depth_write_enable::Bool, depth_compare_op::CompareOp, depth_bounds_test_enable::Bool, stencil_test_enable::Bool, front::_StencilOpState, back::_StencilOpState, min_depth_bounds::Real, max_depth_bounds::Real; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineDepthStencilStateCreateInfo(structure_type(VkPipelineDepthStencilStateCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, depth_test_enable, depth_write_enable, depth_compare_op, depth_bounds_test_enable, stencil_test_enable, front.vks, back.vks, min_depth_bounds, max_depth_bounds) _PipelineDepthStencilStateCreateInfo(vks, deps) end """ Arguments: - `stages::Vector{_PipelineShaderStageCreateInfo}` - `rasterization_state::_PipelineRasterizationStateCreateInfo` - `layout::PipelineLayout` - `subpass::UInt32` - `base_pipeline_index::Int32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PipelineCreateFlag`: defaults to `0` - `vertex_input_state::_PipelineVertexInputStateCreateInfo`: defaults to `C_NULL` - `input_assembly_state::_PipelineInputAssemblyStateCreateInfo`: defaults to `C_NULL` - `tessellation_state::_PipelineTessellationStateCreateInfo`: defaults to `C_NULL` - `viewport_state::_PipelineViewportStateCreateInfo`: defaults to `C_NULL` - `multisample_state::_PipelineMultisampleStateCreateInfo`: defaults to `C_NULL` - `depth_stencil_state::_PipelineDepthStencilStateCreateInfo`: defaults to `C_NULL` - `color_blend_state::_PipelineColorBlendStateCreateInfo`: defaults to `C_NULL` - `dynamic_state::_PipelineDynamicStateCreateInfo`: defaults to `C_NULL` - `render_pass::RenderPass`: defaults to `C_NULL` - `base_pipeline_handle::Pipeline`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsPipelineCreateInfo.html) """ function _GraphicsPipelineCreateInfo(stages::AbstractArray, rasterization_state::_PipelineRasterizationStateCreateInfo, layout, subpass::Integer, base_pipeline_index::Integer; next = C_NULL, flags = 0, vertex_input_state = C_NULL, input_assembly_state = C_NULL, tessellation_state = C_NULL, viewport_state = C_NULL, multisample_state = C_NULL, depth_stencil_state = C_NULL, color_blend_state = C_NULL, dynamic_state = C_NULL, render_pass = C_NULL, base_pipeline_handle = C_NULL) stage_count = pointer_length(stages) next = cconvert(Ptr{Cvoid}, next) stages = cconvert(Ptr{VkPipelineShaderStageCreateInfo}, stages) vertex_input_state = cconvert(Ptr{VkPipelineVertexInputStateCreateInfo}, vertex_input_state) input_assembly_state = cconvert(Ptr{VkPipelineInputAssemblyStateCreateInfo}, input_assembly_state) tessellation_state = cconvert(Ptr{VkPipelineTessellationStateCreateInfo}, tessellation_state) viewport_state = cconvert(Ptr{VkPipelineViewportStateCreateInfo}, viewport_state) rasterization_state = cconvert(Ptr{VkPipelineRasterizationStateCreateInfo}, rasterization_state) multisample_state = cconvert(Ptr{VkPipelineMultisampleStateCreateInfo}, multisample_state) depth_stencil_state = cconvert(Ptr{VkPipelineDepthStencilStateCreateInfo}, depth_stencil_state) color_blend_state = cconvert(Ptr{VkPipelineColorBlendStateCreateInfo}, color_blend_state) dynamic_state = cconvert(Ptr{VkPipelineDynamicStateCreateInfo}, dynamic_state) deps = Any[next, stages, vertex_input_state, input_assembly_state, tessellation_state, viewport_state, rasterization_state, multisample_state, depth_stencil_state, color_blend_state, dynamic_state] vks = VkGraphicsPipelineCreateInfo(structure_type(VkGraphicsPipelineCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, stage_count, unsafe_convert(Ptr{VkPipelineShaderStageCreateInfo}, stages), unsafe_convert(Ptr{VkPipelineVertexInputStateCreateInfo}, vertex_input_state), unsafe_convert(Ptr{VkPipelineInputAssemblyStateCreateInfo}, input_assembly_state), unsafe_convert(Ptr{VkPipelineTessellationStateCreateInfo}, tessellation_state), unsafe_convert(Ptr{VkPipelineViewportStateCreateInfo}, viewport_state), unsafe_convert(Ptr{VkPipelineRasterizationStateCreateInfo}, rasterization_state), unsafe_convert(Ptr{VkPipelineMultisampleStateCreateInfo}, multisample_state), unsafe_convert(Ptr{VkPipelineDepthStencilStateCreateInfo}, depth_stencil_state), unsafe_convert(Ptr{VkPipelineColorBlendStateCreateInfo}, color_blend_state), unsafe_convert(Ptr{VkPipelineDynamicStateCreateInfo}, dynamic_state), layout, render_pass, subpass, base_pipeline_handle, base_pipeline_index) _GraphicsPipelineCreateInfo(vks, deps, layout, render_pass, base_pipeline_handle) end """ Arguments: - `initial_data::Ptr{Cvoid}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PipelineCacheCreateFlag`: defaults to `0` - `initial_data_size::UInt`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCacheCreateInfo.html) """ function _PipelineCacheCreateInfo(initial_data::Ptr{Cvoid}; next = C_NULL, flags = 0, initial_data_size = 0) next = cconvert(Ptr{Cvoid}, next) initial_data = cconvert(Ptr{Cvoid}, initial_data) deps = Any[next, initial_data] vks = VkPipelineCacheCreateInfo(structure_type(VkPipelineCacheCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, initial_data_size, unsafe_convert(Ptr{Cvoid}, initial_data)) _PipelineCacheCreateInfo(vks, deps) end """ Arguments: - `header_size::UInt32` - `header_version::PipelineCacheHeaderVersion` - `vendor_id::UInt32` - `device_id::UInt32` - `pipeline_cache_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCacheHeaderVersionOne.html) """ function _PipelineCacheHeaderVersionOne(header_size::Integer, header_version::PipelineCacheHeaderVersion, vendor_id::Integer, device_id::Integer, pipeline_cache_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}) _PipelineCacheHeaderVersionOne(VkPipelineCacheHeaderVersionOne(header_size, header_version, vendor_id, device_id, pipeline_cache_uuid)) end """ Arguments: - `stage_flags::ShaderStageFlag` - `offset::UInt32` - `size::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPushConstantRange.html) """ function _PushConstantRange(stage_flags::ShaderStageFlag, offset::Integer, size::Integer) _PushConstantRange(VkPushConstantRange(stage_flags, offset, size)) end """ Arguments: - `set_layouts::Vector{DescriptorSetLayout}` - `push_constant_ranges::Vector{_PushConstantRange}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PipelineLayoutCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineLayoutCreateInfo.html) """ function _PipelineLayoutCreateInfo(set_layouts::AbstractArray, push_constant_ranges::AbstractArray; next = C_NULL, flags = 0) set_layout_count = pointer_length(set_layouts) push_constant_range_count = pointer_length(push_constant_ranges) next = cconvert(Ptr{Cvoid}, next) set_layouts = cconvert(Ptr{VkDescriptorSetLayout}, set_layouts) push_constant_ranges = cconvert(Ptr{VkPushConstantRange}, push_constant_ranges) deps = Any[next, set_layouts, push_constant_ranges] vks = VkPipelineLayoutCreateInfo(structure_type(VkPipelineLayoutCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, set_layout_count, unsafe_convert(Ptr{VkDescriptorSetLayout}, set_layouts), push_constant_range_count, unsafe_convert(Ptr{VkPushConstantRange}, push_constant_ranges)) _PipelineLayoutCreateInfo(vks, deps) end """ Arguments: - `mag_filter::Filter` - `min_filter::Filter` - `mipmap_mode::SamplerMipmapMode` - `address_mode_u::SamplerAddressMode` - `address_mode_v::SamplerAddressMode` - `address_mode_w::SamplerAddressMode` - `mip_lod_bias::Float32` - `anisotropy_enable::Bool` - `max_anisotropy::Float32` - `compare_enable::Bool` - `compare_op::CompareOp` - `min_lod::Float32` - `max_lod::Float32` - `border_color::BorderColor` - `unnormalized_coordinates::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::SamplerCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerCreateInfo.html) """ function _SamplerCreateInfo(mag_filter::Filter, min_filter::Filter, mipmap_mode::SamplerMipmapMode, address_mode_u::SamplerAddressMode, address_mode_v::SamplerAddressMode, address_mode_w::SamplerAddressMode, mip_lod_bias::Real, anisotropy_enable::Bool, max_anisotropy::Real, compare_enable::Bool, compare_op::CompareOp, min_lod::Real, max_lod::Real, border_color::BorderColor, unnormalized_coordinates::Bool; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSamplerCreateInfo(structure_type(VkSamplerCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, mag_filter, min_filter, mipmap_mode, address_mode_u, address_mode_v, address_mode_w, mip_lod_bias, anisotropy_enable, max_anisotropy, compare_enable, compare_op, min_lod, max_lod, border_color, unnormalized_coordinates) _SamplerCreateInfo(vks, deps) end """ Arguments: - `queue_family_index::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::CommandPoolCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandPoolCreateInfo.html) """ function _CommandPoolCreateInfo(queue_family_index::Integer; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCommandPoolCreateInfo(structure_type(VkCommandPoolCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, queue_family_index) _CommandPoolCreateInfo(vks, deps) end """ Arguments: - `command_pool::CommandPool` - `level::CommandBufferLevel` - `command_buffer_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferAllocateInfo.html) """ function _CommandBufferAllocateInfo(command_pool, level::CommandBufferLevel, command_buffer_count::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCommandBufferAllocateInfo(structure_type(VkCommandBufferAllocateInfo), unsafe_convert(Ptr{Cvoid}, next), command_pool, level, command_buffer_count) _CommandBufferAllocateInfo(vks, deps, command_pool) end """ Arguments: - `subpass::UInt32` - `occlusion_query_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `render_pass::RenderPass`: defaults to `C_NULL` - `framebuffer::Framebuffer`: defaults to `C_NULL` - `query_flags::QueryControlFlag`: defaults to `0` - `pipeline_statistics::QueryPipelineStatisticFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceInfo.html) """ function _CommandBufferInheritanceInfo(subpass::Integer, occlusion_query_enable::Bool; next = C_NULL, render_pass = C_NULL, framebuffer = C_NULL, query_flags = 0, pipeline_statistics = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCommandBufferInheritanceInfo(structure_type(VkCommandBufferInheritanceInfo), unsafe_convert(Ptr{Cvoid}, next), render_pass, subpass, framebuffer, occlusion_query_enable, query_flags, pipeline_statistics) _CommandBufferInheritanceInfo(vks, deps, render_pass, framebuffer) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::CommandBufferUsageFlag`: defaults to `0` - `inheritance_info::_CommandBufferInheritanceInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferBeginInfo.html) """ function _CommandBufferBeginInfo(; next = C_NULL, flags = 0, inheritance_info = C_NULL) next = cconvert(Ptr{Cvoid}, next) inheritance_info = cconvert(Ptr{VkCommandBufferInheritanceInfo}, inheritance_info) deps = Any[next, inheritance_info] vks = VkCommandBufferBeginInfo(structure_type(VkCommandBufferBeginInfo), unsafe_convert(Ptr{Cvoid}, next), flags, unsafe_convert(Ptr{VkCommandBufferInheritanceInfo}, inheritance_info)) _CommandBufferBeginInfo(vks, deps) end """ Arguments: - `render_pass::RenderPass` - `framebuffer::Framebuffer` - `render_area::_Rect2D` - `clear_values::Vector{_ClearValue}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassBeginInfo.html) """ function _RenderPassBeginInfo(render_pass, framebuffer, render_area::_Rect2D, clear_values::AbstractArray; next = C_NULL) clear_value_count = pointer_length(clear_values) next = cconvert(Ptr{Cvoid}, next) clear_values = cconvert(Ptr{VkClearValue}, clear_values) deps = Any[next, clear_values] vks = VkRenderPassBeginInfo(structure_type(VkRenderPassBeginInfo), unsafe_convert(Ptr{Cvoid}, next), render_pass, framebuffer, render_area.vks, clear_value_count, unsafe_convert(Ptr{VkClearValue}, clear_values)) _RenderPassBeginInfo(vks, deps, render_pass, framebuffer) end """ Arguments: - `depth::Float32` - `stencil::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearDepthStencilValue.html) """ function _ClearDepthStencilValue(depth::Real, stencil::Integer) _ClearDepthStencilValue(VkClearDepthStencilValue(depth, stencil)) end """ Arguments: - `aspect_mask::ImageAspectFlag` - `color_attachment::UInt32` - `clear_value::_ClearValue` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkClearAttachment.html) """ function _ClearAttachment(aspect_mask::ImageAspectFlag, color_attachment::Integer, clear_value::_ClearValue) _ClearAttachment(VkClearAttachment(aspect_mask, color_attachment, clear_value.vks)) end """ Arguments: - `format::Format` - `samples::SampleCountFlag` - `load_op::AttachmentLoadOp` - `store_op::AttachmentStoreOp` - `stencil_load_op::AttachmentLoadOp` - `stencil_store_op::AttachmentStoreOp` - `initial_layout::ImageLayout` - `final_layout::ImageLayout` - `flags::AttachmentDescriptionFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentDescription.html) """ function _AttachmentDescription(format::Format, samples::SampleCountFlag, load_op::AttachmentLoadOp, store_op::AttachmentStoreOp, stencil_load_op::AttachmentLoadOp, stencil_store_op::AttachmentStoreOp, initial_layout::ImageLayout, final_layout::ImageLayout; flags = 0) _AttachmentDescription(VkAttachmentDescription(flags, format, VkSampleCountFlagBits(samples.val), load_op, store_op, stencil_load_op, stencil_store_op, initial_layout, final_layout)) end """ Arguments: - `attachment::UInt32` - `layout::ImageLayout` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentReference.html) """ function _AttachmentReference(attachment::Integer, layout::ImageLayout) _AttachmentReference(VkAttachmentReference(attachment, layout)) end """ Arguments: - `pipeline_bind_point::PipelineBindPoint` - `input_attachments::Vector{_AttachmentReference}` - `color_attachments::Vector{_AttachmentReference}` - `preserve_attachments::Vector{UInt32}` - `flags::SubpassDescriptionFlag`: defaults to `0` - `resolve_attachments::Vector{_AttachmentReference}`: defaults to `C_NULL` - `depth_stencil_attachment::_AttachmentReference`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDescription.html) """ function _SubpassDescription(pipeline_bind_point::PipelineBindPoint, input_attachments::AbstractArray, color_attachments::AbstractArray, preserve_attachments::AbstractArray; flags = 0, resolve_attachments = C_NULL, depth_stencil_attachment = C_NULL) input_attachment_count = pointer_length(input_attachments) color_attachment_count = pointer_length(color_attachments) preserve_attachment_count = pointer_length(preserve_attachments) input_attachments = cconvert(Ptr{VkAttachmentReference}, input_attachments) color_attachments = cconvert(Ptr{VkAttachmentReference}, color_attachments) resolve_attachments = cconvert(Ptr{VkAttachmentReference}, resolve_attachments) depth_stencil_attachment = cconvert(Ptr{VkAttachmentReference}, depth_stencil_attachment) preserve_attachments = cconvert(Ptr{UInt32}, preserve_attachments) deps = Any[input_attachments, color_attachments, resolve_attachments, depth_stencil_attachment, preserve_attachments] vks = VkSubpassDescription(flags, pipeline_bind_point, input_attachment_count, unsafe_convert(Ptr{VkAttachmentReference}, input_attachments), color_attachment_count, unsafe_convert(Ptr{VkAttachmentReference}, color_attachments), unsafe_convert(Ptr{VkAttachmentReference}, resolve_attachments), unsafe_convert(Ptr{VkAttachmentReference}, depth_stencil_attachment), preserve_attachment_count, unsafe_convert(Ptr{UInt32}, preserve_attachments)) _SubpassDescription(vks, deps) end """ Arguments: - `src_subpass::UInt32` - `dst_subpass::UInt32` - `src_stage_mask::PipelineStageFlag`: defaults to `0` - `dst_stage_mask::PipelineStageFlag`: defaults to `0` - `src_access_mask::AccessFlag`: defaults to `0` - `dst_access_mask::AccessFlag`: defaults to `0` - `dependency_flags::DependencyFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDependency.html) """ function _SubpassDependency(src_subpass::Integer, dst_subpass::Integer; src_stage_mask = 0, dst_stage_mask = 0, src_access_mask = 0, dst_access_mask = 0, dependency_flags = 0) _SubpassDependency(VkSubpassDependency(src_subpass, dst_subpass, src_stage_mask, dst_stage_mask, src_access_mask, dst_access_mask, dependency_flags)) end """ Arguments: - `attachments::Vector{_AttachmentDescription}` - `subpasses::Vector{_SubpassDescription}` - `dependencies::Vector{_SubpassDependency}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::RenderPassCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreateInfo.html) """ function _RenderPassCreateInfo(attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray; next = C_NULL, flags = 0) attachment_count = pointer_length(attachments) subpass_count = pointer_length(subpasses) dependency_count = pointer_length(dependencies) next = cconvert(Ptr{Cvoid}, next) attachments = cconvert(Ptr{VkAttachmentDescription}, attachments) subpasses = cconvert(Ptr{VkSubpassDescription}, subpasses) dependencies = cconvert(Ptr{VkSubpassDependency}, dependencies) deps = Any[next, attachments, subpasses, dependencies] vks = VkRenderPassCreateInfo(structure_type(VkRenderPassCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, attachment_count, unsafe_convert(Ptr{VkAttachmentDescription}, attachments), subpass_count, unsafe_convert(Ptr{VkSubpassDescription}, subpasses), dependency_count, unsafe_convert(Ptr{VkSubpassDependency}, dependencies)) _RenderPassCreateInfo(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::EventCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkEventCreateInfo.html) """ function _EventCreateInfo(; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkEventCreateInfo(structure_type(VkEventCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags) _EventCreateInfo(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::FenceCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFenceCreateInfo.html) """ function _FenceCreateInfo(; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkFenceCreateInfo(structure_type(VkFenceCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags) _FenceCreateInfo(vks, deps) end """ Arguments: - `robust_buffer_access::Bool` - `full_draw_index_uint_32::Bool` - `image_cube_array::Bool` - `independent_blend::Bool` - `geometry_shader::Bool` - `tessellation_shader::Bool` - `sample_rate_shading::Bool` - `dual_src_blend::Bool` - `logic_op::Bool` - `multi_draw_indirect::Bool` - `draw_indirect_first_instance::Bool` - `depth_clamp::Bool` - `depth_bias_clamp::Bool` - `fill_mode_non_solid::Bool` - `depth_bounds::Bool` - `wide_lines::Bool` - `large_points::Bool` - `alpha_to_one::Bool` - `multi_viewport::Bool` - `sampler_anisotropy::Bool` - `texture_compression_etc_2::Bool` - `texture_compression_astc_ldr::Bool` - `texture_compression_bc::Bool` - `occlusion_query_precise::Bool` - `pipeline_statistics_query::Bool` - `vertex_pipeline_stores_and_atomics::Bool` - `fragment_stores_and_atomics::Bool` - `shader_tessellation_and_geometry_point_size::Bool` - `shader_image_gather_extended::Bool` - `shader_storage_image_extended_formats::Bool` - `shader_storage_image_multisample::Bool` - `shader_storage_image_read_without_format::Bool` - `shader_storage_image_write_without_format::Bool` - `shader_uniform_buffer_array_dynamic_indexing::Bool` - `shader_sampled_image_array_dynamic_indexing::Bool` - `shader_storage_buffer_array_dynamic_indexing::Bool` - `shader_storage_image_array_dynamic_indexing::Bool` - `shader_clip_distance::Bool` - `shader_cull_distance::Bool` - `shader_float_64::Bool` - `shader_int_64::Bool` - `shader_int_16::Bool` - `shader_resource_residency::Bool` - `shader_resource_min_lod::Bool` - `sparse_binding::Bool` - `sparse_residency_buffer::Bool` - `sparse_residency_image_2_d::Bool` - `sparse_residency_image_3_d::Bool` - `sparse_residency_2_samples::Bool` - `sparse_residency_4_samples::Bool` - `sparse_residency_8_samples::Bool` - `sparse_residency_16_samples::Bool` - `sparse_residency_aliased::Bool` - `variable_multisample_rate::Bool` - `inherited_queries::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFeatures.html) """ function _PhysicalDeviceFeatures(robust_buffer_access::Bool, full_draw_index_uint_32::Bool, image_cube_array::Bool, independent_blend::Bool, geometry_shader::Bool, tessellation_shader::Bool, sample_rate_shading::Bool, dual_src_blend::Bool, logic_op::Bool, multi_draw_indirect::Bool, draw_indirect_first_instance::Bool, depth_clamp::Bool, depth_bias_clamp::Bool, fill_mode_non_solid::Bool, depth_bounds::Bool, wide_lines::Bool, large_points::Bool, alpha_to_one::Bool, multi_viewport::Bool, sampler_anisotropy::Bool, texture_compression_etc_2::Bool, texture_compression_astc_ldr::Bool, texture_compression_bc::Bool, occlusion_query_precise::Bool, pipeline_statistics_query::Bool, vertex_pipeline_stores_and_atomics::Bool, fragment_stores_and_atomics::Bool, shader_tessellation_and_geometry_point_size::Bool, shader_image_gather_extended::Bool, shader_storage_image_extended_formats::Bool, shader_storage_image_multisample::Bool, shader_storage_image_read_without_format::Bool, shader_storage_image_write_without_format::Bool, shader_uniform_buffer_array_dynamic_indexing::Bool, shader_sampled_image_array_dynamic_indexing::Bool, shader_storage_buffer_array_dynamic_indexing::Bool, shader_storage_image_array_dynamic_indexing::Bool, shader_clip_distance::Bool, shader_cull_distance::Bool, shader_float_64::Bool, shader_int_64::Bool, shader_int_16::Bool, shader_resource_residency::Bool, shader_resource_min_lod::Bool, sparse_binding::Bool, sparse_residency_buffer::Bool, sparse_residency_image_2_d::Bool, sparse_residency_image_3_d::Bool, sparse_residency_2_samples::Bool, sparse_residency_4_samples::Bool, sparse_residency_8_samples::Bool, sparse_residency_16_samples::Bool, sparse_residency_aliased::Bool, variable_multisample_rate::Bool, inherited_queries::Bool) _PhysicalDeviceFeatures(VkPhysicalDeviceFeatures(robust_buffer_access, full_draw_index_uint_32, image_cube_array, independent_blend, geometry_shader, tessellation_shader, sample_rate_shading, dual_src_blend, logic_op, multi_draw_indirect, draw_indirect_first_instance, depth_clamp, depth_bias_clamp, fill_mode_non_solid, depth_bounds, wide_lines, large_points, alpha_to_one, multi_viewport, sampler_anisotropy, texture_compression_etc_2, texture_compression_astc_ldr, texture_compression_bc, occlusion_query_precise, pipeline_statistics_query, vertex_pipeline_stores_and_atomics, fragment_stores_and_atomics, shader_tessellation_and_geometry_point_size, shader_image_gather_extended, shader_storage_image_extended_formats, shader_storage_image_multisample, shader_storage_image_read_without_format, shader_storage_image_write_without_format, shader_uniform_buffer_array_dynamic_indexing, shader_sampled_image_array_dynamic_indexing, shader_storage_buffer_array_dynamic_indexing, shader_storage_image_array_dynamic_indexing, shader_clip_distance, shader_cull_distance, shader_float_64, shader_int_64, shader_int_16, shader_resource_residency, shader_resource_min_lod, sparse_binding, sparse_residency_buffer, sparse_residency_image_2_d, sparse_residency_image_3_d, sparse_residency_2_samples, sparse_residency_4_samples, sparse_residency_8_samples, sparse_residency_16_samples, sparse_residency_aliased, variable_multisample_rate, inherited_queries)) end """ Arguments: - `residency_standard_2_d_block_shape::Bool` - `residency_standard_2_d_multisample_block_shape::Bool` - `residency_standard_3_d_block_shape::Bool` - `residency_aligned_mip_size::Bool` - `residency_non_resident_strict::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSparseProperties.html) """ function _PhysicalDeviceSparseProperties(residency_standard_2_d_block_shape::Bool, residency_standard_2_d_multisample_block_shape::Bool, residency_standard_3_d_block_shape::Bool, residency_aligned_mip_size::Bool, residency_non_resident_strict::Bool) _PhysicalDeviceSparseProperties(VkPhysicalDeviceSparseProperties(residency_standard_2_d_block_shape, residency_standard_2_d_multisample_block_shape, residency_standard_3_d_block_shape, residency_aligned_mip_size, residency_non_resident_strict)) end """ Arguments: - `max_image_dimension_1_d::UInt32` - `max_image_dimension_2_d::UInt32` - `max_image_dimension_3_d::UInt32` - `max_image_dimension_cube::UInt32` - `max_image_array_layers::UInt32` - `max_texel_buffer_elements::UInt32` - `max_uniform_buffer_range::UInt32` - `max_storage_buffer_range::UInt32` - `max_push_constants_size::UInt32` - `max_memory_allocation_count::UInt32` - `max_sampler_allocation_count::UInt32` - `buffer_image_granularity::UInt64` - `sparse_address_space_size::UInt64` - `max_bound_descriptor_sets::UInt32` - `max_per_stage_descriptor_samplers::UInt32` - `max_per_stage_descriptor_uniform_buffers::UInt32` - `max_per_stage_descriptor_storage_buffers::UInt32` - `max_per_stage_descriptor_sampled_images::UInt32` - `max_per_stage_descriptor_storage_images::UInt32` - `max_per_stage_descriptor_input_attachments::UInt32` - `max_per_stage_resources::UInt32` - `max_descriptor_set_samplers::UInt32` - `max_descriptor_set_uniform_buffers::UInt32` - `max_descriptor_set_uniform_buffers_dynamic::UInt32` - `max_descriptor_set_storage_buffers::UInt32` - `max_descriptor_set_storage_buffers_dynamic::UInt32` - `max_descriptor_set_sampled_images::UInt32` - `max_descriptor_set_storage_images::UInt32` - `max_descriptor_set_input_attachments::UInt32` - `max_vertex_input_attributes::UInt32` - `max_vertex_input_bindings::UInt32` - `max_vertex_input_attribute_offset::UInt32` - `max_vertex_input_binding_stride::UInt32` - `max_vertex_output_components::UInt32` - `max_tessellation_generation_level::UInt32` - `max_tessellation_patch_size::UInt32` - `max_tessellation_control_per_vertex_input_components::UInt32` - `max_tessellation_control_per_vertex_output_components::UInt32` - `max_tessellation_control_per_patch_output_components::UInt32` - `max_tessellation_control_total_output_components::UInt32` - `max_tessellation_evaluation_input_components::UInt32` - `max_tessellation_evaluation_output_components::UInt32` - `max_geometry_shader_invocations::UInt32` - `max_geometry_input_components::UInt32` - `max_geometry_output_components::UInt32` - `max_geometry_output_vertices::UInt32` - `max_geometry_total_output_components::UInt32` - `max_fragment_input_components::UInt32` - `max_fragment_output_attachments::UInt32` - `max_fragment_dual_src_attachments::UInt32` - `max_fragment_combined_output_resources::UInt32` - `max_compute_shared_memory_size::UInt32` - `max_compute_work_group_count::NTuple{3, UInt32}` - `max_compute_work_group_invocations::UInt32` - `max_compute_work_group_size::NTuple{3, UInt32}` - `sub_pixel_precision_bits::UInt32` - `sub_texel_precision_bits::UInt32` - `mipmap_precision_bits::UInt32` - `max_draw_indexed_index_value::UInt32` - `max_draw_indirect_count::UInt32` - `max_sampler_lod_bias::Float32` - `max_sampler_anisotropy::Float32` - `max_viewports::UInt32` - `max_viewport_dimensions::NTuple{2, UInt32}` - `viewport_bounds_range::NTuple{2, Float32}` - `viewport_sub_pixel_bits::UInt32` - `min_memory_map_alignment::UInt` - `min_texel_buffer_offset_alignment::UInt64` - `min_uniform_buffer_offset_alignment::UInt64` - `min_storage_buffer_offset_alignment::UInt64` - `min_texel_offset::Int32` - `max_texel_offset::UInt32` - `min_texel_gather_offset::Int32` - `max_texel_gather_offset::UInt32` - `min_interpolation_offset::Float32` - `max_interpolation_offset::Float32` - `sub_pixel_interpolation_offset_bits::UInt32` - `max_framebuffer_width::UInt32` - `max_framebuffer_height::UInt32` - `max_framebuffer_layers::UInt32` - `max_color_attachments::UInt32` - `max_sample_mask_words::UInt32` - `timestamp_compute_and_graphics::Bool` - `timestamp_period::Float32` - `max_clip_distances::UInt32` - `max_cull_distances::UInt32` - `max_combined_clip_and_cull_distances::UInt32` - `discrete_queue_priorities::UInt32` - `point_size_range::NTuple{2, Float32}` - `line_width_range::NTuple{2, Float32}` - `point_size_granularity::Float32` - `line_width_granularity::Float32` - `strict_lines::Bool` - `standard_sample_locations::Bool` - `optimal_buffer_copy_offset_alignment::UInt64` - `optimal_buffer_copy_row_pitch_alignment::UInt64` - `non_coherent_atom_size::UInt64` - `framebuffer_color_sample_counts::SampleCountFlag`: defaults to `0` - `framebuffer_depth_sample_counts::SampleCountFlag`: defaults to `0` - `framebuffer_stencil_sample_counts::SampleCountFlag`: defaults to `0` - `framebuffer_no_attachments_sample_counts::SampleCountFlag`: defaults to `0` - `sampled_image_color_sample_counts::SampleCountFlag`: defaults to `0` - `sampled_image_integer_sample_counts::SampleCountFlag`: defaults to `0` - `sampled_image_depth_sample_counts::SampleCountFlag`: defaults to `0` - `sampled_image_stencil_sample_counts::SampleCountFlag`: defaults to `0` - `storage_image_sample_counts::SampleCountFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLimits.html) """ function _PhysicalDeviceLimits(max_image_dimension_1_d::Integer, max_image_dimension_2_d::Integer, max_image_dimension_3_d::Integer, max_image_dimension_cube::Integer, max_image_array_layers::Integer, max_texel_buffer_elements::Integer, max_uniform_buffer_range::Integer, max_storage_buffer_range::Integer, max_push_constants_size::Integer, max_memory_allocation_count::Integer, max_sampler_allocation_count::Integer, buffer_image_granularity::Integer, sparse_address_space_size::Integer, max_bound_descriptor_sets::Integer, max_per_stage_descriptor_samplers::Integer, max_per_stage_descriptor_uniform_buffers::Integer, max_per_stage_descriptor_storage_buffers::Integer, max_per_stage_descriptor_sampled_images::Integer, max_per_stage_descriptor_storage_images::Integer, max_per_stage_descriptor_input_attachments::Integer, max_per_stage_resources::Integer, max_descriptor_set_samplers::Integer, max_descriptor_set_uniform_buffers::Integer, max_descriptor_set_uniform_buffers_dynamic::Integer, max_descriptor_set_storage_buffers::Integer, max_descriptor_set_storage_buffers_dynamic::Integer, max_descriptor_set_sampled_images::Integer, max_descriptor_set_storage_images::Integer, max_descriptor_set_input_attachments::Integer, max_vertex_input_attributes::Integer, max_vertex_input_bindings::Integer, max_vertex_input_attribute_offset::Integer, max_vertex_input_binding_stride::Integer, max_vertex_output_components::Integer, max_tessellation_generation_level::Integer, max_tessellation_patch_size::Integer, max_tessellation_control_per_vertex_input_components::Integer, max_tessellation_control_per_vertex_output_components::Integer, max_tessellation_control_per_patch_output_components::Integer, max_tessellation_control_total_output_components::Integer, max_tessellation_evaluation_input_components::Integer, max_tessellation_evaluation_output_components::Integer, max_geometry_shader_invocations::Integer, max_geometry_input_components::Integer, max_geometry_output_components::Integer, max_geometry_output_vertices::Integer, max_geometry_total_output_components::Integer, max_fragment_input_components::Integer, max_fragment_output_attachments::Integer, max_fragment_dual_src_attachments::Integer, max_fragment_combined_output_resources::Integer, max_compute_shared_memory_size::Integer, max_compute_work_group_count::NTuple{3, UInt32}, max_compute_work_group_invocations::Integer, max_compute_work_group_size::NTuple{3, UInt32}, sub_pixel_precision_bits::Integer, sub_texel_precision_bits::Integer, mipmap_precision_bits::Integer, max_draw_indexed_index_value::Integer, max_draw_indirect_count::Integer, max_sampler_lod_bias::Real, max_sampler_anisotropy::Real, max_viewports::Integer, max_viewport_dimensions::NTuple{2, UInt32}, viewport_bounds_range::NTuple{2, Float32}, viewport_sub_pixel_bits::Integer, min_memory_map_alignment::Integer, min_texel_buffer_offset_alignment::Integer, min_uniform_buffer_offset_alignment::Integer, min_storage_buffer_offset_alignment::Integer, min_texel_offset::Integer, max_texel_offset::Integer, min_texel_gather_offset::Integer, max_texel_gather_offset::Integer, min_interpolation_offset::Real, max_interpolation_offset::Real, sub_pixel_interpolation_offset_bits::Integer, max_framebuffer_width::Integer, max_framebuffer_height::Integer, max_framebuffer_layers::Integer, max_color_attachments::Integer, max_sample_mask_words::Integer, timestamp_compute_and_graphics::Bool, timestamp_period::Real, max_clip_distances::Integer, max_cull_distances::Integer, max_combined_clip_and_cull_distances::Integer, discrete_queue_priorities::Integer, point_size_range::NTuple{2, Float32}, line_width_range::NTuple{2, Float32}, point_size_granularity::Real, line_width_granularity::Real, strict_lines::Bool, standard_sample_locations::Bool, optimal_buffer_copy_offset_alignment::Integer, optimal_buffer_copy_row_pitch_alignment::Integer, non_coherent_atom_size::Integer; framebuffer_color_sample_counts = 0, framebuffer_depth_sample_counts = 0, framebuffer_stencil_sample_counts = 0, framebuffer_no_attachments_sample_counts = 0, sampled_image_color_sample_counts = 0, sampled_image_integer_sample_counts = 0, sampled_image_depth_sample_counts = 0, sampled_image_stencil_sample_counts = 0, storage_image_sample_counts = 0) _PhysicalDeviceLimits(VkPhysicalDeviceLimits(max_image_dimension_1_d, max_image_dimension_2_d, max_image_dimension_3_d, max_image_dimension_cube, max_image_array_layers, max_texel_buffer_elements, max_uniform_buffer_range, max_storage_buffer_range, max_push_constants_size, max_memory_allocation_count, max_sampler_allocation_count, buffer_image_granularity, sparse_address_space_size, max_bound_descriptor_sets, max_per_stage_descriptor_samplers, max_per_stage_descriptor_uniform_buffers, max_per_stage_descriptor_storage_buffers, max_per_stage_descriptor_sampled_images, max_per_stage_descriptor_storage_images, max_per_stage_descriptor_input_attachments, max_per_stage_resources, max_descriptor_set_samplers, max_descriptor_set_uniform_buffers, max_descriptor_set_uniform_buffers_dynamic, max_descriptor_set_storage_buffers, max_descriptor_set_storage_buffers_dynamic, max_descriptor_set_sampled_images, max_descriptor_set_storage_images, max_descriptor_set_input_attachments, max_vertex_input_attributes, max_vertex_input_bindings, max_vertex_input_attribute_offset, max_vertex_input_binding_stride, max_vertex_output_components, max_tessellation_generation_level, max_tessellation_patch_size, max_tessellation_control_per_vertex_input_components, max_tessellation_control_per_vertex_output_components, max_tessellation_control_per_patch_output_components, max_tessellation_control_total_output_components, max_tessellation_evaluation_input_components, max_tessellation_evaluation_output_components, max_geometry_shader_invocations, max_geometry_input_components, max_geometry_output_components, max_geometry_output_vertices, max_geometry_total_output_components, max_fragment_input_components, max_fragment_output_attachments, max_fragment_dual_src_attachments, max_fragment_combined_output_resources, max_compute_shared_memory_size, max_compute_work_group_count, max_compute_work_group_invocations, max_compute_work_group_size, sub_pixel_precision_bits, sub_texel_precision_bits, mipmap_precision_bits, max_draw_indexed_index_value, max_draw_indirect_count, max_sampler_lod_bias, max_sampler_anisotropy, max_viewports, max_viewport_dimensions, viewport_bounds_range, viewport_sub_pixel_bits, min_memory_map_alignment, min_texel_buffer_offset_alignment, min_uniform_buffer_offset_alignment, min_storage_buffer_offset_alignment, min_texel_offset, max_texel_offset, min_texel_gather_offset, max_texel_gather_offset, min_interpolation_offset, max_interpolation_offset, sub_pixel_interpolation_offset_bits, max_framebuffer_width, max_framebuffer_height, max_framebuffer_layers, framebuffer_color_sample_counts, framebuffer_depth_sample_counts, framebuffer_stencil_sample_counts, framebuffer_no_attachments_sample_counts, max_color_attachments, sampled_image_color_sample_counts, sampled_image_integer_sample_counts, sampled_image_depth_sample_counts, sampled_image_stencil_sample_counts, storage_image_sample_counts, max_sample_mask_words, timestamp_compute_and_graphics, timestamp_period, max_clip_distances, max_cull_distances, max_combined_clip_and_cull_distances, discrete_queue_priorities, point_size_range, line_width_range, point_size_granularity, line_width_granularity, strict_lines, standard_sample_locations, optimal_buffer_copy_offset_alignment, optimal_buffer_copy_row_pitch_alignment, non_coherent_atom_size)) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreCreateInfo.html) """ function _SemaphoreCreateInfo(; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSemaphoreCreateInfo(structure_type(VkSemaphoreCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags) _SemaphoreCreateInfo(vks, deps) end """ Arguments: - `query_type::QueryType` - `query_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `pipeline_statistics::QueryPipelineStatisticFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueryPoolCreateInfo.html) """ function _QueryPoolCreateInfo(query_type::QueryType, query_count::Integer; next = C_NULL, flags = 0, pipeline_statistics = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkQueryPoolCreateInfo(structure_type(VkQueryPoolCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, query_type, query_count, pipeline_statistics) _QueryPoolCreateInfo(vks, deps) end """ Arguments: - `render_pass::RenderPass` - `attachments::Vector{ImageView}` - `width::UInt32` - `height::UInt32` - `layers::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::FramebufferCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferCreateInfo.html) """ function _FramebufferCreateInfo(render_pass, attachments::AbstractArray, width::Integer, height::Integer, layers::Integer; next = C_NULL, flags = 0) attachment_count = pointer_length(attachments) next = cconvert(Ptr{Cvoid}, next) attachments = cconvert(Ptr{VkImageView}, attachments) deps = Any[next, attachments] vks = VkFramebufferCreateInfo(structure_type(VkFramebufferCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, render_pass, attachment_count, unsafe_convert(Ptr{VkImageView}, attachments), width, height, layers) _FramebufferCreateInfo(vks, deps, render_pass) end """ Arguments: - `vertex_count::UInt32` - `instance_count::UInt32` - `first_vertex::UInt32` - `first_instance::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrawIndirectCommand.html) """ function _DrawIndirectCommand(vertex_count::Integer, instance_count::Integer, first_vertex::Integer, first_instance::Integer) _DrawIndirectCommand(VkDrawIndirectCommand(vertex_count, instance_count, first_vertex, first_instance)) end """ Arguments: - `index_count::UInt32` - `instance_count::UInt32` - `first_index::UInt32` - `vertex_offset::Int32` - `first_instance::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrawIndexedIndirectCommand.html) """ function _DrawIndexedIndirectCommand(index_count::Integer, instance_count::Integer, first_index::Integer, vertex_offset::Integer, first_instance::Integer) _DrawIndexedIndirectCommand(VkDrawIndexedIndirectCommand(index_count, instance_count, first_index, vertex_offset, first_instance)) end """ Arguments: - `x::UInt32` - `y::UInt32` - `z::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDispatchIndirectCommand.html) """ function _DispatchIndirectCommand(x::Integer, y::Integer, z::Integer) _DispatchIndirectCommand(VkDispatchIndirectCommand(x, y, z)) end """ Extension: VK\\_EXT\\_multi\\_draw Arguments: - `first_vertex::UInt32` - `vertex_count::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultiDrawInfoEXT.html) """ function _MultiDrawInfoEXT(first_vertex::Integer, vertex_count::Integer) _MultiDrawInfoEXT(VkMultiDrawInfoEXT(first_vertex, vertex_count)) end """ Extension: VK\\_EXT\\_multi\\_draw Arguments: - `first_index::UInt32` - `index_count::UInt32` - `vertex_offset::Int32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultiDrawIndexedInfoEXT.html) """ function _MultiDrawIndexedInfoEXT(first_index::Integer, index_count::Integer, vertex_offset::Integer) _MultiDrawIndexedInfoEXT(VkMultiDrawIndexedInfoEXT(first_index, index_count, vertex_offset)) end """ Arguments: - `wait_semaphores::Vector{Semaphore}` - `wait_dst_stage_mask::Vector{PipelineStageFlag}` - `command_buffers::Vector{CommandBuffer}` - `signal_semaphores::Vector{Semaphore}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubmitInfo.html) """ function _SubmitInfo(wait_semaphores::AbstractArray, wait_dst_stage_mask::AbstractArray, command_buffers::AbstractArray, signal_semaphores::AbstractArray; next = C_NULL) wait_semaphore_count = pointer_length(wait_semaphores) command_buffer_count = pointer_length(command_buffers) signal_semaphore_count = pointer_length(signal_semaphores) next = cconvert(Ptr{Cvoid}, next) wait_semaphores = cconvert(Ptr{VkSemaphore}, wait_semaphores) wait_dst_stage_mask = cconvert(Ptr{VkPipelineStageFlags}, wait_dst_stage_mask) command_buffers = cconvert(Ptr{VkCommandBuffer}, command_buffers) signal_semaphores = cconvert(Ptr{VkSemaphore}, signal_semaphores) deps = Any[next, wait_semaphores, wait_dst_stage_mask, command_buffers, signal_semaphores] vks = VkSubmitInfo(structure_type(VkSubmitInfo), unsafe_convert(Ptr{Cvoid}, next), wait_semaphore_count, unsafe_convert(Ptr{VkSemaphore}, wait_semaphores), unsafe_convert(Ptr{VkPipelineStageFlags}, wait_dst_stage_mask), command_buffer_count, unsafe_convert(Ptr{VkCommandBuffer}, command_buffers), signal_semaphore_count, unsafe_convert(Ptr{VkSemaphore}, signal_semaphores)) _SubmitInfo(vks, deps) end """ Extension: VK\\_KHR\\_display Arguments: - `display::DisplayKHR` - `display_name::String` - `physical_dimensions::_Extent2D` - `physical_resolution::_Extent2D` - `plane_reorder_possible::Bool` - `persistent_content::Bool` - `supported_transforms::SurfaceTransformFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPropertiesKHR.html) """ function _DisplayPropertiesKHR(display, display_name::AbstractString, physical_dimensions::_Extent2D, physical_resolution::_Extent2D, plane_reorder_possible::Bool, persistent_content::Bool; supported_transforms = 0) display_name = cconvert(Cstring, display_name) deps = Any[display_name] vks = VkDisplayPropertiesKHR(display, unsafe_convert(Cstring, display_name), physical_dimensions.vks, physical_resolution.vks, supported_transforms, plane_reorder_possible, persistent_content) _DisplayPropertiesKHR(vks, deps, display) end """ Extension: VK\\_KHR\\_display Arguments: - `current_display::DisplayKHR` - `current_stack_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlanePropertiesKHR.html) """ function _DisplayPlanePropertiesKHR(current_display, current_stack_index::Integer) _DisplayPlanePropertiesKHR(VkDisplayPlanePropertiesKHR(current_display, current_stack_index), current_display) end """ Extension: VK\\_KHR\\_display Arguments: - `visible_region::_Extent2D` - `refresh_rate::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModeParametersKHR.html) """ function _DisplayModeParametersKHR(visible_region::_Extent2D, refresh_rate::Integer) _DisplayModeParametersKHR(VkDisplayModeParametersKHR(visible_region.vks, refresh_rate)) end """ Extension: VK\\_KHR\\_display Arguments: - `display_mode::DisplayModeKHR` - `parameters::_DisplayModeParametersKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModePropertiesKHR.html) """ function _DisplayModePropertiesKHR(display_mode, parameters::_DisplayModeParametersKHR) _DisplayModePropertiesKHR(VkDisplayModePropertiesKHR(display_mode, parameters.vks), display_mode) end """ Extension: VK\\_KHR\\_display Arguments: - `parameters::_DisplayModeParametersKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModeCreateInfoKHR.html) """ function _DisplayModeCreateInfoKHR(parameters::_DisplayModeParametersKHR; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDisplayModeCreateInfoKHR(structure_type(VkDisplayModeCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), flags, parameters.vks) _DisplayModeCreateInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_display Arguments: - `min_src_position::_Offset2D` - `max_src_position::_Offset2D` - `min_src_extent::_Extent2D` - `max_src_extent::_Extent2D` - `min_dst_position::_Offset2D` - `max_dst_position::_Offset2D` - `min_dst_extent::_Extent2D` - `max_dst_extent::_Extent2D` - `supported_alpha::DisplayPlaneAlphaFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneCapabilitiesKHR.html) """ function _DisplayPlaneCapabilitiesKHR(min_src_position::_Offset2D, max_src_position::_Offset2D, min_src_extent::_Extent2D, max_src_extent::_Extent2D, min_dst_position::_Offset2D, max_dst_position::_Offset2D, min_dst_extent::_Extent2D, max_dst_extent::_Extent2D; supported_alpha = 0) _DisplayPlaneCapabilitiesKHR(VkDisplayPlaneCapabilitiesKHR(supported_alpha, min_src_position.vks, max_src_position.vks, min_src_extent.vks, max_src_extent.vks, min_dst_position.vks, max_dst_position.vks, min_dst_extent.vks, max_dst_extent.vks)) end """ Extension: VK\\_KHR\\_display Arguments: - `display_mode::DisplayModeKHR` - `plane_index::UInt32` - `plane_stack_index::UInt32` - `transform::SurfaceTransformFlagKHR` - `global_alpha::Float32` - `alpha_mode::DisplayPlaneAlphaFlagKHR` - `image_extent::_Extent2D` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplaySurfaceCreateInfoKHR.html) """ function _DisplaySurfaceCreateInfoKHR(display_mode, plane_index::Integer, plane_stack_index::Integer, transform::SurfaceTransformFlagKHR, global_alpha::Real, alpha_mode::DisplayPlaneAlphaFlagKHR, image_extent::_Extent2D; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDisplaySurfaceCreateInfoKHR(structure_type(VkDisplaySurfaceCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), flags, display_mode, plane_index, plane_stack_index, VkSurfaceTransformFlagBitsKHR(transform.val), global_alpha, VkDisplayPlaneAlphaFlagBitsKHR(alpha_mode.val), image_extent.vks) _DisplaySurfaceCreateInfoKHR(vks, deps, display_mode) end """ Extension: VK\\_KHR\\_display\\_swapchain Arguments: - `src_rect::_Rect2D` - `dst_rect::_Rect2D` - `persistent::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPresentInfoKHR.html) """ function _DisplayPresentInfoKHR(src_rect::_Rect2D, dst_rect::_Rect2D, persistent::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDisplayPresentInfoKHR(structure_type(VkDisplayPresentInfoKHR), unsafe_convert(Ptr{Cvoid}, next), src_rect.vks, dst_rect.vks, persistent) _DisplayPresentInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_surface Arguments: - `min_image_count::UInt32` - `max_image_count::UInt32` - `current_extent::_Extent2D` - `min_image_extent::_Extent2D` - `max_image_extent::_Extent2D` - `max_image_array_layers::UInt32` - `supported_transforms::SurfaceTransformFlagKHR` - `current_transform::SurfaceTransformFlagKHR` - `supported_composite_alpha::CompositeAlphaFlagKHR` - `supported_usage_flags::ImageUsageFlag` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilitiesKHR.html) """ function _SurfaceCapabilitiesKHR(min_image_count::Integer, max_image_count::Integer, current_extent::_Extent2D, min_image_extent::_Extent2D, max_image_extent::_Extent2D, max_image_array_layers::Integer, supported_transforms::SurfaceTransformFlagKHR, current_transform::SurfaceTransformFlagKHR, supported_composite_alpha::CompositeAlphaFlagKHR, supported_usage_flags::ImageUsageFlag) _SurfaceCapabilitiesKHR(VkSurfaceCapabilitiesKHR(min_image_count, max_image_count, current_extent.vks, min_image_extent.vks, max_image_extent.vks, max_image_array_layers, supported_transforms, VkSurfaceTransformFlagBitsKHR(current_transform.val), supported_composite_alpha, supported_usage_flags)) end """ Extension: VK\\_KHR\\_win32\\_surface Arguments: - `hinstance::HINSTANCE` - `hwnd::HWND` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWin32SurfaceCreateInfoKHR.html) """ function _Win32SurfaceCreateInfoKHR(hinstance::vk.HINSTANCE, hwnd::vk.HWND; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkWin32SurfaceCreateInfoKHR(structure_type(VkWin32SurfaceCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), flags, hinstance, hwnd) _Win32SurfaceCreateInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_surface Arguments: - `format::Format` - `color_space::ColorSpaceKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceFormatKHR.html) """ function _SurfaceFormatKHR(format::Format, color_space::ColorSpaceKHR) _SurfaceFormatKHR(VkSurfaceFormatKHR(format, color_space)) end """ Extension: VK\\_KHR\\_swapchain Arguments: - `surface::SurfaceKHR` - `min_image_count::UInt32` - `image_format::Format` - `image_color_space::ColorSpaceKHR` - `image_extent::_Extent2D` - `image_array_layers::UInt32` - `image_usage::ImageUsageFlag` - `image_sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `pre_transform::SurfaceTransformFlagKHR` - `composite_alpha::CompositeAlphaFlagKHR` - `present_mode::PresentModeKHR` - `clipped::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::SwapchainCreateFlagKHR`: defaults to `0` - `old_swapchain::SwapchainKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainCreateInfoKHR.html) """ function _SwapchainCreateInfoKHR(surface, min_image_count::Integer, image_format::Format, image_color_space::ColorSpaceKHR, image_extent::_Extent2D, image_array_layers::Integer, image_usage::ImageUsageFlag, image_sharing_mode::SharingMode, queue_family_indices::AbstractArray, pre_transform::SurfaceTransformFlagKHR, composite_alpha::CompositeAlphaFlagKHR, present_mode::PresentModeKHR, clipped::Bool; next = C_NULL, flags = 0, old_swapchain = C_NULL) queue_family_index_count = pointer_length(queue_family_indices) next = cconvert(Ptr{Cvoid}, next) queue_family_indices = cconvert(Ptr{UInt32}, queue_family_indices) deps = Any[next, queue_family_indices] vks = VkSwapchainCreateInfoKHR(structure_type(VkSwapchainCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), flags, surface, min_image_count, image_format, image_color_space, image_extent.vks, image_array_layers, image_usage, image_sharing_mode, queue_family_index_count, unsafe_convert(Ptr{UInt32}, queue_family_indices), VkSurfaceTransformFlagBitsKHR(pre_transform.val), VkCompositeAlphaFlagBitsKHR(composite_alpha.val), present_mode, clipped, old_swapchain) _SwapchainCreateInfoKHR(vks, deps, surface, old_swapchain) end """ Extension: VK\\_KHR\\_swapchain Arguments: - `wait_semaphores::Vector{Semaphore}` - `swapchains::Vector{SwapchainKHR}` - `image_indices::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `results::Vector{Result}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentInfoKHR.html) """ function _PresentInfoKHR(wait_semaphores::AbstractArray, swapchains::AbstractArray, image_indices::AbstractArray; next = C_NULL, results = C_NULL) wait_semaphore_count = pointer_length(wait_semaphores) swapchain_count = pointer_length(swapchains) next = cconvert(Ptr{Cvoid}, next) wait_semaphores = cconvert(Ptr{VkSemaphore}, wait_semaphores) swapchains = cconvert(Ptr{VkSwapchainKHR}, swapchains) image_indices = cconvert(Ptr{UInt32}, image_indices) results = cconvert(Ptr{VkResult}, results) deps = Any[next, wait_semaphores, swapchains, image_indices, results] vks = VkPresentInfoKHR(structure_type(VkPresentInfoKHR), unsafe_convert(Ptr{Cvoid}, next), wait_semaphore_count, unsafe_convert(Ptr{VkSemaphore}, wait_semaphores), swapchain_count, unsafe_convert(Ptr{VkSwapchainKHR}, swapchains), unsafe_convert(Ptr{UInt32}, image_indices), unsafe_convert(Ptr{VkResult}, results)) _PresentInfoKHR(vks, deps) end """ Extension: VK\\_EXT\\_debug\\_report Arguments: - `pfn_callback::FunctionPtr` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::DebugReportFlagEXT`: defaults to `0` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugReportCallbackCreateInfoEXT.html) """ function _DebugReportCallbackCreateInfoEXT(pfn_callback::FunctionPtr; next = C_NULL, flags = 0, user_data = C_NULL) next = cconvert(Ptr{Cvoid}, next) user_data = cconvert(Ptr{Cvoid}, user_data) deps = Any[next, user_data] vks = VkDebugReportCallbackCreateInfoEXT(structure_type(VkDebugReportCallbackCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), flags, pfn_callback, unsafe_convert(Ptr{Cvoid}, user_data)) _DebugReportCallbackCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_validation\\_flags Arguments: - `disabled_validation_checks::Vector{ValidationCheckEXT}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkValidationFlagsEXT.html) """ function _ValidationFlagsEXT(disabled_validation_checks::AbstractArray; next = C_NULL) disabled_validation_check_count = pointer_length(disabled_validation_checks) next = cconvert(Ptr{Cvoid}, next) disabled_validation_checks = cconvert(Ptr{VkValidationCheckEXT}, disabled_validation_checks) deps = Any[next, disabled_validation_checks] vks = VkValidationFlagsEXT(structure_type(VkValidationFlagsEXT), unsafe_convert(Ptr{Cvoid}, next), disabled_validation_check_count, unsafe_convert(Ptr{VkValidationCheckEXT}, disabled_validation_checks)) _ValidationFlagsEXT(vks, deps) end """ Extension: VK\\_EXT\\_validation\\_features Arguments: - `enabled_validation_features::Vector{ValidationFeatureEnableEXT}` - `disabled_validation_features::Vector{ValidationFeatureDisableEXT}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkValidationFeaturesEXT.html) """ function _ValidationFeaturesEXT(enabled_validation_features::AbstractArray, disabled_validation_features::AbstractArray; next = C_NULL) enabled_validation_feature_count = pointer_length(enabled_validation_features) disabled_validation_feature_count = pointer_length(disabled_validation_features) next = cconvert(Ptr{Cvoid}, next) enabled_validation_features = cconvert(Ptr{VkValidationFeatureEnableEXT}, enabled_validation_features) disabled_validation_features = cconvert(Ptr{VkValidationFeatureDisableEXT}, disabled_validation_features) deps = Any[next, enabled_validation_features, disabled_validation_features] vks = VkValidationFeaturesEXT(structure_type(VkValidationFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), enabled_validation_feature_count, unsafe_convert(Ptr{VkValidationFeatureEnableEXT}, enabled_validation_features), disabled_validation_feature_count, unsafe_convert(Ptr{VkValidationFeatureDisableEXT}, disabled_validation_features)) _ValidationFeaturesEXT(vks, deps) end """ Extension: VK\\_AMD\\_rasterization\\_order Arguments: - `rasterization_order::RasterizationOrderAMD` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationStateRasterizationOrderAMD.html) """ function _PipelineRasterizationStateRasterizationOrderAMD(rasterization_order::RasterizationOrderAMD; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineRasterizationStateRasterizationOrderAMD(structure_type(VkPipelineRasterizationStateRasterizationOrderAMD), unsafe_convert(Ptr{Cvoid}, next), rasterization_order) _PipelineRasterizationStateRasterizationOrderAMD(vks, deps) end """ Extension: VK\\_EXT\\_debug\\_marker Arguments: - `object_type::DebugReportObjectTypeEXT` - `object::UInt64` - `object_name::String` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugMarkerObjectNameInfoEXT.html) """ function _DebugMarkerObjectNameInfoEXT(object_type::DebugReportObjectTypeEXT, object::Integer, object_name::AbstractString; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) object_name = cconvert(Cstring, object_name) deps = Any[next, object_name] vks = VkDebugMarkerObjectNameInfoEXT(structure_type(VkDebugMarkerObjectNameInfoEXT), unsafe_convert(Ptr{Cvoid}, next), object_type, object, unsafe_convert(Cstring, object_name)) _DebugMarkerObjectNameInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_debug\\_marker Arguments: - `object_type::DebugReportObjectTypeEXT` - `object::UInt64` - `tag_name::UInt64` - `tag_size::UInt` - `tag::Ptr{Cvoid}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugMarkerObjectTagInfoEXT.html) """ function _DebugMarkerObjectTagInfoEXT(object_type::DebugReportObjectTypeEXT, object::Integer, tag_name::Integer, tag_size::Integer, tag::Ptr{Cvoid}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) tag = cconvert(Ptr{Cvoid}, tag) deps = Any[next, tag] vks = VkDebugMarkerObjectTagInfoEXT(structure_type(VkDebugMarkerObjectTagInfoEXT), unsafe_convert(Ptr{Cvoid}, next), object_type, object, tag_name, tag_size, unsafe_convert(Ptr{Cvoid}, tag)) _DebugMarkerObjectTagInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_debug\\_marker Arguments: - `marker_name::String` - `color::NTuple{4, Float32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugMarkerMarkerInfoEXT.html) """ function _DebugMarkerMarkerInfoEXT(marker_name::AbstractString, color::NTuple{4, Float32}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) marker_name = cconvert(Cstring, marker_name) deps = Any[next, marker_name] vks = VkDebugMarkerMarkerInfoEXT(structure_type(VkDebugMarkerMarkerInfoEXT), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Cstring, marker_name), color) _DebugMarkerMarkerInfoEXT(vks, deps) end """ Extension: VK\\_NV\\_dedicated\\_allocation Arguments: - `dedicated_allocation::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDedicatedAllocationImageCreateInfoNV.html) """ function _DedicatedAllocationImageCreateInfoNV(dedicated_allocation::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDedicatedAllocationImageCreateInfoNV(structure_type(VkDedicatedAllocationImageCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), dedicated_allocation) _DedicatedAllocationImageCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_dedicated\\_allocation Arguments: - `dedicated_allocation::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDedicatedAllocationBufferCreateInfoNV.html) """ function _DedicatedAllocationBufferCreateInfoNV(dedicated_allocation::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDedicatedAllocationBufferCreateInfoNV(structure_type(VkDedicatedAllocationBufferCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), dedicated_allocation) _DedicatedAllocationBufferCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_dedicated\\_allocation Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `image::Image`: defaults to `C_NULL` - `buffer::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDedicatedAllocationMemoryAllocateInfoNV.html) """ function _DedicatedAllocationMemoryAllocateInfoNV(; next = C_NULL, image = C_NULL, buffer = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDedicatedAllocationMemoryAllocateInfoNV(structure_type(VkDedicatedAllocationMemoryAllocateInfoNV), unsafe_convert(Ptr{Cvoid}, next), image, buffer) _DedicatedAllocationMemoryAllocateInfoNV(vks, deps, image, buffer) end """ Extension: VK\\_NV\\_external\\_memory\\_capabilities Arguments: - `image_format_properties::_ImageFormatProperties` - `external_memory_features::ExternalMemoryFeatureFlagNV`: defaults to `0` - `export_from_imported_handle_types::ExternalMemoryHandleTypeFlagNV`: defaults to `0` - `compatible_handle_types::ExternalMemoryHandleTypeFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalImageFormatPropertiesNV.html) """ function _ExternalImageFormatPropertiesNV(image_format_properties::_ImageFormatProperties; external_memory_features = 0, export_from_imported_handle_types = 0, compatible_handle_types = 0) _ExternalImageFormatPropertiesNV(VkExternalImageFormatPropertiesNV(image_format_properties.vks, external_memory_features, export_from_imported_handle_types, compatible_handle_types)) end """ Extension: VK\\_NV\\_external\\_memory Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `handle_types::ExternalMemoryHandleTypeFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryImageCreateInfoNV.html) """ function _ExternalMemoryImageCreateInfoNV(; next = C_NULL, handle_types = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExternalMemoryImageCreateInfoNV(structure_type(VkExternalMemoryImageCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), handle_types) _ExternalMemoryImageCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_external\\_memory Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `handle_types::ExternalMemoryHandleTypeFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMemoryAllocateInfoNV.html) """ function _ExportMemoryAllocateInfoNV(; next = C_NULL, handle_types = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExportMemoryAllocateInfoNV(structure_type(VkExportMemoryAllocateInfoNV), unsafe_convert(Ptr{Cvoid}, next), handle_types) _ExportMemoryAllocateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_external\\_memory\\_win32 Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `handle_type::ExternalMemoryHandleTypeFlagNV`: defaults to `0` - `handle::HANDLE`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMemoryWin32HandleInfoNV.html) """ function _ImportMemoryWin32HandleInfoNV(; next = C_NULL, handle_type = 0, handle = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImportMemoryWin32HandleInfoNV(structure_type(VkImportMemoryWin32HandleInfoNV), unsafe_convert(Ptr{Cvoid}, next), handle_type, handle) _ImportMemoryWin32HandleInfoNV(vks, deps) end """ Extension: VK\\_NV\\_external\\_memory\\_win32 Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `attributes::SECURITY_ATTRIBUTES`: defaults to `C_NULL` - `dw_access::DWORD`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMemoryWin32HandleInfoNV.html) """ function _ExportMemoryWin32HandleInfoNV(; next = C_NULL, attributes = C_NULL, dw_access = 0) next = cconvert(Ptr{Cvoid}, next) attributes = cconvert(Ptr{vk.SECURITY_ATTRIBUTES}, attributes) deps = Any[next, attributes] vks = VkExportMemoryWin32HandleInfoNV(structure_type(VkExportMemoryWin32HandleInfoNV), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{vk.SECURITY_ATTRIBUTES}, attributes), dw_access) _ExportMemoryWin32HandleInfoNV(vks, deps) end """ Extension: VK\\_NV\\_win32\\_keyed\\_mutex Arguments: - `acquire_syncs::Vector{DeviceMemory}` - `acquire_keys::Vector{UInt64}` - `acquire_timeout_milliseconds::Vector{UInt32}` - `release_syncs::Vector{DeviceMemory}` - `release_keys::Vector{UInt64}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWin32KeyedMutexAcquireReleaseInfoNV.html) """ function _Win32KeyedMutexAcquireReleaseInfoNV(acquire_syncs::AbstractArray, acquire_keys::AbstractArray, acquire_timeout_milliseconds::AbstractArray, release_syncs::AbstractArray, release_keys::AbstractArray; next = C_NULL) acquire_count = pointer_length(acquire_syncs) release_count = pointer_length(release_syncs) next = cconvert(Ptr{Cvoid}, next) acquire_syncs = cconvert(Ptr{VkDeviceMemory}, acquire_syncs) acquire_keys = cconvert(Ptr{UInt64}, acquire_keys) acquire_timeout_milliseconds = cconvert(Ptr{UInt32}, acquire_timeout_milliseconds) release_syncs = cconvert(Ptr{VkDeviceMemory}, release_syncs) release_keys = cconvert(Ptr{UInt64}, release_keys) deps = Any[next, acquire_syncs, acquire_keys, acquire_timeout_milliseconds, release_syncs, release_keys] vks = VkWin32KeyedMutexAcquireReleaseInfoNV(structure_type(VkWin32KeyedMutexAcquireReleaseInfoNV), unsafe_convert(Ptr{Cvoid}, next), acquire_count, unsafe_convert(Ptr{VkDeviceMemory}, acquire_syncs), unsafe_convert(Ptr{UInt64}, acquire_keys), unsafe_convert(Ptr{UInt32}, acquire_timeout_milliseconds), release_count, unsafe_convert(Ptr{VkDeviceMemory}, release_syncs), unsafe_convert(Ptr{UInt64}, release_keys)) _Win32KeyedMutexAcquireReleaseInfoNV(vks, deps) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `device_generated_commands::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV.html) """ function _PhysicalDeviceDeviceGeneratedCommandsFeaturesNV(device_generated_commands::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV(structure_type(VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), device_generated_commands) _PhysicalDeviceDeviceGeneratedCommandsFeaturesNV(vks, deps) end """ Arguments: - `private_data_slot_request_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDevicePrivateDataCreateInfo.html) """ function _DevicePrivateDataCreateInfo(private_data_slot_request_count::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDevicePrivateDataCreateInfo(structure_type(VkDevicePrivateDataCreateInfo), unsafe_convert(Ptr{Cvoid}, next), private_data_slot_request_count) _DevicePrivateDataCreateInfo(vks, deps) end """ Arguments: - `flags::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPrivateDataSlotCreateInfo.html) """ function _PrivateDataSlotCreateInfo(flags::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPrivateDataSlotCreateInfo(structure_type(VkPrivateDataSlotCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags) _PrivateDataSlotCreateInfo(vks, deps) end """ Arguments: - `private_data::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePrivateDataFeatures.html) """ function _PhysicalDevicePrivateDataFeatures(private_data::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePrivateDataFeatures(structure_type(VkPhysicalDevicePrivateDataFeatures), unsafe_convert(Ptr{Cvoid}, next), private_data) _PhysicalDevicePrivateDataFeatures(vks, deps) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `max_graphics_shader_group_count::UInt32` - `max_indirect_sequence_count::UInt32` - `max_indirect_commands_token_count::UInt32` - `max_indirect_commands_stream_count::UInt32` - `max_indirect_commands_token_offset::UInt32` - `max_indirect_commands_stream_stride::UInt32` - `min_sequences_count_buffer_offset_alignment::UInt32` - `min_sequences_index_buffer_offset_alignment::UInt32` - `min_indirect_commands_buffer_offset_alignment::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV.html) """ function _PhysicalDeviceDeviceGeneratedCommandsPropertiesNV(max_graphics_shader_group_count::Integer, max_indirect_sequence_count::Integer, max_indirect_commands_token_count::Integer, max_indirect_commands_stream_count::Integer, max_indirect_commands_token_offset::Integer, max_indirect_commands_stream_stride::Integer, min_sequences_count_buffer_offset_alignment::Integer, min_sequences_index_buffer_offset_alignment::Integer, min_indirect_commands_buffer_offset_alignment::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV(structure_type(VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), max_graphics_shader_group_count, max_indirect_sequence_count, max_indirect_commands_token_count, max_indirect_commands_stream_count, max_indirect_commands_token_offset, max_indirect_commands_stream_stride, min_sequences_count_buffer_offset_alignment, min_sequences_index_buffer_offset_alignment, min_indirect_commands_buffer_offset_alignment) _PhysicalDeviceDeviceGeneratedCommandsPropertiesNV(vks, deps) end """ Extension: VK\\_EXT\\_multi\\_draw Arguments: - `max_multi_draw_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiDrawPropertiesEXT.html) """ function _PhysicalDeviceMultiDrawPropertiesEXT(max_multi_draw_count::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMultiDrawPropertiesEXT(structure_type(VkPhysicalDeviceMultiDrawPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), max_multi_draw_count) _PhysicalDeviceMultiDrawPropertiesEXT(vks, deps) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `stages::Vector{_PipelineShaderStageCreateInfo}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `vertex_input_state::_PipelineVertexInputStateCreateInfo`: defaults to `C_NULL` - `tessellation_state::_PipelineTessellationStateCreateInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsShaderGroupCreateInfoNV.html) """ function _GraphicsShaderGroupCreateInfoNV(stages::AbstractArray; next = C_NULL, vertex_input_state = C_NULL, tessellation_state = C_NULL) stage_count = pointer_length(stages) next = cconvert(Ptr{Cvoid}, next) stages = cconvert(Ptr{VkPipelineShaderStageCreateInfo}, stages) vertex_input_state = cconvert(Ptr{VkPipelineVertexInputStateCreateInfo}, vertex_input_state) tessellation_state = cconvert(Ptr{VkPipelineTessellationStateCreateInfo}, tessellation_state) deps = Any[next, stages, vertex_input_state, tessellation_state] vks = VkGraphicsShaderGroupCreateInfoNV(structure_type(VkGraphicsShaderGroupCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), stage_count, unsafe_convert(Ptr{VkPipelineShaderStageCreateInfo}, stages), unsafe_convert(Ptr{VkPipelineVertexInputStateCreateInfo}, vertex_input_state), unsafe_convert(Ptr{VkPipelineTessellationStateCreateInfo}, tessellation_state)) _GraphicsShaderGroupCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `groups::Vector{_GraphicsShaderGroupCreateInfoNV}` - `pipelines::Vector{Pipeline}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsPipelineShaderGroupsCreateInfoNV.html) """ function _GraphicsPipelineShaderGroupsCreateInfoNV(groups::AbstractArray, pipelines::AbstractArray; next = C_NULL) group_count = pointer_length(groups) pipeline_count = pointer_length(pipelines) next = cconvert(Ptr{Cvoid}, next) groups = cconvert(Ptr{VkGraphicsShaderGroupCreateInfoNV}, groups) pipelines = cconvert(Ptr{VkPipeline}, pipelines) deps = Any[next, groups, pipelines] vks = VkGraphicsPipelineShaderGroupsCreateInfoNV(structure_type(VkGraphicsPipelineShaderGroupsCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), group_count, unsafe_convert(Ptr{VkGraphicsShaderGroupCreateInfoNV}, groups), pipeline_count, unsafe_convert(Ptr{VkPipeline}, pipelines)) _GraphicsPipelineShaderGroupsCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `group_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindShaderGroupIndirectCommandNV.html) """ function _BindShaderGroupIndirectCommandNV(group_index::Integer) _BindShaderGroupIndirectCommandNV(VkBindShaderGroupIndirectCommandNV(group_index)) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `buffer_address::UInt64` - `size::UInt32` - `index_type::IndexType` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindIndexBufferIndirectCommandNV.html) """ function _BindIndexBufferIndirectCommandNV(buffer_address::Integer, size::Integer, index_type::IndexType) _BindIndexBufferIndirectCommandNV(VkBindIndexBufferIndirectCommandNV(buffer_address, size, index_type)) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `buffer_address::UInt64` - `size::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindVertexBufferIndirectCommandNV.html) """ function _BindVertexBufferIndirectCommandNV(buffer_address::Integer, size::Integer, stride::Integer) _BindVertexBufferIndirectCommandNV(VkBindVertexBufferIndirectCommandNV(buffer_address, size, stride)) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `data::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSetStateFlagsIndirectCommandNV.html) """ function _SetStateFlagsIndirectCommandNV(data::Integer) _SetStateFlagsIndirectCommandNV(VkSetStateFlagsIndirectCommandNV(data)) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `buffer::Buffer` - `offset::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkIndirectCommandsStreamNV.html) """ function _IndirectCommandsStreamNV(buffer, offset::Integer) _IndirectCommandsStreamNV(VkIndirectCommandsStreamNV(buffer, offset), buffer) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `token_type::IndirectCommandsTokenTypeNV` - `stream::UInt32` - `offset::UInt32` - `vertex_binding_unit::UInt32` - `vertex_dynamic_stride::Bool` - `pushconstant_offset::UInt32` - `pushconstant_size::UInt32` - `index_types::Vector{IndexType}` - `index_type_values::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `pushconstant_pipeline_layout::PipelineLayout`: defaults to `C_NULL` - `pushconstant_shader_stage_flags::ShaderStageFlag`: defaults to `0` - `indirect_state_flags::IndirectStateFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkIndirectCommandsLayoutTokenNV.html) """ function _IndirectCommandsLayoutTokenNV(token_type::IndirectCommandsTokenTypeNV, stream::Integer, offset::Integer, vertex_binding_unit::Integer, vertex_dynamic_stride::Bool, pushconstant_offset::Integer, pushconstant_size::Integer, index_types::AbstractArray, index_type_values::AbstractArray; next = C_NULL, pushconstant_pipeline_layout = C_NULL, pushconstant_shader_stage_flags = 0, indirect_state_flags = 0) index_type_count = pointer_length(index_types) next = cconvert(Ptr{Cvoid}, next) index_types = cconvert(Ptr{VkIndexType}, index_types) index_type_values = cconvert(Ptr{UInt32}, index_type_values) deps = Any[next, index_types, index_type_values] vks = VkIndirectCommandsLayoutTokenNV(structure_type(VkIndirectCommandsLayoutTokenNV), unsafe_convert(Ptr{Cvoid}, next), token_type, stream, offset, vertex_binding_unit, vertex_dynamic_stride, pushconstant_pipeline_layout, pushconstant_shader_stage_flags, pushconstant_offset, pushconstant_size, indirect_state_flags, index_type_count, unsafe_convert(Ptr{VkIndexType}, index_types), unsafe_convert(Ptr{UInt32}, index_type_values)) _IndirectCommandsLayoutTokenNV(vks, deps, pushconstant_pipeline_layout) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `pipeline_bind_point::PipelineBindPoint` - `tokens::Vector{_IndirectCommandsLayoutTokenNV}` - `stream_strides::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::IndirectCommandsLayoutUsageFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkIndirectCommandsLayoutCreateInfoNV.html) """ function _IndirectCommandsLayoutCreateInfoNV(pipeline_bind_point::PipelineBindPoint, tokens::AbstractArray, stream_strides::AbstractArray; next = C_NULL, flags = 0) token_count = pointer_length(tokens) stream_count = pointer_length(stream_strides) next = cconvert(Ptr{Cvoid}, next) tokens = cconvert(Ptr{VkIndirectCommandsLayoutTokenNV}, tokens) stream_strides = cconvert(Ptr{UInt32}, stream_strides) deps = Any[next, tokens, stream_strides] vks = VkIndirectCommandsLayoutCreateInfoNV(structure_type(VkIndirectCommandsLayoutCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), flags, pipeline_bind_point, token_count, unsafe_convert(Ptr{VkIndirectCommandsLayoutTokenNV}, tokens), stream_count, unsafe_convert(Ptr{UInt32}, stream_strides)) _IndirectCommandsLayoutCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `pipeline_bind_point::PipelineBindPoint` - `pipeline::Pipeline` - `indirect_commands_layout::IndirectCommandsLayoutNV` - `streams::Vector{_IndirectCommandsStreamNV}` - `sequences_count::UInt32` - `preprocess_buffer::Buffer` - `preprocess_offset::UInt64` - `preprocess_size::UInt64` - `sequences_count_offset::UInt64` - `sequences_index_offset::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `sequences_count_buffer::Buffer`: defaults to `C_NULL` - `sequences_index_buffer::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeneratedCommandsInfoNV.html) """ function _GeneratedCommandsInfoNV(pipeline_bind_point::PipelineBindPoint, pipeline, indirect_commands_layout, streams::AbstractArray, sequences_count::Integer, preprocess_buffer, preprocess_offset::Integer, preprocess_size::Integer, sequences_count_offset::Integer, sequences_index_offset::Integer; next = C_NULL, sequences_count_buffer = C_NULL, sequences_index_buffer = C_NULL) stream_count = pointer_length(streams) next = cconvert(Ptr{Cvoid}, next) streams = cconvert(Ptr{VkIndirectCommandsStreamNV}, streams) deps = Any[next, streams] vks = VkGeneratedCommandsInfoNV(structure_type(VkGeneratedCommandsInfoNV), unsafe_convert(Ptr{Cvoid}, next), pipeline_bind_point, pipeline, indirect_commands_layout, stream_count, unsafe_convert(Ptr{VkIndirectCommandsStreamNV}, streams), sequences_count, preprocess_buffer, preprocess_offset, preprocess_size, sequences_count_buffer, sequences_count_offset, sequences_index_buffer, sequences_index_offset) _GeneratedCommandsInfoNV(vks, deps, pipeline, indirect_commands_layout, preprocess_buffer, sequences_count_buffer, sequences_index_buffer) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `pipeline_bind_point::PipelineBindPoint` - `pipeline::Pipeline` - `indirect_commands_layout::IndirectCommandsLayoutNV` - `max_sequences_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeneratedCommandsMemoryRequirementsInfoNV.html) """ function _GeneratedCommandsMemoryRequirementsInfoNV(pipeline_bind_point::PipelineBindPoint, pipeline, indirect_commands_layout, max_sequences_count::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkGeneratedCommandsMemoryRequirementsInfoNV(structure_type(VkGeneratedCommandsMemoryRequirementsInfoNV), unsafe_convert(Ptr{Cvoid}, next), pipeline_bind_point, pipeline, indirect_commands_layout, max_sequences_count) _GeneratedCommandsMemoryRequirementsInfoNV(vks, deps, pipeline, indirect_commands_layout) end """ Arguments: - `features::_PhysicalDeviceFeatures` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFeatures2.html) """ function _PhysicalDeviceFeatures2(features::_PhysicalDeviceFeatures; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFeatures2(structure_type(VkPhysicalDeviceFeatures2), unsafe_convert(Ptr{Cvoid}, next), features.vks) _PhysicalDeviceFeatures2(vks, deps) end """ Arguments: - `properties::_PhysicalDeviceProperties` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProperties2.html) """ function _PhysicalDeviceProperties2(properties::_PhysicalDeviceProperties; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceProperties2(structure_type(VkPhysicalDeviceProperties2), unsafe_convert(Ptr{Cvoid}, next), properties.vks) _PhysicalDeviceProperties2(vks, deps) end """ Arguments: - `format_properties::_FormatProperties` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFormatProperties2.html) """ function _FormatProperties2(format_properties::_FormatProperties; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkFormatProperties2(structure_type(VkFormatProperties2), unsafe_convert(Ptr{Cvoid}, next), format_properties.vks) _FormatProperties2(vks, deps) end """ Arguments: - `image_format_properties::_ImageFormatProperties` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageFormatProperties2.html) """ function _ImageFormatProperties2(image_format_properties::_ImageFormatProperties; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageFormatProperties2(structure_type(VkImageFormatProperties2), unsafe_convert(Ptr{Cvoid}, next), image_format_properties.vks) _ImageFormatProperties2(vks, deps) end """ Arguments: - `format::Format` - `type::ImageType` - `tiling::ImageTiling` - `usage::ImageUsageFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::ImageCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageFormatInfo2.html) """ function _PhysicalDeviceImageFormatInfo2(format::Format, type::ImageType, tiling::ImageTiling, usage::ImageUsageFlag; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceImageFormatInfo2(structure_type(VkPhysicalDeviceImageFormatInfo2), unsafe_convert(Ptr{Cvoid}, next), format, type, tiling, usage, flags) _PhysicalDeviceImageFormatInfo2(vks, deps) end """ Arguments: - `queue_family_properties::_QueueFamilyProperties` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyProperties2.html) """ function _QueueFamilyProperties2(queue_family_properties::_QueueFamilyProperties; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkQueueFamilyProperties2(structure_type(VkQueueFamilyProperties2), unsafe_convert(Ptr{Cvoid}, next), queue_family_properties.vks) _QueueFamilyProperties2(vks, deps) end """ Arguments: - `memory_properties::_PhysicalDeviceMemoryProperties` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryProperties2.html) """ function _PhysicalDeviceMemoryProperties2(memory_properties::_PhysicalDeviceMemoryProperties; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMemoryProperties2(structure_type(VkPhysicalDeviceMemoryProperties2), unsafe_convert(Ptr{Cvoid}, next), memory_properties.vks) _PhysicalDeviceMemoryProperties2(vks, deps) end """ Arguments: - `properties::_SparseImageFormatProperties` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageFormatProperties2.html) """ function _SparseImageFormatProperties2(properties::_SparseImageFormatProperties; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSparseImageFormatProperties2(structure_type(VkSparseImageFormatProperties2), unsafe_convert(Ptr{Cvoid}, next), properties.vks) _SparseImageFormatProperties2(vks, deps) end """ Arguments: - `format::Format` - `type::ImageType` - `samples::SampleCountFlag` - `usage::ImageUsageFlag` - `tiling::ImageTiling` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSparseImageFormatInfo2.html) """ function _PhysicalDeviceSparseImageFormatInfo2(format::Format, type::ImageType, samples::SampleCountFlag, usage::ImageUsageFlag, tiling::ImageTiling; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSparseImageFormatInfo2(structure_type(VkPhysicalDeviceSparseImageFormatInfo2), unsafe_convert(Ptr{Cvoid}, next), format, type, VkSampleCountFlagBits(samples.val), usage, tiling) _PhysicalDeviceSparseImageFormatInfo2(vks, deps) end """ Extension: VK\\_KHR\\_push\\_descriptor Arguments: - `max_push_descriptors::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePushDescriptorPropertiesKHR.html) """ function _PhysicalDevicePushDescriptorPropertiesKHR(max_push_descriptors::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePushDescriptorPropertiesKHR(structure_type(VkPhysicalDevicePushDescriptorPropertiesKHR), unsafe_convert(Ptr{Cvoid}, next), max_push_descriptors) _PhysicalDevicePushDescriptorPropertiesKHR(vks, deps) end """ Arguments: - `major::UInt8` - `minor::UInt8` - `subminor::UInt8` - `patch::UInt8` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkConformanceVersion.html) """ function _ConformanceVersion(major::Integer, minor::Integer, subminor::Integer, patch::Integer) _ConformanceVersion(VkConformanceVersion(major, minor, subminor, patch)) end """ Arguments: - `driver_id::DriverId` - `driver_name::String` - `driver_info::String` - `conformance_version::_ConformanceVersion` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDriverProperties.html) """ function _PhysicalDeviceDriverProperties(driver_id::DriverId, driver_name::AbstractString, driver_info::AbstractString, conformance_version::_ConformanceVersion; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDriverProperties(structure_type(VkPhysicalDeviceDriverProperties), unsafe_convert(Ptr{Cvoid}, next), driver_id, driver_name, driver_info, conformance_version.vks) _PhysicalDeviceDriverProperties(vks, deps) end """ Extension: VK\\_KHR\\_incremental\\_present Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `regions::Vector{_PresentRegionKHR}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentRegionsKHR.html) """ function _PresentRegionsKHR(; next = C_NULL, regions = C_NULL) swapchain_count = pointer_length(regions) next = cconvert(Ptr{Cvoid}, next) regions = cconvert(Ptr{VkPresentRegionKHR}, regions) deps = Any[next, regions] vks = VkPresentRegionsKHR(structure_type(VkPresentRegionsKHR), unsafe_convert(Ptr{Cvoid}, next), swapchain_count, unsafe_convert(Ptr{VkPresentRegionKHR}, regions)) _PresentRegionsKHR(vks, deps) end """ Extension: VK\\_KHR\\_incremental\\_present Arguments: - `rectangles::Vector{_RectLayerKHR}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentRegionKHR.html) """ function _PresentRegionKHR(; rectangles = C_NULL) rectangle_count = pointer_length(rectangles) rectangles = cconvert(Ptr{VkRectLayerKHR}, rectangles) deps = Any[rectangles] vks = VkPresentRegionKHR(rectangle_count, unsafe_convert(Ptr{VkRectLayerKHR}, rectangles)) _PresentRegionKHR(vks, deps) end """ Extension: VK\\_KHR\\_incremental\\_present Arguments: - `offset::_Offset2D` - `extent::_Extent2D` - `layer::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRectLayerKHR.html) """ function _RectLayerKHR(offset::_Offset2D, extent::_Extent2D, layer::Integer) _RectLayerKHR(VkRectLayerKHR(offset.vks, extent.vks, layer)) end """ Arguments: - `variable_pointers_storage_buffer::Bool` - `variable_pointers::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVariablePointersFeatures.html) """ function _PhysicalDeviceVariablePointersFeatures(variable_pointers_storage_buffer::Bool, variable_pointers::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceVariablePointersFeatures(structure_type(VkPhysicalDeviceVariablePointersFeatures), unsafe_convert(Ptr{Cvoid}, next), variable_pointers_storage_buffer, variable_pointers) _PhysicalDeviceVariablePointersFeatures(vks, deps) end """ Arguments: - `external_memory_features::ExternalMemoryFeatureFlag` - `compatible_handle_types::ExternalMemoryHandleTypeFlag` - `export_from_imported_handle_types::ExternalMemoryHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryProperties.html) """ function _ExternalMemoryProperties(external_memory_features::ExternalMemoryFeatureFlag, compatible_handle_types::ExternalMemoryHandleTypeFlag; export_from_imported_handle_types = 0) _ExternalMemoryProperties(VkExternalMemoryProperties(external_memory_features, export_from_imported_handle_types, compatible_handle_types)) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `handle_type::ExternalMemoryHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalImageFormatInfo.html) """ function _PhysicalDeviceExternalImageFormatInfo(; next = C_NULL, handle_type = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceExternalImageFormatInfo(structure_type(VkPhysicalDeviceExternalImageFormatInfo), unsafe_convert(Ptr{Cvoid}, next), VkExternalMemoryHandleTypeFlagBits(handle_type.val)) _PhysicalDeviceExternalImageFormatInfo(vks, deps) end """ Arguments: - `external_memory_properties::_ExternalMemoryProperties` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalImageFormatProperties.html) """ function _ExternalImageFormatProperties(external_memory_properties::_ExternalMemoryProperties; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExternalImageFormatProperties(structure_type(VkExternalImageFormatProperties), unsafe_convert(Ptr{Cvoid}, next), external_memory_properties.vks) _ExternalImageFormatProperties(vks, deps) end """ Arguments: - `usage::BufferUsageFlag` - `handle_type::ExternalMemoryHandleTypeFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::BufferCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalBufferInfo.html) """ function _PhysicalDeviceExternalBufferInfo(usage::BufferUsageFlag, handle_type::ExternalMemoryHandleTypeFlag; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceExternalBufferInfo(structure_type(VkPhysicalDeviceExternalBufferInfo), unsafe_convert(Ptr{Cvoid}, next), flags, usage, VkExternalMemoryHandleTypeFlagBits(handle_type.val)) _PhysicalDeviceExternalBufferInfo(vks, deps) end """ Arguments: - `external_memory_properties::_ExternalMemoryProperties` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalBufferProperties.html) """ function _ExternalBufferProperties(external_memory_properties::_ExternalMemoryProperties; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExternalBufferProperties(structure_type(VkExternalBufferProperties), unsafe_convert(Ptr{Cvoid}, next), external_memory_properties.vks) _ExternalBufferProperties(vks, deps) end """ Arguments: - `device_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `driver_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `device_luid::NTuple{Int(VK_LUID_SIZE), UInt8}` - `device_node_mask::UInt32` - `device_luid_valid::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceIDProperties.html) """ function _PhysicalDeviceIDProperties(device_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}, driver_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}, device_luid::NTuple{Int(VK_LUID_SIZE), UInt8}, device_node_mask::Integer, device_luid_valid::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceIDProperties(structure_type(VkPhysicalDeviceIDProperties), unsafe_convert(Ptr{Cvoid}, next), device_uuid, driver_uuid, device_luid, device_node_mask, device_luid_valid) _PhysicalDeviceIDProperties(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `handle_types::ExternalMemoryHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryImageCreateInfo.html) """ function _ExternalMemoryImageCreateInfo(; next = C_NULL, handle_types = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExternalMemoryImageCreateInfo(structure_type(VkExternalMemoryImageCreateInfo), unsafe_convert(Ptr{Cvoid}, next), handle_types) _ExternalMemoryImageCreateInfo(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `handle_types::ExternalMemoryHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryBufferCreateInfo.html) """ function _ExternalMemoryBufferCreateInfo(; next = C_NULL, handle_types = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExternalMemoryBufferCreateInfo(structure_type(VkExternalMemoryBufferCreateInfo), unsafe_convert(Ptr{Cvoid}, next), handle_types) _ExternalMemoryBufferCreateInfo(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `handle_types::ExternalMemoryHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMemoryAllocateInfo.html) """ function _ExportMemoryAllocateInfo(; next = C_NULL, handle_types = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExportMemoryAllocateInfo(structure_type(VkExportMemoryAllocateInfo), unsafe_convert(Ptr{Cvoid}, next), handle_types) _ExportMemoryAllocateInfo(vks, deps) end """ Extension: VK\\_KHR\\_external\\_memory\\_win32 Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `handle_type::ExternalMemoryHandleTypeFlag`: defaults to `0` - `handle::HANDLE`: defaults to `0` - `name::LPCWSTR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMemoryWin32HandleInfoKHR.html) """ function _ImportMemoryWin32HandleInfoKHR(; next = C_NULL, handle_type = 0, handle = 0, name = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImportMemoryWin32HandleInfoKHR(structure_type(VkImportMemoryWin32HandleInfoKHR), unsafe_convert(Ptr{Cvoid}, next), VkExternalMemoryHandleTypeFlagBits(handle_type.val), handle, name) _ImportMemoryWin32HandleInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_external\\_memory\\_win32 Arguments: - `dw_access::DWORD` - `name::LPCWSTR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `attributes::SECURITY_ATTRIBUTES`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMemoryWin32HandleInfoKHR.html) """ function _ExportMemoryWin32HandleInfoKHR(dw_access::vk.DWORD, name::vk.LPCWSTR; next = C_NULL, attributes = C_NULL) next = cconvert(Ptr{Cvoid}, next) attributes = cconvert(Ptr{vk.SECURITY_ATTRIBUTES}, attributes) deps = Any[next, attributes] vks = VkExportMemoryWin32HandleInfoKHR(structure_type(VkExportMemoryWin32HandleInfoKHR), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{vk.SECURITY_ATTRIBUTES}, attributes), dw_access, name) _ExportMemoryWin32HandleInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_external\\_memory\\_win32 Arguments: - `memory_type_bits::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryWin32HandlePropertiesKHR.html) """ function _MemoryWin32HandlePropertiesKHR(memory_type_bits::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryWin32HandlePropertiesKHR(structure_type(VkMemoryWin32HandlePropertiesKHR), unsafe_convert(Ptr{Cvoid}, next), memory_type_bits) _MemoryWin32HandlePropertiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_external\\_memory\\_win32 Arguments: - `memory::DeviceMemory` - `handle_type::ExternalMemoryHandleTypeFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryGetWin32HandleInfoKHR.html) """ function _MemoryGetWin32HandleInfoKHR(memory, handle_type::ExternalMemoryHandleTypeFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryGetWin32HandleInfoKHR(structure_type(VkMemoryGetWin32HandleInfoKHR), unsafe_convert(Ptr{Cvoid}, next), memory, VkExternalMemoryHandleTypeFlagBits(handle_type.val)) _MemoryGetWin32HandleInfoKHR(vks, deps, memory) end """ Extension: VK\\_KHR\\_external\\_memory\\_fd Arguments: - `fd::Int` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `handle_type::ExternalMemoryHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMemoryFdInfoKHR.html) """ function _ImportMemoryFdInfoKHR(fd::Integer; next = C_NULL, handle_type = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImportMemoryFdInfoKHR(structure_type(VkImportMemoryFdInfoKHR), unsafe_convert(Ptr{Cvoid}, next), VkExternalMemoryHandleTypeFlagBits(handle_type.val), fd) _ImportMemoryFdInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_external\\_memory\\_fd Arguments: - `memory_type_bits::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryFdPropertiesKHR.html) """ function _MemoryFdPropertiesKHR(memory_type_bits::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryFdPropertiesKHR(structure_type(VkMemoryFdPropertiesKHR), unsafe_convert(Ptr{Cvoid}, next), memory_type_bits) _MemoryFdPropertiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_external\\_memory\\_fd Arguments: - `memory::DeviceMemory` - `handle_type::ExternalMemoryHandleTypeFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryGetFdInfoKHR.html) """ function _MemoryGetFdInfoKHR(memory, handle_type::ExternalMemoryHandleTypeFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryGetFdInfoKHR(structure_type(VkMemoryGetFdInfoKHR), unsafe_convert(Ptr{Cvoid}, next), memory, VkExternalMemoryHandleTypeFlagBits(handle_type.val)) _MemoryGetFdInfoKHR(vks, deps, memory) end """ Extension: VK\\_KHR\\_win32\\_keyed\\_mutex Arguments: - `acquire_syncs::Vector{DeviceMemory}` - `acquire_keys::Vector{UInt64}` - `acquire_timeouts::Vector{UInt32}` - `release_syncs::Vector{DeviceMemory}` - `release_keys::Vector{UInt64}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWin32KeyedMutexAcquireReleaseInfoKHR.html) """ function _Win32KeyedMutexAcquireReleaseInfoKHR(acquire_syncs::AbstractArray, acquire_keys::AbstractArray, acquire_timeouts::AbstractArray, release_syncs::AbstractArray, release_keys::AbstractArray; next = C_NULL) acquire_count = pointer_length(acquire_syncs) release_count = pointer_length(release_syncs) next = cconvert(Ptr{Cvoid}, next) acquire_syncs = cconvert(Ptr{VkDeviceMemory}, acquire_syncs) acquire_keys = cconvert(Ptr{UInt64}, acquire_keys) acquire_timeouts = cconvert(Ptr{UInt32}, acquire_timeouts) release_syncs = cconvert(Ptr{VkDeviceMemory}, release_syncs) release_keys = cconvert(Ptr{UInt64}, release_keys) deps = Any[next, acquire_syncs, acquire_keys, acquire_timeouts, release_syncs, release_keys] vks = VkWin32KeyedMutexAcquireReleaseInfoKHR(structure_type(VkWin32KeyedMutexAcquireReleaseInfoKHR), unsafe_convert(Ptr{Cvoid}, next), acquire_count, unsafe_convert(Ptr{VkDeviceMemory}, acquire_syncs), unsafe_convert(Ptr{UInt64}, acquire_keys), unsafe_convert(Ptr{UInt32}, acquire_timeouts), release_count, unsafe_convert(Ptr{VkDeviceMemory}, release_syncs), unsafe_convert(Ptr{UInt64}, release_keys)) _Win32KeyedMutexAcquireReleaseInfoKHR(vks, deps) end """ Arguments: - `handle_type::ExternalSemaphoreHandleTypeFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalSemaphoreInfo.html) """ function _PhysicalDeviceExternalSemaphoreInfo(handle_type::ExternalSemaphoreHandleTypeFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceExternalSemaphoreInfo(structure_type(VkPhysicalDeviceExternalSemaphoreInfo), unsafe_convert(Ptr{Cvoid}, next), VkExternalSemaphoreHandleTypeFlagBits(handle_type.val)) _PhysicalDeviceExternalSemaphoreInfo(vks, deps) end """ Arguments: - `export_from_imported_handle_types::ExternalSemaphoreHandleTypeFlag` - `compatible_handle_types::ExternalSemaphoreHandleTypeFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `external_semaphore_features::ExternalSemaphoreFeatureFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalSemaphoreProperties.html) """ function _ExternalSemaphoreProperties(export_from_imported_handle_types::ExternalSemaphoreHandleTypeFlag, compatible_handle_types::ExternalSemaphoreHandleTypeFlag; next = C_NULL, external_semaphore_features = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExternalSemaphoreProperties(structure_type(VkExternalSemaphoreProperties), unsafe_convert(Ptr{Cvoid}, next), export_from_imported_handle_types, compatible_handle_types, external_semaphore_features) _ExternalSemaphoreProperties(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `handle_types::ExternalSemaphoreHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportSemaphoreCreateInfo.html) """ function _ExportSemaphoreCreateInfo(; next = C_NULL, handle_types = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExportSemaphoreCreateInfo(structure_type(VkExportSemaphoreCreateInfo), unsafe_convert(Ptr{Cvoid}, next), handle_types) _ExportSemaphoreCreateInfo(vks, deps) end """ Extension: VK\\_KHR\\_external\\_semaphore\\_win32 Arguments: - `semaphore::Semaphore` (externsync) - `handle_type::ExternalSemaphoreHandleTypeFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::SemaphoreImportFlag`: defaults to `0` - `handle::HANDLE`: defaults to `0` - `name::LPCWSTR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportSemaphoreWin32HandleInfoKHR.html) """ function _ImportSemaphoreWin32HandleInfoKHR(semaphore, handle_type::ExternalSemaphoreHandleTypeFlag; next = C_NULL, flags = 0, handle = 0, name = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImportSemaphoreWin32HandleInfoKHR(structure_type(VkImportSemaphoreWin32HandleInfoKHR), unsafe_convert(Ptr{Cvoid}, next), semaphore, flags, VkExternalSemaphoreHandleTypeFlagBits(handle_type.val), handle, name) _ImportSemaphoreWin32HandleInfoKHR(vks, deps, semaphore) end """ Extension: VK\\_KHR\\_external\\_semaphore\\_win32 Arguments: - `dw_access::DWORD` - `name::LPCWSTR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `attributes::SECURITY_ATTRIBUTES`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportSemaphoreWin32HandleInfoKHR.html) """ function _ExportSemaphoreWin32HandleInfoKHR(dw_access::vk.DWORD, name::vk.LPCWSTR; next = C_NULL, attributes = C_NULL) next = cconvert(Ptr{Cvoid}, next) attributes = cconvert(Ptr{vk.SECURITY_ATTRIBUTES}, attributes) deps = Any[next, attributes] vks = VkExportSemaphoreWin32HandleInfoKHR(structure_type(VkExportSemaphoreWin32HandleInfoKHR), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{vk.SECURITY_ATTRIBUTES}, attributes), dw_access, name) _ExportSemaphoreWin32HandleInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_external\\_semaphore\\_win32 Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `wait_semaphore_values::Vector{UInt64}`: defaults to `C_NULL` - `signal_semaphore_values::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkD3D12FenceSubmitInfoKHR.html) """ function _D3D12FenceSubmitInfoKHR(; next = C_NULL, wait_semaphore_values = C_NULL, signal_semaphore_values = C_NULL) wait_semaphore_values_count = pointer_length(wait_semaphore_values) signal_semaphore_values_count = pointer_length(signal_semaphore_values) next = cconvert(Ptr{Cvoid}, next) wait_semaphore_values = cconvert(Ptr{UInt64}, wait_semaphore_values) signal_semaphore_values = cconvert(Ptr{UInt64}, signal_semaphore_values) deps = Any[next, wait_semaphore_values, signal_semaphore_values] vks = VkD3D12FenceSubmitInfoKHR(structure_type(VkD3D12FenceSubmitInfoKHR), unsafe_convert(Ptr{Cvoid}, next), wait_semaphore_values_count, unsafe_convert(Ptr{UInt64}, wait_semaphore_values), signal_semaphore_values_count, unsafe_convert(Ptr{UInt64}, signal_semaphore_values)) _D3D12FenceSubmitInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_external\\_semaphore\\_win32 Arguments: - `semaphore::Semaphore` - `handle_type::ExternalSemaphoreHandleTypeFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreGetWin32HandleInfoKHR.html) """ function _SemaphoreGetWin32HandleInfoKHR(semaphore, handle_type::ExternalSemaphoreHandleTypeFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSemaphoreGetWin32HandleInfoKHR(structure_type(VkSemaphoreGetWin32HandleInfoKHR), unsafe_convert(Ptr{Cvoid}, next), semaphore, VkExternalSemaphoreHandleTypeFlagBits(handle_type.val)) _SemaphoreGetWin32HandleInfoKHR(vks, deps, semaphore) end """ Extension: VK\\_KHR\\_external\\_semaphore\\_fd Arguments: - `semaphore::Semaphore` (externsync) - `handle_type::ExternalSemaphoreHandleTypeFlag` - `fd::Int` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::SemaphoreImportFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportSemaphoreFdInfoKHR.html) """ function _ImportSemaphoreFdInfoKHR(semaphore, handle_type::ExternalSemaphoreHandleTypeFlag, fd::Integer; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImportSemaphoreFdInfoKHR(structure_type(VkImportSemaphoreFdInfoKHR), unsafe_convert(Ptr{Cvoid}, next), semaphore, flags, VkExternalSemaphoreHandleTypeFlagBits(handle_type.val), fd) _ImportSemaphoreFdInfoKHR(vks, deps, semaphore) end """ Extension: VK\\_KHR\\_external\\_semaphore\\_fd Arguments: - `semaphore::Semaphore` - `handle_type::ExternalSemaphoreHandleTypeFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreGetFdInfoKHR.html) """ function _SemaphoreGetFdInfoKHR(semaphore, handle_type::ExternalSemaphoreHandleTypeFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSemaphoreGetFdInfoKHR(structure_type(VkSemaphoreGetFdInfoKHR), unsafe_convert(Ptr{Cvoid}, next), semaphore, VkExternalSemaphoreHandleTypeFlagBits(handle_type.val)) _SemaphoreGetFdInfoKHR(vks, deps, semaphore) end """ Arguments: - `handle_type::ExternalFenceHandleTypeFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalFenceInfo.html) """ function _PhysicalDeviceExternalFenceInfo(handle_type::ExternalFenceHandleTypeFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceExternalFenceInfo(structure_type(VkPhysicalDeviceExternalFenceInfo), unsafe_convert(Ptr{Cvoid}, next), VkExternalFenceHandleTypeFlagBits(handle_type.val)) _PhysicalDeviceExternalFenceInfo(vks, deps) end """ Arguments: - `export_from_imported_handle_types::ExternalFenceHandleTypeFlag` - `compatible_handle_types::ExternalFenceHandleTypeFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `external_fence_features::ExternalFenceFeatureFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalFenceProperties.html) """ function _ExternalFenceProperties(export_from_imported_handle_types::ExternalFenceHandleTypeFlag, compatible_handle_types::ExternalFenceHandleTypeFlag; next = C_NULL, external_fence_features = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExternalFenceProperties(structure_type(VkExternalFenceProperties), unsafe_convert(Ptr{Cvoid}, next), export_from_imported_handle_types, compatible_handle_types, external_fence_features) _ExternalFenceProperties(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `handle_types::ExternalFenceHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportFenceCreateInfo.html) """ function _ExportFenceCreateInfo(; next = C_NULL, handle_types = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkExportFenceCreateInfo(structure_type(VkExportFenceCreateInfo), unsafe_convert(Ptr{Cvoid}, next), handle_types) _ExportFenceCreateInfo(vks, deps) end """ Extension: VK\\_KHR\\_external\\_fence\\_win32 Arguments: - `fence::Fence` (externsync) - `handle_type::ExternalFenceHandleTypeFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::FenceImportFlag`: defaults to `0` - `handle::HANDLE`: defaults to `0` - `name::LPCWSTR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportFenceWin32HandleInfoKHR.html) """ function _ImportFenceWin32HandleInfoKHR(fence, handle_type::ExternalFenceHandleTypeFlag; next = C_NULL, flags = 0, handle = 0, name = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImportFenceWin32HandleInfoKHR(structure_type(VkImportFenceWin32HandleInfoKHR), unsafe_convert(Ptr{Cvoid}, next), fence, flags, VkExternalFenceHandleTypeFlagBits(handle_type.val), handle, name) _ImportFenceWin32HandleInfoKHR(vks, deps, fence) end """ Extension: VK\\_KHR\\_external\\_fence\\_win32 Arguments: - `dw_access::DWORD` - `name::LPCWSTR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `attributes::SECURITY_ATTRIBUTES`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportFenceWin32HandleInfoKHR.html) """ function _ExportFenceWin32HandleInfoKHR(dw_access::vk.DWORD, name::vk.LPCWSTR; next = C_NULL, attributes = C_NULL) next = cconvert(Ptr{Cvoid}, next) attributes = cconvert(Ptr{vk.SECURITY_ATTRIBUTES}, attributes) deps = Any[next, attributes] vks = VkExportFenceWin32HandleInfoKHR(structure_type(VkExportFenceWin32HandleInfoKHR), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{vk.SECURITY_ATTRIBUTES}, attributes), dw_access, name) _ExportFenceWin32HandleInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_external\\_fence\\_win32 Arguments: - `fence::Fence` - `handle_type::ExternalFenceHandleTypeFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFenceGetWin32HandleInfoKHR.html) """ function _FenceGetWin32HandleInfoKHR(fence, handle_type::ExternalFenceHandleTypeFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkFenceGetWin32HandleInfoKHR(structure_type(VkFenceGetWin32HandleInfoKHR), unsafe_convert(Ptr{Cvoid}, next), fence, VkExternalFenceHandleTypeFlagBits(handle_type.val)) _FenceGetWin32HandleInfoKHR(vks, deps, fence) end """ Extension: VK\\_KHR\\_external\\_fence\\_fd Arguments: - `fence::Fence` (externsync) - `handle_type::ExternalFenceHandleTypeFlag` - `fd::Int` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::FenceImportFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportFenceFdInfoKHR.html) """ function _ImportFenceFdInfoKHR(fence, handle_type::ExternalFenceHandleTypeFlag, fd::Integer; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImportFenceFdInfoKHR(structure_type(VkImportFenceFdInfoKHR), unsafe_convert(Ptr{Cvoid}, next), fence, flags, VkExternalFenceHandleTypeFlagBits(handle_type.val), fd) _ImportFenceFdInfoKHR(vks, deps, fence) end """ Extension: VK\\_KHR\\_external\\_fence\\_fd Arguments: - `fence::Fence` - `handle_type::ExternalFenceHandleTypeFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFenceGetFdInfoKHR.html) """ function _FenceGetFdInfoKHR(fence, handle_type::ExternalFenceHandleTypeFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkFenceGetFdInfoKHR(structure_type(VkFenceGetFdInfoKHR), unsafe_convert(Ptr{Cvoid}, next), fence, VkExternalFenceHandleTypeFlagBits(handle_type.val)) _FenceGetFdInfoKHR(vks, deps, fence) end """ Arguments: - `multiview::Bool` - `multiview_geometry_shader::Bool` - `multiview_tessellation_shader::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewFeatures.html) """ function _PhysicalDeviceMultiviewFeatures(multiview::Bool, multiview_geometry_shader::Bool, multiview_tessellation_shader::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMultiviewFeatures(structure_type(VkPhysicalDeviceMultiviewFeatures), unsafe_convert(Ptr{Cvoid}, next), multiview, multiview_geometry_shader, multiview_tessellation_shader) _PhysicalDeviceMultiviewFeatures(vks, deps) end """ Arguments: - `max_multiview_view_count::UInt32` - `max_multiview_instance_index::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewProperties.html) """ function _PhysicalDeviceMultiviewProperties(max_multiview_view_count::Integer, max_multiview_instance_index::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMultiviewProperties(structure_type(VkPhysicalDeviceMultiviewProperties), unsafe_convert(Ptr{Cvoid}, next), max_multiview_view_count, max_multiview_instance_index) _PhysicalDeviceMultiviewProperties(vks, deps) end """ Arguments: - `view_masks::Vector{UInt32}` - `view_offsets::Vector{Int32}` - `correlation_masks::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassMultiviewCreateInfo.html) """ function _RenderPassMultiviewCreateInfo(view_masks::AbstractArray, view_offsets::AbstractArray, correlation_masks::AbstractArray; next = C_NULL) subpass_count = pointer_length(view_masks) dependency_count = pointer_length(view_offsets) correlation_mask_count = pointer_length(correlation_masks) next = cconvert(Ptr{Cvoid}, next) view_masks = cconvert(Ptr{UInt32}, view_masks) view_offsets = cconvert(Ptr{Int32}, view_offsets) correlation_masks = cconvert(Ptr{UInt32}, correlation_masks) deps = Any[next, view_masks, view_offsets, correlation_masks] vks = VkRenderPassMultiviewCreateInfo(structure_type(VkRenderPassMultiviewCreateInfo), unsafe_convert(Ptr{Cvoid}, next), subpass_count, unsafe_convert(Ptr{UInt32}, view_masks), dependency_count, unsafe_convert(Ptr{Int32}, view_offsets), correlation_mask_count, unsafe_convert(Ptr{UInt32}, correlation_masks)) _RenderPassMultiviewCreateInfo(vks, deps) end """ Extension: VK\\_EXT\\_display\\_surface\\_counter Arguments: - `min_image_count::UInt32` - `max_image_count::UInt32` - `current_extent::_Extent2D` - `min_image_extent::_Extent2D` - `max_image_extent::_Extent2D` - `max_image_array_layers::UInt32` - `supported_transforms::SurfaceTransformFlagKHR` - `current_transform::SurfaceTransformFlagKHR` - `supported_composite_alpha::CompositeAlphaFlagKHR` - `supported_usage_flags::ImageUsageFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `supported_surface_counters::SurfaceCounterFlagEXT`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilities2EXT.html) """ function _SurfaceCapabilities2EXT(min_image_count::Integer, max_image_count::Integer, current_extent::_Extent2D, min_image_extent::_Extent2D, max_image_extent::_Extent2D, max_image_array_layers::Integer, supported_transforms::SurfaceTransformFlagKHR, current_transform::SurfaceTransformFlagKHR, supported_composite_alpha::CompositeAlphaFlagKHR, supported_usage_flags::ImageUsageFlag; next = C_NULL, supported_surface_counters = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSurfaceCapabilities2EXT(structure_type(VkSurfaceCapabilities2EXT), unsafe_convert(Ptr{Cvoid}, next), min_image_count, max_image_count, current_extent.vks, min_image_extent.vks, max_image_extent.vks, max_image_array_layers, supported_transforms, VkSurfaceTransformFlagBitsKHR(current_transform.val), supported_composite_alpha, supported_usage_flags, supported_surface_counters) _SurfaceCapabilities2EXT(vks, deps) end """ Extension: VK\\_EXT\\_display\\_control Arguments: - `power_state::DisplayPowerStateEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPowerInfoEXT.html) """ function _DisplayPowerInfoEXT(power_state::DisplayPowerStateEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDisplayPowerInfoEXT(structure_type(VkDisplayPowerInfoEXT), unsafe_convert(Ptr{Cvoid}, next), power_state) _DisplayPowerInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_display\\_control Arguments: - `device_event::DeviceEventTypeEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceEventInfoEXT.html) """ function _DeviceEventInfoEXT(device_event::DeviceEventTypeEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceEventInfoEXT(structure_type(VkDeviceEventInfoEXT), unsafe_convert(Ptr{Cvoid}, next), device_event) _DeviceEventInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_display\\_control Arguments: - `display_event::DisplayEventTypeEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayEventInfoEXT.html) """ function _DisplayEventInfoEXT(display_event::DisplayEventTypeEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDisplayEventInfoEXT(structure_type(VkDisplayEventInfoEXT), unsafe_convert(Ptr{Cvoid}, next), display_event) _DisplayEventInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_display\\_control Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `surface_counters::SurfaceCounterFlagEXT`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainCounterCreateInfoEXT.html) """ function _SwapchainCounterCreateInfoEXT(; next = C_NULL, surface_counters = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSwapchainCounterCreateInfoEXT(structure_type(VkSwapchainCounterCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), surface_counters) _SwapchainCounterCreateInfoEXT(vks, deps) end """ Arguments: - `physical_device_count::UInt32` - `physical_devices::NTuple{Int(VK_MAX_DEVICE_GROUP_SIZE), PhysicalDevice}` - `subset_allocation::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGroupProperties.html) """ function _PhysicalDeviceGroupProperties(physical_device_count::Integer, physical_devices::NTuple{Int(VK_MAX_DEVICE_GROUP_SIZE), PhysicalDevice}, subset_allocation::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceGroupProperties(structure_type(VkPhysicalDeviceGroupProperties), unsafe_convert(Ptr{Cvoid}, next), physical_device_count, physical_devices, subset_allocation) _PhysicalDeviceGroupProperties(vks, deps) end """ Arguments: - `device_mask::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::MemoryAllocateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryAllocateFlagsInfo.html) """ function _MemoryAllocateFlagsInfo(device_mask::Integer; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryAllocateFlagsInfo(structure_type(VkMemoryAllocateFlagsInfo), unsafe_convert(Ptr{Cvoid}, next), flags, device_mask) _MemoryAllocateFlagsInfo(vks, deps) end """ Arguments: - `buffer::Buffer` - `memory::DeviceMemory` - `memory_offset::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindBufferMemoryInfo.html) """ function _BindBufferMemoryInfo(buffer, memory, memory_offset::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBindBufferMemoryInfo(structure_type(VkBindBufferMemoryInfo), unsafe_convert(Ptr{Cvoid}, next), buffer, memory, memory_offset) _BindBufferMemoryInfo(vks, deps, buffer, memory) end """ Arguments: - `device_indices::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindBufferMemoryDeviceGroupInfo.html) """ function _BindBufferMemoryDeviceGroupInfo(device_indices::AbstractArray; next = C_NULL) device_index_count = pointer_length(device_indices) next = cconvert(Ptr{Cvoid}, next) device_indices = cconvert(Ptr{UInt32}, device_indices) deps = Any[next, device_indices] vks = VkBindBufferMemoryDeviceGroupInfo(structure_type(VkBindBufferMemoryDeviceGroupInfo), unsafe_convert(Ptr{Cvoid}, next), device_index_count, unsafe_convert(Ptr{UInt32}, device_indices)) _BindBufferMemoryDeviceGroupInfo(vks, deps) end """ Arguments: - `image::Image` - `memory::DeviceMemory` - `memory_offset::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImageMemoryInfo.html) """ function _BindImageMemoryInfo(image, memory, memory_offset::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBindImageMemoryInfo(structure_type(VkBindImageMemoryInfo), unsafe_convert(Ptr{Cvoid}, next), image, memory, memory_offset) _BindImageMemoryInfo(vks, deps, image, memory) end """ Arguments: - `device_indices::Vector{UInt32}` - `split_instance_bind_regions::Vector{_Rect2D}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImageMemoryDeviceGroupInfo.html) """ function _BindImageMemoryDeviceGroupInfo(device_indices::AbstractArray, split_instance_bind_regions::AbstractArray; next = C_NULL) device_index_count = pointer_length(device_indices) split_instance_bind_region_count = pointer_length(split_instance_bind_regions) next = cconvert(Ptr{Cvoid}, next) device_indices = cconvert(Ptr{UInt32}, device_indices) split_instance_bind_regions = cconvert(Ptr{VkRect2D}, split_instance_bind_regions) deps = Any[next, device_indices, split_instance_bind_regions] vks = VkBindImageMemoryDeviceGroupInfo(structure_type(VkBindImageMemoryDeviceGroupInfo), unsafe_convert(Ptr{Cvoid}, next), device_index_count, unsafe_convert(Ptr{UInt32}, device_indices), split_instance_bind_region_count, unsafe_convert(Ptr{VkRect2D}, split_instance_bind_regions)) _BindImageMemoryDeviceGroupInfo(vks, deps) end """ Arguments: - `device_mask::UInt32` - `device_render_areas::Vector{_Rect2D}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupRenderPassBeginInfo.html) """ function _DeviceGroupRenderPassBeginInfo(device_mask::Integer, device_render_areas::AbstractArray; next = C_NULL) device_render_area_count = pointer_length(device_render_areas) next = cconvert(Ptr{Cvoid}, next) device_render_areas = cconvert(Ptr{VkRect2D}, device_render_areas) deps = Any[next, device_render_areas] vks = VkDeviceGroupRenderPassBeginInfo(structure_type(VkDeviceGroupRenderPassBeginInfo), unsafe_convert(Ptr{Cvoid}, next), device_mask, device_render_area_count, unsafe_convert(Ptr{VkRect2D}, device_render_areas)) _DeviceGroupRenderPassBeginInfo(vks, deps) end """ Arguments: - `device_mask::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupCommandBufferBeginInfo.html) """ function _DeviceGroupCommandBufferBeginInfo(device_mask::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceGroupCommandBufferBeginInfo(structure_type(VkDeviceGroupCommandBufferBeginInfo), unsafe_convert(Ptr{Cvoid}, next), device_mask) _DeviceGroupCommandBufferBeginInfo(vks, deps) end """ Arguments: - `wait_semaphore_device_indices::Vector{UInt32}` - `command_buffer_device_masks::Vector{UInt32}` - `signal_semaphore_device_indices::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupSubmitInfo.html) """ function _DeviceGroupSubmitInfo(wait_semaphore_device_indices::AbstractArray, command_buffer_device_masks::AbstractArray, signal_semaphore_device_indices::AbstractArray; next = C_NULL) wait_semaphore_count = pointer_length(wait_semaphore_device_indices) command_buffer_count = pointer_length(command_buffer_device_masks) signal_semaphore_count = pointer_length(signal_semaphore_device_indices) next = cconvert(Ptr{Cvoid}, next) wait_semaphore_device_indices = cconvert(Ptr{UInt32}, wait_semaphore_device_indices) command_buffer_device_masks = cconvert(Ptr{UInt32}, command_buffer_device_masks) signal_semaphore_device_indices = cconvert(Ptr{UInt32}, signal_semaphore_device_indices) deps = Any[next, wait_semaphore_device_indices, command_buffer_device_masks, signal_semaphore_device_indices] vks = VkDeviceGroupSubmitInfo(structure_type(VkDeviceGroupSubmitInfo), unsafe_convert(Ptr{Cvoid}, next), wait_semaphore_count, unsafe_convert(Ptr{UInt32}, wait_semaphore_device_indices), command_buffer_count, unsafe_convert(Ptr{UInt32}, command_buffer_device_masks), signal_semaphore_count, unsafe_convert(Ptr{UInt32}, signal_semaphore_device_indices)) _DeviceGroupSubmitInfo(vks, deps) end """ Arguments: - `resource_device_index::UInt32` - `memory_device_index::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupBindSparseInfo.html) """ function _DeviceGroupBindSparseInfo(resource_device_index::Integer, memory_device_index::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceGroupBindSparseInfo(structure_type(VkDeviceGroupBindSparseInfo), unsafe_convert(Ptr{Cvoid}, next), resource_device_index, memory_device_index) _DeviceGroupBindSparseInfo(vks, deps) end """ Extension: VK\\_KHR\\_swapchain Arguments: - `present_mask::NTuple{Int(VK_MAX_DEVICE_GROUP_SIZE), UInt32}` - `modes::DeviceGroupPresentModeFlagKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupPresentCapabilitiesKHR.html) """ function _DeviceGroupPresentCapabilitiesKHR(present_mask::NTuple{Int(VK_MAX_DEVICE_GROUP_SIZE), UInt32}, modes::DeviceGroupPresentModeFlagKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceGroupPresentCapabilitiesKHR(structure_type(VkDeviceGroupPresentCapabilitiesKHR), unsafe_convert(Ptr{Cvoid}, next), present_mask, modes) _DeviceGroupPresentCapabilitiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_swapchain Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `swapchain::SwapchainKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSwapchainCreateInfoKHR.html) """ function _ImageSwapchainCreateInfoKHR(; next = C_NULL, swapchain = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageSwapchainCreateInfoKHR(structure_type(VkImageSwapchainCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), swapchain) _ImageSwapchainCreateInfoKHR(vks, deps, swapchain) end """ Extension: VK\\_KHR\\_swapchain Arguments: - `swapchain::SwapchainKHR` (externsync) - `image_index::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImageMemorySwapchainInfoKHR.html) """ function _BindImageMemorySwapchainInfoKHR(swapchain, image_index::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBindImageMemorySwapchainInfoKHR(structure_type(VkBindImageMemorySwapchainInfoKHR), unsafe_convert(Ptr{Cvoid}, next), swapchain, image_index) _BindImageMemorySwapchainInfoKHR(vks, deps, swapchain) end """ Extension: VK\\_KHR\\_swapchain Arguments: - `swapchain::SwapchainKHR` (externsync) - `timeout::UInt64` - `device_mask::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `semaphore::Semaphore`: defaults to `C_NULL` (externsync) - `fence::Fence`: defaults to `C_NULL` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAcquireNextImageInfoKHR.html) """ function _AcquireNextImageInfoKHR(swapchain, timeout::Integer, device_mask::Integer; next = C_NULL, semaphore = C_NULL, fence = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAcquireNextImageInfoKHR(structure_type(VkAcquireNextImageInfoKHR), unsafe_convert(Ptr{Cvoid}, next), swapchain, timeout, semaphore, fence, device_mask) _AcquireNextImageInfoKHR(vks, deps, swapchain, semaphore, fence) end """ Extension: VK\\_KHR\\_swapchain Arguments: - `device_masks::Vector{UInt32}` - `mode::DeviceGroupPresentModeFlagKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupPresentInfoKHR.html) """ function _DeviceGroupPresentInfoKHR(device_masks::AbstractArray, mode::DeviceGroupPresentModeFlagKHR; next = C_NULL) swapchain_count = pointer_length(device_masks) next = cconvert(Ptr{Cvoid}, next) device_masks = cconvert(Ptr{UInt32}, device_masks) deps = Any[next, device_masks] vks = VkDeviceGroupPresentInfoKHR(structure_type(VkDeviceGroupPresentInfoKHR), unsafe_convert(Ptr{Cvoid}, next), swapchain_count, unsafe_convert(Ptr{UInt32}, device_masks), VkDeviceGroupPresentModeFlagBitsKHR(mode.val)) _DeviceGroupPresentInfoKHR(vks, deps) end """ Arguments: - `physical_devices::Vector{PhysicalDevice}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupDeviceCreateInfo.html) """ function _DeviceGroupDeviceCreateInfo(physical_devices::AbstractArray; next = C_NULL) physical_device_count = pointer_length(physical_devices) next = cconvert(Ptr{Cvoid}, next) physical_devices = cconvert(Ptr{VkPhysicalDevice}, physical_devices) deps = Any[next, physical_devices] vks = VkDeviceGroupDeviceCreateInfo(structure_type(VkDeviceGroupDeviceCreateInfo), unsafe_convert(Ptr{Cvoid}, next), physical_device_count, unsafe_convert(Ptr{VkPhysicalDevice}, physical_devices)) _DeviceGroupDeviceCreateInfo(vks, deps) end """ Extension: VK\\_KHR\\_swapchain Arguments: - `modes::DeviceGroupPresentModeFlagKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupSwapchainCreateInfoKHR.html) """ function _DeviceGroupSwapchainCreateInfoKHR(modes::DeviceGroupPresentModeFlagKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceGroupSwapchainCreateInfoKHR(structure_type(VkDeviceGroupSwapchainCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), modes) _DeviceGroupSwapchainCreateInfoKHR(vks, deps) end """ Arguments: - `dst_binding::UInt32` - `dst_array_element::UInt32` - `descriptor_count::UInt32` - `descriptor_type::DescriptorType` - `offset::UInt` - `stride::UInt` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorUpdateTemplateEntry.html) """ function _DescriptorUpdateTemplateEntry(dst_binding::Integer, dst_array_element::Integer, descriptor_count::Integer, descriptor_type::DescriptorType, offset::Integer, stride::Integer) _DescriptorUpdateTemplateEntry(VkDescriptorUpdateTemplateEntry(dst_binding, dst_array_element, descriptor_count, descriptor_type, offset, stride)) end """ Arguments: - `descriptor_update_entries::Vector{_DescriptorUpdateTemplateEntry}` - `template_type::DescriptorUpdateTemplateType` - `descriptor_set_layout::DescriptorSetLayout` - `pipeline_bind_point::PipelineBindPoint` - `pipeline_layout::PipelineLayout` - `set::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorUpdateTemplateCreateInfo.html) """ function _DescriptorUpdateTemplateCreateInfo(descriptor_update_entries::AbstractArray, template_type::DescriptorUpdateTemplateType, descriptor_set_layout, pipeline_bind_point::PipelineBindPoint, pipeline_layout, set::Integer; next = C_NULL, flags = 0) descriptor_update_entry_count = pointer_length(descriptor_update_entries) next = cconvert(Ptr{Cvoid}, next) descriptor_update_entries = cconvert(Ptr{VkDescriptorUpdateTemplateEntry}, descriptor_update_entries) deps = Any[next, descriptor_update_entries] vks = VkDescriptorUpdateTemplateCreateInfo(structure_type(VkDescriptorUpdateTemplateCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, descriptor_update_entry_count, unsafe_convert(Ptr{VkDescriptorUpdateTemplateEntry}, descriptor_update_entries), template_type, descriptor_set_layout, pipeline_bind_point, pipeline_layout, set) _DescriptorUpdateTemplateCreateInfo(vks, deps, descriptor_set_layout, pipeline_layout) end """ Extension: VK\\_EXT\\_hdr\\_metadata Arguments: - `x::Float32` - `y::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkXYColorEXT.html) """ function _XYColorEXT(x::Real, y::Real) _XYColorEXT(VkXYColorEXT(x, y)) end """ Extension: VK\\_KHR\\_present\\_id Arguments: - `present_id::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePresentIdFeaturesKHR.html) """ function _PhysicalDevicePresentIdFeaturesKHR(present_id::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePresentIdFeaturesKHR(structure_type(VkPhysicalDevicePresentIdFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), present_id) _PhysicalDevicePresentIdFeaturesKHR(vks, deps) end """ Extension: VK\\_KHR\\_present\\_id Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `present_ids::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentIdKHR.html) """ function _PresentIdKHR(; next = C_NULL, present_ids = C_NULL) swapchain_count = pointer_length(present_ids) next = cconvert(Ptr{Cvoid}, next) present_ids = cconvert(Ptr{UInt64}, present_ids) deps = Any[next, present_ids] vks = VkPresentIdKHR(structure_type(VkPresentIdKHR), unsafe_convert(Ptr{Cvoid}, next), swapchain_count, unsafe_convert(Ptr{UInt64}, present_ids)) _PresentIdKHR(vks, deps) end """ Extension: VK\\_KHR\\_present\\_wait Arguments: - `present_wait::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePresentWaitFeaturesKHR.html) """ function _PhysicalDevicePresentWaitFeaturesKHR(present_wait::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePresentWaitFeaturesKHR(structure_type(VkPhysicalDevicePresentWaitFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), present_wait) _PhysicalDevicePresentWaitFeaturesKHR(vks, deps) end """ Extension: VK\\_EXT\\_hdr\\_metadata Arguments: - `display_primary_red::_XYColorEXT` - `display_primary_green::_XYColorEXT` - `display_primary_blue::_XYColorEXT` - `white_point::_XYColorEXT` - `max_luminance::Float32` - `min_luminance::Float32` - `max_content_light_level::Float32` - `max_frame_average_light_level::Float32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkHdrMetadataEXT.html) """ function _HdrMetadataEXT(display_primary_red::_XYColorEXT, display_primary_green::_XYColorEXT, display_primary_blue::_XYColorEXT, white_point::_XYColorEXT, max_luminance::Real, min_luminance::Real, max_content_light_level::Real, max_frame_average_light_level::Real; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkHdrMetadataEXT(structure_type(VkHdrMetadataEXT), unsafe_convert(Ptr{Cvoid}, next), display_primary_red.vks, display_primary_green.vks, display_primary_blue.vks, white_point.vks, max_luminance, min_luminance, max_content_light_level, max_frame_average_light_level) _HdrMetadataEXT(vks, deps) end """ Extension: VK\\_AMD\\_display\\_native\\_hdr Arguments: - `local_dimming_support::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayNativeHdrSurfaceCapabilitiesAMD.html) """ function _DisplayNativeHdrSurfaceCapabilitiesAMD(local_dimming_support::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDisplayNativeHdrSurfaceCapabilitiesAMD(structure_type(VkDisplayNativeHdrSurfaceCapabilitiesAMD), unsafe_convert(Ptr{Cvoid}, next), local_dimming_support) _DisplayNativeHdrSurfaceCapabilitiesAMD(vks, deps) end """ Extension: VK\\_AMD\\_display\\_native\\_hdr Arguments: - `local_dimming_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainDisplayNativeHdrCreateInfoAMD.html) """ function _SwapchainDisplayNativeHdrCreateInfoAMD(local_dimming_enable::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSwapchainDisplayNativeHdrCreateInfoAMD(structure_type(VkSwapchainDisplayNativeHdrCreateInfoAMD), unsafe_convert(Ptr{Cvoid}, next), local_dimming_enable) _SwapchainDisplayNativeHdrCreateInfoAMD(vks, deps) end """ Extension: VK\\_GOOGLE\\_display\\_timing Arguments: - `refresh_duration::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRefreshCycleDurationGOOGLE.html) """ function _RefreshCycleDurationGOOGLE(refresh_duration::Integer) _RefreshCycleDurationGOOGLE(VkRefreshCycleDurationGOOGLE(refresh_duration)) end """ Extension: VK\\_GOOGLE\\_display\\_timing Arguments: - `present_id::UInt32` - `desired_present_time::UInt64` - `actual_present_time::UInt64` - `earliest_present_time::UInt64` - `present_margin::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPastPresentationTimingGOOGLE.html) """ function _PastPresentationTimingGOOGLE(present_id::Integer, desired_present_time::Integer, actual_present_time::Integer, earliest_present_time::Integer, present_margin::Integer) _PastPresentationTimingGOOGLE(VkPastPresentationTimingGOOGLE(present_id, desired_present_time, actual_present_time, earliest_present_time, present_margin)) end """ Extension: VK\\_GOOGLE\\_display\\_timing Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `times::Vector{_PresentTimeGOOGLE}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentTimesInfoGOOGLE.html) """ function _PresentTimesInfoGOOGLE(; next = C_NULL, times = C_NULL) swapchain_count = pointer_length(times) next = cconvert(Ptr{Cvoid}, next) times = cconvert(Ptr{VkPresentTimeGOOGLE}, times) deps = Any[next, times] vks = VkPresentTimesInfoGOOGLE(structure_type(VkPresentTimesInfoGOOGLE), unsafe_convert(Ptr{Cvoid}, next), swapchain_count, unsafe_convert(Ptr{VkPresentTimeGOOGLE}, times)) _PresentTimesInfoGOOGLE(vks, deps) end """ Extension: VK\\_GOOGLE\\_display\\_timing Arguments: - `present_id::UInt32` - `desired_present_time::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentTimeGOOGLE.html) """ function _PresentTimeGOOGLE(present_id::Integer, desired_present_time::Integer) _PresentTimeGOOGLE(VkPresentTimeGOOGLE(present_id, desired_present_time)) end """ Extension: VK\\_NV\\_clip\\_space\\_w\\_scaling Arguments: - `xcoeff::Float32` - `ycoeff::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkViewportWScalingNV.html) """ function _ViewportWScalingNV(xcoeff::Real, ycoeff::Real) _ViewportWScalingNV(VkViewportWScalingNV(xcoeff, ycoeff)) end """ Extension: VK\\_NV\\_clip\\_space\\_w\\_scaling Arguments: - `viewport_w_scaling_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `viewport_w_scalings::Vector{_ViewportWScalingNV}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportWScalingStateCreateInfoNV.html) """ function _PipelineViewportWScalingStateCreateInfoNV(viewport_w_scaling_enable::Bool; next = C_NULL, viewport_w_scalings = C_NULL) viewport_count = pointer_length(viewport_w_scalings) next = cconvert(Ptr{Cvoid}, next) viewport_w_scalings = cconvert(Ptr{VkViewportWScalingNV}, viewport_w_scalings) deps = Any[next, viewport_w_scalings] vks = VkPipelineViewportWScalingStateCreateInfoNV(structure_type(VkPipelineViewportWScalingStateCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), viewport_w_scaling_enable, viewport_count, unsafe_convert(Ptr{VkViewportWScalingNV}, viewport_w_scalings)) _PipelineViewportWScalingStateCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_viewport\\_swizzle Arguments: - `x::ViewportCoordinateSwizzleNV` - `y::ViewportCoordinateSwizzleNV` - `z::ViewportCoordinateSwizzleNV` - `w::ViewportCoordinateSwizzleNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkViewportSwizzleNV.html) """ function _ViewportSwizzleNV(x::ViewportCoordinateSwizzleNV, y::ViewportCoordinateSwizzleNV, z::ViewportCoordinateSwizzleNV, w::ViewportCoordinateSwizzleNV) _ViewportSwizzleNV(VkViewportSwizzleNV(x, y, z, w)) end """ Extension: VK\\_NV\\_viewport\\_swizzle Arguments: - `viewport_swizzles::Vector{_ViewportSwizzleNV}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportSwizzleStateCreateInfoNV.html) """ function _PipelineViewportSwizzleStateCreateInfoNV(viewport_swizzles::AbstractArray; next = C_NULL, flags = 0) viewport_count = pointer_length(viewport_swizzles) next = cconvert(Ptr{Cvoid}, next) viewport_swizzles = cconvert(Ptr{VkViewportSwizzleNV}, viewport_swizzles) deps = Any[next, viewport_swizzles] vks = VkPipelineViewportSwizzleStateCreateInfoNV(structure_type(VkPipelineViewportSwizzleStateCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), flags, viewport_count, unsafe_convert(Ptr{VkViewportSwizzleNV}, viewport_swizzles)) _PipelineViewportSwizzleStateCreateInfoNV(vks, deps) end """ Extension: VK\\_EXT\\_discard\\_rectangles Arguments: - `max_discard_rectangles::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDiscardRectanglePropertiesEXT.html) """ function _PhysicalDeviceDiscardRectanglePropertiesEXT(max_discard_rectangles::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDiscardRectanglePropertiesEXT(structure_type(VkPhysicalDeviceDiscardRectanglePropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), max_discard_rectangles) _PhysicalDeviceDiscardRectanglePropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_discard\\_rectangles Arguments: - `discard_rectangle_mode::DiscardRectangleModeEXT` - `discard_rectangles::Vector{_Rect2D}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineDiscardRectangleStateCreateInfoEXT.html) """ function _PipelineDiscardRectangleStateCreateInfoEXT(discard_rectangle_mode::DiscardRectangleModeEXT, discard_rectangles::AbstractArray; next = C_NULL, flags = 0) discard_rectangle_count = pointer_length(discard_rectangles) next = cconvert(Ptr{Cvoid}, next) discard_rectangles = cconvert(Ptr{VkRect2D}, discard_rectangles) deps = Any[next, discard_rectangles] vks = VkPipelineDiscardRectangleStateCreateInfoEXT(structure_type(VkPipelineDiscardRectangleStateCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), flags, discard_rectangle_mode, discard_rectangle_count, unsafe_convert(Ptr{VkRect2D}, discard_rectangles)) _PipelineDiscardRectangleStateCreateInfoEXT(vks, deps) end """ Extension: VK\\_NVX\\_multiview\\_per\\_view\\_attributes Arguments: - `per_view_position_all_components::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX.html) """ function _PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX(per_view_position_all_components::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX(structure_type(VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX), unsafe_convert(Ptr{Cvoid}, next), per_view_position_all_components) _PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX(vks, deps) end """ Arguments: - `subpass::UInt32` - `input_attachment_index::UInt32` - `aspect_mask::ImageAspectFlag` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkInputAttachmentAspectReference.html) """ function _InputAttachmentAspectReference(subpass::Integer, input_attachment_index::Integer, aspect_mask::ImageAspectFlag) _InputAttachmentAspectReference(VkInputAttachmentAspectReference(subpass, input_attachment_index, aspect_mask)) end """ Arguments: - `aspect_references::Vector{_InputAttachmentAspectReference}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassInputAttachmentAspectCreateInfo.html) """ function _RenderPassInputAttachmentAspectCreateInfo(aspect_references::AbstractArray; next = C_NULL) aspect_reference_count = pointer_length(aspect_references) next = cconvert(Ptr{Cvoid}, next) aspect_references = cconvert(Ptr{VkInputAttachmentAspectReference}, aspect_references) deps = Any[next, aspect_references] vks = VkRenderPassInputAttachmentAspectCreateInfo(structure_type(VkRenderPassInputAttachmentAspectCreateInfo), unsafe_convert(Ptr{Cvoid}, next), aspect_reference_count, unsafe_convert(Ptr{VkInputAttachmentAspectReference}, aspect_references)) _RenderPassInputAttachmentAspectCreateInfo(vks, deps) end """ Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `surface::SurfaceKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSurfaceInfo2KHR.html) """ function _PhysicalDeviceSurfaceInfo2KHR(; next = C_NULL, surface = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSurfaceInfo2KHR(structure_type(VkPhysicalDeviceSurfaceInfo2KHR), unsafe_convert(Ptr{Cvoid}, next), surface) _PhysicalDeviceSurfaceInfo2KHR(vks, deps, surface) end """ Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 Arguments: - `surface_capabilities::_SurfaceCapabilitiesKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilities2KHR.html) """ function _SurfaceCapabilities2KHR(surface_capabilities::_SurfaceCapabilitiesKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSurfaceCapabilities2KHR(structure_type(VkSurfaceCapabilities2KHR), unsafe_convert(Ptr{Cvoid}, next), surface_capabilities.vks) _SurfaceCapabilities2KHR(vks, deps) end """ Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 Arguments: - `surface_format::_SurfaceFormatKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceFormat2KHR.html) """ function _SurfaceFormat2KHR(surface_format::_SurfaceFormatKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSurfaceFormat2KHR(structure_type(VkSurfaceFormat2KHR), unsafe_convert(Ptr{Cvoid}, next), surface_format.vks) _SurfaceFormat2KHR(vks, deps) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Arguments: - `display_properties::_DisplayPropertiesKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayProperties2KHR.html) """ function _DisplayProperties2KHR(display_properties::_DisplayPropertiesKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDisplayProperties2KHR(structure_type(VkDisplayProperties2KHR), unsafe_convert(Ptr{Cvoid}, next), display_properties.vks) _DisplayProperties2KHR(vks, deps) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Arguments: - `display_plane_properties::_DisplayPlanePropertiesKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneProperties2KHR.html) """ function _DisplayPlaneProperties2KHR(display_plane_properties::_DisplayPlanePropertiesKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDisplayPlaneProperties2KHR(structure_type(VkDisplayPlaneProperties2KHR), unsafe_convert(Ptr{Cvoid}, next), display_plane_properties.vks) _DisplayPlaneProperties2KHR(vks, deps) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Arguments: - `display_mode_properties::_DisplayModePropertiesKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModeProperties2KHR.html) """ function _DisplayModeProperties2KHR(display_mode_properties::_DisplayModePropertiesKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDisplayModeProperties2KHR(structure_type(VkDisplayModeProperties2KHR), unsafe_convert(Ptr{Cvoid}, next), display_mode_properties.vks) _DisplayModeProperties2KHR(vks, deps) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Arguments: - `mode::DisplayModeKHR` (externsync) - `plane_index::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneInfo2KHR.html) """ function _DisplayPlaneInfo2KHR(mode, plane_index::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDisplayPlaneInfo2KHR(structure_type(VkDisplayPlaneInfo2KHR), unsafe_convert(Ptr{Cvoid}, next), mode, plane_index) _DisplayPlaneInfo2KHR(vks, deps, mode) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Arguments: - `capabilities::_DisplayPlaneCapabilitiesKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneCapabilities2KHR.html) """ function _DisplayPlaneCapabilities2KHR(capabilities::_DisplayPlaneCapabilitiesKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDisplayPlaneCapabilities2KHR(structure_type(VkDisplayPlaneCapabilities2KHR), unsafe_convert(Ptr{Cvoid}, next), capabilities.vks) _DisplayPlaneCapabilities2KHR(vks, deps) end """ Extension: VK\\_KHR\\_shared\\_presentable\\_image Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `shared_present_supported_usage_flags::ImageUsageFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSharedPresentSurfaceCapabilitiesKHR.html) """ function _SharedPresentSurfaceCapabilitiesKHR(; next = C_NULL, shared_present_supported_usage_flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSharedPresentSurfaceCapabilitiesKHR(structure_type(VkSharedPresentSurfaceCapabilitiesKHR), unsafe_convert(Ptr{Cvoid}, next), shared_present_supported_usage_flags) _SharedPresentSurfaceCapabilitiesKHR(vks, deps) end """ Arguments: - `storage_buffer_16_bit_access::Bool` - `uniform_and_storage_buffer_16_bit_access::Bool` - `storage_push_constant_16::Bool` - `storage_input_output_16::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevice16BitStorageFeatures.html) """ function _PhysicalDevice16BitStorageFeatures(storage_buffer_16_bit_access::Bool, uniform_and_storage_buffer_16_bit_access::Bool, storage_push_constant_16::Bool, storage_input_output_16::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevice16BitStorageFeatures(structure_type(VkPhysicalDevice16BitStorageFeatures), unsafe_convert(Ptr{Cvoid}, next), storage_buffer_16_bit_access, uniform_and_storage_buffer_16_bit_access, storage_push_constant_16, storage_input_output_16) _PhysicalDevice16BitStorageFeatures(vks, deps) end """ Arguments: - `subgroup_size::UInt32` - `supported_stages::ShaderStageFlag` - `supported_operations::SubgroupFeatureFlag` - `quad_operations_in_all_stages::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubgroupProperties.html) """ function _PhysicalDeviceSubgroupProperties(subgroup_size::Integer, supported_stages::ShaderStageFlag, supported_operations::SubgroupFeatureFlag, quad_operations_in_all_stages::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSubgroupProperties(structure_type(VkPhysicalDeviceSubgroupProperties), unsafe_convert(Ptr{Cvoid}, next), subgroup_size, supported_stages, supported_operations, quad_operations_in_all_stages) _PhysicalDeviceSubgroupProperties(vks, deps) end """ Arguments: - `shader_subgroup_extended_types::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures.html) """ function _PhysicalDeviceShaderSubgroupExtendedTypesFeatures(shader_subgroup_extended_types::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures(structure_type(VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures), unsafe_convert(Ptr{Cvoid}, next), shader_subgroup_extended_types) _PhysicalDeviceShaderSubgroupExtendedTypesFeatures(vks, deps) end """ Arguments: - `buffer::Buffer` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferMemoryRequirementsInfo2.html) """ function _BufferMemoryRequirementsInfo2(buffer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBufferMemoryRequirementsInfo2(structure_type(VkBufferMemoryRequirementsInfo2), unsafe_convert(Ptr{Cvoid}, next), buffer) _BufferMemoryRequirementsInfo2(vks, deps, buffer) end """ Arguments: - `create_info::_BufferCreateInfo` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceBufferMemoryRequirements.html) """ function _DeviceBufferMemoryRequirements(create_info::_BufferCreateInfo; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) create_info = cconvert(Ptr{VkBufferCreateInfo}, create_info) deps = Any[next, create_info] vks = VkDeviceBufferMemoryRequirements(structure_type(VkDeviceBufferMemoryRequirements), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{VkBufferCreateInfo}, create_info)) _DeviceBufferMemoryRequirements(vks, deps) end """ Arguments: - `image::Image` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageMemoryRequirementsInfo2.html) """ function _ImageMemoryRequirementsInfo2(image; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageMemoryRequirementsInfo2(structure_type(VkImageMemoryRequirementsInfo2), unsafe_convert(Ptr{Cvoid}, next), image) _ImageMemoryRequirementsInfo2(vks, deps, image) end """ Arguments: - `image::Image` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSparseMemoryRequirementsInfo2.html) """ function _ImageSparseMemoryRequirementsInfo2(image; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageSparseMemoryRequirementsInfo2(structure_type(VkImageSparseMemoryRequirementsInfo2), unsafe_convert(Ptr{Cvoid}, next), image) _ImageSparseMemoryRequirementsInfo2(vks, deps, image) end """ Arguments: - `create_info::_ImageCreateInfo` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `plane_aspect::ImageAspectFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceImageMemoryRequirements.html) """ function _DeviceImageMemoryRequirements(create_info::_ImageCreateInfo; next = C_NULL, plane_aspect = 0) next = cconvert(Ptr{Cvoid}, next) create_info = cconvert(Ptr{VkImageCreateInfo}, create_info) deps = Any[next, create_info] vks = VkDeviceImageMemoryRequirements(structure_type(VkDeviceImageMemoryRequirements), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{VkImageCreateInfo}, create_info), VkImageAspectFlagBits(plane_aspect.val)) _DeviceImageMemoryRequirements(vks, deps) end """ Arguments: - `memory_requirements::_MemoryRequirements` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryRequirements2.html) """ function _MemoryRequirements2(memory_requirements::_MemoryRequirements; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryRequirements2(structure_type(VkMemoryRequirements2), unsafe_convert(Ptr{Cvoid}, next), memory_requirements.vks) _MemoryRequirements2(vks, deps) end """ Arguments: - `memory_requirements::_SparseImageMemoryRequirements` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryRequirements2.html) """ function _SparseImageMemoryRequirements2(memory_requirements::_SparseImageMemoryRequirements; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSparseImageMemoryRequirements2(structure_type(VkSparseImageMemoryRequirements2), unsafe_convert(Ptr{Cvoid}, next), memory_requirements.vks) _SparseImageMemoryRequirements2(vks, deps) end """ Arguments: - `point_clipping_behavior::PointClippingBehavior` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePointClippingProperties.html) """ function _PhysicalDevicePointClippingProperties(point_clipping_behavior::PointClippingBehavior; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePointClippingProperties(structure_type(VkPhysicalDevicePointClippingProperties), unsafe_convert(Ptr{Cvoid}, next), point_clipping_behavior) _PhysicalDevicePointClippingProperties(vks, deps) end """ Arguments: - `prefers_dedicated_allocation::Bool` - `requires_dedicated_allocation::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryDedicatedRequirements.html) """ function _MemoryDedicatedRequirements(prefers_dedicated_allocation::Bool, requires_dedicated_allocation::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryDedicatedRequirements(structure_type(VkMemoryDedicatedRequirements), unsafe_convert(Ptr{Cvoid}, next), prefers_dedicated_allocation, requires_dedicated_allocation) _MemoryDedicatedRequirements(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `image::Image`: defaults to `C_NULL` - `buffer::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryDedicatedAllocateInfo.html) """ function _MemoryDedicatedAllocateInfo(; next = C_NULL, image = C_NULL, buffer = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryDedicatedAllocateInfo(structure_type(VkMemoryDedicatedAllocateInfo), unsafe_convert(Ptr{Cvoid}, next), image, buffer) _MemoryDedicatedAllocateInfo(vks, deps, image, buffer) end """ Arguments: - `usage::ImageUsageFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewUsageCreateInfo.html) """ function _ImageViewUsageCreateInfo(usage::ImageUsageFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageViewUsageCreateInfo(structure_type(VkImageViewUsageCreateInfo), unsafe_convert(Ptr{Cvoid}, next), usage) _ImageViewUsageCreateInfo(vks, deps) end """ Arguments: - `domain_origin::TessellationDomainOrigin` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineTessellationDomainOriginStateCreateInfo.html) """ function _PipelineTessellationDomainOriginStateCreateInfo(domain_origin::TessellationDomainOrigin; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineTessellationDomainOriginStateCreateInfo(structure_type(VkPipelineTessellationDomainOriginStateCreateInfo), unsafe_convert(Ptr{Cvoid}, next), domain_origin) _PipelineTessellationDomainOriginStateCreateInfo(vks, deps) end """ Arguments: - `conversion::SamplerYcbcrConversion` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerYcbcrConversionInfo.html) """ function _SamplerYcbcrConversionInfo(conversion; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSamplerYcbcrConversionInfo(structure_type(VkSamplerYcbcrConversionInfo), unsafe_convert(Ptr{Cvoid}, next), conversion) _SamplerYcbcrConversionInfo(vks, deps, conversion) end """ Arguments: - `format::Format` - `ycbcr_model::SamplerYcbcrModelConversion` - `ycbcr_range::SamplerYcbcrRange` - `components::_ComponentMapping` - `x_chroma_offset::ChromaLocation` - `y_chroma_offset::ChromaLocation` - `chroma_filter::Filter` - `force_explicit_reconstruction::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerYcbcrConversionCreateInfo.html) """ function _SamplerYcbcrConversionCreateInfo(format::Format, ycbcr_model::SamplerYcbcrModelConversion, ycbcr_range::SamplerYcbcrRange, components::_ComponentMapping, x_chroma_offset::ChromaLocation, y_chroma_offset::ChromaLocation, chroma_filter::Filter, force_explicit_reconstruction::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSamplerYcbcrConversionCreateInfo(structure_type(VkSamplerYcbcrConversionCreateInfo), unsafe_convert(Ptr{Cvoid}, next), format, ycbcr_model, ycbcr_range, components.vks, x_chroma_offset, y_chroma_offset, chroma_filter, force_explicit_reconstruction) _SamplerYcbcrConversionCreateInfo(vks, deps) end """ Arguments: - `plane_aspect::ImageAspectFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImagePlaneMemoryInfo.html) """ function _BindImagePlaneMemoryInfo(plane_aspect::ImageAspectFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBindImagePlaneMemoryInfo(structure_type(VkBindImagePlaneMemoryInfo), unsafe_convert(Ptr{Cvoid}, next), VkImageAspectFlagBits(plane_aspect.val)) _BindImagePlaneMemoryInfo(vks, deps) end """ Arguments: - `plane_aspect::ImageAspectFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImagePlaneMemoryRequirementsInfo.html) """ function _ImagePlaneMemoryRequirementsInfo(plane_aspect::ImageAspectFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImagePlaneMemoryRequirementsInfo(structure_type(VkImagePlaneMemoryRequirementsInfo), unsafe_convert(Ptr{Cvoid}, next), VkImageAspectFlagBits(plane_aspect.val)) _ImagePlaneMemoryRequirementsInfo(vks, deps) end """ Arguments: - `sampler_ycbcr_conversion::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSamplerYcbcrConversionFeatures.html) """ function _PhysicalDeviceSamplerYcbcrConversionFeatures(sampler_ycbcr_conversion::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSamplerYcbcrConversionFeatures(structure_type(VkPhysicalDeviceSamplerYcbcrConversionFeatures), unsafe_convert(Ptr{Cvoid}, next), sampler_ycbcr_conversion) _PhysicalDeviceSamplerYcbcrConversionFeatures(vks, deps) end """ Arguments: - `combined_image_sampler_descriptor_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerYcbcrConversionImageFormatProperties.html) """ function _SamplerYcbcrConversionImageFormatProperties(combined_image_sampler_descriptor_count::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSamplerYcbcrConversionImageFormatProperties(structure_type(VkSamplerYcbcrConversionImageFormatProperties), unsafe_convert(Ptr{Cvoid}, next), combined_image_sampler_descriptor_count) _SamplerYcbcrConversionImageFormatProperties(vks, deps) end """ Extension: VK\\_AMD\\_texture\\_gather\\_bias\\_lod Arguments: - `supports_texture_gather_lod_bias_amd::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTextureLODGatherFormatPropertiesAMD.html) """ function _TextureLODGatherFormatPropertiesAMD(supports_texture_gather_lod_bias_amd::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkTextureLODGatherFormatPropertiesAMD(structure_type(VkTextureLODGatherFormatPropertiesAMD), unsafe_convert(Ptr{Cvoid}, next), supports_texture_gather_lod_bias_amd) _TextureLODGatherFormatPropertiesAMD(vks, deps) end """ Extension: VK\\_EXT\\_conditional\\_rendering Arguments: - `buffer::Buffer` - `offset::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::ConditionalRenderingFlagEXT`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkConditionalRenderingBeginInfoEXT.html) """ function _ConditionalRenderingBeginInfoEXT(buffer, offset::Integer; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkConditionalRenderingBeginInfoEXT(structure_type(VkConditionalRenderingBeginInfoEXT), unsafe_convert(Ptr{Cvoid}, next), buffer, offset, flags) _ConditionalRenderingBeginInfoEXT(vks, deps, buffer) end """ Arguments: - `protected_submit::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkProtectedSubmitInfo.html) """ function _ProtectedSubmitInfo(protected_submit::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkProtectedSubmitInfo(structure_type(VkProtectedSubmitInfo), unsafe_convert(Ptr{Cvoid}, next), protected_submit) _ProtectedSubmitInfo(vks, deps) end """ Arguments: - `protected_memory::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProtectedMemoryFeatures.html) """ function _PhysicalDeviceProtectedMemoryFeatures(protected_memory::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceProtectedMemoryFeatures(structure_type(VkPhysicalDeviceProtectedMemoryFeatures), unsafe_convert(Ptr{Cvoid}, next), protected_memory) _PhysicalDeviceProtectedMemoryFeatures(vks, deps) end """ Arguments: - `protected_no_fault::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProtectedMemoryProperties.html) """ function _PhysicalDeviceProtectedMemoryProperties(protected_no_fault::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceProtectedMemoryProperties(structure_type(VkPhysicalDeviceProtectedMemoryProperties), unsafe_convert(Ptr{Cvoid}, next), protected_no_fault) _PhysicalDeviceProtectedMemoryProperties(vks, deps) end """ Arguments: - `queue_family_index::UInt32` - `queue_index::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::DeviceQueueCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceQueueInfo2.html) """ function _DeviceQueueInfo2(queue_family_index::Integer, queue_index::Integer; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceQueueInfo2(structure_type(VkDeviceQueueInfo2), unsafe_convert(Ptr{Cvoid}, next), flags, queue_family_index, queue_index) _DeviceQueueInfo2(vks, deps) end """ Extension: VK\\_NV\\_fragment\\_coverage\\_to\\_color Arguments: - `coverage_to_color_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `coverage_to_color_location::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCoverageToColorStateCreateInfoNV.html) """ function _PipelineCoverageToColorStateCreateInfoNV(coverage_to_color_enable::Bool; next = C_NULL, flags = 0, coverage_to_color_location = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineCoverageToColorStateCreateInfoNV(structure_type(VkPipelineCoverageToColorStateCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), flags, coverage_to_color_enable, coverage_to_color_location) _PipelineCoverageToColorStateCreateInfoNV(vks, deps) end """ Arguments: - `filter_minmax_single_component_formats::Bool` - `filter_minmax_image_component_mapping::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSamplerFilterMinmaxProperties.html) """ function _PhysicalDeviceSamplerFilterMinmaxProperties(filter_minmax_single_component_formats::Bool, filter_minmax_image_component_mapping::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSamplerFilterMinmaxProperties(structure_type(VkPhysicalDeviceSamplerFilterMinmaxProperties), unsafe_convert(Ptr{Cvoid}, next), filter_minmax_single_component_formats, filter_minmax_image_component_mapping) _PhysicalDeviceSamplerFilterMinmaxProperties(vks, deps) end """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `x::Float32` - `y::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSampleLocationEXT.html) """ function _SampleLocationEXT(x::Real, y::Real) _SampleLocationEXT(VkSampleLocationEXT(x, y)) end """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `sample_locations_per_pixel::SampleCountFlag` - `sample_location_grid_size::_Extent2D` - `sample_locations::Vector{_SampleLocationEXT}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSampleLocationsInfoEXT.html) """ function _SampleLocationsInfoEXT(sample_locations_per_pixel::SampleCountFlag, sample_location_grid_size::_Extent2D, sample_locations::AbstractArray; next = C_NULL) sample_locations_count = pointer_length(sample_locations) next = cconvert(Ptr{Cvoid}, next) sample_locations = cconvert(Ptr{VkSampleLocationEXT}, sample_locations) deps = Any[next, sample_locations] vks = VkSampleLocationsInfoEXT(structure_type(VkSampleLocationsInfoEXT), unsafe_convert(Ptr{Cvoid}, next), VkSampleCountFlagBits(sample_locations_per_pixel.val), sample_location_grid_size.vks, sample_locations_count, unsafe_convert(Ptr{VkSampleLocationEXT}, sample_locations)) _SampleLocationsInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `attachment_index::UInt32` - `sample_locations_info::_SampleLocationsInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentSampleLocationsEXT.html) """ function _AttachmentSampleLocationsEXT(attachment_index::Integer, sample_locations_info::_SampleLocationsInfoEXT) _AttachmentSampleLocationsEXT(VkAttachmentSampleLocationsEXT(attachment_index, sample_locations_info.vks)) end """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `subpass_index::UInt32` - `sample_locations_info::_SampleLocationsInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassSampleLocationsEXT.html) """ function _SubpassSampleLocationsEXT(subpass_index::Integer, sample_locations_info::_SampleLocationsInfoEXT) _SubpassSampleLocationsEXT(VkSubpassSampleLocationsEXT(subpass_index, sample_locations_info.vks)) end """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `attachment_initial_sample_locations::Vector{_AttachmentSampleLocationsEXT}` - `post_subpass_sample_locations::Vector{_SubpassSampleLocationsEXT}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassSampleLocationsBeginInfoEXT.html) """ function _RenderPassSampleLocationsBeginInfoEXT(attachment_initial_sample_locations::AbstractArray, post_subpass_sample_locations::AbstractArray; next = C_NULL) attachment_initial_sample_locations_count = pointer_length(attachment_initial_sample_locations) post_subpass_sample_locations_count = pointer_length(post_subpass_sample_locations) next = cconvert(Ptr{Cvoid}, next) attachment_initial_sample_locations = cconvert(Ptr{VkAttachmentSampleLocationsEXT}, attachment_initial_sample_locations) post_subpass_sample_locations = cconvert(Ptr{VkSubpassSampleLocationsEXT}, post_subpass_sample_locations) deps = Any[next, attachment_initial_sample_locations, post_subpass_sample_locations] vks = VkRenderPassSampleLocationsBeginInfoEXT(structure_type(VkRenderPassSampleLocationsBeginInfoEXT), unsafe_convert(Ptr{Cvoid}, next), attachment_initial_sample_locations_count, unsafe_convert(Ptr{VkAttachmentSampleLocationsEXT}, attachment_initial_sample_locations), post_subpass_sample_locations_count, unsafe_convert(Ptr{VkSubpassSampleLocationsEXT}, post_subpass_sample_locations)) _RenderPassSampleLocationsBeginInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `sample_locations_enable::Bool` - `sample_locations_info::_SampleLocationsInfoEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineSampleLocationsStateCreateInfoEXT.html) """ function _PipelineSampleLocationsStateCreateInfoEXT(sample_locations_enable::Bool, sample_locations_info::_SampleLocationsInfoEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineSampleLocationsStateCreateInfoEXT(structure_type(VkPipelineSampleLocationsStateCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), sample_locations_enable, sample_locations_info.vks) _PipelineSampleLocationsStateCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `sample_location_sample_counts::SampleCountFlag` - `max_sample_location_grid_size::_Extent2D` - `sample_location_coordinate_range::NTuple{2, Float32}` - `sample_location_sub_pixel_bits::UInt32` - `variable_sample_locations::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSampleLocationsPropertiesEXT.html) """ function _PhysicalDeviceSampleLocationsPropertiesEXT(sample_location_sample_counts::SampleCountFlag, max_sample_location_grid_size::_Extent2D, sample_location_coordinate_range::NTuple{2, Float32}, sample_location_sub_pixel_bits::Integer, variable_sample_locations::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSampleLocationsPropertiesEXT(structure_type(VkPhysicalDeviceSampleLocationsPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), sample_location_sample_counts, max_sample_location_grid_size.vks, sample_location_coordinate_range, sample_location_sub_pixel_bits, variable_sample_locations) _PhysicalDeviceSampleLocationsPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `max_sample_location_grid_size::_Extent2D` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultisamplePropertiesEXT.html) """ function _MultisamplePropertiesEXT(max_sample_location_grid_size::_Extent2D; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMultisamplePropertiesEXT(structure_type(VkMultisamplePropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), max_sample_location_grid_size.vks) _MultisamplePropertiesEXT(vks, deps) end """ Arguments: - `reduction_mode::SamplerReductionMode` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerReductionModeCreateInfo.html) """ function _SamplerReductionModeCreateInfo(reduction_mode::SamplerReductionMode; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSamplerReductionModeCreateInfo(structure_type(VkSamplerReductionModeCreateInfo), unsafe_convert(Ptr{Cvoid}, next), reduction_mode) _SamplerReductionModeCreateInfo(vks, deps) end """ Extension: VK\\_EXT\\_blend\\_operation\\_advanced Arguments: - `advanced_blend_coherent_operations::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT.html) """ function _PhysicalDeviceBlendOperationAdvancedFeaturesEXT(advanced_blend_coherent_operations::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT(structure_type(VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), advanced_blend_coherent_operations) _PhysicalDeviceBlendOperationAdvancedFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_multi\\_draw Arguments: - `multi_draw::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiDrawFeaturesEXT.html) """ function _PhysicalDeviceMultiDrawFeaturesEXT(multi_draw::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMultiDrawFeaturesEXT(structure_type(VkPhysicalDeviceMultiDrawFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), multi_draw) _PhysicalDeviceMultiDrawFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_blend\\_operation\\_advanced Arguments: - `advanced_blend_max_color_attachments::UInt32` - `advanced_blend_independent_blend::Bool` - `advanced_blend_non_premultiplied_src_color::Bool` - `advanced_blend_non_premultiplied_dst_color::Bool` - `advanced_blend_correlated_overlap::Bool` - `advanced_blend_all_operations::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT.html) """ function _PhysicalDeviceBlendOperationAdvancedPropertiesEXT(advanced_blend_max_color_attachments::Integer, advanced_blend_independent_blend::Bool, advanced_blend_non_premultiplied_src_color::Bool, advanced_blend_non_premultiplied_dst_color::Bool, advanced_blend_correlated_overlap::Bool, advanced_blend_all_operations::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT(structure_type(VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), advanced_blend_max_color_attachments, advanced_blend_independent_blend, advanced_blend_non_premultiplied_src_color, advanced_blend_non_premultiplied_dst_color, advanced_blend_correlated_overlap, advanced_blend_all_operations) _PhysicalDeviceBlendOperationAdvancedPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_blend\\_operation\\_advanced Arguments: - `src_premultiplied::Bool` - `dst_premultiplied::Bool` - `blend_overlap::BlendOverlapEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorBlendAdvancedStateCreateInfoEXT.html) """ function _PipelineColorBlendAdvancedStateCreateInfoEXT(src_premultiplied::Bool, dst_premultiplied::Bool, blend_overlap::BlendOverlapEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineColorBlendAdvancedStateCreateInfoEXT(structure_type(VkPipelineColorBlendAdvancedStateCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), src_premultiplied, dst_premultiplied, blend_overlap) _PipelineColorBlendAdvancedStateCreateInfoEXT(vks, deps) end """ Arguments: - `inline_uniform_block::Bool` - `descriptor_binding_inline_uniform_block_update_after_bind::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInlineUniformBlockFeatures.html) """ function _PhysicalDeviceInlineUniformBlockFeatures(inline_uniform_block::Bool, descriptor_binding_inline_uniform_block_update_after_bind::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceInlineUniformBlockFeatures(structure_type(VkPhysicalDeviceInlineUniformBlockFeatures), unsafe_convert(Ptr{Cvoid}, next), inline_uniform_block, descriptor_binding_inline_uniform_block_update_after_bind) _PhysicalDeviceInlineUniformBlockFeatures(vks, deps) end """ Arguments: - `max_inline_uniform_block_size::UInt32` - `max_per_stage_descriptor_inline_uniform_blocks::UInt32` - `max_per_stage_descriptor_update_after_bind_inline_uniform_blocks::UInt32` - `max_descriptor_set_inline_uniform_blocks::UInt32` - `max_descriptor_set_update_after_bind_inline_uniform_blocks::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInlineUniformBlockProperties.html) """ function _PhysicalDeviceInlineUniformBlockProperties(max_inline_uniform_block_size::Integer, max_per_stage_descriptor_inline_uniform_blocks::Integer, max_per_stage_descriptor_update_after_bind_inline_uniform_blocks::Integer, max_descriptor_set_inline_uniform_blocks::Integer, max_descriptor_set_update_after_bind_inline_uniform_blocks::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceInlineUniformBlockProperties(structure_type(VkPhysicalDeviceInlineUniformBlockProperties), unsafe_convert(Ptr{Cvoid}, next), max_inline_uniform_block_size, max_per_stage_descriptor_inline_uniform_blocks, max_per_stage_descriptor_update_after_bind_inline_uniform_blocks, max_descriptor_set_inline_uniform_blocks, max_descriptor_set_update_after_bind_inline_uniform_blocks) _PhysicalDeviceInlineUniformBlockProperties(vks, deps) end """ Arguments: - `data_size::UInt32` - `data::Ptr{Cvoid}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSetInlineUniformBlock.html) """ function _WriteDescriptorSetInlineUniformBlock(data_size::Integer, data::Ptr{Cvoid}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) data = cconvert(Ptr{Cvoid}, data) deps = Any[next, data] vks = VkWriteDescriptorSetInlineUniformBlock(structure_type(VkWriteDescriptorSetInlineUniformBlock), unsafe_convert(Ptr{Cvoid}, next), data_size, unsafe_convert(Ptr{Cvoid}, data)) _WriteDescriptorSetInlineUniformBlock(vks, deps) end """ Arguments: - `max_inline_uniform_block_bindings::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorPoolInlineUniformBlockCreateInfo.html) """ function _DescriptorPoolInlineUniformBlockCreateInfo(max_inline_uniform_block_bindings::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDescriptorPoolInlineUniformBlockCreateInfo(structure_type(VkDescriptorPoolInlineUniformBlockCreateInfo), unsafe_convert(Ptr{Cvoid}, next), max_inline_uniform_block_bindings) _DescriptorPoolInlineUniformBlockCreateInfo(vks, deps) end """ Extension: VK\\_NV\\_framebuffer\\_mixed\\_samples Arguments: - `coverage_modulation_mode::CoverageModulationModeNV` - `coverage_modulation_table_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `coverage_modulation_table::Vector{Float32}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCoverageModulationStateCreateInfoNV.html) """ function _PipelineCoverageModulationStateCreateInfoNV(coverage_modulation_mode::CoverageModulationModeNV, coverage_modulation_table_enable::Bool; next = C_NULL, flags = 0, coverage_modulation_table = C_NULL) coverage_modulation_table_count = pointer_length(coverage_modulation_table) next = cconvert(Ptr{Cvoid}, next) coverage_modulation_table = cconvert(Ptr{Float32}, coverage_modulation_table) deps = Any[next, coverage_modulation_table] vks = VkPipelineCoverageModulationStateCreateInfoNV(structure_type(VkPipelineCoverageModulationStateCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), flags, coverage_modulation_mode, coverage_modulation_table_enable, coverage_modulation_table_count, unsafe_convert(Ptr{Float32}, coverage_modulation_table)) _PipelineCoverageModulationStateCreateInfoNV(vks, deps) end """ Arguments: - `view_formats::Vector{Format}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageFormatListCreateInfo.html) """ function _ImageFormatListCreateInfo(view_formats::AbstractArray; next = C_NULL) view_format_count = pointer_length(view_formats) next = cconvert(Ptr{Cvoid}, next) view_formats = cconvert(Ptr{VkFormat}, view_formats) deps = Any[next, view_formats] vks = VkImageFormatListCreateInfo(structure_type(VkImageFormatListCreateInfo), unsafe_convert(Ptr{Cvoid}, next), view_format_count, unsafe_convert(Ptr{VkFormat}, view_formats)) _ImageFormatListCreateInfo(vks, deps) end """ Extension: VK\\_EXT\\_validation\\_cache Arguments: - `initial_data::Ptr{Cvoid}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `initial_data_size::UInt`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkValidationCacheCreateInfoEXT.html) """ function _ValidationCacheCreateInfoEXT(initial_data::Ptr{Cvoid}; next = C_NULL, flags = 0, initial_data_size = 0) next = cconvert(Ptr{Cvoid}, next) initial_data = cconvert(Ptr{Cvoid}, initial_data) deps = Any[next, initial_data] vks = VkValidationCacheCreateInfoEXT(structure_type(VkValidationCacheCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), flags, initial_data_size, unsafe_convert(Ptr{Cvoid}, initial_data)) _ValidationCacheCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_validation\\_cache Arguments: - `validation_cache::ValidationCacheEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderModuleValidationCacheCreateInfoEXT.html) """ function _ShaderModuleValidationCacheCreateInfoEXT(validation_cache; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkShaderModuleValidationCacheCreateInfoEXT(structure_type(VkShaderModuleValidationCacheCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), validation_cache) _ShaderModuleValidationCacheCreateInfoEXT(vks, deps, validation_cache) end """ Arguments: - `max_per_set_descriptors::UInt32` - `max_memory_allocation_size::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMaintenance3Properties.html) """ function _PhysicalDeviceMaintenance3Properties(max_per_set_descriptors::Integer, max_memory_allocation_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMaintenance3Properties(structure_type(VkPhysicalDeviceMaintenance3Properties), unsafe_convert(Ptr{Cvoid}, next), max_per_set_descriptors, max_memory_allocation_size) _PhysicalDeviceMaintenance3Properties(vks, deps) end """ Arguments: - `maintenance4::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMaintenance4Features.html) """ function _PhysicalDeviceMaintenance4Features(maintenance4::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMaintenance4Features(structure_type(VkPhysicalDeviceMaintenance4Features), unsafe_convert(Ptr{Cvoid}, next), maintenance4) _PhysicalDeviceMaintenance4Features(vks, deps) end """ Arguments: - `max_buffer_size::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMaintenance4Properties.html) """ function _PhysicalDeviceMaintenance4Properties(max_buffer_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMaintenance4Properties(structure_type(VkPhysicalDeviceMaintenance4Properties), unsafe_convert(Ptr{Cvoid}, next), max_buffer_size) _PhysicalDeviceMaintenance4Properties(vks, deps) end """ Arguments: - `supported::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutSupport.html) """ function _DescriptorSetLayoutSupport(supported::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDescriptorSetLayoutSupport(structure_type(VkDescriptorSetLayoutSupport), unsafe_convert(Ptr{Cvoid}, next), supported) _DescriptorSetLayoutSupport(vks, deps) end """ Arguments: - `shader_draw_parameters::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderDrawParametersFeatures.html) """ function _PhysicalDeviceShaderDrawParametersFeatures(shader_draw_parameters::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderDrawParametersFeatures(structure_type(VkPhysicalDeviceShaderDrawParametersFeatures), unsafe_convert(Ptr{Cvoid}, next), shader_draw_parameters) _PhysicalDeviceShaderDrawParametersFeatures(vks, deps) end """ Arguments: - `shader_float_16::Bool` - `shader_int_8::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderFloat16Int8Features.html) """ function _PhysicalDeviceShaderFloat16Int8Features(shader_float_16::Bool, shader_int_8::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderFloat16Int8Features(structure_type(VkPhysicalDeviceShaderFloat16Int8Features), unsafe_convert(Ptr{Cvoid}, next), shader_float_16, shader_int_8) _PhysicalDeviceShaderFloat16Int8Features(vks, deps) end """ Arguments: - `denorm_behavior_independence::ShaderFloatControlsIndependence` - `rounding_mode_independence::ShaderFloatControlsIndependence` - `shader_signed_zero_inf_nan_preserve_float_16::Bool` - `shader_signed_zero_inf_nan_preserve_float_32::Bool` - `shader_signed_zero_inf_nan_preserve_float_64::Bool` - `shader_denorm_preserve_float_16::Bool` - `shader_denorm_preserve_float_32::Bool` - `shader_denorm_preserve_float_64::Bool` - `shader_denorm_flush_to_zero_float_16::Bool` - `shader_denorm_flush_to_zero_float_32::Bool` - `shader_denorm_flush_to_zero_float_64::Bool` - `shader_rounding_mode_rte_float_16::Bool` - `shader_rounding_mode_rte_float_32::Bool` - `shader_rounding_mode_rte_float_64::Bool` - `shader_rounding_mode_rtz_float_16::Bool` - `shader_rounding_mode_rtz_float_32::Bool` - `shader_rounding_mode_rtz_float_64::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFloatControlsProperties.html) """ function _PhysicalDeviceFloatControlsProperties(denorm_behavior_independence::ShaderFloatControlsIndependence, rounding_mode_independence::ShaderFloatControlsIndependence, shader_signed_zero_inf_nan_preserve_float_16::Bool, shader_signed_zero_inf_nan_preserve_float_32::Bool, shader_signed_zero_inf_nan_preserve_float_64::Bool, shader_denorm_preserve_float_16::Bool, shader_denorm_preserve_float_32::Bool, shader_denorm_preserve_float_64::Bool, shader_denorm_flush_to_zero_float_16::Bool, shader_denorm_flush_to_zero_float_32::Bool, shader_denorm_flush_to_zero_float_64::Bool, shader_rounding_mode_rte_float_16::Bool, shader_rounding_mode_rte_float_32::Bool, shader_rounding_mode_rte_float_64::Bool, shader_rounding_mode_rtz_float_16::Bool, shader_rounding_mode_rtz_float_32::Bool, shader_rounding_mode_rtz_float_64::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFloatControlsProperties(structure_type(VkPhysicalDeviceFloatControlsProperties), unsafe_convert(Ptr{Cvoid}, next), denorm_behavior_independence, rounding_mode_independence, shader_signed_zero_inf_nan_preserve_float_16, shader_signed_zero_inf_nan_preserve_float_32, shader_signed_zero_inf_nan_preserve_float_64, shader_denorm_preserve_float_16, shader_denorm_preserve_float_32, shader_denorm_preserve_float_64, shader_denorm_flush_to_zero_float_16, shader_denorm_flush_to_zero_float_32, shader_denorm_flush_to_zero_float_64, shader_rounding_mode_rte_float_16, shader_rounding_mode_rte_float_32, shader_rounding_mode_rte_float_64, shader_rounding_mode_rtz_float_16, shader_rounding_mode_rtz_float_32, shader_rounding_mode_rtz_float_64) _PhysicalDeviceFloatControlsProperties(vks, deps) end """ Arguments: - `host_query_reset::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceHostQueryResetFeatures.html) """ function _PhysicalDeviceHostQueryResetFeatures(host_query_reset::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceHostQueryResetFeatures(structure_type(VkPhysicalDeviceHostQueryResetFeatures), unsafe_convert(Ptr{Cvoid}, next), host_query_reset) _PhysicalDeviceHostQueryResetFeatures(vks, deps) end """ Extension: VK\\_AMD\\_shader\\_info Arguments: - `num_used_vgprs::UInt32` - `num_used_sgprs::UInt32` - `lds_size_per_local_work_group::UInt32` - `lds_usage_size_in_bytes::UInt` - `scratch_mem_usage_in_bytes::UInt` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderResourceUsageAMD.html) """ function _ShaderResourceUsageAMD(num_used_vgprs::Integer, num_used_sgprs::Integer, lds_size_per_local_work_group::Integer, lds_usage_size_in_bytes::Integer, scratch_mem_usage_in_bytes::Integer) _ShaderResourceUsageAMD(VkShaderResourceUsageAMD(num_used_vgprs, num_used_sgprs, lds_size_per_local_work_group, lds_usage_size_in_bytes, scratch_mem_usage_in_bytes)) end """ Extension: VK\\_AMD\\_shader\\_info Arguments: - `shader_stage_mask::ShaderStageFlag` - `resource_usage::_ShaderResourceUsageAMD` - `num_physical_vgprs::UInt32` - `num_physical_sgprs::UInt32` - `num_available_vgprs::UInt32` - `num_available_sgprs::UInt32` - `compute_work_group_size::NTuple{3, UInt32}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderStatisticsInfoAMD.html) """ function _ShaderStatisticsInfoAMD(shader_stage_mask::ShaderStageFlag, resource_usage::_ShaderResourceUsageAMD, num_physical_vgprs::Integer, num_physical_sgprs::Integer, num_available_vgprs::Integer, num_available_sgprs::Integer, compute_work_group_size::NTuple{3, UInt32}) _ShaderStatisticsInfoAMD(VkShaderStatisticsInfoAMD(shader_stage_mask, resource_usage.vks, num_physical_vgprs, num_physical_sgprs, num_available_vgprs, num_available_sgprs, compute_work_group_size)) end """ Extension: VK\\_KHR\\_global\\_priority Arguments: - `global_priority::QueueGlobalPriorityKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceQueueGlobalPriorityCreateInfoKHR.html) """ function _DeviceQueueGlobalPriorityCreateInfoKHR(global_priority::QueueGlobalPriorityKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceQueueGlobalPriorityCreateInfoKHR(structure_type(VkDeviceQueueGlobalPriorityCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), global_priority) _DeviceQueueGlobalPriorityCreateInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_global\\_priority Arguments: - `global_priority_query::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR.html) """ function _PhysicalDeviceGlobalPriorityQueryFeaturesKHR(global_priority_query::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR(structure_type(VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), global_priority_query) _PhysicalDeviceGlobalPriorityQueryFeaturesKHR(vks, deps) end """ Extension: VK\\_KHR\\_global\\_priority Arguments: - `priority_count::UInt32` - `priorities::NTuple{Int(VK_MAX_GLOBAL_PRIORITY_SIZE_KHR), QueueGlobalPriorityKHR}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyGlobalPriorityPropertiesKHR.html) """ function _QueueFamilyGlobalPriorityPropertiesKHR(priority_count::Integer, priorities::NTuple{Int(VK_MAX_GLOBAL_PRIORITY_SIZE_KHR), QueueGlobalPriorityKHR}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkQueueFamilyGlobalPriorityPropertiesKHR(structure_type(VkQueueFamilyGlobalPriorityPropertiesKHR), unsafe_convert(Ptr{Cvoid}, next), priority_count, priorities) _QueueFamilyGlobalPriorityPropertiesKHR(vks, deps) end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `object_type::ObjectType` - `object_handle::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `object_name::String`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsObjectNameInfoEXT.html) """ function _DebugUtilsObjectNameInfoEXT(object_type::ObjectType, object_handle::Integer; next = C_NULL, object_name = C_NULL) next = cconvert(Ptr{Cvoid}, next) object_name = cconvert(Cstring, object_name) deps = Any[next, object_name] vks = VkDebugUtilsObjectNameInfoEXT(structure_type(VkDebugUtilsObjectNameInfoEXT), unsafe_convert(Ptr{Cvoid}, next), object_type, object_handle, unsafe_convert(Cstring, object_name)) _DebugUtilsObjectNameInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `object_type::ObjectType` - `object_handle::UInt64` - `tag_name::UInt64` - `tag_size::UInt` - `tag::Ptr{Cvoid}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsObjectTagInfoEXT.html) """ function _DebugUtilsObjectTagInfoEXT(object_type::ObjectType, object_handle::Integer, tag_name::Integer, tag_size::Integer, tag::Ptr{Cvoid}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) tag = cconvert(Ptr{Cvoid}, tag) deps = Any[next, tag] vks = VkDebugUtilsObjectTagInfoEXT(structure_type(VkDebugUtilsObjectTagInfoEXT), unsafe_convert(Ptr{Cvoid}, next), object_type, object_handle, tag_name, tag_size, unsafe_convert(Ptr{Cvoid}, tag)) _DebugUtilsObjectTagInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `label_name::String` - `color::NTuple{4, Float32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsLabelEXT.html) """ function _DebugUtilsLabelEXT(label_name::AbstractString, color::NTuple{4, Float32}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) label_name = cconvert(Cstring, label_name) deps = Any[next, label_name] vks = VkDebugUtilsLabelEXT(structure_type(VkDebugUtilsLabelEXT), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Cstring, label_name), color) _DebugUtilsLabelEXT(vks, deps) end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `message_severity::DebugUtilsMessageSeverityFlagEXT` - `message_type::DebugUtilsMessageTypeFlagEXT` - `pfn_user_callback::FunctionPtr` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsMessengerCreateInfoEXT.html) """ function _DebugUtilsMessengerCreateInfoEXT(message_severity::DebugUtilsMessageSeverityFlagEXT, message_type::DebugUtilsMessageTypeFlagEXT, pfn_user_callback::FunctionPtr; next = C_NULL, flags = 0, user_data = C_NULL) next = cconvert(Ptr{Cvoid}, next) user_data = cconvert(Ptr{Cvoid}, user_data) deps = Any[next, user_data] vks = VkDebugUtilsMessengerCreateInfoEXT(structure_type(VkDebugUtilsMessengerCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), flags, message_severity, message_type, pfn_user_callback, unsafe_convert(Ptr{Cvoid}, user_data)) _DebugUtilsMessengerCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `message_id_number::Int32` - `message::String` - `queue_labels::Vector{_DebugUtilsLabelEXT}` - `cmd_buf_labels::Vector{_DebugUtilsLabelEXT}` - `objects::Vector{_DebugUtilsObjectNameInfoEXT}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `message_id_name::String`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsMessengerCallbackDataEXT.html) """ function _DebugUtilsMessengerCallbackDataEXT(message_id_number::Integer, message::AbstractString, queue_labels::AbstractArray, cmd_buf_labels::AbstractArray, objects::AbstractArray; next = C_NULL, flags = 0, message_id_name = C_NULL) queue_label_count = pointer_length(queue_labels) cmd_buf_label_count = pointer_length(cmd_buf_labels) object_count = pointer_length(objects) next = cconvert(Ptr{Cvoid}, next) message_id_name = cconvert(Cstring, message_id_name) message = cconvert(Cstring, message) queue_labels = cconvert(Ptr{VkDebugUtilsLabelEXT}, queue_labels) cmd_buf_labels = cconvert(Ptr{VkDebugUtilsLabelEXT}, cmd_buf_labels) objects = cconvert(Ptr{VkDebugUtilsObjectNameInfoEXT}, objects) deps = Any[next, message_id_name, message, queue_labels, cmd_buf_labels, objects] vks = VkDebugUtilsMessengerCallbackDataEXT(structure_type(VkDebugUtilsMessengerCallbackDataEXT), unsafe_convert(Ptr{Cvoid}, next), flags, unsafe_convert(Cstring, message_id_name), message_id_number, unsafe_convert(Cstring, message), queue_label_count, unsafe_convert(Ptr{VkDebugUtilsLabelEXT}, queue_labels), cmd_buf_label_count, unsafe_convert(Ptr{VkDebugUtilsLabelEXT}, cmd_buf_labels), object_count, unsafe_convert(Ptr{VkDebugUtilsObjectNameInfoEXT}, objects)) _DebugUtilsMessengerCallbackDataEXT(vks, deps) end """ Extension: VK\\_EXT\\_device\\_memory\\_report Arguments: - `device_memory_report::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDeviceMemoryReportFeaturesEXT.html) """ function _PhysicalDeviceDeviceMemoryReportFeaturesEXT(device_memory_report::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDeviceMemoryReportFeaturesEXT(structure_type(VkPhysicalDeviceDeviceMemoryReportFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), device_memory_report) _PhysicalDeviceDeviceMemoryReportFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_device\\_memory\\_report Arguments: - `flags::UInt32` - `pfn_user_callback::FunctionPtr` - `user_data::Ptr{Cvoid}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceDeviceMemoryReportCreateInfoEXT.html) """ function _DeviceDeviceMemoryReportCreateInfoEXT(flags::Integer, pfn_user_callback::FunctionPtr, user_data::Ptr{Cvoid}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) user_data = cconvert(Ptr{Cvoid}, user_data) deps = Any[next, user_data] vks = VkDeviceDeviceMemoryReportCreateInfoEXT(structure_type(VkDeviceDeviceMemoryReportCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), flags, pfn_user_callback, unsafe_convert(Ptr{Cvoid}, user_data)) _DeviceDeviceMemoryReportCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_device\\_memory\\_report Arguments: - `flags::UInt32` - `type::DeviceMemoryReportEventTypeEXT` - `memory_object_id::UInt64` - `size::UInt64` - `object_type::ObjectType` - `object_handle::UInt64` - `heap_index::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceMemoryReportCallbackDataEXT.html) """ function _DeviceMemoryReportCallbackDataEXT(flags::Integer, type::DeviceMemoryReportEventTypeEXT, memory_object_id::Integer, size::Integer, object_type::ObjectType, object_handle::Integer, heap_index::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceMemoryReportCallbackDataEXT(structure_type(VkDeviceMemoryReportCallbackDataEXT), unsafe_convert(Ptr{Cvoid}, next), flags, type, memory_object_id, size, object_type, object_handle, heap_index) _DeviceMemoryReportCallbackDataEXT(vks, deps) end """ Extension: VK\\_EXT\\_external\\_memory\\_host Arguments: - `handle_type::ExternalMemoryHandleTypeFlag` - `host_pointer::Ptr{Cvoid}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMemoryHostPointerInfoEXT.html) """ function _ImportMemoryHostPointerInfoEXT(handle_type::ExternalMemoryHandleTypeFlag, host_pointer::Ptr{Cvoid}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) host_pointer = cconvert(Ptr{Cvoid}, host_pointer) deps = Any[next, host_pointer] vks = VkImportMemoryHostPointerInfoEXT(structure_type(VkImportMemoryHostPointerInfoEXT), unsafe_convert(Ptr{Cvoid}, next), VkExternalMemoryHandleTypeFlagBits(handle_type.val), unsafe_convert(Ptr{Cvoid}, host_pointer)) _ImportMemoryHostPointerInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_external\\_memory\\_host Arguments: - `memory_type_bits::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryHostPointerPropertiesEXT.html) """ function _MemoryHostPointerPropertiesEXT(memory_type_bits::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryHostPointerPropertiesEXT(structure_type(VkMemoryHostPointerPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), memory_type_bits) _MemoryHostPointerPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_external\\_memory\\_host Arguments: - `min_imported_host_pointer_alignment::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalMemoryHostPropertiesEXT.html) """ function _PhysicalDeviceExternalMemoryHostPropertiesEXT(min_imported_host_pointer_alignment::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceExternalMemoryHostPropertiesEXT(structure_type(VkPhysicalDeviceExternalMemoryHostPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), min_imported_host_pointer_alignment) _PhysicalDeviceExternalMemoryHostPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_conservative\\_rasterization Arguments: - `primitive_overestimation_size::Float32` - `max_extra_primitive_overestimation_size::Float32` - `extra_primitive_overestimation_size_granularity::Float32` - `primitive_underestimation::Bool` - `conservative_point_and_line_rasterization::Bool` - `degenerate_triangles_rasterized::Bool` - `degenerate_lines_rasterized::Bool` - `fully_covered_fragment_shader_input_variable::Bool` - `conservative_rasterization_post_depth_coverage::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceConservativeRasterizationPropertiesEXT.html) """ function _PhysicalDeviceConservativeRasterizationPropertiesEXT(primitive_overestimation_size::Real, max_extra_primitive_overestimation_size::Real, extra_primitive_overestimation_size_granularity::Real, primitive_underestimation::Bool, conservative_point_and_line_rasterization::Bool, degenerate_triangles_rasterized::Bool, degenerate_lines_rasterized::Bool, fully_covered_fragment_shader_input_variable::Bool, conservative_rasterization_post_depth_coverage::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceConservativeRasterizationPropertiesEXT(structure_type(VkPhysicalDeviceConservativeRasterizationPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), primitive_overestimation_size, max_extra_primitive_overestimation_size, extra_primitive_overestimation_size_granularity, primitive_underestimation, conservative_point_and_line_rasterization, degenerate_triangles_rasterized, degenerate_lines_rasterized, fully_covered_fragment_shader_input_variable, conservative_rasterization_post_depth_coverage) _PhysicalDeviceConservativeRasterizationPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_calibrated\\_timestamps Arguments: - `time_domain::TimeDomainEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCalibratedTimestampInfoEXT.html) """ function _CalibratedTimestampInfoEXT(time_domain::TimeDomainEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCalibratedTimestampInfoEXT(structure_type(VkCalibratedTimestampInfoEXT), unsafe_convert(Ptr{Cvoid}, next), time_domain) _CalibratedTimestampInfoEXT(vks, deps) end """ Extension: VK\\_AMD\\_shader\\_core\\_properties Arguments: - `shader_engine_count::UInt32` - `shader_arrays_per_engine_count::UInt32` - `compute_units_per_shader_array::UInt32` - `simd_per_compute_unit::UInt32` - `wavefronts_per_simd::UInt32` - `wavefront_size::UInt32` - `sgprs_per_simd::UInt32` - `min_sgpr_allocation::UInt32` - `max_sgpr_allocation::UInt32` - `sgpr_allocation_granularity::UInt32` - `vgprs_per_simd::UInt32` - `min_vgpr_allocation::UInt32` - `max_vgpr_allocation::UInt32` - `vgpr_allocation_granularity::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCorePropertiesAMD.html) """ function _PhysicalDeviceShaderCorePropertiesAMD(shader_engine_count::Integer, shader_arrays_per_engine_count::Integer, compute_units_per_shader_array::Integer, simd_per_compute_unit::Integer, wavefronts_per_simd::Integer, wavefront_size::Integer, sgprs_per_simd::Integer, min_sgpr_allocation::Integer, max_sgpr_allocation::Integer, sgpr_allocation_granularity::Integer, vgprs_per_simd::Integer, min_vgpr_allocation::Integer, max_vgpr_allocation::Integer, vgpr_allocation_granularity::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderCorePropertiesAMD(structure_type(VkPhysicalDeviceShaderCorePropertiesAMD), unsafe_convert(Ptr{Cvoid}, next), shader_engine_count, shader_arrays_per_engine_count, compute_units_per_shader_array, simd_per_compute_unit, wavefronts_per_simd, wavefront_size, sgprs_per_simd, min_sgpr_allocation, max_sgpr_allocation, sgpr_allocation_granularity, vgprs_per_simd, min_vgpr_allocation, max_vgpr_allocation, vgpr_allocation_granularity) _PhysicalDeviceShaderCorePropertiesAMD(vks, deps) end """ Extension: VK\\_AMD\\_shader\\_core\\_properties2 Arguments: - `shader_core_features::ShaderCorePropertiesFlagAMD` - `active_compute_unit_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCoreProperties2AMD.html) """ function _PhysicalDeviceShaderCoreProperties2AMD(shader_core_features::ShaderCorePropertiesFlagAMD, active_compute_unit_count::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderCoreProperties2AMD(structure_type(VkPhysicalDeviceShaderCoreProperties2AMD), unsafe_convert(Ptr{Cvoid}, next), shader_core_features, active_compute_unit_count) _PhysicalDeviceShaderCoreProperties2AMD(vks, deps) end """ Extension: VK\\_EXT\\_conservative\\_rasterization Arguments: - `conservative_rasterization_mode::ConservativeRasterizationModeEXT` - `extra_primitive_overestimation_size::Float32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationConservativeStateCreateInfoEXT.html) """ function _PipelineRasterizationConservativeStateCreateInfoEXT(conservative_rasterization_mode::ConservativeRasterizationModeEXT, extra_primitive_overestimation_size::Real; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineRasterizationConservativeStateCreateInfoEXT(structure_type(VkPipelineRasterizationConservativeStateCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), flags, conservative_rasterization_mode, extra_primitive_overestimation_size) _PipelineRasterizationConservativeStateCreateInfoEXT(vks, deps) end """ Arguments: - `shader_input_attachment_array_dynamic_indexing::Bool` - `shader_uniform_texel_buffer_array_dynamic_indexing::Bool` - `shader_storage_texel_buffer_array_dynamic_indexing::Bool` - `shader_uniform_buffer_array_non_uniform_indexing::Bool` - `shader_sampled_image_array_non_uniform_indexing::Bool` - `shader_storage_buffer_array_non_uniform_indexing::Bool` - `shader_storage_image_array_non_uniform_indexing::Bool` - `shader_input_attachment_array_non_uniform_indexing::Bool` - `shader_uniform_texel_buffer_array_non_uniform_indexing::Bool` - `shader_storage_texel_buffer_array_non_uniform_indexing::Bool` - `descriptor_binding_uniform_buffer_update_after_bind::Bool` - `descriptor_binding_sampled_image_update_after_bind::Bool` - `descriptor_binding_storage_image_update_after_bind::Bool` - `descriptor_binding_storage_buffer_update_after_bind::Bool` - `descriptor_binding_uniform_texel_buffer_update_after_bind::Bool` - `descriptor_binding_storage_texel_buffer_update_after_bind::Bool` - `descriptor_binding_update_unused_while_pending::Bool` - `descriptor_binding_partially_bound::Bool` - `descriptor_binding_variable_descriptor_count::Bool` - `runtime_descriptor_array::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorIndexingFeatures.html) """ function _PhysicalDeviceDescriptorIndexingFeatures(shader_input_attachment_array_dynamic_indexing::Bool, shader_uniform_texel_buffer_array_dynamic_indexing::Bool, shader_storage_texel_buffer_array_dynamic_indexing::Bool, shader_uniform_buffer_array_non_uniform_indexing::Bool, shader_sampled_image_array_non_uniform_indexing::Bool, shader_storage_buffer_array_non_uniform_indexing::Bool, shader_storage_image_array_non_uniform_indexing::Bool, shader_input_attachment_array_non_uniform_indexing::Bool, shader_uniform_texel_buffer_array_non_uniform_indexing::Bool, shader_storage_texel_buffer_array_non_uniform_indexing::Bool, descriptor_binding_uniform_buffer_update_after_bind::Bool, descriptor_binding_sampled_image_update_after_bind::Bool, descriptor_binding_storage_image_update_after_bind::Bool, descriptor_binding_storage_buffer_update_after_bind::Bool, descriptor_binding_uniform_texel_buffer_update_after_bind::Bool, descriptor_binding_storage_texel_buffer_update_after_bind::Bool, descriptor_binding_update_unused_while_pending::Bool, descriptor_binding_partially_bound::Bool, descriptor_binding_variable_descriptor_count::Bool, runtime_descriptor_array::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDescriptorIndexingFeatures(structure_type(VkPhysicalDeviceDescriptorIndexingFeatures), unsafe_convert(Ptr{Cvoid}, next), shader_input_attachment_array_dynamic_indexing, shader_uniform_texel_buffer_array_dynamic_indexing, shader_storage_texel_buffer_array_dynamic_indexing, shader_uniform_buffer_array_non_uniform_indexing, shader_sampled_image_array_non_uniform_indexing, shader_storage_buffer_array_non_uniform_indexing, shader_storage_image_array_non_uniform_indexing, shader_input_attachment_array_non_uniform_indexing, shader_uniform_texel_buffer_array_non_uniform_indexing, shader_storage_texel_buffer_array_non_uniform_indexing, descriptor_binding_uniform_buffer_update_after_bind, descriptor_binding_sampled_image_update_after_bind, descriptor_binding_storage_image_update_after_bind, descriptor_binding_storage_buffer_update_after_bind, descriptor_binding_uniform_texel_buffer_update_after_bind, descriptor_binding_storage_texel_buffer_update_after_bind, descriptor_binding_update_unused_while_pending, descriptor_binding_partially_bound, descriptor_binding_variable_descriptor_count, runtime_descriptor_array) _PhysicalDeviceDescriptorIndexingFeatures(vks, deps) end """ Arguments: - `max_update_after_bind_descriptors_in_all_pools::UInt32` - `shader_uniform_buffer_array_non_uniform_indexing_native::Bool` - `shader_sampled_image_array_non_uniform_indexing_native::Bool` - `shader_storage_buffer_array_non_uniform_indexing_native::Bool` - `shader_storage_image_array_non_uniform_indexing_native::Bool` - `shader_input_attachment_array_non_uniform_indexing_native::Bool` - `robust_buffer_access_update_after_bind::Bool` - `quad_divergent_implicit_lod::Bool` - `max_per_stage_descriptor_update_after_bind_samplers::UInt32` - `max_per_stage_descriptor_update_after_bind_uniform_buffers::UInt32` - `max_per_stage_descriptor_update_after_bind_storage_buffers::UInt32` - `max_per_stage_descriptor_update_after_bind_sampled_images::UInt32` - `max_per_stage_descriptor_update_after_bind_storage_images::UInt32` - `max_per_stage_descriptor_update_after_bind_input_attachments::UInt32` - `max_per_stage_update_after_bind_resources::UInt32` - `max_descriptor_set_update_after_bind_samplers::UInt32` - `max_descriptor_set_update_after_bind_uniform_buffers::UInt32` - `max_descriptor_set_update_after_bind_uniform_buffers_dynamic::UInt32` - `max_descriptor_set_update_after_bind_storage_buffers::UInt32` - `max_descriptor_set_update_after_bind_storage_buffers_dynamic::UInt32` - `max_descriptor_set_update_after_bind_sampled_images::UInt32` - `max_descriptor_set_update_after_bind_storage_images::UInt32` - `max_descriptor_set_update_after_bind_input_attachments::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorIndexingProperties.html) """ function _PhysicalDeviceDescriptorIndexingProperties(max_update_after_bind_descriptors_in_all_pools::Integer, shader_uniform_buffer_array_non_uniform_indexing_native::Bool, shader_sampled_image_array_non_uniform_indexing_native::Bool, shader_storage_buffer_array_non_uniform_indexing_native::Bool, shader_storage_image_array_non_uniform_indexing_native::Bool, shader_input_attachment_array_non_uniform_indexing_native::Bool, robust_buffer_access_update_after_bind::Bool, quad_divergent_implicit_lod::Bool, max_per_stage_descriptor_update_after_bind_samplers::Integer, max_per_stage_descriptor_update_after_bind_uniform_buffers::Integer, max_per_stage_descriptor_update_after_bind_storage_buffers::Integer, max_per_stage_descriptor_update_after_bind_sampled_images::Integer, max_per_stage_descriptor_update_after_bind_storage_images::Integer, max_per_stage_descriptor_update_after_bind_input_attachments::Integer, max_per_stage_update_after_bind_resources::Integer, max_descriptor_set_update_after_bind_samplers::Integer, max_descriptor_set_update_after_bind_uniform_buffers::Integer, max_descriptor_set_update_after_bind_uniform_buffers_dynamic::Integer, max_descriptor_set_update_after_bind_storage_buffers::Integer, max_descriptor_set_update_after_bind_storage_buffers_dynamic::Integer, max_descriptor_set_update_after_bind_sampled_images::Integer, max_descriptor_set_update_after_bind_storage_images::Integer, max_descriptor_set_update_after_bind_input_attachments::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDescriptorIndexingProperties(structure_type(VkPhysicalDeviceDescriptorIndexingProperties), unsafe_convert(Ptr{Cvoid}, next), max_update_after_bind_descriptors_in_all_pools, shader_uniform_buffer_array_non_uniform_indexing_native, shader_sampled_image_array_non_uniform_indexing_native, shader_storage_buffer_array_non_uniform_indexing_native, shader_storage_image_array_non_uniform_indexing_native, shader_input_attachment_array_non_uniform_indexing_native, robust_buffer_access_update_after_bind, quad_divergent_implicit_lod, max_per_stage_descriptor_update_after_bind_samplers, max_per_stage_descriptor_update_after_bind_uniform_buffers, max_per_stage_descriptor_update_after_bind_storage_buffers, max_per_stage_descriptor_update_after_bind_sampled_images, max_per_stage_descriptor_update_after_bind_storage_images, max_per_stage_descriptor_update_after_bind_input_attachments, max_per_stage_update_after_bind_resources, max_descriptor_set_update_after_bind_samplers, max_descriptor_set_update_after_bind_uniform_buffers, max_descriptor_set_update_after_bind_uniform_buffers_dynamic, max_descriptor_set_update_after_bind_storage_buffers, max_descriptor_set_update_after_bind_storage_buffers_dynamic, max_descriptor_set_update_after_bind_sampled_images, max_descriptor_set_update_after_bind_storage_images, max_descriptor_set_update_after_bind_input_attachments) _PhysicalDeviceDescriptorIndexingProperties(vks, deps) end """ Arguments: - `binding_flags::Vector{DescriptorBindingFlag}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutBindingFlagsCreateInfo.html) """ function _DescriptorSetLayoutBindingFlagsCreateInfo(binding_flags::AbstractArray; next = C_NULL) binding_count = pointer_length(binding_flags) next = cconvert(Ptr{Cvoid}, next) binding_flags = cconvert(Ptr{VkDescriptorBindingFlags}, binding_flags) deps = Any[next, binding_flags] vks = VkDescriptorSetLayoutBindingFlagsCreateInfo(structure_type(VkDescriptorSetLayoutBindingFlagsCreateInfo), unsafe_convert(Ptr{Cvoid}, next), binding_count, unsafe_convert(Ptr{VkDescriptorBindingFlags}, binding_flags)) _DescriptorSetLayoutBindingFlagsCreateInfo(vks, deps) end """ Arguments: - `descriptor_counts::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetVariableDescriptorCountAllocateInfo.html) """ function _DescriptorSetVariableDescriptorCountAllocateInfo(descriptor_counts::AbstractArray; next = C_NULL) descriptor_set_count = pointer_length(descriptor_counts) next = cconvert(Ptr{Cvoid}, next) descriptor_counts = cconvert(Ptr{UInt32}, descriptor_counts) deps = Any[next, descriptor_counts] vks = VkDescriptorSetVariableDescriptorCountAllocateInfo(structure_type(VkDescriptorSetVariableDescriptorCountAllocateInfo), unsafe_convert(Ptr{Cvoid}, next), descriptor_set_count, unsafe_convert(Ptr{UInt32}, descriptor_counts)) _DescriptorSetVariableDescriptorCountAllocateInfo(vks, deps) end """ Arguments: - `max_variable_descriptor_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetVariableDescriptorCountLayoutSupport.html) """ function _DescriptorSetVariableDescriptorCountLayoutSupport(max_variable_descriptor_count::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDescriptorSetVariableDescriptorCountLayoutSupport(structure_type(VkDescriptorSetVariableDescriptorCountLayoutSupport), unsafe_convert(Ptr{Cvoid}, next), max_variable_descriptor_count) _DescriptorSetVariableDescriptorCountLayoutSupport(vks, deps) end """ Arguments: - `format::Format` - `samples::SampleCountFlag` - `load_op::AttachmentLoadOp` - `store_op::AttachmentStoreOp` - `stencil_load_op::AttachmentLoadOp` - `stencil_store_op::AttachmentStoreOp` - `initial_layout::ImageLayout` - `final_layout::ImageLayout` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::AttachmentDescriptionFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentDescription2.html) """ function _AttachmentDescription2(format::Format, samples::SampleCountFlag, load_op::AttachmentLoadOp, store_op::AttachmentStoreOp, stencil_load_op::AttachmentLoadOp, stencil_store_op::AttachmentStoreOp, initial_layout::ImageLayout, final_layout::ImageLayout; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAttachmentDescription2(structure_type(VkAttachmentDescription2), unsafe_convert(Ptr{Cvoid}, next), flags, format, VkSampleCountFlagBits(samples.val), load_op, store_op, stencil_load_op, stencil_store_op, initial_layout, final_layout) _AttachmentDescription2(vks, deps) end """ Arguments: - `attachment::UInt32` - `layout::ImageLayout` - `aspect_mask::ImageAspectFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentReference2.html) """ function _AttachmentReference2(attachment::Integer, layout::ImageLayout, aspect_mask::ImageAspectFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAttachmentReference2(structure_type(VkAttachmentReference2), unsafe_convert(Ptr{Cvoid}, next), attachment, layout, aspect_mask) _AttachmentReference2(vks, deps) end """ Arguments: - `pipeline_bind_point::PipelineBindPoint` - `view_mask::UInt32` - `input_attachments::Vector{_AttachmentReference2}` - `color_attachments::Vector{_AttachmentReference2}` - `preserve_attachments::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::SubpassDescriptionFlag`: defaults to `0` - `resolve_attachments::Vector{_AttachmentReference2}`: defaults to `C_NULL` - `depth_stencil_attachment::_AttachmentReference2`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDescription2.html) """ function _SubpassDescription2(pipeline_bind_point::PipelineBindPoint, view_mask::Integer, input_attachments::AbstractArray, color_attachments::AbstractArray, preserve_attachments::AbstractArray; next = C_NULL, flags = 0, resolve_attachments = C_NULL, depth_stencil_attachment = C_NULL) input_attachment_count = pointer_length(input_attachments) color_attachment_count = pointer_length(color_attachments) preserve_attachment_count = pointer_length(preserve_attachments) next = cconvert(Ptr{Cvoid}, next) input_attachments = cconvert(Ptr{VkAttachmentReference2}, input_attachments) color_attachments = cconvert(Ptr{VkAttachmentReference2}, color_attachments) resolve_attachments = cconvert(Ptr{VkAttachmentReference2}, resolve_attachments) depth_stencil_attachment = cconvert(Ptr{VkAttachmentReference2}, depth_stencil_attachment) preserve_attachments = cconvert(Ptr{UInt32}, preserve_attachments) deps = Any[next, input_attachments, color_attachments, resolve_attachments, depth_stencil_attachment, preserve_attachments] vks = VkSubpassDescription2(structure_type(VkSubpassDescription2), unsafe_convert(Ptr{Cvoid}, next), flags, pipeline_bind_point, view_mask, input_attachment_count, unsafe_convert(Ptr{VkAttachmentReference2}, input_attachments), color_attachment_count, unsafe_convert(Ptr{VkAttachmentReference2}, color_attachments), unsafe_convert(Ptr{VkAttachmentReference2}, resolve_attachments), unsafe_convert(Ptr{VkAttachmentReference2}, depth_stencil_attachment), preserve_attachment_count, unsafe_convert(Ptr{UInt32}, preserve_attachments)) _SubpassDescription2(vks, deps) end """ Arguments: - `src_subpass::UInt32` - `dst_subpass::UInt32` - `view_offset::Int32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `src_stage_mask::PipelineStageFlag`: defaults to `0` - `dst_stage_mask::PipelineStageFlag`: defaults to `0` - `src_access_mask::AccessFlag`: defaults to `0` - `dst_access_mask::AccessFlag`: defaults to `0` - `dependency_flags::DependencyFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDependency2.html) """ function _SubpassDependency2(src_subpass::Integer, dst_subpass::Integer, view_offset::Integer; next = C_NULL, src_stage_mask = 0, dst_stage_mask = 0, src_access_mask = 0, dst_access_mask = 0, dependency_flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSubpassDependency2(structure_type(VkSubpassDependency2), unsafe_convert(Ptr{Cvoid}, next), src_subpass, dst_subpass, src_stage_mask, dst_stage_mask, src_access_mask, dst_access_mask, dependency_flags, view_offset) _SubpassDependency2(vks, deps) end """ Arguments: - `attachments::Vector{_AttachmentDescription2}` - `subpasses::Vector{_SubpassDescription2}` - `dependencies::Vector{_SubpassDependency2}` - `correlated_view_masks::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::RenderPassCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreateInfo2.html) """ function _RenderPassCreateInfo2(attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray, correlated_view_masks::AbstractArray; next = C_NULL, flags = 0) attachment_count = pointer_length(attachments) subpass_count = pointer_length(subpasses) dependency_count = pointer_length(dependencies) correlated_view_mask_count = pointer_length(correlated_view_masks) next = cconvert(Ptr{Cvoid}, next) attachments = cconvert(Ptr{VkAttachmentDescription2}, attachments) subpasses = cconvert(Ptr{VkSubpassDescription2}, subpasses) dependencies = cconvert(Ptr{VkSubpassDependency2}, dependencies) correlated_view_masks = cconvert(Ptr{UInt32}, correlated_view_masks) deps = Any[next, attachments, subpasses, dependencies, correlated_view_masks] vks = VkRenderPassCreateInfo2(structure_type(VkRenderPassCreateInfo2), unsafe_convert(Ptr{Cvoid}, next), flags, attachment_count, unsafe_convert(Ptr{VkAttachmentDescription2}, attachments), subpass_count, unsafe_convert(Ptr{VkSubpassDescription2}, subpasses), dependency_count, unsafe_convert(Ptr{VkSubpassDependency2}, dependencies), correlated_view_mask_count, unsafe_convert(Ptr{UInt32}, correlated_view_masks)) _RenderPassCreateInfo2(vks, deps) end """ Arguments: - `contents::SubpassContents` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassBeginInfo.html) """ function _SubpassBeginInfo(contents::SubpassContents; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSubpassBeginInfo(structure_type(VkSubpassBeginInfo), unsafe_convert(Ptr{Cvoid}, next), contents) _SubpassBeginInfo(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassEndInfo.html) """ function _SubpassEndInfo(; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSubpassEndInfo(structure_type(VkSubpassEndInfo), unsafe_convert(Ptr{Cvoid}, next)) _SubpassEndInfo(vks, deps) end """ Arguments: - `timeline_semaphore::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTimelineSemaphoreFeatures.html) """ function _PhysicalDeviceTimelineSemaphoreFeatures(timeline_semaphore::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceTimelineSemaphoreFeatures(structure_type(VkPhysicalDeviceTimelineSemaphoreFeatures), unsafe_convert(Ptr{Cvoid}, next), timeline_semaphore) _PhysicalDeviceTimelineSemaphoreFeatures(vks, deps) end """ Arguments: - `max_timeline_semaphore_value_difference::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTimelineSemaphoreProperties.html) """ function _PhysicalDeviceTimelineSemaphoreProperties(max_timeline_semaphore_value_difference::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceTimelineSemaphoreProperties(structure_type(VkPhysicalDeviceTimelineSemaphoreProperties), unsafe_convert(Ptr{Cvoid}, next), max_timeline_semaphore_value_difference) _PhysicalDeviceTimelineSemaphoreProperties(vks, deps) end """ Arguments: - `semaphore_type::SemaphoreType` - `initial_value::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreTypeCreateInfo.html) """ function _SemaphoreTypeCreateInfo(semaphore_type::SemaphoreType, initial_value::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSemaphoreTypeCreateInfo(structure_type(VkSemaphoreTypeCreateInfo), unsafe_convert(Ptr{Cvoid}, next), semaphore_type, initial_value) _SemaphoreTypeCreateInfo(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `wait_semaphore_values::Vector{UInt64}`: defaults to `C_NULL` - `signal_semaphore_values::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTimelineSemaphoreSubmitInfo.html) """ function _TimelineSemaphoreSubmitInfo(; next = C_NULL, wait_semaphore_values = C_NULL, signal_semaphore_values = C_NULL) wait_semaphore_value_count = pointer_length(wait_semaphore_values) signal_semaphore_value_count = pointer_length(signal_semaphore_values) next = cconvert(Ptr{Cvoid}, next) wait_semaphore_values = cconvert(Ptr{UInt64}, wait_semaphore_values) signal_semaphore_values = cconvert(Ptr{UInt64}, signal_semaphore_values) deps = Any[next, wait_semaphore_values, signal_semaphore_values] vks = VkTimelineSemaphoreSubmitInfo(structure_type(VkTimelineSemaphoreSubmitInfo), unsafe_convert(Ptr{Cvoid}, next), wait_semaphore_value_count, unsafe_convert(Ptr{UInt64}, wait_semaphore_values), signal_semaphore_value_count, unsafe_convert(Ptr{UInt64}, signal_semaphore_values)) _TimelineSemaphoreSubmitInfo(vks, deps) end """ Arguments: - `semaphores::Vector{Semaphore}` - `values::Vector{UInt64}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::SemaphoreWaitFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreWaitInfo.html) """ function _SemaphoreWaitInfo(semaphores::AbstractArray, values::AbstractArray; next = C_NULL, flags = 0) semaphore_count = pointer_length(semaphores) next = cconvert(Ptr{Cvoid}, next) semaphores = cconvert(Ptr{VkSemaphore}, semaphores) values = cconvert(Ptr{UInt64}, values) deps = Any[next, semaphores, values] vks = VkSemaphoreWaitInfo(structure_type(VkSemaphoreWaitInfo), unsafe_convert(Ptr{Cvoid}, next), flags, semaphore_count, unsafe_convert(Ptr{VkSemaphore}, semaphores), unsafe_convert(Ptr{UInt64}, values)) _SemaphoreWaitInfo(vks, deps) end """ Arguments: - `semaphore::Semaphore` - `value::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreSignalInfo.html) """ function _SemaphoreSignalInfo(semaphore, value::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSemaphoreSignalInfo(structure_type(VkSemaphoreSignalInfo), unsafe_convert(Ptr{Cvoid}, next), semaphore, value) _SemaphoreSignalInfo(vks, deps, semaphore) end """ Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor Arguments: - `binding::UInt32` - `divisor::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputBindingDivisorDescriptionEXT.html) """ function _VertexInputBindingDivisorDescriptionEXT(binding::Integer, divisor::Integer) _VertexInputBindingDivisorDescriptionEXT(VkVertexInputBindingDivisorDescriptionEXT(binding, divisor)) end """ Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor Arguments: - `vertex_binding_divisors::Vector{_VertexInputBindingDivisorDescriptionEXT}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineVertexInputDivisorStateCreateInfoEXT.html) """ function _PipelineVertexInputDivisorStateCreateInfoEXT(vertex_binding_divisors::AbstractArray; next = C_NULL) vertex_binding_divisor_count = pointer_length(vertex_binding_divisors) next = cconvert(Ptr{Cvoid}, next) vertex_binding_divisors = cconvert(Ptr{VkVertexInputBindingDivisorDescriptionEXT}, vertex_binding_divisors) deps = Any[next, vertex_binding_divisors] vks = VkPipelineVertexInputDivisorStateCreateInfoEXT(structure_type(VkPipelineVertexInputDivisorStateCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), vertex_binding_divisor_count, unsafe_convert(Ptr{VkVertexInputBindingDivisorDescriptionEXT}, vertex_binding_divisors)) _PipelineVertexInputDivisorStateCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor Arguments: - `max_vertex_attrib_divisor::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT.html) """ function _PhysicalDeviceVertexAttributeDivisorPropertiesEXT(max_vertex_attrib_divisor::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT(structure_type(VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), max_vertex_attrib_divisor) _PhysicalDeviceVertexAttributeDivisorPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_pci\\_bus\\_info Arguments: - `pci_domain::UInt32` - `pci_bus::UInt32` - `pci_device::UInt32` - `pci_function::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePCIBusInfoPropertiesEXT.html) """ function _PhysicalDevicePCIBusInfoPropertiesEXT(pci_domain::Integer, pci_bus::Integer, pci_device::Integer, pci_function::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePCIBusInfoPropertiesEXT(structure_type(VkPhysicalDevicePCIBusInfoPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), pci_domain, pci_bus, pci_device, pci_function) _PhysicalDevicePCIBusInfoPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_conditional\\_rendering Arguments: - `conditional_rendering_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceConditionalRenderingInfoEXT.html) """ function _CommandBufferInheritanceConditionalRenderingInfoEXT(conditional_rendering_enable::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCommandBufferInheritanceConditionalRenderingInfoEXT(structure_type(VkCommandBufferInheritanceConditionalRenderingInfoEXT), unsafe_convert(Ptr{Cvoid}, next), conditional_rendering_enable) _CommandBufferInheritanceConditionalRenderingInfoEXT(vks, deps) end """ Arguments: - `storage_buffer_8_bit_access::Bool` - `uniform_and_storage_buffer_8_bit_access::Bool` - `storage_push_constant_8::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevice8BitStorageFeatures.html) """ function _PhysicalDevice8BitStorageFeatures(storage_buffer_8_bit_access::Bool, uniform_and_storage_buffer_8_bit_access::Bool, storage_push_constant_8::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevice8BitStorageFeatures(structure_type(VkPhysicalDevice8BitStorageFeatures), unsafe_convert(Ptr{Cvoid}, next), storage_buffer_8_bit_access, uniform_and_storage_buffer_8_bit_access, storage_push_constant_8) _PhysicalDevice8BitStorageFeatures(vks, deps) end """ Extension: VK\\_EXT\\_conditional\\_rendering Arguments: - `conditional_rendering::Bool` - `inherited_conditional_rendering::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceConditionalRenderingFeaturesEXT.html) """ function _PhysicalDeviceConditionalRenderingFeaturesEXT(conditional_rendering::Bool, inherited_conditional_rendering::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceConditionalRenderingFeaturesEXT(structure_type(VkPhysicalDeviceConditionalRenderingFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), conditional_rendering, inherited_conditional_rendering) _PhysicalDeviceConditionalRenderingFeaturesEXT(vks, deps) end """ Arguments: - `vulkan_memory_model::Bool` - `vulkan_memory_model_device_scope::Bool` - `vulkan_memory_model_availability_visibility_chains::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkanMemoryModelFeatures.html) """ function _PhysicalDeviceVulkanMemoryModelFeatures(vulkan_memory_model::Bool, vulkan_memory_model_device_scope::Bool, vulkan_memory_model_availability_visibility_chains::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceVulkanMemoryModelFeatures(structure_type(VkPhysicalDeviceVulkanMemoryModelFeatures), unsafe_convert(Ptr{Cvoid}, next), vulkan_memory_model, vulkan_memory_model_device_scope, vulkan_memory_model_availability_visibility_chains) _PhysicalDeviceVulkanMemoryModelFeatures(vks, deps) end """ Arguments: - `shader_buffer_int_64_atomics::Bool` - `shader_shared_int_64_atomics::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderAtomicInt64Features.html) """ function _PhysicalDeviceShaderAtomicInt64Features(shader_buffer_int_64_atomics::Bool, shader_shared_int_64_atomics::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderAtomicInt64Features(structure_type(VkPhysicalDeviceShaderAtomicInt64Features), unsafe_convert(Ptr{Cvoid}, next), shader_buffer_int_64_atomics, shader_shared_int_64_atomics) _PhysicalDeviceShaderAtomicInt64Features(vks, deps) end """ Extension: VK\\_EXT\\_shader\\_atomic\\_float Arguments: - `shader_buffer_float_32_atomics::Bool` - `shader_buffer_float_32_atomic_add::Bool` - `shader_buffer_float_64_atomics::Bool` - `shader_buffer_float_64_atomic_add::Bool` - `shader_shared_float_32_atomics::Bool` - `shader_shared_float_32_atomic_add::Bool` - `shader_shared_float_64_atomics::Bool` - `shader_shared_float_64_atomic_add::Bool` - `shader_image_float_32_atomics::Bool` - `shader_image_float_32_atomic_add::Bool` - `sparse_image_float_32_atomics::Bool` - `sparse_image_float_32_atomic_add::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderAtomicFloatFeaturesEXT.html) """ function _PhysicalDeviceShaderAtomicFloatFeaturesEXT(shader_buffer_float_32_atomics::Bool, shader_buffer_float_32_atomic_add::Bool, shader_buffer_float_64_atomics::Bool, shader_buffer_float_64_atomic_add::Bool, shader_shared_float_32_atomics::Bool, shader_shared_float_32_atomic_add::Bool, shader_shared_float_64_atomics::Bool, shader_shared_float_64_atomic_add::Bool, shader_image_float_32_atomics::Bool, shader_image_float_32_atomic_add::Bool, sparse_image_float_32_atomics::Bool, sparse_image_float_32_atomic_add::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderAtomicFloatFeaturesEXT(structure_type(VkPhysicalDeviceShaderAtomicFloatFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), shader_buffer_float_32_atomics, shader_buffer_float_32_atomic_add, shader_buffer_float_64_atomics, shader_buffer_float_64_atomic_add, shader_shared_float_32_atomics, shader_shared_float_32_atomic_add, shader_shared_float_64_atomics, shader_shared_float_64_atomic_add, shader_image_float_32_atomics, shader_image_float_32_atomic_add, sparse_image_float_32_atomics, sparse_image_float_32_atomic_add) _PhysicalDeviceShaderAtomicFloatFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_shader\\_atomic\\_float2 Arguments: - `shader_buffer_float_16_atomics::Bool` - `shader_buffer_float_16_atomic_add::Bool` - `shader_buffer_float_16_atomic_min_max::Bool` - `shader_buffer_float_32_atomic_min_max::Bool` - `shader_buffer_float_64_atomic_min_max::Bool` - `shader_shared_float_16_atomics::Bool` - `shader_shared_float_16_atomic_add::Bool` - `shader_shared_float_16_atomic_min_max::Bool` - `shader_shared_float_32_atomic_min_max::Bool` - `shader_shared_float_64_atomic_min_max::Bool` - `shader_image_float_32_atomic_min_max::Bool` - `sparse_image_float_32_atomic_min_max::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT.html) """ function _PhysicalDeviceShaderAtomicFloat2FeaturesEXT(shader_buffer_float_16_atomics::Bool, shader_buffer_float_16_atomic_add::Bool, shader_buffer_float_16_atomic_min_max::Bool, shader_buffer_float_32_atomic_min_max::Bool, shader_buffer_float_64_atomic_min_max::Bool, shader_shared_float_16_atomics::Bool, shader_shared_float_16_atomic_add::Bool, shader_shared_float_16_atomic_min_max::Bool, shader_shared_float_32_atomic_min_max::Bool, shader_shared_float_64_atomic_min_max::Bool, shader_image_float_32_atomic_min_max::Bool, sparse_image_float_32_atomic_min_max::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT(structure_type(VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), shader_buffer_float_16_atomics, shader_buffer_float_16_atomic_add, shader_buffer_float_16_atomic_min_max, shader_buffer_float_32_atomic_min_max, shader_buffer_float_64_atomic_min_max, shader_shared_float_16_atomics, shader_shared_float_16_atomic_add, shader_shared_float_16_atomic_min_max, shader_shared_float_32_atomic_min_max, shader_shared_float_64_atomic_min_max, shader_image_float_32_atomic_min_max, sparse_image_float_32_atomic_min_max) _PhysicalDeviceShaderAtomicFloat2FeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor Arguments: - `vertex_attribute_instance_rate_divisor::Bool` - `vertex_attribute_instance_rate_zero_divisor::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT.html) """ function _PhysicalDeviceVertexAttributeDivisorFeaturesEXT(vertex_attribute_instance_rate_divisor::Bool, vertex_attribute_instance_rate_zero_divisor::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT(structure_type(VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), vertex_attribute_instance_rate_divisor, vertex_attribute_instance_rate_zero_divisor) _PhysicalDeviceVertexAttributeDivisorFeaturesEXT(vks, deps) end """ Extension: VK\\_NV\\_device\\_diagnostic\\_checkpoints Arguments: - `checkpoint_execution_stage_mask::PipelineStageFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyCheckpointPropertiesNV.html) """ function _QueueFamilyCheckpointPropertiesNV(checkpoint_execution_stage_mask::PipelineStageFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkQueueFamilyCheckpointPropertiesNV(structure_type(VkQueueFamilyCheckpointPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), checkpoint_execution_stage_mask) _QueueFamilyCheckpointPropertiesNV(vks, deps) end """ Extension: VK\\_NV\\_device\\_diagnostic\\_checkpoints Arguments: - `stage::PipelineStageFlag` - `checkpoint_marker::Ptr{Cvoid}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCheckpointDataNV.html) """ function _CheckpointDataNV(stage::PipelineStageFlag, checkpoint_marker::Ptr{Cvoid}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) checkpoint_marker = cconvert(Ptr{Cvoid}, checkpoint_marker) deps = Any[next, checkpoint_marker] vks = VkCheckpointDataNV(structure_type(VkCheckpointDataNV), unsafe_convert(Ptr{Cvoid}, next), VkPipelineStageFlagBits(stage.val), unsafe_convert(Ptr{Cvoid}, checkpoint_marker)) _CheckpointDataNV(vks, deps) end """ Arguments: - `supported_depth_resolve_modes::ResolveModeFlag` - `supported_stencil_resolve_modes::ResolveModeFlag` - `independent_resolve_none::Bool` - `independent_resolve::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthStencilResolveProperties.html) """ function _PhysicalDeviceDepthStencilResolveProperties(supported_depth_resolve_modes::ResolveModeFlag, supported_stencil_resolve_modes::ResolveModeFlag, independent_resolve_none::Bool, independent_resolve::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDepthStencilResolveProperties(structure_type(VkPhysicalDeviceDepthStencilResolveProperties), unsafe_convert(Ptr{Cvoid}, next), supported_depth_resolve_modes, supported_stencil_resolve_modes, independent_resolve_none, independent_resolve) _PhysicalDeviceDepthStencilResolveProperties(vks, deps) end """ Arguments: - `depth_resolve_mode::ResolveModeFlag` - `stencil_resolve_mode::ResolveModeFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `depth_stencil_resolve_attachment::_AttachmentReference2`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDescriptionDepthStencilResolve.html) """ function _SubpassDescriptionDepthStencilResolve(depth_resolve_mode::ResolveModeFlag, stencil_resolve_mode::ResolveModeFlag; next = C_NULL, depth_stencil_resolve_attachment = C_NULL) next = cconvert(Ptr{Cvoid}, next) depth_stencil_resolve_attachment = cconvert(Ptr{VkAttachmentReference2}, depth_stencil_resolve_attachment) deps = Any[next, depth_stencil_resolve_attachment] vks = VkSubpassDescriptionDepthStencilResolve(structure_type(VkSubpassDescriptionDepthStencilResolve), unsafe_convert(Ptr{Cvoid}, next), VkResolveModeFlagBits(depth_resolve_mode.val), VkResolveModeFlagBits(stencil_resolve_mode.val), unsafe_convert(Ptr{VkAttachmentReference2}, depth_stencil_resolve_attachment)) _SubpassDescriptionDepthStencilResolve(vks, deps) end """ Extension: VK\\_EXT\\_astc\\_decode\\_mode Arguments: - `decode_mode::Format` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewASTCDecodeModeEXT.html) """ function _ImageViewASTCDecodeModeEXT(decode_mode::Format; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageViewASTCDecodeModeEXT(structure_type(VkImageViewASTCDecodeModeEXT), unsafe_convert(Ptr{Cvoid}, next), decode_mode) _ImageViewASTCDecodeModeEXT(vks, deps) end """ Extension: VK\\_EXT\\_astc\\_decode\\_mode Arguments: - `decode_mode_shared_exponent::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceASTCDecodeFeaturesEXT.html) """ function _PhysicalDeviceASTCDecodeFeaturesEXT(decode_mode_shared_exponent::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceASTCDecodeFeaturesEXT(structure_type(VkPhysicalDeviceASTCDecodeFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), decode_mode_shared_exponent) _PhysicalDeviceASTCDecodeFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `transform_feedback::Bool` - `geometry_streams::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTransformFeedbackFeaturesEXT.html) """ function _PhysicalDeviceTransformFeedbackFeaturesEXT(transform_feedback::Bool, geometry_streams::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceTransformFeedbackFeaturesEXT(structure_type(VkPhysicalDeviceTransformFeedbackFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), transform_feedback, geometry_streams) _PhysicalDeviceTransformFeedbackFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `max_transform_feedback_streams::UInt32` - `max_transform_feedback_buffers::UInt32` - `max_transform_feedback_buffer_size::UInt64` - `max_transform_feedback_stream_data_size::UInt32` - `max_transform_feedback_buffer_data_size::UInt32` - `max_transform_feedback_buffer_data_stride::UInt32` - `transform_feedback_queries::Bool` - `transform_feedback_streams_lines_triangles::Bool` - `transform_feedback_rasterization_stream_select::Bool` - `transform_feedback_draw::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTransformFeedbackPropertiesEXT.html) """ function _PhysicalDeviceTransformFeedbackPropertiesEXT(max_transform_feedback_streams::Integer, max_transform_feedback_buffers::Integer, max_transform_feedback_buffer_size::Integer, max_transform_feedback_stream_data_size::Integer, max_transform_feedback_buffer_data_size::Integer, max_transform_feedback_buffer_data_stride::Integer, transform_feedback_queries::Bool, transform_feedback_streams_lines_triangles::Bool, transform_feedback_rasterization_stream_select::Bool, transform_feedback_draw::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceTransformFeedbackPropertiesEXT(structure_type(VkPhysicalDeviceTransformFeedbackPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), max_transform_feedback_streams, max_transform_feedback_buffers, max_transform_feedback_buffer_size, max_transform_feedback_stream_data_size, max_transform_feedback_buffer_data_size, max_transform_feedback_buffer_data_stride, transform_feedback_queries, transform_feedback_streams_lines_triangles, transform_feedback_rasterization_stream_select, transform_feedback_draw) _PhysicalDeviceTransformFeedbackPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `rasterization_stream::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationStateStreamCreateInfoEXT.html) """ function _PipelineRasterizationStateStreamCreateInfoEXT(rasterization_stream::Integer; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineRasterizationStateStreamCreateInfoEXT(structure_type(VkPipelineRasterizationStateStreamCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), flags, rasterization_stream) _PipelineRasterizationStateStreamCreateInfoEXT(vks, deps) end """ Extension: VK\\_NV\\_representative\\_fragment\\_test Arguments: - `representative_fragment_test::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV.html) """ function _PhysicalDeviceRepresentativeFragmentTestFeaturesNV(representative_fragment_test::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV(structure_type(VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), representative_fragment_test) _PhysicalDeviceRepresentativeFragmentTestFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_representative\\_fragment\\_test Arguments: - `representative_fragment_test_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRepresentativeFragmentTestStateCreateInfoNV.html) """ function _PipelineRepresentativeFragmentTestStateCreateInfoNV(representative_fragment_test_enable::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineRepresentativeFragmentTestStateCreateInfoNV(structure_type(VkPipelineRepresentativeFragmentTestStateCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), representative_fragment_test_enable) _PipelineRepresentativeFragmentTestStateCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_scissor\\_exclusive Arguments: - `exclusive_scissor::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExclusiveScissorFeaturesNV.html) """ function _PhysicalDeviceExclusiveScissorFeaturesNV(exclusive_scissor::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceExclusiveScissorFeaturesNV(structure_type(VkPhysicalDeviceExclusiveScissorFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), exclusive_scissor) _PhysicalDeviceExclusiveScissorFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_scissor\\_exclusive Arguments: - `exclusive_scissors::Vector{_Rect2D}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportExclusiveScissorStateCreateInfoNV.html) """ function _PipelineViewportExclusiveScissorStateCreateInfoNV(exclusive_scissors::AbstractArray; next = C_NULL) exclusive_scissor_count = pointer_length(exclusive_scissors) next = cconvert(Ptr{Cvoid}, next) exclusive_scissors = cconvert(Ptr{VkRect2D}, exclusive_scissors) deps = Any[next, exclusive_scissors] vks = VkPipelineViewportExclusiveScissorStateCreateInfoNV(structure_type(VkPipelineViewportExclusiveScissorStateCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), exclusive_scissor_count, unsafe_convert(Ptr{VkRect2D}, exclusive_scissors)) _PipelineViewportExclusiveScissorStateCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_corner\\_sampled\\_image Arguments: - `corner_sampled_image::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCornerSampledImageFeaturesNV.html) """ function _PhysicalDeviceCornerSampledImageFeaturesNV(corner_sampled_image::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceCornerSampledImageFeaturesNV(structure_type(VkPhysicalDeviceCornerSampledImageFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), corner_sampled_image) _PhysicalDeviceCornerSampledImageFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_compute\\_shader\\_derivatives Arguments: - `compute_derivative_group_quads::Bool` - `compute_derivative_group_linear::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceComputeShaderDerivativesFeaturesNV.html) """ function _PhysicalDeviceComputeShaderDerivativesFeaturesNV(compute_derivative_group_quads::Bool, compute_derivative_group_linear::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceComputeShaderDerivativesFeaturesNV(structure_type(VkPhysicalDeviceComputeShaderDerivativesFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), compute_derivative_group_quads, compute_derivative_group_linear) _PhysicalDeviceComputeShaderDerivativesFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_shader\\_image\\_footprint Arguments: - `image_footprint::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderImageFootprintFeaturesNV.html) """ function _PhysicalDeviceShaderImageFootprintFeaturesNV(image_footprint::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderImageFootprintFeaturesNV(structure_type(VkPhysicalDeviceShaderImageFootprintFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), image_footprint) _PhysicalDeviceShaderImageFootprintFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_dedicated\\_allocation\\_image\\_aliasing Arguments: - `dedicated_allocation_image_aliasing::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV.html) """ function _PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV(dedicated_allocation_image_aliasing::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV(structure_type(VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), dedicated_allocation_image_aliasing) _PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_copy\\_memory\\_indirect Arguments: - `indirect_copy::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCopyMemoryIndirectFeaturesNV.html) """ function _PhysicalDeviceCopyMemoryIndirectFeaturesNV(indirect_copy::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceCopyMemoryIndirectFeaturesNV(structure_type(VkPhysicalDeviceCopyMemoryIndirectFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), indirect_copy) _PhysicalDeviceCopyMemoryIndirectFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_copy\\_memory\\_indirect Arguments: - `supported_queues::QueueFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCopyMemoryIndirectPropertiesNV.html) """ function _PhysicalDeviceCopyMemoryIndirectPropertiesNV(supported_queues::QueueFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceCopyMemoryIndirectPropertiesNV(structure_type(VkPhysicalDeviceCopyMemoryIndirectPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), supported_queues) _PhysicalDeviceCopyMemoryIndirectPropertiesNV(vks, deps) end """ Extension: VK\\_NV\\_memory\\_decompression Arguments: - `memory_decompression::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryDecompressionFeaturesNV.html) """ function _PhysicalDeviceMemoryDecompressionFeaturesNV(memory_decompression::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMemoryDecompressionFeaturesNV(structure_type(VkPhysicalDeviceMemoryDecompressionFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), memory_decompression) _PhysicalDeviceMemoryDecompressionFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_memory\\_decompression Arguments: - `decompression_methods::UInt64` - `max_decompression_indirect_count::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryDecompressionPropertiesNV.html) """ function _PhysicalDeviceMemoryDecompressionPropertiesNV(decompression_methods::Integer, max_decompression_indirect_count::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMemoryDecompressionPropertiesNV(structure_type(VkPhysicalDeviceMemoryDecompressionPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), decompression_methods, max_decompression_indirect_count) _PhysicalDeviceMemoryDecompressionPropertiesNV(vks, deps) end """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `shading_rate_palette_entries::Vector{ShadingRatePaletteEntryNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShadingRatePaletteNV.html) """ function _ShadingRatePaletteNV(shading_rate_palette_entries::AbstractArray) shading_rate_palette_entry_count = pointer_length(shading_rate_palette_entries) shading_rate_palette_entries = cconvert(Ptr{VkShadingRatePaletteEntryNV}, shading_rate_palette_entries) deps = Any[shading_rate_palette_entries] vks = VkShadingRatePaletteNV(shading_rate_palette_entry_count, unsafe_convert(Ptr{VkShadingRatePaletteEntryNV}, shading_rate_palette_entries)) _ShadingRatePaletteNV(vks, deps) end """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `shading_rate_image_enable::Bool` - `shading_rate_palettes::Vector{_ShadingRatePaletteNV}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportShadingRateImageStateCreateInfoNV.html) """ function _PipelineViewportShadingRateImageStateCreateInfoNV(shading_rate_image_enable::Bool, shading_rate_palettes::AbstractArray; next = C_NULL) viewport_count = pointer_length(shading_rate_palettes) next = cconvert(Ptr{Cvoid}, next) shading_rate_palettes = cconvert(Ptr{VkShadingRatePaletteNV}, shading_rate_palettes) deps = Any[next, shading_rate_palettes] vks = VkPipelineViewportShadingRateImageStateCreateInfoNV(structure_type(VkPipelineViewportShadingRateImageStateCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), shading_rate_image_enable, viewport_count, unsafe_convert(Ptr{VkShadingRatePaletteNV}, shading_rate_palettes)) _PipelineViewportShadingRateImageStateCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `shading_rate_image::Bool` - `shading_rate_coarse_sample_order::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShadingRateImageFeaturesNV.html) """ function _PhysicalDeviceShadingRateImageFeaturesNV(shading_rate_image::Bool, shading_rate_coarse_sample_order::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShadingRateImageFeaturesNV(structure_type(VkPhysicalDeviceShadingRateImageFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), shading_rate_image, shading_rate_coarse_sample_order) _PhysicalDeviceShadingRateImageFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `shading_rate_texel_size::_Extent2D` - `shading_rate_palette_size::UInt32` - `shading_rate_max_coarse_samples::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShadingRateImagePropertiesNV.html) """ function _PhysicalDeviceShadingRateImagePropertiesNV(shading_rate_texel_size::_Extent2D, shading_rate_palette_size::Integer, shading_rate_max_coarse_samples::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShadingRateImagePropertiesNV(structure_type(VkPhysicalDeviceShadingRateImagePropertiesNV), unsafe_convert(Ptr{Cvoid}, next), shading_rate_texel_size.vks, shading_rate_palette_size, shading_rate_max_coarse_samples) _PhysicalDeviceShadingRateImagePropertiesNV(vks, deps) end """ Extension: VK\\_HUAWEI\\_invocation\\_mask Arguments: - `invocation_mask::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInvocationMaskFeaturesHUAWEI.html) """ function _PhysicalDeviceInvocationMaskFeaturesHUAWEI(invocation_mask::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceInvocationMaskFeaturesHUAWEI(structure_type(VkPhysicalDeviceInvocationMaskFeaturesHUAWEI), unsafe_convert(Ptr{Cvoid}, next), invocation_mask) _PhysicalDeviceInvocationMaskFeaturesHUAWEI(vks, deps) end """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `pixel_x::UInt32` - `pixel_y::UInt32` - `sample::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCoarseSampleLocationNV.html) """ function _CoarseSampleLocationNV(pixel_x::Integer, pixel_y::Integer, sample::Integer) _CoarseSampleLocationNV(VkCoarseSampleLocationNV(pixel_x, pixel_y, sample)) end """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `shading_rate::ShadingRatePaletteEntryNV` - `sample_count::UInt32` - `sample_locations::Vector{_CoarseSampleLocationNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCoarseSampleOrderCustomNV.html) """ function _CoarseSampleOrderCustomNV(shading_rate::ShadingRatePaletteEntryNV, sample_count::Integer, sample_locations::AbstractArray) sample_location_count = pointer_length(sample_locations) sample_locations = cconvert(Ptr{VkCoarseSampleLocationNV}, sample_locations) deps = Any[sample_locations] vks = VkCoarseSampleOrderCustomNV(shading_rate, sample_count, sample_location_count, unsafe_convert(Ptr{VkCoarseSampleLocationNV}, sample_locations)) _CoarseSampleOrderCustomNV(vks, deps) end """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `sample_order_type::CoarseSampleOrderTypeNV` - `custom_sample_orders::Vector{_CoarseSampleOrderCustomNV}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportCoarseSampleOrderStateCreateInfoNV.html) """ function _PipelineViewportCoarseSampleOrderStateCreateInfoNV(sample_order_type::CoarseSampleOrderTypeNV, custom_sample_orders::AbstractArray; next = C_NULL) custom_sample_order_count = pointer_length(custom_sample_orders) next = cconvert(Ptr{Cvoid}, next) custom_sample_orders = cconvert(Ptr{VkCoarseSampleOrderCustomNV}, custom_sample_orders) deps = Any[next, custom_sample_orders] vks = VkPipelineViewportCoarseSampleOrderStateCreateInfoNV(structure_type(VkPipelineViewportCoarseSampleOrderStateCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), sample_order_type, custom_sample_order_count, unsafe_convert(Ptr{VkCoarseSampleOrderCustomNV}, custom_sample_orders)) _PipelineViewportCoarseSampleOrderStateCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_mesh\\_shader Arguments: - `task_shader::Bool` - `mesh_shader::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderFeaturesNV.html) """ function _PhysicalDeviceMeshShaderFeaturesNV(task_shader::Bool, mesh_shader::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMeshShaderFeaturesNV(structure_type(VkPhysicalDeviceMeshShaderFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), task_shader, mesh_shader) _PhysicalDeviceMeshShaderFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_mesh\\_shader Arguments: - `max_draw_mesh_tasks_count::UInt32` - `max_task_work_group_invocations::UInt32` - `max_task_work_group_size::NTuple{3, UInt32}` - `max_task_total_memory_size::UInt32` - `max_task_output_count::UInt32` - `max_mesh_work_group_invocations::UInt32` - `max_mesh_work_group_size::NTuple{3, UInt32}` - `max_mesh_total_memory_size::UInt32` - `max_mesh_output_vertices::UInt32` - `max_mesh_output_primitives::UInt32` - `max_mesh_multiview_view_count::UInt32` - `mesh_output_per_vertex_granularity::UInt32` - `mesh_output_per_primitive_granularity::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderPropertiesNV.html) """ function _PhysicalDeviceMeshShaderPropertiesNV(max_draw_mesh_tasks_count::Integer, max_task_work_group_invocations::Integer, max_task_work_group_size::NTuple{3, UInt32}, max_task_total_memory_size::Integer, max_task_output_count::Integer, max_mesh_work_group_invocations::Integer, max_mesh_work_group_size::NTuple{3, UInt32}, max_mesh_total_memory_size::Integer, max_mesh_output_vertices::Integer, max_mesh_output_primitives::Integer, max_mesh_multiview_view_count::Integer, mesh_output_per_vertex_granularity::Integer, mesh_output_per_primitive_granularity::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMeshShaderPropertiesNV(structure_type(VkPhysicalDeviceMeshShaderPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), max_draw_mesh_tasks_count, max_task_work_group_invocations, max_task_work_group_size, max_task_total_memory_size, max_task_output_count, max_mesh_work_group_invocations, max_mesh_work_group_size, max_mesh_total_memory_size, max_mesh_output_vertices, max_mesh_output_primitives, max_mesh_multiview_view_count, mesh_output_per_vertex_granularity, mesh_output_per_primitive_granularity) _PhysicalDeviceMeshShaderPropertiesNV(vks, deps) end """ Extension: VK\\_NV\\_mesh\\_shader Arguments: - `task_count::UInt32` - `first_task::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrawMeshTasksIndirectCommandNV.html) """ function _DrawMeshTasksIndirectCommandNV(task_count::Integer, first_task::Integer) _DrawMeshTasksIndirectCommandNV(VkDrawMeshTasksIndirectCommandNV(task_count, first_task)) end """ Extension: VK\\_EXT\\_mesh\\_shader Arguments: - `task_shader::Bool` - `mesh_shader::Bool` - `multiview_mesh_shader::Bool` - `primitive_fragment_shading_rate_mesh_shader::Bool` - `mesh_shader_queries::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderFeaturesEXT.html) """ function _PhysicalDeviceMeshShaderFeaturesEXT(task_shader::Bool, mesh_shader::Bool, multiview_mesh_shader::Bool, primitive_fragment_shading_rate_mesh_shader::Bool, mesh_shader_queries::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMeshShaderFeaturesEXT(structure_type(VkPhysicalDeviceMeshShaderFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), task_shader, mesh_shader, multiview_mesh_shader, primitive_fragment_shading_rate_mesh_shader, mesh_shader_queries) _PhysicalDeviceMeshShaderFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_mesh\\_shader Arguments: - `max_task_work_group_total_count::UInt32` - `max_task_work_group_count::NTuple{3, UInt32}` - `max_task_work_group_invocations::UInt32` - `max_task_work_group_size::NTuple{3, UInt32}` - `max_task_payload_size::UInt32` - `max_task_shared_memory_size::UInt32` - `max_task_payload_and_shared_memory_size::UInt32` - `max_mesh_work_group_total_count::UInt32` - `max_mesh_work_group_count::NTuple{3, UInt32}` - `max_mesh_work_group_invocations::UInt32` - `max_mesh_work_group_size::NTuple{3, UInt32}` - `max_mesh_shared_memory_size::UInt32` - `max_mesh_payload_and_shared_memory_size::UInt32` - `max_mesh_output_memory_size::UInt32` - `max_mesh_payload_and_output_memory_size::UInt32` - `max_mesh_output_components::UInt32` - `max_mesh_output_vertices::UInt32` - `max_mesh_output_primitives::UInt32` - `max_mesh_output_layers::UInt32` - `max_mesh_multiview_view_count::UInt32` - `mesh_output_per_vertex_granularity::UInt32` - `mesh_output_per_primitive_granularity::UInt32` - `max_preferred_task_work_group_invocations::UInt32` - `max_preferred_mesh_work_group_invocations::UInt32` - `prefers_local_invocation_vertex_output::Bool` - `prefers_local_invocation_primitive_output::Bool` - `prefers_compact_vertex_output::Bool` - `prefers_compact_primitive_output::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderPropertiesEXT.html) """ function _PhysicalDeviceMeshShaderPropertiesEXT(max_task_work_group_total_count::Integer, max_task_work_group_count::NTuple{3, UInt32}, max_task_work_group_invocations::Integer, max_task_work_group_size::NTuple{3, UInt32}, max_task_payload_size::Integer, max_task_shared_memory_size::Integer, max_task_payload_and_shared_memory_size::Integer, max_mesh_work_group_total_count::Integer, max_mesh_work_group_count::NTuple{3, UInt32}, max_mesh_work_group_invocations::Integer, max_mesh_work_group_size::NTuple{3, UInt32}, max_mesh_shared_memory_size::Integer, max_mesh_payload_and_shared_memory_size::Integer, max_mesh_output_memory_size::Integer, max_mesh_payload_and_output_memory_size::Integer, max_mesh_output_components::Integer, max_mesh_output_vertices::Integer, max_mesh_output_primitives::Integer, max_mesh_output_layers::Integer, max_mesh_multiview_view_count::Integer, mesh_output_per_vertex_granularity::Integer, mesh_output_per_primitive_granularity::Integer, max_preferred_task_work_group_invocations::Integer, max_preferred_mesh_work_group_invocations::Integer, prefers_local_invocation_vertex_output::Bool, prefers_local_invocation_primitive_output::Bool, prefers_compact_vertex_output::Bool, prefers_compact_primitive_output::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMeshShaderPropertiesEXT(structure_type(VkPhysicalDeviceMeshShaderPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), max_task_work_group_total_count, max_task_work_group_count, max_task_work_group_invocations, max_task_work_group_size, max_task_payload_size, max_task_shared_memory_size, max_task_payload_and_shared_memory_size, max_mesh_work_group_total_count, max_mesh_work_group_count, max_mesh_work_group_invocations, max_mesh_work_group_size, max_mesh_shared_memory_size, max_mesh_payload_and_shared_memory_size, max_mesh_output_memory_size, max_mesh_payload_and_output_memory_size, max_mesh_output_components, max_mesh_output_vertices, max_mesh_output_primitives, max_mesh_output_layers, max_mesh_multiview_view_count, mesh_output_per_vertex_granularity, mesh_output_per_primitive_granularity, max_preferred_task_work_group_invocations, max_preferred_mesh_work_group_invocations, prefers_local_invocation_vertex_output, prefers_local_invocation_primitive_output, prefers_compact_vertex_output, prefers_compact_primitive_output) _PhysicalDeviceMeshShaderPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_mesh\\_shader Arguments: - `group_count_x::UInt32` - `group_count_y::UInt32` - `group_count_z::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrawMeshTasksIndirectCommandEXT.html) """ function _DrawMeshTasksIndirectCommandEXT(group_count_x::Integer, group_count_y::Integer, group_count_z::Integer) _DrawMeshTasksIndirectCommandEXT(VkDrawMeshTasksIndirectCommandEXT(group_count_x, group_count_y, group_count_z)) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `type::RayTracingShaderGroupTypeKHR` - `general_shader::UInt32` - `closest_hit_shader::UInt32` - `any_hit_shader::UInt32` - `intersection_shader::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingShaderGroupCreateInfoNV.html) """ function _RayTracingShaderGroupCreateInfoNV(type::RayTracingShaderGroupTypeKHR, general_shader::Integer, closest_hit_shader::Integer, any_hit_shader::Integer, intersection_shader::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkRayTracingShaderGroupCreateInfoNV(structure_type(VkRayTracingShaderGroupCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), type, general_shader, closest_hit_shader, any_hit_shader, intersection_shader) _RayTracingShaderGroupCreateInfoNV(vks, deps) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `type::RayTracingShaderGroupTypeKHR` - `general_shader::UInt32` - `closest_hit_shader::UInt32` - `any_hit_shader::UInt32` - `intersection_shader::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `shader_group_capture_replay_handle::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingShaderGroupCreateInfoKHR.html) """ function _RayTracingShaderGroupCreateInfoKHR(type::RayTracingShaderGroupTypeKHR, general_shader::Integer, closest_hit_shader::Integer, any_hit_shader::Integer, intersection_shader::Integer; next = C_NULL, shader_group_capture_replay_handle = C_NULL) next = cconvert(Ptr{Cvoid}, next) shader_group_capture_replay_handle = cconvert(Ptr{Cvoid}, shader_group_capture_replay_handle) deps = Any[next, shader_group_capture_replay_handle] vks = VkRayTracingShaderGroupCreateInfoKHR(structure_type(VkRayTracingShaderGroupCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), type, general_shader, closest_hit_shader, any_hit_shader, intersection_shader, unsafe_convert(Ptr{Cvoid}, shader_group_capture_replay_handle)) _RayTracingShaderGroupCreateInfoKHR(vks, deps) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `stages::Vector{_PipelineShaderStageCreateInfo}` - `groups::Vector{_RayTracingShaderGroupCreateInfoNV}` - `max_recursion_depth::UInt32` - `layout::PipelineLayout` - `base_pipeline_index::Int32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PipelineCreateFlag`: defaults to `0` - `base_pipeline_handle::Pipeline`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingPipelineCreateInfoNV.html) """ function _RayTracingPipelineCreateInfoNV(stages::AbstractArray, groups::AbstractArray, max_recursion_depth::Integer, layout, base_pipeline_index::Integer; next = C_NULL, flags = 0, base_pipeline_handle = C_NULL) stage_count = pointer_length(stages) group_count = pointer_length(groups) next = cconvert(Ptr{Cvoid}, next) stages = cconvert(Ptr{VkPipelineShaderStageCreateInfo}, stages) groups = cconvert(Ptr{VkRayTracingShaderGroupCreateInfoNV}, groups) deps = Any[next, stages, groups] vks = VkRayTracingPipelineCreateInfoNV(structure_type(VkRayTracingPipelineCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), flags, stage_count, unsafe_convert(Ptr{VkPipelineShaderStageCreateInfo}, stages), group_count, unsafe_convert(Ptr{VkRayTracingShaderGroupCreateInfoNV}, groups), max_recursion_depth, layout, base_pipeline_handle, base_pipeline_index) _RayTracingPipelineCreateInfoNV(vks, deps, layout, base_pipeline_handle) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `stages::Vector{_PipelineShaderStageCreateInfo}` - `groups::Vector{_RayTracingShaderGroupCreateInfoKHR}` - `max_pipeline_ray_recursion_depth::UInt32` - `layout::PipelineLayout` - `base_pipeline_index::Int32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PipelineCreateFlag`: defaults to `0` - `library_info::_PipelineLibraryCreateInfoKHR`: defaults to `C_NULL` - `library_interface::_RayTracingPipelineInterfaceCreateInfoKHR`: defaults to `C_NULL` - `dynamic_state::_PipelineDynamicStateCreateInfo`: defaults to `C_NULL` - `base_pipeline_handle::Pipeline`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingPipelineCreateInfoKHR.html) """ function _RayTracingPipelineCreateInfoKHR(stages::AbstractArray, groups::AbstractArray, max_pipeline_ray_recursion_depth::Integer, layout, base_pipeline_index::Integer; next = C_NULL, flags = 0, library_info = C_NULL, library_interface = C_NULL, dynamic_state = C_NULL, base_pipeline_handle = C_NULL) stage_count = pointer_length(stages) group_count = pointer_length(groups) next = cconvert(Ptr{Cvoid}, next) stages = cconvert(Ptr{VkPipelineShaderStageCreateInfo}, stages) groups = cconvert(Ptr{VkRayTracingShaderGroupCreateInfoKHR}, groups) library_info = cconvert(Ptr{VkPipelineLibraryCreateInfoKHR}, library_info) library_interface = cconvert(Ptr{VkRayTracingPipelineInterfaceCreateInfoKHR}, library_interface) dynamic_state = cconvert(Ptr{VkPipelineDynamicStateCreateInfo}, dynamic_state) deps = Any[next, stages, groups, library_info, library_interface, dynamic_state] vks = VkRayTracingPipelineCreateInfoKHR(structure_type(VkRayTracingPipelineCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), flags, stage_count, unsafe_convert(Ptr{VkPipelineShaderStageCreateInfo}, stages), group_count, unsafe_convert(Ptr{VkRayTracingShaderGroupCreateInfoKHR}, groups), max_pipeline_ray_recursion_depth, unsafe_convert(Ptr{VkPipelineLibraryCreateInfoKHR}, library_info), unsafe_convert(Ptr{VkRayTracingPipelineInterfaceCreateInfoKHR}, library_interface), unsafe_convert(Ptr{VkPipelineDynamicStateCreateInfo}, dynamic_state), layout, base_pipeline_handle, base_pipeline_index) _RayTracingPipelineCreateInfoKHR(vks, deps, layout, base_pipeline_handle) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `vertex_offset::UInt64` - `vertex_count::UInt32` - `vertex_stride::UInt64` - `vertex_format::Format` - `index_offset::UInt64` - `index_count::UInt32` - `index_type::IndexType` - `transform_offset::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `vertex_data::Buffer`: defaults to `C_NULL` - `index_data::Buffer`: defaults to `C_NULL` - `transform_data::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryTrianglesNV.html) """ function _GeometryTrianglesNV(vertex_offset::Integer, vertex_count::Integer, vertex_stride::Integer, vertex_format::Format, index_offset::Integer, index_count::Integer, index_type::IndexType, transform_offset::Integer; next = C_NULL, vertex_data = C_NULL, index_data = C_NULL, transform_data = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkGeometryTrianglesNV(structure_type(VkGeometryTrianglesNV), unsafe_convert(Ptr{Cvoid}, next), vertex_data, vertex_offset, vertex_count, vertex_stride, vertex_format, index_data, index_offset, index_count, index_type, transform_data, transform_offset) _GeometryTrianglesNV(vks, deps, vertex_data, index_data, transform_data) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `num_aab_bs::UInt32` - `stride::UInt32` - `offset::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `aabb_data::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryAABBNV.html) """ function _GeometryAABBNV(num_aab_bs::Integer, stride::Integer, offset::Integer; next = C_NULL, aabb_data = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkGeometryAABBNV(structure_type(VkGeometryAABBNV), unsafe_convert(Ptr{Cvoid}, next), aabb_data, num_aab_bs, stride, offset) _GeometryAABBNV(vks, deps, aabb_data) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `triangles::_GeometryTrianglesNV` - `aabbs::_GeometryAABBNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryDataNV.html) """ function _GeometryDataNV(triangles::_GeometryTrianglesNV, aabbs::_GeometryAABBNV) _GeometryDataNV(VkGeometryDataNV(triangles.vks, aabbs.vks)) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `geometry_type::GeometryTypeKHR` - `geometry::_GeometryDataNV` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::GeometryFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryNV.html) """ function _GeometryNV(geometry_type::GeometryTypeKHR, geometry::_GeometryDataNV; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkGeometryNV(structure_type(VkGeometryNV), unsafe_convert(Ptr{Cvoid}, next), geometry_type, geometry.vks, flags) _GeometryNV(vks, deps) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `type::VkAccelerationStructureTypeNV` - `geometries::Vector{_GeometryNV}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::VkBuildAccelerationStructureFlagsNV`: defaults to `0` - `instance_count::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureInfoNV.html) """ function _AccelerationStructureInfoNV(type::VkAccelerationStructureTypeNV, geometries::AbstractArray; next = C_NULL, flags = 0, instance_count = 0) geometry_count = pointer_length(geometries) next = cconvert(Ptr{Cvoid}, next) geometries = cconvert(Ptr{VkGeometryNV}, geometries) deps = Any[next, geometries] vks = VkAccelerationStructureInfoNV(structure_type(VkAccelerationStructureInfoNV), unsafe_convert(Ptr{Cvoid}, next), type, flags, instance_count, geometry_count, unsafe_convert(Ptr{VkGeometryNV}, geometries)) _AccelerationStructureInfoNV(vks, deps) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `compacted_size::UInt64` - `info::_AccelerationStructureInfoNV` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureCreateInfoNV.html) """ function _AccelerationStructureCreateInfoNV(compacted_size::Integer, info::_AccelerationStructureInfoNV; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAccelerationStructureCreateInfoNV(structure_type(VkAccelerationStructureCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), compacted_size, info.vks) _AccelerationStructureCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `acceleration_structure::AccelerationStructureNV` - `memory::DeviceMemory` - `memory_offset::UInt64` - `device_indices::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindAccelerationStructureMemoryInfoNV.html) """ function _BindAccelerationStructureMemoryInfoNV(acceleration_structure, memory, memory_offset::Integer, device_indices::AbstractArray; next = C_NULL) device_index_count = pointer_length(device_indices) next = cconvert(Ptr{Cvoid}, next) device_indices = cconvert(Ptr{UInt32}, device_indices) deps = Any[next, device_indices] vks = VkBindAccelerationStructureMemoryInfoNV(structure_type(VkBindAccelerationStructureMemoryInfoNV), unsafe_convert(Ptr{Cvoid}, next), acceleration_structure, memory, memory_offset, device_index_count, unsafe_convert(Ptr{UInt32}, device_indices)) _BindAccelerationStructureMemoryInfoNV(vks, deps, acceleration_structure, memory) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `acceleration_structures::Vector{AccelerationStructureKHR}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSetAccelerationStructureKHR.html) """ function _WriteDescriptorSetAccelerationStructureKHR(acceleration_structures::AbstractArray; next = C_NULL) acceleration_structure_count = pointer_length(acceleration_structures) next = cconvert(Ptr{Cvoid}, next) acceleration_structures = cconvert(Ptr{VkAccelerationStructureKHR}, acceleration_structures) deps = Any[next, acceleration_structures] vks = VkWriteDescriptorSetAccelerationStructureKHR(structure_type(VkWriteDescriptorSetAccelerationStructureKHR), unsafe_convert(Ptr{Cvoid}, next), acceleration_structure_count, unsafe_convert(Ptr{VkAccelerationStructureKHR}, acceleration_structures)) _WriteDescriptorSetAccelerationStructureKHR(vks, deps) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `acceleration_structures::Vector{AccelerationStructureNV}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSetAccelerationStructureNV.html) """ function _WriteDescriptorSetAccelerationStructureNV(acceleration_structures::AbstractArray; next = C_NULL) acceleration_structure_count = pointer_length(acceleration_structures) next = cconvert(Ptr{Cvoid}, next) acceleration_structures = cconvert(Ptr{VkAccelerationStructureNV}, acceleration_structures) deps = Any[next, acceleration_structures] vks = VkWriteDescriptorSetAccelerationStructureNV(structure_type(VkWriteDescriptorSetAccelerationStructureNV), unsafe_convert(Ptr{Cvoid}, next), acceleration_structure_count, unsafe_convert(Ptr{VkAccelerationStructureNV}, acceleration_structures)) _WriteDescriptorSetAccelerationStructureNV(vks, deps) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `type::AccelerationStructureMemoryRequirementsTypeNV` - `acceleration_structure::AccelerationStructureNV` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMemoryRequirementsInfoNV.html) """ function _AccelerationStructureMemoryRequirementsInfoNV(type::AccelerationStructureMemoryRequirementsTypeNV, acceleration_structure; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAccelerationStructureMemoryRequirementsInfoNV(structure_type(VkAccelerationStructureMemoryRequirementsInfoNV), unsafe_convert(Ptr{Cvoid}, next), type, acceleration_structure) _AccelerationStructureMemoryRequirementsInfoNV(vks, deps, acceleration_structure) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `acceleration_structure::Bool` - `acceleration_structure_capture_replay::Bool` - `acceleration_structure_indirect_build::Bool` - `acceleration_structure_host_commands::Bool` - `descriptor_binding_acceleration_structure_update_after_bind::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAccelerationStructureFeaturesKHR.html) """ function _PhysicalDeviceAccelerationStructureFeaturesKHR(acceleration_structure::Bool, acceleration_structure_capture_replay::Bool, acceleration_structure_indirect_build::Bool, acceleration_structure_host_commands::Bool, descriptor_binding_acceleration_structure_update_after_bind::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceAccelerationStructureFeaturesKHR(structure_type(VkPhysicalDeviceAccelerationStructureFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), acceleration_structure, acceleration_structure_capture_replay, acceleration_structure_indirect_build, acceleration_structure_host_commands, descriptor_binding_acceleration_structure_update_after_bind) _PhysicalDeviceAccelerationStructureFeaturesKHR(vks, deps) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `ray_tracing_pipeline::Bool` - `ray_tracing_pipeline_shader_group_handle_capture_replay::Bool` - `ray_tracing_pipeline_shader_group_handle_capture_replay_mixed::Bool` - `ray_tracing_pipeline_trace_rays_indirect::Bool` - `ray_traversal_primitive_culling::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingPipelineFeaturesKHR.html) """ function _PhysicalDeviceRayTracingPipelineFeaturesKHR(ray_tracing_pipeline::Bool, ray_tracing_pipeline_shader_group_handle_capture_replay::Bool, ray_tracing_pipeline_shader_group_handle_capture_replay_mixed::Bool, ray_tracing_pipeline_trace_rays_indirect::Bool, ray_traversal_primitive_culling::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRayTracingPipelineFeaturesKHR(structure_type(VkPhysicalDeviceRayTracingPipelineFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), ray_tracing_pipeline, ray_tracing_pipeline_shader_group_handle_capture_replay, ray_tracing_pipeline_shader_group_handle_capture_replay_mixed, ray_tracing_pipeline_trace_rays_indirect, ray_traversal_primitive_culling) _PhysicalDeviceRayTracingPipelineFeaturesKHR(vks, deps) end """ Extension: VK\\_KHR\\_ray\\_query Arguments: - `ray_query::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayQueryFeaturesKHR.html) """ function _PhysicalDeviceRayQueryFeaturesKHR(ray_query::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRayQueryFeaturesKHR(structure_type(VkPhysicalDeviceRayQueryFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), ray_query) _PhysicalDeviceRayQueryFeaturesKHR(vks, deps) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `max_geometry_count::UInt64` - `max_instance_count::UInt64` - `max_primitive_count::UInt64` - `max_per_stage_descriptor_acceleration_structures::UInt32` - `max_per_stage_descriptor_update_after_bind_acceleration_structures::UInt32` - `max_descriptor_set_acceleration_structures::UInt32` - `max_descriptor_set_update_after_bind_acceleration_structures::UInt32` - `min_acceleration_structure_scratch_offset_alignment::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAccelerationStructurePropertiesKHR.html) """ function _PhysicalDeviceAccelerationStructurePropertiesKHR(max_geometry_count::Integer, max_instance_count::Integer, max_primitive_count::Integer, max_per_stage_descriptor_acceleration_structures::Integer, max_per_stage_descriptor_update_after_bind_acceleration_structures::Integer, max_descriptor_set_acceleration_structures::Integer, max_descriptor_set_update_after_bind_acceleration_structures::Integer, min_acceleration_structure_scratch_offset_alignment::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceAccelerationStructurePropertiesKHR(structure_type(VkPhysicalDeviceAccelerationStructurePropertiesKHR), unsafe_convert(Ptr{Cvoid}, next), max_geometry_count, max_instance_count, max_primitive_count, max_per_stage_descriptor_acceleration_structures, max_per_stage_descriptor_update_after_bind_acceleration_structures, max_descriptor_set_acceleration_structures, max_descriptor_set_update_after_bind_acceleration_structures, min_acceleration_structure_scratch_offset_alignment) _PhysicalDeviceAccelerationStructurePropertiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `shader_group_handle_size::UInt32` - `max_ray_recursion_depth::UInt32` - `max_shader_group_stride::UInt32` - `shader_group_base_alignment::UInt32` - `shader_group_handle_capture_replay_size::UInt32` - `max_ray_dispatch_invocation_count::UInt32` - `shader_group_handle_alignment::UInt32` - `max_ray_hit_attribute_size::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingPipelinePropertiesKHR.html) """ function _PhysicalDeviceRayTracingPipelinePropertiesKHR(shader_group_handle_size::Integer, max_ray_recursion_depth::Integer, max_shader_group_stride::Integer, shader_group_base_alignment::Integer, shader_group_handle_capture_replay_size::Integer, max_ray_dispatch_invocation_count::Integer, shader_group_handle_alignment::Integer, max_ray_hit_attribute_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRayTracingPipelinePropertiesKHR(structure_type(VkPhysicalDeviceRayTracingPipelinePropertiesKHR), unsafe_convert(Ptr{Cvoid}, next), shader_group_handle_size, max_ray_recursion_depth, max_shader_group_stride, shader_group_base_alignment, shader_group_handle_capture_replay_size, max_ray_dispatch_invocation_count, shader_group_handle_alignment, max_ray_hit_attribute_size) _PhysicalDeviceRayTracingPipelinePropertiesKHR(vks, deps) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `shader_group_handle_size::UInt32` - `max_recursion_depth::UInt32` - `max_shader_group_stride::UInt32` - `shader_group_base_alignment::UInt32` - `max_geometry_count::UInt64` - `max_instance_count::UInt64` - `max_triangle_count::UInt64` - `max_descriptor_set_acceleration_structures::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingPropertiesNV.html) """ function _PhysicalDeviceRayTracingPropertiesNV(shader_group_handle_size::Integer, max_recursion_depth::Integer, max_shader_group_stride::Integer, shader_group_base_alignment::Integer, max_geometry_count::Integer, max_instance_count::Integer, max_triangle_count::Integer, max_descriptor_set_acceleration_structures::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRayTracingPropertiesNV(structure_type(VkPhysicalDeviceRayTracingPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), shader_group_handle_size, max_recursion_depth, max_shader_group_stride, shader_group_base_alignment, max_geometry_count, max_instance_count, max_triangle_count, max_descriptor_set_acceleration_structures) _PhysicalDeviceRayTracingPropertiesNV(vks, deps) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `stride::UInt64` - `size::UInt64` - `device_address::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkStridedDeviceAddressRegionKHR.html) """ function _StridedDeviceAddressRegionKHR(stride::Integer, size::Integer; device_address = 0) _StridedDeviceAddressRegionKHR(VkStridedDeviceAddressRegionKHR(device_address, stride, size)) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `width::UInt32` - `height::UInt32` - `depth::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTraceRaysIndirectCommandKHR.html) """ function _TraceRaysIndirectCommandKHR(width::Integer, height::Integer, depth::Integer) _TraceRaysIndirectCommandKHR(VkTraceRaysIndirectCommandKHR(width, height, depth)) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_maintenance1 Arguments: - `raygen_shader_record_address::UInt64` - `raygen_shader_record_size::UInt64` - `miss_shader_binding_table_address::UInt64` - `miss_shader_binding_table_size::UInt64` - `miss_shader_binding_table_stride::UInt64` - `hit_shader_binding_table_address::UInt64` - `hit_shader_binding_table_size::UInt64` - `hit_shader_binding_table_stride::UInt64` - `callable_shader_binding_table_address::UInt64` - `callable_shader_binding_table_size::UInt64` - `callable_shader_binding_table_stride::UInt64` - `width::UInt32` - `height::UInt32` - `depth::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTraceRaysIndirectCommand2KHR.html) """ function _TraceRaysIndirectCommand2KHR(raygen_shader_record_address::Integer, raygen_shader_record_size::Integer, miss_shader_binding_table_address::Integer, miss_shader_binding_table_size::Integer, miss_shader_binding_table_stride::Integer, hit_shader_binding_table_address::Integer, hit_shader_binding_table_size::Integer, hit_shader_binding_table_stride::Integer, callable_shader_binding_table_address::Integer, callable_shader_binding_table_size::Integer, callable_shader_binding_table_stride::Integer, width::Integer, height::Integer, depth::Integer) _TraceRaysIndirectCommand2KHR(VkTraceRaysIndirectCommand2KHR(raygen_shader_record_address, raygen_shader_record_size, miss_shader_binding_table_address, miss_shader_binding_table_size, miss_shader_binding_table_stride, hit_shader_binding_table_address, hit_shader_binding_table_size, hit_shader_binding_table_stride, callable_shader_binding_table_address, callable_shader_binding_table_size, callable_shader_binding_table_stride, width, height, depth)) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_maintenance1 Arguments: - `ray_tracing_maintenance_1::Bool` - `ray_tracing_pipeline_trace_rays_indirect_2::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR.html) """ function _PhysicalDeviceRayTracingMaintenance1FeaturesKHR(ray_tracing_maintenance_1::Bool, ray_tracing_pipeline_trace_rays_indirect_2::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR(structure_type(VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), ray_tracing_maintenance_1, ray_tracing_pipeline_trace_rays_indirect_2) _PhysicalDeviceRayTracingMaintenance1FeaturesKHR(vks, deps) end """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `drm_format_modifier_properties::Vector{_DrmFormatModifierPropertiesEXT}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierPropertiesListEXT.html) """ function _DrmFormatModifierPropertiesListEXT(; next = C_NULL, drm_format_modifier_properties = C_NULL) drm_format_modifier_count = pointer_length(drm_format_modifier_properties) next = cconvert(Ptr{Cvoid}, next) drm_format_modifier_properties = cconvert(Ptr{VkDrmFormatModifierPropertiesEXT}, drm_format_modifier_properties) deps = Any[next, drm_format_modifier_properties] vks = VkDrmFormatModifierPropertiesListEXT(structure_type(VkDrmFormatModifierPropertiesListEXT), unsafe_convert(Ptr{Cvoid}, next), drm_format_modifier_count, unsafe_convert(Ptr{VkDrmFormatModifierPropertiesEXT}, drm_format_modifier_properties)) _DrmFormatModifierPropertiesListEXT(vks, deps) end """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `drm_format_modifier::UInt64` - `drm_format_modifier_plane_count::UInt32` - `drm_format_modifier_tiling_features::FormatFeatureFlag` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierPropertiesEXT.html) """ function _DrmFormatModifierPropertiesEXT(drm_format_modifier::Integer, drm_format_modifier_plane_count::Integer, drm_format_modifier_tiling_features::FormatFeatureFlag) _DrmFormatModifierPropertiesEXT(VkDrmFormatModifierPropertiesEXT(drm_format_modifier, drm_format_modifier_plane_count, drm_format_modifier_tiling_features)) end """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `drm_format_modifier::UInt64` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageDrmFormatModifierInfoEXT.html) """ function _PhysicalDeviceImageDrmFormatModifierInfoEXT(drm_format_modifier::Integer, sharing_mode::SharingMode, queue_family_indices::AbstractArray; next = C_NULL) queue_family_index_count = pointer_length(queue_family_indices) next = cconvert(Ptr{Cvoid}, next) queue_family_indices = cconvert(Ptr{UInt32}, queue_family_indices) deps = Any[next, queue_family_indices] vks = VkPhysicalDeviceImageDrmFormatModifierInfoEXT(structure_type(VkPhysicalDeviceImageDrmFormatModifierInfoEXT), unsafe_convert(Ptr{Cvoid}, next), drm_format_modifier, sharing_mode, queue_family_index_count, unsafe_convert(Ptr{UInt32}, queue_family_indices)) _PhysicalDeviceImageDrmFormatModifierInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `drm_format_modifiers::Vector{UInt64}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageDrmFormatModifierListCreateInfoEXT.html) """ function _ImageDrmFormatModifierListCreateInfoEXT(drm_format_modifiers::AbstractArray; next = C_NULL) drm_format_modifier_count = pointer_length(drm_format_modifiers) next = cconvert(Ptr{Cvoid}, next) drm_format_modifiers = cconvert(Ptr{UInt64}, drm_format_modifiers) deps = Any[next, drm_format_modifiers] vks = VkImageDrmFormatModifierListCreateInfoEXT(structure_type(VkImageDrmFormatModifierListCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), drm_format_modifier_count, unsafe_convert(Ptr{UInt64}, drm_format_modifiers)) _ImageDrmFormatModifierListCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `drm_format_modifier::UInt64` - `plane_layouts::Vector{_SubresourceLayout}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageDrmFormatModifierExplicitCreateInfoEXT.html) """ function _ImageDrmFormatModifierExplicitCreateInfoEXT(drm_format_modifier::Integer, plane_layouts::AbstractArray; next = C_NULL) drm_format_modifier_plane_count = pointer_length(plane_layouts) next = cconvert(Ptr{Cvoid}, next) plane_layouts = cconvert(Ptr{VkSubresourceLayout}, plane_layouts) deps = Any[next, plane_layouts] vks = VkImageDrmFormatModifierExplicitCreateInfoEXT(structure_type(VkImageDrmFormatModifierExplicitCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), drm_format_modifier, drm_format_modifier_plane_count, unsafe_convert(Ptr{VkSubresourceLayout}, plane_layouts)) _ImageDrmFormatModifierExplicitCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `drm_format_modifier::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageDrmFormatModifierPropertiesEXT.html) """ function _ImageDrmFormatModifierPropertiesEXT(drm_format_modifier::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageDrmFormatModifierPropertiesEXT(structure_type(VkImageDrmFormatModifierPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), drm_format_modifier) _ImageDrmFormatModifierPropertiesEXT(vks, deps) end """ Arguments: - `stencil_usage::ImageUsageFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageStencilUsageCreateInfo.html) """ function _ImageStencilUsageCreateInfo(stencil_usage::ImageUsageFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageStencilUsageCreateInfo(structure_type(VkImageStencilUsageCreateInfo), unsafe_convert(Ptr{Cvoid}, next), stencil_usage) _ImageStencilUsageCreateInfo(vks, deps) end """ Extension: VK\\_AMD\\_memory\\_overallocation\\_behavior Arguments: - `overallocation_behavior::MemoryOverallocationBehaviorAMD` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceMemoryOverallocationCreateInfoAMD.html) """ function _DeviceMemoryOverallocationCreateInfoAMD(overallocation_behavior::MemoryOverallocationBehaviorAMD; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceMemoryOverallocationCreateInfoAMD(structure_type(VkDeviceMemoryOverallocationCreateInfoAMD), unsafe_convert(Ptr{Cvoid}, next), overallocation_behavior) _DeviceMemoryOverallocationCreateInfoAMD(vks, deps) end """ Extension: VK\\_EXT\\_fragment\\_density\\_map Arguments: - `fragment_density_map::Bool` - `fragment_density_map_dynamic::Bool` - `fragment_density_map_non_subsampled_images::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapFeaturesEXT.html) """ function _PhysicalDeviceFragmentDensityMapFeaturesEXT(fragment_density_map::Bool, fragment_density_map_dynamic::Bool, fragment_density_map_non_subsampled_images::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentDensityMapFeaturesEXT(structure_type(VkPhysicalDeviceFragmentDensityMapFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), fragment_density_map, fragment_density_map_dynamic, fragment_density_map_non_subsampled_images) _PhysicalDeviceFragmentDensityMapFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_fragment\\_density\\_map2 Arguments: - `fragment_density_map_deferred::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMap2FeaturesEXT.html) """ function _PhysicalDeviceFragmentDensityMap2FeaturesEXT(fragment_density_map_deferred::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentDensityMap2FeaturesEXT(structure_type(VkPhysicalDeviceFragmentDensityMap2FeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), fragment_density_map_deferred) _PhysicalDeviceFragmentDensityMap2FeaturesEXT(vks, deps) end """ Extension: VK\\_QCOM\\_fragment\\_density\\_map\\_offset Arguments: - `fragment_density_map_offset::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM.html) """ function _PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM(fragment_density_map_offset::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM(structure_type(VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM), unsafe_convert(Ptr{Cvoid}, next), fragment_density_map_offset) _PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM(vks, deps) end """ Extension: VK\\_EXT\\_fragment\\_density\\_map Arguments: - `min_fragment_density_texel_size::_Extent2D` - `max_fragment_density_texel_size::_Extent2D` - `fragment_density_invocations::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapPropertiesEXT.html) """ function _PhysicalDeviceFragmentDensityMapPropertiesEXT(min_fragment_density_texel_size::_Extent2D, max_fragment_density_texel_size::_Extent2D, fragment_density_invocations::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentDensityMapPropertiesEXT(structure_type(VkPhysicalDeviceFragmentDensityMapPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), min_fragment_density_texel_size.vks, max_fragment_density_texel_size.vks, fragment_density_invocations) _PhysicalDeviceFragmentDensityMapPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_fragment\\_density\\_map2 Arguments: - `subsampled_loads::Bool` - `subsampled_coarse_reconstruction_early_access::Bool` - `max_subsampled_array_layers::UInt32` - `max_descriptor_set_subsampled_samplers::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMap2PropertiesEXT.html) """ function _PhysicalDeviceFragmentDensityMap2PropertiesEXT(subsampled_loads::Bool, subsampled_coarse_reconstruction_early_access::Bool, max_subsampled_array_layers::Integer, max_descriptor_set_subsampled_samplers::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentDensityMap2PropertiesEXT(structure_type(VkPhysicalDeviceFragmentDensityMap2PropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), subsampled_loads, subsampled_coarse_reconstruction_early_access, max_subsampled_array_layers, max_descriptor_set_subsampled_samplers) _PhysicalDeviceFragmentDensityMap2PropertiesEXT(vks, deps) end """ Extension: VK\\_QCOM\\_fragment\\_density\\_map\\_offset Arguments: - `fragment_density_offset_granularity::_Extent2D` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM.html) """ function _PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM(fragment_density_offset_granularity::_Extent2D; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM(structure_type(VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM), unsafe_convert(Ptr{Cvoid}, next), fragment_density_offset_granularity.vks) _PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM(vks, deps) end """ Extension: VK\\_EXT\\_fragment\\_density\\_map Arguments: - `fragment_density_map_attachment::_AttachmentReference` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassFragmentDensityMapCreateInfoEXT.html) """ function _RenderPassFragmentDensityMapCreateInfoEXT(fragment_density_map_attachment::_AttachmentReference; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkRenderPassFragmentDensityMapCreateInfoEXT(structure_type(VkRenderPassFragmentDensityMapCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), fragment_density_map_attachment.vks) _RenderPassFragmentDensityMapCreateInfoEXT(vks, deps) end """ Extension: VK\\_QCOM\\_fragment\\_density\\_map\\_offset Arguments: - `fragment_density_offsets::Vector{_Offset2D}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassFragmentDensityMapOffsetEndInfoQCOM.html) """ function _SubpassFragmentDensityMapOffsetEndInfoQCOM(fragment_density_offsets::AbstractArray; next = C_NULL) fragment_density_offset_count = pointer_length(fragment_density_offsets) next = cconvert(Ptr{Cvoid}, next) fragment_density_offsets = cconvert(Ptr{VkOffset2D}, fragment_density_offsets) deps = Any[next, fragment_density_offsets] vks = VkSubpassFragmentDensityMapOffsetEndInfoQCOM(structure_type(VkSubpassFragmentDensityMapOffsetEndInfoQCOM), unsafe_convert(Ptr{Cvoid}, next), fragment_density_offset_count, unsafe_convert(Ptr{VkOffset2D}, fragment_density_offsets)) _SubpassFragmentDensityMapOffsetEndInfoQCOM(vks, deps) end """ Arguments: - `scalar_block_layout::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceScalarBlockLayoutFeatures.html) """ function _PhysicalDeviceScalarBlockLayoutFeatures(scalar_block_layout::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceScalarBlockLayoutFeatures(structure_type(VkPhysicalDeviceScalarBlockLayoutFeatures), unsafe_convert(Ptr{Cvoid}, next), scalar_block_layout) _PhysicalDeviceScalarBlockLayoutFeatures(vks, deps) end """ Extension: VK\\_KHR\\_surface\\_protected\\_capabilities Arguments: - `supports_protected::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceProtectedCapabilitiesKHR.html) """ function _SurfaceProtectedCapabilitiesKHR(supports_protected::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSurfaceProtectedCapabilitiesKHR(structure_type(VkSurfaceProtectedCapabilitiesKHR), unsafe_convert(Ptr{Cvoid}, next), supports_protected) _SurfaceProtectedCapabilitiesKHR(vks, deps) end """ Arguments: - `uniform_buffer_standard_layout::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceUniformBufferStandardLayoutFeatures.html) """ function _PhysicalDeviceUniformBufferStandardLayoutFeatures(uniform_buffer_standard_layout::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceUniformBufferStandardLayoutFeatures(structure_type(VkPhysicalDeviceUniformBufferStandardLayoutFeatures), unsafe_convert(Ptr{Cvoid}, next), uniform_buffer_standard_layout) _PhysicalDeviceUniformBufferStandardLayoutFeatures(vks, deps) end """ Extension: VK\\_EXT\\_depth\\_clip\\_enable Arguments: - `depth_clip_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthClipEnableFeaturesEXT.html) """ function _PhysicalDeviceDepthClipEnableFeaturesEXT(depth_clip_enable::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDepthClipEnableFeaturesEXT(structure_type(VkPhysicalDeviceDepthClipEnableFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), depth_clip_enable) _PhysicalDeviceDepthClipEnableFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_depth\\_clip\\_enable Arguments: - `depth_clip_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationDepthClipStateCreateInfoEXT.html) """ function _PipelineRasterizationDepthClipStateCreateInfoEXT(depth_clip_enable::Bool; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineRasterizationDepthClipStateCreateInfoEXT(structure_type(VkPipelineRasterizationDepthClipStateCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), flags, depth_clip_enable) _PipelineRasterizationDepthClipStateCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_memory\\_budget Arguments: - `heap_budget::NTuple{Int(VK_MAX_MEMORY_HEAPS), UInt64}` - `heap_usage::NTuple{Int(VK_MAX_MEMORY_HEAPS), UInt64}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryBudgetPropertiesEXT.html) """ function _PhysicalDeviceMemoryBudgetPropertiesEXT(heap_budget::NTuple{Int(VK_MAX_MEMORY_HEAPS), UInt64}, heap_usage::NTuple{Int(VK_MAX_MEMORY_HEAPS), UInt64}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMemoryBudgetPropertiesEXT(structure_type(VkPhysicalDeviceMemoryBudgetPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), heap_budget, heap_usage) _PhysicalDeviceMemoryBudgetPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_memory\\_priority Arguments: - `memory_priority::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryPriorityFeaturesEXT.html) """ function _PhysicalDeviceMemoryPriorityFeaturesEXT(memory_priority::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMemoryPriorityFeaturesEXT(structure_type(VkPhysicalDeviceMemoryPriorityFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), memory_priority) _PhysicalDeviceMemoryPriorityFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_memory\\_priority Arguments: - `priority::Float32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryPriorityAllocateInfoEXT.html) """ function _MemoryPriorityAllocateInfoEXT(priority::Real; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryPriorityAllocateInfoEXT(structure_type(VkMemoryPriorityAllocateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), priority) _MemoryPriorityAllocateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_pageable\\_device\\_local\\_memory Arguments: - `pageable_device_local_memory::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT.html) """ function _PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT(pageable_device_local_memory::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT(structure_type(VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), pageable_device_local_memory) _PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT(vks, deps) end """ Arguments: - `buffer_device_address::Bool` - `buffer_device_address_capture_replay::Bool` - `buffer_device_address_multi_device::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBufferDeviceAddressFeatures.html) """ function _PhysicalDeviceBufferDeviceAddressFeatures(buffer_device_address::Bool, buffer_device_address_capture_replay::Bool, buffer_device_address_multi_device::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceBufferDeviceAddressFeatures(structure_type(VkPhysicalDeviceBufferDeviceAddressFeatures), unsafe_convert(Ptr{Cvoid}, next), buffer_device_address, buffer_device_address_capture_replay, buffer_device_address_multi_device) _PhysicalDeviceBufferDeviceAddressFeatures(vks, deps) end """ Extension: VK\\_EXT\\_buffer\\_device\\_address Arguments: - `buffer_device_address::Bool` - `buffer_device_address_capture_replay::Bool` - `buffer_device_address_multi_device::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBufferDeviceAddressFeaturesEXT.html) """ function _PhysicalDeviceBufferDeviceAddressFeaturesEXT(buffer_device_address::Bool, buffer_device_address_capture_replay::Bool, buffer_device_address_multi_device::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceBufferDeviceAddressFeaturesEXT(structure_type(VkPhysicalDeviceBufferDeviceAddressFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), buffer_device_address, buffer_device_address_capture_replay, buffer_device_address_multi_device) _PhysicalDeviceBufferDeviceAddressFeaturesEXT(vks, deps) end """ Arguments: - `buffer::Buffer` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferDeviceAddressInfo.html) """ function _BufferDeviceAddressInfo(buffer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBufferDeviceAddressInfo(structure_type(VkBufferDeviceAddressInfo), unsafe_convert(Ptr{Cvoid}, next), buffer) _BufferDeviceAddressInfo(vks, deps, buffer) end """ Arguments: - `opaque_capture_address::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferOpaqueCaptureAddressCreateInfo.html) """ function _BufferOpaqueCaptureAddressCreateInfo(opaque_capture_address::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBufferOpaqueCaptureAddressCreateInfo(structure_type(VkBufferOpaqueCaptureAddressCreateInfo), unsafe_convert(Ptr{Cvoid}, next), opaque_capture_address) _BufferOpaqueCaptureAddressCreateInfo(vks, deps) end """ Extension: VK\\_EXT\\_buffer\\_device\\_address Arguments: - `device_address::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferDeviceAddressCreateInfoEXT.html) """ function _BufferDeviceAddressCreateInfoEXT(device_address::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBufferDeviceAddressCreateInfoEXT(structure_type(VkBufferDeviceAddressCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), device_address) _BufferDeviceAddressCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_filter\\_cubic Arguments: - `image_view_type::ImageViewType` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageViewImageFormatInfoEXT.html) """ function _PhysicalDeviceImageViewImageFormatInfoEXT(image_view_type::ImageViewType; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceImageViewImageFormatInfoEXT(structure_type(VkPhysicalDeviceImageViewImageFormatInfoEXT), unsafe_convert(Ptr{Cvoid}, next), image_view_type) _PhysicalDeviceImageViewImageFormatInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_filter\\_cubic Arguments: - `filter_cubic::Bool` - `filter_cubic_minmax::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFilterCubicImageViewImageFormatPropertiesEXT.html) """ function _FilterCubicImageViewImageFormatPropertiesEXT(filter_cubic::Bool, filter_cubic_minmax::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkFilterCubicImageViewImageFormatPropertiesEXT(structure_type(VkFilterCubicImageViewImageFormatPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), filter_cubic, filter_cubic_minmax) _FilterCubicImageViewImageFormatPropertiesEXT(vks, deps) end """ Arguments: - `imageless_framebuffer::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImagelessFramebufferFeatures.html) """ function _PhysicalDeviceImagelessFramebufferFeatures(imageless_framebuffer::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceImagelessFramebufferFeatures(structure_type(VkPhysicalDeviceImagelessFramebufferFeatures), unsafe_convert(Ptr{Cvoid}, next), imageless_framebuffer) _PhysicalDeviceImagelessFramebufferFeatures(vks, deps) end """ Arguments: - `attachment_image_infos::Vector{_FramebufferAttachmentImageInfo}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferAttachmentsCreateInfo.html) """ function _FramebufferAttachmentsCreateInfo(attachment_image_infos::AbstractArray; next = C_NULL) attachment_image_info_count = pointer_length(attachment_image_infos) next = cconvert(Ptr{Cvoid}, next) attachment_image_infos = cconvert(Ptr{VkFramebufferAttachmentImageInfo}, attachment_image_infos) deps = Any[next, attachment_image_infos] vks = VkFramebufferAttachmentsCreateInfo(structure_type(VkFramebufferAttachmentsCreateInfo), unsafe_convert(Ptr{Cvoid}, next), attachment_image_info_count, unsafe_convert(Ptr{VkFramebufferAttachmentImageInfo}, attachment_image_infos)) _FramebufferAttachmentsCreateInfo(vks, deps) end """ Arguments: - `usage::ImageUsageFlag` - `width::UInt32` - `height::UInt32` - `layer_count::UInt32` - `view_formats::Vector{Format}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::ImageCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferAttachmentImageInfo.html) """ function _FramebufferAttachmentImageInfo(usage::ImageUsageFlag, width::Integer, height::Integer, layer_count::Integer, view_formats::AbstractArray; next = C_NULL, flags = 0) view_format_count = pointer_length(view_formats) next = cconvert(Ptr{Cvoid}, next) view_formats = cconvert(Ptr{VkFormat}, view_formats) deps = Any[next, view_formats] vks = VkFramebufferAttachmentImageInfo(structure_type(VkFramebufferAttachmentImageInfo), unsafe_convert(Ptr{Cvoid}, next), flags, usage, width, height, layer_count, view_format_count, unsafe_convert(Ptr{VkFormat}, view_formats)) _FramebufferAttachmentImageInfo(vks, deps) end """ Arguments: - `attachments::Vector{ImageView}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassAttachmentBeginInfo.html) """ function _RenderPassAttachmentBeginInfo(attachments::AbstractArray; next = C_NULL) attachment_count = pointer_length(attachments) next = cconvert(Ptr{Cvoid}, next) attachments = cconvert(Ptr{VkImageView}, attachments) deps = Any[next, attachments] vks = VkRenderPassAttachmentBeginInfo(structure_type(VkRenderPassAttachmentBeginInfo), unsafe_convert(Ptr{Cvoid}, next), attachment_count, unsafe_convert(Ptr{VkImageView}, attachments)) _RenderPassAttachmentBeginInfo(vks, deps) end """ Arguments: - `texture_compression_astc_hdr::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTextureCompressionASTCHDRFeatures.html) """ function _PhysicalDeviceTextureCompressionASTCHDRFeatures(texture_compression_astc_hdr::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceTextureCompressionASTCHDRFeatures(structure_type(VkPhysicalDeviceTextureCompressionASTCHDRFeatures), unsafe_convert(Ptr{Cvoid}, next), texture_compression_astc_hdr) _PhysicalDeviceTextureCompressionASTCHDRFeatures(vks, deps) end """ Extension: VK\\_NV\\_cooperative\\_matrix Arguments: - `cooperative_matrix::Bool` - `cooperative_matrix_robust_buffer_access::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCooperativeMatrixFeaturesNV.html) """ function _PhysicalDeviceCooperativeMatrixFeaturesNV(cooperative_matrix::Bool, cooperative_matrix_robust_buffer_access::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceCooperativeMatrixFeaturesNV(structure_type(VkPhysicalDeviceCooperativeMatrixFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), cooperative_matrix, cooperative_matrix_robust_buffer_access) _PhysicalDeviceCooperativeMatrixFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_cooperative\\_matrix Arguments: - `cooperative_matrix_supported_stages::ShaderStageFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCooperativeMatrixPropertiesNV.html) """ function _PhysicalDeviceCooperativeMatrixPropertiesNV(cooperative_matrix_supported_stages::ShaderStageFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceCooperativeMatrixPropertiesNV(structure_type(VkPhysicalDeviceCooperativeMatrixPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), cooperative_matrix_supported_stages) _PhysicalDeviceCooperativeMatrixPropertiesNV(vks, deps) end """ Extension: VK\\_NV\\_cooperative\\_matrix Arguments: - `m_size::UInt32` - `n_size::UInt32` - `k_size::UInt32` - `a_type::ComponentTypeNV` - `b_type::ComponentTypeNV` - `c_type::ComponentTypeNV` - `d_type::ComponentTypeNV` - `scope::ScopeNV` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCooperativeMatrixPropertiesNV.html) """ function _CooperativeMatrixPropertiesNV(m_size::Integer, n_size::Integer, k_size::Integer, a_type::ComponentTypeNV, b_type::ComponentTypeNV, c_type::ComponentTypeNV, d_type::ComponentTypeNV, scope::ScopeNV; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCooperativeMatrixPropertiesNV(structure_type(VkCooperativeMatrixPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), m_size, n_size, k_size, a_type, b_type, c_type, d_type, scope) _CooperativeMatrixPropertiesNV(vks, deps) end """ Extension: VK\\_EXT\\_ycbcr\\_image\\_arrays Arguments: - `ycbcr_image_arrays::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceYcbcrImageArraysFeaturesEXT.html) """ function _PhysicalDeviceYcbcrImageArraysFeaturesEXT(ycbcr_image_arrays::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceYcbcrImageArraysFeaturesEXT(structure_type(VkPhysicalDeviceYcbcrImageArraysFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), ycbcr_image_arrays) _PhysicalDeviceYcbcrImageArraysFeaturesEXT(vks, deps) end """ Extension: VK\\_NVX\\_image\\_view\\_handle Arguments: - `image_view::ImageView` - `descriptor_type::DescriptorType` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `sampler::Sampler`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewHandleInfoNVX.html) """ function _ImageViewHandleInfoNVX(image_view, descriptor_type::DescriptorType; next = C_NULL, sampler = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageViewHandleInfoNVX(structure_type(VkImageViewHandleInfoNVX), unsafe_convert(Ptr{Cvoid}, next), image_view, descriptor_type, sampler) _ImageViewHandleInfoNVX(vks, deps, image_view, sampler) end """ Extension: VK\\_NVX\\_image\\_view\\_handle Arguments: - `device_address::UInt64` - `size::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewAddressPropertiesNVX.html) """ function _ImageViewAddressPropertiesNVX(device_address::Integer, size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageViewAddressPropertiesNVX(structure_type(VkImageViewAddressPropertiesNVX), unsafe_convert(Ptr{Cvoid}, next), device_address, size) _ImageViewAddressPropertiesNVX(vks, deps) end """ Arguments: - `flags::PipelineCreationFeedbackFlag` - `duration::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCreationFeedback.html) """ function _PipelineCreationFeedback(flags::PipelineCreationFeedbackFlag, duration::Integer) _PipelineCreationFeedback(VkPipelineCreationFeedback(flags, duration)) end """ Arguments: - `pipeline_creation_feedback::_PipelineCreationFeedback` - `pipeline_stage_creation_feedbacks::Vector{_PipelineCreationFeedback}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCreationFeedbackCreateInfo.html) """ function _PipelineCreationFeedbackCreateInfo(pipeline_creation_feedback::_PipelineCreationFeedback, pipeline_stage_creation_feedbacks::AbstractArray; next = C_NULL) pipeline_stage_creation_feedback_count = pointer_length(pipeline_stage_creation_feedbacks) next = cconvert(Ptr{Cvoid}, next) pipeline_creation_feedback = cconvert(Ptr{VkPipelineCreationFeedback}, pipeline_creation_feedback) pipeline_stage_creation_feedbacks = cconvert(Ptr{Ptr{VkPipelineCreationFeedback}}, pipeline_stage_creation_feedbacks) deps = Any[next, pipeline_creation_feedback, pipeline_stage_creation_feedbacks] vks = VkPipelineCreationFeedbackCreateInfo(structure_type(VkPipelineCreationFeedbackCreateInfo), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{VkPipelineCreationFeedback}, pipeline_creation_feedback), pipeline_stage_creation_feedback_count, unsafe_convert(Ptr{Ptr{VkPipelineCreationFeedback}}, pipeline_stage_creation_feedbacks)) _PipelineCreationFeedbackCreateInfo(vks, deps) end """ Extension: VK\\_EXT\\_full\\_screen\\_exclusive Arguments: - `full_screen_exclusive::FullScreenExclusiveEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceFullScreenExclusiveInfoEXT.html) """ function _SurfaceFullScreenExclusiveInfoEXT(full_screen_exclusive::FullScreenExclusiveEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSurfaceFullScreenExclusiveInfoEXT(structure_type(VkSurfaceFullScreenExclusiveInfoEXT), unsafe_convert(Ptr{Cvoid}, next), full_screen_exclusive) _SurfaceFullScreenExclusiveInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_full\\_screen\\_exclusive Arguments: - `hmonitor::HMONITOR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceFullScreenExclusiveWin32InfoEXT.html) """ function _SurfaceFullScreenExclusiveWin32InfoEXT(hmonitor::vk.HMONITOR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSurfaceFullScreenExclusiveWin32InfoEXT(structure_type(VkSurfaceFullScreenExclusiveWin32InfoEXT), unsafe_convert(Ptr{Cvoid}, next), hmonitor) _SurfaceFullScreenExclusiveWin32InfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_full\\_screen\\_exclusive Arguments: - `full_screen_exclusive_supported::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilitiesFullScreenExclusiveEXT.html) """ function _SurfaceCapabilitiesFullScreenExclusiveEXT(full_screen_exclusive_supported::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSurfaceCapabilitiesFullScreenExclusiveEXT(structure_type(VkSurfaceCapabilitiesFullScreenExclusiveEXT), unsafe_convert(Ptr{Cvoid}, next), full_screen_exclusive_supported) _SurfaceCapabilitiesFullScreenExclusiveEXT(vks, deps) end """ Extension: VK\\_NV\\_present\\_barrier Arguments: - `present_barrier::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePresentBarrierFeaturesNV.html) """ function _PhysicalDevicePresentBarrierFeaturesNV(present_barrier::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePresentBarrierFeaturesNV(structure_type(VkPhysicalDevicePresentBarrierFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), present_barrier) _PhysicalDevicePresentBarrierFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_present\\_barrier Arguments: - `present_barrier_supported::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilitiesPresentBarrierNV.html) """ function _SurfaceCapabilitiesPresentBarrierNV(present_barrier_supported::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSurfaceCapabilitiesPresentBarrierNV(structure_type(VkSurfaceCapabilitiesPresentBarrierNV), unsafe_convert(Ptr{Cvoid}, next), present_barrier_supported) _SurfaceCapabilitiesPresentBarrierNV(vks, deps) end """ Extension: VK\\_NV\\_present\\_barrier Arguments: - `present_barrier_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentBarrierCreateInfoNV.html) """ function _SwapchainPresentBarrierCreateInfoNV(present_barrier_enable::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSwapchainPresentBarrierCreateInfoNV(structure_type(VkSwapchainPresentBarrierCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), present_barrier_enable) _SwapchainPresentBarrierCreateInfoNV(vks, deps) end """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `performance_counter_query_pools::Bool` - `performance_counter_multiple_query_pools::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePerformanceQueryFeaturesKHR.html) """ function _PhysicalDevicePerformanceQueryFeaturesKHR(performance_counter_query_pools::Bool, performance_counter_multiple_query_pools::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePerformanceQueryFeaturesKHR(structure_type(VkPhysicalDevicePerformanceQueryFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), performance_counter_query_pools, performance_counter_multiple_query_pools) _PhysicalDevicePerformanceQueryFeaturesKHR(vks, deps) end """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `allow_command_buffer_query_copies::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePerformanceQueryPropertiesKHR.html) """ function _PhysicalDevicePerformanceQueryPropertiesKHR(allow_command_buffer_query_copies::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePerformanceQueryPropertiesKHR(structure_type(VkPhysicalDevicePerformanceQueryPropertiesKHR), unsafe_convert(Ptr{Cvoid}, next), allow_command_buffer_query_copies) _PhysicalDevicePerformanceQueryPropertiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `unit::PerformanceCounterUnitKHR` - `scope::PerformanceCounterScopeKHR` - `storage::PerformanceCounterStorageKHR` - `uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceCounterKHR.html) """ function _PerformanceCounterKHR(unit::PerformanceCounterUnitKHR, scope::PerformanceCounterScopeKHR, storage::PerformanceCounterStorageKHR, uuid::NTuple{Int(VK_UUID_SIZE), UInt8}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPerformanceCounterKHR(structure_type(VkPerformanceCounterKHR), unsafe_convert(Ptr{Cvoid}, next), unit, scope, storage, uuid) _PerformanceCounterKHR(vks, deps) end """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `name::String` - `category::String` - `description::String` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PerformanceCounterDescriptionFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceCounterDescriptionKHR.html) """ function _PerformanceCounterDescriptionKHR(name::AbstractString, category::AbstractString, description::AbstractString; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPerformanceCounterDescriptionKHR(structure_type(VkPerformanceCounterDescriptionKHR), unsafe_convert(Ptr{Cvoid}, next), flags, name, category, description) _PerformanceCounterDescriptionKHR(vks, deps) end """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `queue_family_index::UInt32` - `counter_indices::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueryPoolPerformanceCreateInfoKHR.html) """ function _QueryPoolPerformanceCreateInfoKHR(queue_family_index::Integer, counter_indices::AbstractArray; next = C_NULL) counter_index_count = pointer_length(counter_indices) next = cconvert(Ptr{Cvoid}, next) counter_indices = cconvert(Ptr{UInt32}, counter_indices) deps = Any[next, counter_indices] vks = VkQueryPoolPerformanceCreateInfoKHR(structure_type(VkQueryPoolPerformanceCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), queue_family_index, counter_index_count, unsafe_convert(Ptr{UInt32}, counter_indices)) _QueryPoolPerformanceCreateInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `timeout::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::AcquireProfilingLockFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAcquireProfilingLockInfoKHR.html) """ function _AcquireProfilingLockInfoKHR(timeout::Integer; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAcquireProfilingLockInfoKHR(structure_type(VkAcquireProfilingLockInfoKHR), unsafe_convert(Ptr{Cvoid}, next), flags, timeout) _AcquireProfilingLockInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `counter_pass_index::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceQuerySubmitInfoKHR.html) """ function _PerformanceQuerySubmitInfoKHR(counter_pass_index::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPerformanceQuerySubmitInfoKHR(structure_type(VkPerformanceQuerySubmitInfoKHR), unsafe_convert(Ptr{Cvoid}, next), counter_pass_index) _PerformanceQuerySubmitInfoKHR(vks, deps) end """ Extension: VK\\_EXT\\_headless\\_surface Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkHeadlessSurfaceCreateInfoEXT.html) """ function _HeadlessSurfaceCreateInfoEXT(; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkHeadlessSurfaceCreateInfoEXT(structure_type(VkHeadlessSurfaceCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), flags) _HeadlessSurfaceCreateInfoEXT(vks, deps) end """ Extension: VK\\_NV\\_coverage\\_reduction\\_mode Arguments: - `coverage_reduction_mode::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCoverageReductionModeFeaturesNV.html) """ function _PhysicalDeviceCoverageReductionModeFeaturesNV(coverage_reduction_mode::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceCoverageReductionModeFeaturesNV(structure_type(VkPhysicalDeviceCoverageReductionModeFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), coverage_reduction_mode) _PhysicalDeviceCoverageReductionModeFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_coverage\\_reduction\\_mode Arguments: - `coverage_reduction_mode::CoverageReductionModeNV` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCoverageReductionStateCreateInfoNV.html) """ function _PipelineCoverageReductionStateCreateInfoNV(coverage_reduction_mode::CoverageReductionModeNV; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineCoverageReductionStateCreateInfoNV(structure_type(VkPipelineCoverageReductionStateCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), flags, coverage_reduction_mode) _PipelineCoverageReductionStateCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_coverage\\_reduction\\_mode Arguments: - `coverage_reduction_mode::CoverageReductionModeNV` - `rasterization_samples::SampleCountFlag` - `depth_stencil_samples::SampleCountFlag` - `color_samples::SampleCountFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferMixedSamplesCombinationNV.html) """ function _FramebufferMixedSamplesCombinationNV(coverage_reduction_mode::CoverageReductionModeNV, rasterization_samples::SampleCountFlag, depth_stencil_samples::SampleCountFlag, color_samples::SampleCountFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkFramebufferMixedSamplesCombinationNV(structure_type(VkFramebufferMixedSamplesCombinationNV), unsafe_convert(Ptr{Cvoid}, next), coverage_reduction_mode, VkSampleCountFlagBits(rasterization_samples.val), depth_stencil_samples, color_samples) _FramebufferMixedSamplesCombinationNV(vks, deps) end """ Extension: VK\\_INTEL\\_shader\\_integer\\_functions2 Arguments: - `shader_integer_functions_2::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL.html) """ function _PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL(shader_integer_functions_2::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL(structure_type(VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL), unsafe_convert(Ptr{Cvoid}, next), shader_integer_functions_2) _PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL(vks, deps) end """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `type::PerformanceValueTypeINTEL` - `data::_PerformanceValueDataINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceValueINTEL.html) """ function _PerformanceValueINTEL(type::PerformanceValueTypeINTEL, data::_PerformanceValueDataINTEL) _PerformanceValueINTEL(VkPerformanceValueINTEL(type, data.vks)) end """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkInitializePerformanceApiInfoINTEL.html) """ function _InitializePerformanceApiInfoINTEL(; next = C_NULL, user_data = C_NULL) next = cconvert(Ptr{Cvoid}, next) user_data = cconvert(Ptr{Cvoid}, user_data) deps = Any[next, user_data] vks = VkInitializePerformanceApiInfoINTEL(structure_type(VkInitializePerformanceApiInfoINTEL), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{Cvoid}, user_data)) _InitializePerformanceApiInfoINTEL(vks, deps) end """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `performance_counters_sampling::QueryPoolSamplingModeINTEL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueryPoolPerformanceQueryCreateInfoINTEL.html) """ function _QueryPoolPerformanceQueryCreateInfoINTEL(performance_counters_sampling::QueryPoolSamplingModeINTEL; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkQueryPoolPerformanceQueryCreateInfoINTEL(structure_type(VkQueryPoolPerformanceQueryCreateInfoINTEL), unsafe_convert(Ptr{Cvoid}, next), performance_counters_sampling) _QueryPoolPerformanceQueryCreateInfoINTEL(vks, deps) end """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `marker::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceMarkerInfoINTEL.html) """ function _PerformanceMarkerInfoINTEL(marker::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPerformanceMarkerInfoINTEL(structure_type(VkPerformanceMarkerInfoINTEL), unsafe_convert(Ptr{Cvoid}, next), marker) _PerformanceMarkerInfoINTEL(vks, deps) end """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `marker::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceStreamMarkerInfoINTEL.html) """ function _PerformanceStreamMarkerInfoINTEL(marker::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPerformanceStreamMarkerInfoINTEL(structure_type(VkPerformanceStreamMarkerInfoINTEL), unsafe_convert(Ptr{Cvoid}, next), marker) _PerformanceStreamMarkerInfoINTEL(vks, deps) end """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `type::PerformanceOverrideTypeINTEL` - `enable::Bool` - `parameter::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceOverrideInfoINTEL.html) """ function _PerformanceOverrideInfoINTEL(type::PerformanceOverrideTypeINTEL, enable::Bool, parameter::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPerformanceOverrideInfoINTEL(structure_type(VkPerformanceOverrideInfoINTEL), unsafe_convert(Ptr{Cvoid}, next), type, enable, parameter) _PerformanceOverrideInfoINTEL(vks, deps) end """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `type::PerformanceConfigurationTypeINTEL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceConfigurationAcquireInfoINTEL.html) """ function _PerformanceConfigurationAcquireInfoINTEL(type::PerformanceConfigurationTypeINTEL; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPerformanceConfigurationAcquireInfoINTEL(structure_type(VkPerformanceConfigurationAcquireInfoINTEL), unsafe_convert(Ptr{Cvoid}, next), type) _PerformanceConfigurationAcquireInfoINTEL(vks, deps) end """ Extension: VK\\_KHR\\_shader\\_clock Arguments: - `shader_subgroup_clock::Bool` - `shader_device_clock::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderClockFeaturesKHR.html) """ function _PhysicalDeviceShaderClockFeaturesKHR(shader_subgroup_clock::Bool, shader_device_clock::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderClockFeaturesKHR(structure_type(VkPhysicalDeviceShaderClockFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), shader_subgroup_clock, shader_device_clock) _PhysicalDeviceShaderClockFeaturesKHR(vks, deps) end """ Extension: VK\\_EXT\\_index\\_type\\_uint8 Arguments: - `index_type_uint_8::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceIndexTypeUint8FeaturesEXT.html) """ function _PhysicalDeviceIndexTypeUint8FeaturesEXT(index_type_uint_8::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceIndexTypeUint8FeaturesEXT(structure_type(VkPhysicalDeviceIndexTypeUint8FeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), index_type_uint_8) _PhysicalDeviceIndexTypeUint8FeaturesEXT(vks, deps) end """ Extension: VK\\_NV\\_shader\\_sm\\_builtins Arguments: - `shader_sm_count::UInt32` - `shader_warps_per_sm::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSMBuiltinsPropertiesNV.html) """ function _PhysicalDeviceShaderSMBuiltinsPropertiesNV(shader_sm_count::Integer, shader_warps_per_sm::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderSMBuiltinsPropertiesNV(structure_type(VkPhysicalDeviceShaderSMBuiltinsPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), shader_sm_count, shader_warps_per_sm) _PhysicalDeviceShaderSMBuiltinsPropertiesNV(vks, deps) end """ Extension: VK\\_NV\\_shader\\_sm\\_builtins Arguments: - `shader_sm_builtins::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSMBuiltinsFeaturesNV.html) """ function _PhysicalDeviceShaderSMBuiltinsFeaturesNV(shader_sm_builtins::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderSMBuiltinsFeaturesNV(structure_type(VkPhysicalDeviceShaderSMBuiltinsFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), shader_sm_builtins) _PhysicalDeviceShaderSMBuiltinsFeaturesNV(vks, deps) end """ Extension: VK\\_EXT\\_fragment\\_shader\\_interlock Arguments: - `fragment_shader_sample_interlock::Bool` - `fragment_shader_pixel_interlock::Bool` - `fragment_shader_shading_rate_interlock::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT.html) """ function _PhysicalDeviceFragmentShaderInterlockFeaturesEXT(fragment_shader_sample_interlock::Bool, fragment_shader_pixel_interlock::Bool, fragment_shader_shading_rate_interlock::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT(structure_type(VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), fragment_shader_sample_interlock, fragment_shader_pixel_interlock, fragment_shader_shading_rate_interlock) _PhysicalDeviceFragmentShaderInterlockFeaturesEXT(vks, deps) end """ Arguments: - `separate_depth_stencil_layouts::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures.html) """ function _PhysicalDeviceSeparateDepthStencilLayoutsFeatures(separate_depth_stencil_layouts::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures(structure_type(VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures), unsafe_convert(Ptr{Cvoid}, next), separate_depth_stencil_layouts) _PhysicalDeviceSeparateDepthStencilLayoutsFeatures(vks, deps) end """ Arguments: - `stencil_layout::ImageLayout` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentReferenceStencilLayout.html) """ function _AttachmentReferenceStencilLayout(stencil_layout::ImageLayout; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAttachmentReferenceStencilLayout(structure_type(VkAttachmentReferenceStencilLayout), unsafe_convert(Ptr{Cvoid}, next), stencil_layout) _AttachmentReferenceStencilLayout(vks, deps) end """ Extension: VK\\_EXT\\_primitive\\_topology\\_list\\_restart Arguments: - `primitive_topology_list_restart::Bool` - `primitive_topology_patch_list_restart::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT.html) """ function _PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT(primitive_topology_list_restart::Bool, primitive_topology_patch_list_restart::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT(structure_type(VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), primitive_topology_list_restart, primitive_topology_patch_list_restart) _PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT(vks, deps) end """ Arguments: - `stencil_initial_layout::ImageLayout` - `stencil_final_layout::ImageLayout` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentDescriptionStencilLayout.html) """ function _AttachmentDescriptionStencilLayout(stencil_initial_layout::ImageLayout, stencil_final_layout::ImageLayout; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAttachmentDescriptionStencilLayout(structure_type(VkAttachmentDescriptionStencilLayout), unsafe_convert(Ptr{Cvoid}, next), stencil_initial_layout, stencil_final_layout) _AttachmentDescriptionStencilLayout(vks, deps) end """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Arguments: - `pipeline_executable_info::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR.html) """ function _PhysicalDevicePipelineExecutablePropertiesFeaturesKHR(pipeline_executable_info::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR(structure_type(VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), pipeline_executable_info) _PhysicalDevicePipelineExecutablePropertiesFeaturesKHR(vks, deps) end """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Arguments: - `pipeline::Pipeline` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineInfoKHR.html) """ function _PipelineInfoKHR(pipeline; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineInfoKHR(structure_type(VkPipelineInfoKHR), unsafe_convert(Ptr{Cvoid}, next), pipeline) _PipelineInfoKHR(vks, deps, pipeline) end """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Arguments: - `stages::ShaderStageFlag` - `name::String` - `description::String` - `subgroup_size::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutablePropertiesKHR.html) """ function _PipelineExecutablePropertiesKHR(stages::ShaderStageFlag, name::AbstractString, description::AbstractString, subgroup_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineExecutablePropertiesKHR(structure_type(VkPipelineExecutablePropertiesKHR), unsafe_convert(Ptr{Cvoid}, next), stages, name, description, subgroup_size) _PipelineExecutablePropertiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Arguments: - `pipeline::Pipeline` - `executable_index::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableInfoKHR.html) """ function _PipelineExecutableInfoKHR(pipeline, executable_index::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineExecutableInfoKHR(structure_type(VkPipelineExecutableInfoKHR), unsafe_convert(Ptr{Cvoid}, next), pipeline, executable_index) _PipelineExecutableInfoKHR(vks, deps, pipeline) end """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Arguments: - `name::String` - `description::String` - `format::PipelineExecutableStatisticFormatKHR` - `value::_PipelineExecutableStatisticValueKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableStatisticKHR.html) """ function _PipelineExecutableStatisticKHR(name::AbstractString, description::AbstractString, format::PipelineExecutableStatisticFormatKHR, value::_PipelineExecutableStatisticValueKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineExecutableStatisticKHR(structure_type(VkPipelineExecutableStatisticKHR), unsafe_convert(Ptr{Cvoid}, next), name, description, format, value.vks) _PipelineExecutableStatisticKHR(vks, deps) end """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Arguments: - `name::String` - `description::String` - `is_text::Bool` - `data_size::UInt` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableInternalRepresentationKHR.html) """ function _PipelineExecutableInternalRepresentationKHR(name::AbstractString, description::AbstractString, is_text::Bool, data_size::Integer; next = C_NULL, data = C_NULL) next = cconvert(Ptr{Cvoid}, next) data = cconvert(Ptr{Cvoid}, data) deps = Any[next, data] vks = VkPipelineExecutableInternalRepresentationKHR(structure_type(VkPipelineExecutableInternalRepresentationKHR), unsafe_convert(Ptr{Cvoid}, next), name, description, is_text, data_size, unsafe_convert(Ptr{Cvoid}, data)) _PipelineExecutableInternalRepresentationKHR(vks, deps) end """ Arguments: - `shader_demote_to_helper_invocation::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures.html) """ function _PhysicalDeviceShaderDemoteToHelperInvocationFeatures(shader_demote_to_helper_invocation::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures(structure_type(VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures), unsafe_convert(Ptr{Cvoid}, next), shader_demote_to_helper_invocation) _PhysicalDeviceShaderDemoteToHelperInvocationFeatures(vks, deps) end """ Extension: VK\\_EXT\\_texel\\_buffer\\_alignment Arguments: - `texel_buffer_alignment::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT.html) """ function _PhysicalDeviceTexelBufferAlignmentFeaturesEXT(texel_buffer_alignment::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT(structure_type(VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), texel_buffer_alignment) _PhysicalDeviceTexelBufferAlignmentFeaturesEXT(vks, deps) end """ Arguments: - `storage_texel_buffer_offset_alignment_bytes::UInt64` - `storage_texel_buffer_offset_single_texel_alignment::Bool` - `uniform_texel_buffer_offset_alignment_bytes::UInt64` - `uniform_texel_buffer_offset_single_texel_alignment::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTexelBufferAlignmentProperties.html) """ function _PhysicalDeviceTexelBufferAlignmentProperties(storage_texel_buffer_offset_alignment_bytes::Integer, storage_texel_buffer_offset_single_texel_alignment::Bool, uniform_texel_buffer_offset_alignment_bytes::Integer, uniform_texel_buffer_offset_single_texel_alignment::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceTexelBufferAlignmentProperties(structure_type(VkPhysicalDeviceTexelBufferAlignmentProperties), unsafe_convert(Ptr{Cvoid}, next), storage_texel_buffer_offset_alignment_bytes, storage_texel_buffer_offset_single_texel_alignment, uniform_texel_buffer_offset_alignment_bytes, uniform_texel_buffer_offset_single_texel_alignment) _PhysicalDeviceTexelBufferAlignmentProperties(vks, deps) end """ Arguments: - `subgroup_size_control::Bool` - `compute_full_subgroups::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubgroupSizeControlFeatures.html) """ function _PhysicalDeviceSubgroupSizeControlFeatures(subgroup_size_control::Bool, compute_full_subgroups::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSubgroupSizeControlFeatures(structure_type(VkPhysicalDeviceSubgroupSizeControlFeatures), unsafe_convert(Ptr{Cvoid}, next), subgroup_size_control, compute_full_subgroups) _PhysicalDeviceSubgroupSizeControlFeatures(vks, deps) end """ Arguments: - `min_subgroup_size::UInt32` - `max_subgroup_size::UInt32` - `max_compute_workgroup_subgroups::UInt32` - `required_subgroup_size_stages::ShaderStageFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubgroupSizeControlProperties.html) """ function _PhysicalDeviceSubgroupSizeControlProperties(min_subgroup_size::Integer, max_subgroup_size::Integer, max_compute_workgroup_subgroups::Integer, required_subgroup_size_stages::ShaderStageFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSubgroupSizeControlProperties(structure_type(VkPhysicalDeviceSubgroupSizeControlProperties), unsafe_convert(Ptr{Cvoid}, next), min_subgroup_size, max_subgroup_size, max_compute_workgroup_subgroups, required_subgroup_size_stages) _PhysicalDeviceSubgroupSizeControlProperties(vks, deps) end """ Arguments: - `required_subgroup_size::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineShaderStageRequiredSubgroupSizeCreateInfo.html) """ function _PipelineShaderStageRequiredSubgroupSizeCreateInfo(required_subgroup_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineShaderStageRequiredSubgroupSizeCreateInfo(structure_type(VkPipelineShaderStageRequiredSubgroupSizeCreateInfo), unsafe_convert(Ptr{Cvoid}, next), required_subgroup_size) _PipelineShaderStageRequiredSubgroupSizeCreateInfo(vks, deps) end """ Extension: VK\\_HUAWEI\\_subpass\\_shading Arguments: - `render_pass::RenderPass` - `subpass::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassShadingPipelineCreateInfoHUAWEI.html) """ function _SubpassShadingPipelineCreateInfoHUAWEI(render_pass, subpass::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSubpassShadingPipelineCreateInfoHUAWEI(structure_type(VkSubpassShadingPipelineCreateInfoHUAWEI), unsafe_convert(Ptr{Cvoid}, next), render_pass, subpass) _SubpassShadingPipelineCreateInfoHUAWEI(vks, deps, render_pass) end """ Extension: VK\\_HUAWEI\\_subpass\\_shading Arguments: - `max_subpass_shading_workgroup_size_aspect_ratio::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubpassShadingPropertiesHUAWEI.html) """ function _PhysicalDeviceSubpassShadingPropertiesHUAWEI(max_subpass_shading_workgroup_size_aspect_ratio::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSubpassShadingPropertiesHUAWEI(structure_type(VkPhysicalDeviceSubpassShadingPropertiesHUAWEI), unsafe_convert(Ptr{Cvoid}, next), max_subpass_shading_workgroup_size_aspect_ratio) _PhysicalDeviceSubpassShadingPropertiesHUAWEI(vks, deps) end """ Extension: VK\\_HUAWEI\\_cluster\\_culling\\_shader Arguments: - `max_work_group_count::NTuple{3, UInt32}` - `max_work_group_size::NTuple{3, UInt32}` - `max_output_cluster_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI.html) """ function _PhysicalDeviceClusterCullingShaderPropertiesHUAWEI(max_work_group_count::NTuple{3, UInt32}, max_work_group_size::NTuple{3, UInt32}, max_output_cluster_count::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI(structure_type(VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI), unsafe_convert(Ptr{Cvoid}, next), max_work_group_count, max_work_group_size, max_output_cluster_count) _PhysicalDeviceClusterCullingShaderPropertiesHUAWEI(vks, deps) end """ Arguments: - `opaque_capture_address::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryOpaqueCaptureAddressAllocateInfo.html) """ function _MemoryOpaqueCaptureAddressAllocateInfo(opaque_capture_address::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryOpaqueCaptureAddressAllocateInfo(structure_type(VkMemoryOpaqueCaptureAddressAllocateInfo), unsafe_convert(Ptr{Cvoid}, next), opaque_capture_address) _MemoryOpaqueCaptureAddressAllocateInfo(vks, deps) end """ Arguments: - `memory::DeviceMemory` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceMemoryOpaqueCaptureAddressInfo.html) """ function _DeviceMemoryOpaqueCaptureAddressInfo(memory; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceMemoryOpaqueCaptureAddressInfo(structure_type(VkDeviceMemoryOpaqueCaptureAddressInfo), unsafe_convert(Ptr{Cvoid}, next), memory) _DeviceMemoryOpaqueCaptureAddressInfo(vks, deps, memory) end """ Extension: VK\\_EXT\\_line\\_rasterization Arguments: - `rectangular_lines::Bool` - `bresenham_lines::Bool` - `smooth_lines::Bool` - `stippled_rectangular_lines::Bool` - `stippled_bresenham_lines::Bool` - `stippled_smooth_lines::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLineRasterizationFeaturesEXT.html) """ function _PhysicalDeviceLineRasterizationFeaturesEXT(rectangular_lines::Bool, bresenham_lines::Bool, smooth_lines::Bool, stippled_rectangular_lines::Bool, stippled_bresenham_lines::Bool, stippled_smooth_lines::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceLineRasterizationFeaturesEXT(structure_type(VkPhysicalDeviceLineRasterizationFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), rectangular_lines, bresenham_lines, smooth_lines, stippled_rectangular_lines, stippled_bresenham_lines, stippled_smooth_lines) _PhysicalDeviceLineRasterizationFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_line\\_rasterization Arguments: - `line_sub_pixel_precision_bits::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLineRasterizationPropertiesEXT.html) """ function _PhysicalDeviceLineRasterizationPropertiesEXT(line_sub_pixel_precision_bits::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceLineRasterizationPropertiesEXT(structure_type(VkPhysicalDeviceLineRasterizationPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), line_sub_pixel_precision_bits) _PhysicalDeviceLineRasterizationPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_line\\_rasterization Arguments: - `line_rasterization_mode::LineRasterizationModeEXT` - `stippled_line_enable::Bool` - `line_stipple_factor::UInt32` - `line_stipple_pattern::UInt16` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationLineStateCreateInfoEXT.html) """ function _PipelineRasterizationLineStateCreateInfoEXT(line_rasterization_mode::LineRasterizationModeEXT, stippled_line_enable::Bool, line_stipple_factor::Integer, line_stipple_pattern::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineRasterizationLineStateCreateInfoEXT(structure_type(VkPipelineRasterizationLineStateCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), line_rasterization_mode, stippled_line_enable, line_stipple_factor, line_stipple_pattern) _PipelineRasterizationLineStateCreateInfoEXT(vks, deps) end """ Arguments: - `pipeline_creation_cache_control::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineCreationCacheControlFeatures.html) """ function _PhysicalDevicePipelineCreationCacheControlFeatures(pipeline_creation_cache_control::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePipelineCreationCacheControlFeatures(structure_type(VkPhysicalDevicePipelineCreationCacheControlFeatures), unsafe_convert(Ptr{Cvoid}, next), pipeline_creation_cache_control) _PhysicalDevicePipelineCreationCacheControlFeatures(vks, deps) end """ Arguments: - `storage_buffer_16_bit_access::Bool` - `uniform_and_storage_buffer_16_bit_access::Bool` - `storage_push_constant_16::Bool` - `storage_input_output_16::Bool` - `multiview::Bool` - `multiview_geometry_shader::Bool` - `multiview_tessellation_shader::Bool` - `variable_pointers_storage_buffer::Bool` - `variable_pointers::Bool` - `protected_memory::Bool` - `sampler_ycbcr_conversion::Bool` - `shader_draw_parameters::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan11Features.html) """ function _PhysicalDeviceVulkan11Features(storage_buffer_16_bit_access::Bool, uniform_and_storage_buffer_16_bit_access::Bool, storage_push_constant_16::Bool, storage_input_output_16::Bool, multiview::Bool, multiview_geometry_shader::Bool, multiview_tessellation_shader::Bool, variable_pointers_storage_buffer::Bool, variable_pointers::Bool, protected_memory::Bool, sampler_ycbcr_conversion::Bool, shader_draw_parameters::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceVulkan11Features(structure_type(VkPhysicalDeviceVulkan11Features), unsafe_convert(Ptr{Cvoid}, next), storage_buffer_16_bit_access, uniform_and_storage_buffer_16_bit_access, storage_push_constant_16, storage_input_output_16, multiview, multiview_geometry_shader, multiview_tessellation_shader, variable_pointers_storage_buffer, variable_pointers, protected_memory, sampler_ycbcr_conversion, shader_draw_parameters) _PhysicalDeviceVulkan11Features(vks, deps) end """ Arguments: - `device_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `driver_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `device_luid::NTuple{Int(VK_LUID_SIZE), UInt8}` - `device_node_mask::UInt32` - `device_luid_valid::Bool` - `subgroup_size::UInt32` - `subgroup_supported_stages::ShaderStageFlag` - `subgroup_supported_operations::SubgroupFeatureFlag` - `subgroup_quad_operations_in_all_stages::Bool` - `point_clipping_behavior::PointClippingBehavior` - `max_multiview_view_count::UInt32` - `max_multiview_instance_index::UInt32` - `protected_no_fault::Bool` - `max_per_set_descriptors::UInt32` - `max_memory_allocation_size::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan11Properties.html) """ function _PhysicalDeviceVulkan11Properties(device_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}, driver_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}, device_luid::NTuple{Int(VK_LUID_SIZE), UInt8}, device_node_mask::Integer, device_luid_valid::Bool, subgroup_size::Integer, subgroup_supported_stages::ShaderStageFlag, subgroup_supported_operations::SubgroupFeatureFlag, subgroup_quad_operations_in_all_stages::Bool, point_clipping_behavior::PointClippingBehavior, max_multiview_view_count::Integer, max_multiview_instance_index::Integer, protected_no_fault::Bool, max_per_set_descriptors::Integer, max_memory_allocation_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceVulkan11Properties(structure_type(VkPhysicalDeviceVulkan11Properties), unsafe_convert(Ptr{Cvoid}, next), device_uuid, driver_uuid, device_luid, device_node_mask, device_luid_valid, subgroup_size, subgroup_supported_stages, subgroup_supported_operations, subgroup_quad_operations_in_all_stages, point_clipping_behavior, max_multiview_view_count, max_multiview_instance_index, protected_no_fault, max_per_set_descriptors, max_memory_allocation_size) _PhysicalDeviceVulkan11Properties(vks, deps) end """ Arguments: - `sampler_mirror_clamp_to_edge::Bool` - `draw_indirect_count::Bool` - `storage_buffer_8_bit_access::Bool` - `uniform_and_storage_buffer_8_bit_access::Bool` - `storage_push_constant_8::Bool` - `shader_buffer_int_64_atomics::Bool` - `shader_shared_int_64_atomics::Bool` - `shader_float_16::Bool` - `shader_int_8::Bool` - `descriptor_indexing::Bool` - `shader_input_attachment_array_dynamic_indexing::Bool` - `shader_uniform_texel_buffer_array_dynamic_indexing::Bool` - `shader_storage_texel_buffer_array_dynamic_indexing::Bool` - `shader_uniform_buffer_array_non_uniform_indexing::Bool` - `shader_sampled_image_array_non_uniform_indexing::Bool` - `shader_storage_buffer_array_non_uniform_indexing::Bool` - `shader_storage_image_array_non_uniform_indexing::Bool` - `shader_input_attachment_array_non_uniform_indexing::Bool` - `shader_uniform_texel_buffer_array_non_uniform_indexing::Bool` - `shader_storage_texel_buffer_array_non_uniform_indexing::Bool` - `descriptor_binding_uniform_buffer_update_after_bind::Bool` - `descriptor_binding_sampled_image_update_after_bind::Bool` - `descriptor_binding_storage_image_update_after_bind::Bool` - `descriptor_binding_storage_buffer_update_after_bind::Bool` - `descriptor_binding_uniform_texel_buffer_update_after_bind::Bool` - `descriptor_binding_storage_texel_buffer_update_after_bind::Bool` - `descriptor_binding_update_unused_while_pending::Bool` - `descriptor_binding_partially_bound::Bool` - `descriptor_binding_variable_descriptor_count::Bool` - `runtime_descriptor_array::Bool` - `sampler_filter_minmax::Bool` - `scalar_block_layout::Bool` - `imageless_framebuffer::Bool` - `uniform_buffer_standard_layout::Bool` - `shader_subgroup_extended_types::Bool` - `separate_depth_stencil_layouts::Bool` - `host_query_reset::Bool` - `timeline_semaphore::Bool` - `buffer_device_address::Bool` - `buffer_device_address_capture_replay::Bool` - `buffer_device_address_multi_device::Bool` - `vulkan_memory_model::Bool` - `vulkan_memory_model_device_scope::Bool` - `vulkan_memory_model_availability_visibility_chains::Bool` - `shader_output_viewport_index::Bool` - `shader_output_layer::Bool` - `subgroup_broadcast_dynamic_id::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan12Features.html) """ function _PhysicalDeviceVulkan12Features(sampler_mirror_clamp_to_edge::Bool, draw_indirect_count::Bool, storage_buffer_8_bit_access::Bool, uniform_and_storage_buffer_8_bit_access::Bool, storage_push_constant_8::Bool, shader_buffer_int_64_atomics::Bool, shader_shared_int_64_atomics::Bool, shader_float_16::Bool, shader_int_8::Bool, descriptor_indexing::Bool, shader_input_attachment_array_dynamic_indexing::Bool, shader_uniform_texel_buffer_array_dynamic_indexing::Bool, shader_storage_texel_buffer_array_dynamic_indexing::Bool, shader_uniform_buffer_array_non_uniform_indexing::Bool, shader_sampled_image_array_non_uniform_indexing::Bool, shader_storage_buffer_array_non_uniform_indexing::Bool, shader_storage_image_array_non_uniform_indexing::Bool, shader_input_attachment_array_non_uniform_indexing::Bool, shader_uniform_texel_buffer_array_non_uniform_indexing::Bool, shader_storage_texel_buffer_array_non_uniform_indexing::Bool, descriptor_binding_uniform_buffer_update_after_bind::Bool, descriptor_binding_sampled_image_update_after_bind::Bool, descriptor_binding_storage_image_update_after_bind::Bool, descriptor_binding_storage_buffer_update_after_bind::Bool, descriptor_binding_uniform_texel_buffer_update_after_bind::Bool, descriptor_binding_storage_texel_buffer_update_after_bind::Bool, descriptor_binding_update_unused_while_pending::Bool, descriptor_binding_partially_bound::Bool, descriptor_binding_variable_descriptor_count::Bool, runtime_descriptor_array::Bool, sampler_filter_minmax::Bool, scalar_block_layout::Bool, imageless_framebuffer::Bool, uniform_buffer_standard_layout::Bool, shader_subgroup_extended_types::Bool, separate_depth_stencil_layouts::Bool, host_query_reset::Bool, timeline_semaphore::Bool, buffer_device_address::Bool, buffer_device_address_capture_replay::Bool, buffer_device_address_multi_device::Bool, vulkan_memory_model::Bool, vulkan_memory_model_device_scope::Bool, vulkan_memory_model_availability_visibility_chains::Bool, shader_output_viewport_index::Bool, shader_output_layer::Bool, subgroup_broadcast_dynamic_id::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceVulkan12Features(structure_type(VkPhysicalDeviceVulkan12Features), unsafe_convert(Ptr{Cvoid}, next), sampler_mirror_clamp_to_edge, draw_indirect_count, storage_buffer_8_bit_access, uniform_and_storage_buffer_8_bit_access, storage_push_constant_8, shader_buffer_int_64_atomics, shader_shared_int_64_atomics, shader_float_16, shader_int_8, descriptor_indexing, shader_input_attachment_array_dynamic_indexing, shader_uniform_texel_buffer_array_dynamic_indexing, shader_storage_texel_buffer_array_dynamic_indexing, shader_uniform_buffer_array_non_uniform_indexing, shader_sampled_image_array_non_uniform_indexing, shader_storage_buffer_array_non_uniform_indexing, shader_storage_image_array_non_uniform_indexing, shader_input_attachment_array_non_uniform_indexing, shader_uniform_texel_buffer_array_non_uniform_indexing, shader_storage_texel_buffer_array_non_uniform_indexing, descriptor_binding_uniform_buffer_update_after_bind, descriptor_binding_sampled_image_update_after_bind, descriptor_binding_storage_image_update_after_bind, descriptor_binding_storage_buffer_update_after_bind, descriptor_binding_uniform_texel_buffer_update_after_bind, descriptor_binding_storage_texel_buffer_update_after_bind, descriptor_binding_update_unused_while_pending, descriptor_binding_partially_bound, descriptor_binding_variable_descriptor_count, runtime_descriptor_array, sampler_filter_minmax, scalar_block_layout, imageless_framebuffer, uniform_buffer_standard_layout, shader_subgroup_extended_types, separate_depth_stencil_layouts, host_query_reset, timeline_semaphore, buffer_device_address, buffer_device_address_capture_replay, buffer_device_address_multi_device, vulkan_memory_model, vulkan_memory_model_device_scope, vulkan_memory_model_availability_visibility_chains, shader_output_viewport_index, shader_output_layer, subgroup_broadcast_dynamic_id) _PhysicalDeviceVulkan12Features(vks, deps) end """ Arguments: - `driver_id::DriverId` - `driver_name::String` - `driver_info::String` - `conformance_version::_ConformanceVersion` - `denorm_behavior_independence::ShaderFloatControlsIndependence` - `rounding_mode_independence::ShaderFloatControlsIndependence` - `shader_signed_zero_inf_nan_preserve_float_16::Bool` - `shader_signed_zero_inf_nan_preserve_float_32::Bool` - `shader_signed_zero_inf_nan_preserve_float_64::Bool` - `shader_denorm_preserve_float_16::Bool` - `shader_denorm_preserve_float_32::Bool` - `shader_denorm_preserve_float_64::Bool` - `shader_denorm_flush_to_zero_float_16::Bool` - `shader_denorm_flush_to_zero_float_32::Bool` - `shader_denorm_flush_to_zero_float_64::Bool` - `shader_rounding_mode_rte_float_16::Bool` - `shader_rounding_mode_rte_float_32::Bool` - `shader_rounding_mode_rte_float_64::Bool` - `shader_rounding_mode_rtz_float_16::Bool` - `shader_rounding_mode_rtz_float_32::Bool` - `shader_rounding_mode_rtz_float_64::Bool` - `max_update_after_bind_descriptors_in_all_pools::UInt32` - `shader_uniform_buffer_array_non_uniform_indexing_native::Bool` - `shader_sampled_image_array_non_uniform_indexing_native::Bool` - `shader_storage_buffer_array_non_uniform_indexing_native::Bool` - `shader_storage_image_array_non_uniform_indexing_native::Bool` - `shader_input_attachment_array_non_uniform_indexing_native::Bool` - `robust_buffer_access_update_after_bind::Bool` - `quad_divergent_implicit_lod::Bool` - `max_per_stage_descriptor_update_after_bind_samplers::UInt32` - `max_per_stage_descriptor_update_after_bind_uniform_buffers::UInt32` - `max_per_stage_descriptor_update_after_bind_storage_buffers::UInt32` - `max_per_stage_descriptor_update_after_bind_sampled_images::UInt32` - `max_per_stage_descriptor_update_after_bind_storage_images::UInt32` - `max_per_stage_descriptor_update_after_bind_input_attachments::UInt32` - `max_per_stage_update_after_bind_resources::UInt32` - `max_descriptor_set_update_after_bind_samplers::UInt32` - `max_descriptor_set_update_after_bind_uniform_buffers::UInt32` - `max_descriptor_set_update_after_bind_uniform_buffers_dynamic::UInt32` - `max_descriptor_set_update_after_bind_storage_buffers::UInt32` - `max_descriptor_set_update_after_bind_storage_buffers_dynamic::UInt32` - `max_descriptor_set_update_after_bind_sampled_images::UInt32` - `max_descriptor_set_update_after_bind_storage_images::UInt32` - `max_descriptor_set_update_after_bind_input_attachments::UInt32` - `supported_depth_resolve_modes::ResolveModeFlag` - `supported_stencil_resolve_modes::ResolveModeFlag` - `independent_resolve_none::Bool` - `independent_resolve::Bool` - `filter_minmax_single_component_formats::Bool` - `filter_minmax_image_component_mapping::Bool` - `max_timeline_semaphore_value_difference::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `framebuffer_integer_color_sample_counts::SampleCountFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan12Properties.html) """ function _PhysicalDeviceVulkan12Properties(driver_id::DriverId, driver_name::AbstractString, driver_info::AbstractString, conformance_version::_ConformanceVersion, denorm_behavior_independence::ShaderFloatControlsIndependence, rounding_mode_independence::ShaderFloatControlsIndependence, shader_signed_zero_inf_nan_preserve_float_16::Bool, shader_signed_zero_inf_nan_preserve_float_32::Bool, shader_signed_zero_inf_nan_preserve_float_64::Bool, shader_denorm_preserve_float_16::Bool, shader_denorm_preserve_float_32::Bool, shader_denorm_preserve_float_64::Bool, shader_denorm_flush_to_zero_float_16::Bool, shader_denorm_flush_to_zero_float_32::Bool, shader_denorm_flush_to_zero_float_64::Bool, shader_rounding_mode_rte_float_16::Bool, shader_rounding_mode_rte_float_32::Bool, shader_rounding_mode_rte_float_64::Bool, shader_rounding_mode_rtz_float_16::Bool, shader_rounding_mode_rtz_float_32::Bool, shader_rounding_mode_rtz_float_64::Bool, max_update_after_bind_descriptors_in_all_pools::Integer, shader_uniform_buffer_array_non_uniform_indexing_native::Bool, shader_sampled_image_array_non_uniform_indexing_native::Bool, shader_storage_buffer_array_non_uniform_indexing_native::Bool, shader_storage_image_array_non_uniform_indexing_native::Bool, shader_input_attachment_array_non_uniform_indexing_native::Bool, robust_buffer_access_update_after_bind::Bool, quad_divergent_implicit_lod::Bool, max_per_stage_descriptor_update_after_bind_samplers::Integer, max_per_stage_descriptor_update_after_bind_uniform_buffers::Integer, max_per_stage_descriptor_update_after_bind_storage_buffers::Integer, max_per_stage_descriptor_update_after_bind_sampled_images::Integer, max_per_stage_descriptor_update_after_bind_storage_images::Integer, max_per_stage_descriptor_update_after_bind_input_attachments::Integer, max_per_stage_update_after_bind_resources::Integer, max_descriptor_set_update_after_bind_samplers::Integer, max_descriptor_set_update_after_bind_uniform_buffers::Integer, max_descriptor_set_update_after_bind_uniform_buffers_dynamic::Integer, max_descriptor_set_update_after_bind_storage_buffers::Integer, max_descriptor_set_update_after_bind_storage_buffers_dynamic::Integer, max_descriptor_set_update_after_bind_sampled_images::Integer, max_descriptor_set_update_after_bind_storage_images::Integer, max_descriptor_set_update_after_bind_input_attachments::Integer, supported_depth_resolve_modes::ResolveModeFlag, supported_stencil_resolve_modes::ResolveModeFlag, independent_resolve_none::Bool, independent_resolve::Bool, filter_minmax_single_component_formats::Bool, filter_minmax_image_component_mapping::Bool, max_timeline_semaphore_value_difference::Integer; next = C_NULL, framebuffer_integer_color_sample_counts = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceVulkan12Properties(structure_type(VkPhysicalDeviceVulkan12Properties), unsafe_convert(Ptr{Cvoid}, next), driver_id, driver_name, driver_info, conformance_version.vks, denorm_behavior_independence, rounding_mode_independence, shader_signed_zero_inf_nan_preserve_float_16, shader_signed_zero_inf_nan_preserve_float_32, shader_signed_zero_inf_nan_preserve_float_64, shader_denorm_preserve_float_16, shader_denorm_preserve_float_32, shader_denorm_preserve_float_64, shader_denorm_flush_to_zero_float_16, shader_denorm_flush_to_zero_float_32, shader_denorm_flush_to_zero_float_64, shader_rounding_mode_rte_float_16, shader_rounding_mode_rte_float_32, shader_rounding_mode_rte_float_64, shader_rounding_mode_rtz_float_16, shader_rounding_mode_rtz_float_32, shader_rounding_mode_rtz_float_64, max_update_after_bind_descriptors_in_all_pools, shader_uniform_buffer_array_non_uniform_indexing_native, shader_sampled_image_array_non_uniform_indexing_native, shader_storage_buffer_array_non_uniform_indexing_native, shader_storage_image_array_non_uniform_indexing_native, shader_input_attachment_array_non_uniform_indexing_native, robust_buffer_access_update_after_bind, quad_divergent_implicit_lod, max_per_stage_descriptor_update_after_bind_samplers, max_per_stage_descriptor_update_after_bind_uniform_buffers, max_per_stage_descriptor_update_after_bind_storage_buffers, max_per_stage_descriptor_update_after_bind_sampled_images, max_per_stage_descriptor_update_after_bind_storage_images, max_per_stage_descriptor_update_after_bind_input_attachments, max_per_stage_update_after_bind_resources, max_descriptor_set_update_after_bind_samplers, max_descriptor_set_update_after_bind_uniform_buffers, max_descriptor_set_update_after_bind_uniform_buffers_dynamic, max_descriptor_set_update_after_bind_storage_buffers, max_descriptor_set_update_after_bind_storage_buffers_dynamic, max_descriptor_set_update_after_bind_sampled_images, max_descriptor_set_update_after_bind_storage_images, max_descriptor_set_update_after_bind_input_attachments, supported_depth_resolve_modes, supported_stencil_resolve_modes, independent_resolve_none, independent_resolve, filter_minmax_single_component_formats, filter_minmax_image_component_mapping, max_timeline_semaphore_value_difference, framebuffer_integer_color_sample_counts) _PhysicalDeviceVulkan12Properties(vks, deps) end """ Arguments: - `robust_image_access::Bool` - `inline_uniform_block::Bool` - `descriptor_binding_inline_uniform_block_update_after_bind::Bool` - `pipeline_creation_cache_control::Bool` - `private_data::Bool` - `shader_demote_to_helper_invocation::Bool` - `shader_terminate_invocation::Bool` - `subgroup_size_control::Bool` - `compute_full_subgroups::Bool` - `synchronization2::Bool` - `texture_compression_astc_hdr::Bool` - `shader_zero_initialize_workgroup_memory::Bool` - `dynamic_rendering::Bool` - `shader_integer_dot_product::Bool` - `maintenance4::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan13Features.html) """ function _PhysicalDeviceVulkan13Features(robust_image_access::Bool, inline_uniform_block::Bool, descriptor_binding_inline_uniform_block_update_after_bind::Bool, pipeline_creation_cache_control::Bool, private_data::Bool, shader_demote_to_helper_invocation::Bool, shader_terminate_invocation::Bool, subgroup_size_control::Bool, compute_full_subgroups::Bool, synchronization2::Bool, texture_compression_astc_hdr::Bool, shader_zero_initialize_workgroup_memory::Bool, dynamic_rendering::Bool, shader_integer_dot_product::Bool, maintenance4::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceVulkan13Features(structure_type(VkPhysicalDeviceVulkan13Features), unsafe_convert(Ptr{Cvoid}, next), robust_image_access, inline_uniform_block, descriptor_binding_inline_uniform_block_update_after_bind, pipeline_creation_cache_control, private_data, shader_demote_to_helper_invocation, shader_terminate_invocation, subgroup_size_control, compute_full_subgroups, synchronization2, texture_compression_astc_hdr, shader_zero_initialize_workgroup_memory, dynamic_rendering, shader_integer_dot_product, maintenance4) _PhysicalDeviceVulkan13Features(vks, deps) end """ Arguments: - `min_subgroup_size::UInt32` - `max_subgroup_size::UInt32` - `max_compute_workgroup_subgroups::UInt32` - `required_subgroup_size_stages::ShaderStageFlag` - `max_inline_uniform_block_size::UInt32` - `max_per_stage_descriptor_inline_uniform_blocks::UInt32` - `max_per_stage_descriptor_update_after_bind_inline_uniform_blocks::UInt32` - `max_descriptor_set_inline_uniform_blocks::UInt32` - `max_descriptor_set_update_after_bind_inline_uniform_blocks::UInt32` - `max_inline_uniform_total_size::UInt32` - `integer_dot_product_8_bit_unsigned_accelerated::Bool` - `integer_dot_product_8_bit_signed_accelerated::Bool` - `integer_dot_product_8_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_8_bit_packed_unsigned_accelerated::Bool` - `integer_dot_product_8_bit_packed_signed_accelerated::Bool` - `integer_dot_product_8_bit_packed_mixed_signedness_accelerated::Bool` - `integer_dot_product_16_bit_unsigned_accelerated::Bool` - `integer_dot_product_16_bit_signed_accelerated::Bool` - `integer_dot_product_16_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_32_bit_unsigned_accelerated::Bool` - `integer_dot_product_32_bit_signed_accelerated::Bool` - `integer_dot_product_32_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_64_bit_unsigned_accelerated::Bool` - `integer_dot_product_64_bit_signed_accelerated::Bool` - `integer_dot_product_64_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_16_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_32_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_64_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated::Bool` - `storage_texel_buffer_offset_alignment_bytes::UInt64` - `storage_texel_buffer_offset_single_texel_alignment::Bool` - `uniform_texel_buffer_offset_alignment_bytes::UInt64` - `uniform_texel_buffer_offset_single_texel_alignment::Bool` - `max_buffer_size::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan13Properties.html) """ function _PhysicalDeviceVulkan13Properties(min_subgroup_size::Integer, max_subgroup_size::Integer, max_compute_workgroup_subgroups::Integer, required_subgroup_size_stages::ShaderStageFlag, max_inline_uniform_block_size::Integer, max_per_stage_descriptor_inline_uniform_blocks::Integer, max_per_stage_descriptor_update_after_bind_inline_uniform_blocks::Integer, max_descriptor_set_inline_uniform_blocks::Integer, max_descriptor_set_update_after_bind_inline_uniform_blocks::Integer, max_inline_uniform_total_size::Integer, integer_dot_product_8_bit_unsigned_accelerated::Bool, integer_dot_product_8_bit_signed_accelerated::Bool, integer_dot_product_8_bit_mixed_signedness_accelerated::Bool, integer_dot_product_8_bit_packed_unsigned_accelerated::Bool, integer_dot_product_8_bit_packed_signed_accelerated::Bool, integer_dot_product_8_bit_packed_mixed_signedness_accelerated::Bool, integer_dot_product_16_bit_unsigned_accelerated::Bool, integer_dot_product_16_bit_signed_accelerated::Bool, integer_dot_product_16_bit_mixed_signedness_accelerated::Bool, integer_dot_product_32_bit_unsigned_accelerated::Bool, integer_dot_product_32_bit_signed_accelerated::Bool, integer_dot_product_32_bit_mixed_signedness_accelerated::Bool, integer_dot_product_64_bit_unsigned_accelerated::Bool, integer_dot_product_64_bit_signed_accelerated::Bool, integer_dot_product_64_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_16_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_32_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_64_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated::Bool, storage_texel_buffer_offset_alignment_bytes::Integer, storage_texel_buffer_offset_single_texel_alignment::Bool, uniform_texel_buffer_offset_alignment_bytes::Integer, uniform_texel_buffer_offset_single_texel_alignment::Bool, max_buffer_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceVulkan13Properties(structure_type(VkPhysicalDeviceVulkan13Properties), unsafe_convert(Ptr{Cvoid}, next), min_subgroup_size, max_subgroup_size, max_compute_workgroup_subgroups, required_subgroup_size_stages, max_inline_uniform_block_size, max_per_stage_descriptor_inline_uniform_blocks, max_per_stage_descriptor_update_after_bind_inline_uniform_blocks, max_descriptor_set_inline_uniform_blocks, max_descriptor_set_update_after_bind_inline_uniform_blocks, max_inline_uniform_total_size, integer_dot_product_8_bit_unsigned_accelerated, integer_dot_product_8_bit_signed_accelerated, integer_dot_product_8_bit_mixed_signedness_accelerated, integer_dot_product_8_bit_packed_unsigned_accelerated, integer_dot_product_8_bit_packed_signed_accelerated, integer_dot_product_8_bit_packed_mixed_signedness_accelerated, integer_dot_product_16_bit_unsigned_accelerated, integer_dot_product_16_bit_signed_accelerated, integer_dot_product_16_bit_mixed_signedness_accelerated, integer_dot_product_32_bit_unsigned_accelerated, integer_dot_product_32_bit_signed_accelerated, integer_dot_product_32_bit_mixed_signedness_accelerated, integer_dot_product_64_bit_unsigned_accelerated, integer_dot_product_64_bit_signed_accelerated, integer_dot_product_64_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_8_bit_signed_accelerated, integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated, integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated, integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_16_bit_signed_accelerated, integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_32_bit_signed_accelerated, integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_64_bit_signed_accelerated, integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated, storage_texel_buffer_offset_alignment_bytes, storage_texel_buffer_offset_single_texel_alignment, uniform_texel_buffer_offset_alignment_bytes, uniform_texel_buffer_offset_single_texel_alignment, max_buffer_size) _PhysicalDeviceVulkan13Properties(vks, deps) end """ Extension: VK\\_AMD\\_pipeline\\_compiler\\_control Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `compiler_control_flags::PipelineCompilerControlFlagAMD`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCompilerControlCreateInfoAMD.html) """ function _PipelineCompilerControlCreateInfoAMD(; next = C_NULL, compiler_control_flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineCompilerControlCreateInfoAMD(structure_type(VkPipelineCompilerControlCreateInfoAMD), unsafe_convert(Ptr{Cvoid}, next), compiler_control_flags) _PipelineCompilerControlCreateInfoAMD(vks, deps) end """ Extension: VK\\_AMD\\_device\\_coherent\\_memory Arguments: - `device_coherent_memory::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCoherentMemoryFeaturesAMD.html) """ function _PhysicalDeviceCoherentMemoryFeaturesAMD(device_coherent_memory::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceCoherentMemoryFeaturesAMD(structure_type(VkPhysicalDeviceCoherentMemoryFeaturesAMD), unsafe_convert(Ptr{Cvoid}, next), device_coherent_memory) _PhysicalDeviceCoherentMemoryFeaturesAMD(vks, deps) end """ Arguments: - `name::String` - `version::String` - `purposes::ToolPurposeFlag` - `description::String` - `layer::String` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceToolProperties.html) """ function _PhysicalDeviceToolProperties(name::AbstractString, version::AbstractString, purposes::ToolPurposeFlag, description::AbstractString, layer::AbstractString; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceToolProperties(structure_type(VkPhysicalDeviceToolProperties), unsafe_convert(Ptr{Cvoid}, next), name, version, purposes, description, layer) _PhysicalDeviceToolProperties(vks, deps) end """ Extension: VK\\_EXT\\_custom\\_border\\_color Arguments: - `custom_border_color::_ClearColorValue` - `format::Format` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerCustomBorderColorCreateInfoEXT.html) """ function _SamplerCustomBorderColorCreateInfoEXT(custom_border_color::_ClearColorValue, format::Format; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSamplerCustomBorderColorCreateInfoEXT(structure_type(VkSamplerCustomBorderColorCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), custom_border_color.vks, format) _SamplerCustomBorderColorCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_custom\\_border\\_color Arguments: - `max_custom_border_color_samplers::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCustomBorderColorPropertiesEXT.html) """ function _PhysicalDeviceCustomBorderColorPropertiesEXT(max_custom_border_color_samplers::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceCustomBorderColorPropertiesEXT(structure_type(VkPhysicalDeviceCustomBorderColorPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), max_custom_border_color_samplers) _PhysicalDeviceCustomBorderColorPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_custom\\_border\\_color Arguments: - `custom_border_colors::Bool` - `custom_border_color_without_format::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCustomBorderColorFeaturesEXT.html) """ function _PhysicalDeviceCustomBorderColorFeaturesEXT(custom_border_colors::Bool, custom_border_color_without_format::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceCustomBorderColorFeaturesEXT(structure_type(VkPhysicalDeviceCustomBorderColorFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), custom_border_colors, custom_border_color_without_format) _PhysicalDeviceCustomBorderColorFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_border\\_color\\_swizzle Arguments: - `components::_ComponentMapping` - `srgb::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerBorderColorComponentMappingCreateInfoEXT.html) """ function _SamplerBorderColorComponentMappingCreateInfoEXT(components::_ComponentMapping, srgb::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSamplerBorderColorComponentMappingCreateInfoEXT(structure_type(VkSamplerBorderColorComponentMappingCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), components.vks, srgb) _SamplerBorderColorComponentMappingCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_border\\_color\\_swizzle Arguments: - `border_color_swizzle::Bool` - `border_color_swizzle_from_image::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBorderColorSwizzleFeaturesEXT.html) """ function _PhysicalDeviceBorderColorSwizzleFeaturesEXT(border_color_swizzle::Bool, border_color_swizzle_from_image::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceBorderColorSwizzleFeaturesEXT(structure_type(VkPhysicalDeviceBorderColorSwizzleFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), border_color_swizzle, border_color_swizzle_from_image) _PhysicalDeviceBorderColorSwizzleFeaturesEXT(vks, deps) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `vertex_format::Format` - `vertex_data::_DeviceOrHostAddressConstKHR` - `vertex_stride::UInt64` - `max_vertex::UInt32` - `index_type::IndexType` - `index_data::_DeviceOrHostAddressConstKHR` - `transform_data::_DeviceOrHostAddressConstKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryTrianglesDataKHR.html) """ function _AccelerationStructureGeometryTrianglesDataKHR(vertex_format::Format, vertex_data::_DeviceOrHostAddressConstKHR, vertex_stride::Integer, max_vertex::Integer, index_type::IndexType, index_data::_DeviceOrHostAddressConstKHR, transform_data::_DeviceOrHostAddressConstKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAccelerationStructureGeometryTrianglesDataKHR(structure_type(VkAccelerationStructureGeometryTrianglesDataKHR), unsafe_convert(Ptr{Cvoid}, next), vertex_format, vertex_data.vks, vertex_stride, max_vertex, index_type, index_data.vks, transform_data.vks) _AccelerationStructureGeometryTrianglesDataKHR(vks, deps) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `data::_DeviceOrHostAddressConstKHR` - `stride::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryAabbsDataKHR.html) """ function _AccelerationStructureGeometryAabbsDataKHR(data::_DeviceOrHostAddressConstKHR, stride::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAccelerationStructureGeometryAabbsDataKHR(structure_type(VkAccelerationStructureGeometryAabbsDataKHR), unsafe_convert(Ptr{Cvoid}, next), data.vks, stride) _AccelerationStructureGeometryAabbsDataKHR(vks, deps) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `array_of_pointers::Bool` - `data::_DeviceOrHostAddressConstKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryInstancesDataKHR.html) """ function _AccelerationStructureGeometryInstancesDataKHR(array_of_pointers::Bool, data::_DeviceOrHostAddressConstKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAccelerationStructureGeometryInstancesDataKHR(structure_type(VkAccelerationStructureGeometryInstancesDataKHR), unsafe_convert(Ptr{Cvoid}, next), array_of_pointers, data.vks) _AccelerationStructureGeometryInstancesDataKHR(vks, deps) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `geometry_type::GeometryTypeKHR` - `geometry::_AccelerationStructureGeometryDataKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::GeometryFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryKHR.html) """ function _AccelerationStructureGeometryKHR(geometry_type::GeometryTypeKHR, geometry::_AccelerationStructureGeometryDataKHR; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAccelerationStructureGeometryKHR(structure_type(VkAccelerationStructureGeometryKHR), unsafe_convert(Ptr{Cvoid}, next), geometry_type, geometry.vks, flags) _AccelerationStructureGeometryKHR(vks, deps) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `type::AccelerationStructureTypeKHR` - `mode::BuildAccelerationStructureModeKHR` - `scratch_data::_DeviceOrHostAddressKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::BuildAccelerationStructureFlagKHR`: defaults to `0` - `src_acceleration_structure::AccelerationStructureKHR`: defaults to `C_NULL` - `dst_acceleration_structure::AccelerationStructureKHR`: defaults to `C_NULL` - `geometries::Vector{_AccelerationStructureGeometryKHR}`: defaults to `C_NULL` - `geometries_2::Vector{_AccelerationStructureGeometryKHR}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureBuildGeometryInfoKHR.html) """ function _AccelerationStructureBuildGeometryInfoKHR(type::AccelerationStructureTypeKHR, mode::BuildAccelerationStructureModeKHR, scratch_data::_DeviceOrHostAddressKHR; next = C_NULL, flags = 0, src_acceleration_structure = C_NULL, dst_acceleration_structure = C_NULL, geometries = C_NULL, geometries_2 = C_NULL) geometry_count = pointer_length(geometries) next = cconvert(Ptr{Cvoid}, next) geometries = cconvert(Ptr{VkAccelerationStructureGeometryKHR}, geometries) geometries_2 = cconvert(Ptr{Ptr{VkAccelerationStructureGeometryKHR}}, geometries_2) deps = Any[next, geometries, geometries_2] vks = VkAccelerationStructureBuildGeometryInfoKHR(structure_type(VkAccelerationStructureBuildGeometryInfoKHR), unsafe_convert(Ptr{Cvoid}, next), type, flags, mode, src_acceleration_structure, dst_acceleration_structure, geometry_count, unsafe_convert(Ptr{VkAccelerationStructureGeometryKHR}, geometries), unsafe_convert(Ptr{Ptr{VkAccelerationStructureGeometryKHR}}, geometries), scratch_data.vks) _AccelerationStructureBuildGeometryInfoKHR(vks, deps, src_acceleration_structure, dst_acceleration_structure) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `primitive_count::UInt32` - `primitive_offset::UInt32` - `first_vertex::UInt32` - `transform_offset::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureBuildRangeInfoKHR.html) """ function _AccelerationStructureBuildRangeInfoKHR(primitive_count::Integer, primitive_offset::Integer, first_vertex::Integer, transform_offset::Integer) _AccelerationStructureBuildRangeInfoKHR(VkAccelerationStructureBuildRangeInfoKHR(primitive_count, primitive_offset, first_vertex, transform_offset)) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `type::AccelerationStructureTypeKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `create_flags::AccelerationStructureCreateFlagKHR`: defaults to `0` - `device_address::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureCreateInfoKHR.html) """ function _AccelerationStructureCreateInfoKHR(buffer, offset::Integer, size::Integer, type::AccelerationStructureTypeKHR; next = C_NULL, create_flags = 0, device_address = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAccelerationStructureCreateInfoKHR(structure_type(VkAccelerationStructureCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), create_flags, buffer, offset, size, type, device_address) _AccelerationStructureCreateInfoKHR(vks, deps, buffer) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `min_x::Float32` - `min_y::Float32` - `min_z::Float32` - `max_x::Float32` - `max_y::Float32` - `max_z::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAabbPositionsKHR.html) """ function _AabbPositionsKHR(min_x::Real, min_y::Real, min_z::Real, max_x::Real, max_y::Real, max_z::Real) _AabbPositionsKHR(VkAabbPositionsKHR(min_x, min_y, min_z, max_x, max_y, max_z)) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `matrix::NTuple{3, NTuple{4, Float32}}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTransformMatrixKHR.html) """ function _TransformMatrixKHR(matrix::NTuple{3, NTuple{4, Float32}}) _TransformMatrixKHR(VkTransformMatrixKHR(matrix)) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `transform::_TransformMatrixKHR` - `instance_custom_index::UInt32` - `mask::UInt32` - `instance_shader_binding_table_record_offset::UInt32` - `acceleration_structure_reference::UInt64` - `flags::GeometryInstanceFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureInstanceKHR.html) """ function _AccelerationStructureInstanceKHR(transform::_TransformMatrixKHR, instance_custom_index::Integer, mask::Integer, instance_shader_binding_table_record_offset::Integer, acceleration_structure_reference::Integer; flags = 0) _AccelerationStructureInstanceKHR(VkAccelerationStructureInstanceKHR(transform.vks, instance_custom_index, mask, instance_shader_binding_table_record_offset, flags, acceleration_structure_reference)) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `acceleration_structure::AccelerationStructureKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureDeviceAddressInfoKHR.html) """ function _AccelerationStructureDeviceAddressInfoKHR(acceleration_structure; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAccelerationStructureDeviceAddressInfoKHR(structure_type(VkAccelerationStructureDeviceAddressInfoKHR), unsafe_convert(Ptr{Cvoid}, next), acceleration_structure) _AccelerationStructureDeviceAddressInfoKHR(vks, deps, acceleration_structure) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `version_data::Vector{UInt8}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureVersionInfoKHR.html) """ function _AccelerationStructureVersionInfoKHR(version_data::AbstractArray; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) version_data = cconvert(Ptr{UInt8}, version_data) deps = Any[next, version_data] vks = VkAccelerationStructureVersionInfoKHR(structure_type(VkAccelerationStructureVersionInfoKHR), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{UInt8}, version_data)) _AccelerationStructureVersionInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `src::AccelerationStructureKHR` - `dst::AccelerationStructureKHR` - `mode::CopyAccelerationStructureModeKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyAccelerationStructureInfoKHR.html) """ function _CopyAccelerationStructureInfoKHR(src, dst, mode::CopyAccelerationStructureModeKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCopyAccelerationStructureInfoKHR(structure_type(VkCopyAccelerationStructureInfoKHR), unsafe_convert(Ptr{Cvoid}, next), src, dst, mode) _CopyAccelerationStructureInfoKHR(vks, deps, src, dst) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `src::AccelerationStructureKHR` - `dst::_DeviceOrHostAddressKHR` - `mode::CopyAccelerationStructureModeKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyAccelerationStructureToMemoryInfoKHR.html) """ function _CopyAccelerationStructureToMemoryInfoKHR(src, dst::_DeviceOrHostAddressKHR, mode::CopyAccelerationStructureModeKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCopyAccelerationStructureToMemoryInfoKHR(structure_type(VkCopyAccelerationStructureToMemoryInfoKHR), unsafe_convert(Ptr{Cvoid}, next), src, dst.vks, mode) _CopyAccelerationStructureToMemoryInfoKHR(vks, deps, src) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `src::_DeviceOrHostAddressConstKHR` - `dst::AccelerationStructureKHR` - `mode::CopyAccelerationStructureModeKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryToAccelerationStructureInfoKHR.html) """ function _CopyMemoryToAccelerationStructureInfoKHR(src::_DeviceOrHostAddressConstKHR, dst, mode::CopyAccelerationStructureModeKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCopyMemoryToAccelerationStructureInfoKHR(structure_type(VkCopyMemoryToAccelerationStructureInfoKHR), unsafe_convert(Ptr{Cvoid}, next), src.vks, dst, mode) _CopyMemoryToAccelerationStructureInfoKHR(vks, deps, dst) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `max_pipeline_ray_payload_size::UInt32` - `max_pipeline_ray_hit_attribute_size::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingPipelineInterfaceCreateInfoKHR.html) """ function _RayTracingPipelineInterfaceCreateInfoKHR(max_pipeline_ray_payload_size::Integer, max_pipeline_ray_hit_attribute_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkRayTracingPipelineInterfaceCreateInfoKHR(structure_type(VkRayTracingPipelineInterfaceCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), max_pipeline_ray_payload_size, max_pipeline_ray_hit_attribute_size) _RayTracingPipelineInterfaceCreateInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_pipeline\\_library Arguments: - `libraries::Vector{Pipeline}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineLibraryCreateInfoKHR.html) """ function _PipelineLibraryCreateInfoKHR(libraries::AbstractArray; next = C_NULL) library_count = pointer_length(libraries) next = cconvert(Ptr{Cvoid}, next) libraries = cconvert(Ptr{VkPipeline}, libraries) deps = Any[next, libraries] vks = VkPipelineLibraryCreateInfoKHR(structure_type(VkPipelineLibraryCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), library_count, unsafe_convert(Ptr{VkPipeline}, libraries)) _PipelineLibraryCreateInfoKHR(vks, deps) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state Arguments: - `extended_dynamic_state::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicStateFeaturesEXT.html) """ function _PhysicalDeviceExtendedDynamicStateFeaturesEXT(extended_dynamic_state::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceExtendedDynamicStateFeaturesEXT(structure_type(VkPhysicalDeviceExtendedDynamicStateFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), extended_dynamic_state) _PhysicalDeviceExtendedDynamicStateFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state2 Arguments: - `extended_dynamic_state_2::Bool` - `extended_dynamic_state_2_logic_op::Bool` - `extended_dynamic_state_2_patch_control_points::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicState2FeaturesEXT.html) """ function _PhysicalDeviceExtendedDynamicState2FeaturesEXT(extended_dynamic_state_2::Bool, extended_dynamic_state_2_logic_op::Bool, extended_dynamic_state_2_patch_control_points::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceExtendedDynamicState2FeaturesEXT(structure_type(VkPhysicalDeviceExtendedDynamicState2FeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), extended_dynamic_state_2, extended_dynamic_state_2_logic_op, extended_dynamic_state_2_patch_control_points) _PhysicalDeviceExtendedDynamicState2FeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `extended_dynamic_state_3_tessellation_domain_origin::Bool` - `extended_dynamic_state_3_depth_clamp_enable::Bool` - `extended_dynamic_state_3_polygon_mode::Bool` - `extended_dynamic_state_3_rasterization_samples::Bool` - `extended_dynamic_state_3_sample_mask::Bool` - `extended_dynamic_state_3_alpha_to_coverage_enable::Bool` - `extended_dynamic_state_3_alpha_to_one_enable::Bool` - `extended_dynamic_state_3_logic_op_enable::Bool` - `extended_dynamic_state_3_color_blend_enable::Bool` - `extended_dynamic_state_3_color_blend_equation::Bool` - `extended_dynamic_state_3_color_write_mask::Bool` - `extended_dynamic_state_3_rasterization_stream::Bool` - `extended_dynamic_state_3_conservative_rasterization_mode::Bool` - `extended_dynamic_state_3_extra_primitive_overestimation_size::Bool` - `extended_dynamic_state_3_depth_clip_enable::Bool` - `extended_dynamic_state_3_sample_locations_enable::Bool` - `extended_dynamic_state_3_color_blend_advanced::Bool` - `extended_dynamic_state_3_provoking_vertex_mode::Bool` - `extended_dynamic_state_3_line_rasterization_mode::Bool` - `extended_dynamic_state_3_line_stipple_enable::Bool` - `extended_dynamic_state_3_depth_clip_negative_one_to_one::Bool` - `extended_dynamic_state_3_viewport_w_scaling_enable::Bool` - `extended_dynamic_state_3_viewport_swizzle::Bool` - `extended_dynamic_state_3_coverage_to_color_enable::Bool` - `extended_dynamic_state_3_coverage_to_color_location::Bool` - `extended_dynamic_state_3_coverage_modulation_mode::Bool` - `extended_dynamic_state_3_coverage_modulation_table_enable::Bool` - `extended_dynamic_state_3_coverage_modulation_table::Bool` - `extended_dynamic_state_3_coverage_reduction_mode::Bool` - `extended_dynamic_state_3_representative_fragment_test_enable::Bool` - `extended_dynamic_state_3_shading_rate_image_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicState3FeaturesEXT.html) """ function _PhysicalDeviceExtendedDynamicState3FeaturesEXT(extended_dynamic_state_3_tessellation_domain_origin::Bool, extended_dynamic_state_3_depth_clamp_enable::Bool, extended_dynamic_state_3_polygon_mode::Bool, extended_dynamic_state_3_rasterization_samples::Bool, extended_dynamic_state_3_sample_mask::Bool, extended_dynamic_state_3_alpha_to_coverage_enable::Bool, extended_dynamic_state_3_alpha_to_one_enable::Bool, extended_dynamic_state_3_logic_op_enable::Bool, extended_dynamic_state_3_color_blend_enable::Bool, extended_dynamic_state_3_color_blend_equation::Bool, extended_dynamic_state_3_color_write_mask::Bool, extended_dynamic_state_3_rasterization_stream::Bool, extended_dynamic_state_3_conservative_rasterization_mode::Bool, extended_dynamic_state_3_extra_primitive_overestimation_size::Bool, extended_dynamic_state_3_depth_clip_enable::Bool, extended_dynamic_state_3_sample_locations_enable::Bool, extended_dynamic_state_3_color_blend_advanced::Bool, extended_dynamic_state_3_provoking_vertex_mode::Bool, extended_dynamic_state_3_line_rasterization_mode::Bool, extended_dynamic_state_3_line_stipple_enable::Bool, extended_dynamic_state_3_depth_clip_negative_one_to_one::Bool, extended_dynamic_state_3_viewport_w_scaling_enable::Bool, extended_dynamic_state_3_viewport_swizzle::Bool, extended_dynamic_state_3_coverage_to_color_enable::Bool, extended_dynamic_state_3_coverage_to_color_location::Bool, extended_dynamic_state_3_coverage_modulation_mode::Bool, extended_dynamic_state_3_coverage_modulation_table_enable::Bool, extended_dynamic_state_3_coverage_modulation_table::Bool, extended_dynamic_state_3_coverage_reduction_mode::Bool, extended_dynamic_state_3_representative_fragment_test_enable::Bool, extended_dynamic_state_3_shading_rate_image_enable::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceExtendedDynamicState3FeaturesEXT(structure_type(VkPhysicalDeviceExtendedDynamicState3FeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), extended_dynamic_state_3_tessellation_domain_origin, extended_dynamic_state_3_depth_clamp_enable, extended_dynamic_state_3_polygon_mode, extended_dynamic_state_3_rasterization_samples, extended_dynamic_state_3_sample_mask, extended_dynamic_state_3_alpha_to_coverage_enable, extended_dynamic_state_3_alpha_to_one_enable, extended_dynamic_state_3_logic_op_enable, extended_dynamic_state_3_color_blend_enable, extended_dynamic_state_3_color_blend_equation, extended_dynamic_state_3_color_write_mask, extended_dynamic_state_3_rasterization_stream, extended_dynamic_state_3_conservative_rasterization_mode, extended_dynamic_state_3_extra_primitive_overestimation_size, extended_dynamic_state_3_depth_clip_enable, extended_dynamic_state_3_sample_locations_enable, extended_dynamic_state_3_color_blend_advanced, extended_dynamic_state_3_provoking_vertex_mode, extended_dynamic_state_3_line_rasterization_mode, extended_dynamic_state_3_line_stipple_enable, extended_dynamic_state_3_depth_clip_negative_one_to_one, extended_dynamic_state_3_viewport_w_scaling_enable, extended_dynamic_state_3_viewport_swizzle, extended_dynamic_state_3_coverage_to_color_enable, extended_dynamic_state_3_coverage_to_color_location, extended_dynamic_state_3_coverage_modulation_mode, extended_dynamic_state_3_coverage_modulation_table_enable, extended_dynamic_state_3_coverage_modulation_table, extended_dynamic_state_3_coverage_reduction_mode, extended_dynamic_state_3_representative_fragment_test_enable, extended_dynamic_state_3_shading_rate_image_enable) _PhysicalDeviceExtendedDynamicState3FeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `dynamic_primitive_topology_unrestricted::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicState3PropertiesEXT.html) """ function _PhysicalDeviceExtendedDynamicState3PropertiesEXT(dynamic_primitive_topology_unrestricted::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceExtendedDynamicState3PropertiesEXT(structure_type(VkPhysicalDeviceExtendedDynamicState3PropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), dynamic_primitive_topology_unrestricted) _PhysicalDeviceExtendedDynamicState3PropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `src_color_blend_factor::BlendFactor` - `dst_color_blend_factor::BlendFactor` - `color_blend_op::BlendOp` - `src_alpha_blend_factor::BlendFactor` - `dst_alpha_blend_factor::BlendFactor` - `alpha_blend_op::BlendOp` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkColorBlendEquationEXT.html) """ function _ColorBlendEquationEXT(src_color_blend_factor::BlendFactor, dst_color_blend_factor::BlendFactor, color_blend_op::BlendOp, src_alpha_blend_factor::BlendFactor, dst_alpha_blend_factor::BlendFactor, alpha_blend_op::BlendOp) _ColorBlendEquationEXT(VkColorBlendEquationEXT(src_color_blend_factor, dst_color_blend_factor, color_blend_op, src_alpha_blend_factor, dst_alpha_blend_factor, alpha_blend_op)) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `advanced_blend_op::BlendOp` - `src_premultiplied::Bool` - `dst_premultiplied::Bool` - `blend_overlap::BlendOverlapEXT` - `clamp_results::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkColorBlendAdvancedEXT.html) """ function _ColorBlendAdvancedEXT(advanced_blend_op::BlendOp, src_premultiplied::Bool, dst_premultiplied::Bool, blend_overlap::BlendOverlapEXT, clamp_results::Bool) _ColorBlendAdvancedEXT(VkColorBlendAdvancedEXT(advanced_blend_op, src_premultiplied, dst_premultiplied, blend_overlap, clamp_results)) end """ Extension: VK\\_QCOM\\_render\\_pass\\_transform Arguments: - `transform::SurfaceTransformFlagKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassTransformBeginInfoQCOM.html) """ function _RenderPassTransformBeginInfoQCOM(transform::SurfaceTransformFlagKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkRenderPassTransformBeginInfoQCOM(structure_type(VkRenderPassTransformBeginInfoQCOM), unsafe_convert(Ptr{Cvoid}, next), VkSurfaceTransformFlagBitsKHR(transform.val)) _RenderPassTransformBeginInfoQCOM(vks, deps) end """ Extension: VK\\_QCOM\\_rotated\\_copy\\_commands Arguments: - `transform::SurfaceTransformFlagKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyCommandTransformInfoQCOM.html) """ function _CopyCommandTransformInfoQCOM(transform::SurfaceTransformFlagKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCopyCommandTransformInfoQCOM(structure_type(VkCopyCommandTransformInfoQCOM), unsafe_convert(Ptr{Cvoid}, next), VkSurfaceTransformFlagBitsKHR(transform.val)) _CopyCommandTransformInfoQCOM(vks, deps) end """ Extension: VK\\_QCOM\\_render\\_pass\\_transform Arguments: - `transform::SurfaceTransformFlagKHR` - `render_area::_Rect2D` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceRenderPassTransformInfoQCOM.html) """ function _CommandBufferInheritanceRenderPassTransformInfoQCOM(transform::SurfaceTransformFlagKHR, render_area::_Rect2D; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCommandBufferInheritanceRenderPassTransformInfoQCOM(structure_type(VkCommandBufferInheritanceRenderPassTransformInfoQCOM), unsafe_convert(Ptr{Cvoid}, next), VkSurfaceTransformFlagBitsKHR(transform.val), render_area.vks) _CommandBufferInheritanceRenderPassTransformInfoQCOM(vks, deps) end """ Extension: VK\\_NV\\_device\\_diagnostics\\_config Arguments: - `diagnostics_config::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDiagnosticsConfigFeaturesNV.html) """ function _PhysicalDeviceDiagnosticsConfigFeaturesNV(diagnostics_config::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDiagnosticsConfigFeaturesNV(structure_type(VkPhysicalDeviceDiagnosticsConfigFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), diagnostics_config) _PhysicalDeviceDiagnosticsConfigFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_device\\_diagnostics\\_config Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::DeviceDiagnosticsConfigFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceDiagnosticsConfigCreateInfoNV.html) """ function _DeviceDiagnosticsConfigCreateInfoNV(; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceDiagnosticsConfigCreateInfoNV(structure_type(VkDeviceDiagnosticsConfigCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), flags) _DeviceDiagnosticsConfigCreateInfoNV(vks, deps) end """ Arguments: - `shader_zero_initialize_workgroup_memory::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures.html) """ function _PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures(shader_zero_initialize_workgroup_memory::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures(structure_type(VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures), unsafe_convert(Ptr{Cvoid}, next), shader_zero_initialize_workgroup_memory) _PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures(vks, deps) end """ Extension: VK\\_KHR\\_shader\\_subgroup\\_uniform\\_control\\_flow Arguments: - `shader_subgroup_uniform_control_flow::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR.html) """ function _PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR(shader_subgroup_uniform_control_flow::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR(structure_type(VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), shader_subgroup_uniform_control_flow) _PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR(vks, deps) end """ Extension: VK\\_EXT\\_robustness2 Arguments: - `robust_buffer_access_2::Bool` - `robust_image_access_2::Bool` - `null_descriptor::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRobustness2FeaturesEXT.html) """ function _PhysicalDeviceRobustness2FeaturesEXT(robust_buffer_access_2::Bool, robust_image_access_2::Bool, null_descriptor::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRobustness2FeaturesEXT(structure_type(VkPhysicalDeviceRobustness2FeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), robust_buffer_access_2, robust_image_access_2, null_descriptor) _PhysicalDeviceRobustness2FeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_robustness2 Arguments: - `robust_storage_buffer_access_size_alignment::UInt64` - `robust_uniform_buffer_access_size_alignment::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRobustness2PropertiesEXT.html) """ function _PhysicalDeviceRobustness2PropertiesEXT(robust_storage_buffer_access_size_alignment::Integer, robust_uniform_buffer_access_size_alignment::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRobustness2PropertiesEXT(structure_type(VkPhysicalDeviceRobustness2PropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), robust_storage_buffer_access_size_alignment, robust_uniform_buffer_access_size_alignment) _PhysicalDeviceRobustness2PropertiesEXT(vks, deps) end """ Arguments: - `robust_image_access::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageRobustnessFeatures.html) """ function _PhysicalDeviceImageRobustnessFeatures(robust_image_access::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceImageRobustnessFeatures(structure_type(VkPhysicalDeviceImageRobustnessFeatures), unsafe_convert(Ptr{Cvoid}, next), robust_image_access) _PhysicalDeviceImageRobustnessFeatures(vks, deps) end """ Extension: VK\\_KHR\\_workgroup\\_memory\\_explicit\\_layout Arguments: - `workgroup_memory_explicit_layout::Bool` - `workgroup_memory_explicit_layout_scalar_block_layout::Bool` - `workgroup_memory_explicit_layout_8_bit_access::Bool` - `workgroup_memory_explicit_layout_16_bit_access::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR.html) """ function _PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR(workgroup_memory_explicit_layout::Bool, workgroup_memory_explicit_layout_scalar_block_layout::Bool, workgroup_memory_explicit_layout_8_bit_access::Bool, workgroup_memory_explicit_layout_16_bit_access::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR(structure_type(VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), workgroup_memory_explicit_layout, workgroup_memory_explicit_layout_scalar_block_layout, workgroup_memory_explicit_layout_8_bit_access, workgroup_memory_explicit_layout_16_bit_access) _PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR(vks, deps) end """ Extension: VK\\_EXT\\_4444\\_formats Arguments: - `format_a4r4g4b4::Bool` - `format_a4b4g4r4::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevice4444FormatsFeaturesEXT.html) """ function _PhysicalDevice4444FormatsFeaturesEXT(format_a4r4g4b4::Bool, format_a4b4g4r4::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevice4444FormatsFeaturesEXT(structure_type(VkPhysicalDevice4444FormatsFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), format_a4r4g4b4, format_a4b4g4r4) _PhysicalDevice4444FormatsFeaturesEXT(vks, deps) end """ Extension: VK\\_HUAWEI\\_subpass\\_shading Arguments: - `subpass_shading::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubpassShadingFeaturesHUAWEI.html) """ function _PhysicalDeviceSubpassShadingFeaturesHUAWEI(subpass_shading::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSubpassShadingFeaturesHUAWEI(structure_type(VkPhysicalDeviceSubpassShadingFeaturesHUAWEI), unsafe_convert(Ptr{Cvoid}, next), subpass_shading) _PhysicalDeviceSubpassShadingFeaturesHUAWEI(vks, deps) end """ Extension: VK\\_HUAWEI\\_cluster\\_culling\\_shader Arguments: - `clusterculling_shader::Bool` - `multiview_cluster_culling_shader::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI.html) """ function _PhysicalDeviceClusterCullingShaderFeaturesHUAWEI(clusterculling_shader::Bool, multiview_cluster_culling_shader::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI(structure_type(VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI), unsafe_convert(Ptr{Cvoid}, next), clusterculling_shader, multiview_cluster_culling_shader) _PhysicalDeviceClusterCullingShaderFeaturesHUAWEI(vks, deps) end """ Arguments: - `src_offset::UInt64` - `dst_offset::UInt64` - `size::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCopy2.html) """ function _BufferCopy2(src_offset::Integer, dst_offset::Integer, size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBufferCopy2(structure_type(VkBufferCopy2), unsafe_convert(Ptr{Cvoid}, next), src_offset, dst_offset, size) _BufferCopy2(vks, deps) end """ Arguments: - `src_subresource::_ImageSubresourceLayers` - `src_offset::_Offset3D` - `dst_subresource::_ImageSubresourceLayers` - `dst_offset::_Offset3D` - `extent::_Extent3D` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCopy2.html) """ function _ImageCopy2(src_subresource::_ImageSubresourceLayers, src_offset::_Offset3D, dst_subresource::_ImageSubresourceLayers, dst_offset::_Offset3D, extent::_Extent3D; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageCopy2(structure_type(VkImageCopy2), unsafe_convert(Ptr{Cvoid}, next), src_subresource.vks, src_offset.vks, dst_subresource.vks, dst_offset.vks, extent.vks) _ImageCopy2(vks, deps) end """ Arguments: - `src_subresource::_ImageSubresourceLayers` - `src_offsets::NTuple{2, _Offset3D}` - `dst_subresource::_ImageSubresourceLayers` - `dst_offsets::NTuple{2, _Offset3D}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageBlit2.html) """ function _ImageBlit2(src_subresource::_ImageSubresourceLayers, src_offsets::NTuple{2, _Offset3D}, dst_subresource::_ImageSubresourceLayers, dst_offsets::NTuple{2, _Offset3D}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageBlit2(structure_type(VkImageBlit2), unsafe_convert(Ptr{Cvoid}, next), src_subresource.vks, to_vk(NTuple{2, VkOffset3D}, src_offsets), dst_subresource.vks, to_vk(NTuple{2, VkOffset3D}, dst_offsets)) _ImageBlit2(vks, deps) end """ Arguments: - `buffer_offset::UInt64` - `buffer_row_length::UInt32` - `buffer_image_height::UInt32` - `image_subresource::_ImageSubresourceLayers` - `image_offset::_Offset3D` - `image_extent::_Extent3D` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferImageCopy2.html) """ function _BufferImageCopy2(buffer_offset::Integer, buffer_row_length::Integer, buffer_image_height::Integer, image_subresource::_ImageSubresourceLayers, image_offset::_Offset3D, image_extent::_Extent3D; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBufferImageCopy2(structure_type(VkBufferImageCopy2), unsafe_convert(Ptr{Cvoid}, next), buffer_offset, buffer_row_length, buffer_image_height, image_subresource.vks, image_offset.vks, image_extent.vks) _BufferImageCopy2(vks, deps) end """ Arguments: - `src_subresource::_ImageSubresourceLayers` - `src_offset::_Offset3D` - `dst_subresource::_ImageSubresourceLayers` - `dst_offset::_Offset3D` - `extent::_Extent3D` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageResolve2.html) """ function _ImageResolve2(src_subresource::_ImageSubresourceLayers, src_offset::_Offset3D, dst_subresource::_ImageSubresourceLayers, dst_offset::_Offset3D, extent::_Extent3D; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageResolve2(structure_type(VkImageResolve2), unsafe_convert(Ptr{Cvoid}, next), src_subresource.vks, src_offset.vks, dst_subresource.vks, dst_offset.vks, extent.vks) _ImageResolve2(vks, deps) end """ Arguments: - `src_buffer::Buffer` - `dst_buffer::Buffer` - `regions::Vector{_BufferCopy2}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyBufferInfo2.html) """ function _CopyBufferInfo2(src_buffer, dst_buffer, regions::AbstractArray; next = C_NULL) region_count = pointer_length(regions) next = cconvert(Ptr{Cvoid}, next) regions = cconvert(Ptr{VkBufferCopy2}, regions) deps = Any[next, regions] vks = VkCopyBufferInfo2(structure_type(VkCopyBufferInfo2), unsafe_convert(Ptr{Cvoid}, next), src_buffer, dst_buffer, region_count, unsafe_convert(Ptr{VkBufferCopy2}, regions)) _CopyBufferInfo2(vks, deps, src_buffer, dst_buffer) end """ Arguments: - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{_ImageCopy2}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyImageInfo2.html) """ function _CopyImageInfo2(src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray; next = C_NULL) region_count = pointer_length(regions) next = cconvert(Ptr{Cvoid}, next) regions = cconvert(Ptr{VkImageCopy2}, regions) deps = Any[next, regions] vks = VkCopyImageInfo2(structure_type(VkCopyImageInfo2), unsafe_convert(Ptr{Cvoid}, next), src_image, src_image_layout, dst_image, dst_image_layout, region_count, unsafe_convert(Ptr{VkImageCopy2}, regions)) _CopyImageInfo2(vks, deps, src_image, dst_image) end """ Arguments: - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{_ImageBlit2}` - `filter::Filter` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBlitImageInfo2.html) """ function _BlitImageInfo2(src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray, filter::Filter; next = C_NULL) region_count = pointer_length(regions) next = cconvert(Ptr{Cvoid}, next) regions = cconvert(Ptr{VkImageBlit2}, regions) deps = Any[next, regions] vks = VkBlitImageInfo2(structure_type(VkBlitImageInfo2), unsafe_convert(Ptr{Cvoid}, next), src_image, src_image_layout, dst_image, dst_image_layout, region_count, unsafe_convert(Ptr{VkImageBlit2}, regions), filter) _BlitImageInfo2(vks, deps, src_image, dst_image) end """ Arguments: - `src_buffer::Buffer` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{_BufferImageCopy2}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyBufferToImageInfo2.html) """ function _CopyBufferToImageInfo2(src_buffer, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray; next = C_NULL) region_count = pointer_length(regions) next = cconvert(Ptr{Cvoid}, next) regions = cconvert(Ptr{VkBufferImageCopy2}, regions) deps = Any[next, regions] vks = VkCopyBufferToImageInfo2(structure_type(VkCopyBufferToImageInfo2), unsafe_convert(Ptr{Cvoid}, next), src_buffer, dst_image, dst_image_layout, region_count, unsafe_convert(Ptr{VkBufferImageCopy2}, regions)) _CopyBufferToImageInfo2(vks, deps, src_buffer, dst_image) end """ Arguments: - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_buffer::Buffer` - `regions::Vector{_BufferImageCopy2}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyImageToBufferInfo2.html) """ function _CopyImageToBufferInfo2(src_image, src_image_layout::ImageLayout, dst_buffer, regions::AbstractArray; next = C_NULL) region_count = pointer_length(regions) next = cconvert(Ptr{Cvoid}, next) regions = cconvert(Ptr{VkBufferImageCopy2}, regions) deps = Any[next, regions] vks = VkCopyImageToBufferInfo2(structure_type(VkCopyImageToBufferInfo2), unsafe_convert(Ptr{Cvoid}, next), src_image, src_image_layout, dst_buffer, region_count, unsafe_convert(Ptr{VkBufferImageCopy2}, regions)) _CopyImageToBufferInfo2(vks, deps, src_image, dst_buffer) end """ Arguments: - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{_ImageResolve2}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkResolveImageInfo2.html) """ function _ResolveImageInfo2(src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray; next = C_NULL) region_count = pointer_length(regions) next = cconvert(Ptr{Cvoid}, next) regions = cconvert(Ptr{VkImageResolve2}, regions) deps = Any[next, regions] vks = VkResolveImageInfo2(structure_type(VkResolveImageInfo2), unsafe_convert(Ptr{Cvoid}, next), src_image, src_image_layout, dst_image, dst_image_layout, region_count, unsafe_convert(Ptr{VkImageResolve2}, regions)) _ResolveImageInfo2(vks, deps, src_image, dst_image) end """ Extension: VK\\_EXT\\_shader\\_image\\_atomic\\_int64 Arguments: - `shader_image_int_64_atomics::Bool` - `sparse_image_int_64_atomics::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT.html) """ function _PhysicalDeviceShaderImageAtomicInt64FeaturesEXT(shader_image_int_64_atomics::Bool, sparse_image_int_64_atomics::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT(structure_type(VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), shader_image_int_64_atomics, sparse_image_int_64_atomics) _PhysicalDeviceShaderImageAtomicInt64FeaturesEXT(vks, deps) end """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Arguments: - `shading_rate_attachment_texel_size::_Extent2D` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `fragment_shading_rate_attachment::_AttachmentReference2`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFragmentShadingRateAttachmentInfoKHR.html) """ function _FragmentShadingRateAttachmentInfoKHR(shading_rate_attachment_texel_size::_Extent2D; next = C_NULL, fragment_shading_rate_attachment = C_NULL) next = cconvert(Ptr{Cvoid}, next) fragment_shading_rate_attachment = cconvert(Ptr{VkAttachmentReference2}, fragment_shading_rate_attachment) deps = Any[next, fragment_shading_rate_attachment] vks = VkFragmentShadingRateAttachmentInfoKHR(structure_type(VkFragmentShadingRateAttachmentInfoKHR), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{VkAttachmentReference2}, fragment_shading_rate_attachment), shading_rate_attachment_texel_size.vks) _FragmentShadingRateAttachmentInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Arguments: - `fragment_size::_Extent2D` - `combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineFragmentShadingRateStateCreateInfoKHR.html) """ function _PipelineFragmentShadingRateStateCreateInfoKHR(fragment_size::_Extent2D, combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineFragmentShadingRateStateCreateInfoKHR(structure_type(VkPipelineFragmentShadingRateStateCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), fragment_size.vks, to_vk(NTuple{2, VkFragmentShadingRateCombinerOpKHR}, combiner_ops)) _PipelineFragmentShadingRateStateCreateInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Arguments: - `pipeline_fragment_shading_rate::Bool` - `primitive_fragment_shading_rate::Bool` - `attachment_fragment_shading_rate::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateFeaturesKHR.html) """ function _PhysicalDeviceFragmentShadingRateFeaturesKHR(pipeline_fragment_shading_rate::Bool, primitive_fragment_shading_rate::Bool, attachment_fragment_shading_rate::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentShadingRateFeaturesKHR(structure_type(VkPhysicalDeviceFragmentShadingRateFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), pipeline_fragment_shading_rate, primitive_fragment_shading_rate, attachment_fragment_shading_rate) _PhysicalDeviceFragmentShadingRateFeaturesKHR(vks, deps) end """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Arguments: - `min_fragment_shading_rate_attachment_texel_size::_Extent2D` - `max_fragment_shading_rate_attachment_texel_size::_Extent2D` - `max_fragment_shading_rate_attachment_texel_size_aspect_ratio::UInt32` - `primitive_fragment_shading_rate_with_multiple_viewports::Bool` - `layered_shading_rate_attachments::Bool` - `fragment_shading_rate_non_trivial_combiner_ops::Bool` - `max_fragment_size::_Extent2D` - `max_fragment_size_aspect_ratio::UInt32` - `max_fragment_shading_rate_coverage_samples::UInt32` - `max_fragment_shading_rate_rasterization_samples::SampleCountFlag` - `fragment_shading_rate_with_shader_depth_stencil_writes::Bool` - `fragment_shading_rate_with_sample_mask::Bool` - `fragment_shading_rate_with_shader_sample_mask::Bool` - `fragment_shading_rate_with_conservative_rasterization::Bool` - `fragment_shading_rate_with_fragment_shader_interlock::Bool` - `fragment_shading_rate_with_custom_sample_locations::Bool` - `fragment_shading_rate_strict_multiply_combiner::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRatePropertiesKHR.html) """ function _PhysicalDeviceFragmentShadingRatePropertiesKHR(min_fragment_shading_rate_attachment_texel_size::_Extent2D, max_fragment_shading_rate_attachment_texel_size::_Extent2D, max_fragment_shading_rate_attachment_texel_size_aspect_ratio::Integer, primitive_fragment_shading_rate_with_multiple_viewports::Bool, layered_shading_rate_attachments::Bool, fragment_shading_rate_non_trivial_combiner_ops::Bool, max_fragment_size::_Extent2D, max_fragment_size_aspect_ratio::Integer, max_fragment_shading_rate_coverage_samples::Integer, max_fragment_shading_rate_rasterization_samples::SampleCountFlag, fragment_shading_rate_with_shader_depth_stencil_writes::Bool, fragment_shading_rate_with_sample_mask::Bool, fragment_shading_rate_with_shader_sample_mask::Bool, fragment_shading_rate_with_conservative_rasterization::Bool, fragment_shading_rate_with_fragment_shader_interlock::Bool, fragment_shading_rate_with_custom_sample_locations::Bool, fragment_shading_rate_strict_multiply_combiner::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentShadingRatePropertiesKHR(structure_type(VkPhysicalDeviceFragmentShadingRatePropertiesKHR), unsafe_convert(Ptr{Cvoid}, next), min_fragment_shading_rate_attachment_texel_size.vks, max_fragment_shading_rate_attachment_texel_size.vks, max_fragment_shading_rate_attachment_texel_size_aspect_ratio, primitive_fragment_shading_rate_with_multiple_viewports, layered_shading_rate_attachments, fragment_shading_rate_non_trivial_combiner_ops, max_fragment_size.vks, max_fragment_size_aspect_ratio, max_fragment_shading_rate_coverage_samples, VkSampleCountFlagBits(max_fragment_shading_rate_rasterization_samples.val), fragment_shading_rate_with_shader_depth_stencil_writes, fragment_shading_rate_with_sample_mask, fragment_shading_rate_with_shader_sample_mask, fragment_shading_rate_with_conservative_rasterization, fragment_shading_rate_with_fragment_shader_interlock, fragment_shading_rate_with_custom_sample_locations, fragment_shading_rate_strict_multiply_combiner) _PhysicalDeviceFragmentShadingRatePropertiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Arguments: - `sample_counts::SampleCountFlag` - `fragment_size::_Extent2D` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateKHR.html) """ function _PhysicalDeviceFragmentShadingRateKHR(sample_counts::SampleCountFlag, fragment_size::_Extent2D; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentShadingRateKHR(structure_type(VkPhysicalDeviceFragmentShadingRateKHR), unsafe_convert(Ptr{Cvoid}, next), sample_counts, fragment_size.vks) _PhysicalDeviceFragmentShadingRateKHR(vks, deps) end """ Arguments: - `shader_terminate_invocation::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderTerminateInvocationFeatures.html) """ function _PhysicalDeviceShaderTerminateInvocationFeatures(shader_terminate_invocation::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderTerminateInvocationFeatures(structure_type(VkPhysicalDeviceShaderTerminateInvocationFeatures), unsafe_convert(Ptr{Cvoid}, next), shader_terminate_invocation) _PhysicalDeviceShaderTerminateInvocationFeatures(vks, deps) end """ Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums Arguments: - `fragment_shading_rate_enums::Bool` - `supersample_fragment_shading_rates::Bool` - `no_invocation_fragment_shading_rates::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV.html) """ function _PhysicalDeviceFragmentShadingRateEnumsFeaturesNV(fragment_shading_rate_enums::Bool, supersample_fragment_shading_rates::Bool, no_invocation_fragment_shading_rates::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV(structure_type(VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), fragment_shading_rate_enums, supersample_fragment_shading_rates, no_invocation_fragment_shading_rates) _PhysicalDeviceFragmentShadingRateEnumsFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums Arguments: - `max_fragment_shading_rate_invocation_count::SampleCountFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV.html) """ function _PhysicalDeviceFragmentShadingRateEnumsPropertiesNV(max_fragment_shading_rate_invocation_count::SampleCountFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV(structure_type(VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), VkSampleCountFlagBits(max_fragment_shading_rate_invocation_count.val)) _PhysicalDeviceFragmentShadingRateEnumsPropertiesNV(vks, deps) end """ Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums Arguments: - `shading_rate_type::FragmentShadingRateTypeNV` - `shading_rate::FragmentShadingRateNV` - `combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineFragmentShadingRateEnumStateCreateInfoNV.html) """ function _PipelineFragmentShadingRateEnumStateCreateInfoNV(shading_rate_type::FragmentShadingRateTypeNV, shading_rate::FragmentShadingRateNV, combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineFragmentShadingRateEnumStateCreateInfoNV(structure_type(VkPipelineFragmentShadingRateEnumStateCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), shading_rate_type, shading_rate, to_vk(NTuple{2, VkFragmentShadingRateCombinerOpKHR}, combiner_ops)) _PipelineFragmentShadingRateEnumStateCreateInfoNV(vks, deps) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `acceleration_structure_size::UInt64` - `update_scratch_size::UInt64` - `build_scratch_size::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureBuildSizesInfoKHR.html) """ function _AccelerationStructureBuildSizesInfoKHR(acceleration_structure_size::Integer, update_scratch_size::Integer, build_scratch_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAccelerationStructureBuildSizesInfoKHR(structure_type(VkAccelerationStructureBuildSizesInfoKHR), unsafe_convert(Ptr{Cvoid}, next), acceleration_structure_size, update_scratch_size, build_scratch_size) _AccelerationStructureBuildSizesInfoKHR(vks, deps) end """ Extension: VK\\_EXT\\_image\\_2d\\_view\\_of\\_3d Arguments: - `image_2_d_view_of_3_d::Bool` - `sampler_2_d_view_of_3_d::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImage2DViewOf3DFeaturesEXT.html) """ function _PhysicalDeviceImage2DViewOf3DFeaturesEXT(image_2_d_view_of_3_d::Bool, sampler_2_d_view_of_3_d::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceImage2DViewOf3DFeaturesEXT(structure_type(VkPhysicalDeviceImage2DViewOf3DFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), image_2_d_view_of_3_d, sampler_2_d_view_of_3_d) _PhysicalDeviceImage2DViewOf3DFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_mutable\\_descriptor\\_type Arguments: - `mutable_descriptor_type::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT.html) """ function _PhysicalDeviceMutableDescriptorTypeFeaturesEXT(mutable_descriptor_type::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT(structure_type(VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), mutable_descriptor_type) _PhysicalDeviceMutableDescriptorTypeFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_mutable\\_descriptor\\_type Arguments: - `descriptor_types::Vector{DescriptorType}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMutableDescriptorTypeListEXT.html) """ function _MutableDescriptorTypeListEXT(descriptor_types::AbstractArray) descriptor_type_count = pointer_length(descriptor_types) descriptor_types = cconvert(Ptr{VkDescriptorType}, descriptor_types) deps = Any[descriptor_types] vks = VkMutableDescriptorTypeListEXT(descriptor_type_count, unsafe_convert(Ptr{VkDescriptorType}, descriptor_types)) _MutableDescriptorTypeListEXT(vks, deps) end """ Extension: VK\\_EXT\\_mutable\\_descriptor\\_type Arguments: - `mutable_descriptor_type_lists::Vector{_MutableDescriptorTypeListEXT}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMutableDescriptorTypeCreateInfoEXT.html) """ function _MutableDescriptorTypeCreateInfoEXT(mutable_descriptor_type_lists::AbstractArray; next = C_NULL) mutable_descriptor_type_list_count = pointer_length(mutable_descriptor_type_lists) next = cconvert(Ptr{Cvoid}, next) mutable_descriptor_type_lists = cconvert(Ptr{VkMutableDescriptorTypeListEXT}, mutable_descriptor_type_lists) deps = Any[next, mutable_descriptor_type_lists] vks = VkMutableDescriptorTypeCreateInfoEXT(structure_type(VkMutableDescriptorTypeCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), mutable_descriptor_type_list_count, unsafe_convert(Ptr{VkMutableDescriptorTypeListEXT}, mutable_descriptor_type_lists)) _MutableDescriptorTypeCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_depth\\_clip\\_control Arguments: - `depth_clip_control::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthClipControlFeaturesEXT.html) """ function _PhysicalDeviceDepthClipControlFeaturesEXT(depth_clip_control::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDepthClipControlFeaturesEXT(structure_type(VkPhysicalDeviceDepthClipControlFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), depth_clip_control) _PhysicalDeviceDepthClipControlFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_depth\\_clip\\_control Arguments: - `negative_one_to_one::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportDepthClipControlCreateInfoEXT.html) """ function _PipelineViewportDepthClipControlCreateInfoEXT(negative_one_to_one::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineViewportDepthClipControlCreateInfoEXT(structure_type(VkPipelineViewportDepthClipControlCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), negative_one_to_one) _PipelineViewportDepthClipControlCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state Arguments: - `vertex_input_dynamic_state::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT.html) """ function _PhysicalDeviceVertexInputDynamicStateFeaturesEXT(vertex_input_dynamic_state::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT(structure_type(VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), vertex_input_dynamic_state) _PhysicalDeviceVertexInputDynamicStateFeaturesEXT(vks, deps) end """ Extension: VK\\_NV\\_external\\_memory\\_rdma Arguments: - `external_memory_rdma::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalMemoryRDMAFeaturesNV.html) """ function _PhysicalDeviceExternalMemoryRDMAFeaturesNV(external_memory_rdma::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceExternalMemoryRDMAFeaturesNV(structure_type(VkPhysicalDeviceExternalMemoryRDMAFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), external_memory_rdma) _PhysicalDeviceExternalMemoryRDMAFeaturesNV(vks, deps) end """ Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state Arguments: - `binding::UInt32` - `stride::UInt32` - `input_rate::VertexInputRate` - `divisor::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputBindingDescription2EXT.html) """ function _VertexInputBindingDescription2EXT(binding::Integer, stride::Integer, input_rate::VertexInputRate, divisor::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVertexInputBindingDescription2EXT(structure_type(VkVertexInputBindingDescription2EXT), unsafe_convert(Ptr{Cvoid}, next), binding, stride, input_rate, divisor) _VertexInputBindingDescription2EXT(vks, deps) end """ Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state Arguments: - `location::UInt32` - `binding::UInt32` - `format::Format` - `offset::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputAttributeDescription2EXT.html) """ function _VertexInputAttributeDescription2EXT(location::Integer, binding::Integer, format::Format, offset::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVertexInputAttributeDescription2EXT(structure_type(VkVertexInputAttributeDescription2EXT), unsafe_convert(Ptr{Cvoid}, next), location, binding, format, offset) _VertexInputAttributeDescription2EXT(vks, deps) end """ Extension: VK\\_EXT\\_color\\_write\\_enable Arguments: - `color_write_enable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceColorWriteEnableFeaturesEXT.html) """ function _PhysicalDeviceColorWriteEnableFeaturesEXT(color_write_enable::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceColorWriteEnableFeaturesEXT(structure_type(VkPhysicalDeviceColorWriteEnableFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), color_write_enable) _PhysicalDeviceColorWriteEnableFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_color\\_write\\_enable Arguments: - `color_write_enables::Vector{Bool}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorWriteCreateInfoEXT.html) """ function _PipelineColorWriteCreateInfoEXT(color_write_enables::AbstractArray; next = C_NULL) attachment_count = pointer_length(color_write_enables) next = cconvert(Ptr{Cvoid}, next) color_write_enables = cconvert(Ptr{VkBool32}, color_write_enables) deps = Any[next, color_write_enables] vks = VkPipelineColorWriteCreateInfoEXT(structure_type(VkPipelineColorWriteCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), attachment_count, unsafe_convert(Ptr{VkBool32}, color_write_enables)) _PipelineColorWriteCreateInfoEXT(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `src_stage_mask::UInt64`: defaults to `0` - `src_access_mask::UInt64`: defaults to `0` - `dst_stage_mask::UInt64`: defaults to `0` - `dst_access_mask::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryBarrier2.html) """ function _MemoryBarrier2(; next = C_NULL, src_stage_mask = 0, src_access_mask = 0, dst_stage_mask = 0, dst_access_mask = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryBarrier2(structure_type(VkMemoryBarrier2), unsafe_convert(Ptr{Cvoid}, next), src_stage_mask, src_access_mask, dst_stage_mask, dst_access_mask) _MemoryBarrier2(vks, deps) end """ Arguments: - `old_layout::ImageLayout` - `new_layout::ImageLayout` - `src_queue_family_index::UInt32` - `dst_queue_family_index::UInt32` - `image::Image` - `subresource_range::_ImageSubresourceRange` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `src_stage_mask::UInt64`: defaults to `0` - `src_access_mask::UInt64`: defaults to `0` - `dst_stage_mask::UInt64`: defaults to `0` - `dst_access_mask::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageMemoryBarrier2.html) """ function _ImageMemoryBarrier2(old_layout::ImageLayout, new_layout::ImageLayout, src_queue_family_index::Integer, dst_queue_family_index::Integer, image, subresource_range::_ImageSubresourceRange; next = C_NULL, src_stage_mask = 0, src_access_mask = 0, dst_stage_mask = 0, dst_access_mask = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageMemoryBarrier2(structure_type(VkImageMemoryBarrier2), unsafe_convert(Ptr{Cvoid}, next), src_stage_mask, src_access_mask, dst_stage_mask, dst_access_mask, old_layout, new_layout, src_queue_family_index, dst_queue_family_index, image, subresource_range.vks) _ImageMemoryBarrier2(vks, deps, image) end """ Arguments: - `src_queue_family_index::UInt32` - `dst_queue_family_index::UInt32` - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `src_stage_mask::UInt64`: defaults to `0` - `src_access_mask::UInt64`: defaults to `0` - `dst_stage_mask::UInt64`: defaults to `0` - `dst_access_mask::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferMemoryBarrier2.html) """ function _BufferMemoryBarrier2(src_queue_family_index::Integer, dst_queue_family_index::Integer, buffer, offset::Integer, size::Integer; next = C_NULL, src_stage_mask = 0, src_access_mask = 0, dst_stage_mask = 0, dst_access_mask = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBufferMemoryBarrier2(structure_type(VkBufferMemoryBarrier2), unsafe_convert(Ptr{Cvoid}, next), src_stage_mask, src_access_mask, dst_stage_mask, dst_access_mask, src_queue_family_index, dst_queue_family_index, buffer, offset, size) _BufferMemoryBarrier2(vks, deps, buffer) end """ Arguments: - `memory_barriers::Vector{_MemoryBarrier2}` - `buffer_memory_barriers::Vector{_BufferMemoryBarrier2}` - `image_memory_barriers::Vector{_ImageMemoryBarrier2}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `dependency_flags::DependencyFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDependencyInfo.html) """ function _DependencyInfo(memory_barriers::AbstractArray, buffer_memory_barriers::AbstractArray, image_memory_barriers::AbstractArray; next = C_NULL, dependency_flags = 0) memory_barrier_count = pointer_length(memory_barriers) buffer_memory_barrier_count = pointer_length(buffer_memory_barriers) image_memory_barrier_count = pointer_length(image_memory_barriers) next = cconvert(Ptr{Cvoid}, next) memory_barriers = cconvert(Ptr{VkMemoryBarrier2}, memory_barriers) buffer_memory_barriers = cconvert(Ptr{VkBufferMemoryBarrier2}, buffer_memory_barriers) image_memory_barriers = cconvert(Ptr{VkImageMemoryBarrier2}, image_memory_barriers) deps = Any[next, memory_barriers, buffer_memory_barriers, image_memory_barriers] vks = VkDependencyInfo(structure_type(VkDependencyInfo), unsafe_convert(Ptr{Cvoid}, next), dependency_flags, memory_barrier_count, unsafe_convert(Ptr{VkMemoryBarrier2}, memory_barriers), buffer_memory_barrier_count, unsafe_convert(Ptr{VkBufferMemoryBarrier2}, buffer_memory_barriers), image_memory_barrier_count, unsafe_convert(Ptr{VkImageMemoryBarrier2}, image_memory_barriers)) _DependencyInfo(vks, deps) end """ Arguments: - `semaphore::Semaphore` - `value::UInt64` - `device_index::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `stage_mask::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreSubmitInfo.html) """ function _SemaphoreSubmitInfo(semaphore, value::Integer, device_index::Integer; next = C_NULL, stage_mask = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSemaphoreSubmitInfo(structure_type(VkSemaphoreSubmitInfo), unsafe_convert(Ptr{Cvoid}, next), semaphore, value, stage_mask, device_index) _SemaphoreSubmitInfo(vks, deps, semaphore) end """ Arguments: - `command_buffer::CommandBuffer` - `device_mask::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferSubmitInfo.html) """ function _CommandBufferSubmitInfo(command_buffer, device_mask::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCommandBufferSubmitInfo(structure_type(VkCommandBufferSubmitInfo), unsafe_convert(Ptr{Cvoid}, next), command_buffer, device_mask) _CommandBufferSubmitInfo(vks, deps, command_buffer) end """ Arguments: - `wait_semaphore_infos::Vector{_SemaphoreSubmitInfo}` - `command_buffer_infos::Vector{_CommandBufferSubmitInfo}` - `signal_semaphore_infos::Vector{_SemaphoreSubmitInfo}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::SubmitFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubmitInfo2.html) """ function _SubmitInfo2(wait_semaphore_infos::AbstractArray, command_buffer_infos::AbstractArray, signal_semaphore_infos::AbstractArray; next = C_NULL, flags = 0) wait_semaphore_info_count = pointer_length(wait_semaphore_infos) command_buffer_info_count = pointer_length(command_buffer_infos) signal_semaphore_info_count = pointer_length(signal_semaphore_infos) next = cconvert(Ptr{Cvoid}, next) wait_semaphore_infos = cconvert(Ptr{VkSemaphoreSubmitInfo}, wait_semaphore_infos) command_buffer_infos = cconvert(Ptr{VkCommandBufferSubmitInfo}, command_buffer_infos) signal_semaphore_infos = cconvert(Ptr{VkSemaphoreSubmitInfo}, signal_semaphore_infos) deps = Any[next, wait_semaphore_infos, command_buffer_infos, signal_semaphore_infos] vks = VkSubmitInfo2(structure_type(VkSubmitInfo2), unsafe_convert(Ptr{Cvoid}, next), flags, wait_semaphore_info_count, unsafe_convert(Ptr{VkSemaphoreSubmitInfo}, wait_semaphore_infos), command_buffer_info_count, unsafe_convert(Ptr{VkCommandBufferSubmitInfo}, command_buffer_infos), signal_semaphore_info_count, unsafe_convert(Ptr{VkSemaphoreSubmitInfo}, signal_semaphore_infos)) _SubmitInfo2(vks, deps) end """ Extension: VK\\_KHR\\_synchronization2 Arguments: - `checkpoint_execution_stage_mask::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyCheckpointProperties2NV.html) """ function _QueueFamilyCheckpointProperties2NV(checkpoint_execution_stage_mask::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkQueueFamilyCheckpointProperties2NV(structure_type(VkQueueFamilyCheckpointProperties2NV), unsafe_convert(Ptr{Cvoid}, next), checkpoint_execution_stage_mask) _QueueFamilyCheckpointProperties2NV(vks, deps) end """ Extension: VK\\_KHR\\_synchronization2 Arguments: - `stage::UInt64` - `checkpoint_marker::Ptr{Cvoid}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCheckpointData2NV.html) """ function _CheckpointData2NV(stage::Integer, checkpoint_marker::Ptr{Cvoid}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) checkpoint_marker = cconvert(Ptr{Cvoid}, checkpoint_marker) deps = Any[next, checkpoint_marker] vks = VkCheckpointData2NV(structure_type(VkCheckpointData2NV), unsafe_convert(Ptr{Cvoid}, next), stage, unsafe_convert(Ptr{Cvoid}, checkpoint_marker)) _CheckpointData2NV(vks, deps) end """ Arguments: - `synchronization2::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSynchronization2Features.html) """ function _PhysicalDeviceSynchronization2Features(synchronization2::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSynchronization2Features(structure_type(VkPhysicalDeviceSynchronization2Features), unsafe_convert(Ptr{Cvoid}, next), synchronization2) _PhysicalDeviceSynchronization2Features(vks, deps) end """ Extension: VK\\_EXT\\_primitives\\_generated\\_query Arguments: - `primitives_generated_query::Bool` - `primitives_generated_query_with_rasterizer_discard::Bool` - `primitives_generated_query_with_non_zero_streams::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT.html) """ function _PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT(primitives_generated_query::Bool, primitives_generated_query_with_rasterizer_discard::Bool, primitives_generated_query_with_non_zero_streams::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT(structure_type(VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), primitives_generated_query, primitives_generated_query_with_rasterizer_discard, primitives_generated_query_with_non_zero_streams) _PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_legacy\\_dithering Arguments: - `legacy_dithering::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLegacyDitheringFeaturesEXT.html) """ function _PhysicalDeviceLegacyDitheringFeaturesEXT(legacy_dithering::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceLegacyDitheringFeaturesEXT(structure_type(VkPhysicalDeviceLegacyDitheringFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), legacy_dithering) _PhysicalDeviceLegacyDitheringFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_multisampled\\_render\\_to\\_single\\_sampled Arguments: - `multisampled_render_to_single_sampled::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT.html) """ function _PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT(multisampled_render_to_single_sampled::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT(structure_type(VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), multisampled_render_to_single_sampled) _PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_multisampled\\_render\\_to\\_single\\_sampled Arguments: - `optimal::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassResolvePerformanceQueryEXT.html) """ function _SubpassResolvePerformanceQueryEXT(optimal::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSubpassResolvePerformanceQueryEXT(structure_type(VkSubpassResolvePerformanceQueryEXT), unsafe_convert(Ptr{Cvoid}, next), optimal) _SubpassResolvePerformanceQueryEXT(vks, deps) end """ Extension: VK\\_EXT\\_multisampled\\_render\\_to\\_single\\_sampled Arguments: - `multisampled_render_to_single_sampled_enable::Bool` - `rasterization_samples::SampleCountFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultisampledRenderToSingleSampledInfoEXT.html) """ function _MultisampledRenderToSingleSampledInfoEXT(multisampled_render_to_single_sampled_enable::Bool, rasterization_samples::SampleCountFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMultisampledRenderToSingleSampledInfoEXT(structure_type(VkMultisampledRenderToSingleSampledInfoEXT), unsafe_convert(Ptr{Cvoid}, next), multisampled_render_to_single_sampled_enable, VkSampleCountFlagBits(rasterization_samples.val)) _MultisampledRenderToSingleSampledInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_pipeline\\_protected\\_access Arguments: - `pipeline_protected_access::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineProtectedAccessFeaturesEXT.html) """ function _PhysicalDevicePipelineProtectedAccessFeaturesEXT(pipeline_protected_access::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePipelineProtectedAccessFeaturesEXT(structure_type(VkPhysicalDevicePipelineProtectedAccessFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), pipeline_protected_access) _PhysicalDevicePipelineProtectedAccessFeaturesEXT(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `video_codec_operations::VideoCodecOperationFlagKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyVideoPropertiesKHR.html) """ function _QueueFamilyVideoPropertiesKHR(video_codec_operations::VideoCodecOperationFlagKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkQueueFamilyVideoPropertiesKHR(structure_type(VkQueueFamilyVideoPropertiesKHR), unsafe_convert(Ptr{Cvoid}, next), video_codec_operations) _QueueFamilyVideoPropertiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `query_result_status_support::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyQueryResultStatusPropertiesKHR.html) """ function _QueueFamilyQueryResultStatusPropertiesKHR(query_result_status_support::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkQueueFamilyQueryResultStatusPropertiesKHR(structure_type(VkQueueFamilyQueryResultStatusPropertiesKHR), unsafe_convert(Ptr{Cvoid}, next), query_result_status_support) _QueueFamilyQueryResultStatusPropertiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `profiles::Vector{_VideoProfileInfoKHR}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoProfileListInfoKHR.html) """ function _VideoProfileListInfoKHR(profiles::AbstractArray; next = C_NULL) profile_count = pointer_length(profiles) next = cconvert(Ptr{Cvoid}, next) profiles = cconvert(Ptr{VkVideoProfileInfoKHR}, profiles) deps = Any[next, profiles] vks = VkVideoProfileListInfoKHR(structure_type(VkVideoProfileListInfoKHR), unsafe_convert(Ptr{Cvoid}, next), profile_count, unsafe_convert(Ptr{VkVideoProfileInfoKHR}, profiles)) _VideoProfileListInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `image_usage::ImageUsageFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVideoFormatInfoKHR.html) """ function _PhysicalDeviceVideoFormatInfoKHR(image_usage::ImageUsageFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceVideoFormatInfoKHR(structure_type(VkPhysicalDeviceVideoFormatInfoKHR), unsafe_convert(Ptr{Cvoid}, next), image_usage) _PhysicalDeviceVideoFormatInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `format::Format` - `component_mapping::_ComponentMapping` - `image_create_flags::ImageCreateFlag` - `image_type::ImageType` - `image_tiling::ImageTiling` - `image_usage_flags::ImageUsageFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoFormatPropertiesKHR.html) """ function _VideoFormatPropertiesKHR(format::Format, component_mapping::_ComponentMapping, image_create_flags::ImageCreateFlag, image_type::ImageType, image_tiling::ImageTiling, image_usage_flags::ImageUsageFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoFormatPropertiesKHR(structure_type(VkVideoFormatPropertiesKHR), unsafe_convert(Ptr{Cvoid}, next), format, component_mapping.vks, image_create_flags, image_type, image_tiling, image_usage_flags) _VideoFormatPropertiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `video_codec_operation::VideoCodecOperationFlagKHR` - `chroma_subsampling::VideoChromaSubsamplingFlagKHR` - `luma_bit_depth::VideoComponentBitDepthFlagKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `chroma_bit_depth::VideoComponentBitDepthFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoProfileInfoKHR.html) """ function _VideoProfileInfoKHR(video_codec_operation::VideoCodecOperationFlagKHR, chroma_subsampling::VideoChromaSubsamplingFlagKHR, luma_bit_depth::VideoComponentBitDepthFlagKHR; next = C_NULL, chroma_bit_depth = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoProfileInfoKHR(structure_type(VkVideoProfileInfoKHR), unsafe_convert(Ptr{Cvoid}, next), VkVideoCodecOperationFlagBitsKHR(video_codec_operation.val), chroma_subsampling, luma_bit_depth, chroma_bit_depth) _VideoProfileInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `flags::VideoCapabilityFlagKHR` - `min_bitstream_buffer_offset_alignment::UInt64` - `min_bitstream_buffer_size_alignment::UInt64` - `picture_access_granularity::_Extent2D` - `min_coded_extent::_Extent2D` - `max_coded_extent::_Extent2D` - `max_dpb_slots::UInt32` - `max_active_reference_pictures::UInt32` - `std_header_version::_ExtensionProperties` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoCapabilitiesKHR.html) """ function _VideoCapabilitiesKHR(flags::VideoCapabilityFlagKHR, min_bitstream_buffer_offset_alignment::Integer, min_bitstream_buffer_size_alignment::Integer, picture_access_granularity::_Extent2D, min_coded_extent::_Extent2D, max_coded_extent::_Extent2D, max_dpb_slots::Integer, max_active_reference_pictures::Integer, std_header_version::_ExtensionProperties; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoCapabilitiesKHR(structure_type(VkVideoCapabilitiesKHR), unsafe_convert(Ptr{Cvoid}, next), flags, min_bitstream_buffer_offset_alignment, min_bitstream_buffer_size_alignment, picture_access_granularity.vks, min_coded_extent.vks, max_coded_extent.vks, max_dpb_slots, max_active_reference_pictures, std_header_version.vks) _VideoCapabilitiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `memory_bind_index::UInt32` - `memory_requirements::_MemoryRequirements` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionMemoryRequirementsKHR.html) """ function _VideoSessionMemoryRequirementsKHR(memory_bind_index::Integer, memory_requirements::_MemoryRequirements; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoSessionMemoryRequirementsKHR(structure_type(VkVideoSessionMemoryRequirementsKHR), unsafe_convert(Ptr{Cvoid}, next), memory_bind_index, memory_requirements.vks) _VideoSessionMemoryRequirementsKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `memory_bind_index::UInt32` - `memory::DeviceMemory` - `memory_offset::UInt64` - `memory_size::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindVideoSessionMemoryInfoKHR.html) """ function _BindVideoSessionMemoryInfoKHR(memory_bind_index::Integer, memory, memory_offset::Integer, memory_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBindVideoSessionMemoryInfoKHR(structure_type(VkBindVideoSessionMemoryInfoKHR), unsafe_convert(Ptr{Cvoid}, next), memory_bind_index, memory, memory_offset, memory_size) _BindVideoSessionMemoryInfoKHR(vks, deps, memory) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `coded_offset::_Offset2D` - `coded_extent::_Extent2D` - `base_array_layer::UInt32` - `image_view_binding::ImageView` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoPictureResourceInfoKHR.html) """ function _VideoPictureResourceInfoKHR(coded_offset::_Offset2D, coded_extent::_Extent2D, base_array_layer::Integer, image_view_binding; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoPictureResourceInfoKHR(structure_type(VkVideoPictureResourceInfoKHR), unsafe_convert(Ptr{Cvoid}, next), coded_offset.vks, coded_extent.vks, base_array_layer, image_view_binding) _VideoPictureResourceInfoKHR(vks, deps, image_view_binding) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `slot_index::Int32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `picture_resource::_VideoPictureResourceInfoKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoReferenceSlotInfoKHR.html) """ function _VideoReferenceSlotInfoKHR(slot_index::Integer; next = C_NULL, picture_resource = C_NULL) next = cconvert(Ptr{Cvoid}, next) picture_resource = cconvert(Ptr{VkVideoPictureResourceInfoKHR}, picture_resource) deps = Any[next, picture_resource] vks = VkVideoReferenceSlotInfoKHR(structure_type(VkVideoReferenceSlotInfoKHR), unsafe_convert(Ptr{Cvoid}, next), slot_index, unsafe_convert(Ptr{VkVideoPictureResourceInfoKHR}, picture_resource)) _VideoReferenceSlotInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_queue Arguments: - `flags::VideoDecodeCapabilityFlagKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeCapabilitiesKHR.html) """ function _VideoDecodeCapabilitiesKHR(flags::VideoDecodeCapabilityFlagKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoDecodeCapabilitiesKHR(structure_type(VkVideoDecodeCapabilitiesKHR), unsafe_convert(Ptr{Cvoid}, next), flags) _VideoDecodeCapabilitiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_queue Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `video_usage_hints::VideoDecodeUsageFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeUsageInfoKHR.html) """ function _VideoDecodeUsageInfoKHR(; next = C_NULL, video_usage_hints = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoDecodeUsageInfoKHR(structure_type(VkVideoDecodeUsageInfoKHR), unsafe_convert(Ptr{Cvoid}, next), video_usage_hints) _VideoDecodeUsageInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_queue Arguments: - `src_buffer::Buffer` - `src_buffer_offset::UInt64` - `src_buffer_range::UInt64` - `dst_picture_resource::_VideoPictureResourceInfoKHR` - `setup_reference_slot::_VideoReferenceSlotInfoKHR` - `reference_slots::Vector{_VideoReferenceSlotInfoKHR}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeInfoKHR.html) """ function _VideoDecodeInfoKHR(src_buffer, src_buffer_offset::Integer, src_buffer_range::Integer, dst_picture_resource::_VideoPictureResourceInfoKHR, setup_reference_slot::_VideoReferenceSlotInfoKHR, reference_slots::AbstractArray; next = C_NULL, flags = 0) reference_slot_count = pointer_length(reference_slots) next = cconvert(Ptr{Cvoid}, next) setup_reference_slot = cconvert(Ptr{VkVideoReferenceSlotInfoKHR}, setup_reference_slot) reference_slots = cconvert(Ptr{VkVideoReferenceSlotInfoKHR}, reference_slots) deps = Any[next, setup_reference_slot, reference_slots] vks = VkVideoDecodeInfoKHR(structure_type(VkVideoDecodeInfoKHR), unsafe_convert(Ptr{Cvoid}, next), flags, src_buffer, src_buffer_offset, src_buffer_range, dst_picture_resource.vks, unsafe_convert(Ptr{VkVideoReferenceSlotInfoKHR}, setup_reference_slot), reference_slot_count, unsafe_convert(Ptr{VkVideoReferenceSlotInfoKHR}, reference_slots)) _VideoDecodeInfoKHR(vks, deps, src_buffer) end """ Extension: VK\\_KHR\\_video\\_decode\\_h264 Arguments: - `std_profile_idc::StdVideoH264ProfileIdc` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `picture_layout::VideoDecodeH264PictureLayoutFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264ProfileInfoKHR.html) """ function _VideoDecodeH264ProfileInfoKHR(std_profile_idc::StdVideoH264ProfileIdc; next = C_NULL, picture_layout = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoDecodeH264ProfileInfoKHR(structure_type(VkVideoDecodeH264ProfileInfoKHR), unsafe_convert(Ptr{Cvoid}, next), std_profile_idc, VkVideoDecodeH264PictureLayoutFlagBitsKHR(picture_layout.val)) _VideoDecodeH264ProfileInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_h264 Arguments: - `max_level_idc::StdVideoH264LevelIdc` - `field_offset_granularity::_Offset2D` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264CapabilitiesKHR.html) """ function _VideoDecodeH264CapabilitiesKHR(max_level_idc::StdVideoH264LevelIdc, field_offset_granularity::_Offset2D; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoDecodeH264CapabilitiesKHR(structure_type(VkVideoDecodeH264CapabilitiesKHR), unsafe_convert(Ptr{Cvoid}, next), max_level_idc, field_offset_granularity.vks) _VideoDecodeH264CapabilitiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_h264 Arguments: - `std_sp_ss::Vector{StdVideoH264SequenceParameterSet}` - `std_pp_ss::Vector{StdVideoH264PictureParameterSet}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264SessionParametersAddInfoKHR.html) """ function _VideoDecodeH264SessionParametersAddInfoKHR(std_sp_ss::AbstractArray, std_pp_ss::AbstractArray; next = C_NULL) std_sps_count = pointer_length(std_sp_ss) std_pps_count = pointer_length(std_pp_ss) next = cconvert(Ptr{Cvoid}, next) std_sp_ss = cconvert(Ptr{StdVideoH264SequenceParameterSet}, std_sp_ss) std_pp_ss = cconvert(Ptr{StdVideoH264PictureParameterSet}, std_pp_ss) deps = Any[next, std_sp_ss, std_pp_ss] vks = VkVideoDecodeH264SessionParametersAddInfoKHR(structure_type(VkVideoDecodeH264SessionParametersAddInfoKHR), unsafe_convert(Ptr{Cvoid}, next), std_sps_count, unsafe_convert(Ptr{StdVideoH264SequenceParameterSet}, std_sp_ss), std_pps_count, unsafe_convert(Ptr{StdVideoH264PictureParameterSet}, std_pp_ss)) _VideoDecodeH264SessionParametersAddInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_h264 Arguments: - `max_std_sps_count::UInt32` - `max_std_pps_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `parameters_add_info::_VideoDecodeH264SessionParametersAddInfoKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264SessionParametersCreateInfoKHR.html) """ function _VideoDecodeH264SessionParametersCreateInfoKHR(max_std_sps_count::Integer, max_std_pps_count::Integer; next = C_NULL, parameters_add_info = C_NULL) next = cconvert(Ptr{Cvoid}, next) parameters_add_info = cconvert(Ptr{VkVideoDecodeH264SessionParametersAddInfoKHR}, parameters_add_info) deps = Any[next, parameters_add_info] vks = VkVideoDecodeH264SessionParametersCreateInfoKHR(structure_type(VkVideoDecodeH264SessionParametersCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), max_std_sps_count, max_std_pps_count, unsafe_convert(Ptr{VkVideoDecodeH264SessionParametersAddInfoKHR}, parameters_add_info)) _VideoDecodeH264SessionParametersCreateInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_h264 Arguments: - `std_picture_info::StdVideoDecodeH264PictureInfo` - `slice_offsets::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264PictureInfoKHR.html) """ function _VideoDecodeH264PictureInfoKHR(std_picture_info::StdVideoDecodeH264PictureInfo, slice_offsets::AbstractArray; next = C_NULL) slice_count = pointer_length(slice_offsets) next = cconvert(Ptr{Cvoid}, next) std_picture_info = cconvert(Ptr{StdVideoDecodeH264PictureInfo}, std_picture_info) slice_offsets = cconvert(Ptr{UInt32}, slice_offsets) deps = Any[next, std_picture_info, slice_offsets] vks = VkVideoDecodeH264PictureInfoKHR(structure_type(VkVideoDecodeH264PictureInfoKHR), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{StdVideoDecodeH264PictureInfo}, std_picture_info), slice_count, unsafe_convert(Ptr{UInt32}, slice_offsets)) _VideoDecodeH264PictureInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_h264 Arguments: - `std_reference_info::StdVideoDecodeH264ReferenceInfo` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264DpbSlotInfoKHR.html) """ function _VideoDecodeH264DpbSlotInfoKHR(std_reference_info::StdVideoDecodeH264ReferenceInfo; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) std_reference_info = cconvert(Ptr{StdVideoDecodeH264ReferenceInfo}, std_reference_info) deps = Any[next, std_reference_info] vks = VkVideoDecodeH264DpbSlotInfoKHR(structure_type(VkVideoDecodeH264DpbSlotInfoKHR), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{StdVideoDecodeH264ReferenceInfo}, std_reference_info)) _VideoDecodeH264DpbSlotInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_h265 Arguments: - `std_profile_idc::StdVideoH265ProfileIdc` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265ProfileInfoKHR.html) """ function _VideoDecodeH265ProfileInfoKHR(std_profile_idc::StdVideoH265ProfileIdc; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoDecodeH265ProfileInfoKHR(structure_type(VkVideoDecodeH265ProfileInfoKHR), unsafe_convert(Ptr{Cvoid}, next), std_profile_idc) _VideoDecodeH265ProfileInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_h265 Arguments: - `max_level_idc::StdVideoH265LevelIdc` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265CapabilitiesKHR.html) """ function _VideoDecodeH265CapabilitiesKHR(max_level_idc::StdVideoH265LevelIdc; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoDecodeH265CapabilitiesKHR(structure_type(VkVideoDecodeH265CapabilitiesKHR), unsafe_convert(Ptr{Cvoid}, next), max_level_idc) _VideoDecodeH265CapabilitiesKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_h265 Arguments: - `std_vp_ss::Vector{StdVideoH265VideoParameterSet}` - `std_sp_ss::Vector{StdVideoH265SequenceParameterSet}` - `std_pp_ss::Vector{StdVideoH265PictureParameterSet}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265SessionParametersAddInfoKHR.html) """ function _VideoDecodeH265SessionParametersAddInfoKHR(std_vp_ss::AbstractArray, std_sp_ss::AbstractArray, std_pp_ss::AbstractArray; next = C_NULL) std_vps_count = pointer_length(std_vp_ss) std_sps_count = pointer_length(std_sp_ss) std_pps_count = pointer_length(std_pp_ss) next = cconvert(Ptr{Cvoid}, next) std_vp_ss = cconvert(Ptr{StdVideoH265VideoParameterSet}, std_vp_ss) std_sp_ss = cconvert(Ptr{StdVideoH265SequenceParameterSet}, std_sp_ss) std_pp_ss = cconvert(Ptr{StdVideoH265PictureParameterSet}, std_pp_ss) deps = Any[next, std_vp_ss, std_sp_ss, std_pp_ss] vks = VkVideoDecodeH265SessionParametersAddInfoKHR(structure_type(VkVideoDecodeH265SessionParametersAddInfoKHR), unsafe_convert(Ptr{Cvoid}, next), std_vps_count, unsafe_convert(Ptr{StdVideoH265VideoParameterSet}, std_vp_ss), std_sps_count, unsafe_convert(Ptr{StdVideoH265SequenceParameterSet}, std_sp_ss), std_pps_count, unsafe_convert(Ptr{StdVideoH265PictureParameterSet}, std_pp_ss)) _VideoDecodeH265SessionParametersAddInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_h265 Arguments: - `max_std_vps_count::UInt32` - `max_std_sps_count::UInt32` - `max_std_pps_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `parameters_add_info::_VideoDecodeH265SessionParametersAddInfoKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265SessionParametersCreateInfoKHR.html) """ function _VideoDecodeH265SessionParametersCreateInfoKHR(max_std_vps_count::Integer, max_std_sps_count::Integer, max_std_pps_count::Integer; next = C_NULL, parameters_add_info = C_NULL) next = cconvert(Ptr{Cvoid}, next) parameters_add_info = cconvert(Ptr{VkVideoDecodeH265SessionParametersAddInfoKHR}, parameters_add_info) deps = Any[next, parameters_add_info] vks = VkVideoDecodeH265SessionParametersCreateInfoKHR(structure_type(VkVideoDecodeH265SessionParametersCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), max_std_vps_count, max_std_sps_count, max_std_pps_count, unsafe_convert(Ptr{VkVideoDecodeH265SessionParametersAddInfoKHR}, parameters_add_info)) _VideoDecodeH265SessionParametersCreateInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_h265 Arguments: - `std_picture_info::StdVideoDecodeH265PictureInfo` - `slice_segment_offsets::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265PictureInfoKHR.html) """ function _VideoDecodeH265PictureInfoKHR(std_picture_info::StdVideoDecodeH265PictureInfo, slice_segment_offsets::AbstractArray; next = C_NULL) slice_segment_count = pointer_length(slice_segment_offsets) next = cconvert(Ptr{Cvoid}, next) std_picture_info = cconvert(Ptr{StdVideoDecodeH265PictureInfo}, std_picture_info) slice_segment_offsets = cconvert(Ptr{UInt32}, slice_segment_offsets) deps = Any[next, std_picture_info, slice_segment_offsets] vks = VkVideoDecodeH265PictureInfoKHR(structure_type(VkVideoDecodeH265PictureInfoKHR), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{StdVideoDecodeH265PictureInfo}, std_picture_info), slice_segment_count, unsafe_convert(Ptr{UInt32}, slice_segment_offsets)) _VideoDecodeH265PictureInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_decode\\_h265 Arguments: - `std_reference_info::StdVideoDecodeH265ReferenceInfo` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265DpbSlotInfoKHR.html) """ function _VideoDecodeH265DpbSlotInfoKHR(std_reference_info::StdVideoDecodeH265ReferenceInfo; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) std_reference_info = cconvert(Ptr{StdVideoDecodeH265ReferenceInfo}, std_reference_info) deps = Any[next, std_reference_info] vks = VkVideoDecodeH265DpbSlotInfoKHR(structure_type(VkVideoDecodeH265DpbSlotInfoKHR), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{StdVideoDecodeH265ReferenceInfo}, std_reference_info)) _VideoDecodeH265DpbSlotInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `queue_family_index::UInt32` - `video_profile::_VideoProfileInfoKHR` - `picture_format::Format` - `max_coded_extent::_Extent2D` - `reference_picture_format::Format` - `max_dpb_slots::UInt32` - `max_active_reference_pictures::UInt32` - `std_header_version::_ExtensionProperties` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::VideoSessionCreateFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionCreateInfoKHR.html) """ function _VideoSessionCreateInfoKHR(queue_family_index::Integer, video_profile::_VideoProfileInfoKHR, picture_format::Format, max_coded_extent::_Extent2D, reference_picture_format::Format, max_dpb_slots::Integer, max_active_reference_pictures::Integer, std_header_version::_ExtensionProperties; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) video_profile = cconvert(Ptr{VkVideoProfileInfoKHR}, video_profile) std_header_version = cconvert(Ptr{VkExtensionProperties}, std_header_version) deps = Any[next, video_profile, std_header_version] vks = VkVideoSessionCreateInfoKHR(structure_type(VkVideoSessionCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), queue_family_index, flags, unsafe_convert(Ptr{VkVideoProfileInfoKHR}, video_profile), picture_format, max_coded_extent.vks, reference_picture_format, max_dpb_slots, max_active_reference_pictures, unsafe_convert(Ptr{VkExtensionProperties}, std_header_version)) _VideoSessionCreateInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `video_session::VideoSessionKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `video_session_parameters_template::VideoSessionParametersKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionParametersCreateInfoKHR.html) """ function _VideoSessionParametersCreateInfoKHR(video_session; next = C_NULL, flags = 0, video_session_parameters_template = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoSessionParametersCreateInfoKHR(structure_type(VkVideoSessionParametersCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), flags, video_session_parameters_template, video_session) _VideoSessionParametersCreateInfoKHR(vks, deps, video_session_parameters_template, video_session) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `update_sequence_count::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionParametersUpdateInfoKHR.html) """ function _VideoSessionParametersUpdateInfoKHR(update_sequence_count::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoSessionParametersUpdateInfoKHR(structure_type(VkVideoSessionParametersUpdateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), update_sequence_count) _VideoSessionParametersUpdateInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `video_session::VideoSessionKHR` - `reference_slots::Vector{_VideoReferenceSlotInfoKHR}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `video_session_parameters::VideoSessionParametersKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoBeginCodingInfoKHR.html) """ function _VideoBeginCodingInfoKHR(video_session, reference_slots::AbstractArray; next = C_NULL, flags = 0, video_session_parameters = C_NULL) reference_slot_count = pointer_length(reference_slots) next = cconvert(Ptr{Cvoid}, next) reference_slots = cconvert(Ptr{VkVideoReferenceSlotInfoKHR}, reference_slots) deps = Any[next, reference_slots] vks = VkVideoBeginCodingInfoKHR(structure_type(VkVideoBeginCodingInfoKHR), unsafe_convert(Ptr{Cvoid}, next), flags, video_session, video_session_parameters, reference_slot_count, unsafe_convert(Ptr{VkVideoReferenceSlotInfoKHR}, reference_slots)) _VideoBeginCodingInfoKHR(vks, deps, video_session, video_session_parameters) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoEndCodingInfoKHR.html) """ function _VideoEndCodingInfoKHR(; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoEndCodingInfoKHR(structure_type(VkVideoEndCodingInfoKHR), unsafe_convert(Ptr{Cvoid}, next), flags) _VideoEndCodingInfoKHR(vks, deps) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::VideoCodingControlFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoCodingControlInfoKHR.html) """ function _VideoCodingControlInfoKHR(; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkVideoCodingControlInfoKHR(structure_type(VkVideoCodingControlInfoKHR), unsafe_convert(Ptr{Cvoid}, next), flags) _VideoCodingControlInfoKHR(vks, deps) end """ Extension: VK\\_NV\\_inherited\\_viewport\\_scissor Arguments: - `inherited_viewport_scissor_2_d::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInheritedViewportScissorFeaturesNV.html) """ function _PhysicalDeviceInheritedViewportScissorFeaturesNV(inherited_viewport_scissor_2_d::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceInheritedViewportScissorFeaturesNV(structure_type(VkPhysicalDeviceInheritedViewportScissorFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), inherited_viewport_scissor_2_d) _PhysicalDeviceInheritedViewportScissorFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_inherited\\_viewport\\_scissor Arguments: - `viewport_scissor_2_d::Bool` - `viewport_depth_count::UInt32` - `viewport_depths::_Viewport` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceViewportScissorInfoNV.html) """ function _CommandBufferInheritanceViewportScissorInfoNV(viewport_scissor_2_d::Bool, viewport_depth_count::Integer, viewport_depths::_Viewport; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) viewport_depths = cconvert(Ptr{VkViewport}, viewport_depths) deps = Any[next, viewport_depths] vks = VkCommandBufferInheritanceViewportScissorInfoNV(structure_type(VkCommandBufferInheritanceViewportScissorInfoNV), unsafe_convert(Ptr{Cvoid}, next), viewport_scissor_2_d, viewport_depth_count, unsafe_convert(Ptr{VkViewport}, viewport_depths)) _CommandBufferInheritanceViewportScissorInfoNV(vks, deps) end """ Extension: VK\\_EXT\\_ycbcr\\_2plane\\_444\\_formats Arguments: - `ycbcr_444_formats::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT.html) """ function _PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT(ycbcr_444_formats::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT(structure_type(VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), ycbcr_444_formats) _PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_provoking\\_vertex Arguments: - `provoking_vertex_last::Bool` - `transform_feedback_preserves_provoking_vertex::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProvokingVertexFeaturesEXT.html) """ function _PhysicalDeviceProvokingVertexFeaturesEXT(provoking_vertex_last::Bool, transform_feedback_preserves_provoking_vertex::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceProvokingVertexFeaturesEXT(structure_type(VkPhysicalDeviceProvokingVertexFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), provoking_vertex_last, transform_feedback_preserves_provoking_vertex) _PhysicalDeviceProvokingVertexFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_provoking\\_vertex Arguments: - `provoking_vertex_mode_per_pipeline::Bool` - `transform_feedback_preserves_triangle_fan_provoking_vertex::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProvokingVertexPropertiesEXT.html) """ function _PhysicalDeviceProvokingVertexPropertiesEXT(provoking_vertex_mode_per_pipeline::Bool, transform_feedback_preserves_triangle_fan_provoking_vertex::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceProvokingVertexPropertiesEXT(structure_type(VkPhysicalDeviceProvokingVertexPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), provoking_vertex_mode_per_pipeline, transform_feedback_preserves_triangle_fan_provoking_vertex) _PhysicalDeviceProvokingVertexPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_provoking\\_vertex Arguments: - `provoking_vertex_mode::ProvokingVertexModeEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationProvokingVertexStateCreateInfoEXT.html) """ function _PipelineRasterizationProvokingVertexStateCreateInfoEXT(provoking_vertex_mode::ProvokingVertexModeEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineRasterizationProvokingVertexStateCreateInfoEXT(structure_type(VkPipelineRasterizationProvokingVertexStateCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), provoking_vertex_mode) _PipelineRasterizationProvokingVertexStateCreateInfoEXT(vks, deps) end """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `data_size::UInt` - `data::Ptr{Cvoid}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCuModuleCreateInfoNVX.html) """ function _CuModuleCreateInfoNVX(data_size::Integer, data::Ptr{Cvoid}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) data = cconvert(Ptr{Cvoid}, data) deps = Any[next, data] vks = VkCuModuleCreateInfoNVX(structure_type(VkCuModuleCreateInfoNVX), unsafe_convert(Ptr{Cvoid}, next), data_size, unsafe_convert(Ptr{Cvoid}, data)) _CuModuleCreateInfoNVX(vks, deps) end """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `_module::CuModuleNVX` - `name::String` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCuFunctionCreateInfoNVX.html) """ function _CuFunctionCreateInfoNVX(_module, name::AbstractString; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) name = cconvert(Cstring, name) deps = Any[next, name] vks = VkCuFunctionCreateInfoNVX(structure_type(VkCuFunctionCreateInfoNVX), unsafe_convert(Ptr{Cvoid}, next), _module, unsafe_convert(Cstring, name)) _CuFunctionCreateInfoNVX(vks, deps, _module) end """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `_function::CuFunctionNVX` - `grid_dim_x::UInt32` - `grid_dim_y::UInt32` - `grid_dim_z::UInt32` - `block_dim_x::UInt32` - `block_dim_y::UInt32` - `block_dim_z::UInt32` - `shared_mem_bytes::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCuLaunchInfoNVX.html) """ function _CuLaunchInfoNVX(_function, grid_dim_x::Integer, grid_dim_y::Integer, grid_dim_z::Integer, block_dim_x::Integer, block_dim_y::Integer, block_dim_z::Integer, shared_mem_bytes::Integer; next = C_NULL) param_count = pointer_length(params) extra_count = pointer_length(extras) next = cconvert(Ptr{Cvoid}, next) params = cconvert(Ptr{Ptr{Cvoid}}, params) extras = cconvert(Ptr{Ptr{Cvoid}}, extras) deps = Any[next, params, extras] vks = VkCuLaunchInfoNVX(structure_type(VkCuLaunchInfoNVX), unsafe_convert(Ptr{Cvoid}, next), _function, grid_dim_x, grid_dim_y, grid_dim_z, block_dim_x, block_dim_y, block_dim_z, shared_mem_bytes, param_count, unsafe_convert(Ptr{Ptr{Cvoid}}, params), extra_count, unsafe_convert(Ptr{Ptr{Cvoid}}, extras)) _CuLaunchInfoNVX(vks, deps, _function) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `descriptor_buffer::Bool` - `descriptor_buffer_capture_replay::Bool` - `descriptor_buffer_image_layout_ignored::Bool` - `descriptor_buffer_push_descriptors::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorBufferFeaturesEXT.html) """ function _PhysicalDeviceDescriptorBufferFeaturesEXT(descriptor_buffer::Bool, descriptor_buffer_capture_replay::Bool, descriptor_buffer_image_layout_ignored::Bool, descriptor_buffer_push_descriptors::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDescriptorBufferFeaturesEXT(structure_type(VkPhysicalDeviceDescriptorBufferFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), descriptor_buffer, descriptor_buffer_capture_replay, descriptor_buffer_image_layout_ignored, descriptor_buffer_push_descriptors) _PhysicalDeviceDescriptorBufferFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `combined_image_sampler_descriptor_single_array::Bool` - `bufferless_push_descriptors::Bool` - `allow_sampler_image_view_post_submit_creation::Bool` - `descriptor_buffer_offset_alignment::UInt64` - `max_descriptor_buffer_bindings::UInt32` - `max_resource_descriptor_buffer_bindings::UInt32` - `max_sampler_descriptor_buffer_bindings::UInt32` - `max_embedded_immutable_sampler_bindings::UInt32` - `max_embedded_immutable_samplers::UInt32` - `buffer_capture_replay_descriptor_data_size::UInt` - `image_capture_replay_descriptor_data_size::UInt` - `image_view_capture_replay_descriptor_data_size::UInt` - `sampler_capture_replay_descriptor_data_size::UInt` - `acceleration_structure_capture_replay_descriptor_data_size::UInt` - `sampler_descriptor_size::UInt` - `combined_image_sampler_descriptor_size::UInt` - `sampled_image_descriptor_size::UInt` - `storage_image_descriptor_size::UInt` - `uniform_texel_buffer_descriptor_size::UInt` - `robust_uniform_texel_buffer_descriptor_size::UInt` - `storage_texel_buffer_descriptor_size::UInt` - `robust_storage_texel_buffer_descriptor_size::UInt` - `uniform_buffer_descriptor_size::UInt` - `robust_uniform_buffer_descriptor_size::UInt` - `storage_buffer_descriptor_size::UInt` - `robust_storage_buffer_descriptor_size::UInt` - `input_attachment_descriptor_size::UInt` - `acceleration_structure_descriptor_size::UInt` - `max_sampler_descriptor_buffer_range::UInt64` - `max_resource_descriptor_buffer_range::UInt64` - `sampler_descriptor_buffer_address_space_size::UInt64` - `resource_descriptor_buffer_address_space_size::UInt64` - `descriptor_buffer_address_space_size::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorBufferPropertiesEXT.html) """ function _PhysicalDeviceDescriptorBufferPropertiesEXT(combined_image_sampler_descriptor_single_array::Bool, bufferless_push_descriptors::Bool, allow_sampler_image_view_post_submit_creation::Bool, descriptor_buffer_offset_alignment::Integer, max_descriptor_buffer_bindings::Integer, max_resource_descriptor_buffer_bindings::Integer, max_sampler_descriptor_buffer_bindings::Integer, max_embedded_immutable_sampler_bindings::Integer, max_embedded_immutable_samplers::Integer, buffer_capture_replay_descriptor_data_size::Integer, image_capture_replay_descriptor_data_size::Integer, image_view_capture_replay_descriptor_data_size::Integer, sampler_capture_replay_descriptor_data_size::Integer, acceleration_structure_capture_replay_descriptor_data_size::Integer, sampler_descriptor_size::Integer, combined_image_sampler_descriptor_size::Integer, sampled_image_descriptor_size::Integer, storage_image_descriptor_size::Integer, uniform_texel_buffer_descriptor_size::Integer, robust_uniform_texel_buffer_descriptor_size::Integer, storage_texel_buffer_descriptor_size::Integer, robust_storage_texel_buffer_descriptor_size::Integer, uniform_buffer_descriptor_size::Integer, robust_uniform_buffer_descriptor_size::Integer, storage_buffer_descriptor_size::Integer, robust_storage_buffer_descriptor_size::Integer, input_attachment_descriptor_size::Integer, acceleration_structure_descriptor_size::Integer, max_sampler_descriptor_buffer_range::Integer, max_resource_descriptor_buffer_range::Integer, sampler_descriptor_buffer_address_space_size::Integer, resource_descriptor_buffer_address_space_size::Integer, descriptor_buffer_address_space_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDescriptorBufferPropertiesEXT(structure_type(VkPhysicalDeviceDescriptorBufferPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), combined_image_sampler_descriptor_single_array, bufferless_push_descriptors, allow_sampler_image_view_post_submit_creation, descriptor_buffer_offset_alignment, max_descriptor_buffer_bindings, max_resource_descriptor_buffer_bindings, max_sampler_descriptor_buffer_bindings, max_embedded_immutable_sampler_bindings, max_embedded_immutable_samplers, buffer_capture_replay_descriptor_data_size, image_capture_replay_descriptor_data_size, image_view_capture_replay_descriptor_data_size, sampler_capture_replay_descriptor_data_size, acceleration_structure_capture_replay_descriptor_data_size, sampler_descriptor_size, combined_image_sampler_descriptor_size, sampled_image_descriptor_size, storage_image_descriptor_size, uniform_texel_buffer_descriptor_size, robust_uniform_texel_buffer_descriptor_size, storage_texel_buffer_descriptor_size, robust_storage_texel_buffer_descriptor_size, uniform_buffer_descriptor_size, robust_uniform_buffer_descriptor_size, storage_buffer_descriptor_size, robust_storage_buffer_descriptor_size, input_attachment_descriptor_size, acceleration_structure_descriptor_size, max_sampler_descriptor_buffer_range, max_resource_descriptor_buffer_range, sampler_descriptor_buffer_address_space_size, resource_descriptor_buffer_address_space_size, descriptor_buffer_address_space_size) _PhysicalDeviceDescriptorBufferPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `combined_image_sampler_density_map_descriptor_size::UInt` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT.html) """ function _PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT(combined_image_sampler_density_map_descriptor_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT(structure_type(VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), combined_image_sampler_density_map_descriptor_size) _PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `address::UInt64` - `range::UInt64` - `format::Format` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorAddressInfoEXT.html) """ function _DescriptorAddressInfoEXT(address::Integer, range::Integer, format::Format; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDescriptorAddressInfoEXT(structure_type(VkDescriptorAddressInfoEXT), unsafe_convert(Ptr{Cvoid}, next), address, range, format) _DescriptorAddressInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `address::UInt64` - `usage::BufferUsageFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorBufferBindingInfoEXT.html) """ function _DescriptorBufferBindingInfoEXT(address::Integer, usage::BufferUsageFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDescriptorBufferBindingInfoEXT(structure_type(VkDescriptorBufferBindingInfoEXT), unsafe_convert(Ptr{Cvoid}, next), address, usage) _DescriptorBufferBindingInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `buffer::Buffer` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorBufferBindingPushDescriptorBufferHandleEXT.html) """ function _DescriptorBufferBindingPushDescriptorBufferHandleEXT(buffer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDescriptorBufferBindingPushDescriptorBufferHandleEXT(structure_type(VkDescriptorBufferBindingPushDescriptorBufferHandleEXT), unsafe_convert(Ptr{Cvoid}, next), buffer) _DescriptorBufferBindingPushDescriptorBufferHandleEXT(vks, deps, buffer) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `type::DescriptorType` - `data::_DescriptorDataEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorGetInfoEXT.html) """ function _DescriptorGetInfoEXT(type::DescriptorType, data::_DescriptorDataEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDescriptorGetInfoEXT(structure_type(VkDescriptorGetInfoEXT), unsafe_convert(Ptr{Cvoid}, next), type, data.vks) _DescriptorGetInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `buffer::Buffer` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCaptureDescriptorDataInfoEXT.html) """ function _BufferCaptureDescriptorDataInfoEXT(buffer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkBufferCaptureDescriptorDataInfoEXT(structure_type(VkBufferCaptureDescriptorDataInfoEXT), unsafe_convert(Ptr{Cvoid}, next), buffer) _BufferCaptureDescriptorDataInfoEXT(vks, deps, buffer) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `image::Image` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCaptureDescriptorDataInfoEXT.html) """ function _ImageCaptureDescriptorDataInfoEXT(image; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageCaptureDescriptorDataInfoEXT(structure_type(VkImageCaptureDescriptorDataInfoEXT), unsafe_convert(Ptr{Cvoid}, next), image) _ImageCaptureDescriptorDataInfoEXT(vks, deps, image) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `image_view::ImageView` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewCaptureDescriptorDataInfoEXT.html) """ function _ImageViewCaptureDescriptorDataInfoEXT(image_view; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageViewCaptureDescriptorDataInfoEXT(structure_type(VkImageViewCaptureDescriptorDataInfoEXT), unsafe_convert(Ptr{Cvoid}, next), image_view) _ImageViewCaptureDescriptorDataInfoEXT(vks, deps, image_view) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `sampler::Sampler` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerCaptureDescriptorDataInfoEXT.html) """ function _SamplerCaptureDescriptorDataInfoEXT(sampler; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSamplerCaptureDescriptorDataInfoEXT(structure_type(VkSamplerCaptureDescriptorDataInfoEXT), unsafe_convert(Ptr{Cvoid}, next), sampler) _SamplerCaptureDescriptorDataInfoEXT(vks, deps, sampler) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `acceleration_structure::AccelerationStructureKHR`: defaults to `C_NULL` - `acceleration_structure_nv::AccelerationStructureNV`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureCaptureDescriptorDataInfoEXT.html) """ function _AccelerationStructureCaptureDescriptorDataInfoEXT(; next = C_NULL, acceleration_structure = C_NULL, acceleration_structure_nv = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAccelerationStructureCaptureDescriptorDataInfoEXT(structure_type(VkAccelerationStructureCaptureDescriptorDataInfoEXT), unsafe_convert(Ptr{Cvoid}, next), acceleration_structure, acceleration_structure_nv) _AccelerationStructureCaptureDescriptorDataInfoEXT(vks, deps, acceleration_structure, acceleration_structure_nv) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `opaque_capture_descriptor_data::Ptr{Cvoid}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpaqueCaptureDescriptorDataCreateInfoEXT.html) """ function _OpaqueCaptureDescriptorDataCreateInfoEXT(opaque_capture_descriptor_data::Ptr{Cvoid}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) opaque_capture_descriptor_data = cconvert(Ptr{Cvoid}, opaque_capture_descriptor_data) deps = Any[next, opaque_capture_descriptor_data] vks = VkOpaqueCaptureDescriptorDataCreateInfoEXT(structure_type(VkOpaqueCaptureDescriptorDataCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{Cvoid}, opaque_capture_descriptor_data)) _OpaqueCaptureDescriptorDataCreateInfoEXT(vks, deps) end """ Arguments: - `shader_integer_dot_product::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderIntegerDotProductFeatures.html) """ function _PhysicalDeviceShaderIntegerDotProductFeatures(shader_integer_dot_product::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderIntegerDotProductFeatures(structure_type(VkPhysicalDeviceShaderIntegerDotProductFeatures), unsafe_convert(Ptr{Cvoid}, next), shader_integer_dot_product) _PhysicalDeviceShaderIntegerDotProductFeatures(vks, deps) end """ Arguments: - `integer_dot_product_8_bit_unsigned_accelerated::Bool` - `integer_dot_product_8_bit_signed_accelerated::Bool` - `integer_dot_product_8_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_8_bit_packed_unsigned_accelerated::Bool` - `integer_dot_product_8_bit_packed_signed_accelerated::Bool` - `integer_dot_product_8_bit_packed_mixed_signedness_accelerated::Bool` - `integer_dot_product_16_bit_unsigned_accelerated::Bool` - `integer_dot_product_16_bit_signed_accelerated::Bool` - `integer_dot_product_16_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_32_bit_unsigned_accelerated::Bool` - `integer_dot_product_32_bit_signed_accelerated::Bool` - `integer_dot_product_32_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_64_bit_unsigned_accelerated::Bool` - `integer_dot_product_64_bit_signed_accelerated::Bool` - `integer_dot_product_64_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_16_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_32_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_64_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderIntegerDotProductProperties.html) """ function _PhysicalDeviceShaderIntegerDotProductProperties(integer_dot_product_8_bit_unsigned_accelerated::Bool, integer_dot_product_8_bit_signed_accelerated::Bool, integer_dot_product_8_bit_mixed_signedness_accelerated::Bool, integer_dot_product_8_bit_packed_unsigned_accelerated::Bool, integer_dot_product_8_bit_packed_signed_accelerated::Bool, integer_dot_product_8_bit_packed_mixed_signedness_accelerated::Bool, integer_dot_product_16_bit_unsigned_accelerated::Bool, integer_dot_product_16_bit_signed_accelerated::Bool, integer_dot_product_16_bit_mixed_signedness_accelerated::Bool, integer_dot_product_32_bit_unsigned_accelerated::Bool, integer_dot_product_32_bit_signed_accelerated::Bool, integer_dot_product_32_bit_mixed_signedness_accelerated::Bool, integer_dot_product_64_bit_unsigned_accelerated::Bool, integer_dot_product_64_bit_signed_accelerated::Bool, integer_dot_product_64_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_16_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_32_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_64_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderIntegerDotProductProperties(structure_type(VkPhysicalDeviceShaderIntegerDotProductProperties), unsafe_convert(Ptr{Cvoid}, next), integer_dot_product_8_bit_unsigned_accelerated, integer_dot_product_8_bit_signed_accelerated, integer_dot_product_8_bit_mixed_signedness_accelerated, integer_dot_product_8_bit_packed_unsigned_accelerated, integer_dot_product_8_bit_packed_signed_accelerated, integer_dot_product_8_bit_packed_mixed_signedness_accelerated, integer_dot_product_16_bit_unsigned_accelerated, integer_dot_product_16_bit_signed_accelerated, integer_dot_product_16_bit_mixed_signedness_accelerated, integer_dot_product_32_bit_unsigned_accelerated, integer_dot_product_32_bit_signed_accelerated, integer_dot_product_32_bit_mixed_signedness_accelerated, integer_dot_product_64_bit_unsigned_accelerated, integer_dot_product_64_bit_signed_accelerated, integer_dot_product_64_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_8_bit_signed_accelerated, integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated, integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated, integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_16_bit_signed_accelerated, integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_32_bit_signed_accelerated, integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_64_bit_signed_accelerated, integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated) _PhysicalDeviceShaderIntegerDotProductProperties(vks, deps) end """ Extension: VK\\_EXT\\_physical\\_device\\_drm Arguments: - `has_primary::Bool` - `has_render::Bool` - `primary_major::Int64` - `primary_minor::Int64` - `render_major::Int64` - `render_minor::Int64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDrmPropertiesEXT.html) """ function _PhysicalDeviceDrmPropertiesEXT(has_primary::Bool, has_render::Bool, primary_major::Integer, primary_minor::Integer, render_major::Integer, render_minor::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDrmPropertiesEXT(structure_type(VkPhysicalDeviceDrmPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), has_primary, has_render, primary_major, primary_minor, render_major, render_minor) _PhysicalDeviceDrmPropertiesEXT(vks, deps) end """ Extension: VK\\_KHR\\_fragment\\_shader\\_barycentric Arguments: - `fragment_shader_barycentric::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR.html) """ function _PhysicalDeviceFragmentShaderBarycentricFeaturesKHR(fragment_shader_barycentric::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR(structure_type(VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR), unsafe_convert(Ptr{Cvoid}, next), fragment_shader_barycentric) _PhysicalDeviceFragmentShaderBarycentricFeaturesKHR(vks, deps) end """ Extension: VK\\_KHR\\_fragment\\_shader\\_barycentric Arguments: - `tri_strip_vertex_order_independent_of_provoking_vertex::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR.html) """ function _PhysicalDeviceFragmentShaderBarycentricPropertiesKHR(tri_strip_vertex_order_independent_of_provoking_vertex::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR(structure_type(VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR), unsafe_convert(Ptr{Cvoid}, next), tri_strip_vertex_order_independent_of_provoking_vertex) _PhysicalDeviceFragmentShaderBarycentricPropertiesKHR(vks, deps) end """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `ray_tracing_motion_blur::Bool` - `ray_tracing_motion_blur_pipeline_trace_rays_indirect::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingMotionBlurFeaturesNV.html) """ function _PhysicalDeviceRayTracingMotionBlurFeaturesNV(ray_tracing_motion_blur::Bool, ray_tracing_motion_blur_pipeline_trace_rays_indirect::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRayTracingMotionBlurFeaturesNV(structure_type(VkPhysicalDeviceRayTracingMotionBlurFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), ray_tracing_motion_blur, ray_tracing_motion_blur_pipeline_trace_rays_indirect) _PhysicalDeviceRayTracingMotionBlurFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `vertex_data::_DeviceOrHostAddressConstKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryMotionTrianglesDataNV.html) """ function _AccelerationStructureGeometryMotionTrianglesDataNV(vertex_data::_DeviceOrHostAddressConstKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAccelerationStructureGeometryMotionTrianglesDataNV(structure_type(VkAccelerationStructureGeometryMotionTrianglesDataNV), unsafe_convert(Ptr{Cvoid}, next), vertex_data.vks) _AccelerationStructureGeometryMotionTrianglesDataNV(vks, deps) end """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `max_instances::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMotionInfoNV.html) """ function _AccelerationStructureMotionInfoNV(max_instances::Integer; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAccelerationStructureMotionInfoNV(structure_type(VkAccelerationStructureMotionInfoNV), unsafe_convert(Ptr{Cvoid}, next), max_instances, flags) _AccelerationStructureMotionInfoNV(vks, deps) end """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `sx::Float32` - `a::Float32` - `b::Float32` - `pvx::Float32` - `sy::Float32` - `c::Float32` - `pvy::Float32` - `sz::Float32` - `pvz::Float32` - `qx::Float32` - `qy::Float32` - `qz::Float32` - `qw::Float32` - `tx::Float32` - `ty::Float32` - `tz::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSRTDataNV.html) """ function _SRTDataNV(sx::Real, a::Real, b::Real, pvx::Real, sy::Real, c::Real, pvy::Real, sz::Real, pvz::Real, qx::Real, qy::Real, qz::Real, qw::Real, tx::Real, ty::Real, tz::Real) _SRTDataNV(VkSRTDataNV(sx, a, b, pvx, sy, c, pvy, sz, pvz, qx, qy, qz, qw, tx, ty, tz)) end """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `transform_t_0::_SRTDataNV` - `transform_t_1::_SRTDataNV` - `instance_custom_index::UInt32` - `mask::UInt32` - `instance_shader_binding_table_record_offset::UInt32` - `acceleration_structure_reference::UInt64` - `flags::GeometryInstanceFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureSRTMotionInstanceNV.html) """ function _AccelerationStructureSRTMotionInstanceNV(transform_t_0::_SRTDataNV, transform_t_1::_SRTDataNV, instance_custom_index::Integer, mask::Integer, instance_shader_binding_table_record_offset::Integer, acceleration_structure_reference::Integer; flags = 0) _AccelerationStructureSRTMotionInstanceNV(VkAccelerationStructureSRTMotionInstanceNV(transform_t_0.vks, transform_t_1.vks, instance_custom_index, mask, instance_shader_binding_table_record_offset, flags, acceleration_structure_reference)) end """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `transform_t_0::_TransformMatrixKHR` - `transform_t_1::_TransformMatrixKHR` - `instance_custom_index::UInt32` - `mask::UInt32` - `instance_shader_binding_table_record_offset::UInt32` - `acceleration_structure_reference::UInt64` - `flags::GeometryInstanceFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMatrixMotionInstanceNV.html) """ function _AccelerationStructureMatrixMotionInstanceNV(transform_t_0::_TransformMatrixKHR, transform_t_1::_TransformMatrixKHR, instance_custom_index::Integer, mask::Integer, instance_shader_binding_table_record_offset::Integer, acceleration_structure_reference::Integer; flags = 0) _AccelerationStructureMatrixMotionInstanceNV(VkAccelerationStructureMatrixMotionInstanceNV(transform_t_0.vks, transform_t_1.vks, instance_custom_index, mask, instance_shader_binding_table_record_offset, flags, acceleration_structure_reference)) end """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `type::AccelerationStructureMotionInstanceTypeNV` - `data::_AccelerationStructureMotionInstanceDataNV` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMotionInstanceNV.html) """ function _AccelerationStructureMotionInstanceNV(type::AccelerationStructureMotionInstanceTypeNV, data::_AccelerationStructureMotionInstanceDataNV; flags = 0) _AccelerationStructureMotionInstanceNV(VkAccelerationStructureMotionInstanceNV(type, flags, data.vks)) end """ Extension: VK\\_NV\\_external\\_memory\\_rdma Arguments: - `memory::DeviceMemory` - `handle_type::ExternalMemoryHandleTypeFlag` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryGetRemoteAddressInfoNV.html) """ function _MemoryGetRemoteAddressInfoNV(memory, handle_type::ExternalMemoryHandleTypeFlag; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMemoryGetRemoteAddressInfoNV(structure_type(VkMemoryGetRemoteAddressInfoNV), unsafe_convert(Ptr{Cvoid}, next), memory, VkExternalMemoryHandleTypeFlagBits(handle_type.val)) _MemoryGetRemoteAddressInfoNV(vks, deps, memory) end """ Extension: VK\\_EXT\\_rgba10x6\\_formats Arguments: - `format_rgba_1_6_without_y_cb_cr_sampler::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT.html) """ function _PhysicalDeviceRGBA10X6FormatsFeaturesEXT(format_rgba_1_6_without_y_cb_cr_sampler::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT(structure_type(VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), format_rgba_1_6_without_y_cb_cr_sampler) _PhysicalDeviceRGBA10X6FormatsFeaturesEXT(vks, deps) end """ Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `linear_tiling_features::UInt64`: defaults to `0` - `optimal_tiling_features::UInt64`: defaults to `0` - `buffer_features::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFormatProperties3.html) """ function _FormatProperties3(; next = C_NULL, linear_tiling_features = 0, optimal_tiling_features = 0, buffer_features = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkFormatProperties3(structure_type(VkFormatProperties3), unsafe_convert(Ptr{Cvoid}, next), linear_tiling_features, optimal_tiling_features, buffer_features) _FormatProperties3(vks, deps) end """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `drm_format_modifier_properties::Vector{_DrmFormatModifierProperties2EXT}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierPropertiesList2EXT.html) """ function _DrmFormatModifierPropertiesList2EXT(; next = C_NULL, drm_format_modifier_properties = C_NULL) drm_format_modifier_count = pointer_length(drm_format_modifier_properties) next = cconvert(Ptr{Cvoid}, next) drm_format_modifier_properties = cconvert(Ptr{VkDrmFormatModifierProperties2EXT}, drm_format_modifier_properties) deps = Any[next, drm_format_modifier_properties] vks = VkDrmFormatModifierPropertiesList2EXT(structure_type(VkDrmFormatModifierPropertiesList2EXT), unsafe_convert(Ptr{Cvoid}, next), drm_format_modifier_count, unsafe_convert(Ptr{VkDrmFormatModifierProperties2EXT}, drm_format_modifier_properties)) _DrmFormatModifierPropertiesList2EXT(vks, deps) end """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `drm_format_modifier::UInt64` - `drm_format_modifier_plane_count::UInt32` - `drm_format_modifier_tiling_features::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierProperties2EXT.html) """ function _DrmFormatModifierProperties2EXT(drm_format_modifier::Integer, drm_format_modifier_plane_count::Integer, drm_format_modifier_tiling_features::Integer) _DrmFormatModifierProperties2EXT(VkDrmFormatModifierProperties2EXT(drm_format_modifier, drm_format_modifier_plane_count, drm_format_modifier_tiling_features)) end """ Arguments: - `view_mask::UInt32` - `color_attachment_formats::Vector{Format}` - `depth_attachment_format::Format` - `stencil_attachment_format::Format` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRenderingCreateInfo.html) """ function _PipelineRenderingCreateInfo(view_mask::Integer, color_attachment_formats::AbstractArray, depth_attachment_format::Format, stencil_attachment_format::Format; next = C_NULL) color_attachment_count = pointer_length(color_attachment_formats) next = cconvert(Ptr{Cvoid}, next) color_attachment_formats = cconvert(Ptr{VkFormat}, color_attachment_formats) deps = Any[next, color_attachment_formats] vks = VkPipelineRenderingCreateInfo(structure_type(VkPipelineRenderingCreateInfo), unsafe_convert(Ptr{Cvoid}, next), view_mask, color_attachment_count, unsafe_convert(Ptr{VkFormat}, color_attachment_formats), depth_attachment_format, stencil_attachment_format) _PipelineRenderingCreateInfo(vks, deps) end """ Arguments: - `render_area::_Rect2D` - `layer_count::UInt32` - `view_mask::UInt32` - `color_attachments::Vector{_RenderingAttachmentInfo}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::RenderingFlag`: defaults to `0` - `depth_attachment::_RenderingAttachmentInfo`: defaults to `C_NULL` - `stencil_attachment::_RenderingAttachmentInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingInfo.html) """ function _RenderingInfo(render_area::_Rect2D, layer_count::Integer, view_mask::Integer, color_attachments::AbstractArray; next = C_NULL, flags = 0, depth_attachment = C_NULL, stencil_attachment = C_NULL) color_attachment_count = pointer_length(color_attachments) next = cconvert(Ptr{Cvoid}, next) color_attachments = cconvert(Ptr{VkRenderingAttachmentInfo}, color_attachments) depth_attachment = cconvert(Ptr{VkRenderingAttachmentInfo}, depth_attachment) stencil_attachment = cconvert(Ptr{VkRenderingAttachmentInfo}, stencil_attachment) deps = Any[next, color_attachments, depth_attachment, stencil_attachment] vks = VkRenderingInfo(structure_type(VkRenderingInfo), unsafe_convert(Ptr{Cvoid}, next), flags, render_area.vks, layer_count, view_mask, color_attachment_count, unsafe_convert(Ptr{VkRenderingAttachmentInfo}, color_attachments), unsafe_convert(Ptr{VkRenderingAttachmentInfo}, depth_attachment), unsafe_convert(Ptr{VkRenderingAttachmentInfo}, stencil_attachment)) _RenderingInfo(vks, deps) end """ Arguments: - `image_layout::ImageLayout` - `resolve_image_layout::ImageLayout` - `load_op::AttachmentLoadOp` - `store_op::AttachmentStoreOp` - `clear_value::_ClearValue` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `image_view::ImageView`: defaults to `C_NULL` - `resolve_mode::ResolveModeFlag`: defaults to `0` - `resolve_image_view::ImageView`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingAttachmentInfo.html) """ function _RenderingAttachmentInfo(image_layout::ImageLayout, resolve_image_layout::ImageLayout, load_op::AttachmentLoadOp, store_op::AttachmentStoreOp, clear_value::_ClearValue; next = C_NULL, image_view = C_NULL, resolve_mode = 0, resolve_image_view = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkRenderingAttachmentInfo(structure_type(VkRenderingAttachmentInfo), unsafe_convert(Ptr{Cvoid}, next), image_view, image_layout, VkResolveModeFlagBits(resolve_mode.val), resolve_image_view, resolve_image_layout, load_op, store_op, clear_value.vks) _RenderingAttachmentInfo(vks, deps, image_view, resolve_image_view) end """ Extension: VK\\_KHR\\_dynamic\\_rendering Arguments: - `image_layout::ImageLayout` - `shading_rate_attachment_texel_size::_Extent2D` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `image_view::ImageView`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingFragmentShadingRateAttachmentInfoKHR.html) """ function _RenderingFragmentShadingRateAttachmentInfoKHR(image_layout::ImageLayout, shading_rate_attachment_texel_size::_Extent2D; next = C_NULL, image_view = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkRenderingFragmentShadingRateAttachmentInfoKHR(structure_type(VkRenderingFragmentShadingRateAttachmentInfoKHR), unsafe_convert(Ptr{Cvoid}, next), image_view, image_layout, shading_rate_attachment_texel_size.vks) _RenderingFragmentShadingRateAttachmentInfoKHR(vks, deps, image_view) end """ Extension: VK\\_KHR\\_dynamic\\_rendering Arguments: - `image_view::ImageView` - `image_layout::ImageLayout` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingFragmentDensityMapAttachmentInfoEXT.html) """ function _RenderingFragmentDensityMapAttachmentInfoEXT(image_view, image_layout::ImageLayout; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkRenderingFragmentDensityMapAttachmentInfoEXT(structure_type(VkRenderingFragmentDensityMapAttachmentInfoEXT), unsafe_convert(Ptr{Cvoid}, next), image_view, image_layout) _RenderingFragmentDensityMapAttachmentInfoEXT(vks, deps, image_view) end """ Arguments: - `dynamic_rendering::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDynamicRenderingFeatures.html) """ function _PhysicalDeviceDynamicRenderingFeatures(dynamic_rendering::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDynamicRenderingFeatures(structure_type(VkPhysicalDeviceDynamicRenderingFeatures), unsafe_convert(Ptr{Cvoid}, next), dynamic_rendering) _PhysicalDeviceDynamicRenderingFeatures(vks, deps) end """ Arguments: - `view_mask::UInt32` - `color_attachment_formats::Vector{Format}` - `depth_attachment_format::Format` - `stencil_attachment_format::Format` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::RenderingFlag`: defaults to `0` - `rasterization_samples::SampleCountFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceRenderingInfo.html) """ function _CommandBufferInheritanceRenderingInfo(view_mask::Integer, color_attachment_formats::AbstractArray, depth_attachment_format::Format, stencil_attachment_format::Format; next = C_NULL, flags = 0, rasterization_samples = 0) color_attachment_count = pointer_length(color_attachment_formats) next = cconvert(Ptr{Cvoid}, next) color_attachment_formats = cconvert(Ptr{VkFormat}, color_attachment_formats) deps = Any[next, color_attachment_formats] vks = VkCommandBufferInheritanceRenderingInfo(structure_type(VkCommandBufferInheritanceRenderingInfo), unsafe_convert(Ptr{Cvoid}, next), flags, view_mask, color_attachment_count, unsafe_convert(Ptr{VkFormat}, color_attachment_formats), depth_attachment_format, stencil_attachment_format, VkSampleCountFlagBits(rasterization_samples.val)) _CommandBufferInheritanceRenderingInfo(vks, deps) end """ Extension: VK\\_KHR\\_dynamic\\_rendering Arguments: - `color_attachment_samples::Vector{SampleCountFlag}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `depth_stencil_attachment_samples::SampleCountFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentSampleCountInfoAMD.html) """ function _AttachmentSampleCountInfoAMD(color_attachment_samples::AbstractArray; next = C_NULL, depth_stencil_attachment_samples = 0) color_attachment_count = pointer_length(color_attachment_samples) next = cconvert(Ptr{Cvoid}, next) color_attachment_samples = cconvert(Ptr{VkSampleCountFlagBits}, color_attachment_samples) deps = Any[next, color_attachment_samples] vks = VkAttachmentSampleCountInfoAMD(structure_type(VkAttachmentSampleCountInfoAMD), unsafe_convert(Ptr{Cvoid}, next), color_attachment_count, unsafe_convert(Ptr{VkSampleCountFlagBits}, color_attachment_samples), VkSampleCountFlagBits(depth_stencil_attachment_samples.val)) _AttachmentSampleCountInfoAMD(vks, deps) end """ Extension: VK\\_KHR\\_dynamic\\_rendering Arguments: - `per_view_attributes::Bool` - `per_view_attributes_position_x_only::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultiviewPerViewAttributesInfoNVX.html) """ function _MultiviewPerViewAttributesInfoNVX(per_view_attributes::Bool, per_view_attributes_position_x_only::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMultiviewPerViewAttributesInfoNVX(structure_type(VkMultiviewPerViewAttributesInfoNVX), unsafe_convert(Ptr{Cvoid}, next), per_view_attributes, per_view_attributes_position_x_only) _MultiviewPerViewAttributesInfoNVX(vks, deps) end """ Extension: VK\\_EXT\\_image\\_view\\_min\\_lod Arguments: - `min_lod::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageViewMinLodFeaturesEXT.html) """ function _PhysicalDeviceImageViewMinLodFeaturesEXT(min_lod::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceImageViewMinLodFeaturesEXT(structure_type(VkPhysicalDeviceImageViewMinLodFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), min_lod) _PhysicalDeviceImageViewMinLodFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_image\\_view\\_min\\_lod Arguments: - `min_lod::Float32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewMinLodCreateInfoEXT.html) """ function _ImageViewMinLodCreateInfoEXT(min_lod::Real; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageViewMinLodCreateInfoEXT(structure_type(VkImageViewMinLodCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), min_lod) _ImageViewMinLodCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_rasterization\\_order\\_attachment\\_access Arguments: - `rasterization_order_color_attachment_access::Bool` - `rasterization_order_depth_attachment_access::Bool` - `rasterization_order_stencil_attachment_access::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT.html) """ function _PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT(rasterization_order_color_attachment_access::Bool, rasterization_order_depth_attachment_access::Bool, rasterization_order_stencil_attachment_access::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT(structure_type(VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), rasterization_order_color_attachment_access, rasterization_order_depth_attachment_access, rasterization_order_stencil_attachment_access) _PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT(vks, deps) end """ Extension: VK\\_NV\\_linear\\_color\\_attachment Arguments: - `linear_color_attachment::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLinearColorAttachmentFeaturesNV.html) """ function _PhysicalDeviceLinearColorAttachmentFeaturesNV(linear_color_attachment::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceLinearColorAttachmentFeaturesNV(structure_type(VkPhysicalDeviceLinearColorAttachmentFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), linear_color_attachment) _PhysicalDeviceLinearColorAttachmentFeaturesNV(vks, deps) end """ Extension: VK\\_EXT\\_graphics\\_pipeline\\_library Arguments: - `graphics_pipeline_library::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT.html) """ function _PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT(graphics_pipeline_library::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT(structure_type(VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), graphics_pipeline_library) _PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_graphics\\_pipeline\\_library Arguments: - `graphics_pipeline_library_fast_linking::Bool` - `graphics_pipeline_library_independent_interpolation_decoration::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT.html) """ function _PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT(graphics_pipeline_library_fast_linking::Bool, graphics_pipeline_library_independent_interpolation_decoration::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT(structure_type(VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), graphics_pipeline_library_fast_linking, graphics_pipeline_library_independent_interpolation_decoration) _PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_graphics\\_pipeline\\_library Arguments: - `flags::GraphicsPipelineLibraryFlagEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsPipelineLibraryCreateInfoEXT.html) """ function _GraphicsPipelineLibraryCreateInfoEXT(flags::GraphicsPipelineLibraryFlagEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkGraphicsPipelineLibraryCreateInfoEXT(structure_type(VkGraphicsPipelineLibraryCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), flags) _GraphicsPipelineLibraryCreateInfoEXT(vks, deps) end """ Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping Arguments: - `descriptor_set_host_mapping::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE.html) """ function _PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE(descriptor_set_host_mapping::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE(structure_type(VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE), unsafe_convert(Ptr{Cvoid}, next), descriptor_set_host_mapping) _PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE(vks, deps) end """ Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping Arguments: - `descriptor_set_layout::DescriptorSetLayout` - `binding::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetBindingReferenceVALVE.html) """ function _DescriptorSetBindingReferenceVALVE(descriptor_set_layout, binding::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDescriptorSetBindingReferenceVALVE(structure_type(VkDescriptorSetBindingReferenceVALVE), unsafe_convert(Ptr{Cvoid}, next), descriptor_set_layout, binding) _DescriptorSetBindingReferenceVALVE(vks, deps, descriptor_set_layout) end """ Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping Arguments: - `descriptor_offset::UInt` - `descriptor_size::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutHostMappingInfoVALVE.html) """ function _DescriptorSetLayoutHostMappingInfoVALVE(descriptor_offset::Integer, descriptor_size::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDescriptorSetLayoutHostMappingInfoVALVE(structure_type(VkDescriptorSetLayoutHostMappingInfoVALVE), unsafe_convert(Ptr{Cvoid}, next), descriptor_offset, descriptor_size) _DescriptorSetLayoutHostMappingInfoVALVE(vks, deps) end """ Extension: VK\\_EXT\\_shader\\_module\\_identifier Arguments: - `shader_module_identifier::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT.html) """ function _PhysicalDeviceShaderModuleIdentifierFeaturesEXT(shader_module_identifier::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT(structure_type(VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), shader_module_identifier) _PhysicalDeviceShaderModuleIdentifierFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_shader\\_module\\_identifier Arguments: - `shader_module_identifier_algorithm_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT.html) """ function _PhysicalDeviceShaderModuleIdentifierPropertiesEXT(shader_module_identifier_algorithm_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT(structure_type(VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), shader_module_identifier_algorithm_uuid) _PhysicalDeviceShaderModuleIdentifierPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_shader\\_module\\_identifier Arguments: - `identifier::Vector{UInt8}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `identifier_size::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineShaderStageModuleIdentifierCreateInfoEXT.html) """ function _PipelineShaderStageModuleIdentifierCreateInfoEXT(identifier::AbstractArray; next = C_NULL, identifier_size = 0) next = cconvert(Ptr{Cvoid}, next) identifier = cconvert(Ptr{UInt8}, identifier) deps = Any[next, identifier] vks = VkPipelineShaderStageModuleIdentifierCreateInfoEXT(structure_type(VkPipelineShaderStageModuleIdentifierCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), identifier_size, unsafe_convert(Ptr{UInt8}, identifier)) _PipelineShaderStageModuleIdentifierCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_shader\\_module\\_identifier Arguments: - `identifier_size::UInt32` - `identifier::NTuple{Int(VK_MAX_SHADER_MODULE_IDENTIFIER_SIZE_EXT), UInt8}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderModuleIdentifierEXT.html) """ function _ShaderModuleIdentifierEXT(identifier_size::Integer, identifier::NTuple{Int(VK_MAX_SHADER_MODULE_IDENTIFIER_SIZE_EXT), UInt8}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkShaderModuleIdentifierEXT(structure_type(VkShaderModuleIdentifierEXT), unsafe_convert(Ptr{Cvoid}, next), identifier_size, identifier) _ShaderModuleIdentifierEXT(vks, deps) end """ Extension: VK\\_EXT\\_image\\_compression\\_control Arguments: - `flags::ImageCompressionFlagEXT` - `fixed_rate_flags::Vector{ImageCompressionFixedRateFlagEXT}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCompressionControlEXT.html) """ function _ImageCompressionControlEXT(flags::ImageCompressionFlagEXT, fixed_rate_flags::AbstractArray; next = C_NULL) compression_control_plane_count = pointer_length(fixed_rate_flags) next = cconvert(Ptr{Cvoid}, next) fixed_rate_flags = cconvert(Ptr{VkImageCompressionFixedRateFlagsEXT}, fixed_rate_flags) deps = Any[next, fixed_rate_flags] vks = VkImageCompressionControlEXT(structure_type(VkImageCompressionControlEXT), unsafe_convert(Ptr{Cvoid}, next), flags, compression_control_plane_count, unsafe_convert(Ptr{VkImageCompressionFixedRateFlagsEXT}, fixed_rate_flags)) _ImageCompressionControlEXT(vks, deps) end """ Extension: VK\\_EXT\\_image\\_compression\\_control Arguments: - `image_compression_control::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageCompressionControlFeaturesEXT.html) """ function _PhysicalDeviceImageCompressionControlFeaturesEXT(image_compression_control::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceImageCompressionControlFeaturesEXT(structure_type(VkPhysicalDeviceImageCompressionControlFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), image_compression_control) _PhysicalDeviceImageCompressionControlFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_image\\_compression\\_control Arguments: - `image_compression_flags::ImageCompressionFlagEXT` - `image_compression_fixed_rate_flags::ImageCompressionFixedRateFlagEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCompressionPropertiesEXT.html) """ function _ImageCompressionPropertiesEXT(image_compression_flags::ImageCompressionFlagEXT, image_compression_fixed_rate_flags::ImageCompressionFixedRateFlagEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageCompressionPropertiesEXT(structure_type(VkImageCompressionPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), image_compression_flags, image_compression_fixed_rate_flags) _ImageCompressionPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_image\\_compression\\_control\\_swapchain Arguments: - `image_compression_control_swapchain::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT.html) """ function _PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT(image_compression_control_swapchain::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT(structure_type(VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), image_compression_control_swapchain) _PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_image\\_compression\\_control Arguments: - `image_subresource::_ImageSubresource` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresource2EXT.html) """ function _ImageSubresource2EXT(image_subresource::_ImageSubresource; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageSubresource2EXT(structure_type(VkImageSubresource2EXT), unsafe_convert(Ptr{Cvoid}, next), image_subresource.vks) _ImageSubresource2EXT(vks, deps) end """ Extension: VK\\_EXT\\_image\\_compression\\_control Arguments: - `subresource_layout::_SubresourceLayout` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubresourceLayout2EXT.html) """ function _SubresourceLayout2EXT(subresource_layout::_SubresourceLayout; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSubresourceLayout2EXT(structure_type(VkSubresourceLayout2EXT), unsafe_convert(Ptr{Cvoid}, next), subresource_layout.vks) _SubresourceLayout2EXT(vks, deps) end """ Extension: VK\\_EXT\\_subpass\\_merge\\_feedback Arguments: - `disallow_merging::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreationControlEXT.html) """ function _RenderPassCreationControlEXT(disallow_merging::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkRenderPassCreationControlEXT(structure_type(VkRenderPassCreationControlEXT), unsafe_convert(Ptr{Cvoid}, next), disallow_merging) _RenderPassCreationControlEXT(vks, deps) end """ Extension: VK\\_EXT\\_subpass\\_merge\\_feedback Arguments: - `post_merge_subpass_count::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreationFeedbackInfoEXT.html) """ function _RenderPassCreationFeedbackInfoEXT(post_merge_subpass_count::Integer) _RenderPassCreationFeedbackInfoEXT(VkRenderPassCreationFeedbackInfoEXT(post_merge_subpass_count)) end """ Extension: VK\\_EXT\\_subpass\\_merge\\_feedback Arguments: - `render_pass_feedback::_RenderPassCreationFeedbackInfoEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreationFeedbackCreateInfoEXT.html) """ function _RenderPassCreationFeedbackCreateInfoEXT(render_pass_feedback::_RenderPassCreationFeedbackInfoEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) render_pass_feedback = cconvert(Ptr{VkRenderPassCreationFeedbackInfoEXT}, render_pass_feedback) deps = Any[next, render_pass_feedback] vks = VkRenderPassCreationFeedbackCreateInfoEXT(structure_type(VkRenderPassCreationFeedbackCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{VkRenderPassCreationFeedbackInfoEXT}, render_pass_feedback)) _RenderPassCreationFeedbackCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_subpass\\_merge\\_feedback Arguments: - `subpass_merge_status::SubpassMergeStatusEXT` - `description::String` - `post_merge_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassSubpassFeedbackInfoEXT.html) """ function _RenderPassSubpassFeedbackInfoEXT(subpass_merge_status::SubpassMergeStatusEXT, description::AbstractString, post_merge_index::Integer) _RenderPassSubpassFeedbackInfoEXT(VkRenderPassSubpassFeedbackInfoEXT(subpass_merge_status, description, post_merge_index)) end """ Extension: VK\\_EXT\\_subpass\\_merge\\_feedback Arguments: - `subpass_feedback::_RenderPassSubpassFeedbackInfoEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassSubpassFeedbackCreateInfoEXT.html) """ function _RenderPassSubpassFeedbackCreateInfoEXT(subpass_feedback::_RenderPassSubpassFeedbackInfoEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) subpass_feedback = cconvert(Ptr{VkRenderPassSubpassFeedbackInfoEXT}, subpass_feedback) deps = Any[next, subpass_feedback] vks = VkRenderPassSubpassFeedbackCreateInfoEXT(structure_type(VkRenderPassSubpassFeedbackCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{VkRenderPassSubpassFeedbackInfoEXT}, subpass_feedback)) _RenderPassSubpassFeedbackCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_subpass\\_merge\\_feedback Arguments: - `subpass_merge_feedback::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT.html) """ function _PhysicalDeviceSubpassMergeFeedbackFeaturesEXT(subpass_merge_feedback::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT(structure_type(VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), subpass_merge_feedback) _PhysicalDeviceSubpassMergeFeedbackFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `type::MicromapTypeEXT` - `mode::BuildMicromapModeEXT` - `data::_DeviceOrHostAddressConstKHR` - `scratch_data::_DeviceOrHostAddressKHR` - `triangle_array::_DeviceOrHostAddressConstKHR` - `triangle_array_stride::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::BuildMicromapFlagEXT`: defaults to `0` - `dst_micromap::MicromapEXT`: defaults to `C_NULL` - `usage_counts::Vector{_MicromapUsageEXT}`: defaults to `C_NULL` - `usage_counts_2::Vector{_MicromapUsageEXT}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapBuildInfoEXT.html) """ function _MicromapBuildInfoEXT(type::MicromapTypeEXT, mode::BuildMicromapModeEXT, data::_DeviceOrHostAddressConstKHR, scratch_data::_DeviceOrHostAddressKHR, triangle_array::_DeviceOrHostAddressConstKHR, triangle_array_stride::Integer; next = C_NULL, flags = 0, dst_micromap = C_NULL, usage_counts = C_NULL, usage_counts_2 = C_NULL) usage_counts_count = pointer_length(usage_counts) next = cconvert(Ptr{Cvoid}, next) usage_counts = cconvert(Ptr{VkMicromapUsageEXT}, usage_counts) usage_counts_2 = cconvert(Ptr{Ptr{VkMicromapUsageEXT}}, usage_counts_2) deps = Any[next, usage_counts, usage_counts_2] vks = VkMicromapBuildInfoEXT(structure_type(VkMicromapBuildInfoEXT), unsafe_convert(Ptr{Cvoid}, next), type, flags, mode, dst_micromap, usage_counts_count, unsafe_convert(Ptr{VkMicromapUsageEXT}, usage_counts), unsafe_convert(Ptr{Ptr{VkMicromapUsageEXT}}, usage_counts), data.vks, scratch_data.vks, triangle_array.vks, triangle_array_stride) _MicromapBuildInfoEXT(vks, deps, dst_micromap) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `type::MicromapTypeEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `create_flags::MicromapCreateFlagEXT`: defaults to `0` - `device_address::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapCreateInfoEXT.html) """ function _MicromapCreateInfoEXT(buffer, offset::Integer, size::Integer, type::MicromapTypeEXT; next = C_NULL, create_flags = 0, device_address = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMicromapCreateInfoEXT(structure_type(VkMicromapCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), create_flags, buffer, offset, size, type, device_address) _MicromapCreateInfoEXT(vks, deps, buffer) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `version_data::Vector{UInt8}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapVersionInfoEXT.html) """ function _MicromapVersionInfoEXT(version_data::AbstractArray; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) version_data = cconvert(Ptr{UInt8}, version_data) deps = Any[next, version_data] vks = VkMicromapVersionInfoEXT(structure_type(VkMicromapVersionInfoEXT), unsafe_convert(Ptr{Cvoid}, next), unsafe_convert(Ptr{UInt8}, version_data)) _MicromapVersionInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `src::MicromapEXT` - `dst::MicromapEXT` - `mode::CopyMicromapModeEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMicromapInfoEXT.html) """ function _CopyMicromapInfoEXT(src, dst, mode::CopyMicromapModeEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCopyMicromapInfoEXT(structure_type(VkCopyMicromapInfoEXT), unsafe_convert(Ptr{Cvoid}, next), src, dst, mode) _CopyMicromapInfoEXT(vks, deps, src, dst) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `src::MicromapEXT` - `dst::_DeviceOrHostAddressKHR` - `mode::CopyMicromapModeEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMicromapToMemoryInfoEXT.html) """ function _CopyMicromapToMemoryInfoEXT(src, dst::_DeviceOrHostAddressKHR, mode::CopyMicromapModeEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCopyMicromapToMemoryInfoEXT(structure_type(VkCopyMicromapToMemoryInfoEXT), unsafe_convert(Ptr{Cvoid}, next), src, dst.vks, mode) _CopyMicromapToMemoryInfoEXT(vks, deps, src) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `src::_DeviceOrHostAddressConstKHR` - `dst::MicromapEXT` - `mode::CopyMicromapModeEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryToMicromapInfoEXT.html) """ function _CopyMemoryToMicromapInfoEXT(src::_DeviceOrHostAddressConstKHR, dst, mode::CopyMicromapModeEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkCopyMemoryToMicromapInfoEXT(structure_type(VkCopyMemoryToMicromapInfoEXT), unsafe_convert(Ptr{Cvoid}, next), src.vks, dst, mode) _CopyMemoryToMicromapInfoEXT(vks, deps, dst) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `micromap_size::UInt64` - `build_scratch_size::UInt64` - `discardable::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapBuildSizesInfoEXT.html) """ function _MicromapBuildSizesInfoEXT(micromap_size::Integer, build_scratch_size::Integer, discardable::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkMicromapBuildSizesInfoEXT(structure_type(VkMicromapBuildSizesInfoEXT), unsafe_convert(Ptr{Cvoid}, next), micromap_size, build_scratch_size, discardable) _MicromapBuildSizesInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `count::UInt32` - `subdivision_level::UInt32` - `format::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapUsageEXT.html) """ function _MicromapUsageEXT(count::Integer, subdivision_level::Integer, format::Integer) _MicromapUsageEXT(VkMicromapUsageEXT(count, subdivision_level, format)) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `data_offset::UInt32` - `subdivision_level::UInt16` - `format::UInt16` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapTriangleEXT.html) """ function _MicromapTriangleEXT(data_offset::Integer, subdivision_level::Integer, format::Integer) _MicromapTriangleEXT(VkMicromapTriangleEXT(data_offset, subdivision_level, format)) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `micromap::Bool` - `micromap_capture_replay::Bool` - `micromap_host_commands::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpacityMicromapFeaturesEXT.html) """ function _PhysicalDeviceOpacityMicromapFeaturesEXT(micromap::Bool, micromap_capture_replay::Bool, micromap_host_commands::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceOpacityMicromapFeaturesEXT(structure_type(VkPhysicalDeviceOpacityMicromapFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), micromap, micromap_capture_replay, micromap_host_commands) _PhysicalDeviceOpacityMicromapFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `max_opacity_2_state_subdivision_level::UInt32` - `max_opacity_4_state_subdivision_level::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpacityMicromapPropertiesEXT.html) """ function _PhysicalDeviceOpacityMicromapPropertiesEXT(max_opacity_2_state_subdivision_level::Integer, max_opacity_4_state_subdivision_level::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceOpacityMicromapPropertiesEXT(structure_type(VkPhysicalDeviceOpacityMicromapPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), max_opacity_2_state_subdivision_level, max_opacity_4_state_subdivision_level) _PhysicalDeviceOpacityMicromapPropertiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `index_type::IndexType` - `index_buffer::_DeviceOrHostAddressConstKHR` - `index_stride::UInt64` - `base_triangle::UInt32` - `micromap::MicromapEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `usage_counts::Vector{_MicromapUsageEXT}`: defaults to `C_NULL` - `usage_counts_2::Vector{_MicromapUsageEXT}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureTrianglesOpacityMicromapEXT.html) """ function _AccelerationStructureTrianglesOpacityMicromapEXT(index_type::IndexType, index_buffer::_DeviceOrHostAddressConstKHR, index_stride::Integer, base_triangle::Integer, micromap; next = C_NULL, usage_counts = C_NULL, usage_counts_2 = C_NULL) usage_counts_count = pointer_length(usage_counts) next = cconvert(Ptr{Cvoid}, next) usage_counts = cconvert(Ptr{VkMicromapUsageEXT}, usage_counts) usage_counts_2 = cconvert(Ptr{Ptr{VkMicromapUsageEXT}}, usage_counts_2) deps = Any[next, usage_counts, usage_counts_2] vks = VkAccelerationStructureTrianglesOpacityMicromapEXT(structure_type(VkAccelerationStructureTrianglesOpacityMicromapEXT), unsafe_convert(Ptr{Cvoid}, next), index_type, index_buffer.vks, index_stride, base_triangle, usage_counts_count, unsafe_convert(Ptr{VkMicromapUsageEXT}, usage_counts), unsafe_convert(Ptr{Ptr{VkMicromapUsageEXT}}, usage_counts), micromap) _AccelerationStructureTrianglesOpacityMicromapEXT(vks, deps, micromap) end """ Extension: VK\\_EXT\\_pipeline\\_properties Arguments: - `pipeline_identifier::NTuple{Int(VK_UUID_SIZE), UInt8}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelinePropertiesIdentifierEXT.html) """ function _PipelinePropertiesIdentifierEXT(pipeline_identifier::NTuple{Int(VK_UUID_SIZE), UInt8}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelinePropertiesIdentifierEXT(structure_type(VkPipelinePropertiesIdentifierEXT), unsafe_convert(Ptr{Cvoid}, next), pipeline_identifier) _PipelinePropertiesIdentifierEXT(vks, deps) end """ Extension: VK\\_EXT\\_pipeline\\_properties Arguments: - `pipeline_properties_identifier::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelinePropertiesFeaturesEXT.html) """ function _PhysicalDevicePipelinePropertiesFeaturesEXT(pipeline_properties_identifier::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePipelinePropertiesFeaturesEXT(structure_type(VkPhysicalDevicePipelinePropertiesFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), pipeline_properties_identifier) _PhysicalDevicePipelinePropertiesFeaturesEXT(vks, deps) end """ Extension: VK\\_AMD\\_shader\\_early\\_and\\_late\\_fragment\\_tests Arguments: - `shader_early_and_late_fragment_tests::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD.html) """ function _PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD(shader_early_and_late_fragment_tests::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD(structure_type(VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD), unsafe_convert(Ptr{Cvoid}, next), shader_early_and_late_fragment_tests) _PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD(vks, deps) end """ Extension: VK\\_EXT\\_non\\_seamless\\_cube\\_map Arguments: - `non_seamless_cube_map::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT.html) """ function _PhysicalDeviceNonSeamlessCubeMapFeaturesEXT(non_seamless_cube_map::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT(structure_type(VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), non_seamless_cube_map) _PhysicalDeviceNonSeamlessCubeMapFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_pipeline\\_robustness Arguments: - `pipeline_robustness::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineRobustnessFeaturesEXT.html) """ function _PhysicalDevicePipelineRobustnessFeaturesEXT(pipeline_robustness::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePipelineRobustnessFeaturesEXT(structure_type(VkPhysicalDevicePipelineRobustnessFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), pipeline_robustness) _PhysicalDevicePipelineRobustnessFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_pipeline\\_robustness Arguments: - `storage_buffers::PipelineRobustnessBufferBehaviorEXT` - `uniform_buffers::PipelineRobustnessBufferBehaviorEXT` - `vertex_inputs::PipelineRobustnessBufferBehaviorEXT` - `images::PipelineRobustnessImageBehaviorEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRobustnessCreateInfoEXT.html) """ function _PipelineRobustnessCreateInfoEXT(storage_buffers::PipelineRobustnessBufferBehaviorEXT, uniform_buffers::PipelineRobustnessBufferBehaviorEXT, vertex_inputs::PipelineRobustnessBufferBehaviorEXT, images::PipelineRobustnessImageBehaviorEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPipelineRobustnessCreateInfoEXT(structure_type(VkPipelineRobustnessCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), storage_buffers, uniform_buffers, vertex_inputs, images) _PipelineRobustnessCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_pipeline\\_robustness Arguments: - `default_robustness_storage_buffers::PipelineRobustnessBufferBehaviorEXT` - `default_robustness_uniform_buffers::PipelineRobustnessBufferBehaviorEXT` - `default_robustness_vertex_inputs::PipelineRobustnessBufferBehaviorEXT` - `default_robustness_images::PipelineRobustnessImageBehaviorEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineRobustnessPropertiesEXT.html) """ function _PhysicalDevicePipelineRobustnessPropertiesEXT(default_robustness_storage_buffers::PipelineRobustnessBufferBehaviorEXT, default_robustness_uniform_buffers::PipelineRobustnessBufferBehaviorEXT, default_robustness_vertex_inputs::PipelineRobustnessBufferBehaviorEXT, default_robustness_images::PipelineRobustnessImageBehaviorEXT; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePipelineRobustnessPropertiesEXT(structure_type(VkPhysicalDevicePipelineRobustnessPropertiesEXT), unsafe_convert(Ptr{Cvoid}, next), default_robustness_storage_buffers, default_robustness_uniform_buffers, default_robustness_vertex_inputs, default_robustness_images) _PhysicalDevicePipelineRobustnessPropertiesEXT(vks, deps) end """ Extension: VK\\_QCOM\\_image\\_processing Arguments: - `filter_center::_Offset2D` - `filter_size::_Extent2D` - `num_phases::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewSampleWeightCreateInfoQCOM.html) """ function _ImageViewSampleWeightCreateInfoQCOM(filter_center::_Offset2D, filter_size::_Extent2D, num_phases::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkImageViewSampleWeightCreateInfoQCOM(structure_type(VkImageViewSampleWeightCreateInfoQCOM), unsafe_convert(Ptr{Cvoid}, next), filter_center.vks, filter_size.vks, num_phases) _ImageViewSampleWeightCreateInfoQCOM(vks, deps) end """ Extension: VK\\_QCOM\\_image\\_processing Arguments: - `texture_sample_weighted::Bool` - `texture_box_filter::Bool` - `texture_block_match::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageProcessingFeaturesQCOM.html) """ function _PhysicalDeviceImageProcessingFeaturesQCOM(texture_sample_weighted::Bool, texture_box_filter::Bool, texture_block_match::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceImageProcessingFeaturesQCOM(structure_type(VkPhysicalDeviceImageProcessingFeaturesQCOM), unsafe_convert(Ptr{Cvoid}, next), texture_sample_weighted, texture_box_filter, texture_block_match) _PhysicalDeviceImageProcessingFeaturesQCOM(vks, deps) end """ Extension: VK\\_QCOM\\_image\\_processing Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `max_weight_filter_phases::UInt32`: defaults to `0` - `max_weight_filter_dimension::_Extent2D`: defaults to `0` - `max_block_match_region::_Extent2D`: defaults to `0` - `max_box_filter_block_size::_Extent2D`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageProcessingPropertiesQCOM.html) """ function _PhysicalDeviceImageProcessingPropertiesQCOM(; next = C_NULL, max_weight_filter_phases = 0, max_weight_filter_dimension = 0, max_block_match_region = 0, max_box_filter_block_size = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceImageProcessingPropertiesQCOM(structure_type(VkPhysicalDeviceImageProcessingPropertiesQCOM), unsafe_convert(Ptr{Cvoid}, next), max_weight_filter_phases, max_weight_filter_dimension.vks, max_block_match_region.vks, max_box_filter_block_size.vks) _PhysicalDeviceImageProcessingPropertiesQCOM(vks, deps) end """ Extension: VK\\_QCOM\\_tile\\_properties Arguments: - `tile_properties::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTilePropertiesFeaturesQCOM.html) """ function _PhysicalDeviceTilePropertiesFeaturesQCOM(tile_properties::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceTilePropertiesFeaturesQCOM(structure_type(VkPhysicalDeviceTilePropertiesFeaturesQCOM), unsafe_convert(Ptr{Cvoid}, next), tile_properties) _PhysicalDeviceTilePropertiesFeaturesQCOM(vks, deps) end """ Extension: VK\\_QCOM\\_tile\\_properties Arguments: - `tile_size::_Extent3D` - `apron_size::_Extent2D` - `origin::_Offset2D` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTilePropertiesQCOM.html) """ function _TilePropertiesQCOM(tile_size::_Extent3D, apron_size::_Extent2D, origin::_Offset2D; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkTilePropertiesQCOM(structure_type(VkTilePropertiesQCOM), unsafe_convert(Ptr{Cvoid}, next), tile_size.vks, apron_size.vks, origin.vks) _TilePropertiesQCOM(vks, deps) end """ Extension: VK\\_SEC\\_amigo\\_profiling Arguments: - `amigo_profiling::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAmigoProfilingFeaturesSEC.html) """ function _PhysicalDeviceAmigoProfilingFeaturesSEC(amigo_profiling::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceAmigoProfilingFeaturesSEC(structure_type(VkPhysicalDeviceAmigoProfilingFeaturesSEC), unsafe_convert(Ptr{Cvoid}, next), amigo_profiling) _PhysicalDeviceAmigoProfilingFeaturesSEC(vks, deps) end """ Extension: VK\\_SEC\\_amigo\\_profiling Arguments: - `first_draw_timestamp::UInt64` - `swap_buffer_timestamp::UInt64` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAmigoProfilingSubmitInfoSEC.html) """ function _AmigoProfilingSubmitInfoSEC(first_draw_timestamp::Integer, swap_buffer_timestamp::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkAmigoProfilingSubmitInfoSEC(structure_type(VkAmigoProfilingSubmitInfoSEC), unsafe_convert(Ptr{Cvoid}, next), first_draw_timestamp, swap_buffer_timestamp) _AmigoProfilingSubmitInfoSEC(vks, deps) end """ Extension: VK\\_EXT\\_attachment\\_feedback\\_loop\\_layout Arguments: - `attachment_feedback_loop_layout::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT.html) """ function _PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT(attachment_feedback_loop_layout::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT(structure_type(VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), attachment_feedback_loop_layout) _PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_depth\\_clamp\\_zero\\_one Arguments: - `depth_clamp_zero_one::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthClampZeroOneFeaturesEXT.html) """ function _PhysicalDeviceDepthClampZeroOneFeaturesEXT(depth_clamp_zero_one::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceDepthClampZeroOneFeaturesEXT(structure_type(VkPhysicalDeviceDepthClampZeroOneFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), depth_clamp_zero_one) _PhysicalDeviceDepthClampZeroOneFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_device\\_address\\_binding\\_report Arguments: - `report_address_binding::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAddressBindingReportFeaturesEXT.html) """ function _PhysicalDeviceAddressBindingReportFeaturesEXT(report_address_binding::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceAddressBindingReportFeaturesEXT(structure_type(VkPhysicalDeviceAddressBindingReportFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), report_address_binding) _PhysicalDeviceAddressBindingReportFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_device\\_address\\_binding\\_report Arguments: - `base_address::UInt64` - `size::UInt64` - `binding_type::DeviceAddressBindingTypeEXT` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::DeviceAddressBindingFlagEXT`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceAddressBindingCallbackDataEXT.html) """ function _DeviceAddressBindingCallbackDataEXT(base_address::Integer, size::Integer, binding_type::DeviceAddressBindingTypeEXT; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceAddressBindingCallbackDataEXT(structure_type(VkDeviceAddressBindingCallbackDataEXT), unsafe_convert(Ptr{Cvoid}, next), flags, base_address, size, binding_type) _DeviceAddressBindingCallbackDataEXT(vks, deps) end """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `optical_flow::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpticalFlowFeaturesNV.html) """ function _PhysicalDeviceOpticalFlowFeaturesNV(optical_flow::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceOpticalFlowFeaturesNV(structure_type(VkPhysicalDeviceOpticalFlowFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), optical_flow) _PhysicalDeviceOpticalFlowFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `supported_output_grid_sizes::OpticalFlowGridSizeFlagNV` - `supported_hint_grid_sizes::OpticalFlowGridSizeFlagNV` - `hint_supported::Bool` - `cost_supported::Bool` - `bidirectional_flow_supported::Bool` - `global_flow_supported::Bool` - `min_width::UInt32` - `min_height::UInt32` - `max_width::UInt32` - `max_height::UInt32` - `max_num_regions_of_interest::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpticalFlowPropertiesNV.html) """ function _PhysicalDeviceOpticalFlowPropertiesNV(supported_output_grid_sizes::OpticalFlowGridSizeFlagNV, supported_hint_grid_sizes::OpticalFlowGridSizeFlagNV, hint_supported::Bool, cost_supported::Bool, bidirectional_flow_supported::Bool, global_flow_supported::Bool, min_width::Integer, min_height::Integer, max_width::Integer, max_height::Integer, max_num_regions_of_interest::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceOpticalFlowPropertiesNV(structure_type(VkPhysicalDeviceOpticalFlowPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), supported_output_grid_sizes, supported_hint_grid_sizes, hint_supported, cost_supported, bidirectional_flow_supported, global_flow_supported, min_width, min_height, max_width, max_height, max_num_regions_of_interest) _PhysicalDeviceOpticalFlowPropertiesNV(vks, deps) end """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `usage::OpticalFlowUsageFlagNV` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowImageFormatInfoNV.html) """ function _OpticalFlowImageFormatInfoNV(usage::OpticalFlowUsageFlagNV; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkOpticalFlowImageFormatInfoNV(structure_type(VkOpticalFlowImageFormatInfoNV), unsafe_convert(Ptr{Cvoid}, next), usage) _OpticalFlowImageFormatInfoNV(vks, deps) end """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `format::Format` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowImageFormatPropertiesNV.html) """ function _OpticalFlowImageFormatPropertiesNV(format::Format; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkOpticalFlowImageFormatPropertiesNV(structure_type(VkOpticalFlowImageFormatPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), format) _OpticalFlowImageFormatPropertiesNV(vks, deps) end """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `width::UInt32` - `height::UInt32` - `image_format::Format` - `flow_vector_format::Format` - `output_grid_size::OpticalFlowGridSizeFlagNV` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `cost_format::Format`: defaults to `0` - `hint_grid_size::OpticalFlowGridSizeFlagNV`: defaults to `0` - `performance_level::OpticalFlowPerformanceLevelNV`: defaults to `0` - `flags::OpticalFlowSessionCreateFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowSessionCreateInfoNV.html) """ function _OpticalFlowSessionCreateInfoNV(width::Integer, height::Integer, image_format::Format, flow_vector_format::Format, output_grid_size::OpticalFlowGridSizeFlagNV; next = C_NULL, cost_format = 0, hint_grid_size = 0, performance_level = 0, flags = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkOpticalFlowSessionCreateInfoNV(structure_type(VkOpticalFlowSessionCreateInfoNV), unsafe_convert(Ptr{Cvoid}, next), width, height, image_format, flow_vector_format, cost_format, output_grid_size, hint_grid_size, performance_level, flags) _OpticalFlowSessionCreateInfoNV(vks, deps) end """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `id::UInt32` - `size::UInt32` - `private_data::Ptr{Cvoid}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowSessionCreatePrivateDataInfoNV.html) """ function _OpticalFlowSessionCreatePrivateDataInfoNV(id::Integer, size::Integer, private_data::Ptr{Cvoid}; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) private_data = cconvert(Ptr{Cvoid}, private_data) deps = Any[next, private_data] vks = VkOpticalFlowSessionCreatePrivateDataInfoNV(structure_type(VkOpticalFlowSessionCreatePrivateDataInfoNV), unsafe_convert(Ptr{Cvoid}, next), id, size, unsafe_convert(Ptr{Cvoid}, private_data)) _OpticalFlowSessionCreatePrivateDataInfoNV(vks, deps) end """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `regions::Vector{_Rect2D}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::OpticalFlowExecuteFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowExecuteInfoNV.html) """ function _OpticalFlowExecuteInfoNV(regions::AbstractArray; next = C_NULL, flags = 0) region_count = pointer_length(regions) next = cconvert(Ptr{Cvoid}, next) regions = cconvert(Ptr{VkRect2D}, regions) deps = Any[next, regions] vks = VkOpticalFlowExecuteInfoNV(structure_type(VkOpticalFlowExecuteInfoNV), unsafe_convert(Ptr{Cvoid}, next), flags, region_count, unsafe_convert(Ptr{VkRect2D}, regions)) _OpticalFlowExecuteInfoNV(vks, deps) end """ Extension: VK\\_EXT\\_device\\_fault Arguments: - `device_fault::Bool` - `device_fault_vendor_binary::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFaultFeaturesEXT.html) """ function _PhysicalDeviceFaultFeaturesEXT(device_fault::Bool, device_fault_vendor_binary::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceFaultFeaturesEXT(structure_type(VkPhysicalDeviceFaultFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), device_fault, device_fault_vendor_binary) _PhysicalDeviceFaultFeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_device\\_fault Arguments: - `address_type::DeviceFaultAddressTypeEXT` - `reported_address::UInt64` - `address_precision::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultAddressInfoEXT.html) """ function _DeviceFaultAddressInfoEXT(address_type::DeviceFaultAddressTypeEXT, reported_address::Integer, address_precision::Integer) _DeviceFaultAddressInfoEXT(VkDeviceFaultAddressInfoEXT(address_type, reported_address, address_precision)) end """ Extension: VK\\_EXT\\_device\\_fault Arguments: - `description::String` - `vendor_fault_code::UInt64` - `vendor_fault_data::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultVendorInfoEXT.html) """ function _DeviceFaultVendorInfoEXT(description::AbstractString, vendor_fault_code::Integer, vendor_fault_data::Integer) _DeviceFaultVendorInfoEXT(VkDeviceFaultVendorInfoEXT(description, vendor_fault_code, vendor_fault_data)) end """ Extension: VK\\_EXT\\_device\\_fault Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `address_info_count::UInt32`: defaults to `0` - `vendor_info_count::UInt32`: defaults to `0` - `vendor_binary_size::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultCountsEXT.html) """ function _DeviceFaultCountsEXT(; next = C_NULL, address_info_count = 0, vendor_info_count = 0, vendor_binary_size = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDeviceFaultCountsEXT(structure_type(VkDeviceFaultCountsEXT), unsafe_convert(Ptr{Cvoid}, next), address_info_count, vendor_info_count, vendor_binary_size) _DeviceFaultCountsEXT(vks, deps) end """ Extension: VK\\_EXT\\_device\\_fault Arguments: - `description::String` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `address_infos::_DeviceFaultAddressInfoEXT`: defaults to `C_NULL` - `vendor_infos::_DeviceFaultVendorInfoEXT`: defaults to `C_NULL` - `vendor_binary_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultInfoEXT.html) """ function _DeviceFaultInfoEXT(description::AbstractString; next = C_NULL, address_infos = C_NULL, vendor_infos = C_NULL, vendor_binary_data = C_NULL) next = cconvert(Ptr{Cvoid}, next) address_infos = cconvert(Ptr{VkDeviceFaultAddressInfoEXT}, address_infos) vendor_infos = cconvert(Ptr{VkDeviceFaultVendorInfoEXT}, vendor_infos) vendor_binary_data = cconvert(Ptr{Cvoid}, vendor_binary_data) deps = Any[next, address_infos, vendor_infos, vendor_binary_data] vks = VkDeviceFaultInfoEXT(structure_type(VkDeviceFaultInfoEXT), unsafe_convert(Ptr{Cvoid}, next), description, unsafe_convert(Ptr{VkDeviceFaultAddressInfoEXT}, address_infos), unsafe_convert(Ptr{VkDeviceFaultVendorInfoEXT}, vendor_infos), unsafe_convert(Ptr{Cvoid}, vendor_binary_data)) _DeviceFaultInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_device\\_fault Arguments: - `header_size::UInt32` - `header_version::DeviceFaultVendorBinaryHeaderVersionEXT` - `vendor_id::UInt32` - `device_id::UInt32` - `driver_version::VersionNumber` - `pipeline_cache_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `application_name_offset::UInt32` - `application_version::VersionNumber` - `engine_name_offset::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultVendorBinaryHeaderVersionOneEXT.html) """ function _DeviceFaultVendorBinaryHeaderVersionOneEXT(header_size::Integer, header_version::DeviceFaultVendorBinaryHeaderVersionEXT, vendor_id::Integer, device_id::Integer, driver_version::VersionNumber, pipeline_cache_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}, application_name_offset::Integer, application_version::VersionNumber, engine_name_offset::Integer) _DeviceFaultVendorBinaryHeaderVersionOneEXT(VkDeviceFaultVendorBinaryHeaderVersionOneEXT(header_size, header_version, vendor_id, device_id, to_vk(UInt32, driver_version), pipeline_cache_uuid, application_name_offset, to_vk(UInt32, application_version), engine_name_offset)) end """ Extension: VK\\_EXT\\_pipeline\\_library\\_group\\_handles Arguments: - `pipeline_library_group_handles::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT.html) """ function _PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT(pipeline_library_group_handles::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT(structure_type(VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), pipeline_library_group_handles) _PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT(vks, deps) end """ Extension: VK\\_NV\\_memory\\_decompression Arguments: - `src_address::UInt64` - `dst_address::UInt64` - `compressed_size::UInt64` - `decompressed_size::UInt64` - `decompression_method::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDecompressMemoryRegionNV.html) """ function _DecompressMemoryRegionNV(src_address::Integer, dst_address::Integer, compressed_size::Integer, decompressed_size::Integer, decompression_method::Integer) _DecompressMemoryRegionNV(VkDecompressMemoryRegionNV(src_address, dst_address, compressed_size, decompressed_size, decompression_method)) end """ Extension: VK\\_ARM\\_shader\\_core\\_builtins Arguments: - `shader_core_mask::UInt64` - `shader_core_count::UInt32` - `shader_warps_per_core::UInt32` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM.html) """ function _PhysicalDeviceShaderCoreBuiltinsPropertiesARM(shader_core_mask::Integer, shader_core_count::Integer, shader_warps_per_core::Integer; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM(structure_type(VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM), unsafe_convert(Ptr{Cvoid}, next), shader_core_mask, shader_core_count, shader_warps_per_core) _PhysicalDeviceShaderCoreBuiltinsPropertiesARM(vks, deps) end """ Extension: VK\\_ARM\\_shader\\_core\\_builtins Arguments: - `shader_core_builtins::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM.html) """ function _PhysicalDeviceShaderCoreBuiltinsFeaturesARM(shader_core_builtins::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM(structure_type(VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM), unsafe_convert(Ptr{Cvoid}, next), shader_core_builtins) _PhysicalDeviceShaderCoreBuiltinsFeaturesARM(vks, deps) end """ Extension: VK\\_EXT\\_surface\\_maintenance1 Arguments: - `present_mode::PresentModeKHR` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfacePresentModeEXT.html) """ function _SurfacePresentModeEXT(present_mode::PresentModeKHR; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSurfacePresentModeEXT(structure_type(VkSurfacePresentModeEXT), unsafe_convert(Ptr{Cvoid}, next), present_mode) _SurfacePresentModeEXT(vks, deps) end """ Extension: VK\\_EXT\\_surface\\_maintenance1 Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `supported_present_scaling::PresentScalingFlagEXT`: defaults to `0` - `supported_present_gravity_x::PresentGravityFlagEXT`: defaults to `0` - `supported_present_gravity_y::PresentGravityFlagEXT`: defaults to `0` - `min_scaled_image_extent::_Extent2D`: defaults to `0` - `max_scaled_image_extent::_Extent2D`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfacePresentScalingCapabilitiesEXT.html) """ function _SurfacePresentScalingCapabilitiesEXT(; next = C_NULL, supported_present_scaling = 0, supported_present_gravity_x = 0, supported_present_gravity_y = 0, min_scaled_image_extent = 0, max_scaled_image_extent = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSurfacePresentScalingCapabilitiesEXT(structure_type(VkSurfacePresentScalingCapabilitiesEXT), unsafe_convert(Ptr{Cvoid}, next), supported_present_scaling, supported_present_gravity_x, supported_present_gravity_y, min_scaled_image_extent.vks, max_scaled_image_extent.vks) _SurfacePresentScalingCapabilitiesEXT(vks, deps) end """ Extension: VK\\_EXT\\_surface\\_maintenance1 Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `present_modes::Vector{PresentModeKHR}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfacePresentModeCompatibilityEXT.html) """ function _SurfacePresentModeCompatibilityEXT(; next = C_NULL, present_modes = C_NULL) present_mode_count = pointer_length(present_modes) next = cconvert(Ptr{Cvoid}, next) present_modes = cconvert(Ptr{VkPresentModeKHR}, present_modes) deps = Any[next, present_modes] vks = VkSurfacePresentModeCompatibilityEXT(structure_type(VkSurfacePresentModeCompatibilityEXT), unsafe_convert(Ptr{Cvoid}, next), present_mode_count, unsafe_convert(Ptr{VkPresentModeKHR}, present_modes)) _SurfacePresentModeCompatibilityEXT(vks, deps) end """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Arguments: - `swapchain_maintenance_1::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT.html) """ function _PhysicalDeviceSwapchainMaintenance1FeaturesEXT(swapchain_maintenance_1::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT(structure_type(VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT), unsafe_convert(Ptr{Cvoid}, next), swapchain_maintenance_1) _PhysicalDeviceSwapchainMaintenance1FeaturesEXT(vks, deps) end """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Arguments: - `fences::Vector{Fence}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentFenceInfoEXT.html) """ function _SwapchainPresentFenceInfoEXT(fences::AbstractArray; next = C_NULL) swapchain_count = pointer_length(fences) next = cconvert(Ptr{Cvoid}, next) fences = cconvert(Ptr{VkFence}, fences) deps = Any[next, fences] vks = VkSwapchainPresentFenceInfoEXT(structure_type(VkSwapchainPresentFenceInfoEXT), unsafe_convert(Ptr{Cvoid}, next), swapchain_count, unsafe_convert(Ptr{VkFence}, fences)) _SwapchainPresentFenceInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Arguments: - `present_modes::Vector{PresentModeKHR}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentModesCreateInfoEXT.html) """ function _SwapchainPresentModesCreateInfoEXT(present_modes::AbstractArray; next = C_NULL) present_mode_count = pointer_length(present_modes) next = cconvert(Ptr{Cvoid}, next) present_modes = cconvert(Ptr{VkPresentModeKHR}, present_modes) deps = Any[next, present_modes] vks = VkSwapchainPresentModesCreateInfoEXT(structure_type(VkSwapchainPresentModesCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), present_mode_count, unsafe_convert(Ptr{VkPresentModeKHR}, present_modes)) _SwapchainPresentModesCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Arguments: - `present_modes::Vector{PresentModeKHR}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentModeInfoEXT.html) """ function _SwapchainPresentModeInfoEXT(present_modes::AbstractArray; next = C_NULL) swapchain_count = pointer_length(present_modes) next = cconvert(Ptr{Cvoid}, next) present_modes = cconvert(Ptr{VkPresentModeKHR}, present_modes) deps = Any[next, present_modes] vks = VkSwapchainPresentModeInfoEXT(structure_type(VkSwapchainPresentModeInfoEXT), unsafe_convert(Ptr{Cvoid}, next), swapchain_count, unsafe_convert(Ptr{VkPresentModeKHR}, present_modes)) _SwapchainPresentModeInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Arguments: - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `scaling_behavior::PresentScalingFlagEXT`: defaults to `0` - `present_gravity_x::PresentGravityFlagEXT`: defaults to `0` - `present_gravity_y::PresentGravityFlagEXT`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentScalingCreateInfoEXT.html) """ function _SwapchainPresentScalingCreateInfoEXT(; next = C_NULL, scaling_behavior = 0, present_gravity_x = 0, present_gravity_y = 0) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkSwapchainPresentScalingCreateInfoEXT(structure_type(VkSwapchainPresentScalingCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), scaling_behavior, present_gravity_x, present_gravity_y) _SwapchainPresentScalingCreateInfoEXT(vks, deps) end """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Arguments: - `swapchain::SwapchainKHR` (externsync) - `image_indices::Vector{UInt32}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkReleaseSwapchainImagesInfoEXT.html) """ function _ReleaseSwapchainImagesInfoEXT(swapchain, image_indices::AbstractArray; next = C_NULL) image_index_count = pointer_length(image_indices) next = cconvert(Ptr{Cvoid}, next) image_indices = cconvert(Ptr{UInt32}, image_indices) deps = Any[next, image_indices] vks = VkReleaseSwapchainImagesInfoEXT(structure_type(VkReleaseSwapchainImagesInfoEXT), unsafe_convert(Ptr{Cvoid}, next), swapchain, image_index_count, unsafe_convert(Ptr{UInt32}, image_indices)) _ReleaseSwapchainImagesInfoEXT(vks, deps, swapchain) end """ Extension: VK\\_NV\\_ray\\_tracing\\_invocation\\_reorder Arguments: - `ray_tracing_invocation_reorder::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV.html) """ function _PhysicalDeviceRayTracingInvocationReorderFeaturesNV(ray_tracing_invocation_reorder::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV(structure_type(VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV), unsafe_convert(Ptr{Cvoid}, next), ray_tracing_invocation_reorder) _PhysicalDeviceRayTracingInvocationReorderFeaturesNV(vks, deps) end """ Extension: VK\\_NV\\_ray\\_tracing\\_invocation\\_reorder Arguments: - `ray_tracing_invocation_reorder_reordering_hint::RayTracingInvocationReorderModeNV` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV.html) """ function _PhysicalDeviceRayTracingInvocationReorderPropertiesNV(ray_tracing_invocation_reorder_reordering_hint::RayTracingInvocationReorderModeNV; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV(structure_type(VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV), unsafe_convert(Ptr{Cvoid}, next), ray_tracing_invocation_reorder_reordering_hint) _PhysicalDeviceRayTracingInvocationReorderPropertiesNV(vks, deps) end """ Extension: VK\\_LUNARG\\_direct\\_driver\\_loading Arguments: - `flags::UInt32` - `pfn_get_instance_proc_addr::FunctionPtr` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDirectDriverLoadingInfoLUNARG.html) """ function _DirectDriverLoadingInfoLUNARG(flags::Integer, pfn_get_instance_proc_addr::FunctionPtr; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkDirectDriverLoadingInfoLUNARG(structure_type(VkDirectDriverLoadingInfoLUNARG), unsafe_convert(Ptr{Cvoid}, next), flags, pfn_get_instance_proc_addr) _DirectDriverLoadingInfoLUNARG(vks, deps) end """ Extension: VK\\_LUNARG\\_direct\\_driver\\_loading Arguments: - `mode::DirectDriverLoadingModeLUNARG` - `drivers::Vector{_DirectDriverLoadingInfoLUNARG}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDirectDriverLoadingListLUNARG.html) """ function _DirectDriverLoadingListLUNARG(mode::DirectDriverLoadingModeLUNARG, drivers::AbstractArray; next = C_NULL) driver_count = pointer_length(drivers) next = cconvert(Ptr{Cvoid}, next) drivers = cconvert(Ptr{VkDirectDriverLoadingInfoLUNARG}, drivers) deps = Any[next, drivers] vks = VkDirectDriverLoadingListLUNARG(structure_type(VkDirectDriverLoadingListLUNARG), unsafe_convert(Ptr{Cvoid}, next), mode, driver_count, unsafe_convert(Ptr{VkDirectDriverLoadingInfoLUNARG}, drivers)) _DirectDriverLoadingListLUNARG(vks, deps) end """ Extension: VK\\_QCOM\\_multiview\\_per\\_view\\_viewports Arguments: - `multiview_per_view_viewports::Bool` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM.html) """ function _PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM(multiview_per_view_viewports::Bool; next = C_NULL) next = cconvert(Ptr{Cvoid}, next) deps = Any[next] vks = VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM(structure_type(VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM), unsafe_convert(Ptr{Cvoid}, next), multiview_per_view_viewports) _PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM(vks, deps) end """ Arguments: - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBaseOutStructure.html) """ BaseOutStructure(; next = C_NULL) = BaseOutStructure(next) """ Arguments: - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBaseInStructure.html) """ BaseInStructure(; next = C_NULL) = BaseInStructure(next) """ Arguments: - `application_version::VersionNumber` - `engine_version::VersionNumber` - `api_version::VersionNumber` - `next::Any`: defaults to `C_NULL` - `application_name::String`: defaults to `` - `engine_name::String`: defaults to `` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkApplicationInfo.html) """ ApplicationInfo(application_version::VersionNumber, engine_version::VersionNumber, api_version::VersionNumber; next = C_NULL, application_name = "", engine_name = "") = ApplicationInfo(next, application_name, application_version, engine_name, engine_version, api_version) """ Arguments: - `pfn_allocation::FunctionPtr` - `pfn_reallocation::FunctionPtr` - `pfn_free::FunctionPtr` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` - `pfn_internal_allocation::FunctionPtr`: defaults to `C_NULL` - `pfn_internal_free::FunctionPtr`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAllocationCallbacks.html) """ AllocationCallbacks(pfn_allocation::FunctionPtr, pfn_reallocation::FunctionPtr, pfn_free::FunctionPtr; user_data = C_NULL, pfn_internal_allocation = C_NULL, pfn_internal_free = C_NULL) = AllocationCallbacks(user_data, pfn_allocation, pfn_reallocation, pfn_free, pfn_internal_allocation, pfn_internal_free) """ Arguments: - `queue_family_index::UInt32` - `queue_priorities::Vector{Float32}` - `next::Any`: defaults to `C_NULL` - `flags::DeviceQueueCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceQueueCreateInfo.html) """ DeviceQueueCreateInfo(queue_family_index::Integer, queue_priorities::AbstractArray; next = C_NULL, flags = 0) = DeviceQueueCreateInfo(next, flags, queue_family_index, queue_priorities) """ Arguments: - `queue_create_infos::Vector{DeviceQueueCreateInfo}` - `enabled_layer_names::Vector{String}` - `enabled_extension_names::Vector{String}` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `enabled_features::PhysicalDeviceFeatures`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceCreateInfo.html) """ DeviceCreateInfo(queue_create_infos::AbstractArray, enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray; next = C_NULL, flags = 0, enabled_features = C_NULL) = DeviceCreateInfo(next, flags, queue_create_infos, enabled_layer_names, enabled_extension_names, enabled_features) """ Arguments: - `enabled_layer_names::Vector{String}` - `enabled_extension_names::Vector{String}` - `next::Any`: defaults to `C_NULL` - `flags::InstanceCreateFlag`: defaults to `0` - `application_info::ApplicationInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkInstanceCreateInfo.html) """ InstanceCreateInfo(enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray; next = C_NULL, flags = 0, application_info = C_NULL) = InstanceCreateInfo(next, flags, application_info, enabled_layer_names, enabled_extension_names) """ Arguments: - `queue_count::UInt32` - `timestamp_valid_bits::UInt32` - `min_image_transfer_granularity::Extent3D` - `queue_flags::QueueFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyProperties.html) """ QueueFamilyProperties(queue_count::Integer, timestamp_valid_bits::Integer, min_image_transfer_granularity::Extent3D; queue_flags = 0) = QueueFamilyProperties(queue_flags, queue_count, timestamp_valid_bits, min_image_transfer_granularity) """ Arguments: - `allocation_size::UInt64` - `memory_type_index::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryAllocateInfo.html) """ MemoryAllocateInfo(allocation_size::Integer, memory_type_index::Integer; next = C_NULL) = MemoryAllocateInfo(next, allocation_size, memory_type_index) """ Arguments: - `image_granularity::Extent3D` - `aspect_mask::ImageAspectFlag`: defaults to `0` - `flags::SparseImageFormatFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageFormatProperties.html) """ SparseImageFormatProperties(image_granularity::Extent3D; aspect_mask = 0, flags = 0) = SparseImageFormatProperties(aspect_mask, image_granularity, flags) """ Arguments: - `heap_index::UInt32` - `property_flags::MemoryPropertyFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryType.html) """ MemoryType(heap_index::Integer; property_flags = 0) = MemoryType(property_flags, heap_index) """ Arguments: - `size::UInt64` - `flags::MemoryHeapFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryHeap.html) """ MemoryHeap(size::Integer; flags = 0) = MemoryHeap(size, flags) """ Arguments: - `memory::DeviceMemory` - `offset::UInt64` - `size::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMappedMemoryRange.html) """ MappedMemoryRange(memory::DeviceMemory, offset::Integer, size::Integer; next = C_NULL) = MappedMemoryRange(next, memory, offset, size) """ Arguments: - `linear_tiling_features::FormatFeatureFlag`: defaults to `0` - `optimal_tiling_features::FormatFeatureFlag`: defaults to `0` - `buffer_features::FormatFeatureFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFormatProperties.html) """ FormatProperties(; linear_tiling_features = 0, optimal_tiling_features = 0, buffer_features = 0) = FormatProperties(linear_tiling_features, optimal_tiling_features, buffer_features) """ Arguments: - `max_extent::Extent3D` - `max_mip_levels::UInt32` - `max_array_layers::UInt32` - `max_resource_size::UInt64` - `sample_counts::SampleCountFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageFormatProperties.html) """ ImageFormatProperties(max_extent::Extent3D, max_mip_levels::Integer, max_array_layers::Integer, max_resource_size::Integer; sample_counts = 0) = ImageFormatProperties(max_extent, max_mip_levels, max_array_layers, sample_counts, max_resource_size) """ Arguments: - `offset::UInt64` - `range::UInt64` - `buffer::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorBufferInfo.html) """ DescriptorBufferInfo(offset::Integer, range::Integer; buffer = C_NULL) = DescriptorBufferInfo(buffer, offset, range) """ Arguments: - `dst_set::DescriptorSet` - `dst_binding::UInt32` - `dst_array_element::UInt32` - `descriptor_type::DescriptorType` - `image_info::Vector{DescriptorImageInfo}` - `buffer_info::Vector{DescriptorBufferInfo}` - `texel_buffer_view::Vector{BufferView}` - `next::Any`: defaults to `C_NULL` - `descriptor_count::UInt32`: defaults to `max(pointer_length(image_info), pointer_length(buffer_info), pointer_length(texel_buffer_view))` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSet.html) """ WriteDescriptorSet(dst_set::DescriptorSet, dst_binding::Integer, dst_array_element::Integer, descriptor_type::DescriptorType, image_info::AbstractArray, buffer_info::AbstractArray, texel_buffer_view::AbstractArray; next = C_NULL, descriptor_count = max(pointer_length(image_info), pointer_length(buffer_info), pointer_length(texel_buffer_view))) = WriteDescriptorSet(next, dst_set, dst_binding, dst_array_element, descriptor_count, descriptor_type, image_info, buffer_info, texel_buffer_view) """ Arguments: - `src_set::DescriptorSet` - `src_binding::UInt32` - `src_array_element::UInt32` - `dst_set::DescriptorSet` - `dst_binding::UInt32` - `dst_array_element::UInt32` - `descriptor_count::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyDescriptorSet.html) """ CopyDescriptorSet(src_set::DescriptorSet, src_binding::Integer, src_array_element::Integer, dst_set::DescriptorSet, dst_binding::Integer, dst_array_element::Integer, descriptor_count::Integer; next = C_NULL) = CopyDescriptorSet(next, src_set, src_binding, src_array_element, dst_set, dst_binding, dst_array_element, descriptor_count) """ Arguments: - `size::UInt64` - `usage::BufferUsageFlag` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` - `flags::BufferCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCreateInfo.html) """ BufferCreateInfo(size::Integer, usage::BufferUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray; next = C_NULL, flags = 0) = BufferCreateInfo(next, flags, size, usage, sharing_mode, queue_family_indices) """ Arguments: - `buffer::Buffer` - `format::Format` - `offset::UInt64` - `range::UInt64` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferViewCreateInfo.html) """ BufferViewCreateInfo(buffer::Buffer, format::Format, offset::Integer, range::Integer; next = C_NULL, flags = 0) = BufferViewCreateInfo(next, flags, buffer, format, offset, range) """ Arguments: - `next::Any`: defaults to `C_NULL` - `src_access_mask::AccessFlag`: defaults to `0` - `dst_access_mask::AccessFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryBarrier.html) """ MemoryBarrier(; next = C_NULL, src_access_mask = 0, dst_access_mask = 0) = MemoryBarrier(next, src_access_mask, dst_access_mask) """ Arguments: - `src_access_mask::AccessFlag` - `dst_access_mask::AccessFlag` - `src_queue_family_index::UInt32` - `dst_queue_family_index::UInt32` - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferMemoryBarrier.html) """ BufferMemoryBarrier(src_access_mask::AccessFlag, dst_access_mask::AccessFlag, src_queue_family_index::Integer, dst_queue_family_index::Integer, buffer::Buffer, offset::Integer, size::Integer; next = C_NULL) = BufferMemoryBarrier(next, src_access_mask, dst_access_mask, src_queue_family_index, dst_queue_family_index, buffer, offset, size) """ Arguments: - `src_access_mask::AccessFlag` - `dst_access_mask::AccessFlag` - `old_layout::ImageLayout` - `new_layout::ImageLayout` - `src_queue_family_index::UInt32` - `dst_queue_family_index::UInt32` - `image::Image` - `subresource_range::ImageSubresourceRange` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageMemoryBarrier.html) """ ImageMemoryBarrier(src_access_mask::AccessFlag, dst_access_mask::AccessFlag, old_layout::ImageLayout, new_layout::ImageLayout, src_queue_family_index::Integer, dst_queue_family_index::Integer, image::Image, subresource_range::ImageSubresourceRange; next = C_NULL) = ImageMemoryBarrier(next, src_access_mask, dst_access_mask, old_layout, new_layout, src_queue_family_index, dst_queue_family_index, image, subresource_range) """ Arguments: - `image_type::ImageType` - `format::Format` - `extent::Extent3D` - `mip_levels::UInt32` - `array_layers::UInt32` - `samples::SampleCountFlag` - `tiling::ImageTiling` - `usage::ImageUsageFlag` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `initial_layout::ImageLayout` - `next::Any`: defaults to `C_NULL` - `flags::ImageCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCreateInfo.html) """ ImageCreateInfo(image_type::ImageType, format::Format, extent::Extent3D, mip_levels::Integer, array_layers::Integer, samples::SampleCountFlag, tiling::ImageTiling, usage::ImageUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, initial_layout::ImageLayout; next = C_NULL, flags = 0) = ImageCreateInfo(next, flags, image_type, format, extent, mip_levels, array_layers, samples, tiling, usage, sharing_mode, queue_family_indices, initial_layout) """ Arguments: - `image::Image` - `view_type::ImageViewType` - `format::Format` - `components::ComponentMapping` - `subresource_range::ImageSubresourceRange` - `next::Any`: defaults to `C_NULL` - `flags::ImageViewCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewCreateInfo.html) """ ImageViewCreateInfo(image::Image, view_type::ImageViewType, format::Format, components::ComponentMapping, subresource_range::ImageSubresourceRange; next = C_NULL, flags = 0) = ImageViewCreateInfo(next, flags, image, view_type, format, components, subresource_range) """ Arguments: - `resource_offset::UInt64` - `size::UInt64` - `memory_offset::UInt64` - `memory::DeviceMemory`: defaults to `C_NULL` - `flags::SparseMemoryBindFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseMemoryBind.html) """ SparseMemoryBind(resource_offset::Integer, size::Integer, memory_offset::Integer; memory = C_NULL, flags = 0) = SparseMemoryBind(resource_offset, size, memory, memory_offset, flags) """ Arguments: - `subresource::ImageSubresource` - `offset::Offset3D` - `extent::Extent3D` - `memory_offset::UInt64` - `memory::DeviceMemory`: defaults to `C_NULL` - `flags::SparseMemoryBindFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryBind.html) """ SparseImageMemoryBind(subresource::ImageSubresource, offset::Offset3D, extent::Extent3D, memory_offset::Integer; memory = C_NULL, flags = 0) = SparseImageMemoryBind(subresource, offset, extent, memory, memory_offset, flags) """ Arguments: - `wait_semaphores::Vector{Semaphore}` - `buffer_binds::Vector{SparseBufferMemoryBindInfo}` - `image_opaque_binds::Vector{SparseImageOpaqueMemoryBindInfo}` - `image_binds::Vector{SparseImageMemoryBindInfo}` - `signal_semaphores::Vector{Semaphore}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindSparseInfo.html) """ BindSparseInfo(wait_semaphores::AbstractArray, buffer_binds::AbstractArray, image_opaque_binds::AbstractArray, image_binds::AbstractArray, signal_semaphores::AbstractArray; next = C_NULL) = BindSparseInfo(next, wait_semaphores, buffer_binds, image_opaque_binds, image_binds, signal_semaphores) """ Arguments: - `code_size::UInt` - `code::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderModuleCreateInfo.html) """ ShaderModuleCreateInfo(code_size::Integer, code::AbstractArray; next = C_NULL, flags = 0) = ShaderModuleCreateInfo(next, flags, code_size, code) """ Arguments: - `binding::UInt32` - `descriptor_type::DescriptorType` - `stage_flags::ShaderStageFlag` - `descriptor_count::UInt32`: defaults to `0` - `immutable_samplers::Vector{Sampler}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutBinding.html) """ DescriptorSetLayoutBinding(binding::Integer, descriptor_type::DescriptorType, stage_flags::ShaderStageFlag; descriptor_count = 0, immutable_samplers = C_NULL) = DescriptorSetLayoutBinding(binding, descriptor_type, descriptor_count, stage_flags, immutable_samplers) """ Arguments: - `bindings::Vector{DescriptorSetLayoutBinding}` - `next::Any`: defaults to `C_NULL` - `flags::DescriptorSetLayoutCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutCreateInfo.html) """ DescriptorSetLayoutCreateInfo(bindings::AbstractArray; next = C_NULL, flags = 0) = DescriptorSetLayoutCreateInfo(next, flags, bindings) """ Arguments: - `max_sets::UInt32` - `pool_sizes::Vector{DescriptorPoolSize}` - `next::Any`: defaults to `C_NULL` - `flags::DescriptorPoolCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorPoolCreateInfo.html) """ DescriptorPoolCreateInfo(max_sets::Integer, pool_sizes::AbstractArray; next = C_NULL, flags = 0) = DescriptorPoolCreateInfo(next, flags, max_sets, pool_sizes) """ Arguments: - `descriptor_pool::DescriptorPool` - `set_layouts::Vector{DescriptorSetLayout}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetAllocateInfo.html) """ DescriptorSetAllocateInfo(descriptor_pool::DescriptorPool, set_layouts::AbstractArray; next = C_NULL) = DescriptorSetAllocateInfo(next, descriptor_pool, set_layouts) """ Arguments: - `map_entries::Vector{SpecializationMapEntry}` - `data::Ptr{Cvoid}` - `data_size::UInt`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSpecializationInfo.html) """ SpecializationInfo(map_entries::AbstractArray, data::Ptr{Cvoid}; data_size = C_NULL) = SpecializationInfo(map_entries, data_size, data) """ Arguments: - `stage::ShaderStageFlag` - `_module::ShaderModule` - `name::String` - `next::Any`: defaults to `C_NULL` - `flags::PipelineShaderStageCreateFlag`: defaults to `0` - `specialization_info::SpecializationInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineShaderStageCreateInfo.html) """ PipelineShaderStageCreateInfo(stage::ShaderStageFlag, _module::ShaderModule, name::AbstractString; next = C_NULL, flags = 0, specialization_info = C_NULL) = PipelineShaderStageCreateInfo(next, flags, stage, _module, name, specialization_info) """ Arguments: - `stage::PipelineShaderStageCreateInfo` - `layout::PipelineLayout` - `base_pipeline_index::Int32` - `next::Any`: defaults to `C_NULL` - `flags::PipelineCreateFlag`: defaults to `0` - `base_pipeline_handle::Pipeline`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkComputePipelineCreateInfo.html) """ ComputePipelineCreateInfo(stage::PipelineShaderStageCreateInfo, layout::PipelineLayout, base_pipeline_index::Integer; next = C_NULL, flags = 0, base_pipeline_handle = C_NULL) = ComputePipelineCreateInfo(next, flags, stage, layout, base_pipeline_handle, base_pipeline_index) """ Arguments: - `vertex_binding_descriptions::Vector{VertexInputBindingDescription}` - `vertex_attribute_descriptions::Vector{VertexInputAttributeDescription}` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineVertexInputStateCreateInfo.html) """ PipelineVertexInputStateCreateInfo(vertex_binding_descriptions::AbstractArray, vertex_attribute_descriptions::AbstractArray; next = C_NULL, flags = 0) = PipelineVertexInputStateCreateInfo(next, flags, vertex_binding_descriptions, vertex_attribute_descriptions) """ Arguments: - `topology::PrimitiveTopology` - `primitive_restart_enable::Bool` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineInputAssemblyStateCreateInfo.html) """ PipelineInputAssemblyStateCreateInfo(topology::PrimitiveTopology, primitive_restart_enable::Bool; next = C_NULL, flags = 0) = PipelineInputAssemblyStateCreateInfo(next, flags, topology, primitive_restart_enable) """ Arguments: - `patch_control_points::UInt32` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineTessellationStateCreateInfo.html) """ PipelineTessellationStateCreateInfo(patch_control_points::Integer; next = C_NULL, flags = 0) = PipelineTessellationStateCreateInfo(next, flags, patch_control_points) """ Arguments: - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `viewports::Vector{Viewport}`: defaults to `C_NULL` - `scissors::Vector{Rect2D}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportStateCreateInfo.html) """ PipelineViewportStateCreateInfo(; next = C_NULL, flags = 0, viewports = C_NULL, scissors = C_NULL) = PipelineViewportStateCreateInfo(next, flags, viewports, scissors) """ Arguments: - `depth_clamp_enable::Bool` - `rasterizer_discard_enable::Bool` - `polygon_mode::PolygonMode` - `front_face::FrontFace` - `depth_bias_enable::Bool` - `depth_bias_constant_factor::Float32` - `depth_bias_clamp::Float32` - `depth_bias_slope_factor::Float32` - `line_width::Float32` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `cull_mode::CullModeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationStateCreateInfo.html) """ PipelineRasterizationStateCreateInfo(depth_clamp_enable::Bool, rasterizer_discard_enable::Bool, polygon_mode::PolygonMode, front_face::FrontFace, depth_bias_enable::Bool, depth_bias_constant_factor::Real, depth_bias_clamp::Real, depth_bias_slope_factor::Real, line_width::Real; next = C_NULL, flags = 0, cull_mode = 0) = PipelineRasterizationStateCreateInfo(next, flags, depth_clamp_enable, rasterizer_discard_enable, polygon_mode, cull_mode, front_face, depth_bias_enable, depth_bias_constant_factor, depth_bias_clamp, depth_bias_slope_factor, line_width) """ Arguments: - `rasterization_samples::SampleCountFlag` - `sample_shading_enable::Bool` - `min_sample_shading::Float32` - `alpha_to_coverage_enable::Bool` - `alpha_to_one_enable::Bool` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `sample_mask::Vector{UInt32}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineMultisampleStateCreateInfo.html) """ PipelineMultisampleStateCreateInfo(rasterization_samples::SampleCountFlag, sample_shading_enable::Bool, min_sample_shading::Real, alpha_to_coverage_enable::Bool, alpha_to_one_enable::Bool; next = C_NULL, flags = 0, sample_mask = C_NULL) = PipelineMultisampleStateCreateInfo(next, flags, rasterization_samples, sample_shading_enable, min_sample_shading, sample_mask, alpha_to_coverage_enable, alpha_to_one_enable) """ Arguments: - `blend_enable::Bool` - `src_color_blend_factor::BlendFactor` - `dst_color_blend_factor::BlendFactor` - `color_blend_op::BlendOp` - `src_alpha_blend_factor::BlendFactor` - `dst_alpha_blend_factor::BlendFactor` - `alpha_blend_op::BlendOp` - `color_write_mask::ColorComponentFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorBlendAttachmentState.html) """ PipelineColorBlendAttachmentState(blend_enable::Bool, src_color_blend_factor::BlendFactor, dst_color_blend_factor::BlendFactor, color_blend_op::BlendOp, src_alpha_blend_factor::BlendFactor, dst_alpha_blend_factor::BlendFactor, alpha_blend_op::BlendOp; color_write_mask = 0) = PipelineColorBlendAttachmentState(blend_enable, src_color_blend_factor, dst_color_blend_factor, color_blend_op, src_alpha_blend_factor, dst_alpha_blend_factor, alpha_blend_op, color_write_mask) """ Arguments: - `logic_op_enable::Bool` - `logic_op::LogicOp` - `attachments::Vector{PipelineColorBlendAttachmentState}` - `blend_constants::NTuple{4, Float32}` - `next::Any`: defaults to `C_NULL` - `flags::PipelineColorBlendStateCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorBlendStateCreateInfo.html) """ PipelineColorBlendStateCreateInfo(logic_op_enable::Bool, logic_op::LogicOp, attachments::AbstractArray, blend_constants::NTuple{4, Float32}; next = C_NULL, flags = 0) = PipelineColorBlendStateCreateInfo(next, flags, logic_op_enable, logic_op, attachments, blend_constants) """ Arguments: - `dynamic_states::Vector{DynamicState}` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineDynamicStateCreateInfo.html) """ PipelineDynamicStateCreateInfo(dynamic_states::AbstractArray; next = C_NULL, flags = 0) = PipelineDynamicStateCreateInfo(next, flags, dynamic_states) """ Arguments: - `depth_test_enable::Bool` - `depth_write_enable::Bool` - `depth_compare_op::CompareOp` - `depth_bounds_test_enable::Bool` - `stencil_test_enable::Bool` - `front::StencilOpState` - `back::StencilOpState` - `min_depth_bounds::Float32` - `max_depth_bounds::Float32` - `next::Any`: defaults to `C_NULL` - `flags::PipelineDepthStencilStateCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineDepthStencilStateCreateInfo.html) """ PipelineDepthStencilStateCreateInfo(depth_test_enable::Bool, depth_write_enable::Bool, depth_compare_op::CompareOp, depth_bounds_test_enable::Bool, stencil_test_enable::Bool, front::StencilOpState, back::StencilOpState, min_depth_bounds::Real, max_depth_bounds::Real; next = C_NULL, flags = 0) = PipelineDepthStencilStateCreateInfo(next, flags, depth_test_enable, depth_write_enable, depth_compare_op, depth_bounds_test_enable, stencil_test_enable, front, back, min_depth_bounds, max_depth_bounds) """ Arguments: - `stages::Vector{PipelineShaderStageCreateInfo}` - `rasterization_state::PipelineRasterizationStateCreateInfo` - `layout::PipelineLayout` - `subpass::UInt32` - `base_pipeline_index::Int32` - `next::Any`: defaults to `C_NULL` - `flags::PipelineCreateFlag`: defaults to `0` - `vertex_input_state::PipelineVertexInputStateCreateInfo`: defaults to `C_NULL` - `input_assembly_state::PipelineInputAssemblyStateCreateInfo`: defaults to `C_NULL` - `tessellation_state::PipelineTessellationStateCreateInfo`: defaults to `C_NULL` - `viewport_state::PipelineViewportStateCreateInfo`: defaults to `C_NULL` - `multisample_state::PipelineMultisampleStateCreateInfo`: defaults to `C_NULL` - `depth_stencil_state::PipelineDepthStencilStateCreateInfo`: defaults to `C_NULL` - `color_blend_state::PipelineColorBlendStateCreateInfo`: defaults to `C_NULL` - `dynamic_state::PipelineDynamicStateCreateInfo`: defaults to `C_NULL` - `render_pass::RenderPass`: defaults to `C_NULL` - `base_pipeline_handle::Pipeline`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsPipelineCreateInfo.html) """ GraphicsPipelineCreateInfo(stages::AbstractArray, rasterization_state::PipelineRasterizationStateCreateInfo, layout::PipelineLayout, subpass::Integer, base_pipeline_index::Integer; next = C_NULL, flags = 0, vertex_input_state = C_NULL, input_assembly_state = C_NULL, tessellation_state = C_NULL, viewport_state = C_NULL, multisample_state = C_NULL, depth_stencil_state = C_NULL, color_blend_state = C_NULL, dynamic_state = C_NULL, render_pass = C_NULL, base_pipeline_handle = C_NULL) = GraphicsPipelineCreateInfo(next, flags, stages, vertex_input_state, input_assembly_state, tessellation_state, viewport_state, rasterization_state, multisample_state, depth_stencil_state, color_blend_state, dynamic_state, layout, render_pass, subpass, base_pipeline_handle, base_pipeline_index) """ Arguments: - `initial_data::Ptr{Cvoid}` - `next::Any`: defaults to `C_NULL` - `flags::PipelineCacheCreateFlag`: defaults to `0` - `initial_data_size::UInt`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCacheCreateInfo.html) """ PipelineCacheCreateInfo(initial_data::Ptr{Cvoid}; next = C_NULL, flags = 0, initial_data_size = C_NULL) = PipelineCacheCreateInfo(next, flags, initial_data_size, initial_data) """ Arguments: - `set_layouts::Vector{DescriptorSetLayout}` - `push_constant_ranges::Vector{PushConstantRange}` - `next::Any`: defaults to `C_NULL` - `flags::PipelineLayoutCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineLayoutCreateInfo.html) """ PipelineLayoutCreateInfo(set_layouts::AbstractArray, push_constant_ranges::AbstractArray; next = C_NULL, flags = 0) = PipelineLayoutCreateInfo(next, flags, set_layouts, push_constant_ranges) """ Arguments: - `mag_filter::Filter` - `min_filter::Filter` - `mipmap_mode::SamplerMipmapMode` - `address_mode_u::SamplerAddressMode` - `address_mode_v::SamplerAddressMode` - `address_mode_w::SamplerAddressMode` - `mip_lod_bias::Float32` - `anisotropy_enable::Bool` - `max_anisotropy::Float32` - `compare_enable::Bool` - `compare_op::CompareOp` - `min_lod::Float32` - `max_lod::Float32` - `border_color::BorderColor` - `unnormalized_coordinates::Bool` - `next::Any`: defaults to `C_NULL` - `flags::SamplerCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerCreateInfo.html) """ SamplerCreateInfo(mag_filter::Filter, min_filter::Filter, mipmap_mode::SamplerMipmapMode, address_mode_u::SamplerAddressMode, address_mode_v::SamplerAddressMode, address_mode_w::SamplerAddressMode, mip_lod_bias::Real, anisotropy_enable::Bool, max_anisotropy::Real, compare_enable::Bool, compare_op::CompareOp, min_lod::Real, max_lod::Real, border_color::BorderColor, unnormalized_coordinates::Bool; next = C_NULL, flags = 0) = SamplerCreateInfo(next, flags, mag_filter, min_filter, mipmap_mode, address_mode_u, address_mode_v, address_mode_w, mip_lod_bias, anisotropy_enable, max_anisotropy, compare_enable, compare_op, min_lod, max_lod, border_color, unnormalized_coordinates) """ Arguments: - `queue_family_index::UInt32` - `next::Any`: defaults to `C_NULL` - `flags::CommandPoolCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandPoolCreateInfo.html) """ CommandPoolCreateInfo(queue_family_index::Integer; next = C_NULL, flags = 0) = CommandPoolCreateInfo(next, flags, queue_family_index) """ Arguments: - `command_pool::CommandPool` - `level::CommandBufferLevel` - `command_buffer_count::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferAllocateInfo.html) """ CommandBufferAllocateInfo(command_pool::CommandPool, level::CommandBufferLevel, command_buffer_count::Integer; next = C_NULL) = CommandBufferAllocateInfo(next, command_pool, level, command_buffer_count) """ Arguments: - `subpass::UInt32` - `occlusion_query_enable::Bool` - `next::Any`: defaults to `C_NULL` - `render_pass::RenderPass`: defaults to `C_NULL` - `framebuffer::Framebuffer`: defaults to `C_NULL` - `query_flags::QueryControlFlag`: defaults to `0` - `pipeline_statistics::QueryPipelineStatisticFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceInfo.html) """ CommandBufferInheritanceInfo(subpass::Integer, occlusion_query_enable::Bool; next = C_NULL, render_pass = C_NULL, framebuffer = C_NULL, query_flags = 0, pipeline_statistics = 0) = CommandBufferInheritanceInfo(next, render_pass, subpass, framebuffer, occlusion_query_enable, query_flags, pipeline_statistics) """ Arguments: - `next::Any`: defaults to `C_NULL` - `flags::CommandBufferUsageFlag`: defaults to `0` - `inheritance_info::CommandBufferInheritanceInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferBeginInfo.html) """ CommandBufferBeginInfo(; next = C_NULL, flags = 0, inheritance_info = C_NULL) = CommandBufferBeginInfo(next, flags, inheritance_info) """ Arguments: - `render_pass::RenderPass` - `framebuffer::Framebuffer` - `render_area::Rect2D` - `clear_values::Vector{ClearValue}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassBeginInfo.html) """ RenderPassBeginInfo(render_pass::RenderPass, framebuffer::Framebuffer, render_area::Rect2D, clear_values::AbstractArray; next = C_NULL) = RenderPassBeginInfo(next, render_pass, framebuffer, render_area, clear_values) """ Arguments: - `format::Format` - `samples::SampleCountFlag` - `load_op::AttachmentLoadOp` - `store_op::AttachmentStoreOp` - `stencil_load_op::AttachmentLoadOp` - `stencil_store_op::AttachmentStoreOp` - `initial_layout::ImageLayout` - `final_layout::ImageLayout` - `flags::AttachmentDescriptionFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentDescription.html) """ AttachmentDescription(format::Format, samples::SampleCountFlag, load_op::AttachmentLoadOp, store_op::AttachmentStoreOp, stencil_load_op::AttachmentLoadOp, stencil_store_op::AttachmentStoreOp, initial_layout::ImageLayout, final_layout::ImageLayout; flags = 0) = AttachmentDescription(flags, format, samples, load_op, store_op, stencil_load_op, stencil_store_op, initial_layout, final_layout) """ Arguments: - `pipeline_bind_point::PipelineBindPoint` - `input_attachments::Vector{AttachmentReference}` - `color_attachments::Vector{AttachmentReference}` - `preserve_attachments::Vector{UInt32}` - `flags::SubpassDescriptionFlag`: defaults to `0` - `resolve_attachments::Vector{AttachmentReference}`: defaults to `C_NULL` - `depth_stencil_attachment::AttachmentReference`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDescription.html) """ SubpassDescription(pipeline_bind_point::PipelineBindPoint, input_attachments::AbstractArray, color_attachments::AbstractArray, preserve_attachments::AbstractArray; flags = 0, resolve_attachments = C_NULL, depth_stencil_attachment = C_NULL) = SubpassDescription(flags, pipeline_bind_point, input_attachments, color_attachments, resolve_attachments, depth_stencil_attachment, preserve_attachments) """ Arguments: - `src_subpass::UInt32` - `dst_subpass::UInt32` - `src_stage_mask::PipelineStageFlag`: defaults to `0` - `dst_stage_mask::PipelineStageFlag`: defaults to `0` - `src_access_mask::AccessFlag`: defaults to `0` - `dst_access_mask::AccessFlag`: defaults to `0` - `dependency_flags::DependencyFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDependency.html) """ SubpassDependency(src_subpass::Integer, dst_subpass::Integer; src_stage_mask = 0, dst_stage_mask = 0, src_access_mask = 0, dst_access_mask = 0, dependency_flags = 0) = SubpassDependency(src_subpass, dst_subpass, src_stage_mask, dst_stage_mask, src_access_mask, dst_access_mask, dependency_flags) """ Arguments: - `attachments::Vector{AttachmentDescription}` - `subpasses::Vector{SubpassDescription}` - `dependencies::Vector{SubpassDependency}` - `next::Any`: defaults to `C_NULL` - `flags::RenderPassCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreateInfo.html) """ RenderPassCreateInfo(attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray; next = C_NULL, flags = 0) = RenderPassCreateInfo(next, flags, attachments, subpasses, dependencies) """ Arguments: - `next::Any`: defaults to `C_NULL` - `flags::EventCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkEventCreateInfo.html) """ EventCreateInfo(; next = C_NULL, flags = 0) = EventCreateInfo(next, flags) """ Arguments: - `next::Any`: defaults to `C_NULL` - `flags::FenceCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFenceCreateInfo.html) """ FenceCreateInfo(; next = C_NULL, flags = 0) = FenceCreateInfo(next, flags) """ Arguments: - `max_image_dimension_1_d::UInt32` - `max_image_dimension_2_d::UInt32` - `max_image_dimension_3_d::UInt32` - `max_image_dimension_cube::UInt32` - `max_image_array_layers::UInt32` - `max_texel_buffer_elements::UInt32` - `max_uniform_buffer_range::UInt32` - `max_storage_buffer_range::UInt32` - `max_push_constants_size::UInt32` - `max_memory_allocation_count::UInt32` - `max_sampler_allocation_count::UInt32` - `buffer_image_granularity::UInt64` - `sparse_address_space_size::UInt64` - `max_bound_descriptor_sets::UInt32` - `max_per_stage_descriptor_samplers::UInt32` - `max_per_stage_descriptor_uniform_buffers::UInt32` - `max_per_stage_descriptor_storage_buffers::UInt32` - `max_per_stage_descriptor_sampled_images::UInt32` - `max_per_stage_descriptor_storage_images::UInt32` - `max_per_stage_descriptor_input_attachments::UInt32` - `max_per_stage_resources::UInt32` - `max_descriptor_set_samplers::UInt32` - `max_descriptor_set_uniform_buffers::UInt32` - `max_descriptor_set_uniform_buffers_dynamic::UInt32` - `max_descriptor_set_storage_buffers::UInt32` - `max_descriptor_set_storage_buffers_dynamic::UInt32` - `max_descriptor_set_sampled_images::UInt32` - `max_descriptor_set_storage_images::UInt32` - `max_descriptor_set_input_attachments::UInt32` - `max_vertex_input_attributes::UInt32` - `max_vertex_input_bindings::UInt32` - `max_vertex_input_attribute_offset::UInt32` - `max_vertex_input_binding_stride::UInt32` - `max_vertex_output_components::UInt32` - `max_tessellation_generation_level::UInt32` - `max_tessellation_patch_size::UInt32` - `max_tessellation_control_per_vertex_input_components::UInt32` - `max_tessellation_control_per_vertex_output_components::UInt32` - `max_tessellation_control_per_patch_output_components::UInt32` - `max_tessellation_control_total_output_components::UInt32` - `max_tessellation_evaluation_input_components::UInt32` - `max_tessellation_evaluation_output_components::UInt32` - `max_geometry_shader_invocations::UInt32` - `max_geometry_input_components::UInt32` - `max_geometry_output_components::UInt32` - `max_geometry_output_vertices::UInt32` - `max_geometry_total_output_components::UInt32` - `max_fragment_input_components::UInt32` - `max_fragment_output_attachments::UInt32` - `max_fragment_dual_src_attachments::UInt32` - `max_fragment_combined_output_resources::UInt32` - `max_compute_shared_memory_size::UInt32` - `max_compute_work_group_count::NTuple{3, UInt32}` - `max_compute_work_group_invocations::UInt32` - `max_compute_work_group_size::NTuple{3, UInt32}` - `sub_pixel_precision_bits::UInt32` - `sub_texel_precision_bits::UInt32` - `mipmap_precision_bits::UInt32` - `max_draw_indexed_index_value::UInt32` - `max_draw_indirect_count::UInt32` - `max_sampler_lod_bias::Float32` - `max_sampler_anisotropy::Float32` - `max_viewports::UInt32` - `max_viewport_dimensions::NTuple{2, UInt32}` - `viewport_bounds_range::NTuple{2, Float32}` - `viewport_sub_pixel_bits::UInt32` - `min_memory_map_alignment::UInt` - `min_texel_buffer_offset_alignment::UInt64` - `min_uniform_buffer_offset_alignment::UInt64` - `min_storage_buffer_offset_alignment::UInt64` - `min_texel_offset::Int32` - `max_texel_offset::UInt32` - `min_texel_gather_offset::Int32` - `max_texel_gather_offset::UInt32` - `min_interpolation_offset::Float32` - `max_interpolation_offset::Float32` - `sub_pixel_interpolation_offset_bits::UInt32` - `max_framebuffer_width::UInt32` - `max_framebuffer_height::UInt32` - `max_framebuffer_layers::UInt32` - `max_color_attachments::UInt32` - `max_sample_mask_words::UInt32` - `timestamp_compute_and_graphics::Bool` - `timestamp_period::Float32` - `max_clip_distances::UInt32` - `max_cull_distances::UInt32` - `max_combined_clip_and_cull_distances::UInt32` - `discrete_queue_priorities::UInt32` - `point_size_range::NTuple{2, Float32}` - `line_width_range::NTuple{2, Float32}` - `point_size_granularity::Float32` - `line_width_granularity::Float32` - `strict_lines::Bool` - `standard_sample_locations::Bool` - `optimal_buffer_copy_offset_alignment::UInt64` - `optimal_buffer_copy_row_pitch_alignment::UInt64` - `non_coherent_atom_size::UInt64` - `framebuffer_color_sample_counts::SampleCountFlag`: defaults to `0` - `framebuffer_depth_sample_counts::SampleCountFlag`: defaults to `0` - `framebuffer_stencil_sample_counts::SampleCountFlag`: defaults to `0` - `framebuffer_no_attachments_sample_counts::SampleCountFlag`: defaults to `0` - `sampled_image_color_sample_counts::SampleCountFlag`: defaults to `0` - `sampled_image_integer_sample_counts::SampleCountFlag`: defaults to `0` - `sampled_image_depth_sample_counts::SampleCountFlag`: defaults to `0` - `sampled_image_stencil_sample_counts::SampleCountFlag`: defaults to `0` - `storage_image_sample_counts::SampleCountFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLimits.html) """ PhysicalDeviceLimits(max_image_dimension_1_d::Integer, max_image_dimension_2_d::Integer, max_image_dimension_3_d::Integer, max_image_dimension_cube::Integer, max_image_array_layers::Integer, max_texel_buffer_elements::Integer, max_uniform_buffer_range::Integer, max_storage_buffer_range::Integer, max_push_constants_size::Integer, max_memory_allocation_count::Integer, max_sampler_allocation_count::Integer, buffer_image_granularity::Integer, sparse_address_space_size::Integer, max_bound_descriptor_sets::Integer, max_per_stage_descriptor_samplers::Integer, max_per_stage_descriptor_uniform_buffers::Integer, max_per_stage_descriptor_storage_buffers::Integer, max_per_stage_descriptor_sampled_images::Integer, max_per_stage_descriptor_storage_images::Integer, max_per_stage_descriptor_input_attachments::Integer, max_per_stage_resources::Integer, max_descriptor_set_samplers::Integer, max_descriptor_set_uniform_buffers::Integer, max_descriptor_set_uniform_buffers_dynamic::Integer, max_descriptor_set_storage_buffers::Integer, max_descriptor_set_storage_buffers_dynamic::Integer, max_descriptor_set_sampled_images::Integer, max_descriptor_set_storage_images::Integer, max_descriptor_set_input_attachments::Integer, max_vertex_input_attributes::Integer, max_vertex_input_bindings::Integer, max_vertex_input_attribute_offset::Integer, max_vertex_input_binding_stride::Integer, max_vertex_output_components::Integer, max_tessellation_generation_level::Integer, max_tessellation_patch_size::Integer, max_tessellation_control_per_vertex_input_components::Integer, max_tessellation_control_per_vertex_output_components::Integer, max_tessellation_control_per_patch_output_components::Integer, max_tessellation_control_total_output_components::Integer, max_tessellation_evaluation_input_components::Integer, max_tessellation_evaluation_output_components::Integer, max_geometry_shader_invocations::Integer, max_geometry_input_components::Integer, max_geometry_output_components::Integer, max_geometry_output_vertices::Integer, max_geometry_total_output_components::Integer, max_fragment_input_components::Integer, max_fragment_output_attachments::Integer, max_fragment_dual_src_attachments::Integer, max_fragment_combined_output_resources::Integer, max_compute_shared_memory_size::Integer, max_compute_work_group_count::NTuple{3, UInt32}, max_compute_work_group_invocations::Integer, max_compute_work_group_size::NTuple{3, UInt32}, sub_pixel_precision_bits::Integer, sub_texel_precision_bits::Integer, mipmap_precision_bits::Integer, max_draw_indexed_index_value::Integer, max_draw_indirect_count::Integer, max_sampler_lod_bias::Real, max_sampler_anisotropy::Real, max_viewports::Integer, max_viewport_dimensions::NTuple{2, UInt32}, viewport_bounds_range::NTuple{2, Float32}, viewport_sub_pixel_bits::Integer, min_memory_map_alignment::Integer, min_texel_buffer_offset_alignment::Integer, min_uniform_buffer_offset_alignment::Integer, min_storage_buffer_offset_alignment::Integer, min_texel_offset::Integer, max_texel_offset::Integer, min_texel_gather_offset::Integer, max_texel_gather_offset::Integer, min_interpolation_offset::Real, max_interpolation_offset::Real, sub_pixel_interpolation_offset_bits::Integer, max_framebuffer_width::Integer, max_framebuffer_height::Integer, max_framebuffer_layers::Integer, max_color_attachments::Integer, max_sample_mask_words::Integer, timestamp_compute_and_graphics::Bool, timestamp_period::Real, max_clip_distances::Integer, max_cull_distances::Integer, max_combined_clip_and_cull_distances::Integer, discrete_queue_priorities::Integer, point_size_range::NTuple{2, Float32}, line_width_range::NTuple{2, Float32}, point_size_granularity::Real, line_width_granularity::Real, strict_lines::Bool, standard_sample_locations::Bool, optimal_buffer_copy_offset_alignment::Integer, optimal_buffer_copy_row_pitch_alignment::Integer, non_coherent_atom_size::Integer; framebuffer_color_sample_counts = 0, framebuffer_depth_sample_counts = 0, framebuffer_stencil_sample_counts = 0, framebuffer_no_attachments_sample_counts = 0, sampled_image_color_sample_counts = 0, sampled_image_integer_sample_counts = 0, sampled_image_depth_sample_counts = 0, sampled_image_stencil_sample_counts = 0, storage_image_sample_counts = 0) = PhysicalDeviceLimits(max_image_dimension_1_d, max_image_dimension_2_d, max_image_dimension_3_d, max_image_dimension_cube, max_image_array_layers, max_texel_buffer_elements, max_uniform_buffer_range, max_storage_buffer_range, max_push_constants_size, max_memory_allocation_count, max_sampler_allocation_count, buffer_image_granularity, sparse_address_space_size, max_bound_descriptor_sets, max_per_stage_descriptor_samplers, max_per_stage_descriptor_uniform_buffers, max_per_stage_descriptor_storage_buffers, max_per_stage_descriptor_sampled_images, max_per_stage_descriptor_storage_images, max_per_stage_descriptor_input_attachments, max_per_stage_resources, max_descriptor_set_samplers, max_descriptor_set_uniform_buffers, max_descriptor_set_uniform_buffers_dynamic, max_descriptor_set_storage_buffers, max_descriptor_set_storage_buffers_dynamic, max_descriptor_set_sampled_images, max_descriptor_set_storage_images, max_descriptor_set_input_attachments, max_vertex_input_attributes, max_vertex_input_bindings, max_vertex_input_attribute_offset, max_vertex_input_binding_stride, max_vertex_output_components, max_tessellation_generation_level, max_tessellation_patch_size, max_tessellation_control_per_vertex_input_components, max_tessellation_control_per_vertex_output_components, max_tessellation_control_per_patch_output_components, max_tessellation_control_total_output_components, max_tessellation_evaluation_input_components, max_tessellation_evaluation_output_components, max_geometry_shader_invocations, max_geometry_input_components, max_geometry_output_components, max_geometry_output_vertices, max_geometry_total_output_components, max_fragment_input_components, max_fragment_output_attachments, max_fragment_dual_src_attachments, max_fragment_combined_output_resources, max_compute_shared_memory_size, max_compute_work_group_count, max_compute_work_group_invocations, max_compute_work_group_size, sub_pixel_precision_bits, sub_texel_precision_bits, mipmap_precision_bits, max_draw_indexed_index_value, max_draw_indirect_count, max_sampler_lod_bias, max_sampler_anisotropy, max_viewports, max_viewport_dimensions, viewport_bounds_range, viewport_sub_pixel_bits, min_memory_map_alignment, min_texel_buffer_offset_alignment, min_uniform_buffer_offset_alignment, min_storage_buffer_offset_alignment, min_texel_offset, max_texel_offset, min_texel_gather_offset, max_texel_gather_offset, min_interpolation_offset, max_interpolation_offset, sub_pixel_interpolation_offset_bits, max_framebuffer_width, max_framebuffer_height, max_framebuffer_layers, framebuffer_color_sample_counts, framebuffer_depth_sample_counts, framebuffer_stencil_sample_counts, framebuffer_no_attachments_sample_counts, max_color_attachments, sampled_image_color_sample_counts, sampled_image_integer_sample_counts, sampled_image_depth_sample_counts, sampled_image_stencil_sample_counts, storage_image_sample_counts, max_sample_mask_words, timestamp_compute_and_graphics, timestamp_period, max_clip_distances, max_cull_distances, max_combined_clip_and_cull_distances, discrete_queue_priorities, point_size_range, line_width_range, point_size_granularity, line_width_granularity, strict_lines, standard_sample_locations, optimal_buffer_copy_offset_alignment, optimal_buffer_copy_row_pitch_alignment, non_coherent_atom_size) """ Arguments: - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreCreateInfo.html) """ SemaphoreCreateInfo(; next = C_NULL, flags = 0) = SemaphoreCreateInfo(next, flags) """ Arguments: - `query_type::QueryType` - `query_count::UInt32` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `pipeline_statistics::QueryPipelineStatisticFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueryPoolCreateInfo.html) """ QueryPoolCreateInfo(query_type::QueryType, query_count::Integer; next = C_NULL, flags = 0, pipeline_statistics = 0) = QueryPoolCreateInfo(next, flags, query_type, query_count, pipeline_statistics) """ Arguments: - `render_pass::RenderPass` - `attachments::Vector{ImageView}` - `width::UInt32` - `height::UInt32` - `layers::UInt32` - `next::Any`: defaults to `C_NULL` - `flags::FramebufferCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferCreateInfo.html) """ FramebufferCreateInfo(render_pass::RenderPass, attachments::AbstractArray, width::Integer, height::Integer, layers::Integer; next = C_NULL, flags = 0) = FramebufferCreateInfo(next, flags, render_pass, attachments, width, height, layers) """ Arguments: - `wait_semaphores::Vector{Semaphore}` - `wait_dst_stage_mask::Vector{PipelineStageFlag}` - `command_buffers::Vector{CommandBuffer}` - `signal_semaphores::Vector{Semaphore}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubmitInfo.html) """ SubmitInfo(wait_semaphores::AbstractArray, wait_dst_stage_mask::AbstractArray, command_buffers::AbstractArray, signal_semaphores::AbstractArray; next = C_NULL) = SubmitInfo(next, wait_semaphores, wait_dst_stage_mask, command_buffers, signal_semaphores) """ Extension: VK\\_KHR\\_display Arguments: - `display::DisplayKHR` - `display_name::String` - `physical_dimensions::Extent2D` - `physical_resolution::Extent2D` - `plane_reorder_possible::Bool` - `persistent_content::Bool` - `supported_transforms::SurfaceTransformFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPropertiesKHR.html) """ DisplayPropertiesKHR(display::DisplayKHR, display_name::AbstractString, physical_dimensions::Extent2D, physical_resolution::Extent2D, plane_reorder_possible::Bool, persistent_content::Bool; supported_transforms = 0) = DisplayPropertiesKHR(display, display_name, physical_dimensions, physical_resolution, supported_transforms, plane_reorder_possible, persistent_content) """ Extension: VK\\_KHR\\_display Arguments: - `parameters::DisplayModeParametersKHR` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModeCreateInfoKHR.html) """ DisplayModeCreateInfoKHR(parameters::DisplayModeParametersKHR; next = C_NULL, flags = 0) = DisplayModeCreateInfoKHR(next, flags, parameters) """ Extension: VK\\_KHR\\_display Arguments: - `min_src_position::Offset2D` - `max_src_position::Offset2D` - `min_src_extent::Extent2D` - `max_src_extent::Extent2D` - `min_dst_position::Offset2D` - `max_dst_position::Offset2D` - `min_dst_extent::Extent2D` - `max_dst_extent::Extent2D` - `supported_alpha::DisplayPlaneAlphaFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneCapabilitiesKHR.html) """ DisplayPlaneCapabilitiesKHR(min_src_position::Offset2D, max_src_position::Offset2D, min_src_extent::Extent2D, max_src_extent::Extent2D, min_dst_position::Offset2D, max_dst_position::Offset2D, min_dst_extent::Extent2D, max_dst_extent::Extent2D; supported_alpha = 0) = DisplayPlaneCapabilitiesKHR(supported_alpha, min_src_position, max_src_position, min_src_extent, max_src_extent, min_dst_position, max_dst_position, min_dst_extent, max_dst_extent) """ Extension: VK\\_KHR\\_display Arguments: - `display_mode::DisplayModeKHR` - `plane_index::UInt32` - `plane_stack_index::UInt32` - `transform::SurfaceTransformFlagKHR` - `global_alpha::Float32` - `alpha_mode::DisplayPlaneAlphaFlagKHR` - `image_extent::Extent2D` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplaySurfaceCreateInfoKHR.html) """ DisplaySurfaceCreateInfoKHR(display_mode::DisplayModeKHR, plane_index::Integer, plane_stack_index::Integer, transform::SurfaceTransformFlagKHR, global_alpha::Real, alpha_mode::DisplayPlaneAlphaFlagKHR, image_extent::Extent2D; next = C_NULL, flags = 0) = DisplaySurfaceCreateInfoKHR(next, flags, display_mode, plane_index, plane_stack_index, transform, global_alpha, alpha_mode, image_extent) """ Extension: VK\\_KHR\\_display\\_swapchain Arguments: - `src_rect::Rect2D` - `dst_rect::Rect2D` - `persistent::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPresentInfoKHR.html) """ DisplayPresentInfoKHR(src_rect::Rect2D, dst_rect::Rect2D, persistent::Bool; next = C_NULL) = DisplayPresentInfoKHR(next, src_rect, dst_rect, persistent) """ Extension: VK\\_KHR\\_win32\\_surface Arguments: - `hinstance::HINSTANCE` - `hwnd::HWND` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWin32SurfaceCreateInfoKHR.html) """ Win32SurfaceCreateInfoKHR(hinstance::vk.HINSTANCE, hwnd::vk.HWND; next = C_NULL, flags = 0) = Win32SurfaceCreateInfoKHR(next, flags, hinstance, hwnd) """ Extension: VK\\_KHR\\_swapchain Arguments: - `surface::SurfaceKHR` - `min_image_count::UInt32` - `image_format::Format` - `image_color_space::ColorSpaceKHR` - `image_extent::Extent2D` - `image_array_layers::UInt32` - `image_usage::ImageUsageFlag` - `image_sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `pre_transform::SurfaceTransformFlagKHR` - `composite_alpha::CompositeAlphaFlagKHR` - `present_mode::PresentModeKHR` - `clipped::Bool` - `next::Any`: defaults to `C_NULL` - `flags::SwapchainCreateFlagKHR`: defaults to `0` - `old_swapchain::SwapchainKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainCreateInfoKHR.html) """ SwapchainCreateInfoKHR(surface::SurfaceKHR, min_image_count::Integer, image_format::Format, image_color_space::ColorSpaceKHR, image_extent::Extent2D, image_array_layers::Integer, image_usage::ImageUsageFlag, image_sharing_mode::SharingMode, queue_family_indices::AbstractArray, pre_transform::SurfaceTransformFlagKHR, composite_alpha::CompositeAlphaFlagKHR, present_mode::PresentModeKHR, clipped::Bool; next = C_NULL, flags = 0, old_swapchain = C_NULL) = SwapchainCreateInfoKHR(next, flags, surface, min_image_count, image_format, image_color_space, image_extent, image_array_layers, image_usage, image_sharing_mode, queue_family_indices, pre_transform, composite_alpha, present_mode, clipped, old_swapchain) """ Extension: VK\\_KHR\\_swapchain Arguments: - `wait_semaphores::Vector{Semaphore}` - `swapchains::Vector{SwapchainKHR}` - `image_indices::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` - `results::Vector{Result}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentInfoKHR.html) """ PresentInfoKHR(wait_semaphores::AbstractArray, swapchains::AbstractArray, image_indices::AbstractArray; next = C_NULL, results = C_NULL) = PresentInfoKHR(next, wait_semaphores, swapchains, image_indices, results) """ Extension: VK\\_EXT\\_debug\\_report Arguments: - `pfn_callback::FunctionPtr` - `next::Any`: defaults to `C_NULL` - `flags::DebugReportFlagEXT`: defaults to `0` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugReportCallbackCreateInfoEXT.html) """ DebugReportCallbackCreateInfoEXT(pfn_callback::FunctionPtr; next = C_NULL, flags = 0, user_data = C_NULL) = DebugReportCallbackCreateInfoEXT(next, flags, pfn_callback, user_data) """ Extension: VK\\_EXT\\_validation\\_flags Arguments: - `disabled_validation_checks::Vector{ValidationCheckEXT}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkValidationFlagsEXT.html) """ ValidationFlagsEXT(disabled_validation_checks::AbstractArray; next = C_NULL) = ValidationFlagsEXT(next, disabled_validation_checks) """ Extension: VK\\_EXT\\_validation\\_features Arguments: - `enabled_validation_features::Vector{ValidationFeatureEnableEXT}` - `disabled_validation_features::Vector{ValidationFeatureDisableEXT}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkValidationFeaturesEXT.html) """ ValidationFeaturesEXT(enabled_validation_features::AbstractArray, disabled_validation_features::AbstractArray; next = C_NULL) = ValidationFeaturesEXT(next, enabled_validation_features, disabled_validation_features) """ Extension: VK\\_AMD\\_rasterization\\_order Arguments: - `rasterization_order::RasterizationOrderAMD` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationStateRasterizationOrderAMD.html) """ PipelineRasterizationStateRasterizationOrderAMD(rasterization_order::RasterizationOrderAMD; next = C_NULL) = PipelineRasterizationStateRasterizationOrderAMD(next, rasterization_order) """ Extension: VK\\_EXT\\_debug\\_marker Arguments: - `object_type::DebugReportObjectTypeEXT` - `object::UInt64` - `object_name::String` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugMarkerObjectNameInfoEXT.html) """ DebugMarkerObjectNameInfoEXT(object_type::DebugReportObjectTypeEXT, object::Integer, object_name::AbstractString; next = C_NULL) = DebugMarkerObjectNameInfoEXT(next, object_type, object, object_name) """ Extension: VK\\_EXT\\_debug\\_marker Arguments: - `object_type::DebugReportObjectTypeEXT` - `object::UInt64` - `tag_name::UInt64` - `tag_size::UInt` - `tag::Ptr{Cvoid}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugMarkerObjectTagInfoEXT.html) """ DebugMarkerObjectTagInfoEXT(object_type::DebugReportObjectTypeEXT, object::Integer, tag_name::Integer, tag_size::Integer, tag::Ptr{Cvoid}; next = C_NULL) = DebugMarkerObjectTagInfoEXT(next, object_type, object, tag_name, tag_size, tag) """ Extension: VK\\_EXT\\_debug\\_marker Arguments: - `marker_name::String` - `color::NTuple{4, Float32}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugMarkerMarkerInfoEXT.html) """ DebugMarkerMarkerInfoEXT(marker_name::AbstractString, color::NTuple{4, Float32}; next = C_NULL) = DebugMarkerMarkerInfoEXT(next, marker_name, color) """ Extension: VK\\_NV\\_dedicated\\_allocation Arguments: - `dedicated_allocation::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDedicatedAllocationImageCreateInfoNV.html) """ DedicatedAllocationImageCreateInfoNV(dedicated_allocation::Bool; next = C_NULL) = DedicatedAllocationImageCreateInfoNV(next, dedicated_allocation) """ Extension: VK\\_NV\\_dedicated\\_allocation Arguments: - `dedicated_allocation::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDedicatedAllocationBufferCreateInfoNV.html) """ DedicatedAllocationBufferCreateInfoNV(dedicated_allocation::Bool; next = C_NULL) = DedicatedAllocationBufferCreateInfoNV(next, dedicated_allocation) """ Extension: VK\\_NV\\_dedicated\\_allocation Arguments: - `next::Any`: defaults to `C_NULL` - `image::Image`: defaults to `C_NULL` - `buffer::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDedicatedAllocationMemoryAllocateInfoNV.html) """ DedicatedAllocationMemoryAllocateInfoNV(; next = C_NULL, image = C_NULL, buffer = C_NULL) = DedicatedAllocationMemoryAllocateInfoNV(next, image, buffer) """ Extension: VK\\_NV\\_external\\_memory\\_capabilities Arguments: - `image_format_properties::ImageFormatProperties` - `external_memory_features::ExternalMemoryFeatureFlagNV`: defaults to `0` - `export_from_imported_handle_types::ExternalMemoryHandleTypeFlagNV`: defaults to `0` - `compatible_handle_types::ExternalMemoryHandleTypeFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalImageFormatPropertiesNV.html) """ ExternalImageFormatPropertiesNV(image_format_properties::ImageFormatProperties; external_memory_features = 0, export_from_imported_handle_types = 0, compatible_handle_types = 0) = ExternalImageFormatPropertiesNV(image_format_properties, external_memory_features, export_from_imported_handle_types, compatible_handle_types) """ Extension: VK\\_NV\\_external\\_memory Arguments: - `next::Any`: defaults to `C_NULL` - `handle_types::ExternalMemoryHandleTypeFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryImageCreateInfoNV.html) """ ExternalMemoryImageCreateInfoNV(; next = C_NULL, handle_types = 0) = ExternalMemoryImageCreateInfoNV(next, handle_types) """ Extension: VK\\_NV\\_external\\_memory Arguments: - `next::Any`: defaults to `C_NULL` - `handle_types::ExternalMemoryHandleTypeFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMemoryAllocateInfoNV.html) """ ExportMemoryAllocateInfoNV(; next = C_NULL, handle_types = 0) = ExportMemoryAllocateInfoNV(next, handle_types) """ Extension: VK\\_NV\\_external\\_memory\\_win32 Arguments: - `next::Any`: defaults to `C_NULL` - `handle_type::ExternalMemoryHandleTypeFlagNV`: defaults to `0` - `handle::HANDLE`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMemoryWin32HandleInfoNV.html) """ ImportMemoryWin32HandleInfoNV(; next = C_NULL, handle_type = 0, handle = C_NULL) = ImportMemoryWin32HandleInfoNV(next, handle_type, handle) """ Extension: VK\\_NV\\_external\\_memory\\_win32 Arguments: - `next::Any`: defaults to `C_NULL` - `attributes::SECURITY_ATTRIBUTES`: defaults to `C_NULL` - `dw_access::DWORD`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMemoryWin32HandleInfoNV.html) """ ExportMemoryWin32HandleInfoNV(; next = C_NULL, attributes = C_NULL, dw_access = C_NULL) = ExportMemoryWin32HandleInfoNV(next, attributes, dw_access) """ Extension: VK\\_NV\\_win32\\_keyed\\_mutex Arguments: - `acquire_syncs::Vector{DeviceMemory}` - `acquire_keys::Vector{UInt64}` - `acquire_timeout_milliseconds::Vector{UInt32}` - `release_syncs::Vector{DeviceMemory}` - `release_keys::Vector{UInt64}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWin32KeyedMutexAcquireReleaseInfoNV.html) """ Win32KeyedMutexAcquireReleaseInfoNV(acquire_syncs::AbstractArray, acquire_keys::AbstractArray, acquire_timeout_milliseconds::AbstractArray, release_syncs::AbstractArray, release_keys::AbstractArray; next = C_NULL) = Win32KeyedMutexAcquireReleaseInfoNV(next, acquire_syncs, acquire_keys, acquire_timeout_milliseconds, release_syncs, release_keys) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `device_generated_commands::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV.html) """ PhysicalDeviceDeviceGeneratedCommandsFeaturesNV(device_generated_commands::Bool; next = C_NULL) = PhysicalDeviceDeviceGeneratedCommandsFeaturesNV(next, device_generated_commands) """ Arguments: - `private_data_slot_request_count::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDevicePrivateDataCreateInfo.html) """ DevicePrivateDataCreateInfo(private_data_slot_request_count::Integer; next = C_NULL) = DevicePrivateDataCreateInfo(next, private_data_slot_request_count) """ Arguments: - `flags::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPrivateDataSlotCreateInfo.html) """ PrivateDataSlotCreateInfo(flags::Integer; next = C_NULL) = PrivateDataSlotCreateInfo(next, flags) """ Arguments: - `private_data::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePrivateDataFeatures.html) """ PhysicalDevicePrivateDataFeatures(private_data::Bool; next = C_NULL) = PhysicalDevicePrivateDataFeatures(next, private_data) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `max_graphics_shader_group_count::UInt32` - `max_indirect_sequence_count::UInt32` - `max_indirect_commands_token_count::UInt32` - `max_indirect_commands_stream_count::UInt32` - `max_indirect_commands_token_offset::UInt32` - `max_indirect_commands_stream_stride::UInt32` - `min_sequences_count_buffer_offset_alignment::UInt32` - `min_sequences_index_buffer_offset_alignment::UInt32` - `min_indirect_commands_buffer_offset_alignment::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV.html) """ PhysicalDeviceDeviceGeneratedCommandsPropertiesNV(max_graphics_shader_group_count::Integer, max_indirect_sequence_count::Integer, max_indirect_commands_token_count::Integer, max_indirect_commands_stream_count::Integer, max_indirect_commands_token_offset::Integer, max_indirect_commands_stream_stride::Integer, min_sequences_count_buffer_offset_alignment::Integer, min_sequences_index_buffer_offset_alignment::Integer, min_indirect_commands_buffer_offset_alignment::Integer; next = C_NULL) = PhysicalDeviceDeviceGeneratedCommandsPropertiesNV(next, max_graphics_shader_group_count, max_indirect_sequence_count, max_indirect_commands_token_count, max_indirect_commands_stream_count, max_indirect_commands_token_offset, max_indirect_commands_stream_stride, min_sequences_count_buffer_offset_alignment, min_sequences_index_buffer_offset_alignment, min_indirect_commands_buffer_offset_alignment) """ Extension: VK\\_EXT\\_multi\\_draw Arguments: - `max_multi_draw_count::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiDrawPropertiesEXT.html) """ PhysicalDeviceMultiDrawPropertiesEXT(max_multi_draw_count::Integer; next = C_NULL) = PhysicalDeviceMultiDrawPropertiesEXT(next, max_multi_draw_count) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `stages::Vector{PipelineShaderStageCreateInfo}` - `next::Any`: defaults to `C_NULL` - `vertex_input_state::PipelineVertexInputStateCreateInfo`: defaults to `C_NULL` - `tessellation_state::PipelineTessellationStateCreateInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsShaderGroupCreateInfoNV.html) """ GraphicsShaderGroupCreateInfoNV(stages::AbstractArray; next = C_NULL, vertex_input_state = C_NULL, tessellation_state = C_NULL) = GraphicsShaderGroupCreateInfoNV(next, stages, vertex_input_state, tessellation_state) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `groups::Vector{GraphicsShaderGroupCreateInfoNV}` - `pipelines::Vector{Pipeline}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsPipelineShaderGroupsCreateInfoNV.html) """ GraphicsPipelineShaderGroupsCreateInfoNV(groups::AbstractArray, pipelines::AbstractArray; next = C_NULL) = GraphicsPipelineShaderGroupsCreateInfoNV(next, groups, pipelines) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `token_type::IndirectCommandsTokenTypeNV` - `stream::UInt32` - `offset::UInt32` - `vertex_binding_unit::UInt32` - `vertex_dynamic_stride::Bool` - `pushconstant_offset::UInt32` - `pushconstant_size::UInt32` - `index_types::Vector{IndexType}` - `index_type_values::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` - `pushconstant_pipeline_layout::PipelineLayout`: defaults to `C_NULL` - `pushconstant_shader_stage_flags::ShaderStageFlag`: defaults to `0` - `indirect_state_flags::IndirectStateFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkIndirectCommandsLayoutTokenNV.html) """ IndirectCommandsLayoutTokenNV(token_type::IndirectCommandsTokenTypeNV, stream::Integer, offset::Integer, vertex_binding_unit::Integer, vertex_dynamic_stride::Bool, pushconstant_offset::Integer, pushconstant_size::Integer, index_types::AbstractArray, index_type_values::AbstractArray; next = C_NULL, pushconstant_pipeline_layout = C_NULL, pushconstant_shader_stage_flags = 0, indirect_state_flags = 0) = IndirectCommandsLayoutTokenNV(next, token_type, stream, offset, vertex_binding_unit, vertex_dynamic_stride, pushconstant_pipeline_layout, pushconstant_shader_stage_flags, pushconstant_offset, pushconstant_size, indirect_state_flags, index_types, index_type_values) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `pipeline_bind_point::PipelineBindPoint` - `tokens::Vector{IndirectCommandsLayoutTokenNV}` - `stream_strides::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` - `flags::IndirectCommandsLayoutUsageFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkIndirectCommandsLayoutCreateInfoNV.html) """ IndirectCommandsLayoutCreateInfoNV(pipeline_bind_point::PipelineBindPoint, tokens::AbstractArray, stream_strides::AbstractArray; next = C_NULL, flags = 0) = IndirectCommandsLayoutCreateInfoNV(next, flags, pipeline_bind_point, tokens, stream_strides) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `pipeline_bind_point::PipelineBindPoint` - `pipeline::Pipeline` - `indirect_commands_layout::IndirectCommandsLayoutNV` - `streams::Vector{IndirectCommandsStreamNV}` - `sequences_count::UInt32` - `preprocess_buffer::Buffer` - `preprocess_offset::UInt64` - `preprocess_size::UInt64` - `sequences_count_offset::UInt64` - `sequences_index_offset::UInt64` - `next::Any`: defaults to `C_NULL` - `sequences_count_buffer::Buffer`: defaults to `C_NULL` - `sequences_index_buffer::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeneratedCommandsInfoNV.html) """ GeneratedCommandsInfoNV(pipeline_bind_point::PipelineBindPoint, pipeline::Pipeline, indirect_commands_layout::IndirectCommandsLayoutNV, streams::AbstractArray, sequences_count::Integer, preprocess_buffer::Buffer, preprocess_offset::Integer, preprocess_size::Integer, sequences_count_offset::Integer, sequences_index_offset::Integer; next = C_NULL, sequences_count_buffer = C_NULL, sequences_index_buffer = C_NULL) = GeneratedCommandsInfoNV(next, pipeline_bind_point, pipeline, indirect_commands_layout, streams, sequences_count, preprocess_buffer, preprocess_offset, preprocess_size, sequences_count_buffer, sequences_count_offset, sequences_index_buffer, sequences_index_offset) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `pipeline_bind_point::PipelineBindPoint` - `pipeline::Pipeline` - `indirect_commands_layout::IndirectCommandsLayoutNV` - `max_sequences_count::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeneratedCommandsMemoryRequirementsInfoNV.html) """ GeneratedCommandsMemoryRequirementsInfoNV(pipeline_bind_point::PipelineBindPoint, pipeline::Pipeline, indirect_commands_layout::IndirectCommandsLayoutNV, max_sequences_count::Integer; next = C_NULL) = GeneratedCommandsMemoryRequirementsInfoNV(next, pipeline_bind_point, pipeline, indirect_commands_layout, max_sequences_count) """ Arguments: - `features::PhysicalDeviceFeatures` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFeatures2.html) """ PhysicalDeviceFeatures2(features::PhysicalDeviceFeatures; next = C_NULL) = PhysicalDeviceFeatures2(next, features) """ Arguments: - `properties::PhysicalDeviceProperties` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProperties2.html) """ PhysicalDeviceProperties2(properties::PhysicalDeviceProperties; next = C_NULL) = PhysicalDeviceProperties2(next, properties) """ Arguments: - `format_properties::FormatProperties` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFormatProperties2.html) """ FormatProperties2(format_properties::FormatProperties; next = C_NULL) = FormatProperties2(next, format_properties) """ Arguments: - `image_format_properties::ImageFormatProperties` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageFormatProperties2.html) """ ImageFormatProperties2(image_format_properties::ImageFormatProperties; next = C_NULL) = ImageFormatProperties2(next, image_format_properties) """ Arguments: - `format::Format` - `type::ImageType` - `tiling::ImageTiling` - `usage::ImageUsageFlag` - `next::Any`: defaults to `C_NULL` - `flags::ImageCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageFormatInfo2.html) """ PhysicalDeviceImageFormatInfo2(format::Format, type::ImageType, tiling::ImageTiling, usage::ImageUsageFlag; next = C_NULL, flags = 0) = PhysicalDeviceImageFormatInfo2(next, format, type, tiling, usage, flags) """ Arguments: - `queue_family_properties::QueueFamilyProperties` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyProperties2.html) """ QueueFamilyProperties2(queue_family_properties::QueueFamilyProperties; next = C_NULL) = QueueFamilyProperties2(next, queue_family_properties) """ Arguments: - `memory_properties::PhysicalDeviceMemoryProperties` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryProperties2.html) """ PhysicalDeviceMemoryProperties2(memory_properties::PhysicalDeviceMemoryProperties; next = C_NULL) = PhysicalDeviceMemoryProperties2(next, memory_properties) """ Arguments: - `properties::SparseImageFormatProperties` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageFormatProperties2.html) """ SparseImageFormatProperties2(properties::SparseImageFormatProperties; next = C_NULL) = SparseImageFormatProperties2(next, properties) """ Arguments: - `format::Format` - `type::ImageType` - `samples::SampleCountFlag` - `usage::ImageUsageFlag` - `tiling::ImageTiling` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSparseImageFormatInfo2.html) """ PhysicalDeviceSparseImageFormatInfo2(format::Format, type::ImageType, samples::SampleCountFlag, usage::ImageUsageFlag, tiling::ImageTiling; next = C_NULL) = PhysicalDeviceSparseImageFormatInfo2(next, format, type, samples, usage, tiling) """ Extension: VK\\_KHR\\_push\\_descriptor Arguments: - `max_push_descriptors::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePushDescriptorPropertiesKHR.html) """ PhysicalDevicePushDescriptorPropertiesKHR(max_push_descriptors::Integer; next = C_NULL) = PhysicalDevicePushDescriptorPropertiesKHR(next, max_push_descriptors) """ Arguments: - `driver_id::DriverId` - `driver_name::String` - `driver_info::String` - `conformance_version::ConformanceVersion` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDriverProperties.html) """ PhysicalDeviceDriverProperties(driver_id::DriverId, driver_name::AbstractString, driver_info::AbstractString, conformance_version::ConformanceVersion; next = C_NULL) = PhysicalDeviceDriverProperties(next, driver_id, driver_name, driver_info, conformance_version) """ Extension: VK\\_KHR\\_incremental\\_present Arguments: - `next::Any`: defaults to `C_NULL` - `regions::Vector{PresentRegionKHR}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentRegionsKHR.html) """ PresentRegionsKHR(; next = C_NULL, regions = C_NULL) = PresentRegionsKHR(next, regions) """ Extension: VK\\_KHR\\_incremental\\_present Arguments: - `rectangles::Vector{RectLayerKHR}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentRegionKHR.html) """ PresentRegionKHR(; rectangles = C_NULL) = PresentRegionKHR(rectangles) """ Arguments: - `variable_pointers_storage_buffer::Bool` - `variable_pointers::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVariablePointersFeatures.html) """ PhysicalDeviceVariablePointersFeatures(variable_pointers_storage_buffer::Bool, variable_pointers::Bool; next = C_NULL) = PhysicalDeviceVariablePointersFeatures(next, variable_pointers_storage_buffer, variable_pointers) """ Arguments: - `external_memory_features::ExternalMemoryFeatureFlag` - `compatible_handle_types::ExternalMemoryHandleTypeFlag` - `export_from_imported_handle_types::ExternalMemoryHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryProperties.html) """ ExternalMemoryProperties(external_memory_features::ExternalMemoryFeatureFlag, compatible_handle_types::ExternalMemoryHandleTypeFlag; export_from_imported_handle_types = 0) = ExternalMemoryProperties(external_memory_features, export_from_imported_handle_types, compatible_handle_types) """ Arguments: - `next::Any`: defaults to `C_NULL` - `handle_type::ExternalMemoryHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalImageFormatInfo.html) """ PhysicalDeviceExternalImageFormatInfo(; next = C_NULL, handle_type = 0) = PhysicalDeviceExternalImageFormatInfo(next, handle_type) """ Arguments: - `external_memory_properties::ExternalMemoryProperties` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalImageFormatProperties.html) """ ExternalImageFormatProperties(external_memory_properties::ExternalMemoryProperties; next = C_NULL) = ExternalImageFormatProperties(next, external_memory_properties) """ Arguments: - `usage::BufferUsageFlag` - `handle_type::ExternalMemoryHandleTypeFlag` - `next::Any`: defaults to `C_NULL` - `flags::BufferCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalBufferInfo.html) """ PhysicalDeviceExternalBufferInfo(usage::BufferUsageFlag, handle_type::ExternalMemoryHandleTypeFlag; next = C_NULL, flags = 0) = PhysicalDeviceExternalBufferInfo(next, flags, usage, handle_type) """ Arguments: - `external_memory_properties::ExternalMemoryProperties` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalBufferProperties.html) """ ExternalBufferProperties(external_memory_properties::ExternalMemoryProperties; next = C_NULL) = ExternalBufferProperties(next, external_memory_properties) """ Arguments: - `device_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `driver_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `device_luid::NTuple{Int(VK_LUID_SIZE), UInt8}` - `device_node_mask::UInt32` - `device_luid_valid::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceIDProperties.html) """ PhysicalDeviceIDProperties(device_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}, driver_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}, device_luid::NTuple{Int(VK_LUID_SIZE), UInt8}, device_node_mask::Integer, device_luid_valid::Bool; next = C_NULL) = PhysicalDeviceIDProperties(next, device_uuid, driver_uuid, device_luid, device_node_mask, device_luid_valid) """ Arguments: - `next::Any`: defaults to `C_NULL` - `handle_types::ExternalMemoryHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryImageCreateInfo.html) """ ExternalMemoryImageCreateInfo(; next = C_NULL, handle_types = 0) = ExternalMemoryImageCreateInfo(next, handle_types) """ Arguments: - `next::Any`: defaults to `C_NULL` - `handle_types::ExternalMemoryHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalMemoryBufferCreateInfo.html) """ ExternalMemoryBufferCreateInfo(; next = C_NULL, handle_types = 0) = ExternalMemoryBufferCreateInfo(next, handle_types) """ Arguments: - `next::Any`: defaults to `C_NULL` - `handle_types::ExternalMemoryHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMemoryAllocateInfo.html) """ ExportMemoryAllocateInfo(; next = C_NULL, handle_types = 0) = ExportMemoryAllocateInfo(next, handle_types) """ Extension: VK\\_KHR\\_external\\_memory\\_win32 Arguments: - `next::Any`: defaults to `C_NULL` - `handle_type::ExternalMemoryHandleTypeFlag`: defaults to `0` - `handle::HANDLE`: defaults to `C_NULL` - `name::LPCWSTR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMemoryWin32HandleInfoKHR.html) """ ImportMemoryWin32HandleInfoKHR(; next = C_NULL, handle_type = 0, handle = C_NULL, name = C_NULL) = ImportMemoryWin32HandleInfoKHR(next, handle_type, handle, name) """ Extension: VK\\_KHR\\_external\\_memory\\_win32 Arguments: - `dw_access::DWORD` - `name::LPCWSTR` - `next::Any`: defaults to `C_NULL` - `attributes::SECURITY_ATTRIBUTES`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportMemoryWin32HandleInfoKHR.html) """ ExportMemoryWin32HandleInfoKHR(dw_access::vk.DWORD, name::vk.LPCWSTR; next = C_NULL, attributes = C_NULL) = ExportMemoryWin32HandleInfoKHR(next, attributes, dw_access, name) """ Extension: VK\\_KHR\\_external\\_memory\\_win32 Arguments: - `memory_type_bits::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryWin32HandlePropertiesKHR.html) """ MemoryWin32HandlePropertiesKHR(memory_type_bits::Integer; next = C_NULL) = MemoryWin32HandlePropertiesKHR(next, memory_type_bits) """ Extension: VK\\_KHR\\_external\\_memory\\_win32 Arguments: - `memory::DeviceMemory` - `handle_type::ExternalMemoryHandleTypeFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryGetWin32HandleInfoKHR.html) """ MemoryGetWin32HandleInfoKHR(memory::DeviceMemory, handle_type::ExternalMemoryHandleTypeFlag; next = C_NULL) = MemoryGetWin32HandleInfoKHR(next, memory, handle_type) """ Extension: VK\\_KHR\\_external\\_memory\\_fd Arguments: - `fd::Int` - `next::Any`: defaults to `C_NULL` - `handle_type::ExternalMemoryHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMemoryFdInfoKHR.html) """ ImportMemoryFdInfoKHR(fd::Integer; next = C_NULL, handle_type = 0) = ImportMemoryFdInfoKHR(next, handle_type, fd) """ Extension: VK\\_KHR\\_external\\_memory\\_fd Arguments: - `memory_type_bits::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryFdPropertiesKHR.html) """ MemoryFdPropertiesKHR(memory_type_bits::Integer; next = C_NULL) = MemoryFdPropertiesKHR(next, memory_type_bits) """ Extension: VK\\_KHR\\_external\\_memory\\_fd Arguments: - `memory::DeviceMemory` - `handle_type::ExternalMemoryHandleTypeFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryGetFdInfoKHR.html) """ MemoryGetFdInfoKHR(memory::DeviceMemory, handle_type::ExternalMemoryHandleTypeFlag; next = C_NULL) = MemoryGetFdInfoKHR(next, memory, handle_type) """ Extension: VK\\_KHR\\_win32\\_keyed\\_mutex Arguments: - `acquire_syncs::Vector{DeviceMemory}` - `acquire_keys::Vector{UInt64}` - `acquire_timeouts::Vector{UInt32}` - `release_syncs::Vector{DeviceMemory}` - `release_keys::Vector{UInt64}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWin32KeyedMutexAcquireReleaseInfoKHR.html) """ Win32KeyedMutexAcquireReleaseInfoKHR(acquire_syncs::AbstractArray, acquire_keys::AbstractArray, acquire_timeouts::AbstractArray, release_syncs::AbstractArray, release_keys::AbstractArray; next = C_NULL) = Win32KeyedMutexAcquireReleaseInfoKHR(next, acquire_syncs, acquire_keys, acquire_timeouts, release_syncs, release_keys) """ Arguments: - `handle_type::ExternalSemaphoreHandleTypeFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalSemaphoreInfo.html) """ PhysicalDeviceExternalSemaphoreInfo(handle_type::ExternalSemaphoreHandleTypeFlag; next = C_NULL) = PhysicalDeviceExternalSemaphoreInfo(next, handle_type) """ Arguments: - `export_from_imported_handle_types::ExternalSemaphoreHandleTypeFlag` - `compatible_handle_types::ExternalSemaphoreHandleTypeFlag` - `next::Any`: defaults to `C_NULL` - `external_semaphore_features::ExternalSemaphoreFeatureFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalSemaphoreProperties.html) """ ExternalSemaphoreProperties(export_from_imported_handle_types::ExternalSemaphoreHandleTypeFlag, compatible_handle_types::ExternalSemaphoreHandleTypeFlag; next = C_NULL, external_semaphore_features = 0) = ExternalSemaphoreProperties(next, export_from_imported_handle_types, compatible_handle_types, external_semaphore_features) """ Arguments: - `next::Any`: defaults to `C_NULL` - `handle_types::ExternalSemaphoreHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportSemaphoreCreateInfo.html) """ ExportSemaphoreCreateInfo(; next = C_NULL, handle_types = 0) = ExportSemaphoreCreateInfo(next, handle_types) """ Extension: VK\\_KHR\\_external\\_semaphore\\_win32 Arguments: - `semaphore::Semaphore` (externsync) - `handle_type::ExternalSemaphoreHandleTypeFlag` - `next::Any`: defaults to `C_NULL` - `flags::SemaphoreImportFlag`: defaults to `0` - `handle::HANDLE`: defaults to `C_NULL` - `name::LPCWSTR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportSemaphoreWin32HandleInfoKHR.html) """ ImportSemaphoreWin32HandleInfoKHR(semaphore::Semaphore, handle_type::ExternalSemaphoreHandleTypeFlag; next = C_NULL, flags = 0, handle = C_NULL, name = C_NULL) = ImportSemaphoreWin32HandleInfoKHR(next, semaphore, flags, handle_type, handle, name) """ Extension: VK\\_KHR\\_external\\_semaphore\\_win32 Arguments: - `dw_access::DWORD` - `name::LPCWSTR` - `next::Any`: defaults to `C_NULL` - `attributes::SECURITY_ATTRIBUTES`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportSemaphoreWin32HandleInfoKHR.html) """ ExportSemaphoreWin32HandleInfoKHR(dw_access::vk.DWORD, name::vk.LPCWSTR; next = C_NULL, attributes = C_NULL) = ExportSemaphoreWin32HandleInfoKHR(next, attributes, dw_access, name) """ Extension: VK\\_KHR\\_external\\_semaphore\\_win32 Arguments: - `next::Any`: defaults to `C_NULL` - `wait_semaphore_values::Vector{UInt64}`: defaults to `C_NULL` - `signal_semaphore_values::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkD3D12FenceSubmitInfoKHR.html) """ D3D12FenceSubmitInfoKHR(; next = C_NULL, wait_semaphore_values = C_NULL, signal_semaphore_values = C_NULL) = D3D12FenceSubmitInfoKHR(next, wait_semaphore_values, signal_semaphore_values) """ Extension: VK\\_KHR\\_external\\_semaphore\\_win32 Arguments: - `semaphore::Semaphore` - `handle_type::ExternalSemaphoreHandleTypeFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreGetWin32HandleInfoKHR.html) """ SemaphoreGetWin32HandleInfoKHR(semaphore::Semaphore, handle_type::ExternalSemaphoreHandleTypeFlag; next = C_NULL) = SemaphoreGetWin32HandleInfoKHR(next, semaphore, handle_type) """ Extension: VK\\_KHR\\_external\\_semaphore\\_fd Arguments: - `semaphore::Semaphore` (externsync) - `handle_type::ExternalSemaphoreHandleTypeFlag` - `fd::Int` - `next::Any`: defaults to `C_NULL` - `flags::SemaphoreImportFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportSemaphoreFdInfoKHR.html) """ ImportSemaphoreFdInfoKHR(semaphore::Semaphore, handle_type::ExternalSemaphoreHandleTypeFlag, fd::Integer; next = C_NULL, flags = 0) = ImportSemaphoreFdInfoKHR(next, semaphore, flags, handle_type, fd) """ Extension: VK\\_KHR\\_external\\_semaphore\\_fd Arguments: - `semaphore::Semaphore` - `handle_type::ExternalSemaphoreHandleTypeFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreGetFdInfoKHR.html) """ SemaphoreGetFdInfoKHR(semaphore::Semaphore, handle_type::ExternalSemaphoreHandleTypeFlag; next = C_NULL) = SemaphoreGetFdInfoKHR(next, semaphore, handle_type) """ Arguments: - `handle_type::ExternalFenceHandleTypeFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalFenceInfo.html) """ PhysicalDeviceExternalFenceInfo(handle_type::ExternalFenceHandleTypeFlag; next = C_NULL) = PhysicalDeviceExternalFenceInfo(next, handle_type) """ Arguments: - `export_from_imported_handle_types::ExternalFenceHandleTypeFlag` - `compatible_handle_types::ExternalFenceHandleTypeFlag` - `next::Any`: defaults to `C_NULL` - `external_fence_features::ExternalFenceFeatureFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExternalFenceProperties.html) """ ExternalFenceProperties(export_from_imported_handle_types::ExternalFenceHandleTypeFlag, compatible_handle_types::ExternalFenceHandleTypeFlag; next = C_NULL, external_fence_features = 0) = ExternalFenceProperties(next, export_from_imported_handle_types, compatible_handle_types, external_fence_features) """ Arguments: - `next::Any`: defaults to `C_NULL` - `handle_types::ExternalFenceHandleTypeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportFenceCreateInfo.html) """ ExportFenceCreateInfo(; next = C_NULL, handle_types = 0) = ExportFenceCreateInfo(next, handle_types) """ Extension: VK\\_KHR\\_external\\_fence\\_win32 Arguments: - `fence::Fence` (externsync) - `handle_type::ExternalFenceHandleTypeFlag` - `next::Any`: defaults to `C_NULL` - `flags::FenceImportFlag`: defaults to `0` - `handle::HANDLE`: defaults to `C_NULL` - `name::LPCWSTR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportFenceWin32HandleInfoKHR.html) """ ImportFenceWin32HandleInfoKHR(fence::Fence, handle_type::ExternalFenceHandleTypeFlag; next = C_NULL, flags = 0, handle = C_NULL, name = C_NULL) = ImportFenceWin32HandleInfoKHR(next, fence, flags, handle_type, handle, name) """ Extension: VK\\_KHR\\_external\\_fence\\_win32 Arguments: - `dw_access::DWORD` - `name::LPCWSTR` - `next::Any`: defaults to `C_NULL` - `attributes::SECURITY_ATTRIBUTES`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExportFenceWin32HandleInfoKHR.html) """ ExportFenceWin32HandleInfoKHR(dw_access::vk.DWORD, name::vk.LPCWSTR; next = C_NULL, attributes = C_NULL) = ExportFenceWin32HandleInfoKHR(next, attributes, dw_access, name) """ Extension: VK\\_KHR\\_external\\_fence\\_win32 Arguments: - `fence::Fence` - `handle_type::ExternalFenceHandleTypeFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFenceGetWin32HandleInfoKHR.html) """ FenceGetWin32HandleInfoKHR(fence::Fence, handle_type::ExternalFenceHandleTypeFlag; next = C_NULL) = FenceGetWin32HandleInfoKHR(next, fence, handle_type) """ Extension: VK\\_KHR\\_external\\_fence\\_fd Arguments: - `fence::Fence` (externsync) - `handle_type::ExternalFenceHandleTypeFlag` - `fd::Int` - `next::Any`: defaults to `C_NULL` - `flags::FenceImportFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportFenceFdInfoKHR.html) """ ImportFenceFdInfoKHR(fence::Fence, handle_type::ExternalFenceHandleTypeFlag, fd::Integer; next = C_NULL, flags = 0) = ImportFenceFdInfoKHR(next, fence, flags, handle_type, fd) """ Extension: VK\\_KHR\\_external\\_fence\\_fd Arguments: - `fence::Fence` - `handle_type::ExternalFenceHandleTypeFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFenceGetFdInfoKHR.html) """ FenceGetFdInfoKHR(fence::Fence, handle_type::ExternalFenceHandleTypeFlag; next = C_NULL) = FenceGetFdInfoKHR(next, fence, handle_type) """ Arguments: - `multiview::Bool` - `multiview_geometry_shader::Bool` - `multiview_tessellation_shader::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewFeatures.html) """ PhysicalDeviceMultiviewFeatures(multiview::Bool, multiview_geometry_shader::Bool, multiview_tessellation_shader::Bool; next = C_NULL) = PhysicalDeviceMultiviewFeatures(next, multiview, multiview_geometry_shader, multiview_tessellation_shader) """ Arguments: - `max_multiview_view_count::UInt32` - `max_multiview_instance_index::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewProperties.html) """ PhysicalDeviceMultiviewProperties(max_multiview_view_count::Integer, max_multiview_instance_index::Integer; next = C_NULL) = PhysicalDeviceMultiviewProperties(next, max_multiview_view_count, max_multiview_instance_index) """ Arguments: - `view_masks::Vector{UInt32}` - `view_offsets::Vector{Int32}` - `correlation_masks::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassMultiviewCreateInfo.html) """ RenderPassMultiviewCreateInfo(view_masks::AbstractArray, view_offsets::AbstractArray, correlation_masks::AbstractArray; next = C_NULL) = RenderPassMultiviewCreateInfo(next, view_masks, view_offsets, correlation_masks) """ Extension: VK\\_EXT\\_display\\_surface\\_counter Arguments: - `min_image_count::UInt32` - `max_image_count::UInt32` - `current_extent::Extent2D` - `min_image_extent::Extent2D` - `max_image_extent::Extent2D` - `max_image_array_layers::UInt32` - `supported_transforms::SurfaceTransformFlagKHR` - `current_transform::SurfaceTransformFlagKHR` - `supported_composite_alpha::CompositeAlphaFlagKHR` - `supported_usage_flags::ImageUsageFlag` - `next::Any`: defaults to `C_NULL` - `supported_surface_counters::SurfaceCounterFlagEXT`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilities2EXT.html) """ SurfaceCapabilities2EXT(min_image_count::Integer, max_image_count::Integer, current_extent::Extent2D, min_image_extent::Extent2D, max_image_extent::Extent2D, max_image_array_layers::Integer, supported_transforms::SurfaceTransformFlagKHR, current_transform::SurfaceTransformFlagKHR, supported_composite_alpha::CompositeAlphaFlagKHR, supported_usage_flags::ImageUsageFlag; next = C_NULL, supported_surface_counters = 0) = SurfaceCapabilities2EXT(next, min_image_count, max_image_count, current_extent, min_image_extent, max_image_extent, max_image_array_layers, supported_transforms, current_transform, supported_composite_alpha, supported_usage_flags, supported_surface_counters) """ Extension: VK\\_EXT\\_display\\_control Arguments: - `power_state::DisplayPowerStateEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPowerInfoEXT.html) """ DisplayPowerInfoEXT(power_state::DisplayPowerStateEXT; next = C_NULL) = DisplayPowerInfoEXT(next, power_state) """ Extension: VK\\_EXT\\_display\\_control Arguments: - `device_event::DeviceEventTypeEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceEventInfoEXT.html) """ DeviceEventInfoEXT(device_event::DeviceEventTypeEXT; next = C_NULL) = DeviceEventInfoEXT(next, device_event) """ Extension: VK\\_EXT\\_display\\_control Arguments: - `display_event::DisplayEventTypeEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayEventInfoEXT.html) """ DisplayEventInfoEXT(display_event::DisplayEventTypeEXT; next = C_NULL) = DisplayEventInfoEXT(next, display_event) """ Extension: VK\\_EXT\\_display\\_control Arguments: - `next::Any`: defaults to `C_NULL` - `surface_counters::SurfaceCounterFlagEXT`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainCounterCreateInfoEXT.html) """ SwapchainCounterCreateInfoEXT(; next = C_NULL, surface_counters = 0) = SwapchainCounterCreateInfoEXT(next, surface_counters) """ Arguments: - `physical_device_count::UInt32` - `physical_devices::NTuple{Int(VK_MAX_DEVICE_GROUP_SIZE), PhysicalDevice}` - `subset_allocation::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGroupProperties.html) """ PhysicalDeviceGroupProperties(physical_device_count::Integer, physical_devices::NTuple{Int(VK_MAX_DEVICE_GROUP_SIZE), PhysicalDevice}, subset_allocation::Bool; next = C_NULL) = PhysicalDeviceGroupProperties(next, physical_device_count, physical_devices, subset_allocation) """ Arguments: - `device_mask::UInt32` - `next::Any`: defaults to `C_NULL` - `flags::MemoryAllocateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryAllocateFlagsInfo.html) """ MemoryAllocateFlagsInfo(device_mask::Integer; next = C_NULL, flags = 0) = MemoryAllocateFlagsInfo(next, flags, device_mask) """ Arguments: - `buffer::Buffer` - `memory::DeviceMemory` - `memory_offset::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindBufferMemoryInfo.html) """ BindBufferMemoryInfo(buffer::Buffer, memory::DeviceMemory, memory_offset::Integer; next = C_NULL) = BindBufferMemoryInfo(next, buffer, memory, memory_offset) """ Arguments: - `device_indices::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindBufferMemoryDeviceGroupInfo.html) """ BindBufferMemoryDeviceGroupInfo(device_indices::AbstractArray; next = C_NULL) = BindBufferMemoryDeviceGroupInfo(next, device_indices) """ Arguments: - `image::Image` - `memory::DeviceMemory` - `memory_offset::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImageMemoryInfo.html) """ BindImageMemoryInfo(image::Image, memory::DeviceMemory, memory_offset::Integer; next = C_NULL) = BindImageMemoryInfo(next, image, memory, memory_offset) """ Arguments: - `device_indices::Vector{UInt32}` - `split_instance_bind_regions::Vector{Rect2D}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImageMemoryDeviceGroupInfo.html) """ BindImageMemoryDeviceGroupInfo(device_indices::AbstractArray, split_instance_bind_regions::AbstractArray; next = C_NULL) = BindImageMemoryDeviceGroupInfo(next, device_indices, split_instance_bind_regions) """ Arguments: - `device_mask::UInt32` - `device_render_areas::Vector{Rect2D}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupRenderPassBeginInfo.html) """ DeviceGroupRenderPassBeginInfo(device_mask::Integer, device_render_areas::AbstractArray; next = C_NULL) = DeviceGroupRenderPassBeginInfo(next, device_mask, device_render_areas) """ Arguments: - `device_mask::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupCommandBufferBeginInfo.html) """ DeviceGroupCommandBufferBeginInfo(device_mask::Integer; next = C_NULL) = DeviceGroupCommandBufferBeginInfo(next, device_mask) """ Arguments: - `wait_semaphore_device_indices::Vector{UInt32}` - `command_buffer_device_masks::Vector{UInt32}` - `signal_semaphore_device_indices::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupSubmitInfo.html) """ DeviceGroupSubmitInfo(wait_semaphore_device_indices::AbstractArray, command_buffer_device_masks::AbstractArray, signal_semaphore_device_indices::AbstractArray; next = C_NULL) = DeviceGroupSubmitInfo(next, wait_semaphore_device_indices, command_buffer_device_masks, signal_semaphore_device_indices) """ Arguments: - `resource_device_index::UInt32` - `memory_device_index::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupBindSparseInfo.html) """ DeviceGroupBindSparseInfo(resource_device_index::Integer, memory_device_index::Integer; next = C_NULL) = DeviceGroupBindSparseInfo(next, resource_device_index, memory_device_index) """ Extension: VK\\_KHR\\_swapchain Arguments: - `present_mask::NTuple{Int(VK_MAX_DEVICE_GROUP_SIZE), UInt32}` - `modes::DeviceGroupPresentModeFlagKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupPresentCapabilitiesKHR.html) """ DeviceGroupPresentCapabilitiesKHR(present_mask::NTuple{Int(VK_MAX_DEVICE_GROUP_SIZE), UInt32}, modes::DeviceGroupPresentModeFlagKHR; next = C_NULL) = DeviceGroupPresentCapabilitiesKHR(next, present_mask, modes) """ Extension: VK\\_KHR\\_swapchain Arguments: - `next::Any`: defaults to `C_NULL` - `swapchain::SwapchainKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSwapchainCreateInfoKHR.html) """ ImageSwapchainCreateInfoKHR(; next = C_NULL, swapchain = C_NULL) = ImageSwapchainCreateInfoKHR(next, swapchain) """ Extension: VK\\_KHR\\_swapchain Arguments: - `swapchain::SwapchainKHR` (externsync) - `image_index::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImageMemorySwapchainInfoKHR.html) """ BindImageMemorySwapchainInfoKHR(swapchain::SwapchainKHR, image_index::Integer; next = C_NULL) = BindImageMemorySwapchainInfoKHR(next, swapchain, image_index) """ Extension: VK\\_KHR\\_swapchain Arguments: - `swapchain::SwapchainKHR` (externsync) - `timeout::UInt64` - `device_mask::UInt32` - `next::Any`: defaults to `C_NULL` - `semaphore::Semaphore`: defaults to `C_NULL` (externsync) - `fence::Fence`: defaults to `C_NULL` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAcquireNextImageInfoKHR.html) """ AcquireNextImageInfoKHR(swapchain::SwapchainKHR, timeout::Integer, device_mask::Integer; next = C_NULL, semaphore = C_NULL, fence = C_NULL) = AcquireNextImageInfoKHR(next, swapchain, timeout, semaphore, fence, device_mask) """ Extension: VK\\_KHR\\_swapchain Arguments: - `device_masks::Vector{UInt32}` - `mode::DeviceGroupPresentModeFlagKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupPresentInfoKHR.html) """ DeviceGroupPresentInfoKHR(device_masks::AbstractArray, mode::DeviceGroupPresentModeFlagKHR; next = C_NULL) = DeviceGroupPresentInfoKHR(next, device_masks, mode) """ Arguments: - `physical_devices::Vector{PhysicalDevice}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupDeviceCreateInfo.html) """ DeviceGroupDeviceCreateInfo(physical_devices::AbstractArray; next = C_NULL) = DeviceGroupDeviceCreateInfo(next, physical_devices) """ Extension: VK\\_KHR\\_swapchain Arguments: - `modes::DeviceGroupPresentModeFlagKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceGroupSwapchainCreateInfoKHR.html) """ DeviceGroupSwapchainCreateInfoKHR(modes::DeviceGroupPresentModeFlagKHR; next = C_NULL) = DeviceGroupSwapchainCreateInfoKHR(next, modes) """ Arguments: - `descriptor_update_entries::Vector{DescriptorUpdateTemplateEntry}` - `template_type::DescriptorUpdateTemplateType` - `descriptor_set_layout::DescriptorSetLayout` - `pipeline_bind_point::PipelineBindPoint` - `pipeline_layout::PipelineLayout` - `set::UInt32` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorUpdateTemplateCreateInfo.html) """ DescriptorUpdateTemplateCreateInfo(descriptor_update_entries::AbstractArray, template_type::DescriptorUpdateTemplateType, descriptor_set_layout::DescriptorSetLayout, pipeline_bind_point::PipelineBindPoint, pipeline_layout::PipelineLayout, set::Integer; next = C_NULL, flags = 0) = DescriptorUpdateTemplateCreateInfo(next, flags, descriptor_update_entries, template_type, descriptor_set_layout, pipeline_bind_point, pipeline_layout, set) """ Extension: VK\\_KHR\\_present\\_id Arguments: - `present_id::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePresentIdFeaturesKHR.html) """ PhysicalDevicePresentIdFeaturesKHR(present_id::Bool; next = C_NULL) = PhysicalDevicePresentIdFeaturesKHR(next, present_id) """ Extension: VK\\_KHR\\_present\\_id Arguments: - `next::Any`: defaults to `C_NULL` - `present_ids::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentIdKHR.html) """ PresentIdKHR(; next = C_NULL, present_ids = C_NULL) = PresentIdKHR(next, present_ids) """ Extension: VK\\_KHR\\_present\\_wait Arguments: - `present_wait::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePresentWaitFeaturesKHR.html) """ PhysicalDevicePresentWaitFeaturesKHR(present_wait::Bool; next = C_NULL) = PhysicalDevicePresentWaitFeaturesKHR(next, present_wait) """ Extension: VK\\_EXT\\_hdr\\_metadata Arguments: - `display_primary_red::XYColorEXT` - `display_primary_green::XYColorEXT` - `display_primary_blue::XYColorEXT` - `white_point::XYColorEXT` - `max_luminance::Float32` - `min_luminance::Float32` - `max_content_light_level::Float32` - `max_frame_average_light_level::Float32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkHdrMetadataEXT.html) """ HdrMetadataEXT(display_primary_red::XYColorEXT, display_primary_green::XYColorEXT, display_primary_blue::XYColorEXT, white_point::XYColorEXT, max_luminance::Real, min_luminance::Real, max_content_light_level::Real, max_frame_average_light_level::Real; next = C_NULL) = HdrMetadataEXT(next, display_primary_red, display_primary_green, display_primary_blue, white_point, max_luminance, min_luminance, max_content_light_level, max_frame_average_light_level) """ Extension: VK\\_AMD\\_display\\_native\\_hdr Arguments: - `local_dimming_support::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayNativeHdrSurfaceCapabilitiesAMD.html) """ DisplayNativeHdrSurfaceCapabilitiesAMD(local_dimming_support::Bool; next = C_NULL) = DisplayNativeHdrSurfaceCapabilitiesAMD(next, local_dimming_support) """ Extension: VK\\_AMD\\_display\\_native\\_hdr Arguments: - `local_dimming_enable::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainDisplayNativeHdrCreateInfoAMD.html) """ SwapchainDisplayNativeHdrCreateInfoAMD(local_dimming_enable::Bool; next = C_NULL) = SwapchainDisplayNativeHdrCreateInfoAMD(next, local_dimming_enable) """ Extension: VK\\_GOOGLE\\_display\\_timing Arguments: - `next::Any`: defaults to `C_NULL` - `times::Vector{PresentTimeGOOGLE}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPresentTimesInfoGOOGLE.html) """ PresentTimesInfoGOOGLE(; next = C_NULL, times = C_NULL) = PresentTimesInfoGOOGLE(next, times) """ Extension: VK\\_NV\\_clip\\_space\\_w\\_scaling Arguments: - `viewport_w_scaling_enable::Bool` - `next::Any`: defaults to `C_NULL` - `viewport_w_scalings::Vector{ViewportWScalingNV}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportWScalingStateCreateInfoNV.html) """ PipelineViewportWScalingStateCreateInfoNV(viewport_w_scaling_enable::Bool; next = C_NULL, viewport_w_scalings = C_NULL) = PipelineViewportWScalingStateCreateInfoNV(next, viewport_w_scaling_enable, viewport_w_scalings) """ Extension: VK\\_NV\\_viewport\\_swizzle Arguments: - `viewport_swizzles::Vector{ViewportSwizzleNV}` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportSwizzleStateCreateInfoNV.html) """ PipelineViewportSwizzleStateCreateInfoNV(viewport_swizzles::AbstractArray; next = C_NULL, flags = 0) = PipelineViewportSwizzleStateCreateInfoNV(next, flags, viewport_swizzles) """ Extension: VK\\_EXT\\_discard\\_rectangles Arguments: - `max_discard_rectangles::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDiscardRectanglePropertiesEXT.html) """ PhysicalDeviceDiscardRectanglePropertiesEXT(max_discard_rectangles::Integer; next = C_NULL) = PhysicalDeviceDiscardRectanglePropertiesEXT(next, max_discard_rectangles) """ Extension: VK\\_EXT\\_discard\\_rectangles Arguments: - `discard_rectangle_mode::DiscardRectangleModeEXT` - `discard_rectangles::Vector{Rect2D}` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineDiscardRectangleStateCreateInfoEXT.html) """ PipelineDiscardRectangleStateCreateInfoEXT(discard_rectangle_mode::DiscardRectangleModeEXT, discard_rectangles::AbstractArray; next = C_NULL, flags = 0) = PipelineDiscardRectangleStateCreateInfoEXT(next, flags, discard_rectangle_mode, discard_rectangles) """ Extension: VK\\_NVX\\_multiview\\_per\\_view\\_attributes Arguments: - `per_view_position_all_components::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX.html) """ PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX(per_view_position_all_components::Bool; next = C_NULL) = PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX(next, per_view_position_all_components) """ Arguments: - `aspect_references::Vector{InputAttachmentAspectReference}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassInputAttachmentAspectCreateInfo.html) """ RenderPassInputAttachmentAspectCreateInfo(aspect_references::AbstractArray; next = C_NULL) = RenderPassInputAttachmentAspectCreateInfo(next, aspect_references) """ Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 Arguments: - `next::Any`: defaults to `C_NULL` - `surface::SurfaceKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSurfaceInfo2KHR.html) """ PhysicalDeviceSurfaceInfo2KHR(; next = C_NULL, surface = C_NULL) = PhysicalDeviceSurfaceInfo2KHR(next, surface) """ Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 Arguments: - `surface_capabilities::SurfaceCapabilitiesKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilities2KHR.html) """ SurfaceCapabilities2KHR(surface_capabilities::SurfaceCapabilitiesKHR; next = C_NULL) = SurfaceCapabilities2KHR(next, surface_capabilities) """ Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 Arguments: - `surface_format::SurfaceFormatKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceFormat2KHR.html) """ SurfaceFormat2KHR(surface_format::SurfaceFormatKHR; next = C_NULL) = SurfaceFormat2KHR(next, surface_format) """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Arguments: - `display_properties::DisplayPropertiesKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayProperties2KHR.html) """ DisplayProperties2KHR(display_properties::DisplayPropertiesKHR; next = C_NULL) = DisplayProperties2KHR(next, display_properties) """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Arguments: - `display_plane_properties::DisplayPlanePropertiesKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneProperties2KHR.html) """ DisplayPlaneProperties2KHR(display_plane_properties::DisplayPlanePropertiesKHR; next = C_NULL) = DisplayPlaneProperties2KHR(next, display_plane_properties) """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Arguments: - `display_mode_properties::DisplayModePropertiesKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayModeProperties2KHR.html) """ DisplayModeProperties2KHR(display_mode_properties::DisplayModePropertiesKHR; next = C_NULL) = DisplayModeProperties2KHR(next, display_mode_properties) """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Arguments: - `mode::DisplayModeKHR` (externsync) - `plane_index::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneInfo2KHR.html) """ DisplayPlaneInfo2KHR(mode::DisplayModeKHR, plane_index::Integer; next = C_NULL) = DisplayPlaneInfo2KHR(next, mode, plane_index) """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Arguments: - `capabilities::DisplayPlaneCapabilitiesKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDisplayPlaneCapabilities2KHR.html) """ DisplayPlaneCapabilities2KHR(capabilities::DisplayPlaneCapabilitiesKHR; next = C_NULL) = DisplayPlaneCapabilities2KHR(next, capabilities) """ Extension: VK\\_KHR\\_shared\\_presentable\\_image Arguments: - `next::Any`: defaults to `C_NULL` - `shared_present_supported_usage_flags::ImageUsageFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSharedPresentSurfaceCapabilitiesKHR.html) """ SharedPresentSurfaceCapabilitiesKHR(; next = C_NULL, shared_present_supported_usage_flags = 0) = SharedPresentSurfaceCapabilitiesKHR(next, shared_present_supported_usage_flags) """ Arguments: - `storage_buffer_16_bit_access::Bool` - `uniform_and_storage_buffer_16_bit_access::Bool` - `storage_push_constant_16::Bool` - `storage_input_output_16::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevice16BitStorageFeatures.html) """ PhysicalDevice16BitStorageFeatures(storage_buffer_16_bit_access::Bool, uniform_and_storage_buffer_16_bit_access::Bool, storage_push_constant_16::Bool, storage_input_output_16::Bool; next = C_NULL) = PhysicalDevice16BitStorageFeatures(next, storage_buffer_16_bit_access, uniform_and_storage_buffer_16_bit_access, storage_push_constant_16, storage_input_output_16) """ Arguments: - `subgroup_size::UInt32` - `supported_stages::ShaderStageFlag` - `supported_operations::SubgroupFeatureFlag` - `quad_operations_in_all_stages::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubgroupProperties.html) """ PhysicalDeviceSubgroupProperties(subgroup_size::Integer, supported_stages::ShaderStageFlag, supported_operations::SubgroupFeatureFlag, quad_operations_in_all_stages::Bool; next = C_NULL) = PhysicalDeviceSubgroupProperties(next, subgroup_size, supported_stages, supported_operations, quad_operations_in_all_stages) """ Arguments: - `shader_subgroup_extended_types::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures.html) """ PhysicalDeviceShaderSubgroupExtendedTypesFeatures(shader_subgroup_extended_types::Bool; next = C_NULL) = PhysicalDeviceShaderSubgroupExtendedTypesFeatures(next, shader_subgroup_extended_types) """ Arguments: - `buffer::Buffer` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferMemoryRequirementsInfo2.html) """ BufferMemoryRequirementsInfo2(buffer::Buffer; next = C_NULL) = BufferMemoryRequirementsInfo2(next, buffer) """ Arguments: - `create_info::BufferCreateInfo` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceBufferMemoryRequirements.html) """ DeviceBufferMemoryRequirements(create_info::BufferCreateInfo; next = C_NULL) = DeviceBufferMemoryRequirements(next, create_info) """ Arguments: - `image::Image` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageMemoryRequirementsInfo2.html) """ ImageMemoryRequirementsInfo2(image::Image; next = C_NULL) = ImageMemoryRequirementsInfo2(next, image) """ Arguments: - `image::Image` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSparseMemoryRequirementsInfo2.html) """ ImageSparseMemoryRequirementsInfo2(image::Image; next = C_NULL) = ImageSparseMemoryRequirementsInfo2(next, image) """ Arguments: - `create_info::ImageCreateInfo` - `next::Any`: defaults to `C_NULL` - `plane_aspect::ImageAspectFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceImageMemoryRequirements.html) """ DeviceImageMemoryRequirements(create_info::ImageCreateInfo; next = C_NULL, plane_aspect = 0) = DeviceImageMemoryRequirements(next, create_info, plane_aspect) """ Arguments: - `memory_requirements::MemoryRequirements` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryRequirements2.html) """ MemoryRequirements2(memory_requirements::MemoryRequirements; next = C_NULL) = MemoryRequirements2(next, memory_requirements) """ Arguments: - `memory_requirements::SparseImageMemoryRequirements` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSparseImageMemoryRequirements2.html) """ SparseImageMemoryRequirements2(memory_requirements::SparseImageMemoryRequirements; next = C_NULL) = SparseImageMemoryRequirements2(next, memory_requirements) """ Arguments: - `point_clipping_behavior::PointClippingBehavior` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePointClippingProperties.html) """ PhysicalDevicePointClippingProperties(point_clipping_behavior::PointClippingBehavior; next = C_NULL) = PhysicalDevicePointClippingProperties(next, point_clipping_behavior) """ Arguments: - `prefers_dedicated_allocation::Bool` - `requires_dedicated_allocation::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryDedicatedRequirements.html) """ MemoryDedicatedRequirements(prefers_dedicated_allocation::Bool, requires_dedicated_allocation::Bool; next = C_NULL) = MemoryDedicatedRequirements(next, prefers_dedicated_allocation, requires_dedicated_allocation) """ Arguments: - `next::Any`: defaults to `C_NULL` - `image::Image`: defaults to `C_NULL` - `buffer::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryDedicatedAllocateInfo.html) """ MemoryDedicatedAllocateInfo(; next = C_NULL, image = C_NULL, buffer = C_NULL) = MemoryDedicatedAllocateInfo(next, image, buffer) """ Arguments: - `usage::ImageUsageFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewUsageCreateInfo.html) """ ImageViewUsageCreateInfo(usage::ImageUsageFlag; next = C_NULL) = ImageViewUsageCreateInfo(next, usage) """ Arguments: - `domain_origin::TessellationDomainOrigin` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineTessellationDomainOriginStateCreateInfo.html) """ PipelineTessellationDomainOriginStateCreateInfo(domain_origin::TessellationDomainOrigin; next = C_NULL) = PipelineTessellationDomainOriginStateCreateInfo(next, domain_origin) """ Arguments: - `conversion::SamplerYcbcrConversion` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerYcbcrConversionInfo.html) """ SamplerYcbcrConversionInfo(conversion::SamplerYcbcrConversion; next = C_NULL) = SamplerYcbcrConversionInfo(next, conversion) """ Arguments: - `format::Format` - `ycbcr_model::SamplerYcbcrModelConversion` - `ycbcr_range::SamplerYcbcrRange` - `components::ComponentMapping` - `x_chroma_offset::ChromaLocation` - `y_chroma_offset::ChromaLocation` - `chroma_filter::Filter` - `force_explicit_reconstruction::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerYcbcrConversionCreateInfo.html) """ SamplerYcbcrConversionCreateInfo(format::Format, ycbcr_model::SamplerYcbcrModelConversion, ycbcr_range::SamplerYcbcrRange, components::ComponentMapping, x_chroma_offset::ChromaLocation, y_chroma_offset::ChromaLocation, chroma_filter::Filter, force_explicit_reconstruction::Bool; next = C_NULL) = SamplerYcbcrConversionCreateInfo(next, format, ycbcr_model, ycbcr_range, components, x_chroma_offset, y_chroma_offset, chroma_filter, force_explicit_reconstruction) """ Arguments: - `plane_aspect::ImageAspectFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindImagePlaneMemoryInfo.html) """ BindImagePlaneMemoryInfo(plane_aspect::ImageAspectFlag; next = C_NULL) = BindImagePlaneMemoryInfo(next, plane_aspect) """ Arguments: - `plane_aspect::ImageAspectFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImagePlaneMemoryRequirementsInfo.html) """ ImagePlaneMemoryRequirementsInfo(plane_aspect::ImageAspectFlag; next = C_NULL) = ImagePlaneMemoryRequirementsInfo(next, plane_aspect) """ Arguments: - `sampler_ycbcr_conversion::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSamplerYcbcrConversionFeatures.html) """ PhysicalDeviceSamplerYcbcrConversionFeatures(sampler_ycbcr_conversion::Bool; next = C_NULL) = PhysicalDeviceSamplerYcbcrConversionFeatures(next, sampler_ycbcr_conversion) """ Arguments: - `combined_image_sampler_descriptor_count::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerYcbcrConversionImageFormatProperties.html) """ SamplerYcbcrConversionImageFormatProperties(combined_image_sampler_descriptor_count::Integer; next = C_NULL) = SamplerYcbcrConversionImageFormatProperties(next, combined_image_sampler_descriptor_count) """ Extension: VK\\_AMD\\_texture\\_gather\\_bias\\_lod Arguments: - `supports_texture_gather_lod_bias_amd::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTextureLODGatherFormatPropertiesAMD.html) """ TextureLODGatherFormatPropertiesAMD(supports_texture_gather_lod_bias_amd::Bool; next = C_NULL) = TextureLODGatherFormatPropertiesAMD(next, supports_texture_gather_lod_bias_amd) """ Extension: VK\\_EXT\\_conditional\\_rendering Arguments: - `buffer::Buffer` - `offset::UInt64` - `next::Any`: defaults to `C_NULL` - `flags::ConditionalRenderingFlagEXT`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkConditionalRenderingBeginInfoEXT.html) """ ConditionalRenderingBeginInfoEXT(buffer::Buffer, offset::Integer; next = C_NULL, flags = 0) = ConditionalRenderingBeginInfoEXT(next, buffer, offset, flags) """ Arguments: - `protected_submit::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkProtectedSubmitInfo.html) """ ProtectedSubmitInfo(protected_submit::Bool; next = C_NULL) = ProtectedSubmitInfo(next, protected_submit) """ Arguments: - `protected_memory::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProtectedMemoryFeatures.html) """ PhysicalDeviceProtectedMemoryFeatures(protected_memory::Bool; next = C_NULL) = PhysicalDeviceProtectedMemoryFeatures(next, protected_memory) """ Arguments: - `protected_no_fault::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProtectedMemoryProperties.html) """ PhysicalDeviceProtectedMemoryProperties(protected_no_fault::Bool; next = C_NULL) = PhysicalDeviceProtectedMemoryProperties(next, protected_no_fault) """ Arguments: - `queue_family_index::UInt32` - `queue_index::UInt32` - `next::Any`: defaults to `C_NULL` - `flags::DeviceQueueCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceQueueInfo2.html) """ DeviceQueueInfo2(queue_family_index::Integer, queue_index::Integer; next = C_NULL, flags = 0) = DeviceQueueInfo2(next, flags, queue_family_index, queue_index) """ Extension: VK\\_NV\\_fragment\\_coverage\\_to\\_color Arguments: - `coverage_to_color_enable::Bool` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `coverage_to_color_location::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCoverageToColorStateCreateInfoNV.html) """ PipelineCoverageToColorStateCreateInfoNV(coverage_to_color_enable::Bool; next = C_NULL, flags = 0, coverage_to_color_location = 0) = PipelineCoverageToColorStateCreateInfoNV(next, flags, coverage_to_color_enable, coverage_to_color_location) """ Arguments: - `filter_minmax_single_component_formats::Bool` - `filter_minmax_image_component_mapping::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSamplerFilterMinmaxProperties.html) """ PhysicalDeviceSamplerFilterMinmaxProperties(filter_minmax_single_component_formats::Bool, filter_minmax_image_component_mapping::Bool; next = C_NULL) = PhysicalDeviceSamplerFilterMinmaxProperties(next, filter_minmax_single_component_formats, filter_minmax_image_component_mapping) """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `sample_locations_per_pixel::SampleCountFlag` - `sample_location_grid_size::Extent2D` - `sample_locations::Vector{SampleLocationEXT}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSampleLocationsInfoEXT.html) """ SampleLocationsInfoEXT(sample_locations_per_pixel::SampleCountFlag, sample_location_grid_size::Extent2D, sample_locations::AbstractArray; next = C_NULL) = SampleLocationsInfoEXT(next, sample_locations_per_pixel, sample_location_grid_size, sample_locations) """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `attachment_initial_sample_locations::Vector{AttachmentSampleLocationsEXT}` - `post_subpass_sample_locations::Vector{SubpassSampleLocationsEXT}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassSampleLocationsBeginInfoEXT.html) """ RenderPassSampleLocationsBeginInfoEXT(attachment_initial_sample_locations::AbstractArray, post_subpass_sample_locations::AbstractArray; next = C_NULL) = RenderPassSampleLocationsBeginInfoEXT(next, attachment_initial_sample_locations, post_subpass_sample_locations) """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `sample_locations_enable::Bool` - `sample_locations_info::SampleLocationsInfoEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineSampleLocationsStateCreateInfoEXT.html) """ PipelineSampleLocationsStateCreateInfoEXT(sample_locations_enable::Bool, sample_locations_info::SampleLocationsInfoEXT; next = C_NULL) = PipelineSampleLocationsStateCreateInfoEXT(next, sample_locations_enable, sample_locations_info) """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `sample_location_sample_counts::SampleCountFlag` - `max_sample_location_grid_size::Extent2D` - `sample_location_coordinate_range::NTuple{2, Float32}` - `sample_location_sub_pixel_bits::UInt32` - `variable_sample_locations::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSampleLocationsPropertiesEXT.html) """ PhysicalDeviceSampleLocationsPropertiesEXT(sample_location_sample_counts::SampleCountFlag, max_sample_location_grid_size::Extent2D, sample_location_coordinate_range::NTuple{2, Float32}, sample_location_sub_pixel_bits::Integer, variable_sample_locations::Bool; next = C_NULL) = PhysicalDeviceSampleLocationsPropertiesEXT(next, sample_location_sample_counts, max_sample_location_grid_size, sample_location_coordinate_range, sample_location_sub_pixel_bits, variable_sample_locations) """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `max_sample_location_grid_size::Extent2D` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultisamplePropertiesEXT.html) """ MultisamplePropertiesEXT(max_sample_location_grid_size::Extent2D; next = C_NULL) = MultisamplePropertiesEXT(next, max_sample_location_grid_size) """ Arguments: - `reduction_mode::SamplerReductionMode` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerReductionModeCreateInfo.html) """ SamplerReductionModeCreateInfo(reduction_mode::SamplerReductionMode; next = C_NULL) = SamplerReductionModeCreateInfo(next, reduction_mode) """ Extension: VK\\_EXT\\_blend\\_operation\\_advanced Arguments: - `advanced_blend_coherent_operations::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT.html) """ PhysicalDeviceBlendOperationAdvancedFeaturesEXT(advanced_blend_coherent_operations::Bool; next = C_NULL) = PhysicalDeviceBlendOperationAdvancedFeaturesEXT(next, advanced_blend_coherent_operations) """ Extension: VK\\_EXT\\_multi\\_draw Arguments: - `multi_draw::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiDrawFeaturesEXT.html) """ PhysicalDeviceMultiDrawFeaturesEXT(multi_draw::Bool; next = C_NULL) = PhysicalDeviceMultiDrawFeaturesEXT(next, multi_draw) """ Extension: VK\\_EXT\\_blend\\_operation\\_advanced Arguments: - `advanced_blend_max_color_attachments::UInt32` - `advanced_blend_independent_blend::Bool` - `advanced_blend_non_premultiplied_src_color::Bool` - `advanced_blend_non_premultiplied_dst_color::Bool` - `advanced_blend_correlated_overlap::Bool` - `advanced_blend_all_operations::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT.html) """ PhysicalDeviceBlendOperationAdvancedPropertiesEXT(advanced_blend_max_color_attachments::Integer, advanced_blend_independent_blend::Bool, advanced_blend_non_premultiplied_src_color::Bool, advanced_blend_non_premultiplied_dst_color::Bool, advanced_blend_correlated_overlap::Bool, advanced_blend_all_operations::Bool; next = C_NULL) = PhysicalDeviceBlendOperationAdvancedPropertiesEXT(next, advanced_blend_max_color_attachments, advanced_blend_independent_blend, advanced_blend_non_premultiplied_src_color, advanced_blend_non_premultiplied_dst_color, advanced_blend_correlated_overlap, advanced_blend_all_operations) """ Extension: VK\\_EXT\\_blend\\_operation\\_advanced Arguments: - `src_premultiplied::Bool` - `dst_premultiplied::Bool` - `blend_overlap::BlendOverlapEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorBlendAdvancedStateCreateInfoEXT.html) """ PipelineColorBlendAdvancedStateCreateInfoEXT(src_premultiplied::Bool, dst_premultiplied::Bool, blend_overlap::BlendOverlapEXT; next = C_NULL) = PipelineColorBlendAdvancedStateCreateInfoEXT(next, src_premultiplied, dst_premultiplied, blend_overlap) """ Arguments: - `inline_uniform_block::Bool` - `descriptor_binding_inline_uniform_block_update_after_bind::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInlineUniformBlockFeatures.html) """ PhysicalDeviceInlineUniformBlockFeatures(inline_uniform_block::Bool, descriptor_binding_inline_uniform_block_update_after_bind::Bool; next = C_NULL) = PhysicalDeviceInlineUniformBlockFeatures(next, inline_uniform_block, descriptor_binding_inline_uniform_block_update_after_bind) """ Arguments: - `max_inline_uniform_block_size::UInt32` - `max_per_stage_descriptor_inline_uniform_blocks::UInt32` - `max_per_stage_descriptor_update_after_bind_inline_uniform_blocks::UInt32` - `max_descriptor_set_inline_uniform_blocks::UInt32` - `max_descriptor_set_update_after_bind_inline_uniform_blocks::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInlineUniformBlockProperties.html) """ PhysicalDeviceInlineUniformBlockProperties(max_inline_uniform_block_size::Integer, max_per_stage_descriptor_inline_uniform_blocks::Integer, max_per_stage_descriptor_update_after_bind_inline_uniform_blocks::Integer, max_descriptor_set_inline_uniform_blocks::Integer, max_descriptor_set_update_after_bind_inline_uniform_blocks::Integer; next = C_NULL) = PhysicalDeviceInlineUniformBlockProperties(next, max_inline_uniform_block_size, max_per_stage_descriptor_inline_uniform_blocks, max_per_stage_descriptor_update_after_bind_inline_uniform_blocks, max_descriptor_set_inline_uniform_blocks, max_descriptor_set_update_after_bind_inline_uniform_blocks) """ Arguments: - `data_size::UInt32` - `data::Ptr{Cvoid}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSetInlineUniformBlock.html) """ WriteDescriptorSetInlineUniformBlock(data_size::Integer, data::Ptr{Cvoid}; next = C_NULL) = WriteDescriptorSetInlineUniformBlock(next, data_size, data) """ Arguments: - `max_inline_uniform_block_bindings::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorPoolInlineUniformBlockCreateInfo.html) """ DescriptorPoolInlineUniformBlockCreateInfo(max_inline_uniform_block_bindings::Integer; next = C_NULL) = DescriptorPoolInlineUniformBlockCreateInfo(next, max_inline_uniform_block_bindings) """ Extension: VK\\_NV\\_framebuffer\\_mixed\\_samples Arguments: - `coverage_modulation_mode::CoverageModulationModeNV` - `coverage_modulation_table_enable::Bool` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `coverage_modulation_table::Vector{Float32}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCoverageModulationStateCreateInfoNV.html) """ PipelineCoverageModulationStateCreateInfoNV(coverage_modulation_mode::CoverageModulationModeNV, coverage_modulation_table_enable::Bool; next = C_NULL, flags = 0, coverage_modulation_table = C_NULL) = PipelineCoverageModulationStateCreateInfoNV(next, flags, coverage_modulation_mode, coverage_modulation_table_enable, coverage_modulation_table) """ Arguments: - `view_formats::Vector{Format}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageFormatListCreateInfo.html) """ ImageFormatListCreateInfo(view_formats::AbstractArray; next = C_NULL) = ImageFormatListCreateInfo(next, view_formats) """ Extension: VK\\_EXT\\_validation\\_cache Arguments: - `initial_data::Ptr{Cvoid}` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `initial_data_size::UInt`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkValidationCacheCreateInfoEXT.html) """ ValidationCacheCreateInfoEXT(initial_data::Ptr{Cvoid}; next = C_NULL, flags = 0, initial_data_size = C_NULL) = ValidationCacheCreateInfoEXT(next, flags, initial_data_size, initial_data) """ Extension: VK\\_EXT\\_validation\\_cache Arguments: - `validation_cache::ValidationCacheEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderModuleValidationCacheCreateInfoEXT.html) """ ShaderModuleValidationCacheCreateInfoEXT(validation_cache::ValidationCacheEXT; next = C_NULL) = ShaderModuleValidationCacheCreateInfoEXT(next, validation_cache) """ Arguments: - `max_per_set_descriptors::UInt32` - `max_memory_allocation_size::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMaintenance3Properties.html) """ PhysicalDeviceMaintenance3Properties(max_per_set_descriptors::Integer, max_memory_allocation_size::Integer; next = C_NULL) = PhysicalDeviceMaintenance3Properties(next, max_per_set_descriptors, max_memory_allocation_size) """ Arguments: - `maintenance4::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMaintenance4Features.html) """ PhysicalDeviceMaintenance4Features(maintenance4::Bool; next = C_NULL) = PhysicalDeviceMaintenance4Features(next, maintenance4) """ Arguments: - `max_buffer_size::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMaintenance4Properties.html) """ PhysicalDeviceMaintenance4Properties(max_buffer_size::Integer; next = C_NULL) = PhysicalDeviceMaintenance4Properties(next, max_buffer_size) """ Arguments: - `supported::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutSupport.html) """ DescriptorSetLayoutSupport(supported::Bool; next = C_NULL) = DescriptorSetLayoutSupport(next, supported) """ Arguments: - `shader_draw_parameters::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderDrawParametersFeatures.html) """ PhysicalDeviceShaderDrawParametersFeatures(shader_draw_parameters::Bool; next = C_NULL) = PhysicalDeviceShaderDrawParametersFeatures(next, shader_draw_parameters) """ Arguments: - `shader_float_16::Bool` - `shader_int_8::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderFloat16Int8Features.html) """ PhysicalDeviceShaderFloat16Int8Features(shader_float_16::Bool, shader_int_8::Bool; next = C_NULL) = PhysicalDeviceShaderFloat16Int8Features(next, shader_float_16, shader_int_8) """ Arguments: - `denorm_behavior_independence::ShaderFloatControlsIndependence` - `rounding_mode_independence::ShaderFloatControlsIndependence` - `shader_signed_zero_inf_nan_preserve_float_16::Bool` - `shader_signed_zero_inf_nan_preserve_float_32::Bool` - `shader_signed_zero_inf_nan_preserve_float_64::Bool` - `shader_denorm_preserve_float_16::Bool` - `shader_denorm_preserve_float_32::Bool` - `shader_denorm_preserve_float_64::Bool` - `shader_denorm_flush_to_zero_float_16::Bool` - `shader_denorm_flush_to_zero_float_32::Bool` - `shader_denorm_flush_to_zero_float_64::Bool` - `shader_rounding_mode_rte_float_16::Bool` - `shader_rounding_mode_rte_float_32::Bool` - `shader_rounding_mode_rte_float_64::Bool` - `shader_rounding_mode_rtz_float_16::Bool` - `shader_rounding_mode_rtz_float_32::Bool` - `shader_rounding_mode_rtz_float_64::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFloatControlsProperties.html) """ PhysicalDeviceFloatControlsProperties(denorm_behavior_independence::ShaderFloatControlsIndependence, rounding_mode_independence::ShaderFloatControlsIndependence, shader_signed_zero_inf_nan_preserve_float_16::Bool, shader_signed_zero_inf_nan_preserve_float_32::Bool, shader_signed_zero_inf_nan_preserve_float_64::Bool, shader_denorm_preserve_float_16::Bool, shader_denorm_preserve_float_32::Bool, shader_denorm_preserve_float_64::Bool, shader_denorm_flush_to_zero_float_16::Bool, shader_denorm_flush_to_zero_float_32::Bool, shader_denorm_flush_to_zero_float_64::Bool, shader_rounding_mode_rte_float_16::Bool, shader_rounding_mode_rte_float_32::Bool, shader_rounding_mode_rte_float_64::Bool, shader_rounding_mode_rtz_float_16::Bool, shader_rounding_mode_rtz_float_32::Bool, shader_rounding_mode_rtz_float_64::Bool; next = C_NULL) = PhysicalDeviceFloatControlsProperties(next, denorm_behavior_independence, rounding_mode_independence, shader_signed_zero_inf_nan_preserve_float_16, shader_signed_zero_inf_nan_preserve_float_32, shader_signed_zero_inf_nan_preserve_float_64, shader_denorm_preserve_float_16, shader_denorm_preserve_float_32, shader_denorm_preserve_float_64, shader_denorm_flush_to_zero_float_16, shader_denorm_flush_to_zero_float_32, shader_denorm_flush_to_zero_float_64, shader_rounding_mode_rte_float_16, shader_rounding_mode_rte_float_32, shader_rounding_mode_rte_float_64, shader_rounding_mode_rtz_float_16, shader_rounding_mode_rtz_float_32, shader_rounding_mode_rtz_float_64) """ Arguments: - `host_query_reset::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceHostQueryResetFeatures.html) """ PhysicalDeviceHostQueryResetFeatures(host_query_reset::Bool; next = C_NULL) = PhysicalDeviceHostQueryResetFeatures(next, host_query_reset) """ Extension: VK\\_KHR\\_global\\_priority Arguments: - `global_priority::QueueGlobalPriorityKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceQueueGlobalPriorityCreateInfoKHR.html) """ DeviceQueueGlobalPriorityCreateInfoKHR(global_priority::QueueGlobalPriorityKHR; next = C_NULL) = DeviceQueueGlobalPriorityCreateInfoKHR(next, global_priority) """ Extension: VK\\_KHR\\_global\\_priority Arguments: - `global_priority_query::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR.html) """ PhysicalDeviceGlobalPriorityQueryFeaturesKHR(global_priority_query::Bool; next = C_NULL) = PhysicalDeviceGlobalPriorityQueryFeaturesKHR(next, global_priority_query) """ Extension: VK\\_KHR\\_global\\_priority Arguments: - `priority_count::UInt32` - `priorities::NTuple{Int(VK_MAX_GLOBAL_PRIORITY_SIZE_KHR), QueueGlobalPriorityKHR}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyGlobalPriorityPropertiesKHR.html) """ QueueFamilyGlobalPriorityPropertiesKHR(priority_count::Integer, priorities::NTuple{Int(VK_MAX_GLOBAL_PRIORITY_SIZE_KHR), QueueGlobalPriorityKHR}; next = C_NULL) = QueueFamilyGlobalPriorityPropertiesKHR(next, priority_count, priorities) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `object_type::ObjectType` - `object_handle::UInt64` - `next::Any`: defaults to `C_NULL` - `object_name::String`: defaults to `` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsObjectNameInfoEXT.html) """ DebugUtilsObjectNameInfoEXT(object_type::ObjectType, object_handle::Integer; next = C_NULL, object_name = "") = DebugUtilsObjectNameInfoEXT(next, object_type, object_handle, object_name) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `object_type::ObjectType` - `object_handle::UInt64` - `tag_name::UInt64` - `tag_size::UInt` - `tag::Ptr{Cvoid}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsObjectTagInfoEXT.html) """ DebugUtilsObjectTagInfoEXT(object_type::ObjectType, object_handle::Integer, tag_name::Integer, tag_size::Integer, tag::Ptr{Cvoid}; next = C_NULL) = DebugUtilsObjectTagInfoEXT(next, object_type, object_handle, tag_name, tag_size, tag) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `label_name::String` - `color::NTuple{4, Float32}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsLabelEXT.html) """ DebugUtilsLabelEXT(label_name::AbstractString, color::NTuple{4, Float32}; next = C_NULL) = DebugUtilsLabelEXT(next, label_name, color) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `message_severity::DebugUtilsMessageSeverityFlagEXT` - `message_type::DebugUtilsMessageTypeFlagEXT` - `pfn_user_callback::FunctionPtr` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsMessengerCreateInfoEXT.html) """ DebugUtilsMessengerCreateInfoEXT(message_severity::DebugUtilsMessageSeverityFlagEXT, message_type::DebugUtilsMessageTypeFlagEXT, pfn_user_callback::FunctionPtr; next = C_NULL, flags = 0, user_data = C_NULL) = DebugUtilsMessengerCreateInfoEXT(next, flags, message_severity, message_type, pfn_user_callback, user_data) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `message_id_number::Int32` - `message::String` - `queue_labels::Vector{DebugUtilsLabelEXT}` - `cmd_buf_labels::Vector{DebugUtilsLabelEXT}` - `objects::Vector{DebugUtilsObjectNameInfoEXT}` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `message_id_name::String`: defaults to `` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDebugUtilsMessengerCallbackDataEXT.html) """ DebugUtilsMessengerCallbackDataEXT(message_id_number::Integer, message::AbstractString, queue_labels::AbstractArray, cmd_buf_labels::AbstractArray, objects::AbstractArray; next = C_NULL, flags = 0, message_id_name = "") = DebugUtilsMessengerCallbackDataEXT(next, flags, message_id_name, message_id_number, message, queue_labels, cmd_buf_labels, objects) """ Extension: VK\\_EXT\\_device\\_memory\\_report Arguments: - `device_memory_report::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDeviceMemoryReportFeaturesEXT.html) """ PhysicalDeviceDeviceMemoryReportFeaturesEXT(device_memory_report::Bool; next = C_NULL) = PhysicalDeviceDeviceMemoryReportFeaturesEXT(next, device_memory_report) """ Extension: VK\\_EXT\\_device\\_memory\\_report Arguments: - `flags::UInt32` - `pfn_user_callback::FunctionPtr` - `user_data::Ptr{Cvoid}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceDeviceMemoryReportCreateInfoEXT.html) """ DeviceDeviceMemoryReportCreateInfoEXT(flags::Integer, pfn_user_callback::FunctionPtr, user_data::Ptr{Cvoid}; next = C_NULL) = DeviceDeviceMemoryReportCreateInfoEXT(next, flags, pfn_user_callback, user_data) """ Extension: VK\\_EXT\\_device\\_memory\\_report Arguments: - `flags::UInt32` - `type::DeviceMemoryReportEventTypeEXT` - `memory_object_id::UInt64` - `size::UInt64` - `object_type::ObjectType` - `object_handle::UInt64` - `heap_index::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceMemoryReportCallbackDataEXT.html) """ DeviceMemoryReportCallbackDataEXT(flags::Integer, type::DeviceMemoryReportEventTypeEXT, memory_object_id::Integer, size::Integer, object_type::ObjectType, object_handle::Integer, heap_index::Integer; next = C_NULL) = DeviceMemoryReportCallbackDataEXT(next, flags, type, memory_object_id, size, object_type, object_handle, heap_index) """ Extension: VK\\_EXT\\_external\\_memory\\_host Arguments: - `handle_type::ExternalMemoryHandleTypeFlag` - `host_pointer::Ptr{Cvoid}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImportMemoryHostPointerInfoEXT.html) """ ImportMemoryHostPointerInfoEXT(handle_type::ExternalMemoryHandleTypeFlag, host_pointer::Ptr{Cvoid}; next = C_NULL) = ImportMemoryHostPointerInfoEXT(next, handle_type, host_pointer) """ Extension: VK\\_EXT\\_external\\_memory\\_host Arguments: - `memory_type_bits::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryHostPointerPropertiesEXT.html) """ MemoryHostPointerPropertiesEXT(memory_type_bits::Integer; next = C_NULL) = MemoryHostPointerPropertiesEXT(next, memory_type_bits) """ Extension: VK\\_EXT\\_external\\_memory\\_host Arguments: - `min_imported_host_pointer_alignment::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalMemoryHostPropertiesEXT.html) """ PhysicalDeviceExternalMemoryHostPropertiesEXT(min_imported_host_pointer_alignment::Integer; next = C_NULL) = PhysicalDeviceExternalMemoryHostPropertiesEXT(next, min_imported_host_pointer_alignment) """ Extension: VK\\_EXT\\_conservative\\_rasterization Arguments: - `primitive_overestimation_size::Float32` - `max_extra_primitive_overestimation_size::Float32` - `extra_primitive_overestimation_size_granularity::Float32` - `primitive_underestimation::Bool` - `conservative_point_and_line_rasterization::Bool` - `degenerate_triangles_rasterized::Bool` - `degenerate_lines_rasterized::Bool` - `fully_covered_fragment_shader_input_variable::Bool` - `conservative_rasterization_post_depth_coverage::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceConservativeRasterizationPropertiesEXT.html) """ PhysicalDeviceConservativeRasterizationPropertiesEXT(primitive_overestimation_size::Real, max_extra_primitive_overestimation_size::Real, extra_primitive_overestimation_size_granularity::Real, primitive_underestimation::Bool, conservative_point_and_line_rasterization::Bool, degenerate_triangles_rasterized::Bool, degenerate_lines_rasterized::Bool, fully_covered_fragment_shader_input_variable::Bool, conservative_rasterization_post_depth_coverage::Bool; next = C_NULL) = PhysicalDeviceConservativeRasterizationPropertiesEXT(next, primitive_overestimation_size, max_extra_primitive_overestimation_size, extra_primitive_overestimation_size_granularity, primitive_underestimation, conservative_point_and_line_rasterization, degenerate_triangles_rasterized, degenerate_lines_rasterized, fully_covered_fragment_shader_input_variable, conservative_rasterization_post_depth_coverage) """ Extension: VK\\_EXT\\_calibrated\\_timestamps Arguments: - `time_domain::TimeDomainEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCalibratedTimestampInfoEXT.html) """ CalibratedTimestampInfoEXT(time_domain::TimeDomainEXT; next = C_NULL) = CalibratedTimestampInfoEXT(next, time_domain) """ Extension: VK\\_AMD\\_shader\\_core\\_properties Arguments: - `shader_engine_count::UInt32` - `shader_arrays_per_engine_count::UInt32` - `compute_units_per_shader_array::UInt32` - `simd_per_compute_unit::UInt32` - `wavefronts_per_simd::UInt32` - `wavefront_size::UInt32` - `sgprs_per_simd::UInt32` - `min_sgpr_allocation::UInt32` - `max_sgpr_allocation::UInt32` - `sgpr_allocation_granularity::UInt32` - `vgprs_per_simd::UInt32` - `min_vgpr_allocation::UInt32` - `max_vgpr_allocation::UInt32` - `vgpr_allocation_granularity::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCorePropertiesAMD.html) """ PhysicalDeviceShaderCorePropertiesAMD(shader_engine_count::Integer, shader_arrays_per_engine_count::Integer, compute_units_per_shader_array::Integer, simd_per_compute_unit::Integer, wavefronts_per_simd::Integer, wavefront_size::Integer, sgprs_per_simd::Integer, min_sgpr_allocation::Integer, max_sgpr_allocation::Integer, sgpr_allocation_granularity::Integer, vgprs_per_simd::Integer, min_vgpr_allocation::Integer, max_vgpr_allocation::Integer, vgpr_allocation_granularity::Integer; next = C_NULL) = PhysicalDeviceShaderCorePropertiesAMD(next, shader_engine_count, shader_arrays_per_engine_count, compute_units_per_shader_array, simd_per_compute_unit, wavefronts_per_simd, wavefront_size, sgprs_per_simd, min_sgpr_allocation, max_sgpr_allocation, sgpr_allocation_granularity, vgprs_per_simd, min_vgpr_allocation, max_vgpr_allocation, vgpr_allocation_granularity) """ Extension: VK\\_AMD\\_shader\\_core\\_properties2 Arguments: - `shader_core_features::ShaderCorePropertiesFlagAMD` - `active_compute_unit_count::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCoreProperties2AMD.html) """ PhysicalDeviceShaderCoreProperties2AMD(shader_core_features::ShaderCorePropertiesFlagAMD, active_compute_unit_count::Integer; next = C_NULL) = PhysicalDeviceShaderCoreProperties2AMD(next, shader_core_features, active_compute_unit_count) """ Extension: VK\\_EXT\\_conservative\\_rasterization Arguments: - `conservative_rasterization_mode::ConservativeRasterizationModeEXT` - `extra_primitive_overestimation_size::Float32` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationConservativeStateCreateInfoEXT.html) """ PipelineRasterizationConservativeStateCreateInfoEXT(conservative_rasterization_mode::ConservativeRasterizationModeEXT, extra_primitive_overestimation_size::Real; next = C_NULL, flags = 0) = PipelineRasterizationConservativeStateCreateInfoEXT(next, flags, conservative_rasterization_mode, extra_primitive_overestimation_size) """ Arguments: - `shader_input_attachment_array_dynamic_indexing::Bool` - `shader_uniform_texel_buffer_array_dynamic_indexing::Bool` - `shader_storage_texel_buffer_array_dynamic_indexing::Bool` - `shader_uniform_buffer_array_non_uniform_indexing::Bool` - `shader_sampled_image_array_non_uniform_indexing::Bool` - `shader_storage_buffer_array_non_uniform_indexing::Bool` - `shader_storage_image_array_non_uniform_indexing::Bool` - `shader_input_attachment_array_non_uniform_indexing::Bool` - `shader_uniform_texel_buffer_array_non_uniform_indexing::Bool` - `shader_storage_texel_buffer_array_non_uniform_indexing::Bool` - `descriptor_binding_uniform_buffer_update_after_bind::Bool` - `descriptor_binding_sampled_image_update_after_bind::Bool` - `descriptor_binding_storage_image_update_after_bind::Bool` - `descriptor_binding_storage_buffer_update_after_bind::Bool` - `descriptor_binding_uniform_texel_buffer_update_after_bind::Bool` - `descriptor_binding_storage_texel_buffer_update_after_bind::Bool` - `descriptor_binding_update_unused_while_pending::Bool` - `descriptor_binding_partially_bound::Bool` - `descriptor_binding_variable_descriptor_count::Bool` - `runtime_descriptor_array::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorIndexingFeatures.html) """ PhysicalDeviceDescriptorIndexingFeatures(shader_input_attachment_array_dynamic_indexing::Bool, shader_uniform_texel_buffer_array_dynamic_indexing::Bool, shader_storage_texel_buffer_array_dynamic_indexing::Bool, shader_uniform_buffer_array_non_uniform_indexing::Bool, shader_sampled_image_array_non_uniform_indexing::Bool, shader_storage_buffer_array_non_uniform_indexing::Bool, shader_storage_image_array_non_uniform_indexing::Bool, shader_input_attachment_array_non_uniform_indexing::Bool, shader_uniform_texel_buffer_array_non_uniform_indexing::Bool, shader_storage_texel_buffer_array_non_uniform_indexing::Bool, descriptor_binding_uniform_buffer_update_after_bind::Bool, descriptor_binding_sampled_image_update_after_bind::Bool, descriptor_binding_storage_image_update_after_bind::Bool, descriptor_binding_storage_buffer_update_after_bind::Bool, descriptor_binding_uniform_texel_buffer_update_after_bind::Bool, descriptor_binding_storage_texel_buffer_update_after_bind::Bool, descriptor_binding_update_unused_while_pending::Bool, descriptor_binding_partially_bound::Bool, descriptor_binding_variable_descriptor_count::Bool, runtime_descriptor_array::Bool; next = C_NULL) = PhysicalDeviceDescriptorIndexingFeatures(next, shader_input_attachment_array_dynamic_indexing, shader_uniform_texel_buffer_array_dynamic_indexing, shader_storage_texel_buffer_array_dynamic_indexing, shader_uniform_buffer_array_non_uniform_indexing, shader_sampled_image_array_non_uniform_indexing, shader_storage_buffer_array_non_uniform_indexing, shader_storage_image_array_non_uniform_indexing, shader_input_attachment_array_non_uniform_indexing, shader_uniform_texel_buffer_array_non_uniform_indexing, shader_storage_texel_buffer_array_non_uniform_indexing, descriptor_binding_uniform_buffer_update_after_bind, descriptor_binding_sampled_image_update_after_bind, descriptor_binding_storage_image_update_after_bind, descriptor_binding_storage_buffer_update_after_bind, descriptor_binding_uniform_texel_buffer_update_after_bind, descriptor_binding_storage_texel_buffer_update_after_bind, descriptor_binding_update_unused_while_pending, descriptor_binding_partially_bound, descriptor_binding_variable_descriptor_count, runtime_descriptor_array) """ Arguments: - `max_update_after_bind_descriptors_in_all_pools::UInt32` - `shader_uniform_buffer_array_non_uniform_indexing_native::Bool` - `shader_sampled_image_array_non_uniform_indexing_native::Bool` - `shader_storage_buffer_array_non_uniform_indexing_native::Bool` - `shader_storage_image_array_non_uniform_indexing_native::Bool` - `shader_input_attachment_array_non_uniform_indexing_native::Bool` - `robust_buffer_access_update_after_bind::Bool` - `quad_divergent_implicit_lod::Bool` - `max_per_stage_descriptor_update_after_bind_samplers::UInt32` - `max_per_stage_descriptor_update_after_bind_uniform_buffers::UInt32` - `max_per_stage_descriptor_update_after_bind_storage_buffers::UInt32` - `max_per_stage_descriptor_update_after_bind_sampled_images::UInt32` - `max_per_stage_descriptor_update_after_bind_storage_images::UInt32` - `max_per_stage_descriptor_update_after_bind_input_attachments::UInt32` - `max_per_stage_update_after_bind_resources::UInt32` - `max_descriptor_set_update_after_bind_samplers::UInt32` - `max_descriptor_set_update_after_bind_uniform_buffers::UInt32` - `max_descriptor_set_update_after_bind_uniform_buffers_dynamic::UInt32` - `max_descriptor_set_update_after_bind_storage_buffers::UInt32` - `max_descriptor_set_update_after_bind_storage_buffers_dynamic::UInt32` - `max_descriptor_set_update_after_bind_sampled_images::UInt32` - `max_descriptor_set_update_after_bind_storage_images::UInt32` - `max_descriptor_set_update_after_bind_input_attachments::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorIndexingProperties.html) """ PhysicalDeviceDescriptorIndexingProperties(max_update_after_bind_descriptors_in_all_pools::Integer, shader_uniform_buffer_array_non_uniform_indexing_native::Bool, shader_sampled_image_array_non_uniform_indexing_native::Bool, shader_storage_buffer_array_non_uniform_indexing_native::Bool, shader_storage_image_array_non_uniform_indexing_native::Bool, shader_input_attachment_array_non_uniform_indexing_native::Bool, robust_buffer_access_update_after_bind::Bool, quad_divergent_implicit_lod::Bool, max_per_stage_descriptor_update_after_bind_samplers::Integer, max_per_stage_descriptor_update_after_bind_uniform_buffers::Integer, max_per_stage_descriptor_update_after_bind_storage_buffers::Integer, max_per_stage_descriptor_update_after_bind_sampled_images::Integer, max_per_stage_descriptor_update_after_bind_storage_images::Integer, max_per_stage_descriptor_update_after_bind_input_attachments::Integer, max_per_stage_update_after_bind_resources::Integer, max_descriptor_set_update_after_bind_samplers::Integer, max_descriptor_set_update_after_bind_uniform_buffers::Integer, max_descriptor_set_update_after_bind_uniform_buffers_dynamic::Integer, max_descriptor_set_update_after_bind_storage_buffers::Integer, max_descriptor_set_update_after_bind_storage_buffers_dynamic::Integer, max_descriptor_set_update_after_bind_sampled_images::Integer, max_descriptor_set_update_after_bind_storage_images::Integer, max_descriptor_set_update_after_bind_input_attachments::Integer; next = C_NULL) = PhysicalDeviceDescriptorIndexingProperties(next, max_update_after_bind_descriptors_in_all_pools, shader_uniform_buffer_array_non_uniform_indexing_native, shader_sampled_image_array_non_uniform_indexing_native, shader_storage_buffer_array_non_uniform_indexing_native, shader_storage_image_array_non_uniform_indexing_native, shader_input_attachment_array_non_uniform_indexing_native, robust_buffer_access_update_after_bind, quad_divergent_implicit_lod, max_per_stage_descriptor_update_after_bind_samplers, max_per_stage_descriptor_update_after_bind_uniform_buffers, max_per_stage_descriptor_update_after_bind_storage_buffers, max_per_stage_descriptor_update_after_bind_sampled_images, max_per_stage_descriptor_update_after_bind_storage_images, max_per_stage_descriptor_update_after_bind_input_attachments, max_per_stage_update_after_bind_resources, max_descriptor_set_update_after_bind_samplers, max_descriptor_set_update_after_bind_uniform_buffers, max_descriptor_set_update_after_bind_uniform_buffers_dynamic, max_descriptor_set_update_after_bind_storage_buffers, max_descriptor_set_update_after_bind_storage_buffers_dynamic, max_descriptor_set_update_after_bind_sampled_images, max_descriptor_set_update_after_bind_storage_images, max_descriptor_set_update_after_bind_input_attachments) """ Arguments: - `binding_flags::Vector{DescriptorBindingFlag}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutBindingFlagsCreateInfo.html) """ DescriptorSetLayoutBindingFlagsCreateInfo(binding_flags::AbstractArray; next = C_NULL) = DescriptorSetLayoutBindingFlagsCreateInfo(next, binding_flags) """ Arguments: - `descriptor_counts::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetVariableDescriptorCountAllocateInfo.html) """ DescriptorSetVariableDescriptorCountAllocateInfo(descriptor_counts::AbstractArray; next = C_NULL) = DescriptorSetVariableDescriptorCountAllocateInfo(next, descriptor_counts) """ Arguments: - `max_variable_descriptor_count::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetVariableDescriptorCountLayoutSupport.html) """ DescriptorSetVariableDescriptorCountLayoutSupport(max_variable_descriptor_count::Integer; next = C_NULL) = DescriptorSetVariableDescriptorCountLayoutSupport(next, max_variable_descriptor_count) """ Arguments: - `format::Format` - `samples::SampleCountFlag` - `load_op::AttachmentLoadOp` - `store_op::AttachmentStoreOp` - `stencil_load_op::AttachmentLoadOp` - `stencil_store_op::AttachmentStoreOp` - `initial_layout::ImageLayout` - `final_layout::ImageLayout` - `next::Any`: defaults to `C_NULL` - `flags::AttachmentDescriptionFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentDescription2.html) """ AttachmentDescription2(format::Format, samples::SampleCountFlag, load_op::AttachmentLoadOp, store_op::AttachmentStoreOp, stencil_load_op::AttachmentLoadOp, stencil_store_op::AttachmentStoreOp, initial_layout::ImageLayout, final_layout::ImageLayout; next = C_NULL, flags = 0) = AttachmentDescription2(next, flags, format, samples, load_op, store_op, stencil_load_op, stencil_store_op, initial_layout, final_layout) """ Arguments: - `attachment::UInt32` - `layout::ImageLayout` - `aspect_mask::ImageAspectFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentReference2.html) """ AttachmentReference2(attachment::Integer, layout::ImageLayout, aspect_mask::ImageAspectFlag; next = C_NULL) = AttachmentReference2(next, attachment, layout, aspect_mask) """ Arguments: - `pipeline_bind_point::PipelineBindPoint` - `view_mask::UInt32` - `input_attachments::Vector{AttachmentReference2}` - `color_attachments::Vector{AttachmentReference2}` - `preserve_attachments::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` - `flags::SubpassDescriptionFlag`: defaults to `0` - `resolve_attachments::Vector{AttachmentReference2}`: defaults to `C_NULL` - `depth_stencil_attachment::AttachmentReference2`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDescription2.html) """ SubpassDescription2(pipeline_bind_point::PipelineBindPoint, view_mask::Integer, input_attachments::AbstractArray, color_attachments::AbstractArray, preserve_attachments::AbstractArray; next = C_NULL, flags = 0, resolve_attachments = C_NULL, depth_stencil_attachment = C_NULL) = SubpassDescription2(next, flags, pipeline_bind_point, view_mask, input_attachments, color_attachments, resolve_attachments, depth_stencil_attachment, preserve_attachments) """ Arguments: - `src_subpass::UInt32` - `dst_subpass::UInt32` - `view_offset::Int32` - `next::Any`: defaults to `C_NULL` - `src_stage_mask::PipelineStageFlag`: defaults to `0` - `dst_stage_mask::PipelineStageFlag`: defaults to `0` - `src_access_mask::AccessFlag`: defaults to `0` - `dst_access_mask::AccessFlag`: defaults to `0` - `dependency_flags::DependencyFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDependency2.html) """ SubpassDependency2(src_subpass::Integer, dst_subpass::Integer, view_offset::Integer; next = C_NULL, src_stage_mask = 0, dst_stage_mask = 0, src_access_mask = 0, dst_access_mask = 0, dependency_flags = 0) = SubpassDependency2(next, src_subpass, dst_subpass, src_stage_mask, dst_stage_mask, src_access_mask, dst_access_mask, dependency_flags, view_offset) """ Arguments: - `attachments::Vector{AttachmentDescription2}` - `subpasses::Vector{SubpassDescription2}` - `dependencies::Vector{SubpassDependency2}` - `correlated_view_masks::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` - `flags::RenderPassCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreateInfo2.html) """ RenderPassCreateInfo2(attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray, correlated_view_masks::AbstractArray; next = C_NULL, flags = 0) = RenderPassCreateInfo2(next, flags, attachments, subpasses, dependencies, correlated_view_masks) """ Arguments: - `contents::SubpassContents` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassBeginInfo.html) """ SubpassBeginInfo(contents::SubpassContents; next = C_NULL) = SubpassBeginInfo(next, contents) """ Arguments: - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassEndInfo.html) """ SubpassEndInfo(; next = C_NULL) = SubpassEndInfo(next) """ Arguments: - `timeline_semaphore::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTimelineSemaphoreFeatures.html) """ PhysicalDeviceTimelineSemaphoreFeatures(timeline_semaphore::Bool; next = C_NULL) = PhysicalDeviceTimelineSemaphoreFeatures(next, timeline_semaphore) """ Arguments: - `max_timeline_semaphore_value_difference::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTimelineSemaphoreProperties.html) """ PhysicalDeviceTimelineSemaphoreProperties(max_timeline_semaphore_value_difference::Integer; next = C_NULL) = PhysicalDeviceTimelineSemaphoreProperties(next, max_timeline_semaphore_value_difference) """ Arguments: - `semaphore_type::SemaphoreType` - `initial_value::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreTypeCreateInfo.html) """ SemaphoreTypeCreateInfo(semaphore_type::SemaphoreType, initial_value::Integer; next = C_NULL) = SemaphoreTypeCreateInfo(next, semaphore_type, initial_value) """ Arguments: - `next::Any`: defaults to `C_NULL` - `wait_semaphore_values::Vector{UInt64}`: defaults to `C_NULL` - `signal_semaphore_values::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTimelineSemaphoreSubmitInfo.html) """ TimelineSemaphoreSubmitInfo(; next = C_NULL, wait_semaphore_values = C_NULL, signal_semaphore_values = C_NULL) = TimelineSemaphoreSubmitInfo(next, wait_semaphore_values, signal_semaphore_values) """ Arguments: - `semaphores::Vector{Semaphore}` - `values::Vector{UInt64}` - `next::Any`: defaults to `C_NULL` - `flags::SemaphoreWaitFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreWaitInfo.html) """ SemaphoreWaitInfo(semaphores::AbstractArray, values::AbstractArray; next = C_NULL, flags = 0) = SemaphoreWaitInfo(next, flags, semaphores, values) """ Arguments: - `semaphore::Semaphore` - `value::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreSignalInfo.html) """ SemaphoreSignalInfo(semaphore::Semaphore, value::Integer; next = C_NULL) = SemaphoreSignalInfo(next, semaphore, value) """ Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor Arguments: - `vertex_binding_divisors::Vector{VertexInputBindingDivisorDescriptionEXT}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineVertexInputDivisorStateCreateInfoEXT.html) """ PipelineVertexInputDivisorStateCreateInfoEXT(vertex_binding_divisors::AbstractArray; next = C_NULL) = PipelineVertexInputDivisorStateCreateInfoEXT(next, vertex_binding_divisors) """ Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor Arguments: - `max_vertex_attrib_divisor::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT.html) """ PhysicalDeviceVertexAttributeDivisorPropertiesEXT(max_vertex_attrib_divisor::Integer; next = C_NULL) = PhysicalDeviceVertexAttributeDivisorPropertiesEXT(next, max_vertex_attrib_divisor) """ Extension: VK\\_EXT\\_pci\\_bus\\_info Arguments: - `pci_domain::UInt32` - `pci_bus::UInt32` - `pci_device::UInt32` - `pci_function::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePCIBusInfoPropertiesEXT.html) """ PhysicalDevicePCIBusInfoPropertiesEXT(pci_domain::Integer, pci_bus::Integer, pci_device::Integer, pci_function::Integer; next = C_NULL) = PhysicalDevicePCIBusInfoPropertiesEXT(next, pci_domain, pci_bus, pci_device, pci_function) """ Extension: VK\\_EXT\\_conditional\\_rendering Arguments: - `conditional_rendering_enable::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceConditionalRenderingInfoEXT.html) """ CommandBufferInheritanceConditionalRenderingInfoEXT(conditional_rendering_enable::Bool; next = C_NULL) = CommandBufferInheritanceConditionalRenderingInfoEXT(next, conditional_rendering_enable) """ Arguments: - `storage_buffer_8_bit_access::Bool` - `uniform_and_storage_buffer_8_bit_access::Bool` - `storage_push_constant_8::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevice8BitStorageFeatures.html) """ PhysicalDevice8BitStorageFeatures(storage_buffer_8_bit_access::Bool, uniform_and_storage_buffer_8_bit_access::Bool, storage_push_constant_8::Bool; next = C_NULL) = PhysicalDevice8BitStorageFeatures(next, storage_buffer_8_bit_access, uniform_and_storage_buffer_8_bit_access, storage_push_constant_8) """ Extension: VK\\_EXT\\_conditional\\_rendering Arguments: - `conditional_rendering::Bool` - `inherited_conditional_rendering::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceConditionalRenderingFeaturesEXT.html) """ PhysicalDeviceConditionalRenderingFeaturesEXT(conditional_rendering::Bool, inherited_conditional_rendering::Bool; next = C_NULL) = PhysicalDeviceConditionalRenderingFeaturesEXT(next, conditional_rendering, inherited_conditional_rendering) """ Arguments: - `vulkan_memory_model::Bool` - `vulkan_memory_model_device_scope::Bool` - `vulkan_memory_model_availability_visibility_chains::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkanMemoryModelFeatures.html) """ PhysicalDeviceVulkanMemoryModelFeatures(vulkan_memory_model::Bool, vulkan_memory_model_device_scope::Bool, vulkan_memory_model_availability_visibility_chains::Bool; next = C_NULL) = PhysicalDeviceVulkanMemoryModelFeatures(next, vulkan_memory_model, vulkan_memory_model_device_scope, vulkan_memory_model_availability_visibility_chains) """ Arguments: - `shader_buffer_int_64_atomics::Bool` - `shader_shared_int_64_atomics::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderAtomicInt64Features.html) """ PhysicalDeviceShaderAtomicInt64Features(shader_buffer_int_64_atomics::Bool, shader_shared_int_64_atomics::Bool; next = C_NULL) = PhysicalDeviceShaderAtomicInt64Features(next, shader_buffer_int_64_atomics, shader_shared_int_64_atomics) """ Extension: VK\\_EXT\\_shader\\_atomic\\_float Arguments: - `shader_buffer_float_32_atomics::Bool` - `shader_buffer_float_32_atomic_add::Bool` - `shader_buffer_float_64_atomics::Bool` - `shader_buffer_float_64_atomic_add::Bool` - `shader_shared_float_32_atomics::Bool` - `shader_shared_float_32_atomic_add::Bool` - `shader_shared_float_64_atomics::Bool` - `shader_shared_float_64_atomic_add::Bool` - `shader_image_float_32_atomics::Bool` - `shader_image_float_32_atomic_add::Bool` - `sparse_image_float_32_atomics::Bool` - `sparse_image_float_32_atomic_add::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderAtomicFloatFeaturesEXT.html) """ PhysicalDeviceShaderAtomicFloatFeaturesEXT(shader_buffer_float_32_atomics::Bool, shader_buffer_float_32_atomic_add::Bool, shader_buffer_float_64_atomics::Bool, shader_buffer_float_64_atomic_add::Bool, shader_shared_float_32_atomics::Bool, shader_shared_float_32_atomic_add::Bool, shader_shared_float_64_atomics::Bool, shader_shared_float_64_atomic_add::Bool, shader_image_float_32_atomics::Bool, shader_image_float_32_atomic_add::Bool, sparse_image_float_32_atomics::Bool, sparse_image_float_32_atomic_add::Bool; next = C_NULL) = PhysicalDeviceShaderAtomicFloatFeaturesEXT(next, shader_buffer_float_32_atomics, shader_buffer_float_32_atomic_add, shader_buffer_float_64_atomics, shader_buffer_float_64_atomic_add, shader_shared_float_32_atomics, shader_shared_float_32_atomic_add, shader_shared_float_64_atomics, shader_shared_float_64_atomic_add, shader_image_float_32_atomics, shader_image_float_32_atomic_add, sparse_image_float_32_atomics, sparse_image_float_32_atomic_add) """ Extension: VK\\_EXT\\_shader\\_atomic\\_float2 Arguments: - `shader_buffer_float_16_atomics::Bool` - `shader_buffer_float_16_atomic_add::Bool` - `shader_buffer_float_16_atomic_min_max::Bool` - `shader_buffer_float_32_atomic_min_max::Bool` - `shader_buffer_float_64_atomic_min_max::Bool` - `shader_shared_float_16_atomics::Bool` - `shader_shared_float_16_atomic_add::Bool` - `shader_shared_float_16_atomic_min_max::Bool` - `shader_shared_float_32_atomic_min_max::Bool` - `shader_shared_float_64_atomic_min_max::Bool` - `shader_image_float_32_atomic_min_max::Bool` - `sparse_image_float_32_atomic_min_max::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT.html) """ PhysicalDeviceShaderAtomicFloat2FeaturesEXT(shader_buffer_float_16_atomics::Bool, shader_buffer_float_16_atomic_add::Bool, shader_buffer_float_16_atomic_min_max::Bool, shader_buffer_float_32_atomic_min_max::Bool, shader_buffer_float_64_atomic_min_max::Bool, shader_shared_float_16_atomics::Bool, shader_shared_float_16_atomic_add::Bool, shader_shared_float_16_atomic_min_max::Bool, shader_shared_float_32_atomic_min_max::Bool, shader_shared_float_64_atomic_min_max::Bool, shader_image_float_32_atomic_min_max::Bool, sparse_image_float_32_atomic_min_max::Bool; next = C_NULL) = PhysicalDeviceShaderAtomicFloat2FeaturesEXT(next, shader_buffer_float_16_atomics, shader_buffer_float_16_atomic_add, shader_buffer_float_16_atomic_min_max, shader_buffer_float_32_atomic_min_max, shader_buffer_float_64_atomic_min_max, shader_shared_float_16_atomics, shader_shared_float_16_atomic_add, shader_shared_float_16_atomic_min_max, shader_shared_float_32_atomic_min_max, shader_shared_float_64_atomic_min_max, shader_image_float_32_atomic_min_max, sparse_image_float_32_atomic_min_max) """ Extension: VK\\_EXT\\_vertex\\_attribute\\_divisor Arguments: - `vertex_attribute_instance_rate_divisor::Bool` - `vertex_attribute_instance_rate_zero_divisor::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT.html) """ PhysicalDeviceVertexAttributeDivisorFeaturesEXT(vertex_attribute_instance_rate_divisor::Bool, vertex_attribute_instance_rate_zero_divisor::Bool; next = C_NULL) = PhysicalDeviceVertexAttributeDivisorFeaturesEXT(next, vertex_attribute_instance_rate_divisor, vertex_attribute_instance_rate_zero_divisor) """ Extension: VK\\_NV\\_device\\_diagnostic\\_checkpoints Arguments: - `checkpoint_execution_stage_mask::PipelineStageFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyCheckpointPropertiesNV.html) """ QueueFamilyCheckpointPropertiesNV(checkpoint_execution_stage_mask::PipelineStageFlag; next = C_NULL) = QueueFamilyCheckpointPropertiesNV(next, checkpoint_execution_stage_mask) """ Extension: VK\\_NV\\_device\\_diagnostic\\_checkpoints Arguments: - `stage::PipelineStageFlag` - `checkpoint_marker::Ptr{Cvoid}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCheckpointDataNV.html) """ CheckpointDataNV(stage::PipelineStageFlag, checkpoint_marker::Ptr{Cvoid}; next = C_NULL) = CheckpointDataNV(next, stage, checkpoint_marker) """ Arguments: - `supported_depth_resolve_modes::ResolveModeFlag` - `supported_stencil_resolve_modes::ResolveModeFlag` - `independent_resolve_none::Bool` - `independent_resolve::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthStencilResolveProperties.html) """ PhysicalDeviceDepthStencilResolveProperties(supported_depth_resolve_modes::ResolveModeFlag, supported_stencil_resolve_modes::ResolveModeFlag, independent_resolve_none::Bool, independent_resolve::Bool; next = C_NULL) = PhysicalDeviceDepthStencilResolveProperties(next, supported_depth_resolve_modes, supported_stencil_resolve_modes, independent_resolve_none, independent_resolve) """ Arguments: - `depth_resolve_mode::ResolveModeFlag` - `stencil_resolve_mode::ResolveModeFlag` - `next::Any`: defaults to `C_NULL` - `depth_stencil_resolve_attachment::AttachmentReference2`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassDescriptionDepthStencilResolve.html) """ SubpassDescriptionDepthStencilResolve(depth_resolve_mode::ResolveModeFlag, stencil_resolve_mode::ResolveModeFlag; next = C_NULL, depth_stencil_resolve_attachment = C_NULL) = SubpassDescriptionDepthStencilResolve(next, depth_resolve_mode, stencil_resolve_mode, depth_stencil_resolve_attachment) """ Extension: VK\\_EXT\\_astc\\_decode\\_mode Arguments: - `decode_mode::Format` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewASTCDecodeModeEXT.html) """ ImageViewASTCDecodeModeEXT(decode_mode::Format; next = C_NULL) = ImageViewASTCDecodeModeEXT(next, decode_mode) """ Extension: VK\\_EXT\\_astc\\_decode\\_mode Arguments: - `decode_mode_shared_exponent::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceASTCDecodeFeaturesEXT.html) """ PhysicalDeviceASTCDecodeFeaturesEXT(decode_mode_shared_exponent::Bool; next = C_NULL) = PhysicalDeviceASTCDecodeFeaturesEXT(next, decode_mode_shared_exponent) """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `transform_feedback::Bool` - `geometry_streams::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTransformFeedbackFeaturesEXT.html) """ PhysicalDeviceTransformFeedbackFeaturesEXT(transform_feedback::Bool, geometry_streams::Bool; next = C_NULL) = PhysicalDeviceTransformFeedbackFeaturesEXT(next, transform_feedback, geometry_streams) """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `max_transform_feedback_streams::UInt32` - `max_transform_feedback_buffers::UInt32` - `max_transform_feedback_buffer_size::UInt64` - `max_transform_feedback_stream_data_size::UInt32` - `max_transform_feedback_buffer_data_size::UInt32` - `max_transform_feedback_buffer_data_stride::UInt32` - `transform_feedback_queries::Bool` - `transform_feedback_streams_lines_triangles::Bool` - `transform_feedback_rasterization_stream_select::Bool` - `transform_feedback_draw::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTransformFeedbackPropertiesEXT.html) """ PhysicalDeviceTransformFeedbackPropertiesEXT(max_transform_feedback_streams::Integer, max_transform_feedback_buffers::Integer, max_transform_feedback_buffer_size::Integer, max_transform_feedback_stream_data_size::Integer, max_transform_feedback_buffer_data_size::Integer, max_transform_feedback_buffer_data_stride::Integer, transform_feedback_queries::Bool, transform_feedback_streams_lines_triangles::Bool, transform_feedback_rasterization_stream_select::Bool, transform_feedback_draw::Bool; next = C_NULL) = PhysicalDeviceTransformFeedbackPropertiesEXT(next, max_transform_feedback_streams, max_transform_feedback_buffers, max_transform_feedback_buffer_size, max_transform_feedback_stream_data_size, max_transform_feedback_buffer_data_size, max_transform_feedback_buffer_data_stride, transform_feedback_queries, transform_feedback_streams_lines_triangles, transform_feedback_rasterization_stream_select, transform_feedback_draw) """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `rasterization_stream::UInt32` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationStateStreamCreateInfoEXT.html) """ PipelineRasterizationStateStreamCreateInfoEXT(rasterization_stream::Integer; next = C_NULL, flags = 0) = PipelineRasterizationStateStreamCreateInfoEXT(next, flags, rasterization_stream) """ Extension: VK\\_NV\\_representative\\_fragment\\_test Arguments: - `representative_fragment_test::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV.html) """ PhysicalDeviceRepresentativeFragmentTestFeaturesNV(representative_fragment_test::Bool; next = C_NULL) = PhysicalDeviceRepresentativeFragmentTestFeaturesNV(next, representative_fragment_test) """ Extension: VK\\_NV\\_representative\\_fragment\\_test Arguments: - `representative_fragment_test_enable::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRepresentativeFragmentTestStateCreateInfoNV.html) """ PipelineRepresentativeFragmentTestStateCreateInfoNV(representative_fragment_test_enable::Bool; next = C_NULL) = PipelineRepresentativeFragmentTestStateCreateInfoNV(next, representative_fragment_test_enable) """ Extension: VK\\_NV\\_scissor\\_exclusive Arguments: - `exclusive_scissor::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExclusiveScissorFeaturesNV.html) """ PhysicalDeviceExclusiveScissorFeaturesNV(exclusive_scissor::Bool; next = C_NULL) = PhysicalDeviceExclusiveScissorFeaturesNV(next, exclusive_scissor) """ Extension: VK\\_NV\\_scissor\\_exclusive Arguments: - `exclusive_scissors::Vector{Rect2D}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportExclusiveScissorStateCreateInfoNV.html) """ PipelineViewportExclusiveScissorStateCreateInfoNV(exclusive_scissors::AbstractArray; next = C_NULL) = PipelineViewportExclusiveScissorStateCreateInfoNV(next, exclusive_scissors) """ Extension: VK\\_NV\\_corner\\_sampled\\_image Arguments: - `corner_sampled_image::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCornerSampledImageFeaturesNV.html) """ PhysicalDeviceCornerSampledImageFeaturesNV(corner_sampled_image::Bool; next = C_NULL) = PhysicalDeviceCornerSampledImageFeaturesNV(next, corner_sampled_image) """ Extension: VK\\_NV\\_compute\\_shader\\_derivatives Arguments: - `compute_derivative_group_quads::Bool` - `compute_derivative_group_linear::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceComputeShaderDerivativesFeaturesNV.html) """ PhysicalDeviceComputeShaderDerivativesFeaturesNV(compute_derivative_group_quads::Bool, compute_derivative_group_linear::Bool; next = C_NULL) = PhysicalDeviceComputeShaderDerivativesFeaturesNV(next, compute_derivative_group_quads, compute_derivative_group_linear) """ Extension: VK\\_NV\\_shader\\_image\\_footprint Arguments: - `image_footprint::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderImageFootprintFeaturesNV.html) """ PhysicalDeviceShaderImageFootprintFeaturesNV(image_footprint::Bool; next = C_NULL) = PhysicalDeviceShaderImageFootprintFeaturesNV(next, image_footprint) """ Extension: VK\\_NV\\_dedicated\\_allocation\\_image\\_aliasing Arguments: - `dedicated_allocation_image_aliasing::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV.html) """ PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV(dedicated_allocation_image_aliasing::Bool; next = C_NULL) = PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV(next, dedicated_allocation_image_aliasing) """ Extension: VK\\_NV\\_copy\\_memory\\_indirect Arguments: - `indirect_copy::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCopyMemoryIndirectFeaturesNV.html) """ PhysicalDeviceCopyMemoryIndirectFeaturesNV(indirect_copy::Bool; next = C_NULL) = PhysicalDeviceCopyMemoryIndirectFeaturesNV(next, indirect_copy) """ Extension: VK\\_NV\\_copy\\_memory\\_indirect Arguments: - `supported_queues::QueueFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCopyMemoryIndirectPropertiesNV.html) """ PhysicalDeviceCopyMemoryIndirectPropertiesNV(supported_queues::QueueFlag; next = C_NULL) = PhysicalDeviceCopyMemoryIndirectPropertiesNV(next, supported_queues) """ Extension: VK\\_NV\\_memory\\_decompression Arguments: - `memory_decompression::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryDecompressionFeaturesNV.html) """ PhysicalDeviceMemoryDecompressionFeaturesNV(memory_decompression::Bool; next = C_NULL) = PhysicalDeviceMemoryDecompressionFeaturesNV(next, memory_decompression) """ Extension: VK\\_NV\\_memory\\_decompression Arguments: - `decompression_methods::UInt64` - `max_decompression_indirect_count::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryDecompressionPropertiesNV.html) """ PhysicalDeviceMemoryDecompressionPropertiesNV(decompression_methods::Integer, max_decompression_indirect_count::Integer; next = C_NULL) = PhysicalDeviceMemoryDecompressionPropertiesNV(next, decompression_methods, max_decompression_indirect_count) """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `shading_rate_image_enable::Bool` - `shading_rate_palettes::Vector{ShadingRatePaletteNV}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportShadingRateImageStateCreateInfoNV.html) """ PipelineViewportShadingRateImageStateCreateInfoNV(shading_rate_image_enable::Bool, shading_rate_palettes::AbstractArray; next = C_NULL) = PipelineViewportShadingRateImageStateCreateInfoNV(next, shading_rate_image_enable, shading_rate_palettes) """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `shading_rate_image::Bool` - `shading_rate_coarse_sample_order::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShadingRateImageFeaturesNV.html) """ PhysicalDeviceShadingRateImageFeaturesNV(shading_rate_image::Bool, shading_rate_coarse_sample_order::Bool; next = C_NULL) = PhysicalDeviceShadingRateImageFeaturesNV(next, shading_rate_image, shading_rate_coarse_sample_order) """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `shading_rate_texel_size::Extent2D` - `shading_rate_palette_size::UInt32` - `shading_rate_max_coarse_samples::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShadingRateImagePropertiesNV.html) """ PhysicalDeviceShadingRateImagePropertiesNV(shading_rate_texel_size::Extent2D, shading_rate_palette_size::Integer, shading_rate_max_coarse_samples::Integer; next = C_NULL) = PhysicalDeviceShadingRateImagePropertiesNV(next, shading_rate_texel_size, shading_rate_palette_size, shading_rate_max_coarse_samples) """ Extension: VK\\_HUAWEI\\_invocation\\_mask Arguments: - `invocation_mask::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInvocationMaskFeaturesHUAWEI.html) """ PhysicalDeviceInvocationMaskFeaturesHUAWEI(invocation_mask::Bool; next = C_NULL) = PhysicalDeviceInvocationMaskFeaturesHUAWEI(next, invocation_mask) """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `sample_order_type::CoarseSampleOrderTypeNV` - `custom_sample_orders::Vector{CoarseSampleOrderCustomNV}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportCoarseSampleOrderStateCreateInfoNV.html) """ PipelineViewportCoarseSampleOrderStateCreateInfoNV(sample_order_type::CoarseSampleOrderTypeNV, custom_sample_orders::AbstractArray; next = C_NULL) = PipelineViewportCoarseSampleOrderStateCreateInfoNV(next, sample_order_type, custom_sample_orders) """ Extension: VK\\_NV\\_mesh\\_shader Arguments: - `task_shader::Bool` - `mesh_shader::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderFeaturesNV.html) """ PhysicalDeviceMeshShaderFeaturesNV(task_shader::Bool, mesh_shader::Bool; next = C_NULL) = PhysicalDeviceMeshShaderFeaturesNV(next, task_shader, mesh_shader) """ Extension: VK\\_NV\\_mesh\\_shader Arguments: - `max_draw_mesh_tasks_count::UInt32` - `max_task_work_group_invocations::UInt32` - `max_task_work_group_size::NTuple{3, UInt32}` - `max_task_total_memory_size::UInt32` - `max_task_output_count::UInt32` - `max_mesh_work_group_invocations::UInt32` - `max_mesh_work_group_size::NTuple{3, UInt32}` - `max_mesh_total_memory_size::UInt32` - `max_mesh_output_vertices::UInt32` - `max_mesh_output_primitives::UInt32` - `max_mesh_multiview_view_count::UInt32` - `mesh_output_per_vertex_granularity::UInt32` - `mesh_output_per_primitive_granularity::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderPropertiesNV.html) """ PhysicalDeviceMeshShaderPropertiesNV(max_draw_mesh_tasks_count::Integer, max_task_work_group_invocations::Integer, max_task_work_group_size::NTuple{3, UInt32}, max_task_total_memory_size::Integer, max_task_output_count::Integer, max_mesh_work_group_invocations::Integer, max_mesh_work_group_size::NTuple{3, UInt32}, max_mesh_total_memory_size::Integer, max_mesh_output_vertices::Integer, max_mesh_output_primitives::Integer, max_mesh_multiview_view_count::Integer, mesh_output_per_vertex_granularity::Integer, mesh_output_per_primitive_granularity::Integer; next = C_NULL) = PhysicalDeviceMeshShaderPropertiesNV(next, max_draw_mesh_tasks_count, max_task_work_group_invocations, max_task_work_group_size, max_task_total_memory_size, max_task_output_count, max_mesh_work_group_invocations, max_mesh_work_group_size, max_mesh_total_memory_size, max_mesh_output_vertices, max_mesh_output_primitives, max_mesh_multiview_view_count, mesh_output_per_vertex_granularity, mesh_output_per_primitive_granularity) """ Extension: VK\\_EXT\\_mesh\\_shader Arguments: - `task_shader::Bool` - `mesh_shader::Bool` - `multiview_mesh_shader::Bool` - `primitive_fragment_shading_rate_mesh_shader::Bool` - `mesh_shader_queries::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderFeaturesEXT.html) """ PhysicalDeviceMeshShaderFeaturesEXT(task_shader::Bool, mesh_shader::Bool, multiview_mesh_shader::Bool, primitive_fragment_shading_rate_mesh_shader::Bool, mesh_shader_queries::Bool; next = C_NULL) = PhysicalDeviceMeshShaderFeaturesEXT(next, task_shader, mesh_shader, multiview_mesh_shader, primitive_fragment_shading_rate_mesh_shader, mesh_shader_queries) """ Extension: VK\\_EXT\\_mesh\\_shader Arguments: - `max_task_work_group_total_count::UInt32` - `max_task_work_group_count::NTuple{3, UInt32}` - `max_task_work_group_invocations::UInt32` - `max_task_work_group_size::NTuple{3, UInt32}` - `max_task_payload_size::UInt32` - `max_task_shared_memory_size::UInt32` - `max_task_payload_and_shared_memory_size::UInt32` - `max_mesh_work_group_total_count::UInt32` - `max_mesh_work_group_count::NTuple{3, UInt32}` - `max_mesh_work_group_invocations::UInt32` - `max_mesh_work_group_size::NTuple{3, UInt32}` - `max_mesh_shared_memory_size::UInt32` - `max_mesh_payload_and_shared_memory_size::UInt32` - `max_mesh_output_memory_size::UInt32` - `max_mesh_payload_and_output_memory_size::UInt32` - `max_mesh_output_components::UInt32` - `max_mesh_output_vertices::UInt32` - `max_mesh_output_primitives::UInt32` - `max_mesh_output_layers::UInt32` - `max_mesh_multiview_view_count::UInt32` - `mesh_output_per_vertex_granularity::UInt32` - `mesh_output_per_primitive_granularity::UInt32` - `max_preferred_task_work_group_invocations::UInt32` - `max_preferred_mesh_work_group_invocations::UInt32` - `prefers_local_invocation_vertex_output::Bool` - `prefers_local_invocation_primitive_output::Bool` - `prefers_compact_vertex_output::Bool` - `prefers_compact_primitive_output::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMeshShaderPropertiesEXT.html) """ PhysicalDeviceMeshShaderPropertiesEXT(max_task_work_group_total_count::Integer, max_task_work_group_count::NTuple{3, UInt32}, max_task_work_group_invocations::Integer, max_task_work_group_size::NTuple{3, UInt32}, max_task_payload_size::Integer, max_task_shared_memory_size::Integer, max_task_payload_and_shared_memory_size::Integer, max_mesh_work_group_total_count::Integer, max_mesh_work_group_count::NTuple{3, UInt32}, max_mesh_work_group_invocations::Integer, max_mesh_work_group_size::NTuple{3, UInt32}, max_mesh_shared_memory_size::Integer, max_mesh_payload_and_shared_memory_size::Integer, max_mesh_output_memory_size::Integer, max_mesh_payload_and_output_memory_size::Integer, max_mesh_output_components::Integer, max_mesh_output_vertices::Integer, max_mesh_output_primitives::Integer, max_mesh_output_layers::Integer, max_mesh_multiview_view_count::Integer, mesh_output_per_vertex_granularity::Integer, mesh_output_per_primitive_granularity::Integer, max_preferred_task_work_group_invocations::Integer, max_preferred_mesh_work_group_invocations::Integer, prefers_local_invocation_vertex_output::Bool, prefers_local_invocation_primitive_output::Bool, prefers_compact_vertex_output::Bool, prefers_compact_primitive_output::Bool; next = C_NULL) = PhysicalDeviceMeshShaderPropertiesEXT(next, max_task_work_group_total_count, max_task_work_group_count, max_task_work_group_invocations, max_task_work_group_size, max_task_payload_size, max_task_shared_memory_size, max_task_payload_and_shared_memory_size, max_mesh_work_group_total_count, max_mesh_work_group_count, max_mesh_work_group_invocations, max_mesh_work_group_size, max_mesh_shared_memory_size, max_mesh_payload_and_shared_memory_size, max_mesh_output_memory_size, max_mesh_payload_and_output_memory_size, max_mesh_output_components, max_mesh_output_vertices, max_mesh_output_primitives, max_mesh_output_layers, max_mesh_multiview_view_count, mesh_output_per_vertex_granularity, mesh_output_per_primitive_granularity, max_preferred_task_work_group_invocations, max_preferred_mesh_work_group_invocations, prefers_local_invocation_vertex_output, prefers_local_invocation_primitive_output, prefers_compact_vertex_output, prefers_compact_primitive_output) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `type::RayTracingShaderGroupTypeKHR` - `general_shader::UInt32` - `closest_hit_shader::UInt32` - `any_hit_shader::UInt32` - `intersection_shader::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingShaderGroupCreateInfoNV.html) """ RayTracingShaderGroupCreateInfoNV(type::RayTracingShaderGroupTypeKHR, general_shader::Integer, closest_hit_shader::Integer, any_hit_shader::Integer, intersection_shader::Integer; next = C_NULL) = RayTracingShaderGroupCreateInfoNV(next, type, general_shader, closest_hit_shader, any_hit_shader, intersection_shader) """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `type::RayTracingShaderGroupTypeKHR` - `general_shader::UInt32` - `closest_hit_shader::UInt32` - `any_hit_shader::UInt32` - `intersection_shader::UInt32` - `next::Any`: defaults to `C_NULL` - `shader_group_capture_replay_handle::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingShaderGroupCreateInfoKHR.html) """ RayTracingShaderGroupCreateInfoKHR(type::RayTracingShaderGroupTypeKHR, general_shader::Integer, closest_hit_shader::Integer, any_hit_shader::Integer, intersection_shader::Integer; next = C_NULL, shader_group_capture_replay_handle = C_NULL) = RayTracingShaderGroupCreateInfoKHR(next, type, general_shader, closest_hit_shader, any_hit_shader, intersection_shader, shader_group_capture_replay_handle) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `stages::Vector{PipelineShaderStageCreateInfo}` - `groups::Vector{RayTracingShaderGroupCreateInfoNV}` - `max_recursion_depth::UInt32` - `layout::PipelineLayout` - `base_pipeline_index::Int32` - `next::Any`: defaults to `C_NULL` - `flags::PipelineCreateFlag`: defaults to `0` - `base_pipeline_handle::Pipeline`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingPipelineCreateInfoNV.html) """ RayTracingPipelineCreateInfoNV(stages::AbstractArray, groups::AbstractArray, max_recursion_depth::Integer, layout::PipelineLayout, base_pipeline_index::Integer; next = C_NULL, flags = 0, base_pipeline_handle = C_NULL) = RayTracingPipelineCreateInfoNV(next, flags, stages, groups, max_recursion_depth, layout, base_pipeline_handle, base_pipeline_index) """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `stages::Vector{PipelineShaderStageCreateInfo}` - `groups::Vector{RayTracingShaderGroupCreateInfoKHR}` - `max_pipeline_ray_recursion_depth::UInt32` - `layout::PipelineLayout` - `base_pipeline_index::Int32` - `next::Any`: defaults to `C_NULL` - `flags::PipelineCreateFlag`: defaults to `0` - `library_info::PipelineLibraryCreateInfoKHR`: defaults to `C_NULL` - `library_interface::RayTracingPipelineInterfaceCreateInfoKHR`: defaults to `C_NULL` - `dynamic_state::PipelineDynamicStateCreateInfo`: defaults to `C_NULL` - `base_pipeline_handle::Pipeline`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingPipelineCreateInfoKHR.html) """ RayTracingPipelineCreateInfoKHR(stages::AbstractArray, groups::AbstractArray, max_pipeline_ray_recursion_depth::Integer, layout::PipelineLayout, base_pipeline_index::Integer; next = C_NULL, flags = 0, library_info = C_NULL, library_interface = C_NULL, dynamic_state = C_NULL, base_pipeline_handle = C_NULL) = RayTracingPipelineCreateInfoKHR(next, flags, stages, groups, max_pipeline_ray_recursion_depth, library_info, library_interface, dynamic_state, layout, base_pipeline_handle, base_pipeline_index) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `vertex_offset::UInt64` - `vertex_count::UInt32` - `vertex_stride::UInt64` - `vertex_format::Format` - `index_offset::UInt64` - `index_count::UInt32` - `index_type::IndexType` - `transform_offset::UInt64` - `next::Any`: defaults to `C_NULL` - `vertex_data::Buffer`: defaults to `C_NULL` - `index_data::Buffer`: defaults to `C_NULL` - `transform_data::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryTrianglesNV.html) """ GeometryTrianglesNV(vertex_offset::Integer, vertex_count::Integer, vertex_stride::Integer, vertex_format::Format, index_offset::Integer, index_count::Integer, index_type::IndexType, transform_offset::Integer; next = C_NULL, vertex_data = C_NULL, index_data = C_NULL, transform_data = C_NULL) = GeometryTrianglesNV(next, vertex_data, vertex_offset, vertex_count, vertex_stride, vertex_format, index_data, index_offset, index_count, index_type, transform_data, transform_offset) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `num_aab_bs::UInt32` - `stride::UInt32` - `offset::UInt64` - `next::Any`: defaults to `C_NULL` - `aabb_data::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryAABBNV.html) """ GeometryAABBNV(num_aab_bs::Integer, stride::Integer, offset::Integer; next = C_NULL, aabb_data = C_NULL) = GeometryAABBNV(next, aabb_data, num_aab_bs, stride, offset) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `geometry_type::GeometryTypeKHR` - `geometry::GeometryDataNV` - `next::Any`: defaults to `C_NULL` - `flags::GeometryFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGeometryNV.html) """ GeometryNV(geometry_type::GeometryTypeKHR, geometry::GeometryDataNV; next = C_NULL, flags = 0) = GeometryNV(next, geometry_type, geometry, flags) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `type::VkAccelerationStructureTypeNV` - `geometries::Vector{GeometryNV}` - `next::Any`: defaults to `C_NULL` - `flags::VkBuildAccelerationStructureFlagsNV`: defaults to `C_NULL` - `instance_count::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureInfoNV.html) """ AccelerationStructureInfoNV(type::VkAccelerationStructureTypeNV, geometries::AbstractArray; next = C_NULL, flags = C_NULL, instance_count = 0) = AccelerationStructureInfoNV(next, type, flags, instance_count, geometries) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `compacted_size::UInt64` - `info::AccelerationStructureInfoNV` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureCreateInfoNV.html) """ AccelerationStructureCreateInfoNV(compacted_size::Integer, info::AccelerationStructureInfoNV; next = C_NULL) = AccelerationStructureCreateInfoNV(next, compacted_size, info) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `acceleration_structure::AccelerationStructureNV` - `memory::DeviceMemory` - `memory_offset::UInt64` - `device_indices::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindAccelerationStructureMemoryInfoNV.html) """ BindAccelerationStructureMemoryInfoNV(acceleration_structure::AccelerationStructureNV, memory::DeviceMemory, memory_offset::Integer, device_indices::AbstractArray; next = C_NULL) = BindAccelerationStructureMemoryInfoNV(next, acceleration_structure, memory, memory_offset, device_indices) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `acceleration_structures::Vector{AccelerationStructureKHR}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSetAccelerationStructureKHR.html) """ WriteDescriptorSetAccelerationStructureKHR(acceleration_structures::AbstractArray; next = C_NULL) = WriteDescriptorSetAccelerationStructureKHR(next, acceleration_structures) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `acceleration_structures::Vector{AccelerationStructureNV}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkWriteDescriptorSetAccelerationStructureNV.html) """ WriteDescriptorSetAccelerationStructureNV(acceleration_structures::AbstractArray; next = C_NULL) = WriteDescriptorSetAccelerationStructureNV(next, acceleration_structures) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `type::AccelerationStructureMemoryRequirementsTypeNV` - `acceleration_structure::AccelerationStructureNV` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMemoryRequirementsInfoNV.html) """ AccelerationStructureMemoryRequirementsInfoNV(type::AccelerationStructureMemoryRequirementsTypeNV, acceleration_structure::AccelerationStructureNV; next = C_NULL) = AccelerationStructureMemoryRequirementsInfoNV(next, type, acceleration_structure) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `acceleration_structure::Bool` - `acceleration_structure_capture_replay::Bool` - `acceleration_structure_indirect_build::Bool` - `acceleration_structure_host_commands::Bool` - `descriptor_binding_acceleration_structure_update_after_bind::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAccelerationStructureFeaturesKHR.html) """ PhysicalDeviceAccelerationStructureFeaturesKHR(acceleration_structure::Bool, acceleration_structure_capture_replay::Bool, acceleration_structure_indirect_build::Bool, acceleration_structure_host_commands::Bool, descriptor_binding_acceleration_structure_update_after_bind::Bool; next = C_NULL) = PhysicalDeviceAccelerationStructureFeaturesKHR(next, acceleration_structure, acceleration_structure_capture_replay, acceleration_structure_indirect_build, acceleration_structure_host_commands, descriptor_binding_acceleration_structure_update_after_bind) """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `ray_tracing_pipeline::Bool` - `ray_tracing_pipeline_shader_group_handle_capture_replay::Bool` - `ray_tracing_pipeline_shader_group_handle_capture_replay_mixed::Bool` - `ray_tracing_pipeline_trace_rays_indirect::Bool` - `ray_traversal_primitive_culling::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingPipelineFeaturesKHR.html) """ PhysicalDeviceRayTracingPipelineFeaturesKHR(ray_tracing_pipeline::Bool, ray_tracing_pipeline_shader_group_handle_capture_replay::Bool, ray_tracing_pipeline_shader_group_handle_capture_replay_mixed::Bool, ray_tracing_pipeline_trace_rays_indirect::Bool, ray_traversal_primitive_culling::Bool; next = C_NULL) = PhysicalDeviceRayTracingPipelineFeaturesKHR(next, ray_tracing_pipeline, ray_tracing_pipeline_shader_group_handle_capture_replay, ray_tracing_pipeline_shader_group_handle_capture_replay_mixed, ray_tracing_pipeline_trace_rays_indirect, ray_traversal_primitive_culling) """ Extension: VK\\_KHR\\_ray\\_query Arguments: - `ray_query::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayQueryFeaturesKHR.html) """ PhysicalDeviceRayQueryFeaturesKHR(ray_query::Bool; next = C_NULL) = PhysicalDeviceRayQueryFeaturesKHR(next, ray_query) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `max_geometry_count::UInt64` - `max_instance_count::UInt64` - `max_primitive_count::UInt64` - `max_per_stage_descriptor_acceleration_structures::UInt32` - `max_per_stage_descriptor_update_after_bind_acceleration_structures::UInt32` - `max_descriptor_set_acceleration_structures::UInt32` - `max_descriptor_set_update_after_bind_acceleration_structures::UInt32` - `min_acceleration_structure_scratch_offset_alignment::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAccelerationStructurePropertiesKHR.html) """ PhysicalDeviceAccelerationStructurePropertiesKHR(max_geometry_count::Integer, max_instance_count::Integer, max_primitive_count::Integer, max_per_stage_descriptor_acceleration_structures::Integer, max_per_stage_descriptor_update_after_bind_acceleration_structures::Integer, max_descriptor_set_acceleration_structures::Integer, max_descriptor_set_update_after_bind_acceleration_structures::Integer, min_acceleration_structure_scratch_offset_alignment::Integer; next = C_NULL) = PhysicalDeviceAccelerationStructurePropertiesKHR(next, max_geometry_count, max_instance_count, max_primitive_count, max_per_stage_descriptor_acceleration_structures, max_per_stage_descriptor_update_after_bind_acceleration_structures, max_descriptor_set_acceleration_structures, max_descriptor_set_update_after_bind_acceleration_structures, min_acceleration_structure_scratch_offset_alignment) """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `shader_group_handle_size::UInt32` - `max_ray_recursion_depth::UInt32` - `max_shader_group_stride::UInt32` - `shader_group_base_alignment::UInt32` - `shader_group_handle_capture_replay_size::UInt32` - `max_ray_dispatch_invocation_count::UInt32` - `shader_group_handle_alignment::UInt32` - `max_ray_hit_attribute_size::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingPipelinePropertiesKHR.html) """ PhysicalDeviceRayTracingPipelinePropertiesKHR(shader_group_handle_size::Integer, max_ray_recursion_depth::Integer, max_shader_group_stride::Integer, shader_group_base_alignment::Integer, shader_group_handle_capture_replay_size::Integer, max_ray_dispatch_invocation_count::Integer, shader_group_handle_alignment::Integer, max_ray_hit_attribute_size::Integer; next = C_NULL) = PhysicalDeviceRayTracingPipelinePropertiesKHR(next, shader_group_handle_size, max_ray_recursion_depth, max_shader_group_stride, shader_group_base_alignment, shader_group_handle_capture_replay_size, max_ray_dispatch_invocation_count, shader_group_handle_alignment, max_ray_hit_attribute_size) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `shader_group_handle_size::UInt32` - `max_recursion_depth::UInt32` - `max_shader_group_stride::UInt32` - `shader_group_base_alignment::UInt32` - `max_geometry_count::UInt64` - `max_instance_count::UInt64` - `max_triangle_count::UInt64` - `max_descriptor_set_acceleration_structures::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingPropertiesNV.html) """ PhysicalDeviceRayTracingPropertiesNV(shader_group_handle_size::Integer, max_recursion_depth::Integer, max_shader_group_stride::Integer, shader_group_base_alignment::Integer, max_geometry_count::Integer, max_instance_count::Integer, max_triangle_count::Integer, max_descriptor_set_acceleration_structures::Integer; next = C_NULL) = PhysicalDeviceRayTracingPropertiesNV(next, shader_group_handle_size, max_recursion_depth, max_shader_group_stride, shader_group_base_alignment, max_geometry_count, max_instance_count, max_triangle_count, max_descriptor_set_acceleration_structures) """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `stride::UInt64` - `size::UInt64` - `device_address::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkStridedDeviceAddressRegionKHR.html) """ StridedDeviceAddressRegionKHR(stride::Integer, size::Integer; device_address = 0) = StridedDeviceAddressRegionKHR(device_address, stride, size) """ Extension: VK\\_KHR\\_ray\\_tracing\\_maintenance1 Arguments: - `ray_tracing_maintenance_1::Bool` - `ray_tracing_pipeline_trace_rays_indirect_2::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR.html) """ PhysicalDeviceRayTracingMaintenance1FeaturesKHR(ray_tracing_maintenance_1::Bool, ray_tracing_pipeline_trace_rays_indirect_2::Bool; next = C_NULL) = PhysicalDeviceRayTracingMaintenance1FeaturesKHR(next, ray_tracing_maintenance_1, ray_tracing_pipeline_trace_rays_indirect_2) """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `next::Any`: defaults to `C_NULL` - `drm_format_modifier_properties::Vector{DrmFormatModifierPropertiesEXT}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierPropertiesListEXT.html) """ DrmFormatModifierPropertiesListEXT(; next = C_NULL, drm_format_modifier_properties = C_NULL) = DrmFormatModifierPropertiesListEXT(next, drm_format_modifier_properties) """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `drm_format_modifier::UInt64` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageDrmFormatModifierInfoEXT.html) """ PhysicalDeviceImageDrmFormatModifierInfoEXT(drm_format_modifier::Integer, sharing_mode::SharingMode, queue_family_indices::AbstractArray; next = C_NULL) = PhysicalDeviceImageDrmFormatModifierInfoEXT(next, drm_format_modifier, sharing_mode, queue_family_indices) """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `drm_format_modifiers::Vector{UInt64}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageDrmFormatModifierListCreateInfoEXT.html) """ ImageDrmFormatModifierListCreateInfoEXT(drm_format_modifiers::AbstractArray; next = C_NULL) = ImageDrmFormatModifierListCreateInfoEXT(next, drm_format_modifiers) """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `drm_format_modifier::UInt64` - `plane_layouts::Vector{SubresourceLayout}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageDrmFormatModifierExplicitCreateInfoEXT.html) """ ImageDrmFormatModifierExplicitCreateInfoEXT(drm_format_modifier::Integer, plane_layouts::AbstractArray; next = C_NULL) = ImageDrmFormatModifierExplicitCreateInfoEXT(next, drm_format_modifier, plane_layouts) """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `drm_format_modifier::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageDrmFormatModifierPropertiesEXT.html) """ ImageDrmFormatModifierPropertiesEXT(drm_format_modifier::Integer; next = C_NULL) = ImageDrmFormatModifierPropertiesEXT(next, drm_format_modifier) """ Arguments: - `stencil_usage::ImageUsageFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageStencilUsageCreateInfo.html) """ ImageStencilUsageCreateInfo(stencil_usage::ImageUsageFlag; next = C_NULL) = ImageStencilUsageCreateInfo(next, stencil_usage) """ Extension: VK\\_AMD\\_memory\\_overallocation\\_behavior Arguments: - `overallocation_behavior::MemoryOverallocationBehaviorAMD` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceMemoryOverallocationCreateInfoAMD.html) """ DeviceMemoryOverallocationCreateInfoAMD(overallocation_behavior::MemoryOverallocationBehaviorAMD; next = C_NULL) = DeviceMemoryOverallocationCreateInfoAMD(next, overallocation_behavior) """ Extension: VK\\_EXT\\_fragment\\_density\\_map Arguments: - `fragment_density_map::Bool` - `fragment_density_map_dynamic::Bool` - `fragment_density_map_non_subsampled_images::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapFeaturesEXT.html) """ PhysicalDeviceFragmentDensityMapFeaturesEXT(fragment_density_map::Bool, fragment_density_map_dynamic::Bool, fragment_density_map_non_subsampled_images::Bool; next = C_NULL) = PhysicalDeviceFragmentDensityMapFeaturesEXT(next, fragment_density_map, fragment_density_map_dynamic, fragment_density_map_non_subsampled_images) """ Extension: VK\\_EXT\\_fragment\\_density\\_map2 Arguments: - `fragment_density_map_deferred::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMap2FeaturesEXT.html) """ PhysicalDeviceFragmentDensityMap2FeaturesEXT(fragment_density_map_deferred::Bool; next = C_NULL) = PhysicalDeviceFragmentDensityMap2FeaturesEXT(next, fragment_density_map_deferred) """ Extension: VK\\_QCOM\\_fragment\\_density\\_map\\_offset Arguments: - `fragment_density_map_offset::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM.html) """ PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM(fragment_density_map_offset::Bool; next = C_NULL) = PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM(next, fragment_density_map_offset) """ Extension: VK\\_EXT\\_fragment\\_density\\_map Arguments: - `min_fragment_density_texel_size::Extent2D` - `max_fragment_density_texel_size::Extent2D` - `fragment_density_invocations::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapPropertiesEXT.html) """ PhysicalDeviceFragmentDensityMapPropertiesEXT(min_fragment_density_texel_size::Extent2D, max_fragment_density_texel_size::Extent2D, fragment_density_invocations::Bool; next = C_NULL) = PhysicalDeviceFragmentDensityMapPropertiesEXT(next, min_fragment_density_texel_size, max_fragment_density_texel_size, fragment_density_invocations) """ Extension: VK\\_EXT\\_fragment\\_density\\_map2 Arguments: - `subsampled_loads::Bool` - `subsampled_coarse_reconstruction_early_access::Bool` - `max_subsampled_array_layers::UInt32` - `max_descriptor_set_subsampled_samplers::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMap2PropertiesEXT.html) """ PhysicalDeviceFragmentDensityMap2PropertiesEXT(subsampled_loads::Bool, subsampled_coarse_reconstruction_early_access::Bool, max_subsampled_array_layers::Integer, max_descriptor_set_subsampled_samplers::Integer; next = C_NULL) = PhysicalDeviceFragmentDensityMap2PropertiesEXT(next, subsampled_loads, subsampled_coarse_reconstruction_early_access, max_subsampled_array_layers, max_descriptor_set_subsampled_samplers) """ Extension: VK\\_QCOM\\_fragment\\_density\\_map\\_offset Arguments: - `fragment_density_offset_granularity::Extent2D` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM.html) """ PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM(fragment_density_offset_granularity::Extent2D; next = C_NULL) = PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM(next, fragment_density_offset_granularity) """ Extension: VK\\_EXT\\_fragment\\_density\\_map Arguments: - `fragment_density_map_attachment::AttachmentReference` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassFragmentDensityMapCreateInfoEXT.html) """ RenderPassFragmentDensityMapCreateInfoEXT(fragment_density_map_attachment::AttachmentReference; next = C_NULL) = RenderPassFragmentDensityMapCreateInfoEXT(next, fragment_density_map_attachment) """ Extension: VK\\_QCOM\\_fragment\\_density\\_map\\_offset Arguments: - `fragment_density_offsets::Vector{Offset2D}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassFragmentDensityMapOffsetEndInfoQCOM.html) """ SubpassFragmentDensityMapOffsetEndInfoQCOM(fragment_density_offsets::AbstractArray; next = C_NULL) = SubpassFragmentDensityMapOffsetEndInfoQCOM(next, fragment_density_offsets) """ Arguments: - `scalar_block_layout::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceScalarBlockLayoutFeatures.html) """ PhysicalDeviceScalarBlockLayoutFeatures(scalar_block_layout::Bool; next = C_NULL) = PhysicalDeviceScalarBlockLayoutFeatures(next, scalar_block_layout) """ Extension: VK\\_KHR\\_surface\\_protected\\_capabilities Arguments: - `supports_protected::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceProtectedCapabilitiesKHR.html) """ SurfaceProtectedCapabilitiesKHR(supports_protected::Bool; next = C_NULL) = SurfaceProtectedCapabilitiesKHR(next, supports_protected) """ Arguments: - `uniform_buffer_standard_layout::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceUniformBufferStandardLayoutFeatures.html) """ PhysicalDeviceUniformBufferStandardLayoutFeatures(uniform_buffer_standard_layout::Bool; next = C_NULL) = PhysicalDeviceUniformBufferStandardLayoutFeatures(next, uniform_buffer_standard_layout) """ Extension: VK\\_EXT\\_depth\\_clip\\_enable Arguments: - `depth_clip_enable::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthClipEnableFeaturesEXT.html) """ PhysicalDeviceDepthClipEnableFeaturesEXT(depth_clip_enable::Bool; next = C_NULL) = PhysicalDeviceDepthClipEnableFeaturesEXT(next, depth_clip_enable) """ Extension: VK\\_EXT\\_depth\\_clip\\_enable Arguments: - `depth_clip_enable::Bool` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationDepthClipStateCreateInfoEXT.html) """ PipelineRasterizationDepthClipStateCreateInfoEXT(depth_clip_enable::Bool; next = C_NULL, flags = 0) = PipelineRasterizationDepthClipStateCreateInfoEXT(next, flags, depth_clip_enable) """ Extension: VK\\_EXT\\_memory\\_budget Arguments: - `heap_budget::NTuple{Int(VK_MAX_MEMORY_HEAPS), UInt64}` - `heap_usage::NTuple{Int(VK_MAX_MEMORY_HEAPS), UInt64}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryBudgetPropertiesEXT.html) """ PhysicalDeviceMemoryBudgetPropertiesEXT(heap_budget::NTuple{Int(VK_MAX_MEMORY_HEAPS), UInt64}, heap_usage::NTuple{Int(VK_MAX_MEMORY_HEAPS), UInt64}; next = C_NULL) = PhysicalDeviceMemoryBudgetPropertiesEXT(next, heap_budget, heap_usage) """ Extension: VK\\_EXT\\_memory\\_priority Arguments: - `memory_priority::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMemoryPriorityFeaturesEXT.html) """ PhysicalDeviceMemoryPriorityFeaturesEXT(memory_priority::Bool; next = C_NULL) = PhysicalDeviceMemoryPriorityFeaturesEXT(next, memory_priority) """ Extension: VK\\_EXT\\_memory\\_priority Arguments: - `priority::Float32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryPriorityAllocateInfoEXT.html) """ MemoryPriorityAllocateInfoEXT(priority::Real; next = C_NULL) = MemoryPriorityAllocateInfoEXT(next, priority) """ Extension: VK\\_EXT\\_pageable\\_device\\_local\\_memory Arguments: - `pageable_device_local_memory::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT.html) """ PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT(pageable_device_local_memory::Bool; next = C_NULL) = PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT(next, pageable_device_local_memory) """ Arguments: - `buffer_device_address::Bool` - `buffer_device_address_capture_replay::Bool` - `buffer_device_address_multi_device::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBufferDeviceAddressFeatures.html) """ PhysicalDeviceBufferDeviceAddressFeatures(buffer_device_address::Bool, buffer_device_address_capture_replay::Bool, buffer_device_address_multi_device::Bool; next = C_NULL) = PhysicalDeviceBufferDeviceAddressFeatures(next, buffer_device_address, buffer_device_address_capture_replay, buffer_device_address_multi_device) """ Extension: VK\\_EXT\\_buffer\\_device\\_address Arguments: - `buffer_device_address::Bool` - `buffer_device_address_capture_replay::Bool` - `buffer_device_address_multi_device::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBufferDeviceAddressFeaturesEXT.html) """ PhysicalDeviceBufferDeviceAddressFeaturesEXT(buffer_device_address::Bool, buffer_device_address_capture_replay::Bool, buffer_device_address_multi_device::Bool; next = C_NULL) = PhysicalDeviceBufferDeviceAddressFeaturesEXT(next, buffer_device_address, buffer_device_address_capture_replay, buffer_device_address_multi_device) """ Arguments: - `buffer::Buffer` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferDeviceAddressInfo.html) """ BufferDeviceAddressInfo(buffer::Buffer; next = C_NULL) = BufferDeviceAddressInfo(next, buffer) """ Arguments: - `opaque_capture_address::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferOpaqueCaptureAddressCreateInfo.html) """ BufferOpaqueCaptureAddressCreateInfo(opaque_capture_address::Integer; next = C_NULL) = BufferOpaqueCaptureAddressCreateInfo(next, opaque_capture_address) """ Extension: VK\\_EXT\\_buffer\\_device\\_address Arguments: - `device_address::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferDeviceAddressCreateInfoEXT.html) """ BufferDeviceAddressCreateInfoEXT(device_address::Integer; next = C_NULL) = BufferDeviceAddressCreateInfoEXT(next, device_address) """ Extension: VK\\_EXT\\_filter\\_cubic Arguments: - `image_view_type::ImageViewType` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageViewImageFormatInfoEXT.html) """ PhysicalDeviceImageViewImageFormatInfoEXT(image_view_type::ImageViewType; next = C_NULL) = PhysicalDeviceImageViewImageFormatInfoEXT(next, image_view_type) """ Extension: VK\\_EXT\\_filter\\_cubic Arguments: - `filter_cubic::Bool` - `filter_cubic_minmax::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFilterCubicImageViewImageFormatPropertiesEXT.html) """ FilterCubicImageViewImageFormatPropertiesEXT(filter_cubic::Bool, filter_cubic_minmax::Bool; next = C_NULL) = FilterCubicImageViewImageFormatPropertiesEXT(next, filter_cubic, filter_cubic_minmax) """ Arguments: - `imageless_framebuffer::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImagelessFramebufferFeatures.html) """ PhysicalDeviceImagelessFramebufferFeatures(imageless_framebuffer::Bool; next = C_NULL) = PhysicalDeviceImagelessFramebufferFeatures(next, imageless_framebuffer) """ Arguments: - `attachment_image_infos::Vector{FramebufferAttachmentImageInfo}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferAttachmentsCreateInfo.html) """ FramebufferAttachmentsCreateInfo(attachment_image_infos::AbstractArray; next = C_NULL) = FramebufferAttachmentsCreateInfo(next, attachment_image_infos) """ Arguments: - `usage::ImageUsageFlag` - `width::UInt32` - `height::UInt32` - `layer_count::UInt32` - `view_formats::Vector{Format}` - `next::Any`: defaults to `C_NULL` - `flags::ImageCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferAttachmentImageInfo.html) """ FramebufferAttachmentImageInfo(usage::ImageUsageFlag, width::Integer, height::Integer, layer_count::Integer, view_formats::AbstractArray; next = C_NULL, flags = 0) = FramebufferAttachmentImageInfo(next, flags, usage, width, height, layer_count, view_formats) """ Arguments: - `attachments::Vector{ImageView}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassAttachmentBeginInfo.html) """ RenderPassAttachmentBeginInfo(attachments::AbstractArray; next = C_NULL) = RenderPassAttachmentBeginInfo(next, attachments) """ Arguments: - `texture_compression_astc_hdr::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTextureCompressionASTCHDRFeatures.html) """ PhysicalDeviceTextureCompressionASTCHDRFeatures(texture_compression_astc_hdr::Bool; next = C_NULL) = PhysicalDeviceTextureCompressionASTCHDRFeatures(next, texture_compression_astc_hdr) """ Extension: VK\\_NV\\_cooperative\\_matrix Arguments: - `cooperative_matrix::Bool` - `cooperative_matrix_robust_buffer_access::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCooperativeMatrixFeaturesNV.html) """ PhysicalDeviceCooperativeMatrixFeaturesNV(cooperative_matrix::Bool, cooperative_matrix_robust_buffer_access::Bool; next = C_NULL) = PhysicalDeviceCooperativeMatrixFeaturesNV(next, cooperative_matrix, cooperative_matrix_robust_buffer_access) """ Extension: VK\\_NV\\_cooperative\\_matrix Arguments: - `cooperative_matrix_supported_stages::ShaderStageFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCooperativeMatrixPropertiesNV.html) """ PhysicalDeviceCooperativeMatrixPropertiesNV(cooperative_matrix_supported_stages::ShaderStageFlag; next = C_NULL) = PhysicalDeviceCooperativeMatrixPropertiesNV(next, cooperative_matrix_supported_stages) """ Extension: VK\\_NV\\_cooperative\\_matrix Arguments: - `m_size::UInt32` - `n_size::UInt32` - `k_size::UInt32` - `a_type::ComponentTypeNV` - `b_type::ComponentTypeNV` - `c_type::ComponentTypeNV` - `d_type::ComponentTypeNV` - `scope::ScopeNV` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCooperativeMatrixPropertiesNV.html) """ CooperativeMatrixPropertiesNV(m_size::Integer, n_size::Integer, k_size::Integer, a_type::ComponentTypeNV, b_type::ComponentTypeNV, c_type::ComponentTypeNV, d_type::ComponentTypeNV, scope::ScopeNV; next = C_NULL) = CooperativeMatrixPropertiesNV(next, m_size, n_size, k_size, a_type, b_type, c_type, d_type, scope) """ Extension: VK\\_EXT\\_ycbcr\\_image\\_arrays Arguments: - `ycbcr_image_arrays::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceYcbcrImageArraysFeaturesEXT.html) """ PhysicalDeviceYcbcrImageArraysFeaturesEXT(ycbcr_image_arrays::Bool; next = C_NULL) = PhysicalDeviceYcbcrImageArraysFeaturesEXT(next, ycbcr_image_arrays) """ Extension: VK\\_NVX\\_image\\_view\\_handle Arguments: - `image_view::ImageView` - `descriptor_type::DescriptorType` - `next::Any`: defaults to `C_NULL` - `sampler::Sampler`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewHandleInfoNVX.html) """ ImageViewHandleInfoNVX(image_view::ImageView, descriptor_type::DescriptorType; next = C_NULL, sampler = C_NULL) = ImageViewHandleInfoNVX(next, image_view, descriptor_type, sampler) """ Extension: VK\\_NVX\\_image\\_view\\_handle Arguments: - `device_address::UInt64` - `size::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewAddressPropertiesNVX.html) """ ImageViewAddressPropertiesNVX(device_address::Integer, size::Integer; next = C_NULL) = ImageViewAddressPropertiesNVX(next, device_address, size) """ Arguments: - `pipeline_creation_feedback::PipelineCreationFeedback` - `pipeline_stage_creation_feedbacks::Vector{PipelineCreationFeedback}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCreationFeedbackCreateInfo.html) """ PipelineCreationFeedbackCreateInfo(pipeline_creation_feedback::PipelineCreationFeedback, pipeline_stage_creation_feedbacks::AbstractArray; next = C_NULL) = PipelineCreationFeedbackCreateInfo(next, pipeline_creation_feedback, pipeline_stage_creation_feedbacks) """ Extension: VK\\_EXT\\_full\\_screen\\_exclusive Arguments: - `full_screen_exclusive::FullScreenExclusiveEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceFullScreenExclusiveInfoEXT.html) """ SurfaceFullScreenExclusiveInfoEXT(full_screen_exclusive::FullScreenExclusiveEXT; next = C_NULL) = SurfaceFullScreenExclusiveInfoEXT(next, full_screen_exclusive) """ Extension: VK\\_EXT\\_full\\_screen\\_exclusive Arguments: - `hmonitor::HMONITOR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceFullScreenExclusiveWin32InfoEXT.html) """ SurfaceFullScreenExclusiveWin32InfoEXT(hmonitor::vk.HMONITOR; next = C_NULL) = SurfaceFullScreenExclusiveWin32InfoEXT(next, hmonitor) """ Extension: VK\\_EXT\\_full\\_screen\\_exclusive Arguments: - `full_screen_exclusive_supported::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilitiesFullScreenExclusiveEXT.html) """ SurfaceCapabilitiesFullScreenExclusiveEXT(full_screen_exclusive_supported::Bool; next = C_NULL) = SurfaceCapabilitiesFullScreenExclusiveEXT(next, full_screen_exclusive_supported) """ Extension: VK\\_NV\\_present\\_barrier Arguments: - `present_barrier::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePresentBarrierFeaturesNV.html) """ PhysicalDevicePresentBarrierFeaturesNV(present_barrier::Bool; next = C_NULL) = PhysicalDevicePresentBarrierFeaturesNV(next, present_barrier) """ Extension: VK\\_NV\\_present\\_barrier Arguments: - `present_barrier_supported::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfaceCapabilitiesPresentBarrierNV.html) """ SurfaceCapabilitiesPresentBarrierNV(present_barrier_supported::Bool; next = C_NULL) = SurfaceCapabilitiesPresentBarrierNV(next, present_barrier_supported) """ Extension: VK\\_NV\\_present\\_barrier Arguments: - `present_barrier_enable::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentBarrierCreateInfoNV.html) """ SwapchainPresentBarrierCreateInfoNV(present_barrier_enable::Bool; next = C_NULL) = SwapchainPresentBarrierCreateInfoNV(next, present_barrier_enable) """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `performance_counter_query_pools::Bool` - `performance_counter_multiple_query_pools::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePerformanceQueryFeaturesKHR.html) """ PhysicalDevicePerformanceQueryFeaturesKHR(performance_counter_query_pools::Bool, performance_counter_multiple_query_pools::Bool; next = C_NULL) = PhysicalDevicePerformanceQueryFeaturesKHR(next, performance_counter_query_pools, performance_counter_multiple_query_pools) """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `allow_command_buffer_query_copies::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePerformanceQueryPropertiesKHR.html) """ PhysicalDevicePerformanceQueryPropertiesKHR(allow_command_buffer_query_copies::Bool; next = C_NULL) = PhysicalDevicePerformanceQueryPropertiesKHR(next, allow_command_buffer_query_copies) """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `unit::PerformanceCounterUnitKHR` - `scope::PerformanceCounterScopeKHR` - `storage::PerformanceCounterStorageKHR` - `uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceCounterKHR.html) """ PerformanceCounterKHR(unit::PerformanceCounterUnitKHR, scope::PerformanceCounterScopeKHR, storage::PerformanceCounterStorageKHR, uuid::NTuple{Int(VK_UUID_SIZE), UInt8}; next = C_NULL) = PerformanceCounterKHR(next, unit, scope, storage, uuid) """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `name::String` - `category::String` - `description::String` - `next::Any`: defaults to `C_NULL` - `flags::PerformanceCounterDescriptionFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceCounterDescriptionKHR.html) """ PerformanceCounterDescriptionKHR(name::AbstractString, category::AbstractString, description::AbstractString; next = C_NULL, flags = 0) = PerformanceCounterDescriptionKHR(next, flags, name, category, description) """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `queue_family_index::UInt32` - `counter_indices::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueryPoolPerformanceCreateInfoKHR.html) """ QueryPoolPerformanceCreateInfoKHR(queue_family_index::Integer, counter_indices::AbstractArray; next = C_NULL) = QueryPoolPerformanceCreateInfoKHR(next, queue_family_index, counter_indices) """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `timeout::UInt64` - `next::Any`: defaults to `C_NULL` - `flags::AcquireProfilingLockFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAcquireProfilingLockInfoKHR.html) """ AcquireProfilingLockInfoKHR(timeout::Integer; next = C_NULL, flags = 0) = AcquireProfilingLockInfoKHR(next, flags, timeout) """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `counter_pass_index::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceQuerySubmitInfoKHR.html) """ PerformanceQuerySubmitInfoKHR(counter_pass_index::Integer; next = C_NULL) = PerformanceQuerySubmitInfoKHR(next, counter_pass_index) """ Extension: VK\\_EXT\\_headless\\_surface Arguments: - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkHeadlessSurfaceCreateInfoEXT.html) """ HeadlessSurfaceCreateInfoEXT(; next = C_NULL, flags = 0) = HeadlessSurfaceCreateInfoEXT(next, flags) """ Extension: VK\\_NV\\_coverage\\_reduction\\_mode Arguments: - `coverage_reduction_mode::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCoverageReductionModeFeaturesNV.html) """ PhysicalDeviceCoverageReductionModeFeaturesNV(coverage_reduction_mode::Bool; next = C_NULL) = PhysicalDeviceCoverageReductionModeFeaturesNV(next, coverage_reduction_mode) """ Extension: VK\\_NV\\_coverage\\_reduction\\_mode Arguments: - `coverage_reduction_mode::CoverageReductionModeNV` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCoverageReductionStateCreateInfoNV.html) """ PipelineCoverageReductionStateCreateInfoNV(coverage_reduction_mode::CoverageReductionModeNV; next = C_NULL, flags = 0) = PipelineCoverageReductionStateCreateInfoNV(next, flags, coverage_reduction_mode) """ Extension: VK\\_NV\\_coverage\\_reduction\\_mode Arguments: - `coverage_reduction_mode::CoverageReductionModeNV` - `rasterization_samples::SampleCountFlag` - `depth_stencil_samples::SampleCountFlag` - `color_samples::SampleCountFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFramebufferMixedSamplesCombinationNV.html) """ FramebufferMixedSamplesCombinationNV(coverage_reduction_mode::CoverageReductionModeNV, rasterization_samples::SampleCountFlag, depth_stencil_samples::SampleCountFlag, color_samples::SampleCountFlag; next = C_NULL) = FramebufferMixedSamplesCombinationNV(next, coverage_reduction_mode, rasterization_samples, depth_stencil_samples, color_samples) """ Extension: VK\\_INTEL\\_shader\\_integer\\_functions2 Arguments: - `shader_integer_functions_2::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL.html) """ PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL(shader_integer_functions_2::Bool; next = C_NULL) = PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL(next, shader_integer_functions_2) """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `next::Any`: defaults to `C_NULL` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkInitializePerformanceApiInfoINTEL.html) """ InitializePerformanceApiInfoINTEL(; next = C_NULL, user_data = C_NULL) = InitializePerformanceApiInfoINTEL(next, user_data) """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `performance_counters_sampling::QueryPoolSamplingModeINTEL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueryPoolPerformanceQueryCreateInfoINTEL.html) """ QueryPoolPerformanceQueryCreateInfoINTEL(performance_counters_sampling::QueryPoolSamplingModeINTEL; next = C_NULL) = QueryPoolPerformanceQueryCreateInfoINTEL(next, performance_counters_sampling) """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `marker::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceMarkerInfoINTEL.html) """ PerformanceMarkerInfoINTEL(marker::Integer; next = C_NULL) = PerformanceMarkerInfoINTEL(next, marker) """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `marker::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceStreamMarkerInfoINTEL.html) """ PerformanceStreamMarkerInfoINTEL(marker::Integer; next = C_NULL) = PerformanceStreamMarkerInfoINTEL(next, marker) """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `type::PerformanceOverrideTypeINTEL` - `enable::Bool` - `parameter::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceOverrideInfoINTEL.html) """ PerformanceOverrideInfoINTEL(type::PerformanceOverrideTypeINTEL, enable::Bool, parameter::Integer; next = C_NULL) = PerformanceOverrideInfoINTEL(next, type, enable, parameter) """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `type::PerformanceConfigurationTypeINTEL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPerformanceConfigurationAcquireInfoINTEL.html) """ PerformanceConfigurationAcquireInfoINTEL(type::PerformanceConfigurationTypeINTEL; next = C_NULL) = PerformanceConfigurationAcquireInfoINTEL(next, type) """ Extension: VK\\_KHR\\_shader\\_clock Arguments: - `shader_subgroup_clock::Bool` - `shader_device_clock::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderClockFeaturesKHR.html) """ PhysicalDeviceShaderClockFeaturesKHR(shader_subgroup_clock::Bool, shader_device_clock::Bool; next = C_NULL) = PhysicalDeviceShaderClockFeaturesKHR(next, shader_subgroup_clock, shader_device_clock) """ Extension: VK\\_EXT\\_index\\_type\\_uint8 Arguments: - `index_type_uint_8::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceIndexTypeUint8FeaturesEXT.html) """ PhysicalDeviceIndexTypeUint8FeaturesEXT(index_type_uint_8::Bool; next = C_NULL) = PhysicalDeviceIndexTypeUint8FeaturesEXT(next, index_type_uint_8) """ Extension: VK\\_NV\\_shader\\_sm\\_builtins Arguments: - `shader_sm_count::UInt32` - `shader_warps_per_sm::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSMBuiltinsPropertiesNV.html) """ PhysicalDeviceShaderSMBuiltinsPropertiesNV(shader_sm_count::Integer, shader_warps_per_sm::Integer; next = C_NULL) = PhysicalDeviceShaderSMBuiltinsPropertiesNV(next, shader_sm_count, shader_warps_per_sm) """ Extension: VK\\_NV\\_shader\\_sm\\_builtins Arguments: - `shader_sm_builtins::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSMBuiltinsFeaturesNV.html) """ PhysicalDeviceShaderSMBuiltinsFeaturesNV(shader_sm_builtins::Bool; next = C_NULL) = PhysicalDeviceShaderSMBuiltinsFeaturesNV(next, shader_sm_builtins) """ Extension: VK\\_EXT\\_fragment\\_shader\\_interlock Arguments: - `fragment_shader_sample_interlock::Bool` - `fragment_shader_pixel_interlock::Bool` - `fragment_shader_shading_rate_interlock::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT.html) """ PhysicalDeviceFragmentShaderInterlockFeaturesEXT(fragment_shader_sample_interlock::Bool, fragment_shader_pixel_interlock::Bool, fragment_shader_shading_rate_interlock::Bool; next = C_NULL) = PhysicalDeviceFragmentShaderInterlockFeaturesEXT(next, fragment_shader_sample_interlock, fragment_shader_pixel_interlock, fragment_shader_shading_rate_interlock) """ Arguments: - `separate_depth_stencil_layouts::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures.html) """ PhysicalDeviceSeparateDepthStencilLayoutsFeatures(separate_depth_stencil_layouts::Bool; next = C_NULL) = PhysicalDeviceSeparateDepthStencilLayoutsFeatures(next, separate_depth_stencil_layouts) """ Arguments: - `stencil_layout::ImageLayout` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentReferenceStencilLayout.html) """ AttachmentReferenceStencilLayout(stencil_layout::ImageLayout; next = C_NULL) = AttachmentReferenceStencilLayout(next, stencil_layout) """ Extension: VK\\_EXT\\_primitive\\_topology\\_list\\_restart Arguments: - `primitive_topology_list_restart::Bool` - `primitive_topology_patch_list_restart::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT.html) """ PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT(primitive_topology_list_restart::Bool, primitive_topology_patch_list_restart::Bool; next = C_NULL) = PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT(next, primitive_topology_list_restart, primitive_topology_patch_list_restart) """ Arguments: - `stencil_initial_layout::ImageLayout` - `stencil_final_layout::ImageLayout` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentDescriptionStencilLayout.html) """ AttachmentDescriptionStencilLayout(stencil_initial_layout::ImageLayout, stencil_final_layout::ImageLayout; next = C_NULL) = AttachmentDescriptionStencilLayout(next, stencil_initial_layout, stencil_final_layout) """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Arguments: - `pipeline_executable_info::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR.html) """ PhysicalDevicePipelineExecutablePropertiesFeaturesKHR(pipeline_executable_info::Bool; next = C_NULL) = PhysicalDevicePipelineExecutablePropertiesFeaturesKHR(next, pipeline_executable_info) """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Arguments: - `pipeline::Pipeline` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineInfoKHR.html) """ PipelineInfoKHR(pipeline::Pipeline; next = C_NULL) = PipelineInfoKHR(next, pipeline) """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Arguments: - `stages::ShaderStageFlag` - `name::String` - `description::String` - `subgroup_size::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutablePropertiesKHR.html) """ PipelineExecutablePropertiesKHR(stages::ShaderStageFlag, name::AbstractString, description::AbstractString, subgroup_size::Integer; next = C_NULL) = PipelineExecutablePropertiesKHR(next, stages, name, description, subgroup_size) """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Arguments: - `pipeline::Pipeline` - `executable_index::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableInfoKHR.html) """ PipelineExecutableInfoKHR(pipeline::Pipeline, executable_index::Integer; next = C_NULL) = PipelineExecutableInfoKHR(next, pipeline, executable_index) """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Arguments: - `name::String` - `description::String` - `format::PipelineExecutableStatisticFormatKHR` - `value::PipelineExecutableStatisticValueKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableStatisticKHR.html) """ PipelineExecutableStatisticKHR(name::AbstractString, description::AbstractString, format::PipelineExecutableStatisticFormatKHR, value::PipelineExecutableStatisticValueKHR; next = C_NULL) = PipelineExecutableStatisticKHR(next, name, description, format, value) """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Arguments: - `name::String` - `description::String` - `is_text::Bool` - `data_size::UInt` - `next::Any`: defaults to `C_NULL` - `data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineExecutableInternalRepresentationKHR.html) """ PipelineExecutableInternalRepresentationKHR(name::AbstractString, description::AbstractString, is_text::Bool, data_size::Integer; next = C_NULL, data = C_NULL) = PipelineExecutableInternalRepresentationKHR(next, name, description, is_text, data_size, data) """ Arguments: - `shader_demote_to_helper_invocation::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures.html) """ PhysicalDeviceShaderDemoteToHelperInvocationFeatures(shader_demote_to_helper_invocation::Bool; next = C_NULL) = PhysicalDeviceShaderDemoteToHelperInvocationFeatures(next, shader_demote_to_helper_invocation) """ Extension: VK\\_EXT\\_texel\\_buffer\\_alignment Arguments: - `texel_buffer_alignment::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT.html) """ PhysicalDeviceTexelBufferAlignmentFeaturesEXT(texel_buffer_alignment::Bool; next = C_NULL) = PhysicalDeviceTexelBufferAlignmentFeaturesEXT(next, texel_buffer_alignment) """ Arguments: - `storage_texel_buffer_offset_alignment_bytes::UInt64` - `storage_texel_buffer_offset_single_texel_alignment::Bool` - `uniform_texel_buffer_offset_alignment_bytes::UInt64` - `uniform_texel_buffer_offset_single_texel_alignment::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTexelBufferAlignmentProperties.html) """ PhysicalDeviceTexelBufferAlignmentProperties(storage_texel_buffer_offset_alignment_bytes::Integer, storage_texel_buffer_offset_single_texel_alignment::Bool, uniform_texel_buffer_offset_alignment_bytes::Integer, uniform_texel_buffer_offset_single_texel_alignment::Bool; next = C_NULL) = PhysicalDeviceTexelBufferAlignmentProperties(next, storage_texel_buffer_offset_alignment_bytes, storage_texel_buffer_offset_single_texel_alignment, uniform_texel_buffer_offset_alignment_bytes, uniform_texel_buffer_offset_single_texel_alignment) """ Arguments: - `subgroup_size_control::Bool` - `compute_full_subgroups::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubgroupSizeControlFeatures.html) """ PhysicalDeviceSubgroupSizeControlFeatures(subgroup_size_control::Bool, compute_full_subgroups::Bool; next = C_NULL) = PhysicalDeviceSubgroupSizeControlFeatures(next, subgroup_size_control, compute_full_subgroups) """ Arguments: - `min_subgroup_size::UInt32` - `max_subgroup_size::UInt32` - `max_compute_workgroup_subgroups::UInt32` - `required_subgroup_size_stages::ShaderStageFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubgroupSizeControlProperties.html) """ PhysicalDeviceSubgroupSizeControlProperties(min_subgroup_size::Integer, max_subgroup_size::Integer, max_compute_workgroup_subgroups::Integer, required_subgroup_size_stages::ShaderStageFlag; next = C_NULL) = PhysicalDeviceSubgroupSizeControlProperties(next, min_subgroup_size, max_subgroup_size, max_compute_workgroup_subgroups, required_subgroup_size_stages) """ Arguments: - `required_subgroup_size::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineShaderStageRequiredSubgroupSizeCreateInfo.html) """ PipelineShaderStageRequiredSubgroupSizeCreateInfo(required_subgroup_size::Integer; next = C_NULL) = PipelineShaderStageRequiredSubgroupSizeCreateInfo(next, required_subgroup_size) """ Extension: VK\\_HUAWEI\\_subpass\\_shading Arguments: - `render_pass::RenderPass` - `subpass::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassShadingPipelineCreateInfoHUAWEI.html) """ SubpassShadingPipelineCreateInfoHUAWEI(render_pass::RenderPass, subpass::Integer; next = C_NULL) = SubpassShadingPipelineCreateInfoHUAWEI(next, render_pass, subpass) """ Extension: VK\\_HUAWEI\\_subpass\\_shading Arguments: - `max_subpass_shading_workgroup_size_aspect_ratio::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubpassShadingPropertiesHUAWEI.html) """ PhysicalDeviceSubpassShadingPropertiesHUAWEI(max_subpass_shading_workgroup_size_aspect_ratio::Integer; next = C_NULL) = PhysicalDeviceSubpassShadingPropertiesHUAWEI(next, max_subpass_shading_workgroup_size_aspect_ratio) """ Extension: VK\\_HUAWEI\\_cluster\\_culling\\_shader Arguments: - `max_work_group_count::NTuple{3, UInt32}` - `max_work_group_size::NTuple{3, UInt32}` - `max_output_cluster_count::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI.html) """ PhysicalDeviceClusterCullingShaderPropertiesHUAWEI(max_work_group_count::NTuple{3, UInt32}, max_work_group_size::NTuple{3, UInt32}, max_output_cluster_count::Integer; next = C_NULL) = PhysicalDeviceClusterCullingShaderPropertiesHUAWEI(next, max_work_group_count, max_work_group_size, max_output_cluster_count) """ Arguments: - `opaque_capture_address::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryOpaqueCaptureAddressAllocateInfo.html) """ MemoryOpaqueCaptureAddressAllocateInfo(opaque_capture_address::Integer; next = C_NULL) = MemoryOpaqueCaptureAddressAllocateInfo(next, opaque_capture_address) """ Arguments: - `memory::DeviceMemory` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceMemoryOpaqueCaptureAddressInfo.html) """ DeviceMemoryOpaqueCaptureAddressInfo(memory::DeviceMemory; next = C_NULL) = DeviceMemoryOpaqueCaptureAddressInfo(next, memory) """ Extension: VK\\_EXT\\_line\\_rasterization Arguments: - `rectangular_lines::Bool` - `bresenham_lines::Bool` - `smooth_lines::Bool` - `stippled_rectangular_lines::Bool` - `stippled_bresenham_lines::Bool` - `stippled_smooth_lines::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLineRasterizationFeaturesEXT.html) """ PhysicalDeviceLineRasterizationFeaturesEXT(rectangular_lines::Bool, bresenham_lines::Bool, smooth_lines::Bool, stippled_rectangular_lines::Bool, stippled_bresenham_lines::Bool, stippled_smooth_lines::Bool; next = C_NULL) = PhysicalDeviceLineRasterizationFeaturesEXT(next, rectangular_lines, bresenham_lines, smooth_lines, stippled_rectangular_lines, stippled_bresenham_lines, stippled_smooth_lines) """ Extension: VK\\_EXT\\_line\\_rasterization Arguments: - `line_sub_pixel_precision_bits::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLineRasterizationPropertiesEXT.html) """ PhysicalDeviceLineRasterizationPropertiesEXT(line_sub_pixel_precision_bits::Integer; next = C_NULL) = PhysicalDeviceLineRasterizationPropertiesEXT(next, line_sub_pixel_precision_bits) """ Extension: VK\\_EXT\\_line\\_rasterization Arguments: - `line_rasterization_mode::LineRasterizationModeEXT` - `stippled_line_enable::Bool` - `line_stipple_factor::UInt32` - `line_stipple_pattern::UInt16` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationLineStateCreateInfoEXT.html) """ PipelineRasterizationLineStateCreateInfoEXT(line_rasterization_mode::LineRasterizationModeEXT, stippled_line_enable::Bool, line_stipple_factor::Integer, line_stipple_pattern::Integer; next = C_NULL) = PipelineRasterizationLineStateCreateInfoEXT(next, line_rasterization_mode, stippled_line_enable, line_stipple_factor, line_stipple_pattern) """ Arguments: - `pipeline_creation_cache_control::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineCreationCacheControlFeatures.html) """ PhysicalDevicePipelineCreationCacheControlFeatures(pipeline_creation_cache_control::Bool; next = C_NULL) = PhysicalDevicePipelineCreationCacheControlFeatures(next, pipeline_creation_cache_control) """ Arguments: - `storage_buffer_16_bit_access::Bool` - `uniform_and_storage_buffer_16_bit_access::Bool` - `storage_push_constant_16::Bool` - `storage_input_output_16::Bool` - `multiview::Bool` - `multiview_geometry_shader::Bool` - `multiview_tessellation_shader::Bool` - `variable_pointers_storage_buffer::Bool` - `variable_pointers::Bool` - `protected_memory::Bool` - `sampler_ycbcr_conversion::Bool` - `shader_draw_parameters::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan11Features.html) """ PhysicalDeviceVulkan11Features(storage_buffer_16_bit_access::Bool, uniform_and_storage_buffer_16_bit_access::Bool, storage_push_constant_16::Bool, storage_input_output_16::Bool, multiview::Bool, multiview_geometry_shader::Bool, multiview_tessellation_shader::Bool, variable_pointers_storage_buffer::Bool, variable_pointers::Bool, protected_memory::Bool, sampler_ycbcr_conversion::Bool, shader_draw_parameters::Bool; next = C_NULL) = PhysicalDeviceVulkan11Features(next, storage_buffer_16_bit_access, uniform_and_storage_buffer_16_bit_access, storage_push_constant_16, storage_input_output_16, multiview, multiview_geometry_shader, multiview_tessellation_shader, variable_pointers_storage_buffer, variable_pointers, protected_memory, sampler_ycbcr_conversion, shader_draw_parameters) """ Arguments: - `device_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `driver_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `device_luid::NTuple{Int(VK_LUID_SIZE), UInt8}` - `device_node_mask::UInt32` - `device_luid_valid::Bool` - `subgroup_size::UInt32` - `subgroup_supported_stages::ShaderStageFlag` - `subgroup_supported_operations::SubgroupFeatureFlag` - `subgroup_quad_operations_in_all_stages::Bool` - `point_clipping_behavior::PointClippingBehavior` - `max_multiview_view_count::UInt32` - `max_multiview_instance_index::UInt32` - `protected_no_fault::Bool` - `max_per_set_descriptors::UInt32` - `max_memory_allocation_size::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan11Properties.html) """ PhysicalDeviceVulkan11Properties(device_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}, driver_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}, device_luid::NTuple{Int(VK_LUID_SIZE), UInt8}, device_node_mask::Integer, device_luid_valid::Bool, subgroup_size::Integer, subgroup_supported_stages::ShaderStageFlag, subgroup_supported_operations::SubgroupFeatureFlag, subgroup_quad_operations_in_all_stages::Bool, point_clipping_behavior::PointClippingBehavior, max_multiview_view_count::Integer, max_multiview_instance_index::Integer, protected_no_fault::Bool, max_per_set_descriptors::Integer, max_memory_allocation_size::Integer; next = C_NULL) = PhysicalDeviceVulkan11Properties(next, device_uuid, driver_uuid, device_luid, device_node_mask, device_luid_valid, subgroup_size, subgroup_supported_stages, subgroup_supported_operations, subgroup_quad_operations_in_all_stages, point_clipping_behavior, max_multiview_view_count, max_multiview_instance_index, protected_no_fault, max_per_set_descriptors, max_memory_allocation_size) """ Arguments: - `sampler_mirror_clamp_to_edge::Bool` - `draw_indirect_count::Bool` - `storage_buffer_8_bit_access::Bool` - `uniform_and_storage_buffer_8_bit_access::Bool` - `storage_push_constant_8::Bool` - `shader_buffer_int_64_atomics::Bool` - `shader_shared_int_64_atomics::Bool` - `shader_float_16::Bool` - `shader_int_8::Bool` - `descriptor_indexing::Bool` - `shader_input_attachment_array_dynamic_indexing::Bool` - `shader_uniform_texel_buffer_array_dynamic_indexing::Bool` - `shader_storage_texel_buffer_array_dynamic_indexing::Bool` - `shader_uniform_buffer_array_non_uniform_indexing::Bool` - `shader_sampled_image_array_non_uniform_indexing::Bool` - `shader_storage_buffer_array_non_uniform_indexing::Bool` - `shader_storage_image_array_non_uniform_indexing::Bool` - `shader_input_attachment_array_non_uniform_indexing::Bool` - `shader_uniform_texel_buffer_array_non_uniform_indexing::Bool` - `shader_storage_texel_buffer_array_non_uniform_indexing::Bool` - `descriptor_binding_uniform_buffer_update_after_bind::Bool` - `descriptor_binding_sampled_image_update_after_bind::Bool` - `descriptor_binding_storage_image_update_after_bind::Bool` - `descriptor_binding_storage_buffer_update_after_bind::Bool` - `descriptor_binding_uniform_texel_buffer_update_after_bind::Bool` - `descriptor_binding_storage_texel_buffer_update_after_bind::Bool` - `descriptor_binding_update_unused_while_pending::Bool` - `descriptor_binding_partially_bound::Bool` - `descriptor_binding_variable_descriptor_count::Bool` - `runtime_descriptor_array::Bool` - `sampler_filter_minmax::Bool` - `scalar_block_layout::Bool` - `imageless_framebuffer::Bool` - `uniform_buffer_standard_layout::Bool` - `shader_subgroup_extended_types::Bool` - `separate_depth_stencil_layouts::Bool` - `host_query_reset::Bool` - `timeline_semaphore::Bool` - `buffer_device_address::Bool` - `buffer_device_address_capture_replay::Bool` - `buffer_device_address_multi_device::Bool` - `vulkan_memory_model::Bool` - `vulkan_memory_model_device_scope::Bool` - `vulkan_memory_model_availability_visibility_chains::Bool` - `shader_output_viewport_index::Bool` - `shader_output_layer::Bool` - `subgroup_broadcast_dynamic_id::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan12Features.html) """ PhysicalDeviceVulkan12Features(sampler_mirror_clamp_to_edge::Bool, draw_indirect_count::Bool, storage_buffer_8_bit_access::Bool, uniform_and_storage_buffer_8_bit_access::Bool, storage_push_constant_8::Bool, shader_buffer_int_64_atomics::Bool, shader_shared_int_64_atomics::Bool, shader_float_16::Bool, shader_int_8::Bool, descriptor_indexing::Bool, shader_input_attachment_array_dynamic_indexing::Bool, shader_uniform_texel_buffer_array_dynamic_indexing::Bool, shader_storage_texel_buffer_array_dynamic_indexing::Bool, shader_uniform_buffer_array_non_uniform_indexing::Bool, shader_sampled_image_array_non_uniform_indexing::Bool, shader_storage_buffer_array_non_uniform_indexing::Bool, shader_storage_image_array_non_uniform_indexing::Bool, shader_input_attachment_array_non_uniform_indexing::Bool, shader_uniform_texel_buffer_array_non_uniform_indexing::Bool, shader_storage_texel_buffer_array_non_uniform_indexing::Bool, descriptor_binding_uniform_buffer_update_after_bind::Bool, descriptor_binding_sampled_image_update_after_bind::Bool, descriptor_binding_storage_image_update_after_bind::Bool, descriptor_binding_storage_buffer_update_after_bind::Bool, descriptor_binding_uniform_texel_buffer_update_after_bind::Bool, descriptor_binding_storage_texel_buffer_update_after_bind::Bool, descriptor_binding_update_unused_while_pending::Bool, descriptor_binding_partially_bound::Bool, descriptor_binding_variable_descriptor_count::Bool, runtime_descriptor_array::Bool, sampler_filter_minmax::Bool, scalar_block_layout::Bool, imageless_framebuffer::Bool, uniform_buffer_standard_layout::Bool, shader_subgroup_extended_types::Bool, separate_depth_stencil_layouts::Bool, host_query_reset::Bool, timeline_semaphore::Bool, buffer_device_address::Bool, buffer_device_address_capture_replay::Bool, buffer_device_address_multi_device::Bool, vulkan_memory_model::Bool, vulkan_memory_model_device_scope::Bool, vulkan_memory_model_availability_visibility_chains::Bool, shader_output_viewport_index::Bool, shader_output_layer::Bool, subgroup_broadcast_dynamic_id::Bool; next = C_NULL) = PhysicalDeviceVulkan12Features(next, sampler_mirror_clamp_to_edge, draw_indirect_count, storage_buffer_8_bit_access, uniform_and_storage_buffer_8_bit_access, storage_push_constant_8, shader_buffer_int_64_atomics, shader_shared_int_64_atomics, shader_float_16, shader_int_8, descriptor_indexing, shader_input_attachment_array_dynamic_indexing, shader_uniform_texel_buffer_array_dynamic_indexing, shader_storage_texel_buffer_array_dynamic_indexing, shader_uniform_buffer_array_non_uniform_indexing, shader_sampled_image_array_non_uniform_indexing, shader_storage_buffer_array_non_uniform_indexing, shader_storage_image_array_non_uniform_indexing, shader_input_attachment_array_non_uniform_indexing, shader_uniform_texel_buffer_array_non_uniform_indexing, shader_storage_texel_buffer_array_non_uniform_indexing, descriptor_binding_uniform_buffer_update_after_bind, descriptor_binding_sampled_image_update_after_bind, descriptor_binding_storage_image_update_after_bind, descriptor_binding_storage_buffer_update_after_bind, descriptor_binding_uniform_texel_buffer_update_after_bind, descriptor_binding_storage_texel_buffer_update_after_bind, descriptor_binding_update_unused_while_pending, descriptor_binding_partially_bound, descriptor_binding_variable_descriptor_count, runtime_descriptor_array, sampler_filter_minmax, scalar_block_layout, imageless_framebuffer, uniform_buffer_standard_layout, shader_subgroup_extended_types, separate_depth_stencil_layouts, host_query_reset, timeline_semaphore, buffer_device_address, buffer_device_address_capture_replay, buffer_device_address_multi_device, vulkan_memory_model, vulkan_memory_model_device_scope, vulkan_memory_model_availability_visibility_chains, shader_output_viewport_index, shader_output_layer, subgroup_broadcast_dynamic_id) """ Arguments: - `driver_id::DriverId` - `driver_name::String` - `driver_info::String` - `conformance_version::ConformanceVersion` - `denorm_behavior_independence::ShaderFloatControlsIndependence` - `rounding_mode_independence::ShaderFloatControlsIndependence` - `shader_signed_zero_inf_nan_preserve_float_16::Bool` - `shader_signed_zero_inf_nan_preserve_float_32::Bool` - `shader_signed_zero_inf_nan_preserve_float_64::Bool` - `shader_denorm_preserve_float_16::Bool` - `shader_denorm_preserve_float_32::Bool` - `shader_denorm_preserve_float_64::Bool` - `shader_denorm_flush_to_zero_float_16::Bool` - `shader_denorm_flush_to_zero_float_32::Bool` - `shader_denorm_flush_to_zero_float_64::Bool` - `shader_rounding_mode_rte_float_16::Bool` - `shader_rounding_mode_rte_float_32::Bool` - `shader_rounding_mode_rte_float_64::Bool` - `shader_rounding_mode_rtz_float_16::Bool` - `shader_rounding_mode_rtz_float_32::Bool` - `shader_rounding_mode_rtz_float_64::Bool` - `max_update_after_bind_descriptors_in_all_pools::UInt32` - `shader_uniform_buffer_array_non_uniform_indexing_native::Bool` - `shader_sampled_image_array_non_uniform_indexing_native::Bool` - `shader_storage_buffer_array_non_uniform_indexing_native::Bool` - `shader_storage_image_array_non_uniform_indexing_native::Bool` - `shader_input_attachment_array_non_uniform_indexing_native::Bool` - `robust_buffer_access_update_after_bind::Bool` - `quad_divergent_implicit_lod::Bool` - `max_per_stage_descriptor_update_after_bind_samplers::UInt32` - `max_per_stage_descriptor_update_after_bind_uniform_buffers::UInt32` - `max_per_stage_descriptor_update_after_bind_storage_buffers::UInt32` - `max_per_stage_descriptor_update_after_bind_sampled_images::UInt32` - `max_per_stage_descriptor_update_after_bind_storage_images::UInt32` - `max_per_stage_descriptor_update_after_bind_input_attachments::UInt32` - `max_per_stage_update_after_bind_resources::UInt32` - `max_descriptor_set_update_after_bind_samplers::UInt32` - `max_descriptor_set_update_after_bind_uniform_buffers::UInt32` - `max_descriptor_set_update_after_bind_uniform_buffers_dynamic::UInt32` - `max_descriptor_set_update_after_bind_storage_buffers::UInt32` - `max_descriptor_set_update_after_bind_storage_buffers_dynamic::UInt32` - `max_descriptor_set_update_after_bind_sampled_images::UInt32` - `max_descriptor_set_update_after_bind_storage_images::UInt32` - `max_descriptor_set_update_after_bind_input_attachments::UInt32` - `supported_depth_resolve_modes::ResolveModeFlag` - `supported_stencil_resolve_modes::ResolveModeFlag` - `independent_resolve_none::Bool` - `independent_resolve::Bool` - `filter_minmax_single_component_formats::Bool` - `filter_minmax_image_component_mapping::Bool` - `max_timeline_semaphore_value_difference::UInt64` - `next::Any`: defaults to `C_NULL` - `framebuffer_integer_color_sample_counts::SampleCountFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan12Properties.html) """ PhysicalDeviceVulkan12Properties(driver_id::DriverId, driver_name::AbstractString, driver_info::AbstractString, conformance_version::ConformanceVersion, denorm_behavior_independence::ShaderFloatControlsIndependence, rounding_mode_independence::ShaderFloatControlsIndependence, shader_signed_zero_inf_nan_preserve_float_16::Bool, shader_signed_zero_inf_nan_preserve_float_32::Bool, shader_signed_zero_inf_nan_preserve_float_64::Bool, shader_denorm_preserve_float_16::Bool, shader_denorm_preserve_float_32::Bool, shader_denorm_preserve_float_64::Bool, shader_denorm_flush_to_zero_float_16::Bool, shader_denorm_flush_to_zero_float_32::Bool, shader_denorm_flush_to_zero_float_64::Bool, shader_rounding_mode_rte_float_16::Bool, shader_rounding_mode_rte_float_32::Bool, shader_rounding_mode_rte_float_64::Bool, shader_rounding_mode_rtz_float_16::Bool, shader_rounding_mode_rtz_float_32::Bool, shader_rounding_mode_rtz_float_64::Bool, max_update_after_bind_descriptors_in_all_pools::Integer, shader_uniform_buffer_array_non_uniform_indexing_native::Bool, shader_sampled_image_array_non_uniform_indexing_native::Bool, shader_storage_buffer_array_non_uniform_indexing_native::Bool, shader_storage_image_array_non_uniform_indexing_native::Bool, shader_input_attachment_array_non_uniform_indexing_native::Bool, robust_buffer_access_update_after_bind::Bool, quad_divergent_implicit_lod::Bool, max_per_stage_descriptor_update_after_bind_samplers::Integer, max_per_stage_descriptor_update_after_bind_uniform_buffers::Integer, max_per_stage_descriptor_update_after_bind_storage_buffers::Integer, max_per_stage_descriptor_update_after_bind_sampled_images::Integer, max_per_stage_descriptor_update_after_bind_storage_images::Integer, max_per_stage_descriptor_update_after_bind_input_attachments::Integer, max_per_stage_update_after_bind_resources::Integer, max_descriptor_set_update_after_bind_samplers::Integer, max_descriptor_set_update_after_bind_uniform_buffers::Integer, max_descriptor_set_update_after_bind_uniform_buffers_dynamic::Integer, max_descriptor_set_update_after_bind_storage_buffers::Integer, max_descriptor_set_update_after_bind_storage_buffers_dynamic::Integer, max_descriptor_set_update_after_bind_sampled_images::Integer, max_descriptor_set_update_after_bind_storage_images::Integer, max_descriptor_set_update_after_bind_input_attachments::Integer, supported_depth_resolve_modes::ResolveModeFlag, supported_stencil_resolve_modes::ResolveModeFlag, independent_resolve_none::Bool, independent_resolve::Bool, filter_minmax_single_component_formats::Bool, filter_minmax_image_component_mapping::Bool, max_timeline_semaphore_value_difference::Integer; next = C_NULL, framebuffer_integer_color_sample_counts = 0) = PhysicalDeviceVulkan12Properties(next, driver_id, driver_name, driver_info, conformance_version, denorm_behavior_independence, rounding_mode_independence, shader_signed_zero_inf_nan_preserve_float_16, shader_signed_zero_inf_nan_preserve_float_32, shader_signed_zero_inf_nan_preserve_float_64, shader_denorm_preserve_float_16, shader_denorm_preserve_float_32, shader_denorm_preserve_float_64, shader_denorm_flush_to_zero_float_16, shader_denorm_flush_to_zero_float_32, shader_denorm_flush_to_zero_float_64, shader_rounding_mode_rte_float_16, shader_rounding_mode_rte_float_32, shader_rounding_mode_rte_float_64, shader_rounding_mode_rtz_float_16, shader_rounding_mode_rtz_float_32, shader_rounding_mode_rtz_float_64, max_update_after_bind_descriptors_in_all_pools, shader_uniform_buffer_array_non_uniform_indexing_native, shader_sampled_image_array_non_uniform_indexing_native, shader_storage_buffer_array_non_uniform_indexing_native, shader_storage_image_array_non_uniform_indexing_native, shader_input_attachment_array_non_uniform_indexing_native, robust_buffer_access_update_after_bind, quad_divergent_implicit_lod, max_per_stage_descriptor_update_after_bind_samplers, max_per_stage_descriptor_update_after_bind_uniform_buffers, max_per_stage_descriptor_update_after_bind_storage_buffers, max_per_stage_descriptor_update_after_bind_sampled_images, max_per_stage_descriptor_update_after_bind_storage_images, max_per_stage_descriptor_update_after_bind_input_attachments, max_per_stage_update_after_bind_resources, max_descriptor_set_update_after_bind_samplers, max_descriptor_set_update_after_bind_uniform_buffers, max_descriptor_set_update_after_bind_uniform_buffers_dynamic, max_descriptor_set_update_after_bind_storage_buffers, max_descriptor_set_update_after_bind_storage_buffers_dynamic, max_descriptor_set_update_after_bind_sampled_images, max_descriptor_set_update_after_bind_storage_images, max_descriptor_set_update_after_bind_input_attachments, supported_depth_resolve_modes, supported_stencil_resolve_modes, independent_resolve_none, independent_resolve, filter_minmax_single_component_formats, filter_minmax_image_component_mapping, max_timeline_semaphore_value_difference, framebuffer_integer_color_sample_counts) """ Arguments: - `robust_image_access::Bool` - `inline_uniform_block::Bool` - `descriptor_binding_inline_uniform_block_update_after_bind::Bool` - `pipeline_creation_cache_control::Bool` - `private_data::Bool` - `shader_demote_to_helper_invocation::Bool` - `shader_terminate_invocation::Bool` - `subgroup_size_control::Bool` - `compute_full_subgroups::Bool` - `synchronization2::Bool` - `texture_compression_astc_hdr::Bool` - `shader_zero_initialize_workgroup_memory::Bool` - `dynamic_rendering::Bool` - `shader_integer_dot_product::Bool` - `maintenance4::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan13Features.html) """ PhysicalDeviceVulkan13Features(robust_image_access::Bool, inline_uniform_block::Bool, descriptor_binding_inline_uniform_block_update_after_bind::Bool, pipeline_creation_cache_control::Bool, private_data::Bool, shader_demote_to_helper_invocation::Bool, shader_terminate_invocation::Bool, subgroup_size_control::Bool, compute_full_subgroups::Bool, synchronization2::Bool, texture_compression_astc_hdr::Bool, shader_zero_initialize_workgroup_memory::Bool, dynamic_rendering::Bool, shader_integer_dot_product::Bool, maintenance4::Bool; next = C_NULL) = PhysicalDeviceVulkan13Features(next, robust_image_access, inline_uniform_block, descriptor_binding_inline_uniform_block_update_after_bind, pipeline_creation_cache_control, private_data, shader_demote_to_helper_invocation, shader_terminate_invocation, subgroup_size_control, compute_full_subgroups, synchronization2, texture_compression_astc_hdr, shader_zero_initialize_workgroup_memory, dynamic_rendering, shader_integer_dot_product, maintenance4) """ Arguments: - `min_subgroup_size::UInt32` - `max_subgroup_size::UInt32` - `max_compute_workgroup_subgroups::UInt32` - `required_subgroup_size_stages::ShaderStageFlag` - `max_inline_uniform_block_size::UInt32` - `max_per_stage_descriptor_inline_uniform_blocks::UInt32` - `max_per_stage_descriptor_update_after_bind_inline_uniform_blocks::UInt32` - `max_descriptor_set_inline_uniform_blocks::UInt32` - `max_descriptor_set_update_after_bind_inline_uniform_blocks::UInt32` - `max_inline_uniform_total_size::UInt32` - `integer_dot_product_8_bit_unsigned_accelerated::Bool` - `integer_dot_product_8_bit_signed_accelerated::Bool` - `integer_dot_product_8_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_8_bit_packed_unsigned_accelerated::Bool` - `integer_dot_product_8_bit_packed_signed_accelerated::Bool` - `integer_dot_product_8_bit_packed_mixed_signedness_accelerated::Bool` - `integer_dot_product_16_bit_unsigned_accelerated::Bool` - `integer_dot_product_16_bit_signed_accelerated::Bool` - `integer_dot_product_16_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_32_bit_unsigned_accelerated::Bool` - `integer_dot_product_32_bit_signed_accelerated::Bool` - `integer_dot_product_32_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_64_bit_unsigned_accelerated::Bool` - `integer_dot_product_64_bit_signed_accelerated::Bool` - `integer_dot_product_64_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_16_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_32_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_64_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated::Bool` - `storage_texel_buffer_offset_alignment_bytes::UInt64` - `storage_texel_buffer_offset_single_texel_alignment::Bool` - `uniform_texel_buffer_offset_alignment_bytes::UInt64` - `uniform_texel_buffer_offset_single_texel_alignment::Bool` - `max_buffer_size::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVulkan13Properties.html) """ PhysicalDeviceVulkan13Properties(min_subgroup_size::Integer, max_subgroup_size::Integer, max_compute_workgroup_subgroups::Integer, required_subgroup_size_stages::ShaderStageFlag, max_inline_uniform_block_size::Integer, max_per_stage_descriptor_inline_uniform_blocks::Integer, max_per_stage_descriptor_update_after_bind_inline_uniform_blocks::Integer, max_descriptor_set_inline_uniform_blocks::Integer, max_descriptor_set_update_after_bind_inline_uniform_blocks::Integer, max_inline_uniform_total_size::Integer, integer_dot_product_8_bit_unsigned_accelerated::Bool, integer_dot_product_8_bit_signed_accelerated::Bool, integer_dot_product_8_bit_mixed_signedness_accelerated::Bool, integer_dot_product_8_bit_packed_unsigned_accelerated::Bool, integer_dot_product_8_bit_packed_signed_accelerated::Bool, integer_dot_product_8_bit_packed_mixed_signedness_accelerated::Bool, integer_dot_product_16_bit_unsigned_accelerated::Bool, integer_dot_product_16_bit_signed_accelerated::Bool, integer_dot_product_16_bit_mixed_signedness_accelerated::Bool, integer_dot_product_32_bit_unsigned_accelerated::Bool, integer_dot_product_32_bit_signed_accelerated::Bool, integer_dot_product_32_bit_mixed_signedness_accelerated::Bool, integer_dot_product_64_bit_unsigned_accelerated::Bool, integer_dot_product_64_bit_signed_accelerated::Bool, integer_dot_product_64_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_16_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_32_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_64_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated::Bool, storage_texel_buffer_offset_alignment_bytes::Integer, storage_texel_buffer_offset_single_texel_alignment::Bool, uniform_texel_buffer_offset_alignment_bytes::Integer, uniform_texel_buffer_offset_single_texel_alignment::Bool, max_buffer_size::Integer; next = C_NULL) = PhysicalDeviceVulkan13Properties(next, min_subgroup_size, max_subgroup_size, max_compute_workgroup_subgroups, required_subgroup_size_stages, max_inline_uniform_block_size, max_per_stage_descriptor_inline_uniform_blocks, max_per_stage_descriptor_update_after_bind_inline_uniform_blocks, max_descriptor_set_inline_uniform_blocks, max_descriptor_set_update_after_bind_inline_uniform_blocks, max_inline_uniform_total_size, integer_dot_product_8_bit_unsigned_accelerated, integer_dot_product_8_bit_signed_accelerated, integer_dot_product_8_bit_mixed_signedness_accelerated, integer_dot_product_8_bit_packed_unsigned_accelerated, integer_dot_product_8_bit_packed_signed_accelerated, integer_dot_product_8_bit_packed_mixed_signedness_accelerated, integer_dot_product_16_bit_unsigned_accelerated, integer_dot_product_16_bit_signed_accelerated, integer_dot_product_16_bit_mixed_signedness_accelerated, integer_dot_product_32_bit_unsigned_accelerated, integer_dot_product_32_bit_signed_accelerated, integer_dot_product_32_bit_mixed_signedness_accelerated, integer_dot_product_64_bit_unsigned_accelerated, integer_dot_product_64_bit_signed_accelerated, integer_dot_product_64_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_8_bit_signed_accelerated, integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated, integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated, integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_16_bit_signed_accelerated, integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_32_bit_signed_accelerated, integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_64_bit_signed_accelerated, integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated, storage_texel_buffer_offset_alignment_bytes, storage_texel_buffer_offset_single_texel_alignment, uniform_texel_buffer_offset_alignment_bytes, uniform_texel_buffer_offset_single_texel_alignment, max_buffer_size) """ Extension: VK\\_AMD\\_pipeline\\_compiler\\_control Arguments: - `next::Any`: defaults to `C_NULL` - `compiler_control_flags::PipelineCompilerControlFlagAMD`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineCompilerControlCreateInfoAMD.html) """ PipelineCompilerControlCreateInfoAMD(; next = C_NULL, compiler_control_flags = 0) = PipelineCompilerControlCreateInfoAMD(next, compiler_control_flags) """ Extension: VK\\_AMD\\_device\\_coherent\\_memory Arguments: - `device_coherent_memory::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCoherentMemoryFeaturesAMD.html) """ PhysicalDeviceCoherentMemoryFeaturesAMD(device_coherent_memory::Bool; next = C_NULL) = PhysicalDeviceCoherentMemoryFeaturesAMD(next, device_coherent_memory) """ Arguments: - `name::String` - `version::String` - `purposes::ToolPurposeFlag` - `description::String` - `layer::String` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceToolProperties.html) """ PhysicalDeviceToolProperties(name::AbstractString, version::AbstractString, purposes::ToolPurposeFlag, description::AbstractString, layer::AbstractString; next = C_NULL) = PhysicalDeviceToolProperties(next, name, version, purposes, description, layer) """ Extension: VK\\_EXT\\_custom\\_border\\_color Arguments: - `custom_border_color::ClearColorValue` - `format::Format` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerCustomBorderColorCreateInfoEXT.html) """ SamplerCustomBorderColorCreateInfoEXT(custom_border_color::ClearColorValue, format::Format; next = C_NULL) = SamplerCustomBorderColorCreateInfoEXT(next, custom_border_color, format) """ Extension: VK\\_EXT\\_custom\\_border\\_color Arguments: - `max_custom_border_color_samplers::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCustomBorderColorPropertiesEXT.html) """ PhysicalDeviceCustomBorderColorPropertiesEXT(max_custom_border_color_samplers::Integer; next = C_NULL) = PhysicalDeviceCustomBorderColorPropertiesEXT(next, max_custom_border_color_samplers) """ Extension: VK\\_EXT\\_custom\\_border\\_color Arguments: - `custom_border_colors::Bool` - `custom_border_color_without_format::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceCustomBorderColorFeaturesEXT.html) """ PhysicalDeviceCustomBorderColorFeaturesEXT(custom_border_colors::Bool, custom_border_color_without_format::Bool; next = C_NULL) = PhysicalDeviceCustomBorderColorFeaturesEXT(next, custom_border_colors, custom_border_color_without_format) """ Extension: VK\\_EXT\\_border\\_color\\_swizzle Arguments: - `components::ComponentMapping` - `srgb::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerBorderColorComponentMappingCreateInfoEXT.html) """ SamplerBorderColorComponentMappingCreateInfoEXT(components::ComponentMapping, srgb::Bool; next = C_NULL) = SamplerBorderColorComponentMappingCreateInfoEXT(next, components, srgb) """ Extension: VK\\_EXT\\_border\\_color\\_swizzle Arguments: - `border_color_swizzle::Bool` - `border_color_swizzle_from_image::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceBorderColorSwizzleFeaturesEXT.html) """ PhysicalDeviceBorderColorSwizzleFeaturesEXT(border_color_swizzle::Bool, border_color_swizzle_from_image::Bool; next = C_NULL) = PhysicalDeviceBorderColorSwizzleFeaturesEXT(next, border_color_swizzle, border_color_swizzle_from_image) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `vertex_format::Format` - `vertex_data::DeviceOrHostAddressConstKHR` - `vertex_stride::UInt64` - `max_vertex::UInt32` - `index_type::IndexType` - `index_data::DeviceOrHostAddressConstKHR` - `transform_data::DeviceOrHostAddressConstKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryTrianglesDataKHR.html) """ AccelerationStructureGeometryTrianglesDataKHR(vertex_format::Format, vertex_data::DeviceOrHostAddressConstKHR, vertex_stride::Integer, max_vertex::Integer, index_type::IndexType, index_data::DeviceOrHostAddressConstKHR, transform_data::DeviceOrHostAddressConstKHR; next = C_NULL) = AccelerationStructureGeometryTrianglesDataKHR(next, vertex_format, vertex_data, vertex_stride, max_vertex, index_type, index_data, transform_data) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `data::DeviceOrHostAddressConstKHR` - `stride::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryAabbsDataKHR.html) """ AccelerationStructureGeometryAabbsDataKHR(data::DeviceOrHostAddressConstKHR, stride::Integer; next = C_NULL) = AccelerationStructureGeometryAabbsDataKHR(next, data, stride) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `array_of_pointers::Bool` - `data::DeviceOrHostAddressConstKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryInstancesDataKHR.html) """ AccelerationStructureGeometryInstancesDataKHR(array_of_pointers::Bool, data::DeviceOrHostAddressConstKHR; next = C_NULL) = AccelerationStructureGeometryInstancesDataKHR(next, array_of_pointers, data) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `geometry_type::GeometryTypeKHR` - `geometry::AccelerationStructureGeometryDataKHR` - `next::Any`: defaults to `C_NULL` - `flags::GeometryFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryKHR.html) """ AccelerationStructureGeometryKHR(geometry_type::GeometryTypeKHR, geometry::AccelerationStructureGeometryDataKHR; next = C_NULL, flags = 0) = AccelerationStructureGeometryKHR(next, geometry_type, geometry, flags) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `type::AccelerationStructureTypeKHR` - `mode::BuildAccelerationStructureModeKHR` - `scratch_data::DeviceOrHostAddressKHR` - `next::Any`: defaults to `C_NULL` - `flags::BuildAccelerationStructureFlagKHR`: defaults to `0` - `src_acceleration_structure::AccelerationStructureKHR`: defaults to `C_NULL` - `dst_acceleration_structure::AccelerationStructureKHR`: defaults to `C_NULL` - `geometries::Vector{AccelerationStructureGeometryKHR}`: defaults to `C_NULL` - `geometries_2::Vector{AccelerationStructureGeometryKHR}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureBuildGeometryInfoKHR.html) """ AccelerationStructureBuildGeometryInfoKHR(type::AccelerationStructureTypeKHR, mode::BuildAccelerationStructureModeKHR, scratch_data::DeviceOrHostAddressKHR; next = C_NULL, flags = 0, src_acceleration_structure = C_NULL, dst_acceleration_structure = C_NULL, geometries = C_NULL, geometries_2 = C_NULL) = AccelerationStructureBuildGeometryInfoKHR(next, type, flags, mode, src_acceleration_structure, dst_acceleration_structure, geometries, geometries_2, scratch_data) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `type::AccelerationStructureTypeKHR` - `next::Any`: defaults to `C_NULL` - `create_flags::AccelerationStructureCreateFlagKHR`: defaults to `0` - `device_address::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureCreateInfoKHR.html) """ AccelerationStructureCreateInfoKHR(buffer::Buffer, offset::Integer, size::Integer, type::AccelerationStructureTypeKHR; next = C_NULL, create_flags = 0, device_address = 0) = AccelerationStructureCreateInfoKHR(next, create_flags, buffer, offset, size, type, device_address) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `transform::TransformMatrixKHR` - `instance_custom_index::UInt32` - `mask::UInt32` - `instance_shader_binding_table_record_offset::UInt32` - `acceleration_structure_reference::UInt64` - `flags::GeometryInstanceFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureInstanceKHR.html) """ AccelerationStructureInstanceKHR(transform::TransformMatrixKHR, instance_custom_index::Integer, mask::Integer, instance_shader_binding_table_record_offset::Integer, acceleration_structure_reference::Integer; flags = 0) = AccelerationStructureInstanceKHR(transform, instance_custom_index, mask, instance_shader_binding_table_record_offset, flags, acceleration_structure_reference) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `acceleration_structure::AccelerationStructureKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureDeviceAddressInfoKHR.html) """ AccelerationStructureDeviceAddressInfoKHR(acceleration_structure::AccelerationStructureKHR; next = C_NULL) = AccelerationStructureDeviceAddressInfoKHR(next, acceleration_structure) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `version_data::Vector{UInt8}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureVersionInfoKHR.html) """ AccelerationStructureVersionInfoKHR(version_data::AbstractArray; next = C_NULL) = AccelerationStructureVersionInfoKHR(next, version_data) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `src::AccelerationStructureKHR` - `dst::AccelerationStructureKHR` - `mode::CopyAccelerationStructureModeKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyAccelerationStructureInfoKHR.html) """ CopyAccelerationStructureInfoKHR(src::AccelerationStructureKHR, dst::AccelerationStructureKHR, mode::CopyAccelerationStructureModeKHR; next = C_NULL) = CopyAccelerationStructureInfoKHR(next, src, dst, mode) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `src::AccelerationStructureKHR` - `dst::DeviceOrHostAddressKHR` - `mode::CopyAccelerationStructureModeKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyAccelerationStructureToMemoryInfoKHR.html) """ CopyAccelerationStructureToMemoryInfoKHR(src::AccelerationStructureKHR, dst::DeviceOrHostAddressKHR, mode::CopyAccelerationStructureModeKHR; next = C_NULL) = CopyAccelerationStructureToMemoryInfoKHR(next, src, dst, mode) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `src::DeviceOrHostAddressConstKHR` - `dst::AccelerationStructureKHR` - `mode::CopyAccelerationStructureModeKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryToAccelerationStructureInfoKHR.html) """ CopyMemoryToAccelerationStructureInfoKHR(src::DeviceOrHostAddressConstKHR, dst::AccelerationStructureKHR, mode::CopyAccelerationStructureModeKHR; next = C_NULL) = CopyMemoryToAccelerationStructureInfoKHR(next, src, dst, mode) """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `max_pipeline_ray_payload_size::UInt32` - `max_pipeline_ray_hit_attribute_size::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRayTracingPipelineInterfaceCreateInfoKHR.html) """ RayTracingPipelineInterfaceCreateInfoKHR(max_pipeline_ray_payload_size::Integer, max_pipeline_ray_hit_attribute_size::Integer; next = C_NULL) = RayTracingPipelineInterfaceCreateInfoKHR(next, max_pipeline_ray_payload_size, max_pipeline_ray_hit_attribute_size) """ Extension: VK\\_KHR\\_pipeline\\_library Arguments: - `libraries::Vector{Pipeline}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineLibraryCreateInfoKHR.html) """ PipelineLibraryCreateInfoKHR(libraries::AbstractArray; next = C_NULL) = PipelineLibraryCreateInfoKHR(next, libraries) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state Arguments: - `extended_dynamic_state::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicStateFeaturesEXT.html) """ PhysicalDeviceExtendedDynamicStateFeaturesEXT(extended_dynamic_state::Bool; next = C_NULL) = PhysicalDeviceExtendedDynamicStateFeaturesEXT(next, extended_dynamic_state) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state2 Arguments: - `extended_dynamic_state_2::Bool` - `extended_dynamic_state_2_logic_op::Bool` - `extended_dynamic_state_2_patch_control_points::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicState2FeaturesEXT.html) """ PhysicalDeviceExtendedDynamicState2FeaturesEXT(extended_dynamic_state_2::Bool, extended_dynamic_state_2_logic_op::Bool, extended_dynamic_state_2_patch_control_points::Bool; next = C_NULL) = PhysicalDeviceExtendedDynamicState2FeaturesEXT(next, extended_dynamic_state_2, extended_dynamic_state_2_logic_op, extended_dynamic_state_2_patch_control_points) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `extended_dynamic_state_3_tessellation_domain_origin::Bool` - `extended_dynamic_state_3_depth_clamp_enable::Bool` - `extended_dynamic_state_3_polygon_mode::Bool` - `extended_dynamic_state_3_rasterization_samples::Bool` - `extended_dynamic_state_3_sample_mask::Bool` - `extended_dynamic_state_3_alpha_to_coverage_enable::Bool` - `extended_dynamic_state_3_alpha_to_one_enable::Bool` - `extended_dynamic_state_3_logic_op_enable::Bool` - `extended_dynamic_state_3_color_blend_enable::Bool` - `extended_dynamic_state_3_color_blend_equation::Bool` - `extended_dynamic_state_3_color_write_mask::Bool` - `extended_dynamic_state_3_rasterization_stream::Bool` - `extended_dynamic_state_3_conservative_rasterization_mode::Bool` - `extended_dynamic_state_3_extra_primitive_overestimation_size::Bool` - `extended_dynamic_state_3_depth_clip_enable::Bool` - `extended_dynamic_state_3_sample_locations_enable::Bool` - `extended_dynamic_state_3_color_blend_advanced::Bool` - `extended_dynamic_state_3_provoking_vertex_mode::Bool` - `extended_dynamic_state_3_line_rasterization_mode::Bool` - `extended_dynamic_state_3_line_stipple_enable::Bool` - `extended_dynamic_state_3_depth_clip_negative_one_to_one::Bool` - `extended_dynamic_state_3_viewport_w_scaling_enable::Bool` - `extended_dynamic_state_3_viewport_swizzle::Bool` - `extended_dynamic_state_3_coverage_to_color_enable::Bool` - `extended_dynamic_state_3_coverage_to_color_location::Bool` - `extended_dynamic_state_3_coverage_modulation_mode::Bool` - `extended_dynamic_state_3_coverage_modulation_table_enable::Bool` - `extended_dynamic_state_3_coverage_modulation_table::Bool` - `extended_dynamic_state_3_coverage_reduction_mode::Bool` - `extended_dynamic_state_3_representative_fragment_test_enable::Bool` - `extended_dynamic_state_3_shading_rate_image_enable::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicState3FeaturesEXT.html) """ PhysicalDeviceExtendedDynamicState3FeaturesEXT(extended_dynamic_state_3_tessellation_domain_origin::Bool, extended_dynamic_state_3_depth_clamp_enable::Bool, extended_dynamic_state_3_polygon_mode::Bool, extended_dynamic_state_3_rasterization_samples::Bool, extended_dynamic_state_3_sample_mask::Bool, extended_dynamic_state_3_alpha_to_coverage_enable::Bool, extended_dynamic_state_3_alpha_to_one_enable::Bool, extended_dynamic_state_3_logic_op_enable::Bool, extended_dynamic_state_3_color_blend_enable::Bool, extended_dynamic_state_3_color_blend_equation::Bool, extended_dynamic_state_3_color_write_mask::Bool, extended_dynamic_state_3_rasterization_stream::Bool, extended_dynamic_state_3_conservative_rasterization_mode::Bool, extended_dynamic_state_3_extra_primitive_overestimation_size::Bool, extended_dynamic_state_3_depth_clip_enable::Bool, extended_dynamic_state_3_sample_locations_enable::Bool, extended_dynamic_state_3_color_blend_advanced::Bool, extended_dynamic_state_3_provoking_vertex_mode::Bool, extended_dynamic_state_3_line_rasterization_mode::Bool, extended_dynamic_state_3_line_stipple_enable::Bool, extended_dynamic_state_3_depth_clip_negative_one_to_one::Bool, extended_dynamic_state_3_viewport_w_scaling_enable::Bool, extended_dynamic_state_3_viewport_swizzle::Bool, extended_dynamic_state_3_coverage_to_color_enable::Bool, extended_dynamic_state_3_coverage_to_color_location::Bool, extended_dynamic_state_3_coverage_modulation_mode::Bool, extended_dynamic_state_3_coverage_modulation_table_enable::Bool, extended_dynamic_state_3_coverage_modulation_table::Bool, extended_dynamic_state_3_coverage_reduction_mode::Bool, extended_dynamic_state_3_representative_fragment_test_enable::Bool, extended_dynamic_state_3_shading_rate_image_enable::Bool; next = C_NULL) = PhysicalDeviceExtendedDynamicState3FeaturesEXT(next, extended_dynamic_state_3_tessellation_domain_origin, extended_dynamic_state_3_depth_clamp_enable, extended_dynamic_state_3_polygon_mode, extended_dynamic_state_3_rasterization_samples, extended_dynamic_state_3_sample_mask, extended_dynamic_state_3_alpha_to_coverage_enable, extended_dynamic_state_3_alpha_to_one_enable, extended_dynamic_state_3_logic_op_enable, extended_dynamic_state_3_color_blend_enable, extended_dynamic_state_3_color_blend_equation, extended_dynamic_state_3_color_write_mask, extended_dynamic_state_3_rasterization_stream, extended_dynamic_state_3_conservative_rasterization_mode, extended_dynamic_state_3_extra_primitive_overestimation_size, extended_dynamic_state_3_depth_clip_enable, extended_dynamic_state_3_sample_locations_enable, extended_dynamic_state_3_color_blend_advanced, extended_dynamic_state_3_provoking_vertex_mode, extended_dynamic_state_3_line_rasterization_mode, extended_dynamic_state_3_line_stipple_enable, extended_dynamic_state_3_depth_clip_negative_one_to_one, extended_dynamic_state_3_viewport_w_scaling_enable, extended_dynamic_state_3_viewport_swizzle, extended_dynamic_state_3_coverage_to_color_enable, extended_dynamic_state_3_coverage_to_color_location, extended_dynamic_state_3_coverage_modulation_mode, extended_dynamic_state_3_coverage_modulation_table_enable, extended_dynamic_state_3_coverage_modulation_table, extended_dynamic_state_3_coverage_reduction_mode, extended_dynamic_state_3_representative_fragment_test_enable, extended_dynamic_state_3_shading_rate_image_enable) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `dynamic_primitive_topology_unrestricted::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExtendedDynamicState3PropertiesEXT.html) """ PhysicalDeviceExtendedDynamicState3PropertiesEXT(dynamic_primitive_topology_unrestricted::Bool; next = C_NULL) = PhysicalDeviceExtendedDynamicState3PropertiesEXT(next, dynamic_primitive_topology_unrestricted) """ Extension: VK\\_QCOM\\_render\\_pass\\_transform Arguments: - `transform::SurfaceTransformFlagKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassTransformBeginInfoQCOM.html) """ RenderPassTransformBeginInfoQCOM(transform::SurfaceTransformFlagKHR; next = C_NULL) = RenderPassTransformBeginInfoQCOM(next, transform) """ Extension: VK\\_QCOM\\_rotated\\_copy\\_commands Arguments: - `transform::SurfaceTransformFlagKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyCommandTransformInfoQCOM.html) """ CopyCommandTransformInfoQCOM(transform::SurfaceTransformFlagKHR; next = C_NULL) = CopyCommandTransformInfoQCOM(next, transform) """ Extension: VK\\_QCOM\\_render\\_pass\\_transform Arguments: - `transform::SurfaceTransformFlagKHR` - `render_area::Rect2D` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceRenderPassTransformInfoQCOM.html) """ CommandBufferInheritanceRenderPassTransformInfoQCOM(transform::SurfaceTransformFlagKHR, render_area::Rect2D; next = C_NULL) = CommandBufferInheritanceRenderPassTransformInfoQCOM(next, transform, render_area) """ Extension: VK\\_NV\\_device\\_diagnostics\\_config Arguments: - `diagnostics_config::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDiagnosticsConfigFeaturesNV.html) """ PhysicalDeviceDiagnosticsConfigFeaturesNV(diagnostics_config::Bool; next = C_NULL) = PhysicalDeviceDiagnosticsConfigFeaturesNV(next, diagnostics_config) """ Extension: VK\\_NV\\_device\\_diagnostics\\_config Arguments: - `next::Any`: defaults to `C_NULL` - `flags::DeviceDiagnosticsConfigFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceDiagnosticsConfigCreateInfoNV.html) """ DeviceDiagnosticsConfigCreateInfoNV(; next = C_NULL, flags = 0) = DeviceDiagnosticsConfigCreateInfoNV(next, flags) """ Arguments: - `shader_zero_initialize_workgroup_memory::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures.html) """ PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures(shader_zero_initialize_workgroup_memory::Bool; next = C_NULL) = PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures(next, shader_zero_initialize_workgroup_memory) """ Extension: VK\\_KHR\\_shader\\_subgroup\\_uniform\\_control\\_flow Arguments: - `shader_subgroup_uniform_control_flow::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR.html) """ PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR(shader_subgroup_uniform_control_flow::Bool; next = C_NULL) = PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR(next, shader_subgroup_uniform_control_flow) """ Extension: VK\\_EXT\\_robustness2 Arguments: - `robust_buffer_access_2::Bool` - `robust_image_access_2::Bool` - `null_descriptor::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRobustness2FeaturesEXT.html) """ PhysicalDeviceRobustness2FeaturesEXT(robust_buffer_access_2::Bool, robust_image_access_2::Bool, null_descriptor::Bool; next = C_NULL) = PhysicalDeviceRobustness2FeaturesEXT(next, robust_buffer_access_2, robust_image_access_2, null_descriptor) """ Extension: VK\\_EXT\\_robustness2 Arguments: - `robust_storage_buffer_access_size_alignment::UInt64` - `robust_uniform_buffer_access_size_alignment::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRobustness2PropertiesEXT.html) """ PhysicalDeviceRobustness2PropertiesEXT(robust_storage_buffer_access_size_alignment::Integer, robust_uniform_buffer_access_size_alignment::Integer; next = C_NULL) = PhysicalDeviceRobustness2PropertiesEXT(next, robust_storage_buffer_access_size_alignment, robust_uniform_buffer_access_size_alignment) """ Arguments: - `robust_image_access::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageRobustnessFeatures.html) """ PhysicalDeviceImageRobustnessFeatures(robust_image_access::Bool; next = C_NULL) = PhysicalDeviceImageRobustnessFeatures(next, robust_image_access) """ Extension: VK\\_KHR\\_workgroup\\_memory\\_explicit\\_layout Arguments: - `workgroup_memory_explicit_layout::Bool` - `workgroup_memory_explicit_layout_scalar_block_layout::Bool` - `workgroup_memory_explicit_layout_8_bit_access::Bool` - `workgroup_memory_explicit_layout_16_bit_access::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR.html) """ PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR(workgroup_memory_explicit_layout::Bool, workgroup_memory_explicit_layout_scalar_block_layout::Bool, workgroup_memory_explicit_layout_8_bit_access::Bool, workgroup_memory_explicit_layout_16_bit_access::Bool; next = C_NULL) = PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR(next, workgroup_memory_explicit_layout, workgroup_memory_explicit_layout_scalar_block_layout, workgroup_memory_explicit_layout_8_bit_access, workgroup_memory_explicit_layout_16_bit_access) """ Extension: VK\\_EXT\\_4444\\_formats Arguments: - `format_a4r4g4b4::Bool` - `format_a4b4g4r4::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevice4444FormatsFeaturesEXT.html) """ PhysicalDevice4444FormatsFeaturesEXT(format_a4r4g4b4::Bool, format_a4b4g4r4::Bool; next = C_NULL) = PhysicalDevice4444FormatsFeaturesEXT(next, format_a4r4g4b4, format_a4b4g4r4) """ Extension: VK\\_HUAWEI\\_subpass\\_shading Arguments: - `subpass_shading::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubpassShadingFeaturesHUAWEI.html) """ PhysicalDeviceSubpassShadingFeaturesHUAWEI(subpass_shading::Bool; next = C_NULL) = PhysicalDeviceSubpassShadingFeaturesHUAWEI(next, subpass_shading) """ Extension: VK\\_HUAWEI\\_cluster\\_culling\\_shader Arguments: - `clusterculling_shader::Bool` - `multiview_cluster_culling_shader::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI.html) """ PhysicalDeviceClusterCullingShaderFeaturesHUAWEI(clusterculling_shader::Bool, multiview_cluster_culling_shader::Bool; next = C_NULL) = PhysicalDeviceClusterCullingShaderFeaturesHUAWEI(next, clusterculling_shader, multiview_cluster_culling_shader) """ Arguments: - `src_offset::UInt64` - `dst_offset::UInt64` - `size::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCopy2.html) """ BufferCopy2(src_offset::Integer, dst_offset::Integer, size::Integer; next = C_NULL) = BufferCopy2(next, src_offset, dst_offset, size) """ Arguments: - `src_subresource::ImageSubresourceLayers` - `src_offset::Offset3D` - `dst_subresource::ImageSubresourceLayers` - `dst_offset::Offset3D` - `extent::Extent3D` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCopy2.html) """ ImageCopy2(src_subresource::ImageSubresourceLayers, src_offset::Offset3D, dst_subresource::ImageSubresourceLayers, dst_offset::Offset3D, extent::Extent3D; next = C_NULL) = ImageCopy2(next, src_subresource, src_offset, dst_subresource, dst_offset, extent) """ Arguments: - `src_subresource::ImageSubresourceLayers` - `src_offsets::NTuple{2, Offset3D}` - `dst_subresource::ImageSubresourceLayers` - `dst_offsets::NTuple{2, Offset3D}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageBlit2.html) """ ImageBlit2(src_subresource::ImageSubresourceLayers, src_offsets::NTuple{2, Offset3D}, dst_subresource::ImageSubresourceLayers, dst_offsets::NTuple{2, Offset3D}; next = C_NULL) = ImageBlit2(next, src_subresource, src_offsets, dst_subresource, dst_offsets) """ Arguments: - `buffer_offset::UInt64` - `buffer_row_length::UInt32` - `buffer_image_height::UInt32` - `image_subresource::ImageSubresourceLayers` - `image_offset::Offset3D` - `image_extent::Extent3D` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferImageCopy2.html) """ BufferImageCopy2(buffer_offset::Integer, buffer_row_length::Integer, buffer_image_height::Integer, image_subresource::ImageSubresourceLayers, image_offset::Offset3D, image_extent::Extent3D; next = C_NULL) = BufferImageCopy2(next, buffer_offset, buffer_row_length, buffer_image_height, image_subresource, image_offset, image_extent) """ Arguments: - `src_subresource::ImageSubresourceLayers` - `src_offset::Offset3D` - `dst_subresource::ImageSubresourceLayers` - `dst_offset::Offset3D` - `extent::Extent3D` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageResolve2.html) """ ImageResolve2(src_subresource::ImageSubresourceLayers, src_offset::Offset3D, dst_subresource::ImageSubresourceLayers, dst_offset::Offset3D, extent::Extent3D; next = C_NULL) = ImageResolve2(next, src_subresource, src_offset, dst_subresource, dst_offset, extent) """ Arguments: - `src_buffer::Buffer` - `dst_buffer::Buffer` - `regions::Vector{BufferCopy2}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyBufferInfo2.html) """ CopyBufferInfo2(src_buffer::Buffer, dst_buffer::Buffer, regions::AbstractArray; next = C_NULL) = CopyBufferInfo2(next, src_buffer, dst_buffer, regions) """ Arguments: - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{ImageCopy2}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyImageInfo2.html) """ CopyImageInfo2(src_image::Image, src_image_layout::ImageLayout, dst_image::Image, dst_image_layout::ImageLayout, regions::AbstractArray; next = C_NULL) = CopyImageInfo2(next, src_image, src_image_layout, dst_image, dst_image_layout, regions) """ Arguments: - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{ImageBlit2}` - `filter::Filter` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBlitImageInfo2.html) """ BlitImageInfo2(src_image::Image, src_image_layout::ImageLayout, dst_image::Image, dst_image_layout::ImageLayout, regions::AbstractArray, filter::Filter; next = C_NULL) = BlitImageInfo2(next, src_image, src_image_layout, dst_image, dst_image_layout, regions, filter) """ Arguments: - `src_buffer::Buffer` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{BufferImageCopy2}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyBufferToImageInfo2.html) """ CopyBufferToImageInfo2(src_buffer::Buffer, dst_image::Image, dst_image_layout::ImageLayout, regions::AbstractArray; next = C_NULL) = CopyBufferToImageInfo2(next, src_buffer, dst_image, dst_image_layout, regions) """ Arguments: - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_buffer::Buffer` - `regions::Vector{BufferImageCopy2}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyImageToBufferInfo2.html) """ CopyImageToBufferInfo2(src_image::Image, src_image_layout::ImageLayout, dst_buffer::Buffer, regions::AbstractArray; next = C_NULL) = CopyImageToBufferInfo2(next, src_image, src_image_layout, dst_buffer, regions) """ Arguments: - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{ImageResolve2}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkResolveImageInfo2.html) """ ResolveImageInfo2(src_image::Image, src_image_layout::ImageLayout, dst_image::Image, dst_image_layout::ImageLayout, regions::AbstractArray; next = C_NULL) = ResolveImageInfo2(next, src_image, src_image_layout, dst_image, dst_image_layout, regions) """ Extension: VK\\_EXT\\_shader\\_image\\_atomic\\_int64 Arguments: - `shader_image_int_64_atomics::Bool` - `sparse_image_int_64_atomics::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT.html) """ PhysicalDeviceShaderImageAtomicInt64FeaturesEXT(shader_image_int_64_atomics::Bool, sparse_image_int_64_atomics::Bool; next = C_NULL) = PhysicalDeviceShaderImageAtomicInt64FeaturesEXT(next, shader_image_int_64_atomics, sparse_image_int_64_atomics) """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Arguments: - `shading_rate_attachment_texel_size::Extent2D` - `next::Any`: defaults to `C_NULL` - `fragment_shading_rate_attachment::AttachmentReference2`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFragmentShadingRateAttachmentInfoKHR.html) """ FragmentShadingRateAttachmentInfoKHR(shading_rate_attachment_texel_size::Extent2D; next = C_NULL, fragment_shading_rate_attachment = C_NULL) = FragmentShadingRateAttachmentInfoKHR(next, fragment_shading_rate_attachment, shading_rate_attachment_texel_size) """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Arguments: - `fragment_size::Extent2D` - `combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineFragmentShadingRateStateCreateInfoKHR.html) """ PipelineFragmentShadingRateStateCreateInfoKHR(fragment_size::Extent2D, combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}; next = C_NULL) = PipelineFragmentShadingRateStateCreateInfoKHR(next, fragment_size, combiner_ops) """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Arguments: - `pipeline_fragment_shading_rate::Bool` - `primitive_fragment_shading_rate::Bool` - `attachment_fragment_shading_rate::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateFeaturesKHR.html) """ PhysicalDeviceFragmentShadingRateFeaturesKHR(pipeline_fragment_shading_rate::Bool, primitive_fragment_shading_rate::Bool, attachment_fragment_shading_rate::Bool; next = C_NULL) = PhysicalDeviceFragmentShadingRateFeaturesKHR(next, pipeline_fragment_shading_rate, primitive_fragment_shading_rate, attachment_fragment_shading_rate) """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Arguments: - `min_fragment_shading_rate_attachment_texel_size::Extent2D` - `max_fragment_shading_rate_attachment_texel_size::Extent2D` - `max_fragment_shading_rate_attachment_texel_size_aspect_ratio::UInt32` - `primitive_fragment_shading_rate_with_multiple_viewports::Bool` - `layered_shading_rate_attachments::Bool` - `fragment_shading_rate_non_trivial_combiner_ops::Bool` - `max_fragment_size::Extent2D` - `max_fragment_size_aspect_ratio::UInt32` - `max_fragment_shading_rate_coverage_samples::UInt32` - `max_fragment_shading_rate_rasterization_samples::SampleCountFlag` - `fragment_shading_rate_with_shader_depth_stencil_writes::Bool` - `fragment_shading_rate_with_sample_mask::Bool` - `fragment_shading_rate_with_shader_sample_mask::Bool` - `fragment_shading_rate_with_conservative_rasterization::Bool` - `fragment_shading_rate_with_fragment_shader_interlock::Bool` - `fragment_shading_rate_with_custom_sample_locations::Bool` - `fragment_shading_rate_strict_multiply_combiner::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRatePropertiesKHR.html) """ PhysicalDeviceFragmentShadingRatePropertiesKHR(min_fragment_shading_rate_attachment_texel_size::Extent2D, max_fragment_shading_rate_attachment_texel_size::Extent2D, max_fragment_shading_rate_attachment_texel_size_aspect_ratio::Integer, primitive_fragment_shading_rate_with_multiple_viewports::Bool, layered_shading_rate_attachments::Bool, fragment_shading_rate_non_trivial_combiner_ops::Bool, max_fragment_size::Extent2D, max_fragment_size_aspect_ratio::Integer, max_fragment_shading_rate_coverage_samples::Integer, max_fragment_shading_rate_rasterization_samples::SampleCountFlag, fragment_shading_rate_with_shader_depth_stencil_writes::Bool, fragment_shading_rate_with_sample_mask::Bool, fragment_shading_rate_with_shader_sample_mask::Bool, fragment_shading_rate_with_conservative_rasterization::Bool, fragment_shading_rate_with_fragment_shader_interlock::Bool, fragment_shading_rate_with_custom_sample_locations::Bool, fragment_shading_rate_strict_multiply_combiner::Bool; next = C_NULL) = PhysicalDeviceFragmentShadingRatePropertiesKHR(next, min_fragment_shading_rate_attachment_texel_size, max_fragment_shading_rate_attachment_texel_size, max_fragment_shading_rate_attachment_texel_size_aspect_ratio, primitive_fragment_shading_rate_with_multiple_viewports, layered_shading_rate_attachments, fragment_shading_rate_non_trivial_combiner_ops, max_fragment_size, max_fragment_size_aspect_ratio, max_fragment_shading_rate_coverage_samples, max_fragment_shading_rate_rasterization_samples, fragment_shading_rate_with_shader_depth_stencil_writes, fragment_shading_rate_with_sample_mask, fragment_shading_rate_with_shader_sample_mask, fragment_shading_rate_with_conservative_rasterization, fragment_shading_rate_with_fragment_shader_interlock, fragment_shading_rate_with_custom_sample_locations, fragment_shading_rate_strict_multiply_combiner) """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Arguments: - `sample_counts::SampleCountFlag` - `fragment_size::Extent2D` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateKHR.html) """ PhysicalDeviceFragmentShadingRateKHR(sample_counts::SampleCountFlag, fragment_size::Extent2D; next = C_NULL) = PhysicalDeviceFragmentShadingRateKHR(next, sample_counts, fragment_size) """ Arguments: - `shader_terminate_invocation::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderTerminateInvocationFeatures.html) """ PhysicalDeviceShaderTerminateInvocationFeatures(shader_terminate_invocation::Bool; next = C_NULL) = PhysicalDeviceShaderTerminateInvocationFeatures(next, shader_terminate_invocation) """ Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums Arguments: - `fragment_shading_rate_enums::Bool` - `supersample_fragment_shading_rates::Bool` - `no_invocation_fragment_shading_rates::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV.html) """ PhysicalDeviceFragmentShadingRateEnumsFeaturesNV(fragment_shading_rate_enums::Bool, supersample_fragment_shading_rates::Bool, no_invocation_fragment_shading_rates::Bool; next = C_NULL) = PhysicalDeviceFragmentShadingRateEnumsFeaturesNV(next, fragment_shading_rate_enums, supersample_fragment_shading_rates, no_invocation_fragment_shading_rates) """ Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums Arguments: - `max_fragment_shading_rate_invocation_count::SampleCountFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV.html) """ PhysicalDeviceFragmentShadingRateEnumsPropertiesNV(max_fragment_shading_rate_invocation_count::SampleCountFlag; next = C_NULL) = PhysicalDeviceFragmentShadingRateEnumsPropertiesNV(next, max_fragment_shading_rate_invocation_count) """ Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums Arguments: - `shading_rate_type::FragmentShadingRateTypeNV` - `shading_rate::FragmentShadingRateNV` - `combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineFragmentShadingRateEnumStateCreateInfoNV.html) """ PipelineFragmentShadingRateEnumStateCreateInfoNV(shading_rate_type::FragmentShadingRateTypeNV, shading_rate::FragmentShadingRateNV, combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}; next = C_NULL) = PipelineFragmentShadingRateEnumStateCreateInfoNV(next, shading_rate_type, shading_rate, combiner_ops) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `acceleration_structure_size::UInt64` - `update_scratch_size::UInt64` - `build_scratch_size::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureBuildSizesInfoKHR.html) """ AccelerationStructureBuildSizesInfoKHR(acceleration_structure_size::Integer, update_scratch_size::Integer, build_scratch_size::Integer; next = C_NULL) = AccelerationStructureBuildSizesInfoKHR(next, acceleration_structure_size, update_scratch_size, build_scratch_size) """ Extension: VK\\_EXT\\_image\\_2d\\_view\\_of\\_3d Arguments: - `image_2_d_view_of_3_d::Bool` - `sampler_2_d_view_of_3_d::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImage2DViewOf3DFeaturesEXT.html) """ PhysicalDeviceImage2DViewOf3DFeaturesEXT(image_2_d_view_of_3_d::Bool, sampler_2_d_view_of_3_d::Bool; next = C_NULL) = PhysicalDeviceImage2DViewOf3DFeaturesEXT(next, image_2_d_view_of_3_d, sampler_2_d_view_of_3_d) """ Extension: VK\\_EXT\\_mutable\\_descriptor\\_type Arguments: - `mutable_descriptor_type::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT.html) """ PhysicalDeviceMutableDescriptorTypeFeaturesEXT(mutable_descriptor_type::Bool; next = C_NULL) = PhysicalDeviceMutableDescriptorTypeFeaturesEXT(next, mutable_descriptor_type) """ Extension: VK\\_EXT\\_mutable\\_descriptor\\_type Arguments: - `mutable_descriptor_type_lists::Vector{MutableDescriptorTypeListEXT}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMutableDescriptorTypeCreateInfoEXT.html) """ MutableDescriptorTypeCreateInfoEXT(mutable_descriptor_type_lists::AbstractArray; next = C_NULL) = MutableDescriptorTypeCreateInfoEXT(next, mutable_descriptor_type_lists) """ Extension: VK\\_EXT\\_depth\\_clip\\_control Arguments: - `depth_clip_control::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthClipControlFeaturesEXT.html) """ PhysicalDeviceDepthClipControlFeaturesEXT(depth_clip_control::Bool; next = C_NULL) = PhysicalDeviceDepthClipControlFeaturesEXT(next, depth_clip_control) """ Extension: VK\\_EXT\\_depth\\_clip\\_control Arguments: - `negative_one_to_one::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineViewportDepthClipControlCreateInfoEXT.html) """ PipelineViewportDepthClipControlCreateInfoEXT(negative_one_to_one::Bool; next = C_NULL) = PipelineViewportDepthClipControlCreateInfoEXT(next, negative_one_to_one) """ Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state Arguments: - `vertex_input_dynamic_state::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT.html) """ PhysicalDeviceVertexInputDynamicStateFeaturesEXT(vertex_input_dynamic_state::Bool; next = C_NULL) = PhysicalDeviceVertexInputDynamicStateFeaturesEXT(next, vertex_input_dynamic_state) """ Extension: VK\\_NV\\_external\\_memory\\_rdma Arguments: - `external_memory_rdma::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceExternalMemoryRDMAFeaturesNV.html) """ PhysicalDeviceExternalMemoryRDMAFeaturesNV(external_memory_rdma::Bool; next = C_NULL) = PhysicalDeviceExternalMemoryRDMAFeaturesNV(next, external_memory_rdma) """ Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state Arguments: - `binding::UInt32` - `stride::UInt32` - `input_rate::VertexInputRate` - `divisor::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputBindingDescription2EXT.html) """ VertexInputBindingDescription2EXT(binding::Integer, stride::Integer, input_rate::VertexInputRate, divisor::Integer; next = C_NULL) = VertexInputBindingDescription2EXT(next, binding, stride, input_rate, divisor) """ Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state Arguments: - `location::UInt32` - `binding::UInt32` - `format::Format` - `offset::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVertexInputAttributeDescription2EXT.html) """ VertexInputAttributeDescription2EXT(location::Integer, binding::Integer, format::Format, offset::Integer; next = C_NULL) = VertexInputAttributeDescription2EXT(next, location, binding, format, offset) """ Extension: VK\\_EXT\\_color\\_write\\_enable Arguments: - `color_write_enable::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceColorWriteEnableFeaturesEXT.html) """ PhysicalDeviceColorWriteEnableFeaturesEXT(color_write_enable::Bool; next = C_NULL) = PhysicalDeviceColorWriteEnableFeaturesEXT(next, color_write_enable) """ Extension: VK\\_EXT\\_color\\_write\\_enable Arguments: - `color_write_enables::Vector{Bool}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineColorWriteCreateInfoEXT.html) """ PipelineColorWriteCreateInfoEXT(color_write_enables::AbstractArray; next = C_NULL) = PipelineColorWriteCreateInfoEXT(next, color_write_enables) """ Arguments: - `next::Any`: defaults to `C_NULL` - `src_stage_mask::UInt64`: defaults to `0` - `src_access_mask::UInt64`: defaults to `0` - `dst_stage_mask::UInt64`: defaults to `0` - `dst_access_mask::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryBarrier2.html) """ MemoryBarrier2(; next = C_NULL, src_stage_mask = 0, src_access_mask = 0, dst_stage_mask = 0, dst_access_mask = 0) = MemoryBarrier2(next, src_stage_mask, src_access_mask, dst_stage_mask, dst_access_mask) """ Arguments: - `old_layout::ImageLayout` - `new_layout::ImageLayout` - `src_queue_family_index::UInt32` - `dst_queue_family_index::UInt32` - `image::Image` - `subresource_range::ImageSubresourceRange` - `next::Any`: defaults to `C_NULL` - `src_stage_mask::UInt64`: defaults to `0` - `src_access_mask::UInt64`: defaults to `0` - `dst_stage_mask::UInt64`: defaults to `0` - `dst_access_mask::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageMemoryBarrier2.html) """ ImageMemoryBarrier2(old_layout::ImageLayout, new_layout::ImageLayout, src_queue_family_index::Integer, dst_queue_family_index::Integer, image::Image, subresource_range::ImageSubresourceRange; next = C_NULL, src_stage_mask = 0, src_access_mask = 0, dst_stage_mask = 0, dst_access_mask = 0) = ImageMemoryBarrier2(next, src_stage_mask, src_access_mask, dst_stage_mask, dst_access_mask, old_layout, new_layout, src_queue_family_index, dst_queue_family_index, image, subresource_range) """ Arguments: - `src_queue_family_index::UInt32` - `dst_queue_family_index::UInt32` - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `next::Any`: defaults to `C_NULL` - `src_stage_mask::UInt64`: defaults to `0` - `src_access_mask::UInt64`: defaults to `0` - `dst_stage_mask::UInt64`: defaults to `0` - `dst_access_mask::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferMemoryBarrier2.html) """ BufferMemoryBarrier2(src_queue_family_index::Integer, dst_queue_family_index::Integer, buffer::Buffer, offset::Integer, size::Integer; next = C_NULL, src_stage_mask = 0, src_access_mask = 0, dst_stage_mask = 0, dst_access_mask = 0) = BufferMemoryBarrier2(next, src_stage_mask, src_access_mask, dst_stage_mask, dst_access_mask, src_queue_family_index, dst_queue_family_index, buffer, offset, size) """ Arguments: - `memory_barriers::Vector{MemoryBarrier2}` - `buffer_memory_barriers::Vector{BufferMemoryBarrier2}` - `image_memory_barriers::Vector{ImageMemoryBarrier2}` - `next::Any`: defaults to `C_NULL` - `dependency_flags::DependencyFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDependencyInfo.html) """ DependencyInfo(memory_barriers::AbstractArray, buffer_memory_barriers::AbstractArray, image_memory_barriers::AbstractArray; next = C_NULL, dependency_flags = 0) = DependencyInfo(next, dependency_flags, memory_barriers, buffer_memory_barriers, image_memory_barriers) """ Arguments: - `semaphore::Semaphore` - `value::UInt64` - `device_index::UInt32` - `next::Any`: defaults to `C_NULL` - `stage_mask::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSemaphoreSubmitInfo.html) """ SemaphoreSubmitInfo(semaphore::Semaphore, value::Integer, device_index::Integer; next = C_NULL, stage_mask = 0) = SemaphoreSubmitInfo(next, semaphore, value, stage_mask, device_index) """ Arguments: - `command_buffer::CommandBuffer` - `device_mask::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferSubmitInfo.html) """ CommandBufferSubmitInfo(command_buffer::CommandBuffer, device_mask::Integer; next = C_NULL) = CommandBufferSubmitInfo(next, command_buffer, device_mask) """ Arguments: - `wait_semaphore_infos::Vector{SemaphoreSubmitInfo}` - `command_buffer_infos::Vector{CommandBufferSubmitInfo}` - `signal_semaphore_infos::Vector{SemaphoreSubmitInfo}` - `next::Any`: defaults to `C_NULL` - `flags::SubmitFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubmitInfo2.html) """ SubmitInfo2(wait_semaphore_infos::AbstractArray, command_buffer_infos::AbstractArray, signal_semaphore_infos::AbstractArray; next = C_NULL, flags = 0) = SubmitInfo2(next, flags, wait_semaphore_infos, command_buffer_infos, signal_semaphore_infos) """ Extension: VK\\_KHR\\_synchronization2 Arguments: - `checkpoint_execution_stage_mask::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyCheckpointProperties2NV.html) """ QueueFamilyCheckpointProperties2NV(checkpoint_execution_stage_mask::Integer; next = C_NULL) = QueueFamilyCheckpointProperties2NV(next, checkpoint_execution_stage_mask) """ Extension: VK\\_KHR\\_synchronization2 Arguments: - `stage::UInt64` - `checkpoint_marker::Ptr{Cvoid}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCheckpointData2NV.html) """ CheckpointData2NV(stage::Integer, checkpoint_marker::Ptr{Cvoid}; next = C_NULL) = CheckpointData2NV(next, stage, checkpoint_marker) """ Arguments: - `synchronization2::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSynchronization2Features.html) """ PhysicalDeviceSynchronization2Features(synchronization2::Bool; next = C_NULL) = PhysicalDeviceSynchronization2Features(next, synchronization2) """ Extension: VK\\_EXT\\_primitives\\_generated\\_query Arguments: - `primitives_generated_query::Bool` - `primitives_generated_query_with_rasterizer_discard::Bool` - `primitives_generated_query_with_non_zero_streams::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT.html) """ PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT(primitives_generated_query::Bool, primitives_generated_query_with_rasterizer_discard::Bool, primitives_generated_query_with_non_zero_streams::Bool; next = C_NULL) = PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT(next, primitives_generated_query, primitives_generated_query_with_rasterizer_discard, primitives_generated_query_with_non_zero_streams) """ Extension: VK\\_EXT\\_legacy\\_dithering Arguments: - `legacy_dithering::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLegacyDitheringFeaturesEXT.html) """ PhysicalDeviceLegacyDitheringFeaturesEXT(legacy_dithering::Bool; next = C_NULL) = PhysicalDeviceLegacyDitheringFeaturesEXT(next, legacy_dithering) """ Extension: VK\\_EXT\\_multisampled\\_render\\_to\\_single\\_sampled Arguments: - `multisampled_render_to_single_sampled::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT.html) """ PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT(multisampled_render_to_single_sampled::Bool; next = C_NULL) = PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT(next, multisampled_render_to_single_sampled) """ Extension: VK\\_EXT\\_multisampled\\_render\\_to\\_single\\_sampled Arguments: - `optimal::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubpassResolvePerformanceQueryEXT.html) """ SubpassResolvePerformanceQueryEXT(optimal::Bool; next = C_NULL) = SubpassResolvePerformanceQueryEXT(next, optimal) """ Extension: VK\\_EXT\\_multisampled\\_render\\_to\\_single\\_sampled Arguments: - `multisampled_render_to_single_sampled_enable::Bool` - `rasterization_samples::SampleCountFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultisampledRenderToSingleSampledInfoEXT.html) """ MultisampledRenderToSingleSampledInfoEXT(multisampled_render_to_single_sampled_enable::Bool, rasterization_samples::SampleCountFlag; next = C_NULL) = MultisampledRenderToSingleSampledInfoEXT(next, multisampled_render_to_single_sampled_enable, rasterization_samples) """ Extension: VK\\_EXT\\_pipeline\\_protected\\_access Arguments: - `pipeline_protected_access::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineProtectedAccessFeaturesEXT.html) """ PhysicalDevicePipelineProtectedAccessFeaturesEXT(pipeline_protected_access::Bool; next = C_NULL) = PhysicalDevicePipelineProtectedAccessFeaturesEXT(next, pipeline_protected_access) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `video_codec_operations::VideoCodecOperationFlagKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyVideoPropertiesKHR.html) """ QueueFamilyVideoPropertiesKHR(video_codec_operations::VideoCodecOperationFlagKHR; next = C_NULL) = QueueFamilyVideoPropertiesKHR(next, video_codec_operations) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `query_result_status_support::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkQueueFamilyQueryResultStatusPropertiesKHR.html) """ QueueFamilyQueryResultStatusPropertiesKHR(query_result_status_support::Bool; next = C_NULL) = QueueFamilyQueryResultStatusPropertiesKHR(next, query_result_status_support) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `profiles::Vector{VideoProfileInfoKHR}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoProfileListInfoKHR.html) """ VideoProfileListInfoKHR(profiles::AbstractArray; next = C_NULL) = VideoProfileListInfoKHR(next, profiles) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `image_usage::ImageUsageFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceVideoFormatInfoKHR.html) """ PhysicalDeviceVideoFormatInfoKHR(image_usage::ImageUsageFlag; next = C_NULL) = PhysicalDeviceVideoFormatInfoKHR(next, image_usage) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `format::Format` - `component_mapping::ComponentMapping` - `image_create_flags::ImageCreateFlag` - `image_type::ImageType` - `image_tiling::ImageTiling` - `image_usage_flags::ImageUsageFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoFormatPropertiesKHR.html) """ VideoFormatPropertiesKHR(format::Format, component_mapping::ComponentMapping, image_create_flags::ImageCreateFlag, image_type::ImageType, image_tiling::ImageTiling, image_usage_flags::ImageUsageFlag; next = C_NULL) = VideoFormatPropertiesKHR(next, format, component_mapping, image_create_flags, image_type, image_tiling, image_usage_flags) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `video_codec_operation::VideoCodecOperationFlagKHR` - `chroma_subsampling::VideoChromaSubsamplingFlagKHR` - `luma_bit_depth::VideoComponentBitDepthFlagKHR` - `next::Any`: defaults to `C_NULL` - `chroma_bit_depth::VideoComponentBitDepthFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoProfileInfoKHR.html) """ VideoProfileInfoKHR(video_codec_operation::VideoCodecOperationFlagKHR, chroma_subsampling::VideoChromaSubsamplingFlagKHR, luma_bit_depth::VideoComponentBitDepthFlagKHR; next = C_NULL, chroma_bit_depth = 0) = VideoProfileInfoKHR(next, video_codec_operation, chroma_subsampling, luma_bit_depth, chroma_bit_depth) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `flags::VideoCapabilityFlagKHR` - `min_bitstream_buffer_offset_alignment::UInt64` - `min_bitstream_buffer_size_alignment::UInt64` - `picture_access_granularity::Extent2D` - `min_coded_extent::Extent2D` - `max_coded_extent::Extent2D` - `max_dpb_slots::UInt32` - `max_active_reference_pictures::UInt32` - `std_header_version::ExtensionProperties` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoCapabilitiesKHR.html) """ VideoCapabilitiesKHR(flags::VideoCapabilityFlagKHR, min_bitstream_buffer_offset_alignment::Integer, min_bitstream_buffer_size_alignment::Integer, picture_access_granularity::Extent2D, min_coded_extent::Extent2D, max_coded_extent::Extent2D, max_dpb_slots::Integer, max_active_reference_pictures::Integer, std_header_version::ExtensionProperties; next = C_NULL) = VideoCapabilitiesKHR(next, flags, min_bitstream_buffer_offset_alignment, min_bitstream_buffer_size_alignment, picture_access_granularity, min_coded_extent, max_coded_extent, max_dpb_slots, max_active_reference_pictures, std_header_version) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `memory_bind_index::UInt32` - `memory_requirements::MemoryRequirements` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionMemoryRequirementsKHR.html) """ VideoSessionMemoryRequirementsKHR(memory_bind_index::Integer, memory_requirements::MemoryRequirements; next = C_NULL) = VideoSessionMemoryRequirementsKHR(next, memory_bind_index, memory_requirements) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `memory_bind_index::UInt32` - `memory::DeviceMemory` - `memory_offset::UInt64` - `memory_size::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBindVideoSessionMemoryInfoKHR.html) """ BindVideoSessionMemoryInfoKHR(memory_bind_index::Integer, memory::DeviceMemory, memory_offset::Integer, memory_size::Integer; next = C_NULL) = BindVideoSessionMemoryInfoKHR(next, memory_bind_index, memory, memory_offset, memory_size) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `coded_offset::Offset2D` - `coded_extent::Extent2D` - `base_array_layer::UInt32` - `image_view_binding::ImageView` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoPictureResourceInfoKHR.html) """ VideoPictureResourceInfoKHR(coded_offset::Offset2D, coded_extent::Extent2D, base_array_layer::Integer, image_view_binding::ImageView; next = C_NULL) = VideoPictureResourceInfoKHR(next, coded_offset, coded_extent, base_array_layer, image_view_binding) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `slot_index::Int32` - `next::Any`: defaults to `C_NULL` - `picture_resource::VideoPictureResourceInfoKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoReferenceSlotInfoKHR.html) """ VideoReferenceSlotInfoKHR(slot_index::Integer; next = C_NULL, picture_resource = C_NULL) = VideoReferenceSlotInfoKHR(next, slot_index, picture_resource) """ Extension: VK\\_KHR\\_video\\_decode\\_queue Arguments: - `flags::VideoDecodeCapabilityFlagKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeCapabilitiesKHR.html) """ VideoDecodeCapabilitiesKHR(flags::VideoDecodeCapabilityFlagKHR; next = C_NULL) = VideoDecodeCapabilitiesKHR(next, flags) """ Extension: VK\\_KHR\\_video\\_decode\\_queue Arguments: - `next::Any`: defaults to `C_NULL` - `video_usage_hints::VideoDecodeUsageFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeUsageInfoKHR.html) """ VideoDecodeUsageInfoKHR(; next = C_NULL, video_usage_hints = 0) = VideoDecodeUsageInfoKHR(next, video_usage_hints) """ Extension: VK\\_KHR\\_video\\_decode\\_queue Arguments: - `src_buffer::Buffer` - `src_buffer_offset::UInt64` - `src_buffer_range::UInt64` - `dst_picture_resource::VideoPictureResourceInfoKHR` - `setup_reference_slot::VideoReferenceSlotInfoKHR` - `reference_slots::Vector{VideoReferenceSlotInfoKHR}` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeInfoKHR.html) """ VideoDecodeInfoKHR(src_buffer::Buffer, src_buffer_offset::Integer, src_buffer_range::Integer, dst_picture_resource::VideoPictureResourceInfoKHR, setup_reference_slot::VideoReferenceSlotInfoKHR, reference_slots::AbstractArray; next = C_NULL, flags = 0) = VideoDecodeInfoKHR(next, flags, src_buffer, src_buffer_offset, src_buffer_range, dst_picture_resource, setup_reference_slot, reference_slots) """ Extension: VK\\_KHR\\_video\\_decode\\_h264 Arguments: - `std_profile_idc::StdVideoH264ProfileIdc` - `next::Any`: defaults to `C_NULL` - `picture_layout::VideoDecodeH264PictureLayoutFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264ProfileInfoKHR.html) """ VideoDecodeH264ProfileInfoKHR(std_profile_idc::StdVideoH264ProfileIdc; next = C_NULL, picture_layout = 0) = VideoDecodeH264ProfileInfoKHR(next, std_profile_idc, picture_layout) """ Extension: VK\\_KHR\\_video\\_decode\\_h264 Arguments: - `max_level_idc::StdVideoH264LevelIdc` - `field_offset_granularity::Offset2D` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264CapabilitiesKHR.html) """ VideoDecodeH264CapabilitiesKHR(max_level_idc::StdVideoH264LevelIdc, field_offset_granularity::Offset2D; next = C_NULL) = VideoDecodeH264CapabilitiesKHR(next, max_level_idc, field_offset_granularity) """ Extension: VK\\_KHR\\_video\\_decode\\_h264 Arguments: - `std_sp_ss::Vector{StdVideoH264SequenceParameterSet}` - `std_pp_ss::Vector{StdVideoH264PictureParameterSet}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264SessionParametersAddInfoKHR.html) """ VideoDecodeH264SessionParametersAddInfoKHR(std_sp_ss::AbstractArray, std_pp_ss::AbstractArray; next = C_NULL) = VideoDecodeH264SessionParametersAddInfoKHR(next, std_sp_ss, std_pp_ss) """ Extension: VK\\_KHR\\_video\\_decode\\_h264 Arguments: - `max_std_sps_count::UInt32` - `max_std_pps_count::UInt32` - `next::Any`: defaults to `C_NULL` - `parameters_add_info::VideoDecodeH264SessionParametersAddInfoKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264SessionParametersCreateInfoKHR.html) """ VideoDecodeH264SessionParametersCreateInfoKHR(max_std_sps_count::Integer, max_std_pps_count::Integer; next = C_NULL, parameters_add_info = C_NULL) = VideoDecodeH264SessionParametersCreateInfoKHR(next, max_std_sps_count, max_std_pps_count, parameters_add_info) """ Extension: VK\\_KHR\\_video\\_decode\\_h264 Arguments: - `std_picture_info::StdVideoDecodeH264PictureInfo` - `slice_offsets::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264PictureInfoKHR.html) """ VideoDecodeH264PictureInfoKHR(std_picture_info::StdVideoDecodeH264PictureInfo, slice_offsets::AbstractArray; next = C_NULL) = VideoDecodeH264PictureInfoKHR(next, std_picture_info, slice_offsets) """ Extension: VK\\_KHR\\_video\\_decode\\_h264 Arguments: - `std_reference_info::StdVideoDecodeH264ReferenceInfo` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH264DpbSlotInfoKHR.html) """ VideoDecodeH264DpbSlotInfoKHR(std_reference_info::StdVideoDecodeH264ReferenceInfo; next = C_NULL) = VideoDecodeH264DpbSlotInfoKHR(next, std_reference_info) """ Extension: VK\\_KHR\\_video\\_decode\\_h265 Arguments: - `std_profile_idc::StdVideoH265ProfileIdc` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265ProfileInfoKHR.html) """ VideoDecodeH265ProfileInfoKHR(std_profile_idc::StdVideoH265ProfileIdc; next = C_NULL) = VideoDecodeH265ProfileInfoKHR(next, std_profile_idc) """ Extension: VK\\_KHR\\_video\\_decode\\_h265 Arguments: - `max_level_idc::StdVideoH265LevelIdc` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265CapabilitiesKHR.html) """ VideoDecodeH265CapabilitiesKHR(max_level_idc::StdVideoH265LevelIdc; next = C_NULL) = VideoDecodeH265CapabilitiesKHR(next, max_level_idc) """ Extension: VK\\_KHR\\_video\\_decode\\_h265 Arguments: - `std_vp_ss::Vector{StdVideoH265VideoParameterSet}` - `std_sp_ss::Vector{StdVideoH265SequenceParameterSet}` - `std_pp_ss::Vector{StdVideoH265PictureParameterSet}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265SessionParametersAddInfoKHR.html) """ VideoDecodeH265SessionParametersAddInfoKHR(std_vp_ss::AbstractArray, std_sp_ss::AbstractArray, std_pp_ss::AbstractArray; next = C_NULL) = VideoDecodeH265SessionParametersAddInfoKHR(next, std_vp_ss, std_sp_ss, std_pp_ss) """ Extension: VK\\_KHR\\_video\\_decode\\_h265 Arguments: - `max_std_vps_count::UInt32` - `max_std_sps_count::UInt32` - `max_std_pps_count::UInt32` - `next::Any`: defaults to `C_NULL` - `parameters_add_info::VideoDecodeH265SessionParametersAddInfoKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265SessionParametersCreateInfoKHR.html) """ VideoDecodeH265SessionParametersCreateInfoKHR(max_std_vps_count::Integer, max_std_sps_count::Integer, max_std_pps_count::Integer; next = C_NULL, parameters_add_info = C_NULL) = VideoDecodeH265SessionParametersCreateInfoKHR(next, max_std_vps_count, max_std_sps_count, max_std_pps_count, parameters_add_info) """ Extension: VK\\_KHR\\_video\\_decode\\_h265 Arguments: - `std_picture_info::StdVideoDecodeH265PictureInfo` - `slice_segment_offsets::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265PictureInfoKHR.html) """ VideoDecodeH265PictureInfoKHR(std_picture_info::StdVideoDecodeH265PictureInfo, slice_segment_offsets::AbstractArray; next = C_NULL) = VideoDecodeH265PictureInfoKHR(next, std_picture_info, slice_segment_offsets) """ Extension: VK\\_KHR\\_video\\_decode\\_h265 Arguments: - `std_reference_info::StdVideoDecodeH265ReferenceInfo` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoDecodeH265DpbSlotInfoKHR.html) """ VideoDecodeH265DpbSlotInfoKHR(std_reference_info::StdVideoDecodeH265ReferenceInfo; next = C_NULL) = VideoDecodeH265DpbSlotInfoKHR(next, std_reference_info) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `queue_family_index::UInt32` - `video_profile::VideoProfileInfoKHR` - `picture_format::Format` - `max_coded_extent::Extent2D` - `reference_picture_format::Format` - `max_dpb_slots::UInt32` - `max_active_reference_pictures::UInt32` - `std_header_version::ExtensionProperties` - `next::Any`: defaults to `C_NULL` - `flags::VideoSessionCreateFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionCreateInfoKHR.html) """ VideoSessionCreateInfoKHR(queue_family_index::Integer, video_profile::VideoProfileInfoKHR, picture_format::Format, max_coded_extent::Extent2D, reference_picture_format::Format, max_dpb_slots::Integer, max_active_reference_pictures::Integer, std_header_version::ExtensionProperties; next = C_NULL, flags = 0) = VideoSessionCreateInfoKHR(next, queue_family_index, flags, video_profile, picture_format, max_coded_extent, reference_picture_format, max_dpb_slots, max_active_reference_pictures, std_header_version) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `video_session::VideoSessionKHR` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `video_session_parameters_template::VideoSessionParametersKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionParametersCreateInfoKHR.html) """ VideoSessionParametersCreateInfoKHR(video_session::VideoSessionKHR; next = C_NULL, flags = 0, video_session_parameters_template = C_NULL) = VideoSessionParametersCreateInfoKHR(next, flags, video_session_parameters_template, video_session) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `update_sequence_count::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoSessionParametersUpdateInfoKHR.html) """ VideoSessionParametersUpdateInfoKHR(update_sequence_count::Integer; next = C_NULL) = VideoSessionParametersUpdateInfoKHR(next, update_sequence_count) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `video_session::VideoSessionKHR` - `reference_slots::Vector{VideoReferenceSlotInfoKHR}` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `video_session_parameters::VideoSessionParametersKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoBeginCodingInfoKHR.html) """ VideoBeginCodingInfoKHR(video_session::VideoSessionKHR, reference_slots::AbstractArray; next = C_NULL, flags = 0, video_session_parameters = C_NULL) = VideoBeginCodingInfoKHR(next, flags, video_session, video_session_parameters, reference_slots) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoEndCodingInfoKHR.html) """ VideoEndCodingInfoKHR(; next = C_NULL, flags = 0) = VideoEndCodingInfoKHR(next, flags) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `next::Any`: defaults to `C_NULL` - `flags::VideoCodingControlFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkVideoCodingControlInfoKHR.html) """ VideoCodingControlInfoKHR(; next = C_NULL, flags = 0) = VideoCodingControlInfoKHR(next, flags) """ Extension: VK\\_NV\\_inherited\\_viewport\\_scissor Arguments: - `inherited_viewport_scissor_2_d::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceInheritedViewportScissorFeaturesNV.html) """ PhysicalDeviceInheritedViewportScissorFeaturesNV(inherited_viewport_scissor_2_d::Bool; next = C_NULL) = PhysicalDeviceInheritedViewportScissorFeaturesNV(next, inherited_viewport_scissor_2_d) """ Extension: VK\\_NV\\_inherited\\_viewport\\_scissor Arguments: - `viewport_scissor_2_d::Bool` - `viewport_depth_count::UInt32` - `viewport_depths::Viewport` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceViewportScissorInfoNV.html) """ CommandBufferInheritanceViewportScissorInfoNV(viewport_scissor_2_d::Bool, viewport_depth_count::Integer, viewport_depths::Viewport; next = C_NULL) = CommandBufferInheritanceViewportScissorInfoNV(next, viewport_scissor_2_d, viewport_depth_count, viewport_depths) """ Extension: VK\\_EXT\\_ycbcr\\_2plane\\_444\\_formats Arguments: - `ycbcr_444_formats::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT.html) """ PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT(ycbcr_444_formats::Bool; next = C_NULL) = PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT(next, ycbcr_444_formats) """ Extension: VK\\_EXT\\_provoking\\_vertex Arguments: - `provoking_vertex_last::Bool` - `transform_feedback_preserves_provoking_vertex::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProvokingVertexFeaturesEXT.html) """ PhysicalDeviceProvokingVertexFeaturesEXT(provoking_vertex_last::Bool, transform_feedback_preserves_provoking_vertex::Bool; next = C_NULL) = PhysicalDeviceProvokingVertexFeaturesEXT(next, provoking_vertex_last, transform_feedback_preserves_provoking_vertex) """ Extension: VK\\_EXT\\_provoking\\_vertex Arguments: - `provoking_vertex_mode_per_pipeline::Bool` - `transform_feedback_preserves_triangle_fan_provoking_vertex::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceProvokingVertexPropertiesEXT.html) """ PhysicalDeviceProvokingVertexPropertiesEXT(provoking_vertex_mode_per_pipeline::Bool, transform_feedback_preserves_triangle_fan_provoking_vertex::Bool; next = C_NULL) = PhysicalDeviceProvokingVertexPropertiesEXT(next, provoking_vertex_mode_per_pipeline, transform_feedback_preserves_triangle_fan_provoking_vertex) """ Extension: VK\\_EXT\\_provoking\\_vertex Arguments: - `provoking_vertex_mode::ProvokingVertexModeEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRasterizationProvokingVertexStateCreateInfoEXT.html) """ PipelineRasterizationProvokingVertexStateCreateInfoEXT(provoking_vertex_mode::ProvokingVertexModeEXT; next = C_NULL) = PipelineRasterizationProvokingVertexStateCreateInfoEXT(next, provoking_vertex_mode) """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `data_size::UInt` - `data::Ptr{Cvoid}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCuModuleCreateInfoNVX.html) """ CuModuleCreateInfoNVX(data_size::Integer, data::Ptr{Cvoid}; next = C_NULL) = CuModuleCreateInfoNVX(next, data_size, data) """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `_module::CuModuleNVX` - `name::String` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCuFunctionCreateInfoNVX.html) """ CuFunctionCreateInfoNVX(_module::CuModuleNVX, name::AbstractString; next = C_NULL) = CuFunctionCreateInfoNVX(next, _module, name) """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `_function::CuFunctionNVX` - `grid_dim_x::UInt32` - `grid_dim_y::UInt32` - `grid_dim_z::UInt32` - `block_dim_x::UInt32` - `block_dim_y::UInt32` - `block_dim_z::UInt32` - `shared_mem_bytes::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCuLaunchInfoNVX.html) """ CuLaunchInfoNVX(_function::CuFunctionNVX, grid_dim_x::Integer, grid_dim_y::Integer, grid_dim_z::Integer, block_dim_x::Integer, block_dim_y::Integer, block_dim_z::Integer, shared_mem_bytes::Integer; next = C_NULL) = CuLaunchInfoNVX(next, _function, grid_dim_x, grid_dim_y, grid_dim_z, block_dim_x, block_dim_y, block_dim_z, shared_mem_bytes) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `descriptor_buffer::Bool` - `descriptor_buffer_capture_replay::Bool` - `descriptor_buffer_image_layout_ignored::Bool` - `descriptor_buffer_push_descriptors::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorBufferFeaturesEXT.html) """ PhysicalDeviceDescriptorBufferFeaturesEXT(descriptor_buffer::Bool, descriptor_buffer_capture_replay::Bool, descriptor_buffer_image_layout_ignored::Bool, descriptor_buffer_push_descriptors::Bool; next = C_NULL) = PhysicalDeviceDescriptorBufferFeaturesEXT(next, descriptor_buffer, descriptor_buffer_capture_replay, descriptor_buffer_image_layout_ignored, descriptor_buffer_push_descriptors) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `combined_image_sampler_descriptor_single_array::Bool` - `bufferless_push_descriptors::Bool` - `allow_sampler_image_view_post_submit_creation::Bool` - `descriptor_buffer_offset_alignment::UInt64` - `max_descriptor_buffer_bindings::UInt32` - `max_resource_descriptor_buffer_bindings::UInt32` - `max_sampler_descriptor_buffer_bindings::UInt32` - `max_embedded_immutable_sampler_bindings::UInt32` - `max_embedded_immutable_samplers::UInt32` - `buffer_capture_replay_descriptor_data_size::UInt` - `image_capture_replay_descriptor_data_size::UInt` - `image_view_capture_replay_descriptor_data_size::UInt` - `sampler_capture_replay_descriptor_data_size::UInt` - `acceleration_structure_capture_replay_descriptor_data_size::UInt` - `sampler_descriptor_size::UInt` - `combined_image_sampler_descriptor_size::UInt` - `sampled_image_descriptor_size::UInt` - `storage_image_descriptor_size::UInt` - `uniform_texel_buffer_descriptor_size::UInt` - `robust_uniform_texel_buffer_descriptor_size::UInt` - `storage_texel_buffer_descriptor_size::UInt` - `robust_storage_texel_buffer_descriptor_size::UInt` - `uniform_buffer_descriptor_size::UInt` - `robust_uniform_buffer_descriptor_size::UInt` - `storage_buffer_descriptor_size::UInt` - `robust_storage_buffer_descriptor_size::UInt` - `input_attachment_descriptor_size::UInt` - `acceleration_structure_descriptor_size::UInt` - `max_sampler_descriptor_buffer_range::UInt64` - `max_resource_descriptor_buffer_range::UInt64` - `sampler_descriptor_buffer_address_space_size::UInt64` - `resource_descriptor_buffer_address_space_size::UInt64` - `descriptor_buffer_address_space_size::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorBufferPropertiesEXT.html) """ PhysicalDeviceDescriptorBufferPropertiesEXT(combined_image_sampler_descriptor_single_array::Bool, bufferless_push_descriptors::Bool, allow_sampler_image_view_post_submit_creation::Bool, descriptor_buffer_offset_alignment::Integer, max_descriptor_buffer_bindings::Integer, max_resource_descriptor_buffer_bindings::Integer, max_sampler_descriptor_buffer_bindings::Integer, max_embedded_immutable_sampler_bindings::Integer, max_embedded_immutable_samplers::Integer, buffer_capture_replay_descriptor_data_size::Integer, image_capture_replay_descriptor_data_size::Integer, image_view_capture_replay_descriptor_data_size::Integer, sampler_capture_replay_descriptor_data_size::Integer, acceleration_structure_capture_replay_descriptor_data_size::Integer, sampler_descriptor_size::Integer, combined_image_sampler_descriptor_size::Integer, sampled_image_descriptor_size::Integer, storage_image_descriptor_size::Integer, uniform_texel_buffer_descriptor_size::Integer, robust_uniform_texel_buffer_descriptor_size::Integer, storage_texel_buffer_descriptor_size::Integer, robust_storage_texel_buffer_descriptor_size::Integer, uniform_buffer_descriptor_size::Integer, robust_uniform_buffer_descriptor_size::Integer, storage_buffer_descriptor_size::Integer, robust_storage_buffer_descriptor_size::Integer, input_attachment_descriptor_size::Integer, acceleration_structure_descriptor_size::Integer, max_sampler_descriptor_buffer_range::Integer, max_resource_descriptor_buffer_range::Integer, sampler_descriptor_buffer_address_space_size::Integer, resource_descriptor_buffer_address_space_size::Integer, descriptor_buffer_address_space_size::Integer; next = C_NULL) = PhysicalDeviceDescriptorBufferPropertiesEXT(next, combined_image_sampler_descriptor_single_array, bufferless_push_descriptors, allow_sampler_image_view_post_submit_creation, descriptor_buffer_offset_alignment, max_descriptor_buffer_bindings, max_resource_descriptor_buffer_bindings, max_sampler_descriptor_buffer_bindings, max_embedded_immutable_sampler_bindings, max_embedded_immutable_samplers, buffer_capture_replay_descriptor_data_size, image_capture_replay_descriptor_data_size, image_view_capture_replay_descriptor_data_size, sampler_capture_replay_descriptor_data_size, acceleration_structure_capture_replay_descriptor_data_size, sampler_descriptor_size, combined_image_sampler_descriptor_size, sampled_image_descriptor_size, storage_image_descriptor_size, uniform_texel_buffer_descriptor_size, robust_uniform_texel_buffer_descriptor_size, storage_texel_buffer_descriptor_size, robust_storage_texel_buffer_descriptor_size, uniform_buffer_descriptor_size, robust_uniform_buffer_descriptor_size, storage_buffer_descriptor_size, robust_storage_buffer_descriptor_size, input_attachment_descriptor_size, acceleration_structure_descriptor_size, max_sampler_descriptor_buffer_range, max_resource_descriptor_buffer_range, sampler_descriptor_buffer_address_space_size, resource_descriptor_buffer_address_space_size, descriptor_buffer_address_space_size) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `combined_image_sampler_density_map_descriptor_size::UInt` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT.html) """ PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT(combined_image_sampler_density_map_descriptor_size::Integer; next = C_NULL) = PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT(next, combined_image_sampler_density_map_descriptor_size) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `address::UInt64` - `range::UInt64` - `format::Format` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorAddressInfoEXT.html) """ DescriptorAddressInfoEXT(address::Integer, range::Integer, format::Format; next = C_NULL) = DescriptorAddressInfoEXT(next, address, range, format) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `address::UInt64` - `usage::BufferUsageFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorBufferBindingInfoEXT.html) """ DescriptorBufferBindingInfoEXT(address::Integer, usage::BufferUsageFlag; next = C_NULL) = DescriptorBufferBindingInfoEXT(next, address, usage) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `buffer::Buffer` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorBufferBindingPushDescriptorBufferHandleEXT.html) """ DescriptorBufferBindingPushDescriptorBufferHandleEXT(buffer::Buffer; next = C_NULL) = DescriptorBufferBindingPushDescriptorBufferHandleEXT(next, buffer) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `type::DescriptorType` - `data::DescriptorDataEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorGetInfoEXT.html) """ DescriptorGetInfoEXT(type::DescriptorType, data::DescriptorDataEXT; next = C_NULL) = DescriptorGetInfoEXT(next, type, data) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `buffer::Buffer` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkBufferCaptureDescriptorDataInfoEXT.html) """ BufferCaptureDescriptorDataInfoEXT(buffer::Buffer; next = C_NULL) = BufferCaptureDescriptorDataInfoEXT(next, buffer) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `image::Image` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCaptureDescriptorDataInfoEXT.html) """ ImageCaptureDescriptorDataInfoEXT(image::Image; next = C_NULL) = ImageCaptureDescriptorDataInfoEXT(next, image) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `image_view::ImageView` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewCaptureDescriptorDataInfoEXT.html) """ ImageViewCaptureDescriptorDataInfoEXT(image_view::ImageView; next = C_NULL) = ImageViewCaptureDescriptorDataInfoEXT(next, image_view) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `sampler::Sampler` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSamplerCaptureDescriptorDataInfoEXT.html) """ SamplerCaptureDescriptorDataInfoEXT(sampler::Sampler; next = C_NULL) = SamplerCaptureDescriptorDataInfoEXT(next, sampler) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `next::Any`: defaults to `C_NULL` - `acceleration_structure::AccelerationStructureKHR`: defaults to `C_NULL` - `acceleration_structure_nv::AccelerationStructureNV`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureCaptureDescriptorDataInfoEXT.html) """ AccelerationStructureCaptureDescriptorDataInfoEXT(; next = C_NULL, acceleration_structure = C_NULL, acceleration_structure_nv = C_NULL) = AccelerationStructureCaptureDescriptorDataInfoEXT(next, acceleration_structure, acceleration_structure_nv) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `opaque_capture_descriptor_data::Ptr{Cvoid}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpaqueCaptureDescriptorDataCreateInfoEXT.html) """ OpaqueCaptureDescriptorDataCreateInfoEXT(opaque_capture_descriptor_data::Ptr{Cvoid}; next = C_NULL) = OpaqueCaptureDescriptorDataCreateInfoEXT(next, opaque_capture_descriptor_data) """ Arguments: - `shader_integer_dot_product::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderIntegerDotProductFeatures.html) """ PhysicalDeviceShaderIntegerDotProductFeatures(shader_integer_dot_product::Bool; next = C_NULL) = PhysicalDeviceShaderIntegerDotProductFeatures(next, shader_integer_dot_product) """ Arguments: - `integer_dot_product_8_bit_unsigned_accelerated::Bool` - `integer_dot_product_8_bit_signed_accelerated::Bool` - `integer_dot_product_8_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_8_bit_packed_unsigned_accelerated::Bool` - `integer_dot_product_8_bit_packed_signed_accelerated::Bool` - `integer_dot_product_8_bit_packed_mixed_signedness_accelerated::Bool` - `integer_dot_product_16_bit_unsigned_accelerated::Bool` - `integer_dot_product_16_bit_signed_accelerated::Bool` - `integer_dot_product_16_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_32_bit_unsigned_accelerated::Bool` - `integer_dot_product_32_bit_signed_accelerated::Bool` - `integer_dot_product_32_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_64_bit_unsigned_accelerated::Bool` - `integer_dot_product_64_bit_signed_accelerated::Bool` - `integer_dot_product_64_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_16_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_32_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated::Bool` - `integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated::Bool` - `integer_dot_product_accumulating_saturating_64_bit_signed_accelerated::Bool` - `integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderIntegerDotProductProperties.html) """ PhysicalDeviceShaderIntegerDotProductProperties(integer_dot_product_8_bit_unsigned_accelerated::Bool, integer_dot_product_8_bit_signed_accelerated::Bool, integer_dot_product_8_bit_mixed_signedness_accelerated::Bool, integer_dot_product_8_bit_packed_unsigned_accelerated::Bool, integer_dot_product_8_bit_packed_signed_accelerated::Bool, integer_dot_product_8_bit_packed_mixed_signedness_accelerated::Bool, integer_dot_product_16_bit_unsigned_accelerated::Bool, integer_dot_product_16_bit_signed_accelerated::Bool, integer_dot_product_16_bit_mixed_signedness_accelerated::Bool, integer_dot_product_32_bit_unsigned_accelerated::Bool, integer_dot_product_32_bit_signed_accelerated::Bool, integer_dot_product_32_bit_mixed_signedness_accelerated::Bool, integer_dot_product_64_bit_unsigned_accelerated::Bool, integer_dot_product_64_bit_signed_accelerated::Bool, integer_dot_product_64_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_16_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_32_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated::Bool, integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated::Bool, integer_dot_product_accumulating_saturating_64_bit_signed_accelerated::Bool, integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated::Bool; next = C_NULL) = PhysicalDeviceShaderIntegerDotProductProperties(next, integer_dot_product_8_bit_unsigned_accelerated, integer_dot_product_8_bit_signed_accelerated, integer_dot_product_8_bit_mixed_signedness_accelerated, integer_dot_product_8_bit_packed_unsigned_accelerated, integer_dot_product_8_bit_packed_signed_accelerated, integer_dot_product_8_bit_packed_mixed_signedness_accelerated, integer_dot_product_16_bit_unsigned_accelerated, integer_dot_product_16_bit_signed_accelerated, integer_dot_product_16_bit_mixed_signedness_accelerated, integer_dot_product_32_bit_unsigned_accelerated, integer_dot_product_32_bit_signed_accelerated, integer_dot_product_32_bit_mixed_signedness_accelerated, integer_dot_product_64_bit_unsigned_accelerated, integer_dot_product_64_bit_signed_accelerated, integer_dot_product_64_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_8_bit_signed_accelerated, integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated, integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated, integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_16_bit_signed_accelerated, integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_32_bit_signed_accelerated, integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated, integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated, integer_dot_product_accumulating_saturating_64_bit_signed_accelerated, integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated) """ Extension: VK\\_EXT\\_physical\\_device\\_drm Arguments: - `has_primary::Bool` - `has_render::Bool` - `primary_major::Int64` - `primary_minor::Int64` - `render_major::Int64` - `render_minor::Int64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDrmPropertiesEXT.html) """ PhysicalDeviceDrmPropertiesEXT(has_primary::Bool, has_render::Bool, primary_major::Integer, primary_minor::Integer, render_major::Integer, render_minor::Integer; next = C_NULL) = PhysicalDeviceDrmPropertiesEXT(next, has_primary, has_render, primary_major, primary_minor, render_major, render_minor) """ Extension: VK\\_KHR\\_fragment\\_shader\\_barycentric Arguments: - `fragment_shader_barycentric::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR.html) """ PhysicalDeviceFragmentShaderBarycentricFeaturesKHR(fragment_shader_barycentric::Bool; next = C_NULL) = PhysicalDeviceFragmentShaderBarycentricFeaturesKHR(next, fragment_shader_barycentric) """ Extension: VK\\_KHR\\_fragment\\_shader\\_barycentric Arguments: - `tri_strip_vertex_order_independent_of_provoking_vertex::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR.html) """ PhysicalDeviceFragmentShaderBarycentricPropertiesKHR(tri_strip_vertex_order_independent_of_provoking_vertex::Bool; next = C_NULL) = PhysicalDeviceFragmentShaderBarycentricPropertiesKHR(next, tri_strip_vertex_order_independent_of_provoking_vertex) """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `ray_tracing_motion_blur::Bool` - `ray_tracing_motion_blur_pipeline_trace_rays_indirect::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingMotionBlurFeaturesNV.html) """ PhysicalDeviceRayTracingMotionBlurFeaturesNV(ray_tracing_motion_blur::Bool, ray_tracing_motion_blur_pipeline_trace_rays_indirect::Bool; next = C_NULL) = PhysicalDeviceRayTracingMotionBlurFeaturesNV(next, ray_tracing_motion_blur, ray_tracing_motion_blur_pipeline_trace_rays_indirect) """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `vertex_data::DeviceOrHostAddressConstKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureGeometryMotionTrianglesDataNV.html) """ AccelerationStructureGeometryMotionTrianglesDataNV(vertex_data::DeviceOrHostAddressConstKHR; next = C_NULL) = AccelerationStructureGeometryMotionTrianglesDataNV(next, vertex_data) """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `max_instances::UInt32` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMotionInfoNV.html) """ AccelerationStructureMotionInfoNV(max_instances::Integer; next = C_NULL, flags = 0) = AccelerationStructureMotionInfoNV(next, max_instances, flags) """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `transform_t_0::SRTDataNV` - `transform_t_1::SRTDataNV` - `instance_custom_index::UInt32` - `mask::UInt32` - `instance_shader_binding_table_record_offset::UInt32` - `acceleration_structure_reference::UInt64` - `flags::GeometryInstanceFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureSRTMotionInstanceNV.html) """ AccelerationStructureSRTMotionInstanceNV(transform_t_0::SRTDataNV, transform_t_1::SRTDataNV, instance_custom_index::Integer, mask::Integer, instance_shader_binding_table_record_offset::Integer, acceleration_structure_reference::Integer; flags = 0) = AccelerationStructureSRTMotionInstanceNV(transform_t_0, transform_t_1, instance_custom_index, mask, instance_shader_binding_table_record_offset, flags, acceleration_structure_reference) """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `transform_t_0::TransformMatrixKHR` - `transform_t_1::TransformMatrixKHR` - `instance_custom_index::UInt32` - `mask::UInt32` - `instance_shader_binding_table_record_offset::UInt32` - `acceleration_structure_reference::UInt64` - `flags::GeometryInstanceFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMatrixMotionInstanceNV.html) """ AccelerationStructureMatrixMotionInstanceNV(transform_t_0::TransformMatrixKHR, transform_t_1::TransformMatrixKHR, instance_custom_index::Integer, mask::Integer, instance_shader_binding_table_record_offset::Integer, acceleration_structure_reference::Integer; flags = 0) = AccelerationStructureMatrixMotionInstanceNV(transform_t_0, transform_t_1, instance_custom_index, mask, instance_shader_binding_table_record_offset, flags, acceleration_structure_reference) """ Extension: VK\\_NV\\_ray\\_tracing\\_motion\\_blur Arguments: - `type::AccelerationStructureMotionInstanceTypeNV` - `data::AccelerationStructureMotionInstanceDataNV` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureMotionInstanceNV.html) """ AccelerationStructureMotionInstanceNV(type::AccelerationStructureMotionInstanceTypeNV, data::AccelerationStructureMotionInstanceDataNV; flags = 0) = AccelerationStructureMotionInstanceNV(type, flags, data) """ Extension: VK\\_NV\\_external\\_memory\\_rdma Arguments: - `memory::DeviceMemory` - `handle_type::ExternalMemoryHandleTypeFlag` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMemoryGetRemoteAddressInfoNV.html) """ MemoryGetRemoteAddressInfoNV(memory::DeviceMemory, handle_type::ExternalMemoryHandleTypeFlag; next = C_NULL) = MemoryGetRemoteAddressInfoNV(next, memory, handle_type) """ Extension: VK\\_EXT\\_rgba10x6\\_formats Arguments: - `format_rgba_1_6_without_y_cb_cr_sampler::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT.html) """ PhysicalDeviceRGBA10X6FormatsFeaturesEXT(format_rgba_1_6_without_y_cb_cr_sampler::Bool; next = C_NULL) = PhysicalDeviceRGBA10X6FormatsFeaturesEXT(next, format_rgba_1_6_without_y_cb_cr_sampler) """ Arguments: - `next::Any`: defaults to `C_NULL` - `linear_tiling_features::UInt64`: defaults to `0` - `optimal_tiling_features::UInt64`: defaults to `0` - `buffer_features::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkFormatProperties3.html) """ FormatProperties3(; next = C_NULL, linear_tiling_features = 0, optimal_tiling_features = 0, buffer_features = 0) = FormatProperties3(next, linear_tiling_features, optimal_tiling_features, buffer_features) """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Arguments: - `next::Any`: defaults to `C_NULL` - `drm_format_modifier_properties::Vector{DrmFormatModifierProperties2EXT}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDrmFormatModifierPropertiesList2EXT.html) """ DrmFormatModifierPropertiesList2EXT(; next = C_NULL, drm_format_modifier_properties = C_NULL) = DrmFormatModifierPropertiesList2EXT(next, drm_format_modifier_properties) """ Arguments: - `view_mask::UInt32` - `color_attachment_formats::Vector{Format}` - `depth_attachment_format::Format` - `stencil_attachment_format::Format` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRenderingCreateInfo.html) """ PipelineRenderingCreateInfo(view_mask::Integer, color_attachment_formats::AbstractArray, depth_attachment_format::Format, stencil_attachment_format::Format; next = C_NULL) = PipelineRenderingCreateInfo(next, view_mask, color_attachment_formats, depth_attachment_format, stencil_attachment_format) """ Arguments: - `render_area::Rect2D` - `layer_count::UInt32` - `view_mask::UInt32` - `color_attachments::Vector{RenderingAttachmentInfo}` - `next::Any`: defaults to `C_NULL` - `flags::RenderingFlag`: defaults to `0` - `depth_attachment::RenderingAttachmentInfo`: defaults to `C_NULL` - `stencil_attachment::RenderingAttachmentInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingInfo.html) """ RenderingInfo(render_area::Rect2D, layer_count::Integer, view_mask::Integer, color_attachments::AbstractArray; next = C_NULL, flags = 0, depth_attachment = C_NULL, stencil_attachment = C_NULL) = RenderingInfo(next, flags, render_area, layer_count, view_mask, color_attachments, depth_attachment, stencil_attachment) """ Arguments: - `image_layout::ImageLayout` - `resolve_image_layout::ImageLayout` - `load_op::AttachmentLoadOp` - `store_op::AttachmentStoreOp` - `clear_value::ClearValue` - `next::Any`: defaults to `C_NULL` - `image_view::ImageView`: defaults to `C_NULL` - `resolve_mode::ResolveModeFlag`: defaults to `0` - `resolve_image_view::ImageView`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingAttachmentInfo.html) """ RenderingAttachmentInfo(image_layout::ImageLayout, resolve_image_layout::ImageLayout, load_op::AttachmentLoadOp, store_op::AttachmentStoreOp, clear_value::ClearValue; next = C_NULL, image_view = C_NULL, resolve_mode = 0, resolve_image_view = C_NULL) = RenderingAttachmentInfo(next, image_view, image_layout, resolve_mode, resolve_image_view, resolve_image_layout, load_op, store_op, clear_value) """ Extension: VK\\_KHR\\_dynamic\\_rendering Arguments: - `image_layout::ImageLayout` - `shading_rate_attachment_texel_size::Extent2D` - `next::Any`: defaults to `C_NULL` - `image_view::ImageView`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingFragmentShadingRateAttachmentInfoKHR.html) """ RenderingFragmentShadingRateAttachmentInfoKHR(image_layout::ImageLayout, shading_rate_attachment_texel_size::Extent2D; next = C_NULL, image_view = C_NULL) = RenderingFragmentShadingRateAttachmentInfoKHR(next, image_view, image_layout, shading_rate_attachment_texel_size) """ Extension: VK\\_KHR\\_dynamic\\_rendering Arguments: - `image_view::ImageView` - `image_layout::ImageLayout` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderingFragmentDensityMapAttachmentInfoEXT.html) """ RenderingFragmentDensityMapAttachmentInfoEXT(image_view::ImageView, image_layout::ImageLayout; next = C_NULL) = RenderingFragmentDensityMapAttachmentInfoEXT(next, image_view, image_layout) """ Arguments: - `dynamic_rendering::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDynamicRenderingFeatures.html) """ PhysicalDeviceDynamicRenderingFeatures(dynamic_rendering::Bool; next = C_NULL) = PhysicalDeviceDynamicRenderingFeatures(next, dynamic_rendering) """ Arguments: - `view_mask::UInt32` - `color_attachment_formats::Vector{Format}` - `depth_attachment_format::Format` - `stencil_attachment_format::Format` - `next::Any`: defaults to `C_NULL` - `flags::RenderingFlag`: defaults to `0` - `rasterization_samples::SampleCountFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCommandBufferInheritanceRenderingInfo.html) """ CommandBufferInheritanceRenderingInfo(view_mask::Integer, color_attachment_formats::AbstractArray, depth_attachment_format::Format, stencil_attachment_format::Format; next = C_NULL, flags = 0, rasterization_samples = 0) = CommandBufferInheritanceRenderingInfo(next, flags, view_mask, color_attachment_formats, depth_attachment_format, stencil_attachment_format, rasterization_samples) """ Extension: VK\\_KHR\\_dynamic\\_rendering Arguments: - `color_attachment_samples::Vector{SampleCountFlag}` - `next::Any`: defaults to `C_NULL` - `depth_stencil_attachment_samples::SampleCountFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAttachmentSampleCountInfoAMD.html) """ AttachmentSampleCountInfoAMD(color_attachment_samples::AbstractArray; next = C_NULL, depth_stencil_attachment_samples = 0) = AttachmentSampleCountInfoAMD(next, color_attachment_samples, depth_stencil_attachment_samples) """ Extension: VK\\_KHR\\_dynamic\\_rendering Arguments: - `per_view_attributes::Bool` - `per_view_attributes_position_x_only::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMultiviewPerViewAttributesInfoNVX.html) """ MultiviewPerViewAttributesInfoNVX(per_view_attributes::Bool, per_view_attributes_position_x_only::Bool; next = C_NULL) = MultiviewPerViewAttributesInfoNVX(next, per_view_attributes, per_view_attributes_position_x_only) """ Extension: VK\\_EXT\\_image\\_view\\_min\\_lod Arguments: - `min_lod::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageViewMinLodFeaturesEXT.html) """ PhysicalDeviceImageViewMinLodFeaturesEXT(min_lod::Bool; next = C_NULL) = PhysicalDeviceImageViewMinLodFeaturesEXT(next, min_lod) """ Extension: VK\\_EXT\\_image\\_view\\_min\\_lod Arguments: - `min_lod::Float32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewMinLodCreateInfoEXT.html) """ ImageViewMinLodCreateInfoEXT(min_lod::Real; next = C_NULL) = ImageViewMinLodCreateInfoEXT(next, min_lod) """ Extension: VK\\_EXT\\_rasterization\\_order\\_attachment\\_access Arguments: - `rasterization_order_color_attachment_access::Bool` - `rasterization_order_depth_attachment_access::Bool` - `rasterization_order_stencil_attachment_access::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT.html) """ PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT(rasterization_order_color_attachment_access::Bool, rasterization_order_depth_attachment_access::Bool, rasterization_order_stencil_attachment_access::Bool; next = C_NULL) = PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT(next, rasterization_order_color_attachment_access, rasterization_order_depth_attachment_access, rasterization_order_stencil_attachment_access) """ Extension: VK\\_NV\\_linear\\_color\\_attachment Arguments: - `linear_color_attachment::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceLinearColorAttachmentFeaturesNV.html) """ PhysicalDeviceLinearColorAttachmentFeaturesNV(linear_color_attachment::Bool; next = C_NULL) = PhysicalDeviceLinearColorAttachmentFeaturesNV(next, linear_color_attachment) """ Extension: VK\\_EXT\\_graphics\\_pipeline\\_library Arguments: - `graphics_pipeline_library::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT.html) """ PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT(graphics_pipeline_library::Bool; next = C_NULL) = PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT(next, graphics_pipeline_library) """ Extension: VK\\_EXT\\_graphics\\_pipeline\\_library Arguments: - `graphics_pipeline_library_fast_linking::Bool` - `graphics_pipeline_library_independent_interpolation_decoration::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT.html) """ PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT(graphics_pipeline_library_fast_linking::Bool, graphics_pipeline_library_independent_interpolation_decoration::Bool; next = C_NULL) = PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT(next, graphics_pipeline_library_fast_linking, graphics_pipeline_library_independent_interpolation_decoration) """ Extension: VK\\_EXT\\_graphics\\_pipeline\\_library Arguments: - `flags::GraphicsPipelineLibraryFlagEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkGraphicsPipelineLibraryCreateInfoEXT.html) """ GraphicsPipelineLibraryCreateInfoEXT(flags::GraphicsPipelineLibraryFlagEXT; next = C_NULL) = GraphicsPipelineLibraryCreateInfoEXT(next, flags) """ Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping Arguments: - `descriptor_set_host_mapping::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE.html) """ PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE(descriptor_set_host_mapping::Bool; next = C_NULL) = PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE(next, descriptor_set_host_mapping) """ Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping Arguments: - `descriptor_set_layout::DescriptorSetLayout` - `binding::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetBindingReferenceVALVE.html) """ DescriptorSetBindingReferenceVALVE(descriptor_set_layout::DescriptorSetLayout, binding::Integer; next = C_NULL) = DescriptorSetBindingReferenceVALVE(next, descriptor_set_layout, binding) """ Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping Arguments: - `descriptor_offset::UInt` - `descriptor_size::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDescriptorSetLayoutHostMappingInfoVALVE.html) """ DescriptorSetLayoutHostMappingInfoVALVE(descriptor_offset::Integer, descriptor_size::Integer; next = C_NULL) = DescriptorSetLayoutHostMappingInfoVALVE(next, descriptor_offset, descriptor_size) """ Extension: VK\\_EXT\\_shader\\_module\\_identifier Arguments: - `shader_module_identifier::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT.html) """ PhysicalDeviceShaderModuleIdentifierFeaturesEXT(shader_module_identifier::Bool; next = C_NULL) = PhysicalDeviceShaderModuleIdentifierFeaturesEXT(next, shader_module_identifier) """ Extension: VK\\_EXT\\_shader\\_module\\_identifier Arguments: - `shader_module_identifier_algorithm_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT.html) """ PhysicalDeviceShaderModuleIdentifierPropertiesEXT(shader_module_identifier_algorithm_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}; next = C_NULL) = PhysicalDeviceShaderModuleIdentifierPropertiesEXT(next, shader_module_identifier_algorithm_uuid) """ Extension: VK\\_EXT\\_shader\\_module\\_identifier Arguments: - `identifier::Vector{UInt8}` - `next::Any`: defaults to `C_NULL` - `identifier_size::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineShaderStageModuleIdentifierCreateInfoEXT.html) """ PipelineShaderStageModuleIdentifierCreateInfoEXT(identifier::AbstractArray; next = C_NULL, identifier_size = 0) = PipelineShaderStageModuleIdentifierCreateInfoEXT(next, identifier_size, identifier) """ Extension: VK\\_EXT\\_shader\\_module\\_identifier Arguments: - `identifier_size::UInt32` - `identifier::NTuple{Int(VK_MAX_SHADER_MODULE_IDENTIFIER_SIZE_EXT), UInt8}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkShaderModuleIdentifierEXT.html) """ ShaderModuleIdentifierEXT(identifier_size::Integer, identifier::NTuple{Int(VK_MAX_SHADER_MODULE_IDENTIFIER_SIZE_EXT), UInt8}; next = C_NULL) = ShaderModuleIdentifierEXT(next, identifier_size, identifier) """ Extension: VK\\_EXT\\_image\\_compression\\_control Arguments: - `flags::ImageCompressionFlagEXT` - `fixed_rate_flags::Vector{ImageCompressionFixedRateFlagEXT}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCompressionControlEXT.html) """ ImageCompressionControlEXT(flags::ImageCompressionFlagEXT, fixed_rate_flags::AbstractArray; next = C_NULL) = ImageCompressionControlEXT(next, flags, fixed_rate_flags) """ Extension: VK\\_EXT\\_image\\_compression\\_control Arguments: - `image_compression_control::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageCompressionControlFeaturesEXT.html) """ PhysicalDeviceImageCompressionControlFeaturesEXT(image_compression_control::Bool; next = C_NULL) = PhysicalDeviceImageCompressionControlFeaturesEXT(next, image_compression_control) """ Extension: VK\\_EXT\\_image\\_compression\\_control Arguments: - `image_compression_flags::ImageCompressionFlagEXT` - `image_compression_fixed_rate_flags::ImageCompressionFixedRateFlagEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageCompressionPropertiesEXT.html) """ ImageCompressionPropertiesEXT(image_compression_flags::ImageCompressionFlagEXT, image_compression_fixed_rate_flags::ImageCompressionFixedRateFlagEXT; next = C_NULL) = ImageCompressionPropertiesEXT(next, image_compression_flags, image_compression_fixed_rate_flags) """ Extension: VK\\_EXT\\_image\\_compression\\_control\\_swapchain Arguments: - `image_compression_control_swapchain::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT.html) """ PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT(image_compression_control_swapchain::Bool; next = C_NULL) = PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT(next, image_compression_control_swapchain) """ Extension: VK\\_EXT\\_image\\_compression\\_control Arguments: - `image_subresource::ImageSubresource` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageSubresource2EXT.html) """ ImageSubresource2EXT(image_subresource::ImageSubresource; next = C_NULL) = ImageSubresource2EXT(next, image_subresource) """ Extension: VK\\_EXT\\_image\\_compression\\_control Arguments: - `subresource_layout::SubresourceLayout` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubresourceLayout2EXT.html) """ SubresourceLayout2EXT(subresource_layout::SubresourceLayout; next = C_NULL) = SubresourceLayout2EXT(next, subresource_layout) """ Extension: VK\\_EXT\\_subpass\\_merge\\_feedback Arguments: - `disallow_merging::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreationControlEXT.html) """ RenderPassCreationControlEXT(disallow_merging::Bool; next = C_NULL) = RenderPassCreationControlEXT(next, disallow_merging) """ Extension: VK\\_EXT\\_subpass\\_merge\\_feedback Arguments: - `render_pass_feedback::RenderPassCreationFeedbackInfoEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassCreationFeedbackCreateInfoEXT.html) """ RenderPassCreationFeedbackCreateInfoEXT(render_pass_feedback::RenderPassCreationFeedbackInfoEXT; next = C_NULL) = RenderPassCreationFeedbackCreateInfoEXT(next, render_pass_feedback) """ Extension: VK\\_EXT\\_subpass\\_merge\\_feedback Arguments: - `subpass_feedback::RenderPassSubpassFeedbackInfoEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkRenderPassSubpassFeedbackCreateInfoEXT.html) """ RenderPassSubpassFeedbackCreateInfoEXT(subpass_feedback::RenderPassSubpassFeedbackInfoEXT; next = C_NULL) = RenderPassSubpassFeedbackCreateInfoEXT(next, subpass_feedback) """ Extension: VK\\_EXT\\_subpass\\_merge\\_feedback Arguments: - `subpass_merge_feedback::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT.html) """ PhysicalDeviceSubpassMergeFeedbackFeaturesEXT(subpass_merge_feedback::Bool; next = C_NULL) = PhysicalDeviceSubpassMergeFeedbackFeaturesEXT(next, subpass_merge_feedback) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `type::MicromapTypeEXT` - `mode::BuildMicromapModeEXT` - `data::DeviceOrHostAddressConstKHR` - `scratch_data::DeviceOrHostAddressKHR` - `triangle_array::DeviceOrHostAddressConstKHR` - `triangle_array_stride::UInt64` - `next::Any`: defaults to `C_NULL` - `flags::BuildMicromapFlagEXT`: defaults to `0` - `dst_micromap::MicromapEXT`: defaults to `C_NULL` - `usage_counts::Vector{MicromapUsageEXT}`: defaults to `C_NULL` - `usage_counts_2::Vector{MicromapUsageEXT}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapBuildInfoEXT.html) """ MicromapBuildInfoEXT(type::MicromapTypeEXT, mode::BuildMicromapModeEXT, data::DeviceOrHostAddressConstKHR, scratch_data::DeviceOrHostAddressKHR, triangle_array::DeviceOrHostAddressConstKHR, triangle_array_stride::Integer; next = C_NULL, flags = 0, dst_micromap = C_NULL, usage_counts = C_NULL, usage_counts_2 = C_NULL) = MicromapBuildInfoEXT(next, type, flags, mode, dst_micromap, usage_counts, usage_counts_2, data, scratch_data, triangle_array, triangle_array_stride) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `type::MicromapTypeEXT` - `next::Any`: defaults to `C_NULL` - `create_flags::MicromapCreateFlagEXT`: defaults to `0` - `device_address::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapCreateInfoEXT.html) """ MicromapCreateInfoEXT(buffer::Buffer, offset::Integer, size::Integer, type::MicromapTypeEXT; next = C_NULL, create_flags = 0, device_address = 0) = MicromapCreateInfoEXT(next, create_flags, buffer, offset, size, type, device_address) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `version_data::Vector{UInt8}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapVersionInfoEXT.html) """ MicromapVersionInfoEXT(version_data::AbstractArray; next = C_NULL) = MicromapVersionInfoEXT(next, version_data) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `src::MicromapEXT` - `dst::MicromapEXT` - `mode::CopyMicromapModeEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMicromapInfoEXT.html) """ CopyMicromapInfoEXT(src::MicromapEXT, dst::MicromapEXT, mode::CopyMicromapModeEXT; next = C_NULL) = CopyMicromapInfoEXT(next, src, dst, mode) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `src::MicromapEXT` - `dst::DeviceOrHostAddressKHR` - `mode::CopyMicromapModeEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMicromapToMemoryInfoEXT.html) """ CopyMicromapToMemoryInfoEXT(src::MicromapEXT, dst::DeviceOrHostAddressKHR, mode::CopyMicromapModeEXT; next = C_NULL) = CopyMicromapToMemoryInfoEXT(next, src, dst, mode) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `src::DeviceOrHostAddressConstKHR` - `dst::MicromapEXT` - `mode::CopyMicromapModeEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkCopyMemoryToMicromapInfoEXT.html) """ CopyMemoryToMicromapInfoEXT(src::DeviceOrHostAddressConstKHR, dst::MicromapEXT, mode::CopyMicromapModeEXT; next = C_NULL) = CopyMemoryToMicromapInfoEXT(next, src, dst, mode) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `micromap_size::UInt64` - `build_scratch_size::UInt64` - `discardable::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkMicromapBuildSizesInfoEXT.html) """ MicromapBuildSizesInfoEXT(micromap_size::Integer, build_scratch_size::Integer, discardable::Bool; next = C_NULL) = MicromapBuildSizesInfoEXT(next, micromap_size, build_scratch_size, discardable) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `micromap::Bool` - `micromap_capture_replay::Bool` - `micromap_host_commands::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpacityMicromapFeaturesEXT.html) """ PhysicalDeviceOpacityMicromapFeaturesEXT(micromap::Bool, micromap_capture_replay::Bool, micromap_host_commands::Bool; next = C_NULL) = PhysicalDeviceOpacityMicromapFeaturesEXT(next, micromap, micromap_capture_replay, micromap_host_commands) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `max_opacity_2_state_subdivision_level::UInt32` - `max_opacity_4_state_subdivision_level::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpacityMicromapPropertiesEXT.html) """ PhysicalDeviceOpacityMicromapPropertiesEXT(max_opacity_2_state_subdivision_level::Integer, max_opacity_4_state_subdivision_level::Integer; next = C_NULL) = PhysicalDeviceOpacityMicromapPropertiesEXT(next, max_opacity_2_state_subdivision_level, max_opacity_4_state_subdivision_level) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `index_type::IndexType` - `index_buffer::DeviceOrHostAddressConstKHR` - `index_stride::UInt64` - `base_triangle::UInt32` - `micromap::MicromapEXT` - `next::Any`: defaults to `C_NULL` - `usage_counts::Vector{MicromapUsageEXT}`: defaults to `C_NULL` - `usage_counts_2::Vector{MicromapUsageEXT}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAccelerationStructureTrianglesOpacityMicromapEXT.html) """ AccelerationStructureTrianglesOpacityMicromapEXT(index_type::IndexType, index_buffer::DeviceOrHostAddressConstKHR, index_stride::Integer, base_triangle::Integer, micromap::MicromapEXT; next = C_NULL, usage_counts = C_NULL, usage_counts_2 = C_NULL) = AccelerationStructureTrianglesOpacityMicromapEXT(next, index_type, index_buffer, index_stride, base_triangle, usage_counts, usage_counts_2, micromap) """ Extension: VK\\_EXT\\_pipeline\\_properties Arguments: - `pipeline_identifier::NTuple{Int(VK_UUID_SIZE), UInt8}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelinePropertiesIdentifierEXT.html) """ PipelinePropertiesIdentifierEXT(pipeline_identifier::NTuple{Int(VK_UUID_SIZE), UInt8}; next = C_NULL) = PipelinePropertiesIdentifierEXT(next, pipeline_identifier) """ Extension: VK\\_EXT\\_pipeline\\_properties Arguments: - `pipeline_properties_identifier::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelinePropertiesFeaturesEXT.html) """ PhysicalDevicePipelinePropertiesFeaturesEXT(pipeline_properties_identifier::Bool; next = C_NULL) = PhysicalDevicePipelinePropertiesFeaturesEXT(next, pipeline_properties_identifier) """ Extension: VK\\_AMD\\_shader\\_early\\_and\\_late\\_fragment\\_tests Arguments: - `shader_early_and_late_fragment_tests::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD.html) """ PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD(shader_early_and_late_fragment_tests::Bool; next = C_NULL) = PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD(next, shader_early_and_late_fragment_tests) """ Extension: VK\\_EXT\\_non\\_seamless\\_cube\\_map Arguments: - `non_seamless_cube_map::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT.html) """ PhysicalDeviceNonSeamlessCubeMapFeaturesEXT(non_seamless_cube_map::Bool; next = C_NULL) = PhysicalDeviceNonSeamlessCubeMapFeaturesEXT(next, non_seamless_cube_map) """ Extension: VK\\_EXT\\_pipeline\\_robustness Arguments: - `pipeline_robustness::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineRobustnessFeaturesEXT.html) """ PhysicalDevicePipelineRobustnessFeaturesEXT(pipeline_robustness::Bool; next = C_NULL) = PhysicalDevicePipelineRobustnessFeaturesEXT(next, pipeline_robustness) """ Extension: VK\\_EXT\\_pipeline\\_robustness Arguments: - `storage_buffers::PipelineRobustnessBufferBehaviorEXT` - `uniform_buffers::PipelineRobustnessBufferBehaviorEXT` - `vertex_inputs::PipelineRobustnessBufferBehaviorEXT` - `images::PipelineRobustnessImageBehaviorEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPipelineRobustnessCreateInfoEXT.html) """ PipelineRobustnessCreateInfoEXT(storage_buffers::PipelineRobustnessBufferBehaviorEXT, uniform_buffers::PipelineRobustnessBufferBehaviorEXT, vertex_inputs::PipelineRobustnessBufferBehaviorEXT, images::PipelineRobustnessImageBehaviorEXT; next = C_NULL) = PipelineRobustnessCreateInfoEXT(next, storage_buffers, uniform_buffers, vertex_inputs, images) """ Extension: VK\\_EXT\\_pipeline\\_robustness Arguments: - `default_robustness_storage_buffers::PipelineRobustnessBufferBehaviorEXT` - `default_robustness_uniform_buffers::PipelineRobustnessBufferBehaviorEXT` - `default_robustness_vertex_inputs::PipelineRobustnessBufferBehaviorEXT` - `default_robustness_images::PipelineRobustnessImageBehaviorEXT` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineRobustnessPropertiesEXT.html) """ PhysicalDevicePipelineRobustnessPropertiesEXT(default_robustness_storage_buffers::PipelineRobustnessBufferBehaviorEXT, default_robustness_uniform_buffers::PipelineRobustnessBufferBehaviorEXT, default_robustness_vertex_inputs::PipelineRobustnessBufferBehaviorEXT, default_robustness_images::PipelineRobustnessImageBehaviorEXT; next = C_NULL) = PhysicalDevicePipelineRobustnessPropertiesEXT(next, default_robustness_storage_buffers, default_robustness_uniform_buffers, default_robustness_vertex_inputs, default_robustness_images) """ Extension: VK\\_QCOM\\_image\\_processing Arguments: - `filter_center::Offset2D` - `filter_size::Extent2D` - `num_phases::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkImageViewSampleWeightCreateInfoQCOM.html) """ ImageViewSampleWeightCreateInfoQCOM(filter_center::Offset2D, filter_size::Extent2D, num_phases::Integer; next = C_NULL) = ImageViewSampleWeightCreateInfoQCOM(next, filter_center, filter_size, num_phases) """ Extension: VK\\_QCOM\\_image\\_processing Arguments: - `texture_sample_weighted::Bool` - `texture_box_filter::Bool` - `texture_block_match::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageProcessingFeaturesQCOM.html) """ PhysicalDeviceImageProcessingFeaturesQCOM(texture_sample_weighted::Bool, texture_box_filter::Bool, texture_block_match::Bool; next = C_NULL) = PhysicalDeviceImageProcessingFeaturesQCOM(next, texture_sample_weighted, texture_box_filter, texture_block_match) """ Extension: VK\\_QCOM\\_image\\_processing Arguments: - `next::Any`: defaults to `C_NULL` - `max_weight_filter_phases::UInt32`: defaults to `0` - `max_weight_filter_dimension::Extent2D`: defaults to `C_NULL` - `max_block_match_region::Extent2D`: defaults to `C_NULL` - `max_box_filter_block_size::Extent2D`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceImageProcessingPropertiesQCOM.html) """ PhysicalDeviceImageProcessingPropertiesQCOM(; next = C_NULL, max_weight_filter_phases = 0, max_weight_filter_dimension = C_NULL, max_block_match_region = C_NULL, max_box_filter_block_size = C_NULL) = PhysicalDeviceImageProcessingPropertiesQCOM(next, max_weight_filter_phases, max_weight_filter_dimension, max_block_match_region, max_box_filter_block_size) """ Extension: VK\\_QCOM\\_tile\\_properties Arguments: - `tile_properties::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceTilePropertiesFeaturesQCOM.html) """ PhysicalDeviceTilePropertiesFeaturesQCOM(tile_properties::Bool; next = C_NULL) = PhysicalDeviceTilePropertiesFeaturesQCOM(next, tile_properties) """ Extension: VK\\_QCOM\\_tile\\_properties Arguments: - `tile_size::Extent3D` - `apron_size::Extent2D` - `origin::Offset2D` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkTilePropertiesQCOM.html) """ TilePropertiesQCOM(tile_size::Extent3D, apron_size::Extent2D, origin::Offset2D; next = C_NULL) = TilePropertiesQCOM(next, tile_size, apron_size, origin) """ Extension: VK\\_SEC\\_amigo\\_profiling Arguments: - `amigo_profiling::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAmigoProfilingFeaturesSEC.html) """ PhysicalDeviceAmigoProfilingFeaturesSEC(amigo_profiling::Bool; next = C_NULL) = PhysicalDeviceAmigoProfilingFeaturesSEC(next, amigo_profiling) """ Extension: VK\\_SEC\\_amigo\\_profiling Arguments: - `first_draw_timestamp::UInt64` - `swap_buffer_timestamp::UInt64` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkAmigoProfilingSubmitInfoSEC.html) """ AmigoProfilingSubmitInfoSEC(first_draw_timestamp::Integer, swap_buffer_timestamp::Integer; next = C_NULL) = AmigoProfilingSubmitInfoSEC(next, first_draw_timestamp, swap_buffer_timestamp) """ Extension: VK\\_EXT\\_attachment\\_feedback\\_loop\\_layout Arguments: - `attachment_feedback_loop_layout::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT.html) """ PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT(attachment_feedback_loop_layout::Bool; next = C_NULL) = PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT(next, attachment_feedback_loop_layout) """ Extension: VK\\_EXT\\_depth\\_clamp\\_zero\\_one Arguments: - `depth_clamp_zero_one::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceDepthClampZeroOneFeaturesEXT.html) """ PhysicalDeviceDepthClampZeroOneFeaturesEXT(depth_clamp_zero_one::Bool; next = C_NULL) = PhysicalDeviceDepthClampZeroOneFeaturesEXT(next, depth_clamp_zero_one) """ Extension: VK\\_EXT\\_device\\_address\\_binding\\_report Arguments: - `report_address_binding::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceAddressBindingReportFeaturesEXT.html) """ PhysicalDeviceAddressBindingReportFeaturesEXT(report_address_binding::Bool; next = C_NULL) = PhysicalDeviceAddressBindingReportFeaturesEXT(next, report_address_binding) """ Extension: VK\\_EXT\\_device\\_address\\_binding\\_report Arguments: - `base_address::UInt64` - `size::UInt64` - `binding_type::DeviceAddressBindingTypeEXT` - `next::Any`: defaults to `C_NULL` - `flags::DeviceAddressBindingFlagEXT`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceAddressBindingCallbackDataEXT.html) """ DeviceAddressBindingCallbackDataEXT(base_address::Integer, size::Integer, binding_type::DeviceAddressBindingTypeEXT; next = C_NULL, flags = 0) = DeviceAddressBindingCallbackDataEXT(next, flags, base_address, size, binding_type) """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `optical_flow::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpticalFlowFeaturesNV.html) """ PhysicalDeviceOpticalFlowFeaturesNV(optical_flow::Bool; next = C_NULL) = PhysicalDeviceOpticalFlowFeaturesNV(next, optical_flow) """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `supported_output_grid_sizes::OpticalFlowGridSizeFlagNV` - `supported_hint_grid_sizes::OpticalFlowGridSizeFlagNV` - `hint_supported::Bool` - `cost_supported::Bool` - `bidirectional_flow_supported::Bool` - `global_flow_supported::Bool` - `min_width::UInt32` - `min_height::UInt32` - `max_width::UInt32` - `max_height::UInt32` - `max_num_regions_of_interest::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceOpticalFlowPropertiesNV.html) """ PhysicalDeviceOpticalFlowPropertiesNV(supported_output_grid_sizes::OpticalFlowGridSizeFlagNV, supported_hint_grid_sizes::OpticalFlowGridSizeFlagNV, hint_supported::Bool, cost_supported::Bool, bidirectional_flow_supported::Bool, global_flow_supported::Bool, min_width::Integer, min_height::Integer, max_width::Integer, max_height::Integer, max_num_regions_of_interest::Integer; next = C_NULL) = PhysicalDeviceOpticalFlowPropertiesNV(next, supported_output_grid_sizes, supported_hint_grid_sizes, hint_supported, cost_supported, bidirectional_flow_supported, global_flow_supported, min_width, min_height, max_width, max_height, max_num_regions_of_interest) """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `usage::OpticalFlowUsageFlagNV` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowImageFormatInfoNV.html) """ OpticalFlowImageFormatInfoNV(usage::OpticalFlowUsageFlagNV; next = C_NULL) = OpticalFlowImageFormatInfoNV(next, usage) """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `format::Format` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowImageFormatPropertiesNV.html) """ OpticalFlowImageFormatPropertiesNV(format::Format; next = C_NULL) = OpticalFlowImageFormatPropertiesNV(next, format) """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `width::UInt32` - `height::UInt32` - `image_format::Format` - `flow_vector_format::Format` - `output_grid_size::OpticalFlowGridSizeFlagNV` - `next::Any`: defaults to `C_NULL` - `cost_format::Format`: defaults to `0` - `hint_grid_size::OpticalFlowGridSizeFlagNV`: defaults to `0` - `performance_level::OpticalFlowPerformanceLevelNV`: defaults to `0` - `flags::OpticalFlowSessionCreateFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowSessionCreateInfoNV.html) """ OpticalFlowSessionCreateInfoNV(width::Integer, height::Integer, image_format::Format, flow_vector_format::Format, output_grid_size::OpticalFlowGridSizeFlagNV; next = C_NULL, cost_format = 0, hint_grid_size = 0, performance_level = 0, flags = 0) = OpticalFlowSessionCreateInfoNV(next, width, height, image_format, flow_vector_format, cost_format, output_grid_size, hint_grid_size, performance_level, flags) """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `id::UInt32` - `size::UInt32` - `private_data::Ptr{Cvoid}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowSessionCreatePrivateDataInfoNV.html) """ OpticalFlowSessionCreatePrivateDataInfoNV(id::Integer, size::Integer, private_data::Ptr{Cvoid}; next = C_NULL) = OpticalFlowSessionCreatePrivateDataInfoNV(next, id, size, private_data) """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `regions::Vector{Rect2D}` - `next::Any`: defaults to `C_NULL` - `flags::OpticalFlowExecuteFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkOpticalFlowExecuteInfoNV.html) """ OpticalFlowExecuteInfoNV(regions::AbstractArray; next = C_NULL, flags = 0) = OpticalFlowExecuteInfoNV(next, flags, regions) """ Extension: VK\\_EXT\\_device\\_fault Arguments: - `device_fault::Bool` - `device_fault_vendor_binary::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceFaultFeaturesEXT.html) """ PhysicalDeviceFaultFeaturesEXT(device_fault::Bool, device_fault_vendor_binary::Bool; next = C_NULL) = PhysicalDeviceFaultFeaturesEXT(next, device_fault, device_fault_vendor_binary) """ Extension: VK\\_EXT\\_device\\_fault Arguments: - `next::Any`: defaults to `C_NULL` - `address_info_count::UInt32`: defaults to `0` - `vendor_info_count::UInt32`: defaults to `0` - `vendor_binary_size::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultCountsEXT.html) """ DeviceFaultCountsEXT(; next = C_NULL, address_info_count = 0, vendor_info_count = 0, vendor_binary_size = 0) = DeviceFaultCountsEXT(next, address_info_count, vendor_info_count, vendor_binary_size) """ Extension: VK\\_EXT\\_device\\_fault Arguments: - `description::String` - `next::Any`: defaults to `C_NULL` - `address_infos::DeviceFaultAddressInfoEXT`: defaults to `C_NULL` - `vendor_infos::DeviceFaultVendorInfoEXT`: defaults to `C_NULL` - `vendor_binary_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDeviceFaultInfoEXT.html) """ DeviceFaultInfoEXT(description::AbstractString; next = C_NULL, address_infos = C_NULL, vendor_infos = C_NULL, vendor_binary_data = C_NULL) = DeviceFaultInfoEXT(next, description, address_infos, vendor_infos, vendor_binary_data) """ Extension: VK\\_EXT\\_pipeline\\_library\\_group\\_handles Arguments: - `pipeline_library_group_handles::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT.html) """ PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT(pipeline_library_group_handles::Bool; next = C_NULL) = PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT(next, pipeline_library_group_handles) """ Extension: VK\\_ARM\\_shader\\_core\\_builtins Arguments: - `shader_core_mask::UInt64` - `shader_core_count::UInt32` - `shader_warps_per_core::UInt32` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM.html) """ PhysicalDeviceShaderCoreBuiltinsPropertiesARM(shader_core_mask::Integer, shader_core_count::Integer, shader_warps_per_core::Integer; next = C_NULL) = PhysicalDeviceShaderCoreBuiltinsPropertiesARM(next, shader_core_mask, shader_core_count, shader_warps_per_core) """ Extension: VK\\_ARM\\_shader\\_core\\_builtins Arguments: - `shader_core_builtins::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM.html) """ PhysicalDeviceShaderCoreBuiltinsFeaturesARM(shader_core_builtins::Bool; next = C_NULL) = PhysicalDeviceShaderCoreBuiltinsFeaturesARM(next, shader_core_builtins) """ Extension: VK\\_EXT\\_surface\\_maintenance1 Arguments: - `present_mode::PresentModeKHR` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfacePresentModeEXT.html) """ SurfacePresentModeEXT(present_mode::PresentModeKHR; next = C_NULL) = SurfacePresentModeEXT(next, present_mode) """ Extension: VK\\_EXT\\_surface\\_maintenance1 Arguments: - `next::Any`: defaults to `C_NULL` - `supported_present_scaling::PresentScalingFlagEXT`: defaults to `0` - `supported_present_gravity_x::PresentGravityFlagEXT`: defaults to `0` - `supported_present_gravity_y::PresentGravityFlagEXT`: defaults to `0` - `min_scaled_image_extent::Extent2D`: defaults to `C_NULL` - `max_scaled_image_extent::Extent2D`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfacePresentScalingCapabilitiesEXT.html) """ SurfacePresentScalingCapabilitiesEXT(; next = C_NULL, supported_present_scaling = 0, supported_present_gravity_x = 0, supported_present_gravity_y = 0, min_scaled_image_extent = C_NULL, max_scaled_image_extent = C_NULL) = SurfacePresentScalingCapabilitiesEXT(next, supported_present_scaling, supported_present_gravity_x, supported_present_gravity_y, min_scaled_image_extent, max_scaled_image_extent) """ Extension: VK\\_EXT\\_surface\\_maintenance1 Arguments: - `next::Any`: defaults to `C_NULL` - `present_modes::Vector{PresentModeKHR}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSurfacePresentModeCompatibilityEXT.html) """ SurfacePresentModeCompatibilityEXT(; next = C_NULL, present_modes = C_NULL) = SurfacePresentModeCompatibilityEXT(next, present_modes) """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Arguments: - `swapchain_maintenance_1::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT.html) """ PhysicalDeviceSwapchainMaintenance1FeaturesEXT(swapchain_maintenance_1::Bool; next = C_NULL) = PhysicalDeviceSwapchainMaintenance1FeaturesEXT(next, swapchain_maintenance_1) """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Arguments: - `fences::Vector{Fence}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentFenceInfoEXT.html) """ SwapchainPresentFenceInfoEXT(fences::AbstractArray; next = C_NULL) = SwapchainPresentFenceInfoEXT(next, fences) """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Arguments: - `present_modes::Vector{PresentModeKHR}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentModesCreateInfoEXT.html) """ SwapchainPresentModesCreateInfoEXT(present_modes::AbstractArray; next = C_NULL) = SwapchainPresentModesCreateInfoEXT(next, present_modes) """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Arguments: - `present_modes::Vector{PresentModeKHR}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentModeInfoEXT.html) """ SwapchainPresentModeInfoEXT(present_modes::AbstractArray; next = C_NULL) = SwapchainPresentModeInfoEXT(next, present_modes) """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Arguments: - `next::Any`: defaults to `C_NULL` - `scaling_behavior::PresentScalingFlagEXT`: defaults to `0` - `present_gravity_x::PresentGravityFlagEXT`: defaults to `0` - `present_gravity_y::PresentGravityFlagEXT`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSwapchainPresentScalingCreateInfoEXT.html) """ SwapchainPresentScalingCreateInfoEXT(; next = C_NULL, scaling_behavior = 0, present_gravity_x = 0, present_gravity_y = 0) = SwapchainPresentScalingCreateInfoEXT(next, scaling_behavior, present_gravity_x, present_gravity_y) """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Arguments: - `swapchain::SwapchainKHR` (externsync) - `image_indices::Vector{UInt32}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkReleaseSwapchainImagesInfoEXT.html) """ ReleaseSwapchainImagesInfoEXT(swapchain::SwapchainKHR, image_indices::AbstractArray; next = C_NULL) = ReleaseSwapchainImagesInfoEXT(next, swapchain, image_indices) """ Extension: VK\\_NV\\_ray\\_tracing\\_invocation\\_reorder Arguments: - `ray_tracing_invocation_reorder::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV.html) """ PhysicalDeviceRayTracingInvocationReorderFeaturesNV(ray_tracing_invocation_reorder::Bool; next = C_NULL) = PhysicalDeviceRayTracingInvocationReorderFeaturesNV(next, ray_tracing_invocation_reorder) """ Extension: VK\\_NV\\_ray\\_tracing\\_invocation\\_reorder Arguments: - `ray_tracing_invocation_reorder_reordering_hint::RayTracingInvocationReorderModeNV` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV.html) """ PhysicalDeviceRayTracingInvocationReorderPropertiesNV(ray_tracing_invocation_reorder_reordering_hint::RayTracingInvocationReorderModeNV; next = C_NULL) = PhysicalDeviceRayTracingInvocationReorderPropertiesNV(next, ray_tracing_invocation_reorder_reordering_hint) """ Extension: VK\\_LUNARG\\_direct\\_driver\\_loading Arguments: - `flags::UInt32` - `pfn_get_instance_proc_addr::FunctionPtr` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDirectDriverLoadingInfoLUNARG.html) """ DirectDriverLoadingInfoLUNARG(flags::Integer, pfn_get_instance_proc_addr::FunctionPtr; next = C_NULL) = DirectDriverLoadingInfoLUNARG(next, flags, pfn_get_instance_proc_addr) """ Extension: VK\\_LUNARG\\_direct\\_driver\\_loading Arguments: - `mode::DirectDriverLoadingModeLUNARG` - `drivers::Vector{DirectDriverLoadingInfoLUNARG}` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkDirectDriverLoadingListLUNARG.html) """ DirectDriverLoadingListLUNARG(mode::DirectDriverLoadingModeLUNARG, drivers::AbstractArray; next = C_NULL) = DirectDriverLoadingListLUNARG(next, mode, drivers) """ Extension: VK\\_QCOM\\_multiview\\_per\\_view\\_viewports Arguments: - `multiview_per_view_viewports::Bool` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM.html) """ PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM(multiview_per_view_viewports::Bool; next = C_NULL) = PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM(next, multiview_per_view_viewports) _BaseOutStructure(x::BaseOutStructure) = _BaseOutStructure(; x.next) _BaseInStructure(x::BaseInStructure) = _BaseInStructure(; x.next) _Offset2D(x::Offset2D) = _Offset2D(x.x, x.y) _Offset3D(x::Offset3D) = _Offset3D(x.x, x.y, x.z) _Extent2D(x::Extent2D) = _Extent2D(x.width, x.height) _Extent3D(x::Extent3D) = _Extent3D(x.width, x.height, x.depth) _Viewport(x::Viewport) = _Viewport(x.x, x.y, x.width, x.height, x.min_depth, x.max_depth) _Rect2D(x::Rect2D) = _Rect2D(convert_nonnull(_Offset2D, x.offset), convert_nonnull(_Extent2D, x.extent)) _ClearRect(x::ClearRect) = _ClearRect(convert_nonnull(_Rect2D, x.rect), x.base_array_layer, x.layer_count) _ComponentMapping(x::ComponentMapping) = _ComponentMapping(x.r, x.g, x.b, x.a) _PhysicalDeviceProperties(x::PhysicalDeviceProperties) = _PhysicalDeviceProperties(x.api_version, x.driver_version, x.vendor_id, x.device_id, x.device_type, x.device_name, x.pipeline_cache_uuid, convert_nonnull(_PhysicalDeviceLimits, x.limits), convert_nonnull(_PhysicalDeviceSparseProperties, x.sparse_properties)) _ExtensionProperties(x::ExtensionProperties) = _ExtensionProperties(x.extension_name, x.spec_version) _LayerProperties(x::LayerProperties) = _LayerProperties(x.layer_name, x.spec_version, x.implementation_version, x.description) _ApplicationInfo(x::ApplicationInfo) = _ApplicationInfo(x.application_version, x.engine_version, x.api_version; x.next, x.application_name, x.engine_name) _AllocationCallbacks(x::AllocationCallbacks) = _AllocationCallbacks(x.pfn_allocation, x.pfn_reallocation, x.pfn_free; x.user_data, x.pfn_internal_allocation, x.pfn_internal_free) _DeviceQueueCreateInfo(x::DeviceQueueCreateInfo) = _DeviceQueueCreateInfo(x.queue_family_index, x.queue_priorities; x.next, x.flags) _DeviceCreateInfo(x::DeviceCreateInfo) = _DeviceCreateInfo(convert_nonnull(Vector{_DeviceQueueCreateInfo}, x.queue_create_infos), x.enabled_layer_names, x.enabled_extension_names; x.next, x.flags, enabled_features = convert_nonnull(_PhysicalDeviceFeatures, x.enabled_features)) _InstanceCreateInfo(x::InstanceCreateInfo) = _InstanceCreateInfo(x.enabled_layer_names, x.enabled_extension_names; x.next, x.flags, application_info = convert_nonnull(_ApplicationInfo, x.application_info)) _QueueFamilyProperties(x::QueueFamilyProperties) = _QueueFamilyProperties(x.queue_count, x.timestamp_valid_bits, convert_nonnull(_Extent3D, x.min_image_transfer_granularity); x.queue_flags) _PhysicalDeviceMemoryProperties(x::PhysicalDeviceMemoryProperties) = _PhysicalDeviceMemoryProperties(x.memory_type_count, convert_nonnull(NTuple{Int(VK_MAX_MEMORY_TYPES), _MemoryType}, x.memory_types), x.memory_heap_count, convert_nonnull(NTuple{Int(VK_MAX_MEMORY_HEAPS), _MemoryHeap}, x.memory_heaps)) _MemoryAllocateInfo(x::MemoryAllocateInfo) = _MemoryAllocateInfo(x.allocation_size, x.memory_type_index; x.next) _MemoryRequirements(x::MemoryRequirements) = _MemoryRequirements(x.size, x.alignment, x.memory_type_bits) _SparseImageFormatProperties(x::SparseImageFormatProperties) = _SparseImageFormatProperties(convert_nonnull(_Extent3D, x.image_granularity); x.aspect_mask, x.flags) _SparseImageMemoryRequirements(x::SparseImageMemoryRequirements) = _SparseImageMemoryRequirements(convert_nonnull(_SparseImageFormatProperties, x.format_properties), x.image_mip_tail_first_lod, x.image_mip_tail_size, x.image_mip_tail_offset, x.image_mip_tail_stride) _MemoryType(x::MemoryType) = _MemoryType(x.heap_index; x.property_flags) _MemoryHeap(x::MemoryHeap) = _MemoryHeap(x.size; x.flags) _MappedMemoryRange(x::MappedMemoryRange) = _MappedMemoryRange(x.memory, x.offset, x.size; x.next) _FormatProperties(x::FormatProperties) = _FormatProperties(; x.linear_tiling_features, x.optimal_tiling_features, x.buffer_features) _ImageFormatProperties(x::ImageFormatProperties) = _ImageFormatProperties(convert_nonnull(_Extent3D, x.max_extent), x.max_mip_levels, x.max_array_layers, x.max_resource_size; x.sample_counts) _DescriptorBufferInfo(x::DescriptorBufferInfo) = _DescriptorBufferInfo(x.offset, x.range; x.buffer) _DescriptorImageInfo(x::DescriptorImageInfo) = _DescriptorImageInfo(x.sampler, x.image_view, x.image_layout) _WriteDescriptorSet(x::WriteDescriptorSet) = _WriteDescriptorSet(x.dst_set, x.dst_binding, x.dst_array_element, x.descriptor_type, convert_nonnull(Vector{_DescriptorImageInfo}, x.image_info), convert_nonnull(Vector{_DescriptorBufferInfo}, x.buffer_info), x.texel_buffer_view; x.next, x.descriptor_count) _CopyDescriptorSet(x::CopyDescriptorSet) = _CopyDescriptorSet(x.src_set, x.src_binding, x.src_array_element, x.dst_set, x.dst_binding, x.dst_array_element, x.descriptor_count; x.next) _BufferCreateInfo(x::BufferCreateInfo) = _BufferCreateInfo(x.size, x.usage, x.sharing_mode, x.queue_family_indices; x.next, x.flags) _BufferViewCreateInfo(x::BufferViewCreateInfo) = _BufferViewCreateInfo(x.buffer, x.format, x.offset, x.range; x.next, x.flags) _ImageSubresource(x::ImageSubresource) = _ImageSubresource(x.aspect_mask, x.mip_level, x.array_layer) _ImageSubresourceLayers(x::ImageSubresourceLayers) = _ImageSubresourceLayers(x.aspect_mask, x.mip_level, x.base_array_layer, x.layer_count) _ImageSubresourceRange(x::ImageSubresourceRange) = _ImageSubresourceRange(x.aspect_mask, x.base_mip_level, x.level_count, x.base_array_layer, x.layer_count) _MemoryBarrier(x::MemoryBarrier) = _MemoryBarrier(; x.next, x.src_access_mask, x.dst_access_mask) _BufferMemoryBarrier(x::BufferMemoryBarrier) = _BufferMemoryBarrier(x.src_access_mask, x.dst_access_mask, x.src_queue_family_index, x.dst_queue_family_index, x.buffer, x.offset, x.size; x.next) _ImageMemoryBarrier(x::ImageMemoryBarrier) = _ImageMemoryBarrier(x.src_access_mask, x.dst_access_mask, x.old_layout, x.new_layout, x.src_queue_family_index, x.dst_queue_family_index, x.image, convert_nonnull(_ImageSubresourceRange, x.subresource_range); x.next) _ImageCreateInfo(x::ImageCreateInfo) = _ImageCreateInfo(x.image_type, x.format, convert_nonnull(_Extent3D, x.extent), x.mip_levels, x.array_layers, x.samples, x.tiling, x.usage, x.sharing_mode, x.queue_family_indices, x.initial_layout; x.next, x.flags) _SubresourceLayout(x::SubresourceLayout) = _SubresourceLayout(x.offset, x.size, x.row_pitch, x.array_pitch, x.depth_pitch) _ImageViewCreateInfo(x::ImageViewCreateInfo) = _ImageViewCreateInfo(x.image, x.view_type, x.format, convert_nonnull(_ComponentMapping, x.components), convert_nonnull(_ImageSubresourceRange, x.subresource_range); x.next, x.flags) _BufferCopy(x::BufferCopy) = _BufferCopy(x.src_offset, x.dst_offset, x.size) _SparseMemoryBind(x::SparseMemoryBind) = _SparseMemoryBind(x.resource_offset, x.size, x.memory_offset; x.memory, x.flags) _SparseImageMemoryBind(x::SparseImageMemoryBind) = _SparseImageMemoryBind(convert_nonnull(_ImageSubresource, x.subresource), convert_nonnull(_Offset3D, x.offset), convert_nonnull(_Extent3D, x.extent), x.memory_offset; x.memory, x.flags) _SparseBufferMemoryBindInfo(x::SparseBufferMemoryBindInfo) = _SparseBufferMemoryBindInfo(x.buffer, convert_nonnull(Vector{_SparseMemoryBind}, x.binds)) _SparseImageOpaqueMemoryBindInfo(x::SparseImageOpaqueMemoryBindInfo) = _SparseImageOpaqueMemoryBindInfo(x.image, convert_nonnull(Vector{_SparseMemoryBind}, x.binds)) _SparseImageMemoryBindInfo(x::SparseImageMemoryBindInfo) = _SparseImageMemoryBindInfo(x.image, convert_nonnull(Vector{_SparseImageMemoryBind}, x.binds)) _BindSparseInfo(x::BindSparseInfo) = _BindSparseInfo(x.wait_semaphores, convert_nonnull(Vector{_SparseBufferMemoryBindInfo}, x.buffer_binds), convert_nonnull(Vector{_SparseImageOpaqueMemoryBindInfo}, x.image_opaque_binds), convert_nonnull(Vector{_SparseImageMemoryBindInfo}, x.image_binds), x.signal_semaphores; x.next) _ImageCopy(x::ImageCopy) = _ImageCopy(convert_nonnull(_ImageSubresourceLayers, x.src_subresource), convert_nonnull(_Offset3D, x.src_offset), convert_nonnull(_ImageSubresourceLayers, x.dst_subresource), convert_nonnull(_Offset3D, x.dst_offset), convert_nonnull(_Extent3D, x.extent)) _ImageBlit(x::ImageBlit) = _ImageBlit(convert_nonnull(_ImageSubresourceLayers, x.src_subresource), convert_nonnull(NTuple{2, _Offset3D}, x.src_offsets), convert_nonnull(_ImageSubresourceLayers, x.dst_subresource), convert_nonnull(NTuple{2, _Offset3D}, x.dst_offsets)) _BufferImageCopy(x::BufferImageCopy) = _BufferImageCopy(x.buffer_offset, x.buffer_row_length, x.buffer_image_height, convert_nonnull(_ImageSubresourceLayers, x.image_subresource), convert_nonnull(_Offset3D, x.image_offset), convert_nonnull(_Extent3D, x.image_extent)) _CopyMemoryIndirectCommandNV(x::CopyMemoryIndirectCommandNV) = _CopyMemoryIndirectCommandNV(x.src_address, x.dst_address, x.size) _CopyMemoryToImageIndirectCommandNV(x::CopyMemoryToImageIndirectCommandNV) = _CopyMemoryToImageIndirectCommandNV(x.src_address, x.buffer_row_length, x.buffer_image_height, convert_nonnull(_ImageSubresourceLayers, x.image_subresource), convert_nonnull(_Offset3D, x.image_offset), convert_nonnull(_Extent3D, x.image_extent)) _ImageResolve(x::ImageResolve) = _ImageResolve(convert_nonnull(_ImageSubresourceLayers, x.src_subresource), convert_nonnull(_Offset3D, x.src_offset), convert_nonnull(_ImageSubresourceLayers, x.dst_subresource), convert_nonnull(_Offset3D, x.dst_offset), convert_nonnull(_Extent3D, x.extent)) _ShaderModuleCreateInfo(x::ShaderModuleCreateInfo) = _ShaderModuleCreateInfo(x.code_size, x.code; x.next, x.flags) _DescriptorSetLayoutBinding(x::DescriptorSetLayoutBinding) = _DescriptorSetLayoutBinding(x.binding, x.descriptor_type, x.stage_flags; x.descriptor_count, x.immutable_samplers) _DescriptorSetLayoutCreateInfo(x::DescriptorSetLayoutCreateInfo) = _DescriptorSetLayoutCreateInfo(convert_nonnull(Vector{_DescriptorSetLayoutBinding}, x.bindings); x.next, x.flags) _DescriptorPoolSize(x::DescriptorPoolSize) = _DescriptorPoolSize(x.type, x.descriptor_count) _DescriptorPoolCreateInfo(x::DescriptorPoolCreateInfo) = _DescriptorPoolCreateInfo(x.max_sets, convert_nonnull(Vector{_DescriptorPoolSize}, x.pool_sizes); x.next, x.flags) _DescriptorSetAllocateInfo(x::DescriptorSetAllocateInfo) = _DescriptorSetAllocateInfo(x.descriptor_pool, x.set_layouts; x.next) _SpecializationMapEntry(x::SpecializationMapEntry) = _SpecializationMapEntry(x.constant_id, x.offset, x.size) _SpecializationInfo(x::SpecializationInfo) = _SpecializationInfo(convert_nonnull(Vector{_SpecializationMapEntry}, x.map_entries), x.data; x.data_size) _PipelineShaderStageCreateInfo(x::PipelineShaderStageCreateInfo) = _PipelineShaderStageCreateInfo(x.stage, x._module, x.name; x.next, x.flags, specialization_info = convert_nonnull(_SpecializationInfo, x.specialization_info)) _ComputePipelineCreateInfo(x::ComputePipelineCreateInfo) = _ComputePipelineCreateInfo(convert_nonnull(_PipelineShaderStageCreateInfo, x.stage), x.layout, x.base_pipeline_index; x.next, x.flags, x.base_pipeline_handle) _VertexInputBindingDescription(x::VertexInputBindingDescription) = _VertexInputBindingDescription(x.binding, x.stride, x.input_rate) _VertexInputAttributeDescription(x::VertexInputAttributeDescription) = _VertexInputAttributeDescription(x.location, x.binding, x.format, x.offset) _PipelineVertexInputStateCreateInfo(x::PipelineVertexInputStateCreateInfo) = _PipelineVertexInputStateCreateInfo(convert_nonnull(Vector{_VertexInputBindingDescription}, x.vertex_binding_descriptions), convert_nonnull(Vector{_VertexInputAttributeDescription}, x.vertex_attribute_descriptions); x.next, x.flags) _PipelineInputAssemblyStateCreateInfo(x::PipelineInputAssemblyStateCreateInfo) = _PipelineInputAssemblyStateCreateInfo(x.topology, x.primitive_restart_enable; x.next, x.flags) _PipelineTessellationStateCreateInfo(x::PipelineTessellationStateCreateInfo) = _PipelineTessellationStateCreateInfo(x.patch_control_points; x.next, x.flags) _PipelineViewportStateCreateInfo(x::PipelineViewportStateCreateInfo) = _PipelineViewportStateCreateInfo(; x.next, x.flags, viewports = convert_nonnull(Vector{_Viewport}, x.viewports), scissors = convert_nonnull(Vector{_Rect2D}, x.scissors)) _PipelineRasterizationStateCreateInfo(x::PipelineRasterizationStateCreateInfo) = _PipelineRasterizationStateCreateInfo(x.depth_clamp_enable, x.rasterizer_discard_enable, x.polygon_mode, x.front_face, x.depth_bias_enable, x.depth_bias_constant_factor, x.depth_bias_clamp, x.depth_bias_slope_factor, x.line_width; x.next, x.flags, x.cull_mode) _PipelineMultisampleStateCreateInfo(x::PipelineMultisampleStateCreateInfo) = _PipelineMultisampleStateCreateInfo(x.rasterization_samples, x.sample_shading_enable, x.min_sample_shading, x.alpha_to_coverage_enable, x.alpha_to_one_enable; x.next, x.flags, x.sample_mask) _PipelineColorBlendAttachmentState(x::PipelineColorBlendAttachmentState) = _PipelineColorBlendAttachmentState(x.blend_enable, x.src_color_blend_factor, x.dst_color_blend_factor, x.color_blend_op, x.src_alpha_blend_factor, x.dst_alpha_blend_factor, x.alpha_blend_op; x.color_write_mask) _PipelineColorBlendStateCreateInfo(x::PipelineColorBlendStateCreateInfo) = _PipelineColorBlendStateCreateInfo(x.logic_op_enable, x.logic_op, convert_nonnull(Vector{_PipelineColorBlendAttachmentState}, x.attachments), x.blend_constants; x.next, x.flags) _PipelineDynamicStateCreateInfo(x::PipelineDynamicStateCreateInfo) = _PipelineDynamicStateCreateInfo(x.dynamic_states; x.next, x.flags) _StencilOpState(x::StencilOpState) = _StencilOpState(x.fail_op, x.pass_op, x.depth_fail_op, x.compare_op, x.compare_mask, x.write_mask, x.reference) _PipelineDepthStencilStateCreateInfo(x::PipelineDepthStencilStateCreateInfo) = _PipelineDepthStencilStateCreateInfo(x.depth_test_enable, x.depth_write_enable, x.depth_compare_op, x.depth_bounds_test_enable, x.stencil_test_enable, convert_nonnull(_StencilOpState, x.front), convert_nonnull(_StencilOpState, x.back), x.min_depth_bounds, x.max_depth_bounds; x.next, x.flags) _GraphicsPipelineCreateInfo(x::GraphicsPipelineCreateInfo) = _GraphicsPipelineCreateInfo(convert_nonnull(Vector{_PipelineShaderStageCreateInfo}, x.stages), convert_nonnull(_PipelineRasterizationStateCreateInfo, x.rasterization_state), x.layout, x.subpass, x.base_pipeline_index; x.next, x.flags, vertex_input_state = convert_nonnull(_PipelineVertexInputStateCreateInfo, x.vertex_input_state), input_assembly_state = convert_nonnull(_PipelineInputAssemblyStateCreateInfo, x.input_assembly_state), tessellation_state = convert_nonnull(_PipelineTessellationStateCreateInfo, x.tessellation_state), viewport_state = convert_nonnull(_PipelineViewportStateCreateInfo, x.viewport_state), multisample_state = convert_nonnull(_PipelineMultisampleStateCreateInfo, x.multisample_state), depth_stencil_state = convert_nonnull(_PipelineDepthStencilStateCreateInfo, x.depth_stencil_state), color_blend_state = convert_nonnull(_PipelineColorBlendStateCreateInfo, x.color_blend_state), dynamic_state = convert_nonnull(_PipelineDynamicStateCreateInfo, x.dynamic_state), x.render_pass, x.base_pipeline_handle) _PipelineCacheCreateInfo(x::PipelineCacheCreateInfo) = _PipelineCacheCreateInfo(x.initial_data; x.next, x.flags, x.initial_data_size) _PipelineCacheHeaderVersionOne(x::PipelineCacheHeaderVersionOne) = _PipelineCacheHeaderVersionOne(x.header_size, x.header_version, x.vendor_id, x.device_id, x.pipeline_cache_uuid) _PushConstantRange(x::PushConstantRange) = _PushConstantRange(x.stage_flags, x.offset, x.size) _PipelineLayoutCreateInfo(x::PipelineLayoutCreateInfo) = _PipelineLayoutCreateInfo(x.set_layouts, convert_nonnull(Vector{_PushConstantRange}, x.push_constant_ranges); x.next, x.flags) _SamplerCreateInfo(x::SamplerCreateInfo) = _SamplerCreateInfo(x.mag_filter, x.min_filter, x.mipmap_mode, x.address_mode_u, x.address_mode_v, x.address_mode_w, x.mip_lod_bias, x.anisotropy_enable, x.max_anisotropy, x.compare_enable, x.compare_op, x.min_lod, x.max_lod, x.border_color, x.unnormalized_coordinates; x.next, x.flags) _CommandPoolCreateInfo(x::CommandPoolCreateInfo) = _CommandPoolCreateInfo(x.queue_family_index; x.next, x.flags) _CommandBufferAllocateInfo(x::CommandBufferAllocateInfo) = _CommandBufferAllocateInfo(x.command_pool, x.level, x.command_buffer_count; x.next) _CommandBufferInheritanceInfo(x::CommandBufferInheritanceInfo) = _CommandBufferInheritanceInfo(x.subpass, x.occlusion_query_enable; x.next, x.render_pass, x.framebuffer, x.query_flags, x.pipeline_statistics) _CommandBufferBeginInfo(x::CommandBufferBeginInfo) = _CommandBufferBeginInfo(; x.next, x.flags, inheritance_info = convert_nonnull(_CommandBufferInheritanceInfo, x.inheritance_info)) _RenderPassBeginInfo(x::RenderPassBeginInfo) = _RenderPassBeginInfo(x.render_pass, x.framebuffer, convert_nonnull(_Rect2D, x.render_area), convert_nonnull(Vector{_ClearValue}, x.clear_values); x.next) _ClearDepthStencilValue(x::ClearDepthStencilValue) = _ClearDepthStencilValue(x.depth, x.stencil) _ClearAttachment(x::ClearAttachment) = _ClearAttachment(x.aspect_mask, x.color_attachment, convert_nonnull(_ClearValue, x.clear_value)) _AttachmentDescription(x::AttachmentDescription) = _AttachmentDescription(x.format, x.samples, x.load_op, x.store_op, x.stencil_load_op, x.stencil_store_op, x.initial_layout, x.final_layout; x.flags) _AttachmentReference(x::AttachmentReference) = _AttachmentReference(x.attachment, x.layout) _SubpassDescription(x::SubpassDescription) = _SubpassDescription(x.pipeline_bind_point, convert_nonnull(Vector{_AttachmentReference}, x.input_attachments), convert_nonnull(Vector{_AttachmentReference}, x.color_attachments), x.preserve_attachments; x.flags, resolve_attachments = convert_nonnull(Vector{_AttachmentReference}, x.resolve_attachments), depth_stencil_attachment = convert_nonnull(_AttachmentReference, x.depth_stencil_attachment)) _SubpassDependency(x::SubpassDependency) = _SubpassDependency(x.src_subpass, x.dst_subpass; x.src_stage_mask, x.dst_stage_mask, x.src_access_mask, x.dst_access_mask, x.dependency_flags) _RenderPassCreateInfo(x::RenderPassCreateInfo) = _RenderPassCreateInfo(convert_nonnull(Vector{_AttachmentDescription}, x.attachments), convert_nonnull(Vector{_SubpassDescription}, x.subpasses), convert_nonnull(Vector{_SubpassDependency}, x.dependencies); x.next, x.flags) _EventCreateInfo(x::EventCreateInfo) = _EventCreateInfo(; x.next, x.flags) _FenceCreateInfo(x::FenceCreateInfo) = _FenceCreateInfo(; x.next, x.flags) _PhysicalDeviceFeatures(x::PhysicalDeviceFeatures) = _PhysicalDeviceFeatures(x.robust_buffer_access, x.full_draw_index_uint_32, x.image_cube_array, x.independent_blend, x.geometry_shader, x.tessellation_shader, x.sample_rate_shading, x.dual_src_blend, x.logic_op, x.multi_draw_indirect, x.draw_indirect_first_instance, x.depth_clamp, x.depth_bias_clamp, x.fill_mode_non_solid, x.depth_bounds, x.wide_lines, x.large_points, x.alpha_to_one, x.multi_viewport, x.sampler_anisotropy, x.texture_compression_etc_2, x.texture_compression_astc_ldr, x.texture_compression_bc, x.occlusion_query_precise, x.pipeline_statistics_query, x.vertex_pipeline_stores_and_atomics, x.fragment_stores_and_atomics, x.shader_tessellation_and_geometry_point_size, x.shader_image_gather_extended, x.shader_storage_image_extended_formats, x.shader_storage_image_multisample, x.shader_storage_image_read_without_format, x.shader_storage_image_write_without_format, x.shader_uniform_buffer_array_dynamic_indexing, x.shader_sampled_image_array_dynamic_indexing, x.shader_storage_buffer_array_dynamic_indexing, x.shader_storage_image_array_dynamic_indexing, x.shader_clip_distance, x.shader_cull_distance, x.shader_float_64, x.shader_int_64, x.shader_int_16, x.shader_resource_residency, x.shader_resource_min_lod, x.sparse_binding, x.sparse_residency_buffer, x.sparse_residency_image_2_d, x.sparse_residency_image_3_d, x.sparse_residency_2_samples, x.sparse_residency_4_samples, x.sparse_residency_8_samples, x.sparse_residency_16_samples, x.sparse_residency_aliased, x.variable_multisample_rate, x.inherited_queries) _PhysicalDeviceSparseProperties(x::PhysicalDeviceSparseProperties) = _PhysicalDeviceSparseProperties(x.residency_standard_2_d_block_shape, x.residency_standard_2_d_multisample_block_shape, x.residency_standard_3_d_block_shape, x.residency_aligned_mip_size, x.residency_non_resident_strict) _PhysicalDeviceLimits(x::PhysicalDeviceLimits) = _PhysicalDeviceLimits(x.max_image_dimension_1_d, x.max_image_dimension_2_d, x.max_image_dimension_3_d, x.max_image_dimension_cube, x.max_image_array_layers, x.max_texel_buffer_elements, x.max_uniform_buffer_range, x.max_storage_buffer_range, x.max_push_constants_size, x.max_memory_allocation_count, x.max_sampler_allocation_count, x.buffer_image_granularity, x.sparse_address_space_size, x.max_bound_descriptor_sets, x.max_per_stage_descriptor_samplers, x.max_per_stage_descriptor_uniform_buffers, x.max_per_stage_descriptor_storage_buffers, x.max_per_stage_descriptor_sampled_images, x.max_per_stage_descriptor_storage_images, x.max_per_stage_descriptor_input_attachments, x.max_per_stage_resources, x.max_descriptor_set_samplers, x.max_descriptor_set_uniform_buffers, x.max_descriptor_set_uniform_buffers_dynamic, x.max_descriptor_set_storage_buffers, x.max_descriptor_set_storage_buffers_dynamic, x.max_descriptor_set_sampled_images, x.max_descriptor_set_storage_images, x.max_descriptor_set_input_attachments, x.max_vertex_input_attributes, x.max_vertex_input_bindings, x.max_vertex_input_attribute_offset, x.max_vertex_input_binding_stride, x.max_vertex_output_components, x.max_tessellation_generation_level, x.max_tessellation_patch_size, x.max_tessellation_control_per_vertex_input_components, x.max_tessellation_control_per_vertex_output_components, x.max_tessellation_control_per_patch_output_components, x.max_tessellation_control_total_output_components, x.max_tessellation_evaluation_input_components, x.max_tessellation_evaluation_output_components, x.max_geometry_shader_invocations, x.max_geometry_input_components, x.max_geometry_output_components, x.max_geometry_output_vertices, x.max_geometry_total_output_components, x.max_fragment_input_components, x.max_fragment_output_attachments, x.max_fragment_dual_src_attachments, x.max_fragment_combined_output_resources, x.max_compute_shared_memory_size, x.max_compute_work_group_count, x.max_compute_work_group_invocations, x.max_compute_work_group_size, x.sub_pixel_precision_bits, x.sub_texel_precision_bits, x.mipmap_precision_bits, x.max_draw_indexed_index_value, x.max_draw_indirect_count, x.max_sampler_lod_bias, x.max_sampler_anisotropy, x.max_viewports, x.max_viewport_dimensions, x.viewport_bounds_range, x.viewport_sub_pixel_bits, x.min_memory_map_alignment, x.min_texel_buffer_offset_alignment, x.min_uniform_buffer_offset_alignment, x.min_storage_buffer_offset_alignment, x.min_texel_offset, x.max_texel_offset, x.min_texel_gather_offset, x.max_texel_gather_offset, x.min_interpolation_offset, x.max_interpolation_offset, x.sub_pixel_interpolation_offset_bits, x.max_framebuffer_width, x.max_framebuffer_height, x.max_framebuffer_layers, x.max_color_attachments, x.max_sample_mask_words, x.timestamp_compute_and_graphics, x.timestamp_period, x.max_clip_distances, x.max_cull_distances, x.max_combined_clip_and_cull_distances, x.discrete_queue_priorities, x.point_size_range, x.line_width_range, x.point_size_granularity, x.line_width_granularity, x.strict_lines, x.standard_sample_locations, x.optimal_buffer_copy_offset_alignment, x.optimal_buffer_copy_row_pitch_alignment, x.non_coherent_atom_size; x.framebuffer_color_sample_counts, x.framebuffer_depth_sample_counts, x.framebuffer_stencil_sample_counts, x.framebuffer_no_attachments_sample_counts, x.sampled_image_color_sample_counts, x.sampled_image_integer_sample_counts, x.sampled_image_depth_sample_counts, x.sampled_image_stencil_sample_counts, x.storage_image_sample_counts) _SemaphoreCreateInfo(x::SemaphoreCreateInfo) = _SemaphoreCreateInfo(; x.next, x.flags) _QueryPoolCreateInfo(x::QueryPoolCreateInfo) = _QueryPoolCreateInfo(x.query_type, x.query_count; x.next, x.flags, x.pipeline_statistics) _FramebufferCreateInfo(x::FramebufferCreateInfo) = _FramebufferCreateInfo(x.render_pass, x.attachments, x.width, x.height, x.layers; x.next, x.flags) _DrawIndirectCommand(x::DrawIndirectCommand) = _DrawIndirectCommand(x.vertex_count, x.instance_count, x.first_vertex, x.first_instance) _DrawIndexedIndirectCommand(x::DrawIndexedIndirectCommand) = _DrawIndexedIndirectCommand(x.index_count, x.instance_count, x.first_index, x.vertex_offset, x.first_instance) _DispatchIndirectCommand(x::DispatchIndirectCommand) = _DispatchIndirectCommand(x.x, x.y, x.z) _MultiDrawInfoEXT(x::MultiDrawInfoEXT) = _MultiDrawInfoEXT(x.first_vertex, x.vertex_count) _MultiDrawIndexedInfoEXT(x::MultiDrawIndexedInfoEXT) = _MultiDrawIndexedInfoEXT(x.first_index, x.index_count, x.vertex_offset) _SubmitInfo(x::SubmitInfo) = _SubmitInfo(x.wait_semaphores, x.wait_dst_stage_mask, x.command_buffers, x.signal_semaphores; x.next) _DisplayPropertiesKHR(x::DisplayPropertiesKHR) = _DisplayPropertiesKHR(x.display, x.display_name, convert_nonnull(_Extent2D, x.physical_dimensions), convert_nonnull(_Extent2D, x.physical_resolution), x.plane_reorder_possible, x.persistent_content; x.supported_transforms) _DisplayPlanePropertiesKHR(x::DisplayPlanePropertiesKHR) = _DisplayPlanePropertiesKHR(x.current_display, x.current_stack_index) _DisplayModeParametersKHR(x::DisplayModeParametersKHR) = _DisplayModeParametersKHR(convert_nonnull(_Extent2D, x.visible_region), x.refresh_rate) _DisplayModePropertiesKHR(x::DisplayModePropertiesKHR) = _DisplayModePropertiesKHR(x.display_mode, convert_nonnull(_DisplayModeParametersKHR, x.parameters)) _DisplayModeCreateInfoKHR(x::DisplayModeCreateInfoKHR) = _DisplayModeCreateInfoKHR(convert_nonnull(_DisplayModeParametersKHR, x.parameters); x.next, x.flags) _DisplayPlaneCapabilitiesKHR(x::DisplayPlaneCapabilitiesKHR) = _DisplayPlaneCapabilitiesKHR(convert_nonnull(_Offset2D, x.min_src_position), convert_nonnull(_Offset2D, x.max_src_position), convert_nonnull(_Extent2D, x.min_src_extent), convert_nonnull(_Extent2D, x.max_src_extent), convert_nonnull(_Offset2D, x.min_dst_position), convert_nonnull(_Offset2D, x.max_dst_position), convert_nonnull(_Extent2D, x.min_dst_extent), convert_nonnull(_Extent2D, x.max_dst_extent); x.supported_alpha) _DisplaySurfaceCreateInfoKHR(x::DisplaySurfaceCreateInfoKHR) = _DisplaySurfaceCreateInfoKHR(x.display_mode, x.plane_index, x.plane_stack_index, x.transform, x.global_alpha, x.alpha_mode, convert_nonnull(_Extent2D, x.image_extent); x.next, x.flags) _DisplayPresentInfoKHR(x::DisplayPresentInfoKHR) = _DisplayPresentInfoKHR(convert_nonnull(_Rect2D, x.src_rect), convert_nonnull(_Rect2D, x.dst_rect), x.persistent; x.next) _SurfaceCapabilitiesKHR(x::SurfaceCapabilitiesKHR) = _SurfaceCapabilitiesKHR(x.min_image_count, x.max_image_count, convert_nonnull(_Extent2D, x.current_extent), convert_nonnull(_Extent2D, x.min_image_extent), convert_nonnull(_Extent2D, x.max_image_extent), x.max_image_array_layers, x.supported_transforms, x.current_transform, x.supported_composite_alpha, x.supported_usage_flags) _Win32SurfaceCreateInfoKHR(x::Win32SurfaceCreateInfoKHR) = _Win32SurfaceCreateInfoKHR(x.hinstance, x.hwnd; x.next, x.flags) _SurfaceFormatKHR(x::SurfaceFormatKHR) = _SurfaceFormatKHR(x.format, x.color_space) _SwapchainCreateInfoKHR(x::SwapchainCreateInfoKHR) = _SwapchainCreateInfoKHR(x.surface, x.min_image_count, x.image_format, x.image_color_space, convert_nonnull(_Extent2D, x.image_extent), x.image_array_layers, x.image_usage, x.image_sharing_mode, x.queue_family_indices, x.pre_transform, x.composite_alpha, x.present_mode, x.clipped; x.next, x.flags, x.old_swapchain) _PresentInfoKHR(x::PresentInfoKHR) = _PresentInfoKHR(x.wait_semaphores, x.swapchains, x.image_indices; x.next, x.results) _DebugReportCallbackCreateInfoEXT(x::DebugReportCallbackCreateInfoEXT) = _DebugReportCallbackCreateInfoEXT(x.pfn_callback; x.next, x.flags, x.user_data) _ValidationFlagsEXT(x::ValidationFlagsEXT) = _ValidationFlagsEXT(x.disabled_validation_checks; x.next) _ValidationFeaturesEXT(x::ValidationFeaturesEXT) = _ValidationFeaturesEXT(x.enabled_validation_features, x.disabled_validation_features; x.next) _PipelineRasterizationStateRasterizationOrderAMD(x::PipelineRasterizationStateRasterizationOrderAMD) = _PipelineRasterizationStateRasterizationOrderAMD(x.rasterization_order; x.next) _DebugMarkerObjectNameInfoEXT(x::DebugMarkerObjectNameInfoEXT) = _DebugMarkerObjectNameInfoEXT(x.object_type, x.object, x.object_name; x.next) _DebugMarkerObjectTagInfoEXT(x::DebugMarkerObjectTagInfoEXT) = _DebugMarkerObjectTagInfoEXT(x.object_type, x.object, x.tag_name, x.tag_size, x.tag; x.next) _DebugMarkerMarkerInfoEXT(x::DebugMarkerMarkerInfoEXT) = _DebugMarkerMarkerInfoEXT(x.marker_name, x.color; x.next) _DedicatedAllocationImageCreateInfoNV(x::DedicatedAllocationImageCreateInfoNV) = _DedicatedAllocationImageCreateInfoNV(x.dedicated_allocation; x.next) _DedicatedAllocationBufferCreateInfoNV(x::DedicatedAllocationBufferCreateInfoNV) = _DedicatedAllocationBufferCreateInfoNV(x.dedicated_allocation; x.next) _DedicatedAllocationMemoryAllocateInfoNV(x::DedicatedAllocationMemoryAllocateInfoNV) = _DedicatedAllocationMemoryAllocateInfoNV(; x.next, x.image, x.buffer) _ExternalImageFormatPropertiesNV(x::ExternalImageFormatPropertiesNV) = _ExternalImageFormatPropertiesNV(convert_nonnull(_ImageFormatProperties, x.image_format_properties); x.external_memory_features, x.export_from_imported_handle_types, x.compatible_handle_types) _ExternalMemoryImageCreateInfoNV(x::ExternalMemoryImageCreateInfoNV) = _ExternalMemoryImageCreateInfoNV(; x.next, x.handle_types) _ExportMemoryAllocateInfoNV(x::ExportMemoryAllocateInfoNV) = _ExportMemoryAllocateInfoNV(; x.next, x.handle_types) _ImportMemoryWin32HandleInfoNV(x::ImportMemoryWin32HandleInfoNV) = _ImportMemoryWin32HandleInfoNV(; x.next, x.handle_type, x.handle) _ExportMemoryWin32HandleInfoNV(x::ExportMemoryWin32HandleInfoNV) = _ExportMemoryWin32HandleInfoNV(; x.next, x.attributes, x.dw_access) _Win32KeyedMutexAcquireReleaseInfoNV(x::Win32KeyedMutexAcquireReleaseInfoNV) = _Win32KeyedMutexAcquireReleaseInfoNV(x.acquire_syncs, x.acquire_keys, x.acquire_timeout_milliseconds, x.release_syncs, x.release_keys; x.next) _PhysicalDeviceDeviceGeneratedCommandsFeaturesNV(x::PhysicalDeviceDeviceGeneratedCommandsFeaturesNV) = _PhysicalDeviceDeviceGeneratedCommandsFeaturesNV(x.device_generated_commands; x.next) _DevicePrivateDataCreateInfo(x::DevicePrivateDataCreateInfo) = _DevicePrivateDataCreateInfo(x.private_data_slot_request_count; x.next) _PrivateDataSlotCreateInfo(x::PrivateDataSlotCreateInfo) = _PrivateDataSlotCreateInfo(x.flags; x.next) _PhysicalDevicePrivateDataFeatures(x::PhysicalDevicePrivateDataFeatures) = _PhysicalDevicePrivateDataFeatures(x.private_data; x.next) _PhysicalDeviceDeviceGeneratedCommandsPropertiesNV(x::PhysicalDeviceDeviceGeneratedCommandsPropertiesNV) = _PhysicalDeviceDeviceGeneratedCommandsPropertiesNV(x.max_graphics_shader_group_count, x.max_indirect_sequence_count, x.max_indirect_commands_token_count, x.max_indirect_commands_stream_count, x.max_indirect_commands_token_offset, x.max_indirect_commands_stream_stride, x.min_sequences_count_buffer_offset_alignment, x.min_sequences_index_buffer_offset_alignment, x.min_indirect_commands_buffer_offset_alignment; x.next) _PhysicalDeviceMultiDrawPropertiesEXT(x::PhysicalDeviceMultiDrawPropertiesEXT) = _PhysicalDeviceMultiDrawPropertiesEXT(x.max_multi_draw_count; x.next) _GraphicsShaderGroupCreateInfoNV(x::GraphicsShaderGroupCreateInfoNV) = _GraphicsShaderGroupCreateInfoNV(convert_nonnull(Vector{_PipelineShaderStageCreateInfo}, x.stages); x.next, vertex_input_state = convert_nonnull(_PipelineVertexInputStateCreateInfo, x.vertex_input_state), tessellation_state = convert_nonnull(_PipelineTessellationStateCreateInfo, x.tessellation_state)) _GraphicsPipelineShaderGroupsCreateInfoNV(x::GraphicsPipelineShaderGroupsCreateInfoNV) = _GraphicsPipelineShaderGroupsCreateInfoNV(convert_nonnull(Vector{_GraphicsShaderGroupCreateInfoNV}, x.groups), x.pipelines; x.next) _BindShaderGroupIndirectCommandNV(x::BindShaderGroupIndirectCommandNV) = _BindShaderGroupIndirectCommandNV(x.group_index) _BindIndexBufferIndirectCommandNV(x::BindIndexBufferIndirectCommandNV) = _BindIndexBufferIndirectCommandNV(x.buffer_address, x.size, x.index_type) _BindVertexBufferIndirectCommandNV(x::BindVertexBufferIndirectCommandNV) = _BindVertexBufferIndirectCommandNV(x.buffer_address, x.size, x.stride) _SetStateFlagsIndirectCommandNV(x::SetStateFlagsIndirectCommandNV) = _SetStateFlagsIndirectCommandNV(x.data) _IndirectCommandsStreamNV(x::IndirectCommandsStreamNV) = _IndirectCommandsStreamNV(x.buffer, x.offset) _IndirectCommandsLayoutTokenNV(x::IndirectCommandsLayoutTokenNV) = _IndirectCommandsLayoutTokenNV(x.token_type, x.stream, x.offset, x.vertex_binding_unit, x.vertex_dynamic_stride, x.pushconstant_offset, x.pushconstant_size, x.index_types, x.index_type_values; x.next, x.pushconstant_pipeline_layout, x.pushconstant_shader_stage_flags, x.indirect_state_flags) _IndirectCommandsLayoutCreateInfoNV(x::IndirectCommandsLayoutCreateInfoNV) = _IndirectCommandsLayoutCreateInfoNV(x.pipeline_bind_point, convert_nonnull(Vector{_IndirectCommandsLayoutTokenNV}, x.tokens), x.stream_strides; x.next, x.flags) _GeneratedCommandsInfoNV(x::GeneratedCommandsInfoNV) = _GeneratedCommandsInfoNV(x.pipeline_bind_point, x.pipeline, x.indirect_commands_layout, convert_nonnull(Vector{_IndirectCommandsStreamNV}, x.streams), x.sequences_count, x.preprocess_buffer, x.preprocess_offset, x.preprocess_size, x.sequences_count_offset, x.sequences_index_offset; x.next, x.sequences_count_buffer, x.sequences_index_buffer) _GeneratedCommandsMemoryRequirementsInfoNV(x::GeneratedCommandsMemoryRequirementsInfoNV) = _GeneratedCommandsMemoryRequirementsInfoNV(x.pipeline_bind_point, x.pipeline, x.indirect_commands_layout, x.max_sequences_count; x.next) _PhysicalDeviceFeatures2(x::PhysicalDeviceFeatures2) = _PhysicalDeviceFeatures2(convert_nonnull(_PhysicalDeviceFeatures, x.features); x.next) _PhysicalDeviceProperties2(x::PhysicalDeviceProperties2) = _PhysicalDeviceProperties2(convert_nonnull(_PhysicalDeviceProperties, x.properties); x.next) _FormatProperties2(x::FormatProperties2) = _FormatProperties2(convert_nonnull(_FormatProperties, x.format_properties); x.next) _ImageFormatProperties2(x::ImageFormatProperties2) = _ImageFormatProperties2(convert_nonnull(_ImageFormatProperties, x.image_format_properties); x.next) _PhysicalDeviceImageFormatInfo2(x::PhysicalDeviceImageFormatInfo2) = _PhysicalDeviceImageFormatInfo2(x.format, x.type, x.tiling, x.usage; x.next, x.flags) _QueueFamilyProperties2(x::QueueFamilyProperties2) = _QueueFamilyProperties2(convert_nonnull(_QueueFamilyProperties, x.queue_family_properties); x.next) _PhysicalDeviceMemoryProperties2(x::PhysicalDeviceMemoryProperties2) = _PhysicalDeviceMemoryProperties2(convert_nonnull(_PhysicalDeviceMemoryProperties, x.memory_properties); x.next) _SparseImageFormatProperties2(x::SparseImageFormatProperties2) = _SparseImageFormatProperties2(convert_nonnull(_SparseImageFormatProperties, x.properties); x.next) _PhysicalDeviceSparseImageFormatInfo2(x::PhysicalDeviceSparseImageFormatInfo2) = _PhysicalDeviceSparseImageFormatInfo2(x.format, x.type, x.samples, x.usage, x.tiling; x.next) _PhysicalDevicePushDescriptorPropertiesKHR(x::PhysicalDevicePushDescriptorPropertiesKHR) = _PhysicalDevicePushDescriptorPropertiesKHR(x.max_push_descriptors; x.next) _ConformanceVersion(x::ConformanceVersion) = _ConformanceVersion(x.major, x.minor, x.subminor, x.patch) _PhysicalDeviceDriverProperties(x::PhysicalDeviceDriverProperties) = _PhysicalDeviceDriverProperties(x.driver_id, x.driver_name, x.driver_info, convert_nonnull(_ConformanceVersion, x.conformance_version); x.next) _PresentRegionsKHR(x::PresentRegionsKHR) = _PresentRegionsKHR(; x.next, regions = convert_nonnull(Vector{_PresentRegionKHR}, x.regions)) _PresentRegionKHR(x::PresentRegionKHR) = _PresentRegionKHR(; rectangles = convert_nonnull(Vector{_RectLayerKHR}, x.rectangles)) _RectLayerKHR(x::RectLayerKHR) = _RectLayerKHR(convert_nonnull(_Offset2D, x.offset), convert_nonnull(_Extent2D, x.extent), x.layer) _PhysicalDeviceVariablePointersFeatures(x::PhysicalDeviceVariablePointersFeatures) = _PhysicalDeviceVariablePointersFeatures(x.variable_pointers_storage_buffer, x.variable_pointers; x.next) _ExternalMemoryProperties(x::ExternalMemoryProperties) = _ExternalMemoryProperties(x.external_memory_features, x.compatible_handle_types; x.export_from_imported_handle_types) _PhysicalDeviceExternalImageFormatInfo(x::PhysicalDeviceExternalImageFormatInfo) = _PhysicalDeviceExternalImageFormatInfo(; x.next, x.handle_type) _ExternalImageFormatProperties(x::ExternalImageFormatProperties) = _ExternalImageFormatProperties(convert_nonnull(_ExternalMemoryProperties, x.external_memory_properties); x.next) _PhysicalDeviceExternalBufferInfo(x::PhysicalDeviceExternalBufferInfo) = _PhysicalDeviceExternalBufferInfo(x.usage, x.handle_type; x.next, x.flags) _ExternalBufferProperties(x::ExternalBufferProperties) = _ExternalBufferProperties(convert_nonnull(_ExternalMemoryProperties, x.external_memory_properties); x.next) _PhysicalDeviceIDProperties(x::PhysicalDeviceIDProperties) = _PhysicalDeviceIDProperties(x.device_uuid, x.driver_uuid, x.device_luid, x.device_node_mask, x.device_luid_valid; x.next) _ExternalMemoryImageCreateInfo(x::ExternalMemoryImageCreateInfo) = _ExternalMemoryImageCreateInfo(; x.next, x.handle_types) _ExternalMemoryBufferCreateInfo(x::ExternalMemoryBufferCreateInfo) = _ExternalMemoryBufferCreateInfo(; x.next, x.handle_types) _ExportMemoryAllocateInfo(x::ExportMemoryAllocateInfo) = _ExportMemoryAllocateInfo(; x.next, x.handle_types) _ImportMemoryWin32HandleInfoKHR(x::ImportMemoryWin32HandleInfoKHR) = _ImportMemoryWin32HandleInfoKHR(; x.next, x.handle_type, x.handle, x.name) _ExportMemoryWin32HandleInfoKHR(x::ExportMemoryWin32HandleInfoKHR) = _ExportMemoryWin32HandleInfoKHR(x.dw_access, x.name; x.next, x.attributes) _MemoryWin32HandlePropertiesKHR(x::MemoryWin32HandlePropertiesKHR) = _MemoryWin32HandlePropertiesKHR(x.memory_type_bits; x.next) _MemoryGetWin32HandleInfoKHR(x::MemoryGetWin32HandleInfoKHR) = _MemoryGetWin32HandleInfoKHR(x.memory, x.handle_type; x.next) _ImportMemoryFdInfoKHR(x::ImportMemoryFdInfoKHR) = _ImportMemoryFdInfoKHR(x.fd; x.next, x.handle_type) _MemoryFdPropertiesKHR(x::MemoryFdPropertiesKHR) = _MemoryFdPropertiesKHR(x.memory_type_bits; x.next) _MemoryGetFdInfoKHR(x::MemoryGetFdInfoKHR) = _MemoryGetFdInfoKHR(x.memory, x.handle_type; x.next) _Win32KeyedMutexAcquireReleaseInfoKHR(x::Win32KeyedMutexAcquireReleaseInfoKHR) = _Win32KeyedMutexAcquireReleaseInfoKHR(x.acquire_syncs, x.acquire_keys, x.acquire_timeouts, x.release_syncs, x.release_keys; x.next) _PhysicalDeviceExternalSemaphoreInfo(x::PhysicalDeviceExternalSemaphoreInfo) = _PhysicalDeviceExternalSemaphoreInfo(x.handle_type; x.next) _ExternalSemaphoreProperties(x::ExternalSemaphoreProperties) = _ExternalSemaphoreProperties(x.export_from_imported_handle_types, x.compatible_handle_types; x.next, x.external_semaphore_features) _ExportSemaphoreCreateInfo(x::ExportSemaphoreCreateInfo) = _ExportSemaphoreCreateInfo(; x.next, x.handle_types) _ImportSemaphoreWin32HandleInfoKHR(x::ImportSemaphoreWin32HandleInfoKHR) = _ImportSemaphoreWin32HandleInfoKHR(x.semaphore, x.handle_type; x.next, x.flags, x.handle, x.name) _ExportSemaphoreWin32HandleInfoKHR(x::ExportSemaphoreWin32HandleInfoKHR) = _ExportSemaphoreWin32HandleInfoKHR(x.dw_access, x.name; x.next, x.attributes) _D3D12FenceSubmitInfoKHR(x::D3D12FenceSubmitInfoKHR) = _D3D12FenceSubmitInfoKHR(; x.next, x.wait_semaphore_values, x.signal_semaphore_values) _SemaphoreGetWin32HandleInfoKHR(x::SemaphoreGetWin32HandleInfoKHR) = _SemaphoreGetWin32HandleInfoKHR(x.semaphore, x.handle_type; x.next) _ImportSemaphoreFdInfoKHR(x::ImportSemaphoreFdInfoKHR) = _ImportSemaphoreFdInfoKHR(x.semaphore, x.handle_type, x.fd; x.next, x.flags) _SemaphoreGetFdInfoKHR(x::SemaphoreGetFdInfoKHR) = _SemaphoreGetFdInfoKHR(x.semaphore, x.handle_type; x.next) _PhysicalDeviceExternalFenceInfo(x::PhysicalDeviceExternalFenceInfo) = _PhysicalDeviceExternalFenceInfo(x.handle_type; x.next) _ExternalFenceProperties(x::ExternalFenceProperties) = _ExternalFenceProperties(x.export_from_imported_handle_types, x.compatible_handle_types; x.next, x.external_fence_features) _ExportFenceCreateInfo(x::ExportFenceCreateInfo) = _ExportFenceCreateInfo(; x.next, x.handle_types) _ImportFenceWin32HandleInfoKHR(x::ImportFenceWin32HandleInfoKHR) = _ImportFenceWin32HandleInfoKHR(x.fence, x.handle_type; x.next, x.flags, x.handle, x.name) _ExportFenceWin32HandleInfoKHR(x::ExportFenceWin32HandleInfoKHR) = _ExportFenceWin32HandleInfoKHR(x.dw_access, x.name; x.next, x.attributes) _FenceGetWin32HandleInfoKHR(x::FenceGetWin32HandleInfoKHR) = _FenceGetWin32HandleInfoKHR(x.fence, x.handle_type; x.next) _ImportFenceFdInfoKHR(x::ImportFenceFdInfoKHR) = _ImportFenceFdInfoKHR(x.fence, x.handle_type, x.fd; x.next, x.flags) _FenceGetFdInfoKHR(x::FenceGetFdInfoKHR) = _FenceGetFdInfoKHR(x.fence, x.handle_type; x.next) _PhysicalDeviceMultiviewFeatures(x::PhysicalDeviceMultiviewFeatures) = _PhysicalDeviceMultiviewFeatures(x.multiview, x.multiview_geometry_shader, x.multiview_tessellation_shader; x.next) _PhysicalDeviceMultiviewProperties(x::PhysicalDeviceMultiviewProperties) = _PhysicalDeviceMultiviewProperties(x.max_multiview_view_count, x.max_multiview_instance_index; x.next) _RenderPassMultiviewCreateInfo(x::RenderPassMultiviewCreateInfo) = _RenderPassMultiviewCreateInfo(x.view_masks, x.view_offsets, x.correlation_masks; x.next) _SurfaceCapabilities2EXT(x::SurfaceCapabilities2EXT) = _SurfaceCapabilities2EXT(x.min_image_count, x.max_image_count, convert_nonnull(_Extent2D, x.current_extent), convert_nonnull(_Extent2D, x.min_image_extent), convert_nonnull(_Extent2D, x.max_image_extent), x.max_image_array_layers, x.supported_transforms, x.current_transform, x.supported_composite_alpha, x.supported_usage_flags; x.next, x.supported_surface_counters) _DisplayPowerInfoEXT(x::DisplayPowerInfoEXT) = _DisplayPowerInfoEXT(x.power_state; x.next) _DeviceEventInfoEXT(x::DeviceEventInfoEXT) = _DeviceEventInfoEXT(x.device_event; x.next) _DisplayEventInfoEXT(x::DisplayEventInfoEXT) = _DisplayEventInfoEXT(x.display_event; x.next) _SwapchainCounterCreateInfoEXT(x::SwapchainCounterCreateInfoEXT) = _SwapchainCounterCreateInfoEXT(; x.next, x.surface_counters) _PhysicalDeviceGroupProperties(x::PhysicalDeviceGroupProperties) = _PhysicalDeviceGroupProperties(x.physical_device_count, x.physical_devices, x.subset_allocation; x.next) _MemoryAllocateFlagsInfo(x::MemoryAllocateFlagsInfo) = _MemoryAllocateFlagsInfo(x.device_mask; x.next, x.flags) _BindBufferMemoryInfo(x::BindBufferMemoryInfo) = _BindBufferMemoryInfo(x.buffer, x.memory, x.memory_offset; x.next) _BindBufferMemoryDeviceGroupInfo(x::BindBufferMemoryDeviceGroupInfo) = _BindBufferMemoryDeviceGroupInfo(x.device_indices; x.next) _BindImageMemoryInfo(x::BindImageMemoryInfo) = _BindImageMemoryInfo(x.image, x.memory, x.memory_offset; x.next) _BindImageMemoryDeviceGroupInfo(x::BindImageMemoryDeviceGroupInfo) = _BindImageMemoryDeviceGroupInfo(x.device_indices, convert_nonnull(Vector{_Rect2D}, x.split_instance_bind_regions); x.next) _DeviceGroupRenderPassBeginInfo(x::DeviceGroupRenderPassBeginInfo) = _DeviceGroupRenderPassBeginInfo(x.device_mask, convert_nonnull(Vector{_Rect2D}, x.device_render_areas); x.next) _DeviceGroupCommandBufferBeginInfo(x::DeviceGroupCommandBufferBeginInfo) = _DeviceGroupCommandBufferBeginInfo(x.device_mask; x.next) _DeviceGroupSubmitInfo(x::DeviceGroupSubmitInfo) = _DeviceGroupSubmitInfo(x.wait_semaphore_device_indices, x.command_buffer_device_masks, x.signal_semaphore_device_indices; x.next) _DeviceGroupBindSparseInfo(x::DeviceGroupBindSparseInfo) = _DeviceGroupBindSparseInfo(x.resource_device_index, x.memory_device_index; x.next) _DeviceGroupPresentCapabilitiesKHR(x::DeviceGroupPresentCapabilitiesKHR) = _DeviceGroupPresentCapabilitiesKHR(x.present_mask, x.modes; x.next) _ImageSwapchainCreateInfoKHR(x::ImageSwapchainCreateInfoKHR) = _ImageSwapchainCreateInfoKHR(; x.next, x.swapchain) _BindImageMemorySwapchainInfoKHR(x::BindImageMemorySwapchainInfoKHR) = _BindImageMemorySwapchainInfoKHR(x.swapchain, x.image_index; x.next) _AcquireNextImageInfoKHR(x::AcquireNextImageInfoKHR) = _AcquireNextImageInfoKHR(x.swapchain, x.timeout, x.device_mask; x.next, x.semaphore, x.fence) _DeviceGroupPresentInfoKHR(x::DeviceGroupPresentInfoKHR) = _DeviceGroupPresentInfoKHR(x.device_masks, x.mode; x.next) _DeviceGroupDeviceCreateInfo(x::DeviceGroupDeviceCreateInfo) = _DeviceGroupDeviceCreateInfo(x.physical_devices; x.next) _DeviceGroupSwapchainCreateInfoKHR(x::DeviceGroupSwapchainCreateInfoKHR) = _DeviceGroupSwapchainCreateInfoKHR(x.modes; x.next) _DescriptorUpdateTemplateEntry(x::DescriptorUpdateTemplateEntry) = _DescriptorUpdateTemplateEntry(x.dst_binding, x.dst_array_element, x.descriptor_count, x.descriptor_type, x.offset, x.stride) _DescriptorUpdateTemplateCreateInfo(x::DescriptorUpdateTemplateCreateInfo) = _DescriptorUpdateTemplateCreateInfo(convert_nonnull(Vector{_DescriptorUpdateTemplateEntry}, x.descriptor_update_entries), x.template_type, x.descriptor_set_layout, x.pipeline_bind_point, x.pipeline_layout, x.set; x.next, x.flags) _XYColorEXT(x::XYColorEXT) = _XYColorEXT(x.x, x.y) _PhysicalDevicePresentIdFeaturesKHR(x::PhysicalDevicePresentIdFeaturesKHR) = _PhysicalDevicePresentIdFeaturesKHR(x.present_id; x.next) _PresentIdKHR(x::PresentIdKHR) = _PresentIdKHR(; x.next, x.present_ids) _PhysicalDevicePresentWaitFeaturesKHR(x::PhysicalDevicePresentWaitFeaturesKHR) = _PhysicalDevicePresentWaitFeaturesKHR(x.present_wait; x.next) _HdrMetadataEXT(x::HdrMetadataEXT) = _HdrMetadataEXT(convert_nonnull(_XYColorEXT, x.display_primary_red), convert_nonnull(_XYColorEXT, x.display_primary_green), convert_nonnull(_XYColorEXT, x.display_primary_blue), convert_nonnull(_XYColorEXT, x.white_point), x.max_luminance, x.min_luminance, x.max_content_light_level, x.max_frame_average_light_level; x.next) _DisplayNativeHdrSurfaceCapabilitiesAMD(x::DisplayNativeHdrSurfaceCapabilitiesAMD) = _DisplayNativeHdrSurfaceCapabilitiesAMD(x.local_dimming_support; x.next) _SwapchainDisplayNativeHdrCreateInfoAMD(x::SwapchainDisplayNativeHdrCreateInfoAMD) = _SwapchainDisplayNativeHdrCreateInfoAMD(x.local_dimming_enable; x.next) _RefreshCycleDurationGOOGLE(x::RefreshCycleDurationGOOGLE) = _RefreshCycleDurationGOOGLE(x.refresh_duration) _PastPresentationTimingGOOGLE(x::PastPresentationTimingGOOGLE) = _PastPresentationTimingGOOGLE(x.present_id, x.desired_present_time, x.actual_present_time, x.earliest_present_time, x.present_margin) _PresentTimesInfoGOOGLE(x::PresentTimesInfoGOOGLE) = _PresentTimesInfoGOOGLE(; x.next, times = convert_nonnull(Vector{_PresentTimeGOOGLE}, x.times)) _PresentTimeGOOGLE(x::PresentTimeGOOGLE) = _PresentTimeGOOGLE(x.present_id, x.desired_present_time) _ViewportWScalingNV(x::ViewportWScalingNV) = _ViewportWScalingNV(x.xcoeff, x.ycoeff) _PipelineViewportWScalingStateCreateInfoNV(x::PipelineViewportWScalingStateCreateInfoNV) = _PipelineViewportWScalingStateCreateInfoNV(x.viewport_w_scaling_enable; x.next, viewport_w_scalings = convert_nonnull(Vector{_ViewportWScalingNV}, x.viewport_w_scalings)) _ViewportSwizzleNV(x::ViewportSwizzleNV) = _ViewportSwizzleNV(x.x, x.y, x.z, x.w) _PipelineViewportSwizzleStateCreateInfoNV(x::PipelineViewportSwizzleStateCreateInfoNV) = _PipelineViewportSwizzleStateCreateInfoNV(convert_nonnull(Vector{_ViewportSwizzleNV}, x.viewport_swizzles); x.next, x.flags) _PhysicalDeviceDiscardRectanglePropertiesEXT(x::PhysicalDeviceDiscardRectanglePropertiesEXT) = _PhysicalDeviceDiscardRectanglePropertiesEXT(x.max_discard_rectangles; x.next) _PipelineDiscardRectangleStateCreateInfoEXT(x::PipelineDiscardRectangleStateCreateInfoEXT) = _PipelineDiscardRectangleStateCreateInfoEXT(x.discard_rectangle_mode, convert_nonnull(Vector{_Rect2D}, x.discard_rectangles); x.next, x.flags) _PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX(x::PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX) = _PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX(x.per_view_position_all_components; x.next) _InputAttachmentAspectReference(x::InputAttachmentAspectReference) = _InputAttachmentAspectReference(x.subpass, x.input_attachment_index, x.aspect_mask) _RenderPassInputAttachmentAspectCreateInfo(x::RenderPassInputAttachmentAspectCreateInfo) = _RenderPassInputAttachmentAspectCreateInfo(convert_nonnull(Vector{_InputAttachmentAspectReference}, x.aspect_references); x.next) _PhysicalDeviceSurfaceInfo2KHR(x::PhysicalDeviceSurfaceInfo2KHR) = _PhysicalDeviceSurfaceInfo2KHR(; x.next, x.surface) _SurfaceCapabilities2KHR(x::SurfaceCapabilities2KHR) = _SurfaceCapabilities2KHR(convert_nonnull(_SurfaceCapabilitiesKHR, x.surface_capabilities); x.next) _SurfaceFormat2KHR(x::SurfaceFormat2KHR) = _SurfaceFormat2KHR(convert_nonnull(_SurfaceFormatKHR, x.surface_format); x.next) _DisplayProperties2KHR(x::DisplayProperties2KHR) = _DisplayProperties2KHR(convert_nonnull(_DisplayPropertiesKHR, x.display_properties); x.next) _DisplayPlaneProperties2KHR(x::DisplayPlaneProperties2KHR) = _DisplayPlaneProperties2KHR(convert_nonnull(_DisplayPlanePropertiesKHR, x.display_plane_properties); x.next) _DisplayModeProperties2KHR(x::DisplayModeProperties2KHR) = _DisplayModeProperties2KHR(convert_nonnull(_DisplayModePropertiesKHR, x.display_mode_properties); x.next) _DisplayPlaneInfo2KHR(x::DisplayPlaneInfo2KHR) = _DisplayPlaneInfo2KHR(x.mode, x.plane_index; x.next) _DisplayPlaneCapabilities2KHR(x::DisplayPlaneCapabilities2KHR) = _DisplayPlaneCapabilities2KHR(convert_nonnull(_DisplayPlaneCapabilitiesKHR, x.capabilities); x.next) _SharedPresentSurfaceCapabilitiesKHR(x::SharedPresentSurfaceCapabilitiesKHR) = _SharedPresentSurfaceCapabilitiesKHR(; x.next, x.shared_present_supported_usage_flags) _PhysicalDevice16BitStorageFeatures(x::PhysicalDevice16BitStorageFeatures) = _PhysicalDevice16BitStorageFeatures(x.storage_buffer_16_bit_access, x.uniform_and_storage_buffer_16_bit_access, x.storage_push_constant_16, x.storage_input_output_16; x.next) _PhysicalDeviceSubgroupProperties(x::PhysicalDeviceSubgroupProperties) = _PhysicalDeviceSubgroupProperties(x.subgroup_size, x.supported_stages, x.supported_operations, x.quad_operations_in_all_stages; x.next) _PhysicalDeviceShaderSubgroupExtendedTypesFeatures(x::PhysicalDeviceShaderSubgroupExtendedTypesFeatures) = _PhysicalDeviceShaderSubgroupExtendedTypesFeatures(x.shader_subgroup_extended_types; x.next) _BufferMemoryRequirementsInfo2(x::BufferMemoryRequirementsInfo2) = _BufferMemoryRequirementsInfo2(x.buffer; x.next) _DeviceBufferMemoryRequirements(x::DeviceBufferMemoryRequirements) = _DeviceBufferMemoryRequirements(convert_nonnull(_BufferCreateInfo, x.create_info); x.next) _ImageMemoryRequirementsInfo2(x::ImageMemoryRequirementsInfo2) = _ImageMemoryRequirementsInfo2(x.image; x.next) _ImageSparseMemoryRequirementsInfo2(x::ImageSparseMemoryRequirementsInfo2) = _ImageSparseMemoryRequirementsInfo2(x.image; x.next) _DeviceImageMemoryRequirements(x::DeviceImageMemoryRequirements) = _DeviceImageMemoryRequirements(convert_nonnull(_ImageCreateInfo, x.create_info); x.next, x.plane_aspect) _MemoryRequirements2(x::MemoryRequirements2) = _MemoryRequirements2(convert_nonnull(_MemoryRequirements, x.memory_requirements); x.next) _SparseImageMemoryRequirements2(x::SparseImageMemoryRequirements2) = _SparseImageMemoryRequirements2(convert_nonnull(_SparseImageMemoryRequirements, x.memory_requirements); x.next) _PhysicalDevicePointClippingProperties(x::PhysicalDevicePointClippingProperties) = _PhysicalDevicePointClippingProperties(x.point_clipping_behavior; x.next) _MemoryDedicatedRequirements(x::MemoryDedicatedRequirements) = _MemoryDedicatedRequirements(x.prefers_dedicated_allocation, x.requires_dedicated_allocation; x.next) _MemoryDedicatedAllocateInfo(x::MemoryDedicatedAllocateInfo) = _MemoryDedicatedAllocateInfo(; x.next, x.image, x.buffer) _ImageViewUsageCreateInfo(x::ImageViewUsageCreateInfo) = _ImageViewUsageCreateInfo(x.usage; x.next) _PipelineTessellationDomainOriginStateCreateInfo(x::PipelineTessellationDomainOriginStateCreateInfo) = _PipelineTessellationDomainOriginStateCreateInfo(x.domain_origin; x.next) _SamplerYcbcrConversionInfo(x::SamplerYcbcrConversionInfo) = _SamplerYcbcrConversionInfo(x.conversion; x.next) _SamplerYcbcrConversionCreateInfo(x::SamplerYcbcrConversionCreateInfo) = _SamplerYcbcrConversionCreateInfo(x.format, x.ycbcr_model, x.ycbcr_range, convert_nonnull(_ComponentMapping, x.components), x.x_chroma_offset, x.y_chroma_offset, x.chroma_filter, x.force_explicit_reconstruction; x.next) _BindImagePlaneMemoryInfo(x::BindImagePlaneMemoryInfo) = _BindImagePlaneMemoryInfo(x.plane_aspect; x.next) _ImagePlaneMemoryRequirementsInfo(x::ImagePlaneMemoryRequirementsInfo) = _ImagePlaneMemoryRequirementsInfo(x.plane_aspect; x.next) _PhysicalDeviceSamplerYcbcrConversionFeatures(x::PhysicalDeviceSamplerYcbcrConversionFeatures) = _PhysicalDeviceSamplerYcbcrConversionFeatures(x.sampler_ycbcr_conversion; x.next) _SamplerYcbcrConversionImageFormatProperties(x::SamplerYcbcrConversionImageFormatProperties) = _SamplerYcbcrConversionImageFormatProperties(x.combined_image_sampler_descriptor_count; x.next) _TextureLODGatherFormatPropertiesAMD(x::TextureLODGatherFormatPropertiesAMD) = _TextureLODGatherFormatPropertiesAMD(x.supports_texture_gather_lod_bias_amd; x.next) _ConditionalRenderingBeginInfoEXT(x::ConditionalRenderingBeginInfoEXT) = _ConditionalRenderingBeginInfoEXT(x.buffer, x.offset; x.next, x.flags) _ProtectedSubmitInfo(x::ProtectedSubmitInfo) = _ProtectedSubmitInfo(x.protected_submit; x.next) _PhysicalDeviceProtectedMemoryFeatures(x::PhysicalDeviceProtectedMemoryFeatures) = _PhysicalDeviceProtectedMemoryFeatures(x.protected_memory; x.next) _PhysicalDeviceProtectedMemoryProperties(x::PhysicalDeviceProtectedMemoryProperties) = _PhysicalDeviceProtectedMemoryProperties(x.protected_no_fault; x.next) _DeviceQueueInfo2(x::DeviceQueueInfo2) = _DeviceQueueInfo2(x.queue_family_index, x.queue_index; x.next, x.flags) _PipelineCoverageToColorStateCreateInfoNV(x::PipelineCoverageToColorStateCreateInfoNV) = _PipelineCoverageToColorStateCreateInfoNV(x.coverage_to_color_enable; x.next, x.flags, x.coverage_to_color_location) _PhysicalDeviceSamplerFilterMinmaxProperties(x::PhysicalDeviceSamplerFilterMinmaxProperties) = _PhysicalDeviceSamplerFilterMinmaxProperties(x.filter_minmax_single_component_formats, x.filter_minmax_image_component_mapping; x.next) _SampleLocationEXT(x::SampleLocationEXT) = _SampleLocationEXT(x.x, x.y) _SampleLocationsInfoEXT(x::SampleLocationsInfoEXT) = _SampleLocationsInfoEXT(x.sample_locations_per_pixel, convert_nonnull(_Extent2D, x.sample_location_grid_size), convert_nonnull(Vector{_SampleLocationEXT}, x.sample_locations); x.next) _AttachmentSampleLocationsEXT(x::AttachmentSampleLocationsEXT) = _AttachmentSampleLocationsEXT(x.attachment_index, convert_nonnull(_SampleLocationsInfoEXT, x.sample_locations_info)) _SubpassSampleLocationsEXT(x::SubpassSampleLocationsEXT) = _SubpassSampleLocationsEXT(x.subpass_index, convert_nonnull(_SampleLocationsInfoEXT, x.sample_locations_info)) _RenderPassSampleLocationsBeginInfoEXT(x::RenderPassSampleLocationsBeginInfoEXT) = _RenderPassSampleLocationsBeginInfoEXT(convert_nonnull(Vector{_AttachmentSampleLocationsEXT}, x.attachment_initial_sample_locations), convert_nonnull(Vector{_SubpassSampleLocationsEXT}, x.post_subpass_sample_locations); x.next) _PipelineSampleLocationsStateCreateInfoEXT(x::PipelineSampleLocationsStateCreateInfoEXT) = _PipelineSampleLocationsStateCreateInfoEXT(x.sample_locations_enable, convert_nonnull(_SampleLocationsInfoEXT, x.sample_locations_info); x.next) _PhysicalDeviceSampleLocationsPropertiesEXT(x::PhysicalDeviceSampleLocationsPropertiesEXT) = _PhysicalDeviceSampleLocationsPropertiesEXT(x.sample_location_sample_counts, convert_nonnull(_Extent2D, x.max_sample_location_grid_size), x.sample_location_coordinate_range, x.sample_location_sub_pixel_bits, x.variable_sample_locations; x.next) _MultisamplePropertiesEXT(x::MultisamplePropertiesEXT) = _MultisamplePropertiesEXT(convert_nonnull(_Extent2D, x.max_sample_location_grid_size); x.next) _SamplerReductionModeCreateInfo(x::SamplerReductionModeCreateInfo) = _SamplerReductionModeCreateInfo(x.reduction_mode; x.next) _PhysicalDeviceBlendOperationAdvancedFeaturesEXT(x::PhysicalDeviceBlendOperationAdvancedFeaturesEXT) = _PhysicalDeviceBlendOperationAdvancedFeaturesEXT(x.advanced_blend_coherent_operations; x.next) _PhysicalDeviceMultiDrawFeaturesEXT(x::PhysicalDeviceMultiDrawFeaturesEXT) = _PhysicalDeviceMultiDrawFeaturesEXT(x.multi_draw; x.next) _PhysicalDeviceBlendOperationAdvancedPropertiesEXT(x::PhysicalDeviceBlendOperationAdvancedPropertiesEXT) = _PhysicalDeviceBlendOperationAdvancedPropertiesEXT(x.advanced_blend_max_color_attachments, x.advanced_blend_independent_blend, x.advanced_blend_non_premultiplied_src_color, x.advanced_blend_non_premultiplied_dst_color, x.advanced_blend_correlated_overlap, x.advanced_blend_all_operations; x.next) _PipelineColorBlendAdvancedStateCreateInfoEXT(x::PipelineColorBlendAdvancedStateCreateInfoEXT) = _PipelineColorBlendAdvancedStateCreateInfoEXT(x.src_premultiplied, x.dst_premultiplied, x.blend_overlap; x.next) _PhysicalDeviceInlineUniformBlockFeatures(x::PhysicalDeviceInlineUniformBlockFeatures) = _PhysicalDeviceInlineUniformBlockFeatures(x.inline_uniform_block, x.descriptor_binding_inline_uniform_block_update_after_bind; x.next) _PhysicalDeviceInlineUniformBlockProperties(x::PhysicalDeviceInlineUniformBlockProperties) = _PhysicalDeviceInlineUniformBlockProperties(x.max_inline_uniform_block_size, x.max_per_stage_descriptor_inline_uniform_blocks, x.max_per_stage_descriptor_update_after_bind_inline_uniform_blocks, x.max_descriptor_set_inline_uniform_blocks, x.max_descriptor_set_update_after_bind_inline_uniform_blocks; x.next) _WriteDescriptorSetInlineUniformBlock(x::WriteDescriptorSetInlineUniformBlock) = _WriteDescriptorSetInlineUniformBlock(x.data_size, x.data; x.next) _DescriptorPoolInlineUniformBlockCreateInfo(x::DescriptorPoolInlineUniformBlockCreateInfo) = _DescriptorPoolInlineUniformBlockCreateInfo(x.max_inline_uniform_block_bindings; x.next) _PipelineCoverageModulationStateCreateInfoNV(x::PipelineCoverageModulationStateCreateInfoNV) = _PipelineCoverageModulationStateCreateInfoNV(x.coverage_modulation_mode, x.coverage_modulation_table_enable; x.next, x.flags, x.coverage_modulation_table) _ImageFormatListCreateInfo(x::ImageFormatListCreateInfo) = _ImageFormatListCreateInfo(x.view_formats; x.next) _ValidationCacheCreateInfoEXT(x::ValidationCacheCreateInfoEXT) = _ValidationCacheCreateInfoEXT(x.initial_data; x.next, x.flags, x.initial_data_size) _ShaderModuleValidationCacheCreateInfoEXT(x::ShaderModuleValidationCacheCreateInfoEXT) = _ShaderModuleValidationCacheCreateInfoEXT(x.validation_cache; x.next) _PhysicalDeviceMaintenance3Properties(x::PhysicalDeviceMaintenance3Properties) = _PhysicalDeviceMaintenance3Properties(x.max_per_set_descriptors, x.max_memory_allocation_size; x.next) _PhysicalDeviceMaintenance4Features(x::PhysicalDeviceMaintenance4Features) = _PhysicalDeviceMaintenance4Features(x.maintenance4; x.next) _PhysicalDeviceMaintenance4Properties(x::PhysicalDeviceMaintenance4Properties) = _PhysicalDeviceMaintenance4Properties(x.max_buffer_size; x.next) _DescriptorSetLayoutSupport(x::DescriptorSetLayoutSupport) = _DescriptorSetLayoutSupport(x.supported; x.next) _PhysicalDeviceShaderDrawParametersFeatures(x::PhysicalDeviceShaderDrawParametersFeatures) = _PhysicalDeviceShaderDrawParametersFeatures(x.shader_draw_parameters; x.next) _PhysicalDeviceShaderFloat16Int8Features(x::PhysicalDeviceShaderFloat16Int8Features) = _PhysicalDeviceShaderFloat16Int8Features(x.shader_float_16, x.shader_int_8; x.next) _PhysicalDeviceFloatControlsProperties(x::PhysicalDeviceFloatControlsProperties) = _PhysicalDeviceFloatControlsProperties(x.denorm_behavior_independence, x.rounding_mode_independence, x.shader_signed_zero_inf_nan_preserve_float_16, x.shader_signed_zero_inf_nan_preserve_float_32, x.shader_signed_zero_inf_nan_preserve_float_64, x.shader_denorm_preserve_float_16, x.shader_denorm_preserve_float_32, x.shader_denorm_preserve_float_64, x.shader_denorm_flush_to_zero_float_16, x.shader_denorm_flush_to_zero_float_32, x.shader_denorm_flush_to_zero_float_64, x.shader_rounding_mode_rte_float_16, x.shader_rounding_mode_rte_float_32, x.shader_rounding_mode_rte_float_64, x.shader_rounding_mode_rtz_float_16, x.shader_rounding_mode_rtz_float_32, x.shader_rounding_mode_rtz_float_64; x.next) _PhysicalDeviceHostQueryResetFeatures(x::PhysicalDeviceHostQueryResetFeatures) = _PhysicalDeviceHostQueryResetFeatures(x.host_query_reset; x.next) _ShaderResourceUsageAMD(x::ShaderResourceUsageAMD) = _ShaderResourceUsageAMD(x.num_used_vgprs, x.num_used_sgprs, x.lds_size_per_local_work_group, x.lds_usage_size_in_bytes, x.scratch_mem_usage_in_bytes) _ShaderStatisticsInfoAMD(x::ShaderStatisticsInfoAMD) = _ShaderStatisticsInfoAMD(x.shader_stage_mask, convert_nonnull(_ShaderResourceUsageAMD, x.resource_usage), x.num_physical_vgprs, x.num_physical_sgprs, x.num_available_vgprs, x.num_available_sgprs, x.compute_work_group_size) _DeviceQueueGlobalPriorityCreateInfoKHR(x::DeviceQueueGlobalPriorityCreateInfoKHR) = _DeviceQueueGlobalPriorityCreateInfoKHR(x.global_priority; x.next) _PhysicalDeviceGlobalPriorityQueryFeaturesKHR(x::PhysicalDeviceGlobalPriorityQueryFeaturesKHR) = _PhysicalDeviceGlobalPriorityQueryFeaturesKHR(x.global_priority_query; x.next) _QueueFamilyGlobalPriorityPropertiesKHR(x::QueueFamilyGlobalPriorityPropertiesKHR) = _QueueFamilyGlobalPriorityPropertiesKHR(x.priority_count, x.priorities; x.next) _DebugUtilsObjectNameInfoEXT(x::DebugUtilsObjectNameInfoEXT) = _DebugUtilsObjectNameInfoEXT(x.object_type, x.object_handle; x.next, x.object_name) _DebugUtilsObjectTagInfoEXT(x::DebugUtilsObjectTagInfoEXT) = _DebugUtilsObjectTagInfoEXT(x.object_type, x.object_handle, x.tag_name, x.tag_size, x.tag; x.next) _DebugUtilsLabelEXT(x::DebugUtilsLabelEXT) = _DebugUtilsLabelEXT(x.label_name, x.color; x.next) _DebugUtilsMessengerCreateInfoEXT(x::DebugUtilsMessengerCreateInfoEXT) = _DebugUtilsMessengerCreateInfoEXT(x.message_severity, x.message_type, x.pfn_user_callback; x.next, x.flags, x.user_data) _DebugUtilsMessengerCallbackDataEXT(x::DebugUtilsMessengerCallbackDataEXT) = _DebugUtilsMessengerCallbackDataEXT(x.message_id_number, x.message, convert_nonnull(Vector{_DebugUtilsLabelEXT}, x.queue_labels), convert_nonnull(Vector{_DebugUtilsLabelEXT}, x.cmd_buf_labels), convert_nonnull(Vector{_DebugUtilsObjectNameInfoEXT}, x.objects); x.next, x.flags, x.message_id_name) _PhysicalDeviceDeviceMemoryReportFeaturesEXT(x::PhysicalDeviceDeviceMemoryReportFeaturesEXT) = _PhysicalDeviceDeviceMemoryReportFeaturesEXT(x.device_memory_report; x.next) _DeviceDeviceMemoryReportCreateInfoEXT(x::DeviceDeviceMemoryReportCreateInfoEXT) = _DeviceDeviceMemoryReportCreateInfoEXT(x.flags, x.pfn_user_callback, x.user_data; x.next) _DeviceMemoryReportCallbackDataEXT(x::DeviceMemoryReportCallbackDataEXT) = _DeviceMemoryReportCallbackDataEXT(x.flags, x.type, x.memory_object_id, x.size, x.object_type, x.object_handle, x.heap_index; x.next) _ImportMemoryHostPointerInfoEXT(x::ImportMemoryHostPointerInfoEXT) = _ImportMemoryHostPointerInfoEXT(x.handle_type, x.host_pointer; x.next) _MemoryHostPointerPropertiesEXT(x::MemoryHostPointerPropertiesEXT) = _MemoryHostPointerPropertiesEXT(x.memory_type_bits; x.next) _PhysicalDeviceExternalMemoryHostPropertiesEXT(x::PhysicalDeviceExternalMemoryHostPropertiesEXT) = _PhysicalDeviceExternalMemoryHostPropertiesEXT(x.min_imported_host_pointer_alignment; x.next) _PhysicalDeviceConservativeRasterizationPropertiesEXT(x::PhysicalDeviceConservativeRasterizationPropertiesEXT) = _PhysicalDeviceConservativeRasterizationPropertiesEXT(x.primitive_overestimation_size, x.max_extra_primitive_overestimation_size, x.extra_primitive_overestimation_size_granularity, x.primitive_underestimation, x.conservative_point_and_line_rasterization, x.degenerate_triangles_rasterized, x.degenerate_lines_rasterized, x.fully_covered_fragment_shader_input_variable, x.conservative_rasterization_post_depth_coverage; x.next) _CalibratedTimestampInfoEXT(x::CalibratedTimestampInfoEXT) = _CalibratedTimestampInfoEXT(x.time_domain; x.next) _PhysicalDeviceShaderCorePropertiesAMD(x::PhysicalDeviceShaderCorePropertiesAMD) = _PhysicalDeviceShaderCorePropertiesAMD(x.shader_engine_count, x.shader_arrays_per_engine_count, x.compute_units_per_shader_array, x.simd_per_compute_unit, x.wavefronts_per_simd, x.wavefront_size, x.sgprs_per_simd, x.min_sgpr_allocation, x.max_sgpr_allocation, x.sgpr_allocation_granularity, x.vgprs_per_simd, x.min_vgpr_allocation, x.max_vgpr_allocation, x.vgpr_allocation_granularity; x.next) _PhysicalDeviceShaderCoreProperties2AMD(x::PhysicalDeviceShaderCoreProperties2AMD) = _PhysicalDeviceShaderCoreProperties2AMD(x.shader_core_features, x.active_compute_unit_count; x.next) _PipelineRasterizationConservativeStateCreateInfoEXT(x::PipelineRasterizationConservativeStateCreateInfoEXT) = _PipelineRasterizationConservativeStateCreateInfoEXT(x.conservative_rasterization_mode, x.extra_primitive_overestimation_size; x.next, x.flags) _PhysicalDeviceDescriptorIndexingFeatures(x::PhysicalDeviceDescriptorIndexingFeatures) = _PhysicalDeviceDescriptorIndexingFeatures(x.shader_input_attachment_array_dynamic_indexing, x.shader_uniform_texel_buffer_array_dynamic_indexing, x.shader_storage_texel_buffer_array_dynamic_indexing, x.shader_uniform_buffer_array_non_uniform_indexing, x.shader_sampled_image_array_non_uniform_indexing, x.shader_storage_buffer_array_non_uniform_indexing, x.shader_storage_image_array_non_uniform_indexing, x.shader_input_attachment_array_non_uniform_indexing, x.shader_uniform_texel_buffer_array_non_uniform_indexing, x.shader_storage_texel_buffer_array_non_uniform_indexing, x.descriptor_binding_uniform_buffer_update_after_bind, x.descriptor_binding_sampled_image_update_after_bind, x.descriptor_binding_storage_image_update_after_bind, x.descriptor_binding_storage_buffer_update_after_bind, x.descriptor_binding_uniform_texel_buffer_update_after_bind, x.descriptor_binding_storage_texel_buffer_update_after_bind, x.descriptor_binding_update_unused_while_pending, x.descriptor_binding_partially_bound, x.descriptor_binding_variable_descriptor_count, x.runtime_descriptor_array; x.next) _PhysicalDeviceDescriptorIndexingProperties(x::PhysicalDeviceDescriptorIndexingProperties) = _PhysicalDeviceDescriptorIndexingProperties(x.max_update_after_bind_descriptors_in_all_pools, x.shader_uniform_buffer_array_non_uniform_indexing_native, x.shader_sampled_image_array_non_uniform_indexing_native, x.shader_storage_buffer_array_non_uniform_indexing_native, x.shader_storage_image_array_non_uniform_indexing_native, x.shader_input_attachment_array_non_uniform_indexing_native, x.robust_buffer_access_update_after_bind, x.quad_divergent_implicit_lod, x.max_per_stage_descriptor_update_after_bind_samplers, x.max_per_stage_descriptor_update_after_bind_uniform_buffers, x.max_per_stage_descriptor_update_after_bind_storage_buffers, x.max_per_stage_descriptor_update_after_bind_sampled_images, x.max_per_stage_descriptor_update_after_bind_storage_images, x.max_per_stage_descriptor_update_after_bind_input_attachments, x.max_per_stage_update_after_bind_resources, x.max_descriptor_set_update_after_bind_samplers, x.max_descriptor_set_update_after_bind_uniform_buffers, x.max_descriptor_set_update_after_bind_uniform_buffers_dynamic, x.max_descriptor_set_update_after_bind_storage_buffers, x.max_descriptor_set_update_after_bind_storage_buffers_dynamic, x.max_descriptor_set_update_after_bind_sampled_images, x.max_descriptor_set_update_after_bind_storage_images, x.max_descriptor_set_update_after_bind_input_attachments; x.next) _DescriptorSetLayoutBindingFlagsCreateInfo(x::DescriptorSetLayoutBindingFlagsCreateInfo) = _DescriptorSetLayoutBindingFlagsCreateInfo(x.binding_flags; x.next) _DescriptorSetVariableDescriptorCountAllocateInfo(x::DescriptorSetVariableDescriptorCountAllocateInfo) = _DescriptorSetVariableDescriptorCountAllocateInfo(x.descriptor_counts; x.next) _DescriptorSetVariableDescriptorCountLayoutSupport(x::DescriptorSetVariableDescriptorCountLayoutSupport) = _DescriptorSetVariableDescriptorCountLayoutSupport(x.max_variable_descriptor_count; x.next) _AttachmentDescription2(x::AttachmentDescription2) = _AttachmentDescription2(x.format, x.samples, x.load_op, x.store_op, x.stencil_load_op, x.stencil_store_op, x.initial_layout, x.final_layout; x.next, x.flags) _AttachmentReference2(x::AttachmentReference2) = _AttachmentReference2(x.attachment, x.layout, x.aspect_mask; x.next) _SubpassDescription2(x::SubpassDescription2) = _SubpassDescription2(x.pipeline_bind_point, x.view_mask, convert_nonnull(Vector{_AttachmentReference2}, x.input_attachments), convert_nonnull(Vector{_AttachmentReference2}, x.color_attachments), x.preserve_attachments; x.next, x.flags, resolve_attachments = convert_nonnull(Vector{_AttachmentReference2}, x.resolve_attachments), depth_stencil_attachment = convert_nonnull(_AttachmentReference2, x.depth_stencil_attachment)) _SubpassDependency2(x::SubpassDependency2) = _SubpassDependency2(x.src_subpass, x.dst_subpass, x.view_offset; x.next, x.src_stage_mask, x.dst_stage_mask, x.src_access_mask, x.dst_access_mask, x.dependency_flags) _RenderPassCreateInfo2(x::RenderPassCreateInfo2) = _RenderPassCreateInfo2(convert_nonnull(Vector{_AttachmentDescription2}, x.attachments), convert_nonnull(Vector{_SubpassDescription2}, x.subpasses), convert_nonnull(Vector{_SubpassDependency2}, x.dependencies), x.correlated_view_masks; x.next, x.flags) _SubpassBeginInfo(x::SubpassBeginInfo) = _SubpassBeginInfo(x.contents; x.next) _SubpassEndInfo(x::SubpassEndInfo) = _SubpassEndInfo(; x.next) _PhysicalDeviceTimelineSemaphoreFeatures(x::PhysicalDeviceTimelineSemaphoreFeatures) = _PhysicalDeviceTimelineSemaphoreFeatures(x.timeline_semaphore; x.next) _PhysicalDeviceTimelineSemaphoreProperties(x::PhysicalDeviceTimelineSemaphoreProperties) = _PhysicalDeviceTimelineSemaphoreProperties(x.max_timeline_semaphore_value_difference; x.next) _SemaphoreTypeCreateInfo(x::SemaphoreTypeCreateInfo) = _SemaphoreTypeCreateInfo(x.semaphore_type, x.initial_value; x.next) _TimelineSemaphoreSubmitInfo(x::TimelineSemaphoreSubmitInfo) = _TimelineSemaphoreSubmitInfo(; x.next, x.wait_semaphore_values, x.signal_semaphore_values) _SemaphoreWaitInfo(x::SemaphoreWaitInfo) = _SemaphoreWaitInfo(x.semaphores, x.values; x.next, x.flags) _SemaphoreSignalInfo(x::SemaphoreSignalInfo) = _SemaphoreSignalInfo(x.semaphore, x.value; x.next) _VertexInputBindingDivisorDescriptionEXT(x::VertexInputBindingDivisorDescriptionEXT) = _VertexInputBindingDivisorDescriptionEXT(x.binding, x.divisor) _PipelineVertexInputDivisorStateCreateInfoEXT(x::PipelineVertexInputDivisorStateCreateInfoEXT) = _PipelineVertexInputDivisorStateCreateInfoEXT(convert_nonnull(Vector{_VertexInputBindingDivisorDescriptionEXT}, x.vertex_binding_divisors); x.next) _PhysicalDeviceVertexAttributeDivisorPropertiesEXT(x::PhysicalDeviceVertexAttributeDivisorPropertiesEXT) = _PhysicalDeviceVertexAttributeDivisorPropertiesEXT(x.max_vertex_attrib_divisor; x.next) _PhysicalDevicePCIBusInfoPropertiesEXT(x::PhysicalDevicePCIBusInfoPropertiesEXT) = _PhysicalDevicePCIBusInfoPropertiesEXT(x.pci_domain, x.pci_bus, x.pci_device, x.pci_function; x.next) _CommandBufferInheritanceConditionalRenderingInfoEXT(x::CommandBufferInheritanceConditionalRenderingInfoEXT) = _CommandBufferInheritanceConditionalRenderingInfoEXT(x.conditional_rendering_enable; x.next) _PhysicalDevice8BitStorageFeatures(x::PhysicalDevice8BitStorageFeatures) = _PhysicalDevice8BitStorageFeatures(x.storage_buffer_8_bit_access, x.uniform_and_storage_buffer_8_bit_access, x.storage_push_constant_8; x.next) _PhysicalDeviceConditionalRenderingFeaturesEXT(x::PhysicalDeviceConditionalRenderingFeaturesEXT) = _PhysicalDeviceConditionalRenderingFeaturesEXT(x.conditional_rendering, x.inherited_conditional_rendering; x.next) _PhysicalDeviceVulkanMemoryModelFeatures(x::PhysicalDeviceVulkanMemoryModelFeatures) = _PhysicalDeviceVulkanMemoryModelFeatures(x.vulkan_memory_model, x.vulkan_memory_model_device_scope, x.vulkan_memory_model_availability_visibility_chains; x.next) _PhysicalDeviceShaderAtomicInt64Features(x::PhysicalDeviceShaderAtomicInt64Features) = _PhysicalDeviceShaderAtomicInt64Features(x.shader_buffer_int_64_atomics, x.shader_shared_int_64_atomics; x.next) _PhysicalDeviceShaderAtomicFloatFeaturesEXT(x::PhysicalDeviceShaderAtomicFloatFeaturesEXT) = _PhysicalDeviceShaderAtomicFloatFeaturesEXT(x.shader_buffer_float_32_atomics, x.shader_buffer_float_32_atomic_add, x.shader_buffer_float_64_atomics, x.shader_buffer_float_64_atomic_add, x.shader_shared_float_32_atomics, x.shader_shared_float_32_atomic_add, x.shader_shared_float_64_atomics, x.shader_shared_float_64_atomic_add, x.shader_image_float_32_atomics, x.shader_image_float_32_atomic_add, x.sparse_image_float_32_atomics, x.sparse_image_float_32_atomic_add; x.next) _PhysicalDeviceShaderAtomicFloat2FeaturesEXT(x::PhysicalDeviceShaderAtomicFloat2FeaturesEXT) = _PhysicalDeviceShaderAtomicFloat2FeaturesEXT(x.shader_buffer_float_16_atomics, x.shader_buffer_float_16_atomic_add, x.shader_buffer_float_16_atomic_min_max, x.shader_buffer_float_32_atomic_min_max, x.shader_buffer_float_64_atomic_min_max, x.shader_shared_float_16_atomics, x.shader_shared_float_16_atomic_add, x.shader_shared_float_16_atomic_min_max, x.shader_shared_float_32_atomic_min_max, x.shader_shared_float_64_atomic_min_max, x.shader_image_float_32_atomic_min_max, x.sparse_image_float_32_atomic_min_max; x.next) _PhysicalDeviceVertexAttributeDivisorFeaturesEXT(x::PhysicalDeviceVertexAttributeDivisorFeaturesEXT) = _PhysicalDeviceVertexAttributeDivisorFeaturesEXT(x.vertex_attribute_instance_rate_divisor, x.vertex_attribute_instance_rate_zero_divisor; x.next) _QueueFamilyCheckpointPropertiesNV(x::QueueFamilyCheckpointPropertiesNV) = _QueueFamilyCheckpointPropertiesNV(x.checkpoint_execution_stage_mask; x.next) _CheckpointDataNV(x::CheckpointDataNV) = _CheckpointDataNV(x.stage, x.checkpoint_marker; x.next) _PhysicalDeviceDepthStencilResolveProperties(x::PhysicalDeviceDepthStencilResolveProperties) = _PhysicalDeviceDepthStencilResolveProperties(x.supported_depth_resolve_modes, x.supported_stencil_resolve_modes, x.independent_resolve_none, x.independent_resolve; x.next) _SubpassDescriptionDepthStencilResolve(x::SubpassDescriptionDepthStencilResolve) = _SubpassDescriptionDepthStencilResolve(x.depth_resolve_mode, x.stencil_resolve_mode; x.next, depth_stencil_resolve_attachment = convert_nonnull(_AttachmentReference2, x.depth_stencil_resolve_attachment)) _ImageViewASTCDecodeModeEXT(x::ImageViewASTCDecodeModeEXT) = _ImageViewASTCDecodeModeEXT(x.decode_mode; x.next) _PhysicalDeviceASTCDecodeFeaturesEXT(x::PhysicalDeviceASTCDecodeFeaturesEXT) = _PhysicalDeviceASTCDecodeFeaturesEXT(x.decode_mode_shared_exponent; x.next) _PhysicalDeviceTransformFeedbackFeaturesEXT(x::PhysicalDeviceTransformFeedbackFeaturesEXT) = _PhysicalDeviceTransformFeedbackFeaturesEXT(x.transform_feedback, x.geometry_streams; x.next) _PhysicalDeviceTransformFeedbackPropertiesEXT(x::PhysicalDeviceTransformFeedbackPropertiesEXT) = _PhysicalDeviceTransformFeedbackPropertiesEXT(x.max_transform_feedback_streams, x.max_transform_feedback_buffers, x.max_transform_feedback_buffer_size, x.max_transform_feedback_stream_data_size, x.max_transform_feedback_buffer_data_size, x.max_transform_feedback_buffer_data_stride, x.transform_feedback_queries, x.transform_feedback_streams_lines_triangles, x.transform_feedback_rasterization_stream_select, x.transform_feedback_draw; x.next) _PipelineRasterizationStateStreamCreateInfoEXT(x::PipelineRasterizationStateStreamCreateInfoEXT) = _PipelineRasterizationStateStreamCreateInfoEXT(x.rasterization_stream; x.next, x.flags) _PhysicalDeviceRepresentativeFragmentTestFeaturesNV(x::PhysicalDeviceRepresentativeFragmentTestFeaturesNV) = _PhysicalDeviceRepresentativeFragmentTestFeaturesNV(x.representative_fragment_test; x.next) _PipelineRepresentativeFragmentTestStateCreateInfoNV(x::PipelineRepresentativeFragmentTestStateCreateInfoNV) = _PipelineRepresentativeFragmentTestStateCreateInfoNV(x.representative_fragment_test_enable; x.next) _PhysicalDeviceExclusiveScissorFeaturesNV(x::PhysicalDeviceExclusiveScissorFeaturesNV) = _PhysicalDeviceExclusiveScissorFeaturesNV(x.exclusive_scissor; x.next) _PipelineViewportExclusiveScissorStateCreateInfoNV(x::PipelineViewportExclusiveScissorStateCreateInfoNV) = _PipelineViewportExclusiveScissorStateCreateInfoNV(convert_nonnull(Vector{_Rect2D}, x.exclusive_scissors); x.next) _PhysicalDeviceCornerSampledImageFeaturesNV(x::PhysicalDeviceCornerSampledImageFeaturesNV) = _PhysicalDeviceCornerSampledImageFeaturesNV(x.corner_sampled_image; x.next) _PhysicalDeviceComputeShaderDerivativesFeaturesNV(x::PhysicalDeviceComputeShaderDerivativesFeaturesNV) = _PhysicalDeviceComputeShaderDerivativesFeaturesNV(x.compute_derivative_group_quads, x.compute_derivative_group_linear; x.next) _PhysicalDeviceShaderImageFootprintFeaturesNV(x::PhysicalDeviceShaderImageFootprintFeaturesNV) = _PhysicalDeviceShaderImageFootprintFeaturesNV(x.image_footprint; x.next) _PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV(x::PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV) = _PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV(x.dedicated_allocation_image_aliasing; x.next) _PhysicalDeviceCopyMemoryIndirectFeaturesNV(x::PhysicalDeviceCopyMemoryIndirectFeaturesNV) = _PhysicalDeviceCopyMemoryIndirectFeaturesNV(x.indirect_copy; x.next) _PhysicalDeviceCopyMemoryIndirectPropertiesNV(x::PhysicalDeviceCopyMemoryIndirectPropertiesNV) = _PhysicalDeviceCopyMemoryIndirectPropertiesNV(x.supported_queues; x.next) _PhysicalDeviceMemoryDecompressionFeaturesNV(x::PhysicalDeviceMemoryDecompressionFeaturesNV) = _PhysicalDeviceMemoryDecompressionFeaturesNV(x.memory_decompression; x.next) _PhysicalDeviceMemoryDecompressionPropertiesNV(x::PhysicalDeviceMemoryDecompressionPropertiesNV) = _PhysicalDeviceMemoryDecompressionPropertiesNV(x.decompression_methods, x.max_decompression_indirect_count; x.next) _ShadingRatePaletteNV(x::ShadingRatePaletteNV) = _ShadingRatePaletteNV(x.shading_rate_palette_entries) _PipelineViewportShadingRateImageStateCreateInfoNV(x::PipelineViewportShadingRateImageStateCreateInfoNV) = _PipelineViewportShadingRateImageStateCreateInfoNV(x.shading_rate_image_enable, convert_nonnull(Vector{_ShadingRatePaletteNV}, x.shading_rate_palettes); x.next) _PhysicalDeviceShadingRateImageFeaturesNV(x::PhysicalDeviceShadingRateImageFeaturesNV) = _PhysicalDeviceShadingRateImageFeaturesNV(x.shading_rate_image, x.shading_rate_coarse_sample_order; x.next) _PhysicalDeviceShadingRateImagePropertiesNV(x::PhysicalDeviceShadingRateImagePropertiesNV) = _PhysicalDeviceShadingRateImagePropertiesNV(convert_nonnull(_Extent2D, x.shading_rate_texel_size), x.shading_rate_palette_size, x.shading_rate_max_coarse_samples; x.next) _PhysicalDeviceInvocationMaskFeaturesHUAWEI(x::PhysicalDeviceInvocationMaskFeaturesHUAWEI) = _PhysicalDeviceInvocationMaskFeaturesHUAWEI(x.invocation_mask; x.next) _CoarseSampleLocationNV(x::CoarseSampleLocationNV) = _CoarseSampleLocationNV(x.pixel_x, x.pixel_y, x.sample) _CoarseSampleOrderCustomNV(x::CoarseSampleOrderCustomNV) = _CoarseSampleOrderCustomNV(x.shading_rate, x.sample_count, convert_nonnull(Vector{_CoarseSampleLocationNV}, x.sample_locations)) _PipelineViewportCoarseSampleOrderStateCreateInfoNV(x::PipelineViewportCoarseSampleOrderStateCreateInfoNV) = _PipelineViewportCoarseSampleOrderStateCreateInfoNV(x.sample_order_type, convert_nonnull(Vector{_CoarseSampleOrderCustomNV}, x.custom_sample_orders); x.next) _PhysicalDeviceMeshShaderFeaturesNV(x::PhysicalDeviceMeshShaderFeaturesNV) = _PhysicalDeviceMeshShaderFeaturesNV(x.task_shader, x.mesh_shader; x.next) _PhysicalDeviceMeshShaderPropertiesNV(x::PhysicalDeviceMeshShaderPropertiesNV) = _PhysicalDeviceMeshShaderPropertiesNV(x.max_draw_mesh_tasks_count, x.max_task_work_group_invocations, x.max_task_work_group_size, x.max_task_total_memory_size, x.max_task_output_count, x.max_mesh_work_group_invocations, x.max_mesh_work_group_size, x.max_mesh_total_memory_size, x.max_mesh_output_vertices, x.max_mesh_output_primitives, x.max_mesh_multiview_view_count, x.mesh_output_per_vertex_granularity, x.mesh_output_per_primitive_granularity; x.next) _DrawMeshTasksIndirectCommandNV(x::DrawMeshTasksIndirectCommandNV) = _DrawMeshTasksIndirectCommandNV(x.task_count, x.first_task) _PhysicalDeviceMeshShaderFeaturesEXT(x::PhysicalDeviceMeshShaderFeaturesEXT) = _PhysicalDeviceMeshShaderFeaturesEXT(x.task_shader, x.mesh_shader, x.multiview_mesh_shader, x.primitive_fragment_shading_rate_mesh_shader, x.mesh_shader_queries; x.next) _PhysicalDeviceMeshShaderPropertiesEXT(x::PhysicalDeviceMeshShaderPropertiesEXT) = _PhysicalDeviceMeshShaderPropertiesEXT(x.max_task_work_group_total_count, x.max_task_work_group_count, x.max_task_work_group_invocations, x.max_task_work_group_size, x.max_task_payload_size, x.max_task_shared_memory_size, x.max_task_payload_and_shared_memory_size, x.max_mesh_work_group_total_count, x.max_mesh_work_group_count, x.max_mesh_work_group_invocations, x.max_mesh_work_group_size, x.max_mesh_shared_memory_size, x.max_mesh_payload_and_shared_memory_size, x.max_mesh_output_memory_size, x.max_mesh_payload_and_output_memory_size, x.max_mesh_output_components, x.max_mesh_output_vertices, x.max_mesh_output_primitives, x.max_mesh_output_layers, x.max_mesh_multiview_view_count, x.mesh_output_per_vertex_granularity, x.mesh_output_per_primitive_granularity, x.max_preferred_task_work_group_invocations, x.max_preferred_mesh_work_group_invocations, x.prefers_local_invocation_vertex_output, x.prefers_local_invocation_primitive_output, x.prefers_compact_vertex_output, x.prefers_compact_primitive_output; x.next) _DrawMeshTasksIndirectCommandEXT(x::DrawMeshTasksIndirectCommandEXT) = _DrawMeshTasksIndirectCommandEXT(x.group_count_x, x.group_count_y, x.group_count_z) _RayTracingShaderGroupCreateInfoNV(x::RayTracingShaderGroupCreateInfoNV) = _RayTracingShaderGroupCreateInfoNV(x.type, x.general_shader, x.closest_hit_shader, x.any_hit_shader, x.intersection_shader; x.next) _RayTracingShaderGroupCreateInfoKHR(x::RayTracingShaderGroupCreateInfoKHR) = _RayTracingShaderGroupCreateInfoKHR(x.type, x.general_shader, x.closest_hit_shader, x.any_hit_shader, x.intersection_shader; x.next, x.shader_group_capture_replay_handle) _RayTracingPipelineCreateInfoNV(x::RayTracingPipelineCreateInfoNV) = _RayTracingPipelineCreateInfoNV(convert_nonnull(Vector{_PipelineShaderStageCreateInfo}, x.stages), convert_nonnull(Vector{_RayTracingShaderGroupCreateInfoNV}, x.groups), x.max_recursion_depth, x.layout, x.base_pipeline_index; x.next, x.flags, x.base_pipeline_handle) _RayTracingPipelineCreateInfoKHR(x::RayTracingPipelineCreateInfoKHR) = _RayTracingPipelineCreateInfoKHR(convert_nonnull(Vector{_PipelineShaderStageCreateInfo}, x.stages), convert_nonnull(Vector{_RayTracingShaderGroupCreateInfoKHR}, x.groups), x.max_pipeline_ray_recursion_depth, x.layout, x.base_pipeline_index; x.next, x.flags, library_info = convert_nonnull(_PipelineLibraryCreateInfoKHR, x.library_info), library_interface = convert_nonnull(_RayTracingPipelineInterfaceCreateInfoKHR, x.library_interface), dynamic_state = convert_nonnull(_PipelineDynamicStateCreateInfo, x.dynamic_state), x.base_pipeline_handle) _GeometryTrianglesNV(x::GeometryTrianglesNV) = _GeometryTrianglesNV(x.vertex_offset, x.vertex_count, x.vertex_stride, x.vertex_format, x.index_offset, x.index_count, x.index_type, x.transform_offset; x.next, x.vertex_data, x.index_data, x.transform_data) _GeometryAABBNV(x::GeometryAABBNV) = _GeometryAABBNV(x.num_aab_bs, x.stride, x.offset; x.next, x.aabb_data) _GeometryDataNV(x::GeometryDataNV) = _GeometryDataNV(convert_nonnull(_GeometryTrianglesNV, x.triangles), convert_nonnull(_GeometryAABBNV, x.aabbs)) _GeometryNV(x::GeometryNV) = _GeometryNV(x.geometry_type, convert_nonnull(_GeometryDataNV, x.geometry); x.next, x.flags) _AccelerationStructureInfoNV(x::AccelerationStructureInfoNV) = _AccelerationStructureInfoNV(x.type, convert_nonnull(Vector{_GeometryNV}, x.geometries); x.next, x.flags, x.instance_count) _AccelerationStructureCreateInfoNV(x::AccelerationStructureCreateInfoNV) = _AccelerationStructureCreateInfoNV(x.compacted_size, convert_nonnull(_AccelerationStructureInfoNV, x.info); x.next) _BindAccelerationStructureMemoryInfoNV(x::BindAccelerationStructureMemoryInfoNV) = _BindAccelerationStructureMemoryInfoNV(x.acceleration_structure, x.memory, x.memory_offset, x.device_indices; x.next) _WriteDescriptorSetAccelerationStructureKHR(x::WriteDescriptorSetAccelerationStructureKHR) = _WriteDescriptorSetAccelerationStructureKHR(x.acceleration_structures; x.next) _WriteDescriptorSetAccelerationStructureNV(x::WriteDescriptorSetAccelerationStructureNV) = _WriteDescriptorSetAccelerationStructureNV(x.acceleration_structures; x.next) _AccelerationStructureMemoryRequirementsInfoNV(x::AccelerationStructureMemoryRequirementsInfoNV) = _AccelerationStructureMemoryRequirementsInfoNV(x.type, x.acceleration_structure; x.next) _PhysicalDeviceAccelerationStructureFeaturesKHR(x::PhysicalDeviceAccelerationStructureFeaturesKHR) = _PhysicalDeviceAccelerationStructureFeaturesKHR(x.acceleration_structure, x.acceleration_structure_capture_replay, x.acceleration_structure_indirect_build, x.acceleration_structure_host_commands, x.descriptor_binding_acceleration_structure_update_after_bind; x.next) _PhysicalDeviceRayTracingPipelineFeaturesKHR(x::PhysicalDeviceRayTracingPipelineFeaturesKHR) = _PhysicalDeviceRayTracingPipelineFeaturesKHR(x.ray_tracing_pipeline, x.ray_tracing_pipeline_shader_group_handle_capture_replay, x.ray_tracing_pipeline_shader_group_handle_capture_replay_mixed, x.ray_tracing_pipeline_trace_rays_indirect, x.ray_traversal_primitive_culling; x.next) _PhysicalDeviceRayQueryFeaturesKHR(x::PhysicalDeviceRayQueryFeaturesKHR) = _PhysicalDeviceRayQueryFeaturesKHR(x.ray_query; x.next) _PhysicalDeviceAccelerationStructurePropertiesKHR(x::PhysicalDeviceAccelerationStructurePropertiesKHR) = _PhysicalDeviceAccelerationStructurePropertiesKHR(x.max_geometry_count, x.max_instance_count, x.max_primitive_count, x.max_per_stage_descriptor_acceleration_structures, x.max_per_stage_descriptor_update_after_bind_acceleration_structures, x.max_descriptor_set_acceleration_structures, x.max_descriptor_set_update_after_bind_acceleration_structures, x.min_acceleration_structure_scratch_offset_alignment; x.next) _PhysicalDeviceRayTracingPipelinePropertiesKHR(x::PhysicalDeviceRayTracingPipelinePropertiesKHR) = _PhysicalDeviceRayTracingPipelinePropertiesKHR(x.shader_group_handle_size, x.max_ray_recursion_depth, x.max_shader_group_stride, x.shader_group_base_alignment, x.shader_group_handle_capture_replay_size, x.max_ray_dispatch_invocation_count, x.shader_group_handle_alignment, x.max_ray_hit_attribute_size; x.next) _PhysicalDeviceRayTracingPropertiesNV(x::PhysicalDeviceRayTracingPropertiesNV) = _PhysicalDeviceRayTracingPropertiesNV(x.shader_group_handle_size, x.max_recursion_depth, x.max_shader_group_stride, x.shader_group_base_alignment, x.max_geometry_count, x.max_instance_count, x.max_triangle_count, x.max_descriptor_set_acceleration_structures; x.next) _StridedDeviceAddressRegionKHR(x::StridedDeviceAddressRegionKHR) = _StridedDeviceAddressRegionKHR(x.stride, x.size; x.device_address) _TraceRaysIndirectCommandKHR(x::TraceRaysIndirectCommandKHR) = _TraceRaysIndirectCommandKHR(x.width, x.height, x.depth) _TraceRaysIndirectCommand2KHR(x::TraceRaysIndirectCommand2KHR) = _TraceRaysIndirectCommand2KHR(x.raygen_shader_record_address, x.raygen_shader_record_size, x.miss_shader_binding_table_address, x.miss_shader_binding_table_size, x.miss_shader_binding_table_stride, x.hit_shader_binding_table_address, x.hit_shader_binding_table_size, x.hit_shader_binding_table_stride, x.callable_shader_binding_table_address, x.callable_shader_binding_table_size, x.callable_shader_binding_table_stride, x.width, x.height, x.depth) _PhysicalDeviceRayTracingMaintenance1FeaturesKHR(x::PhysicalDeviceRayTracingMaintenance1FeaturesKHR) = _PhysicalDeviceRayTracingMaintenance1FeaturesKHR(x.ray_tracing_maintenance_1, x.ray_tracing_pipeline_trace_rays_indirect_2; x.next) _DrmFormatModifierPropertiesListEXT(x::DrmFormatModifierPropertiesListEXT) = _DrmFormatModifierPropertiesListEXT(; x.next, drm_format_modifier_properties = convert_nonnull(Vector{_DrmFormatModifierPropertiesEXT}, x.drm_format_modifier_properties)) _DrmFormatModifierPropertiesEXT(x::DrmFormatModifierPropertiesEXT) = _DrmFormatModifierPropertiesEXT(x.drm_format_modifier, x.drm_format_modifier_plane_count, x.drm_format_modifier_tiling_features) _PhysicalDeviceImageDrmFormatModifierInfoEXT(x::PhysicalDeviceImageDrmFormatModifierInfoEXT) = _PhysicalDeviceImageDrmFormatModifierInfoEXT(x.drm_format_modifier, x.sharing_mode, x.queue_family_indices; x.next) _ImageDrmFormatModifierListCreateInfoEXT(x::ImageDrmFormatModifierListCreateInfoEXT) = _ImageDrmFormatModifierListCreateInfoEXT(x.drm_format_modifiers; x.next) _ImageDrmFormatModifierExplicitCreateInfoEXT(x::ImageDrmFormatModifierExplicitCreateInfoEXT) = _ImageDrmFormatModifierExplicitCreateInfoEXT(x.drm_format_modifier, convert_nonnull(Vector{_SubresourceLayout}, x.plane_layouts); x.next) _ImageDrmFormatModifierPropertiesEXT(x::ImageDrmFormatModifierPropertiesEXT) = _ImageDrmFormatModifierPropertiesEXT(x.drm_format_modifier; x.next) _ImageStencilUsageCreateInfo(x::ImageStencilUsageCreateInfo) = _ImageStencilUsageCreateInfo(x.stencil_usage; x.next) _DeviceMemoryOverallocationCreateInfoAMD(x::DeviceMemoryOverallocationCreateInfoAMD) = _DeviceMemoryOverallocationCreateInfoAMD(x.overallocation_behavior; x.next) _PhysicalDeviceFragmentDensityMapFeaturesEXT(x::PhysicalDeviceFragmentDensityMapFeaturesEXT) = _PhysicalDeviceFragmentDensityMapFeaturesEXT(x.fragment_density_map, x.fragment_density_map_dynamic, x.fragment_density_map_non_subsampled_images; x.next) _PhysicalDeviceFragmentDensityMap2FeaturesEXT(x::PhysicalDeviceFragmentDensityMap2FeaturesEXT) = _PhysicalDeviceFragmentDensityMap2FeaturesEXT(x.fragment_density_map_deferred; x.next) _PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM(x::PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM) = _PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM(x.fragment_density_map_offset; x.next) _PhysicalDeviceFragmentDensityMapPropertiesEXT(x::PhysicalDeviceFragmentDensityMapPropertiesEXT) = _PhysicalDeviceFragmentDensityMapPropertiesEXT(convert_nonnull(_Extent2D, x.min_fragment_density_texel_size), convert_nonnull(_Extent2D, x.max_fragment_density_texel_size), x.fragment_density_invocations; x.next) _PhysicalDeviceFragmentDensityMap2PropertiesEXT(x::PhysicalDeviceFragmentDensityMap2PropertiesEXT) = _PhysicalDeviceFragmentDensityMap2PropertiesEXT(x.subsampled_loads, x.subsampled_coarse_reconstruction_early_access, x.max_subsampled_array_layers, x.max_descriptor_set_subsampled_samplers; x.next) _PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM(x::PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM) = _PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM(convert_nonnull(_Extent2D, x.fragment_density_offset_granularity); x.next) _RenderPassFragmentDensityMapCreateInfoEXT(x::RenderPassFragmentDensityMapCreateInfoEXT) = _RenderPassFragmentDensityMapCreateInfoEXT(convert_nonnull(_AttachmentReference, x.fragment_density_map_attachment); x.next) _SubpassFragmentDensityMapOffsetEndInfoQCOM(x::SubpassFragmentDensityMapOffsetEndInfoQCOM) = _SubpassFragmentDensityMapOffsetEndInfoQCOM(convert_nonnull(Vector{_Offset2D}, x.fragment_density_offsets); x.next) _PhysicalDeviceScalarBlockLayoutFeatures(x::PhysicalDeviceScalarBlockLayoutFeatures) = _PhysicalDeviceScalarBlockLayoutFeatures(x.scalar_block_layout; x.next) _SurfaceProtectedCapabilitiesKHR(x::SurfaceProtectedCapabilitiesKHR) = _SurfaceProtectedCapabilitiesKHR(x.supports_protected; x.next) _PhysicalDeviceUniformBufferStandardLayoutFeatures(x::PhysicalDeviceUniformBufferStandardLayoutFeatures) = _PhysicalDeviceUniformBufferStandardLayoutFeatures(x.uniform_buffer_standard_layout; x.next) _PhysicalDeviceDepthClipEnableFeaturesEXT(x::PhysicalDeviceDepthClipEnableFeaturesEXT) = _PhysicalDeviceDepthClipEnableFeaturesEXT(x.depth_clip_enable; x.next) _PipelineRasterizationDepthClipStateCreateInfoEXT(x::PipelineRasterizationDepthClipStateCreateInfoEXT) = _PipelineRasterizationDepthClipStateCreateInfoEXT(x.depth_clip_enable; x.next, x.flags) _PhysicalDeviceMemoryBudgetPropertiesEXT(x::PhysicalDeviceMemoryBudgetPropertiesEXT) = _PhysicalDeviceMemoryBudgetPropertiesEXT(x.heap_budget, x.heap_usage; x.next) _PhysicalDeviceMemoryPriorityFeaturesEXT(x::PhysicalDeviceMemoryPriorityFeaturesEXT) = _PhysicalDeviceMemoryPriorityFeaturesEXT(x.memory_priority; x.next) _MemoryPriorityAllocateInfoEXT(x::MemoryPriorityAllocateInfoEXT) = _MemoryPriorityAllocateInfoEXT(x.priority; x.next) _PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT(x::PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT) = _PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT(x.pageable_device_local_memory; x.next) _PhysicalDeviceBufferDeviceAddressFeatures(x::PhysicalDeviceBufferDeviceAddressFeatures) = _PhysicalDeviceBufferDeviceAddressFeatures(x.buffer_device_address, x.buffer_device_address_capture_replay, x.buffer_device_address_multi_device; x.next) _PhysicalDeviceBufferDeviceAddressFeaturesEXT(x::PhysicalDeviceBufferDeviceAddressFeaturesEXT) = _PhysicalDeviceBufferDeviceAddressFeaturesEXT(x.buffer_device_address, x.buffer_device_address_capture_replay, x.buffer_device_address_multi_device; x.next) _BufferDeviceAddressInfo(x::BufferDeviceAddressInfo) = _BufferDeviceAddressInfo(x.buffer; x.next) _BufferOpaqueCaptureAddressCreateInfo(x::BufferOpaqueCaptureAddressCreateInfo) = _BufferOpaqueCaptureAddressCreateInfo(x.opaque_capture_address; x.next) _BufferDeviceAddressCreateInfoEXT(x::BufferDeviceAddressCreateInfoEXT) = _BufferDeviceAddressCreateInfoEXT(x.device_address; x.next) _PhysicalDeviceImageViewImageFormatInfoEXT(x::PhysicalDeviceImageViewImageFormatInfoEXT) = _PhysicalDeviceImageViewImageFormatInfoEXT(x.image_view_type; x.next) _FilterCubicImageViewImageFormatPropertiesEXT(x::FilterCubicImageViewImageFormatPropertiesEXT) = _FilterCubicImageViewImageFormatPropertiesEXT(x.filter_cubic, x.filter_cubic_minmax; x.next) _PhysicalDeviceImagelessFramebufferFeatures(x::PhysicalDeviceImagelessFramebufferFeatures) = _PhysicalDeviceImagelessFramebufferFeatures(x.imageless_framebuffer; x.next) _FramebufferAttachmentsCreateInfo(x::FramebufferAttachmentsCreateInfo) = _FramebufferAttachmentsCreateInfo(convert_nonnull(Vector{_FramebufferAttachmentImageInfo}, x.attachment_image_infos); x.next) _FramebufferAttachmentImageInfo(x::FramebufferAttachmentImageInfo) = _FramebufferAttachmentImageInfo(x.usage, x.width, x.height, x.layer_count, x.view_formats; x.next, x.flags) _RenderPassAttachmentBeginInfo(x::RenderPassAttachmentBeginInfo) = _RenderPassAttachmentBeginInfo(x.attachments; x.next) _PhysicalDeviceTextureCompressionASTCHDRFeatures(x::PhysicalDeviceTextureCompressionASTCHDRFeatures) = _PhysicalDeviceTextureCompressionASTCHDRFeatures(x.texture_compression_astc_hdr; x.next) _PhysicalDeviceCooperativeMatrixFeaturesNV(x::PhysicalDeviceCooperativeMatrixFeaturesNV) = _PhysicalDeviceCooperativeMatrixFeaturesNV(x.cooperative_matrix, x.cooperative_matrix_robust_buffer_access; x.next) _PhysicalDeviceCooperativeMatrixPropertiesNV(x::PhysicalDeviceCooperativeMatrixPropertiesNV) = _PhysicalDeviceCooperativeMatrixPropertiesNV(x.cooperative_matrix_supported_stages; x.next) _CooperativeMatrixPropertiesNV(x::CooperativeMatrixPropertiesNV) = _CooperativeMatrixPropertiesNV(x.m_size, x.n_size, x.k_size, x.a_type, x.b_type, x.c_type, x.d_type, x.scope; x.next) _PhysicalDeviceYcbcrImageArraysFeaturesEXT(x::PhysicalDeviceYcbcrImageArraysFeaturesEXT) = _PhysicalDeviceYcbcrImageArraysFeaturesEXT(x.ycbcr_image_arrays; x.next) _ImageViewHandleInfoNVX(x::ImageViewHandleInfoNVX) = _ImageViewHandleInfoNVX(x.image_view, x.descriptor_type; x.next, x.sampler) _ImageViewAddressPropertiesNVX(x::ImageViewAddressPropertiesNVX) = _ImageViewAddressPropertiesNVX(x.device_address, x.size; x.next) _PipelineCreationFeedback(x::PipelineCreationFeedback) = _PipelineCreationFeedback(x.flags, x.duration) _PipelineCreationFeedbackCreateInfo(x::PipelineCreationFeedbackCreateInfo) = _PipelineCreationFeedbackCreateInfo(convert_nonnull(_PipelineCreationFeedback, x.pipeline_creation_feedback), convert_nonnull(Vector{_PipelineCreationFeedback}, x.pipeline_stage_creation_feedbacks); x.next) _SurfaceFullScreenExclusiveInfoEXT(x::SurfaceFullScreenExclusiveInfoEXT) = _SurfaceFullScreenExclusiveInfoEXT(x.full_screen_exclusive; x.next) _SurfaceFullScreenExclusiveWin32InfoEXT(x::SurfaceFullScreenExclusiveWin32InfoEXT) = _SurfaceFullScreenExclusiveWin32InfoEXT(x.hmonitor; x.next) _SurfaceCapabilitiesFullScreenExclusiveEXT(x::SurfaceCapabilitiesFullScreenExclusiveEXT) = _SurfaceCapabilitiesFullScreenExclusiveEXT(x.full_screen_exclusive_supported; x.next) _PhysicalDevicePresentBarrierFeaturesNV(x::PhysicalDevicePresentBarrierFeaturesNV) = _PhysicalDevicePresentBarrierFeaturesNV(x.present_barrier; x.next) _SurfaceCapabilitiesPresentBarrierNV(x::SurfaceCapabilitiesPresentBarrierNV) = _SurfaceCapabilitiesPresentBarrierNV(x.present_barrier_supported; x.next) _SwapchainPresentBarrierCreateInfoNV(x::SwapchainPresentBarrierCreateInfoNV) = _SwapchainPresentBarrierCreateInfoNV(x.present_barrier_enable; x.next) _PhysicalDevicePerformanceQueryFeaturesKHR(x::PhysicalDevicePerformanceQueryFeaturesKHR) = _PhysicalDevicePerformanceQueryFeaturesKHR(x.performance_counter_query_pools, x.performance_counter_multiple_query_pools; x.next) _PhysicalDevicePerformanceQueryPropertiesKHR(x::PhysicalDevicePerformanceQueryPropertiesKHR) = _PhysicalDevicePerformanceQueryPropertiesKHR(x.allow_command_buffer_query_copies; x.next) _PerformanceCounterKHR(x::PerformanceCounterKHR) = _PerformanceCounterKHR(x.unit, x.scope, x.storage, x.uuid; x.next) _PerformanceCounterDescriptionKHR(x::PerformanceCounterDescriptionKHR) = _PerformanceCounterDescriptionKHR(x.name, x.category, x.description; x.next, x.flags) _QueryPoolPerformanceCreateInfoKHR(x::QueryPoolPerformanceCreateInfoKHR) = _QueryPoolPerformanceCreateInfoKHR(x.queue_family_index, x.counter_indices; x.next) _AcquireProfilingLockInfoKHR(x::AcquireProfilingLockInfoKHR) = _AcquireProfilingLockInfoKHR(x.timeout; x.next, x.flags) _PerformanceQuerySubmitInfoKHR(x::PerformanceQuerySubmitInfoKHR) = _PerformanceQuerySubmitInfoKHR(x.counter_pass_index; x.next) _HeadlessSurfaceCreateInfoEXT(x::HeadlessSurfaceCreateInfoEXT) = _HeadlessSurfaceCreateInfoEXT(; x.next, x.flags) _PhysicalDeviceCoverageReductionModeFeaturesNV(x::PhysicalDeviceCoverageReductionModeFeaturesNV) = _PhysicalDeviceCoverageReductionModeFeaturesNV(x.coverage_reduction_mode; x.next) _PipelineCoverageReductionStateCreateInfoNV(x::PipelineCoverageReductionStateCreateInfoNV) = _PipelineCoverageReductionStateCreateInfoNV(x.coverage_reduction_mode; x.next, x.flags) _FramebufferMixedSamplesCombinationNV(x::FramebufferMixedSamplesCombinationNV) = _FramebufferMixedSamplesCombinationNV(x.coverage_reduction_mode, x.rasterization_samples, x.depth_stencil_samples, x.color_samples; x.next) _PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL(x::PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL) = _PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL(x.shader_integer_functions_2; x.next) _PerformanceValueINTEL(x::PerformanceValueINTEL) = _PerformanceValueINTEL(x.type, convert_nonnull(_PerformanceValueDataINTEL, x.data)) _InitializePerformanceApiInfoINTEL(x::InitializePerformanceApiInfoINTEL) = _InitializePerformanceApiInfoINTEL(; x.next, x.user_data) _QueryPoolPerformanceQueryCreateInfoINTEL(x::QueryPoolPerformanceQueryCreateInfoINTEL) = _QueryPoolPerformanceQueryCreateInfoINTEL(x.performance_counters_sampling; x.next) _PerformanceMarkerInfoINTEL(x::PerformanceMarkerInfoINTEL) = _PerformanceMarkerInfoINTEL(x.marker; x.next) _PerformanceStreamMarkerInfoINTEL(x::PerformanceStreamMarkerInfoINTEL) = _PerformanceStreamMarkerInfoINTEL(x.marker; x.next) _PerformanceOverrideInfoINTEL(x::PerformanceOverrideInfoINTEL) = _PerformanceOverrideInfoINTEL(x.type, x.enable, x.parameter; x.next) _PerformanceConfigurationAcquireInfoINTEL(x::PerformanceConfigurationAcquireInfoINTEL) = _PerformanceConfigurationAcquireInfoINTEL(x.type; x.next) _PhysicalDeviceShaderClockFeaturesKHR(x::PhysicalDeviceShaderClockFeaturesKHR) = _PhysicalDeviceShaderClockFeaturesKHR(x.shader_subgroup_clock, x.shader_device_clock; x.next) _PhysicalDeviceIndexTypeUint8FeaturesEXT(x::PhysicalDeviceIndexTypeUint8FeaturesEXT) = _PhysicalDeviceIndexTypeUint8FeaturesEXT(x.index_type_uint_8; x.next) _PhysicalDeviceShaderSMBuiltinsPropertiesNV(x::PhysicalDeviceShaderSMBuiltinsPropertiesNV) = _PhysicalDeviceShaderSMBuiltinsPropertiesNV(x.shader_sm_count, x.shader_warps_per_sm; x.next) _PhysicalDeviceShaderSMBuiltinsFeaturesNV(x::PhysicalDeviceShaderSMBuiltinsFeaturesNV) = _PhysicalDeviceShaderSMBuiltinsFeaturesNV(x.shader_sm_builtins; x.next) _PhysicalDeviceFragmentShaderInterlockFeaturesEXT(x::PhysicalDeviceFragmentShaderInterlockFeaturesEXT) = _PhysicalDeviceFragmentShaderInterlockFeaturesEXT(x.fragment_shader_sample_interlock, x.fragment_shader_pixel_interlock, x.fragment_shader_shading_rate_interlock; x.next) _PhysicalDeviceSeparateDepthStencilLayoutsFeatures(x::PhysicalDeviceSeparateDepthStencilLayoutsFeatures) = _PhysicalDeviceSeparateDepthStencilLayoutsFeatures(x.separate_depth_stencil_layouts; x.next) _AttachmentReferenceStencilLayout(x::AttachmentReferenceStencilLayout) = _AttachmentReferenceStencilLayout(x.stencil_layout; x.next) _PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT(x::PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT) = _PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT(x.primitive_topology_list_restart, x.primitive_topology_patch_list_restart; x.next) _AttachmentDescriptionStencilLayout(x::AttachmentDescriptionStencilLayout) = _AttachmentDescriptionStencilLayout(x.stencil_initial_layout, x.stencil_final_layout; x.next) _PhysicalDevicePipelineExecutablePropertiesFeaturesKHR(x::PhysicalDevicePipelineExecutablePropertiesFeaturesKHR) = _PhysicalDevicePipelineExecutablePropertiesFeaturesKHR(x.pipeline_executable_info; x.next) _PipelineInfoKHR(x::PipelineInfoKHR) = _PipelineInfoKHR(x.pipeline; x.next) _PipelineExecutablePropertiesKHR(x::PipelineExecutablePropertiesKHR) = _PipelineExecutablePropertiesKHR(x.stages, x.name, x.description, x.subgroup_size; x.next) _PipelineExecutableInfoKHR(x::PipelineExecutableInfoKHR) = _PipelineExecutableInfoKHR(x.pipeline, x.executable_index; x.next) _PipelineExecutableStatisticKHR(x::PipelineExecutableStatisticKHR) = _PipelineExecutableStatisticKHR(x.name, x.description, x.format, convert_nonnull(_PipelineExecutableStatisticValueKHR, x.value); x.next) _PipelineExecutableInternalRepresentationKHR(x::PipelineExecutableInternalRepresentationKHR) = _PipelineExecutableInternalRepresentationKHR(x.name, x.description, x.is_text, x.data_size; x.next, x.data) _PhysicalDeviceShaderDemoteToHelperInvocationFeatures(x::PhysicalDeviceShaderDemoteToHelperInvocationFeatures) = _PhysicalDeviceShaderDemoteToHelperInvocationFeatures(x.shader_demote_to_helper_invocation; x.next) _PhysicalDeviceTexelBufferAlignmentFeaturesEXT(x::PhysicalDeviceTexelBufferAlignmentFeaturesEXT) = _PhysicalDeviceTexelBufferAlignmentFeaturesEXT(x.texel_buffer_alignment; x.next) _PhysicalDeviceTexelBufferAlignmentProperties(x::PhysicalDeviceTexelBufferAlignmentProperties) = _PhysicalDeviceTexelBufferAlignmentProperties(x.storage_texel_buffer_offset_alignment_bytes, x.storage_texel_buffer_offset_single_texel_alignment, x.uniform_texel_buffer_offset_alignment_bytes, x.uniform_texel_buffer_offset_single_texel_alignment; x.next) _PhysicalDeviceSubgroupSizeControlFeatures(x::PhysicalDeviceSubgroupSizeControlFeatures) = _PhysicalDeviceSubgroupSizeControlFeatures(x.subgroup_size_control, x.compute_full_subgroups; x.next) _PhysicalDeviceSubgroupSizeControlProperties(x::PhysicalDeviceSubgroupSizeControlProperties) = _PhysicalDeviceSubgroupSizeControlProperties(x.min_subgroup_size, x.max_subgroup_size, x.max_compute_workgroup_subgroups, x.required_subgroup_size_stages; x.next) _PipelineShaderStageRequiredSubgroupSizeCreateInfo(x::PipelineShaderStageRequiredSubgroupSizeCreateInfo) = _PipelineShaderStageRequiredSubgroupSizeCreateInfo(x.required_subgroup_size; x.next) _SubpassShadingPipelineCreateInfoHUAWEI(x::SubpassShadingPipelineCreateInfoHUAWEI) = _SubpassShadingPipelineCreateInfoHUAWEI(x.render_pass, x.subpass; x.next) _PhysicalDeviceSubpassShadingPropertiesHUAWEI(x::PhysicalDeviceSubpassShadingPropertiesHUAWEI) = _PhysicalDeviceSubpassShadingPropertiesHUAWEI(x.max_subpass_shading_workgroup_size_aspect_ratio; x.next) _PhysicalDeviceClusterCullingShaderPropertiesHUAWEI(x::PhysicalDeviceClusterCullingShaderPropertiesHUAWEI) = _PhysicalDeviceClusterCullingShaderPropertiesHUAWEI(x.max_work_group_count, x.max_work_group_size, x.max_output_cluster_count; x.next) _MemoryOpaqueCaptureAddressAllocateInfo(x::MemoryOpaqueCaptureAddressAllocateInfo) = _MemoryOpaqueCaptureAddressAllocateInfo(x.opaque_capture_address; x.next) _DeviceMemoryOpaqueCaptureAddressInfo(x::DeviceMemoryOpaqueCaptureAddressInfo) = _DeviceMemoryOpaqueCaptureAddressInfo(x.memory; x.next) _PhysicalDeviceLineRasterizationFeaturesEXT(x::PhysicalDeviceLineRasterizationFeaturesEXT) = _PhysicalDeviceLineRasterizationFeaturesEXT(x.rectangular_lines, x.bresenham_lines, x.smooth_lines, x.stippled_rectangular_lines, x.stippled_bresenham_lines, x.stippled_smooth_lines; x.next) _PhysicalDeviceLineRasterizationPropertiesEXT(x::PhysicalDeviceLineRasterizationPropertiesEXT) = _PhysicalDeviceLineRasterizationPropertiesEXT(x.line_sub_pixel_precision_bits; x.next) _PipelineRasterizationLineStateCreateInfoEXT(x::PipelineRasterizationLineStateCreateInfoEXT) = _PipelineRasterizationLineStateCreateInfoEXT(x.line_rasterization_mode, x.stippled_line_enable, x.line_stipple_factor, x.line_stipple_pattern; x.next) _PhysicalDevicePipelineCreationCacheControlFeatures(x::PhysicalDevicePipelineCreationCacheControlFeatures) = _PhysicalDevicePipelineCreationCacheControlFeatures(x.pipeline_creation_cache_control; x.next) _PhysicalDeviceVulkan11Features(x::PhysicalDeviceVulkan11Features) = _PhysicalDeviceVulkan11Features(x.storage_buffer_16_bit_access, x.uniform_and_storage_buffer_16_bit_access, x.storage_push_constant_16, x.storage_input_output_16, x.multiview, x.multiview_geometry_shader, x.multiview_tessellation_shader, x.variable_pointers_storage_buffer, x.variable_pointers, x.protected_memory, x.sampler_ycbcr_conversion, x.shader_draw_parameters; x.next) _PhysicalDeviceVulkan11Properties(x::PhysicalDeviceVulkan11Properties) = _PhysicalDeviceVulkan11Properties(x.device_uuid, x.driver_uuid, x.device_luid, x.device_node_mask, x.device_luid_valid, x.subgroup_size, x.subgroup_supported_stages, x.subgroup_supported_operations, x.subgroup_quad_operations_in_all_stages, x.point_clipping_behavior, x.max_multiview_view_count, x.max_multiview_instance_index, x.protected_no_fault, x.max_per_set_descriptors, x.max_memory_allocation_size; x.next) _PhysicalDeviceVulkan12Features(x::PhysicalDeviceVulkan12Features) = _PhysicalDeviceVulkan12Features(x.sampler_mirror_clamp_to_edge, x.draw_indirect_count, x.storage_buffer_8_bit_access, x.uniform_and_storage_buffer_8_bit_access, x.storage_push_constant_8, x.shader_buffer_int_64_atomics, x.shader_shared_int_64_atomics, x.shader_float_16, x.shader_int_8, x.descriptor_indexing, x.shader_input_attachment_array_dynamic_indexing, x.shader_uniform_texel_buffer_array_dynamic_indexing, x.shader_storage_texel_buffer_array_dynamic_indexing, x.shader_uniform_buffer_array_non_uniform_indexing, x.shader_sampled_image_array_non_uniform_indexing, x.shader_storage_buffer_array_non_uniform_indexing, x.shader_storage_image_array_non_uniform_indexing, x.shader_input_attachment_array_non_uniform_indexing, x.shader_uniform_texel_buffer_array_non_uniform_indexing, x.shader_storage_texel_buffer_array_non_uniform_indexing, x.descriptor_binding_uniform_buffer_update_after_bind, x.descriptor_binding_sampled_image_update_after_bind, x.descriptor_binding_storage_image_update_after_bind, x.descriptor_binding_storage_buffer_update_after_bind, x.descriptor_binding_uniform_texel_buffer_update_after_bind, x.descriptor_binding_storage_texel_buffer_update_after_bind, x.descriptor_binding_update_unused_while_pending, x.descriptor_binding_partially_bound, x.descriptor_binding_variable_descriptor_count, x.runtime_descriptor_array, x.sampler_filter_minmax, x.scalar_block_layout, x.imageless_framebuffer, x.uniform_buffer_standard_layout, x.shader_subgroup_extended_types, x.separate_depth_stencil_layouts, x.host_query_reset, x.timeline_semaphore, x.buffer_device_address, x.buffer_device_address_capture_replay, x.buffer_device_address_multi_device, x.vulkan_memory_model, x.vulkan_memory_model_device_scope, x.vulkan_memory_model_availability_visibility_chains, x.shader_output_viewport_index, x.shader_output_layer, x.subgroup_broadcast_dynamic_id; x.next) _PhysicalDeviceVulkan12Properties(x::PhysicalDeviceVulkan12Properties) = _PhysicalDeviceVulkan12Properties(x.driver_id, x.driver_name, x.driver_info, convert_nonnull(_ConformanceVersion, x.conformance_version), x.denorm_behavior_independence, x.rounding_mode_independence, x.shader_signed_zero_inf_nan_preserve_float_16, x.shader_signed_zero_inf_nan_preserve_float_32, x.shader_signed_zero_inf_nan_preserve_float_64, x.shader_denorm_preserve_float_16, x.shader_denorm_preserve_float_32, x.shader_denorm_preserve_float_64, x.shader_denorm_flush_to_zero_float_16, x.shader_denorm_flush_to_zero_float_32, x.shader_denorm_flush_to_zero_float_64, x.shader_rounding_mode_rte_float_16, x.shader_rounding_mode_rte_float_32, x.shader_rounding_mode_rte_float_64, x.shader_rounding_mode_rtz_float_16, x.shader_rounding_mode_rtz_float_32, x.shader_rounding_mode_rtz_float_64, x.max_update_after_bind_descriptors_in_all_pools, x.shader_uniform_buffer_array_non_uniform_indexing_native, x.shader_sampled_image_array_non_uniform_indexing_native, x.shader_storage_buffer_array_non_uniform_indexing_native, x.shader_storage_image_array_non_uniform_indexing_native, x.shader_input_attachment_array_non_uniform_indexing_native, x.robust_buffer_access_update_after_bind, x.quad_divergent_implicit_lod, x.max_per_stage_descriptor_update_after_bind_samplers, x.max_per_stage_descriptor_update_after_bind_uniform_buffers, x.max_per_stage_descriptor_update_after_bind_storage_buffers, x.max_per_stage_descriptor_update_after_bind_sampled_images, x.max_per_stage_descriptor_update_after_bind_storage_images, x.max_per_stage_descriptor_update_after_bind_input_attachments, x.max_per_stage_update_after_bind_resources, x.max_descriptor_set_update_after_bind_samplers, x.max_descriptor_set_update_after_bind_uniform_buffers, x.max_descriptor_set_update_after_bind_uniform_buffers_dynamic, x.max_descriptor_set_update_after_bind_storage_buffers, x.max_descriptor_set_update_after_bind_storage_buffers_dynamic, x.max_descriptor_set_update_after_bind_sampled_images, x.max_descriptor_set_update_after_bind_storage_images, x.max_descriptor_set_update_after_bind_input_attachments, x.supported_depth_resolve_modes, x.supported_stencil_resolve_modes, x.independent_resolve_none, x.independent_resolve, x.filter_minmax_single_component_formats, x.filter_minmax_image_component_mapping, x.max_timeline_semaphore_value_difference; x.next, x.framebuffer_integer_color_sample_counts) _PhysicalDeviceVulkan13Features(x::PhysicalDeviceVulkan13Features) = _PhysicalDeviceVulkan13Features(x.robust_image_access, x.inline_uniform_block, x.descriptor_binding_inline_uniform_block_update_after_bind, x.pipeline_creation_cache_control, x.private_data, x.shader_demote_to_helper_invocation, x.shader_terminate_invocation, x.subgroup_size_control, x.compute_full_subgroups, x.synchronization2, x.texture_compression_astc_hdr, x.shader_zero_initialize_workgroup_memory, x.dynamic_rendering, x.shader_integer_dot_product, x.maintenance4; x.next) _PhysicalDeviceVulkan13Properties(x::PhysicalDeviceVulkan13Properties) = _PhysicalDeviceVulkan13Properties(x.min_subgroup_size, x.max_subgroup_size, x.max_compute_workgroup_subgroups, x.required_subgroup_size_stages, x.max_inline_uniform_block_size, x.max_per_stage_descriptor_inline_uniform_blocks, x.max_per_stage_descriptor_update_after_bind_inline_uniform_blocks, x.max_descriptor_set_inline_uniform_blocks, x.max_descriptor_set_update_after_bind_inline_uniform_blocks, x.max_inline_uniform_total_size, x.integer_dot_product_8_bit_unsigned_accelerated, x.integer_dot_product_8_bit_signed_accelerated, x.integer_dot_product_8_bit_mixed_signedness_accelerated, x.integer_dot_product_8_bit_packed_unsigned_accelerated, x.integer_dot_product_8_bit_packed_signed_accelerated, x.integer_dot_product_8_bit_packed_mixed_signedness_accelerated, x.integer_dot_product_16_bit_unsigned_accelerated, x.integer_dot_product_16_bit_signed_accelerated, x.integer_dot_product_16_bit_mixed_signedness_accelerated, x.integer_dot_product_32_bit_unsigned_accelerated, x.integer_dot_product_32_bit_signed_accelerated, x.integer_dot_product_32_bit_mixed_signedness_accelerated, x.integer_dot_product_64_bit_unsigned_accelerated, x.integer_dot_product_64_bit_signed_accelerated, x.integer_dot_product_64_bit_mixed_signedness_accelerated, x.integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated, x.integer_dot_product_accumulating_saturating_8_bit_signed_accelerated, x.integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated, x.integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated, x.integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated, x.integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated, x.integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated, x.integer_dot_product_accumulating_saturating_16_bit_signed_accelerated, x.integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated, x.integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated, x.integer_dot_product_accumulating_saturating_32_bit_signed_accelerated, x.integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated, x.integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated, x.integer_dot_product_accumulating_saturating_64_bit_signed_accelerated, x.integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated, x.storage_texel_buffer_offset_alignment_bytes, x.storage_texel_buffer_offset_single_texel_alignment, x.uniform_texel_buffer_offset_alignment_bytes, x.uniform_texel_buffer_offset_single_texel_alignment, x.max_buffer_size; x.next) _PipelineCompilerControlCreateInfoAMD(x::PipelineCompilerControlCreateInfoAMD) = _PipelineCompilerControlCreateInfoAMD(; x.next, x.compiler_control_flags) _PhysicalDeviceCoherentMemoryFeaturesAMD(x::PhysicalDeviceCoherentMemoryFeaturesAMD) = _PhysicalDeviceCoherentMemoryFeaturesAMD(x.device_coherent_memory; x.next) _PhysicalDeviceToolProperties(x::PhysicalDeviceToolProperties) = _PhysicalDeviceToolProperties(x.name, x.version, x.purposes, x.description, x.layer; x.next) _SamplerCustomBorderColorCreateInfoEXT(x::SamplerCustomBorderColorCreateInfoEXT) = _SamplerCustomBorderColorCreateInfoEXT(convert_nonnull(_ClearColorValue, x.custom_border_color), x.format; x.next) _PhysicalDeviceCustomBorderColorPropertiesEXT(x::PhysicalDeviceCustomBorderColorPropertiesEXT) = _PhysicalDeviceCustomBorderColorPropertiesEXT(x.max_custom_border_color_samplers; x.next) _PhysicalDeviceCustomBorderColorFeaturesEXT(x::PhysicalDeviceCustomBorderColorFeaturesEXT) = _PhysicalDeviceCustomBorderColorFeaturesEXT(x.custom_border_colors, x.custom_border_color_without_format; x.next) _SamplerBorderColorComponentMappingCreateInfoEXT(x::SamplerBorderColorComponentMappingCreateInfoEXT) = _SamplerBorderColorComponentMappingCreateInfoEXT(convert_nonnull(_ComponentMapping, x.components), x.srgb; x.next) _PhysicalDeviceBorderColorSwizzleFeaturesEXT(x::PhysicalDeviceBorderColorSwizzleFeaturesEXT) = _PhysicalDeviceBorderColorSwizzleFeaturesEXT(x.border_color_swizzle, x.border_color_swizzle_from_image; x.next) _AccelerationStructureGeometryTrianglesDataKHR(x::AccelerationStructureGeometryTrianglesDataKHR) = _AccelerationStructureGeometryTrianglesDataKHR(x.vertex_format, convert_nonnull(_DeviceOrHostAddressConstKHR, x.vertex_data), x.vertex_stride, x.max_vertex, x.index_type, convert_nonnull(_DeviceOrHostAddressConstKHR, x.index_data), convert_nonnull(_DeviceOrHostAddressConstKHR, x.transform_data); x.next) _AccelerationStructureGeometryAabbsDataKHR(x::AccelerationStructureGeometryAabbsDataKHR) = _AccelerationStructureGeometryAabbsDataKHR(convert_nonnull(_DeviceOrHostAddressConstKHR, x.data), x.stride; x.next) _AccelerationStructureGeometryInstancesDataKHR(x::AccelerationStructureGeometryInstancesDataKHR) = _AccelerationStructureGeometryInstancesDataKHR(x.array_of_pointers, convert_nonnull(_DeviceOrHostAddressConstKHR, x.data); x.next) _AccelerationStructureGeometryKHR(x::AccelerationStructureGeometryKHR) = _AccelerationStructureGeometryKHR(x.geometry_type, convert_nonnull(_AccelerationStructureGeometryDataKHR, x.geometry); x.next, x.flags) _AccelerationStructureBuildGeometryInfoKHR(x::AccelerationStructureBuildGeometryInfoKHR) = _AccelerationStructureBuildGeometryInfoKHR(x.type, x.mode, convert_nonnull(_DeviceOrHostAddressKHR, x.scratch_data); x.next, x.flags, x.src_acceleration_structure, x.dst_acceleration_structure, geometries = convert_nonnull(Vector{_AccelerationStructureGeometryKHR}, x.geometries), geometries_2 = convert_nonnull(Vector{_AccelerationStructureGeometryKHR}, x.geometries_2)) _AccelerationStructureBuildRangeInfoKHR(x::AccelerationStructureBuildRangeInfoKHR) = _AccelerationStructureBuildRangeInfoKHR(x.primitive_count, x.primitive_offset, x.first_vertex, x.transform_offset) _AccelerationStructureCreateInfoKHR(x::AccelerationStructureCreateInfoKHR) = _AccelerationStructureCreateInfoKHR(x.buffer, x.offset, x.size, x.type; x.next, x.create_flags, x.device_address) _AabbPositionsKHR(x::AabbPositionsKHR) = _AabbPositionsKHR(x.min_x, x.min_y, x.min_z, x.max_x, x.max_y, x.max_z) _TransformMatrixKHR(x::TransformMatrixKHR) = _TransformMatrixKHR(x.matrix) _AccelerationStructureInstanceKHR(x::AccelerationStructureInstanceKHR) = _AccelerationStructureInstanceKHR(convert_nonnull(_TransformMatrixKHR, x.transform), x.instance_custom_index, x.mask, x.instance_shader_binding_table_record_offset, x.acceleration_structure_reference; x.flags) _AccelerationStructureDeviceAddressInfoKHR(x::AccelerationStructureDeviceAddressInfoKHR) = _AccelerationStructureDeviceAddressInfoKHR(x.acceleration_structure; x.next) _AccelerationStructureVersionInfoKHR(x::AccelerationStructureVersionInfoKHR) = _AccelerationStructureVersionInfoKHR(x.version_data; x.next) _CopyAccelerationStructureInfoKHR(x::CopyAccelerationStructureInfoKHR) = _CopyAccelerationStructureInfoKHR(x.src, x.dst, x.mode; x.next) _CopyAccelerationStructureToMemoryInfoKHR(x::CopyAccelerationStructureToMemoryInfoKHR) = _CopyAccelerationStructureToMemoryInfoKHR(x.src, convert_nonnull(_DeviceOrHostAddressKHR, x.dst), x.mode; x.next) _CopyMemoryToAccelerationStructureInfoKHR(x::CopyMemoryToAccelerationStructureInfoKHR) = _CopyMemoryToAccelerationStructureInfoKHR(convert_nonnull(_DeviceOrHostAddressConstKHR, x.src), x.dst, x.mode; x.next) _RayTracingPipelineInterfaceCreateInfoKHR(x::RayTracingPipelineInterfaceCreateInfoKHR) = _RayTracingPipelineInterfaceCreateInfoKHR(x.max_pipeline_ray_payload_size, x.max_pipeline_ray_hit_attribute_size; x.next) _PipelineLibraryCreateInfoKHR(x::PipelineLibraryCreateInfoKHR) = _PipelineLibraryCreateInfoKHR(x.libraries; x.next) _PhysicalDeviceExtendedDynamicStateFeaturesEXT(x::PhysicalDeviceExtendedDynamicStateFeaturesEXT) = _PhysicalDeviceExtendedDynamicStateFeaturesEXT(x.extended_dynamic_state; x.next) _PhysicalDeviceExtendedDynamicState2FeaturesEXT(x::PhysicalDeviceExtendedDynamicState2FeaturesEXT) = _PhysicalDeviceExtendedDynamicState2FeaturesEXT(x.extended_dynamic_state_2, x.extended_dynamic_state_2_logic_op, x.extended_dynamic_state_2_patch_control_points; x.next) _PhysicalDeviceExtendedDynamicState3FeaturesEXT(x::PhysicalDeviceExtendedDynamicState3FeaturesEXT) = _PhysicalDeviceExtendedDynamicState3FeaturesEXT(x.extended_dynamic_state_3_tessellation_domain_origin, x.extended_dynamic_state_3_depth_clamp_enable, x.extended_dynamic_state_3_polygon_mode, x.extended_dynamic_state_3_rasterization_samples, x.extended_dynamic_state_3_sample_mask, x.extended_dynamic_state_3_alpha_to_coverage_enable, x.extended_dynamic_state_3_alpha_to_one_enable, x.extended_dynamic_state_3_logic_op_enable, x.extended_dynamic_state_3_color_blend_enable, x.extended_dynamic_state_3_color_blend_equation, x.extended_dynamic_state_3_color_write_mask, x.extended_dynamic_state_3_rasterization_stream, x.extended_dynamic_state_3_conservative_rasterization_mode, x.extended_dynamic_state_3_extra_primitive_overestimation_size, x.extended_dynamic_state_3_depth_clip_enable, x.extended_dynamic_state_3_sample_locations_enable, x.extended_dynamic_state_3_color_blend_advanced, x.extended_dynamic_state_3_provoking_vertex_mode, x.extended_dynamic_state_3_line_rasterization_mode, x.extended_dynamic_state_3_line_stipple_enable, x.extended_dynamic_state_3_depth_clip_negative_one_to_one, x.extended_dynamic_state_3_viewport_w_scaling_enable, x.extended_dynamic_state_3_viewport_swizzle, x.extended_dynamic_state_3_coverage_to_color_enable, x.extended_dynamic_state_3_coverage_to_color_location, x.extended_dynamic_state_3_coverage_modulation_mode, x.extended_dynamic_state_3_coverage_modulation_table_enable, x.extended_dynamic_state_3_coverage_modulation_table, x.extended_dynamic_state_3_coverage_reduction_mode, x.extended_dynamic_state_3_representative_fragment_test_enable, x.extended_dynamic_state_3_shading_rate_image_enable; x.next) _PhysicalDeviceExtendedDynamicState3PropertiesEXT(x::PhysicalDeviceExtendedDynamicState3PropertiesEXT) = _PhysicalDeviceExtendedDynamicState3PropertiesEXT(x.dynamic_primitive_topology_unrestricted; x.next) _ColorBlendEquationEXT(x::ColorBlendEquationEXT) = _ColorBlendEquationEXT(x.src_color_blend_factor, x.dst_color_blend_factor, x.color_blend_op, x.src_alpha_blend_factor, x.dst_alpha_blend_factor, x.alpha_blend_op) _ColorBlendAdvancedEXT(x::ColorBlendAdvancedEXT) = _ColorBlendAdvancedEXT(x.advanced_blend_op, x.src_premultiplied, x.dst_premultiplied, x.blend_overlap, x.clamp_results) _RenderPassTransformBeginInfoQCOM(x::RenderPassTransformBeginInfoQCOM) = _RenderPassTransformBeginInfoQCOM(x.transform; x.next) _CopyCommandTransformInfoQCOM(x::CopyCommandTransformInfoQCOM) = _CopyCommandTransformInfoQCOM(x.transform; x.next) _CommandBufferInheritanceRenderPassTransformInfoQCOM(x::CommandBufferInheritanceRenderPassTransformInfoQCOM) = _CommandBufferInheritanceRenderPassTransformInfoQCOM(x.transform, convert_nonnull(_Rect2D, x.render_area); x.next) _PhysicalDeviceDiagnosticsConfigFeaturesNV(x::PhysicalDeviceDiagnosticsConfigFeaturesNV) = _PhysicalDeviceDiagnosticsConfigFeaturesNV(x.diagnostics_config; x.next) _DeviceDiagnosticsConfigCreateInfoNV(x::DeviceDiagnosticsConfigCreateInfoNV) = _DeviceDiagnosticsConfigCreateInfoNV(; x.next, x.flags) _PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures(x::PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures) = _PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures(x.shader_zero_initialize_workgroup_memory; x.next) _PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR(x::PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR) = _PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR(x.shader_subgroup_uniform_control_flow; x.next) _PhysicalDeviceRobustness2FeaturesEXT(x::PhysicalDeviceRobustness2FeaturesEXT) = _PhysicalDeviceRobustness2FeaturesEXT(x.robust_buffer_access_2, x.robust_image_access_2, x.null_descriptor; x.next) _PhysicalDeviceRobustness2PropertiesEXT(x::PhysicalDeviceRobustness2PropertiesEXT) = _PhysicalDeviceRobustness2PropertiesEXT(x.robust_storage_buffer_access_size_alignment, x.robust_uniform_buffer_access_size_alignment; x.next) _PhysicalDeviceImageRobustnessFeatures(x::PhysicalDeviceImageRobustnessFeatures) = _PhysicalDeviceImageRobustnessFeatures(x.robust_image_access; x.next) _PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR(x::PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR) = _PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR(x.workgroup_memory_explicit_layout, x.workgroup_memory_explicit_layout_scalar_block_layout, x.workgroup_memory_explicit_layout_8_bit_access, x.workgroup_memory_explicit_layout_16_bit_access; x.next) _PhysicalDevice4444FormatsFeaturesEXT(x::PhysicalDevice4444FormatsFeaturesEXT) = _PhysicalDevice4444FormatsFeaturesEXT(x.format_a4r4g4b4, x.format_a4b4g4r4; x.next) _PhysicalDeviceSubpassShadingFeaturesHUAWEI(x::PhysicalDeviceSubpassShadingFeaturesHUAWEI) = _PhysicalDeviceSubpassShadingFeaturesHUAWEI(x.subpass_shading; x.next) _PhysicalDeviceClusterCullingShaderFeaturesHUAWEI(x::PhysicalDeviceClusterCullingShaderFeaturesHUAWEI) = _PhysicalDeviceClusterCullingShaderFeaturesHUAWEI(x.clusterculling_shader, x.multiview_cluster_culling_shader; x.next) _BufferCopy2(x::BufferCopy2) = _BufferCopy2(x.src_offset, x.dst_offset, x.size; x.next) _ImageCopy2(x::ImageCopy2) = _ImageCopy2(convert_nonnull(_ImageSubresourceLayers, x.src_subresource), convert_nonnull(_Offset3D, x.src_offset), convert_nonnull(_ImageSubresourceLayers, x.dst_subresource), convert_nonnull(_Offset3D, x.dst_offset), convert_nonnull(_Extent3D, x.extent); x.next) _ImageBlit2(x::ImageBlit2) = _ImageBlit2(convert_nonnull(_ImageSubresourceLayers, x.src_subresource), convert_nonnull(NTuple{2, _Offset3D}, x.src_offsets), convert_nonnull(_ImageSubresourceLayers, x.dst_subresource), convert_nonnull(NTuple{2, _Offset3D}, x.dst_offsets); x.next) _BufferImageCopy2(x::BufferImageCopy2) = _BufferImageCopy2(x.buffer_offset, x.buffer_row_length, x.buffer_image_height, convert_nonnull(_ImageSubresourceLayers, x.image_subresource), convert_nonnull(_Offset3D, x.image_offset), convert_nonnull(_Extent3D, x.image_extent); x.next) _ImageResolve2(x::ImageResolve2) = _ImageResolve2(convert_nonnull(_ImageSubresourceLayers, x.src_subresource), convert_nonnull(_Offset3D, x.src_offset), convert_nonnull(_ImageSubresourceLayers, x.dst_subresource), convert_nonnull(_Offset3D, x.dst_offset), convert_nonnull(_Extent3D, x.extent); x.next) _CopyBufferInfo2(x::CopyBufferInfo2) = _CopyBufferInfo2(x.src_buffer, x.dst_buffer, convert_nonnull(Vector{_BufferCopy2}, x.regions); x.next) _CopyImageInfo2(x::CopyImageInfo2) = _CopyImageInfo2(x.src_image, x.src_image_layout, x.dst_image, x.dst_image_layout, convert_nonnull(Vector{_ImageCopy2}, x.regions); x.next) _BlitImageInfo2(x::BlitImageInfo2) = _BlitImageInfo2(x.src_image, x.src_image_layout, x.dst_image, x.dst_image_layout, convert_nonnull(Vector{_ImageBlit2}, x.regions), x.filter; x.next) _CopyBufferToImageInfo2(x::CopyBufferToImageInfo2) = _CopyBufferToImageInfo2(x.src_buffer, x.dst_image, x.dst_image_layout, convert_nonnull(Vector{_BufferImageCopy2}, x.regions); x.next) _CopyImageToBufferInfo2(x::CopyImageToBufferInfo2) = _CopyImageToBufferInfo2(x.src_image, x.src_image_layout, x.dst_buffer, convert_nonnull(Vector{_BufferImageCopy2}, x.regions); x.next) _ResolveImageInfo2(x::ResolveImageInfo2) = _ResolveImageInfo2(x.src_image, x.src_image_layout, x.dst_image, x.dst_image_layout, convert_nonnull(Vector{_ImageResolve2}, x.regions); x.next) _PhysicalDeviceShaderImageAtomicInt64FeaturesEXT(x::PhysicalDeviceShaderImageAtomicInt64FeaturesEXT) = _PhysicalDeviceShaderImageAtomicInt64FeaturesEXT(x.shader_image_int_64_atomics, x.sparse_image_int_64_atomics; x.next) _FragmentShadingRateAttachmentInfoKHR(x::FragmentShadingRateAttachmentInfoKHR) = _FragmentShadingRateAttachmentInfoKHR(convert_nonnull(_Extent2D, x.shading_rate_attachment_texel_size); x.next, fragment_shading_rate_attachment = convert_nonnull(_AttachmentReference2, x.fragment_shading_rate_attachment)) _PipelineFragmentShadingRateStateCreateInfoKHR(x::PipelineFragmentShadingRateStateCreateInfoKHR) = _PipelineFragmentShadingRateStateCreateInfoKHR(convert_nonnull(_Extent2D, x.fragment_size), x.combiner_ops; x.next) _PhysicalDeviceFragmentShadingRateFeaturesKHR(x::PhysicalDeviceFragmentShadingRateFeaturesKHR) = _PhysicalDeviceFragmentShadingRateFeaturesKHR(x.pipeline_fragment_shading_rate, x.primitive_fragment_shading_rate, x.attachment_fragment_shading_rate; x.next) _PhysicalDeviceFragmentShadingRatePropertiesKHR(x::PhysicalDeviceFragmentShadingRatePropertiesKHR) = _PhysicalDeviceFragmentShadingRatePropertiesKHR(convert_nonnull(_Extent2D, x.min_fragment_shading_rate_attachment_texel_size), convert_nonnull(_Extent2D, x.max_fragment_shading_rate_attachment_texel_size), x.max_fragment_shading_rate_attachment_texel_size_aspect_ratio, x.primitive_fragment_shading_rate_with_multiple_viewports, x.layered_shading_rate_attachments, x.fragment_shading_rate_non_trivial_combiner_ops, convert_nonnull(_Extent2D, x.max_fragment_size), x.max_fragment_size_aspect_ratio, x.max_fragment_shading_rate_coverage_samples, x.max_fragment_shading_rate_rasterization_samples, x.fragment_shading_rate_with_shader_depth_stencil_writes, x.fragment_shading_rate_with_sample_mask, x.fragment_shading_rate_with_shader_sample_mask, x.fragment_shading_rate_with_conservative_rasterization, x.fragment_shading_rate_with_fragment_shader_interlock, x.fragment_shading_rate_with_custom_sample_locations, x.fragment_shading_rate_strict_multiply_combiner; x.next) _PhysicalDeviceFragmentShadingRateKHR(x::PhysicalDeviceFragmentShadingRateKHR) = _PhysicalDeviceFragmentShadingRateKHR(x.sample_counts, convert_nonnull(_Extent2D, x.fragment_size); x.next) _PhysicalDeviceShaderTerminateInvocationFeatures(x::PhysicalDeviceShaderTerminateInvocationFeatures) = _PhysicalDeviceShaderTerminateInvocationFeatures(x.shader_terminate_invocation; x.next) _PhysicalDeviceFragmentShadingRateEnumsFeaturesNV(x::PhysicalDeviceFragmentShadingRateEnumsFeaturesNV) = _PhysicalDeviceFragmentShadingRateEnumsFeaturesNV(x.fragment_shading_rate_enums, x.supersample_fragment_shading_rates, x.no_invocation_fragment_shading_rates; x.next) _PhysicalDeviceFragmentShadingRateEnumsPropertiesNV(x::PhysicalDeviceFragmentShadingRateEnumsPropertiesNV) = _PhysicalDeviceFragmentShadingRateEnumsPropertiesNV(x.max_fragment_shading_rate_invocation_count; x.next) _PipelineFragmentShadingRateEnumStateCreateInfoNV(x::PipelineFragmentShadingRateEnumStateCreateInfoNV) = _PipelineFragmentShadingRateEnumStateCreateInfoNV(x.shading_rate_type, x.shading_rate, x.combiner_ops; x.next) _AccelerationStructureBuildSizesInfoKHR(x::AccelerationStructureBuildSizesInfoKHR) = _AccelerationStructureBuildSizesInfoKHR(x.acceleration_structure_size, x.update_scratch_size, x.build_scratch_size; x.next) _PhysicalDeviceImage2DViewOf3DFeaturesEXT(x::PhysicalDeviceImage2DViewOf3DFeaturesEXT) = _PhysicalDeviceImage2DViewOf3DFeaturesEXT(x.image_2_d_view_of_3_d, x.sampler_2_d_view_of_3_d; x.next) _PhysicalDeviceMutableDescriptorTypeFeaturesEXT(x::PhysicalDeviceMutableDescriptorTypeFeaturesEXT) = _PhysicalDeviceMutableDescriptorTypeFeaturesEXT(x.mutable_descriptor_type; x.next) _MutableDescriptorTypeListEXT(x::MutableDescriptorTypeListEXT) = _MutableDescriptorTypeListEXT(x.descriptor_types) _MutableDescriptorTypeCreateInfoEXT(x::MutableDescriptorTypeCreateInfoEXT) = _MutableDescriptorTypeCreateInfoEXT(convert_nonnull(Vector{_MutableDescriptorTypeListEXT}, x.mutable_descriptor_type_lists); x.next) _PhysicalDeviceDepthClipControlFeaturesEXT(x::PhysicalDeviceDepthClipControlFeaturesEXT) = _PhysicalDeviceDepthClipControlFeaturesEXT(x.depth_clip_control; x.next) _PipelineViewportDepthClipControlCreateInfoEXT(x::PipelineViewportDepthClipControlCreateInfoEXT) = _PipelineViewportDepthClipControlCreateInfoEXT(x.negative_one_to_one; x.next) _PhysicalDeviceVertexInputDynamicStateFeaturesEXT(x::PhysicalDeviceVertexInputDynamicStateFeaturesEXT) = _PhysicalDeviceVertexInputDynamicStateFeaturesEXT(x.vertex_input_dynamic_state; x.next) _PhysicalDeviceExternalMemoryRDMAFeaturesNV(x::PhysicalDeviceExternalMemoryRDMAFeaturesNV) = _PhysicalDeviceExternalMemoryRDMAFeaturesNV(x.external_memory_rdma; x.next) _VertexInputBindingDescription2EXT(x::VertexInputBindingDescription2EXT) = _VertexInputBindingDescription2EXT(x.binding, x.stride, x.input_rate, x.divisor; x.next) _VertexInputAttributeDescription2EXT(x::VertexInputAttributeDescription2EXT) = _VertexInputAttributeDescription2EXT(x.location, x.binding, x.format, x.offset; x.next) _PhysicalDeviceColorWriteEnableFeaturesEXT(x::PhysicalDeviceColorWriteEnableFeaturesEXT) = _PhysicalDeviceColorWriteEnableFeaturesEXT(x.color_write_enable; x.next) _PipelineColorWriteCreateInfoEXT(x::PipelineColorWriteCreateInfoEXT) = _PipelineColorWriteCreateInfoEXT(x.color_write_enables; x.next) _MemoryBarrier2(x::MemoryBarrier2) = _MemoryBarrier2(; x.next, x.src_stage_mask, x.src_access_mask, x.dst_stage_mask, x.dst_access_mask) _ImageMemoryBarrier2(x::ImageMemoryBarrier2) = _ImageMemoryBarrier2(x.old_layout, x.new_layout, x.src_queue_family_index, x.dst_queue_family_index, x.image, convert_nonnull(_ImageSubresourceRange, x.subresource_range); x.next, x.src_stage_mask, x.src_access_mask, x.dst_stage_mask, x.dst_access_mask) _BufferMemoryBarrier2(x::BufferMemoryBarrier2) = _BufferMemoryBarrier2(x.src_queue_family_index, x.dst_queue_family_index, x.buffer, x.offset, x.size; x.next, x.src_stage_mask, x.src_access_mask, x.dst_stage_mask, x.dst_access_mask) _DependencyInfo(x::DependencyInfo) = _DependencyInfo(convert_nonnull(Vector{_MemoryBarrier2}, x.memory_barriers), convert_nonnull(Vector{_BufferMemoryBarrier2}, x.buffer_memory_barriers), convert_nonnull(Vector{_ImageMemoryBarrier2}, x.image_memory_barriers); x.next, x.dependency_flags) _SemaphoreSubmitInfo(x::SemaphoreSubmitInfo) = _SemaphoreSubmitInfo(x.semaphore, x.value, x.device_index; x.next, x.stage_mask) _CommandBufferSubmitInfo(x::CommandBufferSubmitInfo) = _CommandBufferSubmitInfo(x.command_buffer, x.device_mask; x.next) _SubmitInfo2(x::SubmitInfo2) = _SubmitInfo2(convert_nonnull(Vector{_SemaphoreSubmitInfo}, x.wait_semaphore_infos), convert_nonnull(Vector{_CommandBufferSubmitInfo}, x.command_buffer_infos), convert_nonnull(Vector{_SemaphoreSubmitInfo}, x.signal_semaphore_infos); x.next, x.flags) _QueueFamilyCheckpointProperties2NV(x::QueueFamilyCheckpointProperties2NV) = _QueueFamilyCheckpointProperties2NV(x.checkpoint_execution_stage_mask; x.next) _CheckpointData2NV(x::CheckpointData2NV) = _CheckpointData2NV(x.stage, x.checkpoint_marker; x.next) _PhysicalDeviceSynchronization2Features(x::PhysicalDeviceSynchronization2Features) = _PhysicalDeviceSynchronization2Features(x.synchronization2; x.next) _PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT(x::PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT) = _PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT(x.primitives_generated_query, x.primitives_generated_query_with_rasterizer_discard, x.primitives_generated_query_with_non_zero_streams; x.next) _PhysicalDeviceLegacyDitheringFeaturesEXT(x::PhysicalDeviceLegacyDitheringFeaturesEXT) = _PhysicalDeviceLegacyDitheringFeaturesEXT(x.legacy_dithering; x.next) _PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT(x::PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT) = _PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT(x.multisampled_render_to_single_sampled; x.next) _SubpassResolvePerformanceQueryEXT(x::SubpassResolvePerformanceQueryEXT) = _SubpassResolvePerformanceQueryEXT(x.optimal; x.next) _MultisampledRenderToSingleSampledInfoEXT(x::MultisampledRenderToSingleSampledInfoEXT) = _MultisampledRenderToSingleSampledInfoEXT(x.multisampled_render_to_single_sampled_enable, x.rasterization_samples; x.next) _PhysicalDevicePipelineProtectedAccessFeaturesEXT(x::PhysicalDevicePipelineProtectedAccessFeaturesEXT) = _PhysicalDevicePipelineProtectedAccessFeaturesEXT(x.pipeline_protected_access; x.next) _QueueFamilyVideoPropertiesKHR(x::QueueFamilyVideoPropertiesKHR) = _QueueFamilyVideoPropertiesKHR(x.video_codec_operations; x.next) _QueueFamilyQueryResultStatusPropertiesKHR(x::QueueFamilyQueryResultStatusPropertiesKHR) = _QueueFamilyQueryResultStatusPropertiesKHR(x.query_result_status_support; x.next) _VideoProfileListInfoKHR(x::VideoProfileListInfoKHR) = _VideoProfileListInfoKHR(convert_nonnull(Vector{_VideoProfileInfoKHR}, x.profiles); x.next) _PhysicalDeviceVideoFormatInfoKHR(x::PhysicalDeviceVideoFormatInfoKHR) = _PhysicalDeviceVideoFormatInfoKHR(x.image_usage; x.next) _VideoFormatPropertiesKHR(x::VideoFormatPropertiesKHR) = _VideoFormatPropertiesKHR(x.format, convert_nonnull(_ComponentMapping, x.component_mapping), x.image_create_flags, x.image_type, x.image_tiling, x.image_usage_flags; x.next) _VideoProfileInfoKHR(x::VideoProfileInfoKHR) = _VideoProfileInfoKHR(x.video_codec_operation, x.chroma_subsampling, x.luma_bit_depth; x.next, x.chroma_bit_depth) _VideoCapabilitiesKHR(x::VideoCapabilitiesKHR) = _VideoCapabilitiesKHR(x.flags, x.min_bitstream_buffer_offset_alignment, x.min_bitstream_buffer_size_alignment, convert_nonnull(_Extent2D, x.picture_access_granularity), convert_nonnull(_Extent2D, x.min_coded_extent), convert_nonnull(_Extent2D, x.max_coded_extent), x.max_dpb_slots, x.max_active_reference_pictures, convert_nonnull(_ExtensionProperties, x.std_header_version); x.next) _VideoSessionMemoryRequirementsKHR(x::VideoSessionMemoryRequirementsKHR) = _VideoSessionMemoryRequirementsKHR(x.memory_bind_index, convert_nonnull(_MemoryRequirements, x.memory_requirements); x.next) _BindVideoSessionMemoryInfoKHR(x::BindVideoSessionMemoryInfoKHR) = _BindVideoSessionMemoryInfoKHR(x.memory_bind_index, x.memory, x.memory_offset, x.memory_size; x.next) _VideoPictureResourceInfoKHR(x::VideoPictureResourceInfoKHR) = _VideoPictureResourceInfoKHR(convert_nonnull(_Offset2D, x.coded_offset), convert_nonnull(_Extent2D, x.coded_extent), x.base_array_layer, x.image_view_binding; x.next) _VideoReferenceSlotInfoKHR(x::VideoReferenceSlotInfoKHR) = _VideoReferenceSlotInfoKHR(x.slot_index; x.next, picture_resource = convert_nonnull(_VideoPictureResourceInfoKHR, x.picture_resource)) _VideoDecodeCapabilitiesKHR(x::VideoDecodeCapabilitiesKHR) = _VideoDecodeCapabilitiesKHR(x.flags; x.next) _VideoDecodeUsageInfoKHR(x::VideoDecodeUsageInfoKHR) = _VideoDecodeUsageInfoKHR(; x.next, x.video_usage_hints) _VideoDecodeInfoKHR(x::VideoDecodeInfoKHR) = _VideoDecodeInfoKHR(x.src_buffer, x.src_buffer_offset, x.src_buffer_range, convert_nonnull(_VideoPictureResourceInfoKHR, x.dst_picture_resource), convert_nonnull(_VideoReferenceSlotInfoKHR, x.setup_reference_slot), convert_nonnull(Vector{_VideoReferenceSlotInfoKHR}, x.reference_slots); x.next, x.flags) _VideoDecodeH264ProfileInfoKHR(x::VideoDecodeH264ProfileInfoKHR) = _VideoDecodeH264ProfileInfoKHR(x.std_profile_idc; x.next, x.picture_layout) _VideoDecodeH264CapabilitiesKHR(x::VideoDecodeH264CapabilitiesKHR) = _VideoDecodeH264CapabilitiesKHR(x.max_level_idc, convert_nonnull(_Offset2D, x.field_offset_granularity); x.next) _VideoDecodeH264SessionParametersAddInfoKHR(x::VideoDecodeH264SessionParametersAddInfoKHR) = _VideoDecodeH264SessionParametersAddInfoKHR(x.std_sp_ss, x.std_pp_ss; x.next) _VideoDecodeH264SessionParametersCreateInfoKHR(x::VideoDecodeH264SessionParametersCreateInfoKHR) = _VideoDecodeH264SessionParametersCreateInfoKHR(x.max_std_sps_count, x.max_std_pps_count; x.next, parameters_add_info = convert_nonnull(_VideoDecodeH264SessionParametersAddInfoKHR, x.parameters_add_info)) _VideoDecodeH264PictureInfoKHR(x::VideoDecodeH264PictureInfoKHR) = _VideoDecodeH264PictureInfoKHR(x.std_picture_info, x.slice_offsets; x.next) _VideoDecodeH264DpbSlotInfoKHR(x::VideoDecodeH264DpbSlotInfoKHR) = _VideoDecodeH264DpbSlotInfoKHR(x.std_reference_info; x.next) _VideoDecodeH265ProfileInfoKHR(x::VideoDecodeH265ProfileInfoKHR) = _VideoDecodeH265ProfileInfoKHR(x.std_profile_idc; x.next) _VideoDecodeH265CapabilitiesKHR(x::VideoDecodeH265CapabilitiesKHR) = _VideoDecodeH265CapabilitiesKHR(x.max_level_idc; x.next) _VideoDecodeH265SessionParametersAddInfoKHR(x::VideoDecodeH265SessionParametersAddInfoKHR) = _VideoDecodeH265SessionParametersAddInfoKHR(x.std_vp_ss, x.std_sp_ss, x.std_pp_ss; x.next) _VideoDecodeH265SessionParametersCreateInfoKHR(x::VideoDecodeH265SessionParametersCreateInfoKHR) = _VideoDecodeH265SessionParametersCreateInfoKHR(x.max_std_vps_count, x.max_std_sps_count, x.max_std_pps_count; x.next, parameters_add_info = convert_nonnull(_VideoDecodeH265SessionParametersAddInfoKHR, x.parameters_add_info)) _VideoDecodeH265PictureInfoKHR(x::VideoDecodeH265PictureInfoKHR) = _VideoDecodeH265PictureInfoKHR(x.std_picture_info, x.slice_segment_offsets; x.next) _VideoDecodeH265DpbSlotInfoKHR(x::VideoDecodeH265DpbSlotInfoKHR) = _VideoDecodeH265DpbSlotInfoKHR(x.std_reference_info; x.next) _VideoSessionCreateInfoKHR(x::VideoSessionCreateInfoKHR) = _VideoSessionCreateInfoKHR(x.queue_family_index, convert_nonnull(_VideoProfileInfoKHR, x.video_profile), x.picture_format, convert_nonnull(_Extent2D, x.max_coded_extent), x.reference_picture_format, x.max_dpb_slots, x.max_active_reference_pictures, convert_nonnull(_ExtensionProperties, x.std_header_version); x.next, x.flags) _VideoSessionParametersCreateInfoKHR(x::VideoSessionParametersCreateInfoKHR) = _VideoSessionParametersCreateInfoKHR(x.video_session; x.next, x.flags, x.video_session_parameters_template) _VideoSessionParametersUpdateInfoKHR(x::VideoSessionParametersUpdateInfoKHR) = _VideoSessionParametersUpdateInfoKHR(x.update_sequence_count; x.next) _VideoBeginCodingInfoKHR(x::VideoBeginCodingInfoKHR) = _VideoBeginCodingInfoKHR(x.video_session, convert_nonnull(Vector{_VideoReferenceSlotInfoKHR}, x.reference_slots); x.next, x.flags, x.video_session_parameters) _VideoEndCodingInfoKHR(x::VideoEndCodingInfoKHR) = _VideoEndCodingInfoKHR(; x.next, x.flags) _VideoCodingControlInfoKHR(x::VideoCodingControlInfoKHR) = _VideoCodingControlInfoKHR(; x.next, x.flags) _PhysicalDeviceInheritedViewportScissorFeaturesNV(x::PhysicalDeviceInheritedViewportScissorFeaturesNV) = _PhysicalDeviceInheritedViewportScissorFeaturesNV(x.inherited_viewport_scissor_2_d; x.next) _CommandBufferInheritanceViewportScissorInfoNV(x::CommandBufferInheritanceViewportScissorInfoNV) = _CommandBufferInheritanceViewportScissorInfoNV(x.viewport_scissor_2_d, x.viewport_depth_count, convert_nonnull(_Viewport, x.viewport_depths); x.next) _PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT(x::PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT) = _PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT(x.ycbcr_444_formats; x.next) _PhysicalDeviceProvokingVertexFeaturesEXT(x::PhysicalDeviceProvokingVertexFeaturesEXT) = _PhysicalDeviceProvokingVertexFeaturesEXT(x.provoking_vertex_last, x.transform_feedback_preserves_provoking_vertex; x.next) _PhysicalDeviceProvokingVertexPropertiesEXT(x::PhysicalDeviceProvokingVertexPropertiesEXT) = _PhysicalDeviceProvokingVertexPropertiesEXT(x.provoking_vertex_mode_per_pipeline, x.transform_feedback_preserves_triangle_fan_provoking_vertex; x.next) _PipelineRasterizationProvokingVertexStateCreateInfoEXT(x::PipelineRasterizationProvokingVertexStateCreateInfoEXT) = _PipelineRasterizationProvokingVertexStateCreateInfoEXT(x.provoking_vertex_mode; x.next) _CuModuleCreateInfoNVX(x::CuModuleCreateInfoNVX) = _CuModuleCreateInfoNVX(x.data_size, x.data; x.next) _CuFunctionCreateInfoNVX(x::CuFunctionCreateInfoNVX) = _CuFunctionCreateInfoNVX(x._module, x.name; x.next) _CuLaunchInfoNVX(x::CuLaunchInfoNVX) = _CuLaunchInfoNVX(x._function, x.grid_dim_x, x.grid_dim_y, x.grid_dim_z, x.block_dim_x, x.block_dim_y, x.block_dim_z, x.shared_mem_bytes; x.next) _PhysicalDeviceDescriptorBufferFeaturesEXT(x::PhysicalDeviceDescriptorBufferFeaturesEXT) = _PhysicalDeviceDescriptorBufferFeaturesEXT(x.descriptor_buffer, x.descriptor_buffer_capture_replay, x.descriptor_buffer_image_layout_ignored, x.descriptor_buffer_push_descriptors; x.next) _PhysicalDeviceDescriptorBufferPropertiesEXT(x::PhysicalDeviceDescriptorBufferPropertiesEXT) = _PhysicalDeviceDescriptorBufferPropertiesEXT(x.combined_image_sampler_descriptor_single_array, x.bufferless_push_descriptors, x.allow_sampler_image_view_post_submit_creation, x.descriptor_buffer_offset_alignment, x.max_descriptor_buffer_bindings, x.max_resource_descriptor_buffer_bindings, x.max_sampler_descriptor_buffer_bindings, x.max_embedded_immutable_sampler_bindings, x.max_embedded_immutable_samplers, x.buffer_capture_replay_descriptor_data_size, x.image_capture_replay_descriptor_data_size, x.image_view_capture_replay_descriptor_data_size, x.sampler_capture_replay_descriptor_data_size, x.acceleration_structure_capture_replay_descriptor_data_size, x.sampler_descriptor_size, x.combined_image_sampler_descriptor_size, x.sampled_image_descriptor_size, x.storage_image_descriptor_size, x.uniform_texel_buffer_descriptor_size, x.robust_uniform_texel_buffer_descriptor_size, x.storage_texel_buffer_descriptor_size, x.robust_storage_texel_buffer_descriptor_size, x.uniform_buffer_descriptor_size, x.robust_uniform_buffer_descriptor_size, x.storage_buffer_descriptor_size, x.robust_storage_buffer_descriptor_size, x.input_attachment_descriptor_size, x.acceleration_structure_descriptor_size, x.max_sampler_descriptor_buffer_range, x.max_resource_descriptor_buffer_range, x.sampler_descriptor_buffer_address_space_size, x.resource_descriptor_buffer_address_space_size, x.descriptor_buffer_address_space_size; x.next) _PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT(x::PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT) = _PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT(x.combined_image_sampler_density_map_descriptor_size; x.next) _DescriptorAddressInfoEXT(x::DescriptorAddressInfoEXT) = _DescriptorAddressInfoEXT(x.address, x.range, x.format; x.next) _DescriptorBufferBindingInfoEXT(x::DescriptorBufferBindingInfoEXT) = _DescriptorBufferBindingInfoEXT(x.address, x.usage; x.next) _DescriptorBufferBindingPushDescriptorBufferHandleEXT(x::DescriptorBufferBindingPushDescriptorBufferHandleEXT) = _DescriptorBufferBindingPushDescriptorBufferHandleEXT(x.buffer; x.next) _DescriptorGetInfoEXT(x::DescriptorGetInfoEXT) = _DescriptorGetInfoEXT(x.type, convert_nonnull(_DescriptorDataEXT, x.data); x.next) _BufferCaptureDescriptorDataInfoEXT(x::BufferCaptureDescriptorDataInfoEXT) = _BufferCaptureDescriptorDataInfoEXT(x.buffer; x.next) _ImageCaptureDescriptorDataInfoEXT(x::ImageCaptureDescriptorDataInfoEXT) = _ImageCaptureDescriptorDataInfoEXT(x.image; x.next) _ImageViewCaptureDescriptorDataInfoEXT(x::ImageViewCaptureDescriptorDataInfoEXT) = _ImageViewCaptureDescriptorDataInfoEXT(x.image_view; x.next) _SamplerCaptureDescriptorDataInfoEXT(x::SamplerCaptureDescriptorDataInfoEXT) = _SamplerCaptureDescriptorDataInfoEXT(x.sampler; x.next) _AccelerationStructureCaptureDescriptorDataInfoEXT(x::AccelerationStructureCaptureDescriptorDataInfoEXT) = _AccelerationStructureCaptureDescriptorDataInfoEXT(; x.next, x.acceleration_structure, x.acceleration_structure_nv) _OpaqueCaptureDescriptorDataCreateInfoEXT(x::OpaqueCaptureDescriptorDataCreateInfoEXT) = _OpaqueCaptureDescriptorDataCreateInfoEXT(x.opaque_capture_descriptor_data; x.next) _PhysicalDeviceShaderIntegerDotProductFeatures(x::PhysicalDeviceShaderIntegerDotProductFeatures) = _PhysicalDeviceShaderIntegerDotProductFeatures(x.shader_integer_dot_product; x.next) _PhysicalDeviceShaderIntegerDotProductProperties(x::PhysicalDeviceShaderIntegerDotProductProperties) = _PhysicalDeviceShaderIntegerDotProductProperties(x.integer_dot_product_8_bit_unsigned_accelerated, x.integer_dot_product_8_bit_signed_accelerated, x.integer_dot_product_8_bit_mixed_signedness_accelerated, x.integer_dot_product_8_bit_packed_unsigned_accelerated, x.integer_dot_product_8_bit_packed_signed_accelerated, x.integer_dot_product_8_bit_packed_mixed_signedness_accelerated, x.integer_dot_product_16_bit_unsigned_accelerated, x.integer_dot_product_16_bit_signed_accelerated, x.integer_dot_product_16_bit_mixed_signedness_accelerated, x.integer_dot_product_32_bit_unsigned_accelerated, x.integer_dot_product_32_bit_signed_accelerated, x.integer_dot_product_32_bit_mixed_signedness_accelerated, x.integer_dot_product_64_bit_unsigned_accelerated, x.integer_dot_product_64_bit_signed_accelerated, x.integer_dot_product_64_bit_mixed_signedness_accelerated, x.integer_dot_product_accumulating_saturating_8_bit_unsigned_accelerated, x.integer_dot_product_accumulating_saturating_8_bit_signed_accelerated, x.integer_dot_product_accumulating_saturating_8_bit_mixed_signedness_accelerated, x.integer_dot_product_accumulating_saturating_8_bit_packed_unsigned_accelerated, x.integer_dot_product_accumulating_saturating_8_bit_packed_signed_accelerated, x.integer_dot_product_accumulating_saturating_8_bit_packed_mixed_signedness_accelerated, x.integer_dot_product_accumulating_saturating_16_bit_unsigned_accelerated, x.integer_dot_product_accumulating_saturating_16_bit_signed_accelerated, x.integer_dot_product_accumulating_saturating_16_bit_mixed_signedness_accelerated, x.integer_dot_product_accumulating_saturating_32_bit_unsigned_accelerated, x.integer_dot_product_accumulating_saturating_32_bit_signed_accelerated, x.integer_dot_product_accumulating_saturating_32_bit_mixed_signedness_accelerated, x.integer_dot_product_accumulating_saturating_64_bit_unsigned_accelerated, x.integer_dot_product_accumulating_saturating_64_bit_signed_accelerated, x.integer_dot_product_accumulating_saturating_64_bit_mixed_signedness_accelerated; x.next) _PhysicalDeviceDrmPropertiesEXT(x::PhysicalDeviceDrmPropertiesEXT) = _PhysicalDeviceDrmPropertiesEXT(x.has_primary, x.has_render, x.primary_major, x.primary_minor, x.render_major, x.render_minor; x.next) _PhysicalDeviceFragmentShaderBarycentricFeaturesKHR(x::PhysicalDeviceFragmentShaderBarycentricFeaturesKHR) = _PhysicalDeviceFragmentShaderBarycentricFeaturesKHR(x.fragment_shader_barycentric; x.next) _PhysicalDeviceFragmentShaderBarycentricPropertiesKHR(x::PhysicalDeviceFragmentShaderBarycentricPropertiesKHR) = _PhysicalDeviceFragmentShaderBarycentricPropertiesKHR(x.tri_strip_vertex_order_independent_of_provoking_vertex; x.next) _PhysicalDeviceRayTracingMotionBlurFeaturesNV(x::PhysicalDeviceRayTracingMotionBlurFeaturesNV) = _PhysicalDeviceRayTracingMotionBlurFeaturesNV(x.ray_tracing_motion_blur, x.ray_tracing_motion_blur_pipeline_trace_rays_indirect; x.next) _AccelerationStructureGeometryMotionTrianglesDataNV(x::AccelerationStructureGeometryMotionTrianglesDataNV) = _AccelerationStructureGeometryMotionTrianglesDataNV(convert_nonnull(_DeviceOrHostAddressConstKHR, x.vertex_data); x.next) _AccelerationStructureMotionInfoNV(x::AccelerationStructureMotionInfoNV) = _AccelerationStructureMotionInfoNV(x.max_instances; x.next, x.flags) _SRTDataNV(x::SRTDataNV) = _SRTDataNV(x.sx, x.a, x.b, x.pvx, x.sy, x.c, x.pvy, x.sz, x.pvz, x.qx, x.qy, x.qz, x.qw, x.tx, x.ty, x.tz) _AccelerationStructureSRTMotionInstanceNV(x::AccelerationStructureSRTMotionInstanceNV) = _AccelerationStructureSRTMotionInstanceNV(convert_nonnull(_SRTDataNV, x.transform_t_0), convert_nonnull(_SRTDataNV, x.transform_t_1), x.instance_custom_index, x.mask, x.instance_shader_binding_table_record_offset, x.acceleration_structure_reference; x.flags) _AccelerationStructureMatrixMotionInstanceNV(x::AccelerationStructureMatrixMotionInstanceNV) = _AccelerationStructureMatrixMotionInstanceNV(convert_nonnull(_TransformMatrixKHR, x.transform_t_0), convert_nonnull(_TransformMatrixKHR, x.transform_t_1), x.instance_custom_index, x.mask, x.instance_shader_binding_table_record_offset, x.acceleration_structure_reference; x.flags) _AccelerationStructureMotionInstanceNV(x::AccelerationStructureMotionInstanceNV) = _AccelerationStructureMotionInstanceNV(x.type, convert_nonnull(_AccelerationStructureMotionInstanceDataNV, x.data); x.flags) _MemoryGetRemoteAddressInfoNV(x::MemoryGetRemoteAddressInfoNV) = _MemoryGetRemoteAddressInfoNV(x.memory, x.handle_type; x.next) _PhysicalDeviceRGBA10X6FormatsFeaturesEXT(x::PhysicalDeviceRGBA10X6FormatsFeaturesEXT) = _PhysicalDeviceRGBA10X6FormatsFeaturesEXT(x.format_rgba_1_6_without_y_cb_cr_sampler; x.next) _FormatProperties3(x::FormatProperties3) = _FormatProperties3(; x.next, x.linear_tiling_features, x.optimal_tiling_features, x.buffer_features) _DrmFormatModifierPropertiesList2EXT(x::DrmFormatModifierPropertiesList2EXT) = _DrmFormatModifierPropertiesList2EXT(; x.next, drm_format_modifier_properties = convert_nonnull(Vector{_DrmFormatModifierProperties2EXT}, x.drm_format_modifier_properties)) _DrmFormatModifierProperties2EXT(x::DrmFormatModifierProperties2EXT) = _DrmFormatModifierProperties2EXT(x.drm_format_modifier, x.drm_format_modifier_plane_count, x.drm_format_modifier_tiling_features) _PipelineRenderingCreateInfo(x::PipelineRenderingCreateInfo) = _PipelineRenderingCreateInfo(x.view_mask, x.color_attachment_formats, x.depth_attachment_format, x.stencil_attachment_format; x.next) _RenderingInfo(x::RenderingInfo) = _RenderingInfo(convert_nonnull(_Rect2D, x.render_area), x.layer_count, x.view_mask, convert_nonnull(Vector{_RenderingAttachmentInfo}, x.color_attachments); x.next, x.flags, depth_attachment = convert_nonnull(_RenderingAttachmentInfo, x.depth_attachment), stencil_attachment = convert_nonnull(_RenderingAttachmentInfo, x.stencil_attachment)) _RenderingAttachmentInfo(x::RenderingAttachmentInfo) = _RenderingAttachmentInfo(x.image_layout, x.resolve_image_layout, x.load_op, x.store_op, convert_nonnull(_ClearValue, x.clear_value); x.next, x.image_view, x.resolve_mode, x.resolve_image_view) _RenderingFragmentShadingRateAttachmentInfoKHR(x::RenderingFragmentShadingRateAttachmentInfoKHR) = _RenderingFragmentShadingRateAttachmentInfoKHR(x.image_layout, convert_nonnull(_Extent2D, x.shading_rate_attachment_texel_size); x.next, x.image_view) _RenderingFragmentDensityMapAttachmentInfoEXT(x::RenderingFragmentDensityMapAttachmentInfoEXT) = _RenderingFragmentDensityMapAttachmentInfoEXT(x.image_view, x.image_layout; x.next) _PhysicalDeviceDynamicRenderingFeatures(x::PhysicalDeviceDynamicRenderingFeatures) = _PhysicalDeviceDynamicRenderingFeatures(x.dynamic_rendering; x.next) _CommandBufferInheritanceRenderingInfo(x::CommandBufferInheritanceRenderingInfo) = _CommandBufferInheritanceRenderingInfo(x.view_mask, x.color_attachment_formats, x.depth_attachment_format, x.stencil_attachment_format; x.next, x.flags, x.rasterization_samples) _AttachmentSampleCountInfoAMD(x::AttachmentSampleCountInfoAMD) = _AttachmentSampleCountInfoAMD(x.color_attachment_samples; x.next, x.depth_stencil_attachment_samples) _MultiviewPerViewAttributesInfoNVX(x::MultiviewPerViewAttributesInfoNVX) = _MultiviewPerViewAttributesInfoNVX(x.per_view_attributes, x.per_view_attributes_position_x_only; x.next) _PhysicalDeviceImageViewMinLodFeaturesEXT(x::PhysicalDeviceImageViewMinLodFeaturesEXT) = _PhysicalDeviceImageViewMinLodFeaturesEXT(x.min_lod; x.next) _ImageViewMinLodCreateInfoEXT(x::ImageViewMinLodCreateInfoEXT) = _ImageViewMinLodCreateInfoEXT(x.min_lod; x.next) _PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT(x::PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT) = _PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT(x.rasterization_order_color_attachment_access, x.rasterization_order_depth_attachment_access, x.rasterization_order_stencil_attachment_access; x.next) _PhysicalDeviceLinearColorAttachmentFeaturesNV(x::PhysicalDeviceLinearColorAttachmentFeaturesNV) = _PhysicalDeviceLinearColorAttachmentFeaturesNV(x.linear_color_attachment; x.next) _PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT(x::PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT) = _PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT(x.graphics_pipeline_library; x.next) _PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT(x::PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT) = _PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT(x.graphics_pipeline_library_fast_linking, x.graphics_pipeline_library_independent_interpolation_decoration; x.next) _GraphicsPipelineLibraryCreateInfoEXT(x::GraphicsPipelineLibraryCreateInfoEXT) = _GraphicsPipelineLibraryCreateInfoEXT(x.flags; x.next) _PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE(x::PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE) = _PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE(x.descriptor_set_host_mapping; x.next) _DescriptorSetBindingReferenceVALVE(x::DescriptorSetBindingReferenceVALVE) = _DescriptorSetBindingReferenceVALVE(x.descriptor_set_layout, x.binding; x.next) _DescriptorSetLayoutHostMappingInfoVALVE(x::DescriptorSetLayoutHostMappingInfoVALVE) = _DescriptorSetLayoutHostMappingInfoVALVE(x.descriptor_offset, x.descriptor_size; x.next) _PhysicalDeviceShaderModuleIdentifierFeaturesEXT(x::PhysicalDeviceShaderModuleIdentifierFeaturesEXT) = _PhysicalDeviceShaderModuleIdentifierFeaturesEXT(x.shader_module_identifier; x.next) _PhysicalDeviceShaderModuleIdentifierPropertiesEXT(x::PhysicalDeviceShaderModuleIdentifierPropertiesEXT) = _PhysicalDeviceShaderModuleIdentifierPropertiesEXT(x.shader_module_identifier_algorithm_uuid; x.next) _PipelineShaderStageModuleIdentifierCreateInfoEXT(x::PipelineShaderStageModuleIdentifierCreateInfoEXT) = _PipelineShaderStageModuleIdentifierCreateInfoEXT(x.identifier; x.next, x.identifier_size) _ShaderModuleIdentifierEXT(x::ShaderModuleIdentifierEXT) = _ShaderModuleIdentifierEXT(x.identifier_size, x.identifier; x.next) _ImageCompressionControlEXT(x::ImageCompressionControlEXT) = _ImageCompressionControlEXT(x.flags, x.fixed_rate_flags; x.next) _PhysicalDeviceImageCompressionControlFeaturesEXT(x::PhysicalDeviceImageCompressionControlFeaturesEXT) = _PhysicalDeviceImageCompressionControlFeaturesEXT(x.image_compression_control; x.next) _ImageCompressionPropertiesEXT(x::ImageCompressionPropertiesEXT) = _ImageCompressionPropertiesEXT(x.image_compression_flags, x.image_compression_fixed_rate_flags; x.next) _PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT(x::PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT) = _PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT(x.image_compression_control_swapchain; x.next) _ImageSubresource2EXT(x::ImageSubresource2EXT) = _ImageSubresource2EXT(convert_nonnull(_ImageSubresource, x.image_subresource); x.next) _SubresourceLayout2EXT(x::SubresourceLayout2EXT) = _SubresourceLayout2EXT(convert_nonnull(_SubresourceLayout, x.subresource_layout); x.next) _RenderPassCreationControlEXT(x::RenderPassCreationControlEXT) = _RenderPassCreationControlEXT(x.disallow_merging; x.next) _RenderPassCreationFeedbackInfoEXT(x::RenderPassCreationFeedbackInfoEXT) = _RenderPassCreationFeedbackInfoEXT(x.post_merge_subpass_count) _RenderPassCreationFeedbackCreateInfoEXT(x::RenderPassCreationFeedbackCreateInfoEXT) = _RenderPassCreationFeedbackCreateInfoEXT(convert_nonnull(_RenderPassCreationFeedbackInfoEXT, x.render_pass_feedback); x.next) _RenderPassSubpassFeedbackInfoEXT(x::RenderPassSubpassFeedbackInfoEXT) = _RenderPassSubpassFeedbackInfoEXT(x.subpass_merge_status, x.description, x.post_merge_index) _RenderPassSubpassFeedbackCreateInfoEXT(x::RenderPassSubpassFeedbackCreateInfoEXT) = _RenderPassSubpassFeedbackCreateInfoEXT(convert_nonnull(_RenderPassSubpassFeedbackInfoEXT, x.subpass_feedback); x.next) _PhysicalDeviceSubpassMergeFeedbackFeaturesEXT(x::PhysicalDeviceSubpassMergeFeedbackFeaturesEXT) = _PhysicalDeviceSubpassMergeFeedbackFeaturesEXT(x.subpass_merge_feedback; x.next) _MicromapBuildInfoEXT(x::MicromapBuildInfoEXT) = _MicromapBuildInfoEXT(x.type, x.mode, convert_nonnull(_DeviceOrHostAddressConstKHR, x.data), convert_nonnull(_DeviceOrHostAddressKHR, x.scratch_data), convert_nonnull(_DeviceOrHostAddressConstKHR, x.triangle_array), x.triangle_array_stride; x.next, x.flags, x.dst_micromap, usage_counts = convert_nonnull(Vector{_MicromapUsageEXT}, x.usage_counts), usage_counts_2 = convert_nonnull(Vector{_MicromapUsageEXT}, x.usage_counts_2)) _MicromapCreateInfoEXT(x::MicromapCreateInfoEXT) = _MicromapCreateInfoEXT(x.buffer, x.offset, x.size, x.type; x.next, x.create_flags, x.device_address) _MicromapVersionInfoEXT(x::MicromapVersionInfoEXT) = _MicromapVersionInfoEXT(x.version_data; x.next) _CopyMicromapInfoEXT(x::CopyMicromapInfoEXT) = _CopyMicromapInfoEXT(x.src, x.dst, x.mode; x.next) _CopyMicromapToMemoryInfoEXT(x::CopyMicromapToMemoryInfoEXT) = _CopyMicromapToMemoryInfoEXT(x.src, convert_nonnull(_DeviceOrHostAddressKHR, x.dst), x.mode; x.next) _CopyMemoryToMicromapInfoEXT(x::CopyMemoryToMicromapInfoEXT) = _CopyMemoryToMicromapInfoEXT(convert_nonnull(_DeviceOrHostAddressConstKHR, x.src), x.dst, x.mode; x.next) _MicromapBuildSizesInfoEXT(x::MicromapBuildSizesInfoEXT) = _MicromapBuildSizesInfoEXT(x.micromap_size, x.build_scratch_size, x.discardable; x.next) _MicromapUsageEXT(x::MicromapUsageEXT) = _MicromapUsageEXT(x.count, x.subdivision_level, x.format) _MicromapTriangleEXT(x::MicromapTriangleEXT) = _MicromapTriangleEXT(x.data_offset, x.subdivision_level, x.format) _PhysicalDeviceOpacityMicromapFeaturesEXT(x::PhysicalDeviceOpacityMicromapFeaturesEXT) = _PhysicalDeviceOpacityMicromapFeaturesEXT(x.micromap, x.micromap_capture_replay, x.micromap_host_commands; x.next) _PhysicalDeviceOpacityMicromapPropertiesEXT(x::PhysicalDeviceOpacityMicromapPropertiesEXT) = _PhysicalDeviceOpacityMicromapPropertiesEXT(x.max_opacity_2_state_subdivision_level, x.max_opacity_4_state_subdivision_level; x.next) _AccelerationStructureTrianglesOpacityMicromapEXT(x::AccelerationStructureTrianglesOpacityMicromapEXT) = _AccelerationStructureTrianglesOpacityMicromapEXT(x.index_type, convert_nonnull(_DeviceOrHostAddressConstKHR, x.index_buffer), x.index_stride, x.base_triangle, x.micromap; x.next, usage_counts = convert_nonnull(Vector{_MicromapUsageEXT}, x.usage_counts), usage_counts_2 = convert_nonnull(Vector{_MicromapUsageEXT}, x.usage_counts_2)) _PipelinePropertiesIdentifierEXT(x::PipelinePropertiesIdentifierEXT) = _PipelinePropertiesIdentifierEXT(x.pipeline_identifier; x.next) _PhysicalDevicePipelinePropertiesFeaturesEXT(x::PhysicalDevicePipelinePropertiesFeaturesEXT) = _PhysicalDevicePipelinePropertiesFeaturesEXT(x.pipeline_properties_identifier; x.next) _PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD(x::PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD) = _PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD(x.shader_early_and_late_fragment_tests; x.next) _PhysicalDeviceNonSeamlessCubeMapFeaturesEXT(x::PhysicalDeviceNonSeamlessCubeMapFeaturesEXT) = _PhysicalDeviceNonSeamlessCubeMapFeaturesEXT(x.non_seamless_cube_map; x.next) _PhysicalDevicePipelineRobustnessFeaturesEXT(x::PhysicalDevicePipelineRobustnessFeaturesEXT) = _PhysicalDevicePipelineRobustnessFeaturesEXT(x.pipeline_robustness; x.next) _PipelineRobustnessCreateInfoEXT(x::PipelineRobustnessCreateInfoEXT) = _PipelineRobustnessCreateInfoEXT(x.storage_buffers, x.uniform_buffers, x.vertex_inputs, x.images; x.next) _PhysicalDevicePipelineRobustnessPropertiesEXT(x::PhysicalDevicePipelineRobustnessPropertiesEXT) = _PhysicalDevicePipelineRobustnessPropertiesEXT(x.default_robustness_storage_buffers, x.default_robustness_uniform_buffers, x.default_robustness_vertex_inputs, x.default_robustness_images; x.next) _ImageViewSampleWeightCreateInfoQCOM(x::ImageViewSampleWeightCreateInfoQCOM) = _ImageViewSampleWeightCreateInfoQCOM(convert_nonnull(_Offset2D, x.filter_center), convert_nonnull(_Extent2D, x.filter_size), x.num_phases; x.next) _PhysicalDeviceImageProcessingFeaturesQCOM(x::PhysicalDeviceImageProcessingFeaturesQCOM) = _PhysicalDeviceImageProcessingFeaturesQCOM(x.texture_sample_weighted, x.texture_box_filter, x.texture_block_match; x.next) _PhysicalDeviceImageProcessingPropertiesQCOM(x::PhysicalDeviceImageProcessingPropertiesQCOM) = _PhysicalDeviceImageProcessingPropertiesQCOM(; x.next, x.max_weight_filter_phases, max_weight_filter_dimension = convert_nonnull(_Extent2D, x.max_weight_filter_dimension), max_block_match_region = convert_nonnull(_Extent2D, x.max_block_match_region), max_box_filter_block_size = convert_nonnull(_Extent2D, x.max_box_filter_block_size)) _PhysicalDeviceTilePropertiesFeaturesQCOM(x::PhysicalDeviceTilePropertiesFeaturesQCOM) = _PhysicalDeviceTilePropertiesFeaturesQCOM(x.tile_properties; x.next) _TilePropertiesQCOM(x::TilePropertiesQCOM) = _TilePropertiesQCOM(convert_nonnull(_Extent3D, x.tile_size), convert_nonnull(_Extent2D, x.apron_size), convert_nonnull(_Offset2D, x.origin); x.next) _PhysicalDeviceAmigoProfilingFeaturesSEC(x::PhysicalDeviceAmigoProfilingFeaturesSEC) = _PhysicalDeviceAmigoProfilingFeaturesSEC(x.amigo_profiling; x.next) _AmigoProfilingSubmitInfoSEC(x::AmigoProfilingSubmitInfoSEC) = _AmigoProfilingSubmitInfoSEC(x.first_draw_timestamp, x.swap_buffer_timestamp; x.next) _PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT(x::PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT) = _PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT(x.attachment_feedback_loop_layout; x.next) _PhysicalDeviceDepthClampZeroOneFeaturesEXT(x::PhysicalDeviceDepthClampZeroOneFeaturesEXT) = _PhysicalDeviceDepthClampZeroOneFeaturesEXT(x.depth_clamp_zero_one; x.next) _PhysicalDeviceAddressBindingReportFeaturesEXT(x::PhysicalDeviceAddressBindingReportFeaturesEXT) = _PhysicalDeviceAddressBindingReportFeaturesEXT(x.report_address_binding; x.next) _DeviceAddressBindingCallbackDataEXT(x::DeviceAddressBindingCallbackDataEXT) = _DeviceAddressBindingCallbackDataEXT(x.base_address, x.size, x.binding_type; x.next, x.flags) _PhysicalDeviceOpticalFlowFeaturesNV(x::PhysicalDeviceOpticalFlowFeaturesNV) = _PhysicalDeviceOpticalFlowFeaturesNV(x.optical_flow; x.next) _PhysicalDeviceOpticalFlowPropertiesNV(x::PhysicalDeviceOpticalFlowPropertiesNV) = _PhysicalDeviceOpticalFlowPropertiesNV(x.supported_output_grid_sizes, x.supported_hint_grid_sizes, x.hint_supported, x.cost_supported, x.bidirectional_flow_supported, x.global_flow_supported, x.min_width, x.min_height, x.max_width, x.max_height, x.max_num_regions_of_interest; x.next) _OpticalFlowImageFormatInfoNV(x::OpticalFlowImageFormatInfoNV) = _OpticalFlowImageFormatInfoNV(x.usage; x.next) _OpticalFlowImageFormatPropertiesNV(x::OpticalFlowImageFormatPropertiesNV) = _OpticalFlowImageFormatPropertiesNV(x.format; x.next) _OpticalFlowSessionCreateInfoNV(x::OpticalFlowSessionCreateInfoNV) = _OpticalFlowSessionCreateInfoNV(x.width, x.height, x.image_format, x.flow_vector_format, x.output_grid_size; x.next, x.cost_format, x.hint_grid_size, x.performance_level, x.flags) _OpticalFlowSessionCreatePrivateDataInfoNV(x::OpticalFlowSessionCreatePrivateDataInfoNV) = _OpticalFlowSessionCreatePrivateDataInfoNV(x.id, x.size, x.private_data; x.next) _OpticalFlowExecuteInfoNV(x::OpticalFlowExecuteInfoNV) = _OpticalFlowExecuteInfoNV(convert_nonnull(Vector{_Rect2D}, x.regions); x.next, x.flags) _PhysicalDeviceFaultFeaturesEXT(x::PhysicalDeviceFaultFeaturesEXT) = _PhysicalDeviceFaultFeaturesEXT(x.device_fault, x.device_fault_vendor_binary; x.next) _DeviceFaultAddressInfoEXT(x::DeviceFaultAddressInfoEXT) = _DeviceFaultAddressInfoEXT(x.address_type, x.reported_address, x.address_precision) _DeviceFaultVendorInfoEXT(x::DeviceFaultVendorInfoEXT) = _DeviceFaultVendorInfoEXT(x.description, x.vendor_fault_code, x.vendor_fault_data) _DeviceFaultCountsEXT(x::DeviceFaultCountsEXT) = _DeviceFaultCountsEXT(; x.next, x.address_info_count, x.vendor_info_count, x.vendor_binary_size) _DeviceFaultInfoEXT(x::DeviceFaultInfoEXT) = _DeviceFaultInfoEXT(x.description; x.next, address_infos = convert_nonnull(_DeviceFaultAddressInfoEXT, x.address_infos), vendor_infos = convert_nonnull(_DeviceFaultVendorInfoEXT, x.vendor_infos), x.vendor_binary_data) _DeviceFaultVendorBinaryHeaderVersionOneEXT(x::DeviceFaultVendorBinaryHeaderVersionOneEXT) = _DeviceFaultVendorBinaryHeaderVersionOneEXT(x.header_size, x.header_version, x.vendor_id, x.device_id, x.driver_version, x.pipeline_cache_uuid, x.application_name_offset, x.application_version, x.engine_name_offset) _PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT(x::PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT) = _PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT(x.pipeline_library_group_handles; x.next) _DecompressMemoryRegionNV(x::DecompressMemoryRegionNV) = _DecompressMemoryRegionNV(x.src_address, x.dst_address, x.compressed_size, x.decompressed_size, x.decompression_method) _PhysicalDeviceShaderCoreBuiltinsPropertiesARM(x::PhysicalDeviceShaderCoreBuiltinsPropertiesARM) = _PhysicalDeviceShaderCoreBuiltinsPropertiesARM(x.shader_core_mask, x.shader_core_count, x.shader_warps_per_core; x.next) _PhysicalDeviceShaderCoreBuiltinsFeaturesARM(x::PhysicalDeviceShaderCoreBuiltinsFeaturesARM) = _PhysicalDeviceShaderCoreBuiltinsFeaturesARM(x.shader_core_builtins; x.next) _SurfacePresentModeEXT(x::SurfacePresentModeEXT) = _SurfacePresentModeEXT(x.present_mode; x.next) _SurfacePresentScalingCapabilitiesEXT(x::SurfacePresentScalingCapabilitiesEXT) = _SurfacePresentScalingCapabilitiesEXT(; x.next, x.supported_present_scaling, x.supported_present_gravity_x, x.supported_present_gravity_y, min_scaled_image_extent = convert_nonnull(_Extent2D, x.min_scaled_image_extent), max_scaled_image_extent = convert_nonnull(_Extent2D, x.max_scaled_image_extent)) _SurfacePresentModeCompatibilityEXT(x::SurfacePresentModeCompatibilityEXT) = _SurfacePresentModeCompatibilityEXT(; x.next, x.present_modes) _PhysicalDeviceSwapchainMaintenance1FeaturesEXT(x::PhysicalDeviceSwapchainMaintenance1FeaturesEXT) = _PhysicalDeviceSwapchainMaintenance1FeaturesEXT(x.swapchain_maintenance_1; x.next) _SwapchainPresentFenceInfoEXT(x::SwapchainPresentFenceInfoEXT) = _SwapchainPresentFenceInfoEXT(x.fences; x.next) _SwapchainPresentModesCreateInfoEXT(x::SwapchainPresentModesCreateInfoEXT) = _SwapchainPresentModesCreateInfoEXT(x.present_modes; x.next) _SwapchainPresentModeInfoEXT(x::SwapchainPresentModeInfoEXT) = _SwapchainPresentModeInfoEXT(x.present_modes; x.next) _SwapchainPresentScalingCreateInfoEXT(x::SwapchainPresentScalingCreateInfoEXT) = _SwapchainPresentScalingCreateInfoEXT(; x.next, x.scaling_behavior, x.present_gravity_x, x.present_gravity_y) _ReleaseSwapchainImagesInfoEXT(x::ReleaseSwapchainImagesInfoEXT) = _ReleaseSwapchainImagesInfoEXT(x.swapchain, x.image_indices; x.next) _PhysicalDeviceRayTracingInvocationReorderFeaturesNV(x::PhysicalDeviceRayTracingInvocationReorderFeaturesNV) = _PhysicalDeviceRayTracingInvocationReorderFeaturesNV(x.ray_tracing_invocation_reorder; x.next) _PhysicalDeviceRayTracingInvocationReorderPropertiesNV(x::PhysicalDeviceRayTracingInvocationReorderPropertiesNV) = _PhysicalDeviceRayTracingInvocationReorderPropertiesNV(x.ray_tracing_invocation_reorder_reordering_hint; x.next) _DirectDriverLoadingInfoLUNARG(x::DirectDriverLoadingInfoLUNARG) = _DirectDriverLoadingInfoLUNARG(x.flags, x.pfn_get_instance_proc_addr; x.next) _DirectDriverLoadingListLUNARG(x::DirectDriverLoadingListLUNARG) = _DirectDriverLoadingListLUNARG(x.mode, convert_nonnull(Vector{_DirectDriverLoadingInfoLUNARG}, x.drivers); x.next) _PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM(x::PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM) = _PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM(x.multiview_per_view_viewports; x.next) function BaseOutStructure(x::_BaseOutStructure, next_types::Type...) (; deps) = x GC.@preserve deps BaseOutStructure(x.vks, next_types...) end function BaseInStructure(x::_BaseInStructure, next_types::Type...) (; deps) = x GC.@preserve deps BaseInStructure(x.vks, next_types...) end Offset2D(x::_Offset2D) = Offset2D(x.vks) Offset3D(x::_Offset3D) = Offset3D(x.vks) Extent2D(x::_Extent2D) = Extent2D(x.vks) Extent3D(x::_Extent3D) = Extent3D(x.vks) Viewport(x::_Viewport) = Viewport(x.vks) Rect2D(x::_Rect2D) = Rect2D(x.vks) ClearRect(x::_ClearRect) = ClearRect(x.vks) ComponentMapping(x::_ComponentMapping) = ComponentMapping(x.vks) PhysicalDeviceProperties(x::_PhysicalDeviceProperties) = PhysicalDeviceProperties(x.vks) ExtensionProperties(x::_ExtensionProperties) = ExtensionProperties(x.vks) LayerProperties(x::_LayerProperties) = LayerProperties(x.vks) function ApplicationInfo(x::_ApplicationInfo, next_types::Type...) (; deps) = x GC.@preserve deps ApplicationInfo(x.vks, next_types...) end function AllocationCallbacks(x::_AllocationCallbacks) (; deps) = x GC.@preserve deps AllocationCallbacks(x.vks, next_types...) end function DeviceQueueCreateInfo(x::_DeviceQueueCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps DeviceQueueCreateInfo(x.vks, next_types...) end function DeviceCreateInfo(x::_DeviceCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps DeviceCreateInfo(x.vks, next_types...) end function InstanceCreateInfo(x::_InstanceCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps InstanceCreateInfo(x.vks, next_types...) end QueueFamilyProperties(x::_QueueFamilyProperties) = QueueFamilyProperties(x.vks) PhysicalDeviceMemoryProperties(x::_PhysicalDeviceMemoryProperties) = PhysicalDeviceMemoryProperties(x.vks) function MemoryAllocateInfo(x::_MemoryAllocateInfo, next_types::Type...) (; deps) = x GC.@preserve deps MemoryAllocateInfo(x.vks, next_types...) end MemoryRequirements(x::_MemoryRequirements) = MemoryRequirements(x.vks) SparseImageFormatProperties(x::_SparseImageFormatProperties) = SparseImageFormatProperties(x.vks) SparseImageMemoryRequirements(x::_SparseImageMemoryRequirements) = SparseImageMemoryRequirements(x.vks) MemoryType(x::_MemoryType) = MemoryType(x.vks) MemoryHeap(x::_MemoryHeap) = MemoryHeap(x.vks) function MappedMemoryRange(x::_MappedMemoryRange, next_types::Type...) (; deps) = x GC.@preserve deps MappedMemoryRange(x.vks, next_types...) end FormatProperties(x::_FormatProperties) = FormatProperties(x.vks) ImageFormatProperties(x::_ImageFormatProperties) = ImageFormatProperties(x.vks) DescriptorBufferInfo(x::_DescriptorBufferInfo) = DescriptorBufferInfo(x.vks) DescriptorImageInfo(x::_DescriptorImageInfo) = DescriptorImageInfo(x.vks) function WriteDescriptorSet(x::_WriteDescriptorSet, next_types::Type...) (; deps) = x GC.@preserve deps WriteDescriptorSet(x.vks, next_types...) end function CopyDescriptorSet(x::_CopyDescriptorSet, next_types::Type...) (; deps) = x GC.@preserve deps CopyDescriptorSet(x.vks, next_types...) end function BufferCreateInfo(x::_BufferCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps BufferCreateInfo(x.vks, next_types...) end function BufferViewCreateInfo(x::_BufferViewCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps BufferViewCreateInfo(x.vks, next_types...) end ImageSubresource(x::_ImageSubresource) = ImageSubresource(x.vks) ImageSubresourceLayers(x::_ImageSubresourceLayers) = ImageSubresourceLayers(x.vks) ImageSubresourceRange(x::_ImageSubresourceRange) = ImageSubresourceRange(x.vks) function MemoryBarrier(x::_MemoryBarrier, next_types::Type...) (; deps) = x GC.@preserve deps MemoryBarrier(x.vks, next_types...) end function BufferMemoryBarrier(x::_BufferMemoryBarrier, next_types::Type...) (; deps) = x GC.@preserve deps BufferMemoryBarrier(x.vks, next_types...) end function ImageMemoryBarrier(x::_ImageMemoryBarrier, next_types::Type...) (; deps) = x GC.@preserve deps ImageMemoryBarrier(x.vks, next_types...) end function ImageCreateInfo(x::_ImageCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps ImageCreateInfo(x.vks, next_types...) end SubresourceLayout(x::_SubresourceLayout) = SubresourceLayout(x.vks) function ImageViewCreateInfo(x::_ImageViewCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps ImageViewCreateInfo(x.vks, next_types...) end BufferCopy(x::_BufferCopy) = BufferCopy(x.vks) SparseMemoryBind(x::_SparseMemoryBind) = SparseMemoryBind(x.vks) SparseImageMemoryBind(x::_SparseImageMemoryBind) = SparseImageMemoryBind(x.vks) function SparseBufferMemoryBindInfo(x::_SparseBufferMemoryBindInfo) (; deps) = x GC.@preserve deps SparseBufferMemoryBindInfo(x.vks, next_types...) end function SparseImageOpaqueMemoryBindInfo(x::_SparseImageOpaqueMemoryBindInfo) (; deps) = x GC.@preserve deps SparseImageOpaqueMemoryBindInfo(x.vks, next_types...) end function SparseImageMemoryBindInfo(x::_SparseImageMemoryBindInfo) (; deps) = x GC.@preserve deps SparseImageMemoryBindInfo(x.vks, next_types...) end function BindSparseInfo(x::_BindSparseInfo, next_types::Type...) (; deps) = x GC.@preserve deps BindSparseInfo(x.vks, next_types...) end ImageCopy(x::_ImageCopy) = ImageCopy(x.vks) ImageBlit(x::_ImageBlit) = ImageBlit(x.vks) BufferImageCopy(x::_BufferImageCopy) = BufferImageCopy(x.vks) CopyMemoryIndirectCommandNV(x::_CopyMemoryIndirectCommandNV) = CopyMemoryIndirectCommandNV(x.vks) CopyMemoryToImageIndirectCommandNV(x::_CopyMemoryToImageIndirectCommandNV) = CopyMemoryToImageIndirectCommandNV(x.vks) ImageResolve(x::_ImageResolve) = ImageResolve(x.vks) function ShaderModuleCreateInfo(x::_ShaderModuleCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps ShaderModuleCreateInfo(x.vks, next_types...) end function DescriptorSetLayoutBinding(x::_DescriptorSetLayoutBinding) (; deps) = x GC.@preserve deps DescriptorSetLayoutBinding(x.vks, next_types...) end function DescriptorSetLayoutCreateInfo(x::_DescriptorSetLayoutCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorSetLayoutCreateInfo(x.vks, next_types...) end DescriptorPoolSize(x::_DescriptorPoolSize) = DescriptorPoolSize(x.vks) function DescriptorPoolCreateInfo(x::_DescriptorPoolCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorPoolCreateInfo(x.vks, next_types...) end function DescriptorSetAllocateInfo(x::_DescriptorSetAllocateInfo, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorSetAllocateInfo(x.vks, next_types...) end SpecializationMapEntry(x::_SpecializationMapEntry) = SpecializationMapEntry(x.vks) function SpecializationInfo(x::_SpecializationInfo) (; deps) = x GC.@preserve deps SpecializationInfo(x.vks, next_types...) end function PipelineShaderStageCreateInfo(x::_PipelineShaderStageCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineShaderStageCreateInfo(x.vks, next_types...) end function ComputePipelineCreateInfo(x::_ComputePipelineCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps ComputePipelineCreateInfo(x.vks, next_types...) end VertexInputBindingDescription(x::_VertexInputBindingDescription) = VertexInputBindingDescription(x.vks) VertexInputAttributeDescription(x::_VertexInputAttributeDescription) = VertexInputAttributeDescription(x.vks) function PipelineVertexInputStateCreateInfo(x::_PipelineVertexInputStateCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineVertexInputStateCreateInfo(x.vks, next_types...) end function PipelineInputAssemblyStateCreateInfo(x::_PipelineInputAssemblyStateCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineInputAssemblyStateCreateInfo(x.vks, next_types...) end function PipelineTessellationStateCreateInfo(x::_PipelineTessellationStateCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineTessellationStateCreateInfo(x.vks, next_types...) end function PipelineViewportStateCreateInfo(x::_PipelineViewportStateCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineViewportStateCreateInfo(x.vks, next_types...) end function PipelineRasterizationStateCreateInfo(x::_PipelineRasterizationStateCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineRasterizationStateCreateInfo(x.vks, next_types...) end function PipelineMultisampleStateCreateInfo(x::_PipelineMultisampleStateCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineMultisampleStateCreateInfo(x.vks, next_types...) end PipelineColorBlendAttachmentState(x::_PipelineColorBlendAttachmentState) = PipelineColorBlendAttachmentState(x.vks) function PipelineColorBlendStateCreateInfo(x::_PipelineColorBlendStateCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineColorBlendStateCreateInfo(x.vks, next_types...) end function PipelineDynamicStateCreateInfo(x::_PipelineDynamicStateCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineDynamicStateCreateInfo(x.vks, next_types...) end StencilOpState(x::_StencilOpState) = StencilOpState(x.vks) function PipelineDepthStencilStateCreateInfo(x::_PipelineDepthStencilStateCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineDepthStencilStateCreateInfo(x.vks, next_types...) end function GraphicsPipelineCreateInfo(x::_GraphicsPipelineCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps GraphicsPipelineCreateInfo(x.vks, next_types...) end function PipelineCacheCreateInfo(x::_PipelineCacheCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineCacheCreateInfo(x.vks, next_types...) end PipelineCacheHeaderVersionOne(x::_PipelineCacheHeaderVersionOne) = PipelineCacheHeaderVersionOne(x.vks) PushConstantRange(x::_PushConstantRange) = PushConstantRange(x.vks) function PipelineLayoutCreateInfo(x::_PipelineLayoutCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineLayoutCreateInfo(x.vks, next_types...) end function SamplerCreateInfo(x::_SamplerCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps SamplerCreateInfo(x.vks, next_types...) end function CommandPoolCreateInfo(x::_CommandPoolCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps CommandPoolCreateInfo(x.vks, next_types...) end function CommandBufferAllocateInfo(x::_CommandBufferAllocateInfo, next_types::Type...) (; deps) = x GC.@preserve deps CommandBufferAllocateInfo(x.vks, next_types...) end function CommandBufferInheritanceInfo(x::_CommandBufferInheritanceInfo, next_types::Type...) (; deps) = x GC.@preserve deps CommandBufferInheritanceInfo(x.vks, next_types...) end function CommandBufferBeginInfo(x::_CommandBufferBeginInfo, next_types::Type...) (; deps) = x GC.@preserve deps CommandBufferBeginInfo(x.vks, next_types...) end function RenderPassBeginInfo(x::_RenderPassBeginInfo, next_types::Type...) (; deps) = x GC.@preserve deps RenderPassBeginInfo(x.vks, next_types...) end ClearDepthStencilValue(x::_ClearDepthStencilValue) = ClearDepthStencilValue(x.vks) ClearAttachment(x::_ClearAttachment) = ClearAttachment(x.vks) AttachmentDescription(x::_AttachmentDescription) = AttachmentDescription(x.vks) AttachmentReference(x::_AttachmentReference) = AttachmentReference(x.vks) function SubpassDescription(x::_SubpassDescription) (; deps) = x GC.@preserve deps SubpassDescription(x.vks, next_types...) end SubpassDependency(x::_SubpassDependency) = SubpassDependency(x.vks) function RenderPassCreateInfo(x::_RenderPassCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps RenderPassCreateInfo(x.vks, next_types...) end function EventCreateInfo(x::_EventCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps EventCreateInfo(x.vks, next_types...) end function FenceCreateInfo(x::_FenceCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps FenceCreateInfo(x.vks, next_types...) end PhysicalDeviceFeatures(x::_PhysicalDeviceFeatures) = PhysicalDeviceFeatures(x.vks) PhysicalDeviceSparseProperties(x::_PhysicalDeviceSparseProperties) = PhysicalDeviceSparseProperties(x.vks) PhysicalDeviceLimits(x::_PhysicalDeviceLimits) = PhysicalDeviceLimits(x.vks) function SemaphoreCreateInfo(x::_SemaphoreCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps SemaphoreCreateInfo(x.vks, next_types...) end function QueryPoolCreateInfo(x::_QueryPoolCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps QueryPoolCreateInfo(x.vks, next_types...) end function FramebufferCreateInfo(x::_FramebufferCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps FramebufferCreateInfo(x.vks, next_types...) end DrawIndirectCommand(x::_DrawIndirectCommand) = DrawIndirectCommand(x.vks) DrawIndexedIndirectCommand(x::_DrawIndexedIndirectCommand) = DrawIndexedIndirectCommand(x.vks) DispatchIndirectCommand(x::_DispatchIndirectCommand) = DispatchIndirectCommand(x.vks) MultiDrawInfoEXT(x::_MultiDrawInfoEXT) = MultiDrawInfoEXT(x.vks) MultiDrawIndexedInfoEXT(x::_MultiDrawIndexedInfoEXT) = MultiDrawIndexedInfoEXT(x.vks) function SubmitInfo(x::_SubmitInfo, next_types::Type...) (; deps) = x GC.@preserve deps SubmitInfo(x.vks, next_types...) end function DisplayPropertiesKHR(x::_DisplayPropertiesKHR) (; deps) = x GC.@preserve deps DisplayPropertiesKHR(x.vks, next_types...) end DisplayPlanePropertiesKHR(x::_DisplayPlanePropertiesKHR) = DisplayPlanePropertiesKHR(x.vks) DisplayModeParametersKHR(x::_DisplayModeParametersKHR) = DisplayModeParametersKHR(x.vks) DisplayModePropertiesKHR(x::_DisplayModePropertiesKHR) = DisplayModePropertiesKHR(x.vks) function DisplayModeCreateInfoKHR(x::_DisplayModeCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps DisplayModeCreateInfoKHR(x.vks, next_types...) end DisplayPlaneCapabilitiesKHR(x::_DisplayPlaneCapabilitiesKHR) = DisplayPlaneCapabilitiesKHR(x.vks) function DisplaySurfaceCreateInfoKHR(x::_DisplaySurfaceCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps DisplaySurfaceCreateInfoKHR(x.vks, next_types...) end function DisplayPresentInfoKHR(x::_DisplayPresentInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps DisplayPresentInfoKHR(x.vks, next_types...) end SurfaceCapabilitiesKHR(x::_SurfaceCapabilitiesKHR) = SurfaceCapabilitiesKHR(x.vks) function Win32SurfaceCreateInfoKHR(x::_Win32SurfaceCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps Win32SurfaceCreateInfoKHR(x.vks, next_types...) end SurfaceFormatKHR(x::_SurfaceFormatKHR) = SurfaceFormatKHR(x.vks) function SwapchainCreateInfoKHR(x::_SwapchainCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps SwapchainCreateInfoKHR(x.vks, next_types...) end function PresentInfoKHR(x::_PresentInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps PresentInfoKHR(x.vks, next_types...) end function DebugReportCallbackCreateInfoEXT(x::_DebugReportCallbackCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DebugReportCallbackCreateInfoEXT(x.vks, next_types...) end function ValidationFlagsEXT(x::_ValidationFlagsEXT, next_types::Type...) (; deps) = x GC.@preserve deps ValidationFlagsEXT(x.vks, next_types...) end function ValidationFeaturesEXT(x::_ValidationFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps ValidationFeaturesEXT(x.vks, next_types...) end function PipelineRasterizationStateRasterizationOrderAMD(x::_PipelineRasterizationStateRasterizationOrderAMD, next_types::Type...) (; deps) = x GC.@preserve deps PipelineRasterizationStateRasterizationOrderAMD(x.vks, next_types...) end function DebugMarkerObjectNameInfoEXT(x::_DebugMarkerObjectNameInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DebugMarkerObjectNameInfoEXT(x.vks, next_types...) end function DebugMarkerObjectTagInfoEXT(x::_DebugMarkerObjectTagInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DebugMarkerObjectTagInfoEXT(x.vks, next_types...) end function DebugMarkerMarkerInfoEXT(x::_DebugMarkerMarkerInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DebugMarkerMarkerInfoEXT(x.vks, next_types...) end function DedicatedAllocationImageCreateInfoNV(x::_DedicatedAllocationImageCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps DedicatedAllocationImageCreateInfoNV(x.vks, next_types...) end function DedicatedAllocationBufferCreateInfoNV(x::_DedicatedAllocationBufferCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps DedicatedAllocationBufferCreateInfoNV(x.vks, next_types...) end function DedicatedAllocationMemoryAllocateInfoNV(x::_DedicatedAllocationMemoryAllocateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps DedicatedAllocationMemoryAllocateInfoNV(x.vks, next_types...) end ExternalImageFormatPropertiesNV(x::_ExternalImageFormatPropertiesNV) = ExternalImageFormatPropertiesNV(x.vks) function ExternalMemoryImageCreateInfoNV(x::_ExternalMemoryImageCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps ExternalMemoryImageCreateInfoNV(x.vks, next_types...) end function ExportMemoryAllocateInfoNV(x::_ExportMemoryAllocateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps ExportMemoryAllocateInfoNV(x.vks, next_types...) end function ImportMemoryWin32HandleInfoNV(x::_ImportMemoryWin32HandleInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps ImportMemoryWin32HandleInfoNV(x.vks, next_types...) end function ExportMemoryWin32HandleInfoNV(x::_ExportMemoryWin32HandleInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps ExportMemoryWin32HandleInfoNV(x.vks, next_types...) end function Win32KeyedMutexAcquireReleaseInfoNV(x::_Win32KeyedMutexAcquireReleaseInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps Win32KeyedMutexAcquireReleaseInfoNV(x.vks, next_types...) end function PhysicalDeviceDeviceGeneratedCommandsFeaturesNV(x::_PhysicalDeviceDeviceGeneratedCommandsFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDeviceGeneratedCommandsFeaturesNV(x.vks, next_types...) end function DevicePrivateDataCreateInfo(x::_DevicePrivateDataCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps DevicePrivateDataCreateInfo(x.vks, next_types...) end function PrivateDataSlotCreateInfo(x::_PrivateDataSlotCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PrivateDataSlotCreateInfo(x.vks, next_types...) end function PhysicalDevicePrivateDataFeatures(x::_PhysicalDevicePrivateDataFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePrivateDataFeatures(x.vks, next_types...) end function PhysicalDeviceDeviceGeneratedCommandsPropertiesNV(x::_PhysicalDeviceDeviceGeneratedCommandsPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDeviceGeneratedCommandsPropertiesNV(x.vks, next_types...) end function PhysicalDeviceMultiDrawPropertiesEXT(x::_PhysicalDeviceMultiDrawPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMultiDrawPropertiesEXT(x.vks, next_types...) end function GraphicsShaderGroupCreateInfoNV(x::_GraphicsShaderGroupCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps GraphicsShaderGroupCreateInfoNV(x.vks, next_types...) end function GraphicsPipelineShaderGroupsCreateInfoNV(x::_GraphicsPipelineShaderGroupsCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps GraphicsPipelineShaderGroupsCreateInfoNV(x.vks, next_types...) end BindShaderGroupIndirectCommandNV(x::_BindShaderGroupIndirectCommandNV) = BindShaderGroupIndirectCommandNV(x.vks) BindIndexBufferIndirectCommandNV(x::_BindIndexBufferIndirectCommandNV) = BindIndexBufferIndirectCommandNV(x.vks) BindVertexBufferIndirectCommandNV(x::_BindVertexBufferIndirectCommandNV) = BindVertexBufferIndirectCommandNV(x.vks) SetStateFlagsIndirectCommandNV(x::_SetStateFlagsIndirectCommandNV) = SetStateFlagsIndirectCommandNV(x.vks) IndirectCommandsStreamNV(x::_IndirectCommandsStreamNV) = IndirectCommandsStreamNV(x.vks) function IndirectCommandsLayoutTokenNV(x::_IndirectCommandsLayoutTokenNV, next_types::Type...) (; deps) = x GC.@preserve deps IndirectCommandsLayoutTokenNV(x.vks, next_types...) end function IndirectCommandsLayoutCreateInfoNV(x::_IndirectCommandsLayoutCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps IndirectCommandsLayoutCreateInfoNV(x.vks, next_types...) end function GeneratedCommandsInfoNV(x::_GeneratedCommandsInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps GeneratedCommandsInfoNV(x.vks, next_types...) end function GeneratedCommandsMemoryRequirementsInfoNV(x::_GeneratedCommandsMemoryRequirementsInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps GeneratedCommandsMemoryRequirementsInfoNV(x.vks, next_types...) end function PhysicalDeviceFeatures2(x::_PhysicalDeviceFeatures2, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFeatures2(x.vks, next_types...) end function PhysicalDeviceProperties2(x::_PhysicalDeviceProperties2, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceProperties2(x.vks, next_types...) end function FormatProperties2(x::_FormatProperties2, next_types::Type...) (; deps) = x GC.@preserve deps FormatProperties2(x.vks, next_types...) end function ImageFormatProperties2(x::_ImageFormatProperties2, next_types::Type...) (; deps) = x GC.@preserve deps ImageFormatProperties2(x.vks, next_types...) end function PhysicalDeviceImageFormatInfo2(x::_PhysicalDeviceImageFormatInfo2, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceImageFormatInfo2(x.vks, next_types...) end function QueueFamilyProperties2(x::_QueueFamilyProperties2, next_types::Type...) (; deps) = x GC.@preserve deps QueueFamilyProperties2(x.vks, next_types...) end function PhysicalDeviceMemoryProperties2(x::_PhysicalDeviceMemoryProperties2, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMemoryProperties2(x.vks, next_types...) end function SparseImageFormatProperties2(x::_SparseImageFormatProperties2, next_types::Type...) (; deps) = x GC.@preserve deps SparseImageFormatProperties2(x.vks, next_types...) end function PhysicalDeviceSparseImageFormatInfo2(x::_PhysicalDeviceSparseImageFormatInfo2, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSparseImageFormatInfo2(x.vks, next_types...) end function PhysicalDevicePushDescriptorPropertiesKHR(x::_PhysicalDevicePushDescriptorPropertiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePushDescriptorPropertiesKHR(x.vks, next_types...) end ConformanceVersion(x::_ConformanceVersion) = ConformanceVersion(x.vks) function PhysicalDeviceDriverProperties(x::_PhysicalDeviceDriverProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDriverProperties(x.vks, next_types...) end function PresentRegionsKHR(x::_PresentRegionsKHR, next_types::Type...) (; deps) = x GC.@preserve deps PresentRegionsKHR(x.vks, next_types...) end function PresentRegionKHR(x::_PresentRegionKHR) (; deps) = x GC.@preserve deps PresentRegionKHR(x.vks, next_types...) end RectLayerKHR(x::_RectLayerKHR) = RectLayerKHR(x.vks) function PhysicalDeviceVariablePointersFeatures(x::_PhysicalDeviceVariablePointersFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceVariablePointersFeatures(x.vks, next_types...) end ExternalMemoryProperties(x::_ExternalMemoryProperties) = ExternalMemoryProperties(x.vks) function PhysicalDeviceExternalImageFormatInfo(x::_PhysicalDeviceExternalImageFormatInfo, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceExternalImageFormatInfo(x.vks, next_types...) end function ExternalImageFormatProperties(x::_ExternalImageFormatProperties, next_types::Type...) (; deps) = x GC.@preserve deps ExternalImageFormatProperties(x.vks, next_types...) end function PhysicalDeviceExternalBufferInfo(x::_PhysicalDeviceExternalBufferInfo, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceExternalBufferInfo(x.vks, next_types...) end function ExternalBufferProperties(x::_ExternalBufferProperties, next_types::Type...) (; deps) = x GC.@preserve deps ExternalBufferProperties(x.vks, next_types...) end function PhysicalDeviceIDProperties(x::_PhysicalDeviceIDProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceIDProperties(x.vks, next_types...) end function ExternalMemoryImageCreateInfo(x::_ExternalMemoryImageCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps ExternalMemoryImageCreateInfo(x.vks, next_types...) end function ExternalMemoryBufferCreateInfo(x::_ExternalMemoryBufferCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps ExternalMemoryBufferCreateInfo(x.vks, next_types...) end function ExportMemoryAllocateInfo(x::_ExportMemoryAllocateInfo, next_types::Type...) (; deps) = x GC.@preserve deps ExportMemoryAllocateInfo(x.vks, next_types...) end function ImportMemoryWin32HandleInfoKHR(x::_ImportMemoryWin32HandleInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps ImportMemoryWin32HandleInfoKHR(x.vks, next_types...) end function ExportMemoryWin32HandleInfoKHR(x::_ExportMemoryWin32HandleInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps ExportMemoryWin32HandleInfoKHR(x.vks, next_types...) end function MemoryWin32HandlePropertiesKHR(x::_MemoryWin32HandlePropertiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps MemoryWin32HandlePropertiesKHR(x.vks, next_types...) end function MemoryGetWin32HandleInfoKHR(x::_MemoryGetWin32HandleInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps MemoryGetWin32HandleInfoKHR(x.vks, next_types...) end function ImportMemoryFdInfoKHR(x::_ImportMemoryFdInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps ImportMemoryFdInfoKHR(x.vks, next_types...) end function MemoryFdPropertiesKHR(x::_MemoryFdPropertiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps MemoryFdPropertiesKHR(x.vks, next_types...) end function MemoryGetFdInfoKHR(x::_MemoryGetFdInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps MemoryGetFdInfoKHR(x.vks, next_types...) end function Win32KeyedMutexAcquireReleaseInfoKHR(x::_Win32KeyedMutexAcquireReleaseInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps Win32KeyedMutexAcquireReleaseInfoKHR(x.vks, next_types...) end function PhysicalDeviceExternalSemaphoreInfo(x::_PhysicalDeviceExternalSemaphoreInfo, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceExternalSemaphoreInfo(x.vks, next_types...) end function ExternalSemaphoreProperties(x::_ExternalSemaphoreProperties, next_types::Type...) (; deps) = x GC.@preserve deps ExternalSemaphoreProperties(x.vks, next_types...) end function ExportSemaphoreCreateInfo(x::_ExportSemaphoreCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps ExportSemaphoreCreateInfo(x.vks, next_types...) end function ImportSemaphoreWin32HandleInfoKHR(x::_ImportSemaphoreWin32HandleInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps ImportSemaphoreWin32HandleInfoKHR(x.vks, next_types...) end function ExportSemaphoreWin32HandleInfoKHR(x::_ExportSemaphoreWin32HandleInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps ExportSemaphoreWin32HandleInfoKHR(x.vks, next_types...) end function D3D12FenceSubmitInfoKHR(x::_D3D12FenceSubmitInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps D3D12FenceSubmitInfoKHR(x.vks, next_types...) end function SemaphoreGetWin32HandleInfoKHR(x::_SemaphoreGetWin32HandleInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps SemaphoreGetWin32HandleInfoKHR(x.vks, next_types...) end function ImportSemaphoreFdInfoKHR(x::_ImportSemaphoreFdInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps ImportSemaphoreFdInfoKHR(x.vks, next_types...) end function SemaphoreGetFdInfoKHR(x::_SemaphoreGetFdInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps SemaphoreGetFdInfoKHR(x.vks, next_types...) end function PhysicalDeviceExternalFenceInfo(x::_PhysicalDeviceExternalFenceInfo, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceExternalFenceInfo(x.vks, next_types...) end function ExternalFenceProperties(x::_ExternalFenceProperties, next_types::Type...) (; deps) = x GC.@preserve deps ExternalFenceProperties(x.vks, next_types...) end function ExportFenceCreateInfo(x::_ExportFenceCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps ExportFenceCreateInfo(x.vks, next_types...) end function ImportFenceWin32HandleInfoKHR(x::_ImportFenceWin32HandleInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps ImportFenceWin32HandleInfoKHR(x.vks, next_types...) end function ExportFenceWin32HandleInfoKHR(x::_ExportFenceWin32HandleInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps ExportFenceWin32HandleInfoKHR(x.vks, next_types...) end function FenceGetWin32HandleInfoKHR(x::_FenceGetWin32HandleInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps FenceGetWin32HandleInfoKHR(x.vks, next_types...) end function ImportFenceFdInfoKHR(x::_ImportFenceFdInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps ImportFenceFdInfoKHR(x.vks, next_types...) end function FenceGetFdInfoKHR(x::_FenceGetFdInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps FenceGetFdInfoKHR(x.vks, next_types...) end function PhysicalDeviceMultiviewFeatures(x::_PhysicalDeviceMultiviewFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMultiviewFeatures(x.vks, next_types...) end function PhysicalDeviceMultiviewProperties(x::_PhysicalDeviceMultiviewProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMultiviewProperties(x.vks, next_types...) end function RenderPassMultiviewCreateInfo(x::_RenderPassMultiviewCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps RenderPassMultiviewCreateInfo(x.vks, next_types...) end function SurfaceCapabilities2EXT(x::_SurfaceCapabilities2EXT, next_types::Type...) (; deps) = x GC.@preserve deps SurfaceCapabilities2EXT(x.vks, next_types...) end function DisplayPowerInfoEXT(x::_DisplayPowerInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DisplayPowerInfoEXT(x.vks, next_types...) end function DeviceEventInfoEXT(x::_DeviceEventInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DeviceEventInfoEXT(x.vks, next_types...) end function DisplayEventInfoEXT(x::_DisplayEventInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DisplayEventInfoEXT(x.vks, next_types...) end function SwapchainCounterCreateInfoEXT(x::_SwapchainCounterCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps SwapchainCounterCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceGroupProperties(x::_PhysicalDeviceGroupProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceGroupProperties(x.vks, next_types...) end function MemoryAllocateFlagsInfo(x::_MemoryAllocateFlagsInfo, next_types::Type...) (; deps) = x GC.@preserve deps MemoryAllocateFlagsInfo(x.vks, next_types...) end function BindBufferMemoryInfo(x::_BindBufferMemoryInfo, next_types::Type...) (; deps) = x GC.@preserve deps BindBufferMemoryInfo(x.vks, next_types...) end function BindBufferMemoryDeviceGroupInfo(x::_BindBufferMemoryDeviceGroupInfo, next_types::Type...) (; deps) = x GC.@preserve deps BindBufferMemoryDeviceGroupInfo(x.vks, next_types...) end function BindImageMemoryInfo(x::_BindImageMemoryInfo, next_types::Type...) (; deps) = x GC.@preserve deps BindImageMemoryInfo(x.vks, next_types...) end function BindImageMemoryDeviceGroupInfo(x::_BindImageMemoryDeviceGroupInfo, next_types::Type...) (; deps) = x GC.@preserve deps BindImageMemoryDeviceGroupInfo(x.vks, next_types...) end function DeviceGroupRenderPassBeginInfo(x::_DeviceGroupRenderPassBeginInfo, next_types::Type...) (; deps) = x GC.@preserve deps DeviceGroupRenderPassBeginInfo(x.vks, next_types...) end function DeviceGroupCommandBufferBeginInfo(x::_DeviceGroupCommandBufferBeginInfo, next_types::Type...) (; deps) = x GC.@preserve deps DeviceGroupCommandBufferBeginInfo(x.vks, next_types...) end function DeviceGroupSubmitInfo(x::_DeviceGroupSubmitInfo, next_types::Type...) (; deps) = x GC.@preserve deps DeviceGroupSubmitInfo(x.vks, next_types...) end function DeviceGroupBindSparseInfo(x::_DeviceGroupBindSparseInfo, next_types::Type...) (; deps) = x GC.@preserve deps DeviceGroupBindSparseInfo(x.vks, next_types...) end function DeviceGroupPresentCapabilitiesKHR(x::_DeviceGroupPresentCapabilitiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps DeviceGroupPresentCapabilitiesKHR(x.vks, next_types...) end function ImageSwapchainCreateInfoKHR(x::_ImageSwapchainCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps ImageSwapchainCreateInfoKHR(x.vks, next_types...) end function BindImageMemorySwapchainInfoKHR(x::_BindImageMemorySwapchainInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps BindImageMemorySwapchainInfoKHR(x.vks, next_types...) end function AcquireNextImageInfoKHR(x::_AcquireNextImageInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps AcquireNextImageInfoKHR(x.vks, next_types...) end function DeviceGroupPresentInfoKHR(x::_DeviceGroupPresentInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps DeviceGroupPresentInfoKHR(x.vks, next_types...) end function DeviceGroupDeviceCreateInfo(x::_DeviceGroupDeviceCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps DeviceGroupDeviceCreateInfo(x.vks, next_types...) end function DeviceGroupSwapchainCreateInfoKHR(x::_DeviceGroupSwapchainCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps DeviceGroupSwapchainCreateInfoKHR(x.vks, next_types...) end DescriptorUpdateTemplateEntry(x::_DescriptorUpdateTemplateEntry) = DescriptorUpdateTemplateEntry(x.vks) function DescriptorUpdateTemplateCreateInfo(x::_DescriptorUpdateTemplateCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorUpdateTemplateCreateInfo(x.vks, next_types...) end XYColorEXT(x::_XYColorEXT) = XYColorEXT(x.vks) function PhysicalDevicePresentIdFeaturesKHR(x::_PhysicalDevicePresentIdFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePresentIdFeaturesKHR(x.vks, next_types...) end function PresentIdKHR(x::_PresentIdKHR, next_types::Type...) (; deps) = x GC.@preserve deps PresentIdKHR(x.vks, next_types...) end function PhysicalDevicePresentWaitFeaturesKHR(x::_PhysicalDevicePresentWaitFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePresentWaitFeaturesKHR(x.vks, next_types...) end function HdrMetadataEXT(x::_HdrMetadataEXT, next_types::Type...) (; deps) = x GC.@preserve deps HdrMetadataEXT(x.vks, next_types...) end function DisplayNativeHdrSurfaceCapabilitiesAMD(x::_DisplayNativeHdrSurfaceCapabilitiesAMD, next_types::Type...) (; deps) = x GC.@preserve deps DisplayNativeHdrSurfaceCapabilitiesAMD(x.vks, next_types...) end function SwapchainDisplayNativeHdrCreateInfoAMD(x::_SwapchainDisplayNativeHdrCreateInfoAMD, next_types::Type...) (; deps) = x GC.@preserve deps SwapchainDisplayNativeHdrCreateInfoAMD(x.vks, next_types...) end RefreshCycleDurationGOOGLE(x::_RefreshCycleDurationGOOGLE) = RefreshCycleDurationGOOGLE(x.vks) PastPresentationTimingGOOGLE(x::_PastPresentationTimingGOOGLE) = PastPresentationTimingGOOGLE(x.vks) function PresentTimesInfoGOOGLE(x::_PresentTimesInfoGOOGLE, next_types::Type...) (; deps) = x GC.@preserve deps PresentTimesInfoGOOGLE(x.vks, next_types...) end PresentTimeGOOGLE(x::_PresentTimeGOOGLE) = PresentTimeGOOGLE(x.vks) ViewportWScalingNV(x::_ViewportWScalingNV) = ViewportWScalingNV(x.vks) function PipelineViewportWScalingStateCreateInfoNV(x::_PipelineViewportWScalingStateCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps PipelineViewportWScalingStateCreateInfoNV(x.vks, next_types...) end ViewportSwizzleNV(x::_ViewportSwizzleNV) = ViewportSwizzleNV(x.vks) function PipelineViewportSwizzleStateCreateInfoNV(x::_PipelineViewportSwizzleStateCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps PipelineViewportSwizzleStateCreateInfoNV(x.vks, next_types...) end function PhysicalDeviceDiscardRectanglePropertiesEXT(x::_PhysicalDeviceDiscardRectanglePropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDiscardRectanglePropertiesEXT(x.vks, next_types...) end function PipelineDiscardRectangleStateCreateInfoEXT(x::_PipelineDiscardRectangleStateCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineDiscardRectangleStateCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX(x::_PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX(x.vks, next_types...) end InputAttachmentAspectReference(x::_InputAttachmentAspectReference) = InputAttachmentAspectReference(x.vks) function RenderPassInputAttachmentAspectCreateInfo(x::_RenderPassInputAttachmentAspectCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps RenderPassInputAttachmentAspectCreateInfo(x.vks, next_types...) end function PhysicalDeviceSurfaceInfo2KHR(x::_PhysicalDeviceSurfaceInfo2KHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSurfaceInfo2KHR(x.vks, next_types...) end function SurfaceCapabilities2KHR(x::_SurfaceCapabilities2KHR, next_types::Type...) (; deps) = x GC.@preserve deps SurfaceCapabilities2KHR(x.vks, next_types...) end function SurfaceFormat2KHR(x::_SurfaceFormat2KHR, next_types::Type...) (; deps) = x GC.@preserve deps SurfaceFormat2KHR(x.vks, next_types...) end function DisplayProperties2KHR(x::_DisplayProperties2KHR, next_types::Type...) (; deps) = x GC.@preserve deps DisplayProperties2KHR(x.vks, next_types...) end function DisplayPlaneProperties2KHR(x::_DisplayPlaneProperties2KHR, next_types::Type...) (; deps) = x GC.@preserve deps DisplayPlaneProperties2KHR(x.vks, next_types...) end function DisplayModeProperties2KHR(x::_DisplayModeProperties2KHR, next_types::Type...) (; deps) = x GC.@preserve deps DisplayModeProperties2KHR(x.vks, next_types...) end function DisplayPlaneInfo2KHR(x::_DisplayPlaneInfo2KHR, next_types::Type...) (; deps) = x GC.@preserve deps DisplayPlaneInfo2KHR(x.vks, next_types...) end function DisplayPlaneCapabilities2KHR(x::_DisplayPlaneCapabilities2KHR, next_types::Type...) (; deps) = x GC.@preserve deps DisplayPlaneCapabilities2KHR(x.vks, next_types...) end function SharedPresentSurfaceCapabilitiesKHR(x::_SharedPresentSurfaceCapabilitiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps SharedPresentSurfaceCapabilitiesKHR(x.vks, next_types...) end function PhysicalDevice16BitStorageFeatures(x::_PhysicalDevice16BitStorageFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevice16BitStorageFeatures(x.vks, next_types...) end function PhysicalDeviceSubgroupProperties(x::_PhysicalDeviceSubgroupProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSubgroupProperties(x.vks, next_types...) end function PhysicalDeviceShaderSubgroupExtendedTypesFeatures(x::_PhysicalDeviceShaderSubgroupExtendedTypesFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderSubgroupExtendedTypesFeatures(x.vks, next_types...) end function BufferMemoryRequirementsInfo2(x::_BufferMemoryRequirementsInfo2, next_types::Type...) (; deps) = x GC.@preserve deps BufferMemoryRequirementsInfo2(x.vks, next_types...) end function DeviceBufferMemoryRequirements(x::_DeviceBufferMemoryRequirements, next_types::Type...) (; deps) = x GC.@preserve deps DeviceBufferMemoryRequirements(x.vks, next_types...) end function ImageMemoryRequirementsInfo2(x::_ImageMemoryRequirementsInfo2, next_types::Type...) (; deps) = x GC.@preserve deps ImageMemoryRequirementsInfo2(x.vks, next_types...) end function ImageSparseMemoryRequirementsInfo2(x::_ImageSparseMemoryRequirementsInfo2, next_types::Type...) (; deps) = x GC.@preserve deps ImageSparseMemoryRequirementsInfo2(x.vks, next_types...) end function DeviceImageMemoryRequirements(x::_DeviceImageMemoryRequirements, next_types::Type...) (; deps) = x GC.@preserve deps DeviceImageMemoryRequirements(x.vks, next_types...) end function MemoryRequirements2(x::_MemoryRequirements2, next_types::Type...) (; deps) = x GC.@preserve deps MemoryRequirements2(x.vks, next_types...) end function SparseImageMemoryRequirements2(x::_SparseImageMemoryRequirements2, next_types::Type...) (; deps) = x GC.@preserve deps SparseImageMemoryRequirements2(x.vks, next_types...) end function PhysicalDevicePointClippingProperties(x::_PhysicalDevicePointClippingProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePointClippingProperties(x.vks, next_types...) end function MemoryDedicatedRequirements(x::_MemoryDedicatedRequirements, next_types::Type...) (; deps) = x GC.@preserve deps MemoryDedicatedRequirements(x.vks, next_types...) end function MemoryDedicatedAllocateInfo(x::_MemoryDedicatedAllocateInfo, next_types::Type...) (; deps) = x GC.@preserve deps MemoryDedicatedAllocateInfo(x.vks, next_types...) end function ImageViewUsageCreateInfo(x::_ImageViewUsageCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps ImageViewUsageCreateInfo(x.vks, next_types...) end function PipelineTessellationDomainOriginStateCreateInfo(x::_PipelineTessellationDomainOriginStateCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineTessellationDomainOriginStateCreateInfo(x.vks, next_types...) end function SamplerYcbcrConversionInfo(x::_SamplerYcbcrConversionInfo, next_types::Type...) (; deps) = x GC.@preserve deps SamplerYcbcrConversionInfo(x.vks, next_types...) end function SamplerYcbcrConversionCreateInfo(x::_SamplerYcbcrConversionCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps SamplerYcbcrConversionCreateInfo(x.vks, next_types...) end function BindImagePlaneMemoryInfo(x::_BindImagePlaneMemoryInfo, next_types::Type...) (; deps) = x GC.@preserve deps BindImagePlaneMemoryInfo(x.vks, next_types...) end function ImagePlaneMemoryRequirementsInfo(x::_ImagePlaneMemoryRequirementsInfo, next_types::Type...) (; deps) = x GC.@preserve deps ImagePlaneMemoryRequirementsInfo(x.vks, next_types...) end function PhysicalDeviceSamplerYcbcrConversionFeatures(x::_PhysicalDeviceSamplerYcbcrConversionFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSamplerYcbcrConversionFeatures(x.vks, next_types...) end function SamplerYcbcrConversionImageFormatProperties(x::_SamplerYcbcrConversionImageFormatProperties, next_types::Type...) (; deps) = x GC.@preserve deps SamplerYcbcrConversionImageFormatProperties(x.vks, next_types...) end function TextureLODGatherFormatPropertiesAMD(x::_TextureLODGatherFormatPropertiesAMD, next_types::Type...) (; deps) = x GC.@preserve deps TextureLODGatherFormatPropertiesAMD(x.vks, next_types...) end function ConditionalRenderingBeginInfoEXT(x::_ConditionalRenderingBeginInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ConditionalRenderingBeginInfoEXT(x.vks, next_types...) end function ProtectedSubmitInfo(x::_ProtectedSubmitInfo, next_types::Type...) (; deps) = x GC.@preserve deps ProtectedSubmitInfo(x.vks, next_types...) end function PhysicalDeviceProtectedMemoryFeatures(x::_PhysicalDeviceProtectedMemoryFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceProtectedMemoryFeatures(x.vks, next_types...) end function PhysicalDeviceProtectedMemoryProperties(x::_PhysicalDeviceProtectedMemoryProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceProtectedMemoryProperties(x.vks, next_types...) end function DeviceQueueInfo2(x::_DeviceQueueInfo2, next_types::Type...) (; deps) = x GC.@preserve deps DeviceQueueInfo2(x.vks, next_types...) end function PipelineCoverageToColorStateCreateInfoNV(x::_PipelineCoverageToColorStateCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps PipelineCoverageToColorStateCreateInfoNV(x.vks, next_types...) end function PhysicalDeviceSamplerFilterMinmaxProperties(x::_PhysicalDeviceSamplerFilterMinmaxProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSamplerFilterMinmaxProperties(x.vks, next_types...) end SampleLocationEXT(x::_SampleLocationEXT) = SampleLocationEXT(x.vks) function SampleLocationsInfoEXT(x::_SampleLocationsInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps SampleLocationsInfoEXT(x.vks, next_types...) end AttachmentSampleLocationsEXT(x::_AttachmentSampleLocationsEXT) = AttachmentSampleLocationsEXT(x.vks) SubpassSampleLocationsEXT(x::_SubpassSampleLocationsEXT) = SubpassSampleLocationsEXT(x.vks) function RenderPassSampleLocationsBeginInfoEXT(x::_RenderPassSampleLocationsBeginInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps RenderPassSampleLocationsBeginInfoEXT(x.vks, next_types...) end function PipelineSampleLocationsStateCreateInfoEXT(x::_PipelineSampleLocationsStateCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineSampleLocationsStateCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceSampleLocationsPropertiesEXT(x::_PhysicalDeviceSampleLocationsPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSampleLocationsPropertiesEXT(x.vks, next_types...) end function MultisamplePropertiesEXT(x::_MultisamplePropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps MultisamplePropertiesEXT(x.vks, next_types...) end function SamplerReductionModeCreateInfo(x::_SamplerReductionModeCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps SamplerReductionModeCreateInfo(x.vks, next_types...) end function PhysicalDeviceBlendOperationAdvancedFeaturesEXT(x::_PhysicalDeviceBlendOperationAdvancedFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceBlendOperationAdvancedFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceMultiDrawFeaturesEXT(x::_PhysicalDeviceMultiDrawFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMultiDrawFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceBlendOperationAdvancedPropertiesEXT(x::_PhysicalDeviceBlendOperationAdvancedPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceBlendOperationAdvancedPropertiesEXT(x.vks, next_types...) end function PipelineColorBlendAdvancedStateCreateInfoEXT(x::_PipelineColorBlendAdvancedStateCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineColorBlendAdvancedStateCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceInlineUniformBlockFeatures(x::_PhysicalDeviceInlineUniformBlockFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceInlineUniformBlockFeatures(x.vks, next_types...) end function PhysicalDeviceInlineUniformBlockProperties(x::_PhysicalDeviceInlineUniformBlockProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceInlineUniformBlockProperties(x.vks, next_types...) end function WriteDescriptorSetInlineUniformBlock(x::_WriteDescriptorSetInlineUniformBlock, next_types::Type...) (; deps) = x GC.@preserve deps WriteDescriptorSetInlineUniformBlock(x.vks, next_types...) end function DescriptorPoolInlineUniformBlockCreateInfo(x::_DescriptorPoolInlineUniformBlockCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorPoolInlineUniformBlockCreateInfo(x.vks, next_types...) end function PipelineCoverageModulationStateCreateInfoNV(x::_PipelineCoverageModulationStateCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps PipelineCoverageModulationStateCreateInfoNV(x.vks, next_types...) end function ImageFormatListCreateInfo(x::_ImageFormatListCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps ImageFormatListCreateInfo(x.vks, next_types...) end function ValidationCacheCreateInfoEXT(x::_ValidationCacheCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ValidationCacheCreateInfoEXT(x.vks, next_types...) end function ShaderModuleValidationCacheCreateInfoEXT(x::_ShaderModuleValidationCacheCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ShaderModuleValidationCacheCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceMaintenance3Properties(x::_PhysicalDeviceMaintenance3Properties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMaintenance3Properties(x.vks, next_types...) end function PhysicalDeviceMaintenance4Features(x::_PhysicalDeviceMaintenance4Features, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMaintenance4Features(x.vks, next_types...) end function PhysicalDeviceMaintenance4Properties(x::_PhysicalDeviceMaintenance4Properties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMaintenance4Properties(x.vks, next_types...) end function DescriptorSetLayoutSupport(x::_DescriptorSetLayoutSupport, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorSetLayoutSupport(x.vks, next_types...) end function PhysicalDeviceShaderDrawParametersFeatures(x::_PhysicalDeviceShaderDrawParametersFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderDrawParametersFeatures(x.vks, next_types...) end function PhysicalDeviceShaderFloat16Int8Features(x::_PhysicalDeviceShaderFloat16Int8Features, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderFloat16Int8Features(x.vks, next_types...) end function PhysicalDeviceFloatControlsProperties(x::_PhysicalDeviceFloatControlsProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFloatControlsProperties(x.vks, next_types...) end function PhysicalDeviceHostQueryResetFeatures(x::_PhysicalDeviceHostQueryResetFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceHostQueryResetFeatures(x.vks, next_types...) end ShaderResourceUsageAMD(x::_ShaderResourceUsageAMD) = ShaderResourceUsageAMD(x.vks) ShaderStatisticsInfoAMD(x::_ShaderStatisticsInfoAMD) = ShaderStatisticsInfoAMD(x.vks) function DeviceQueueGlobalPriorityCreateInfoKHR(x::_DeviceQueueGlobalPriorityCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps DeviceQueueGlobalPriorityCreateInfoKHR(x.vks, next_types...) end function PhysicalDeviceGlobalPriorityQueryFeaturesKHR(x::_PhysicalDeviceGlobalPriorityQueryFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceGlobalPriorityQueryFeaturesKHR(x.vks, next_types...) end function QueueFamilyGlobalPriorityPropertiesKHR(x::_QueueFamilyGlobalPriorityPropertiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps QueueFamilyGlobalPriorityPropertiesKHR(x.vks, next_types...) end function DebugUtilsObjectNameInfoEXT(x::_DebugUtilsObjectNameInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DebugUtilsObjectNameInfoEXT(x.vks, next_types...) end function DebugUtilsObjectTagInfoEXT(x::_DebugUtilsObjectTagInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DebugUtilsObjectTagInfoEXT(x.vks, next_types...) end function DebugUtilsLabelEXT(x::_DebugUtilsLabelEXT, next_types::Type...) (; deps) = x GC.@preserve deps DebugUtilsLabelEXT(x.vks, next_types...) end function DebugUtilsMessengerCreateInfoEXT(x::_DebugUtilsMessengerCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DebugUtilsMessengerCreateInfoEXT(x.vks, next_types...) end function DebugUtilsMessengerCallbackDataEXT(x::_DebugUtilsMessengerCallbackDataEXT, next_types::Type...) (; deps) = x GC.@preserve deps DebugUtilsMessengerCallbackDataEXT(x.vks, next_types...) end function PhysicalDeviceDeviceMemoryReportFeaturesEXT(x::_PhysicalDeviceDeviceMemoryReportFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDeviceMemoryReportFeaturesEXT(x.vks, next_types...) end function DeviceDeviceMemoryReportCreateInfoEXT(x::_DeviceDeviceMemoryReportCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DeviceDeviceMemoryReportCreateInfoEXT(x.vks, next_types...) end function DeviceMemoryReportCallbackDataEXT(x::_DeviceMemoryReportCallbackDataEXT, next_types::Type...) (; deps) = x GC.@preserve deps DeviceMemoryReportCallbackDataEXT(x.vks, next_types...) end function ImportMemoryHostPointerInfoEXT(x::_ImportMemoryHostPointerInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ImportMemoryHostPointerInfoEXT(x.vks, next_types...) end function MemoryHostPointerPropertiesEXT(x::_MemoryHostPointerPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps MemoryHostPointerPropertiesEXT(x.vks, next_types...) end function PhysicalDeviceExternalMemoryHostPropertiesEXT(x::_PhysicalDeviceExternalMemoryHostPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceExternalMemoryHostPropertiesEXT(x.vks, next_types...) end function PhysicalDeviceConservativeRasterizationPropertiesEXT(x::_PhysicalDeviceConservativeRasterizationPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceConservativeRasterizationPropertiesEXT(x.vks, next_types...) end function CalibratedTimestampInfoEXT(x::_CalibratedTimestampInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps CalibratedTimestampInfoEXT(x.vks, next_types...) end function PhysicalDeviceShaderCorePropertiesAMD(x::_PhysicalDeviceShaderCorePropertiesAMD, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderCorePropertiesAMD(x.vks, next_types...) end function PhysicalDeviceShaderCoreProperties2AMD(x::_PhysicalDeviceShaderCoreProperties2AMD, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderCoreProperties2AMD(x.vks, next_types...) end function PipelineRasterizationConservativeStateCreateInfoEXT(x::_PipelineRasterizationConservativeStateCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineRasterizationConservativeStateCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceDescriptorIndexingFeatures(x::_PhysicalDeviceDescriptorIndexingFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDescriptorIndexingFeatures(x.vks, next_types...) end function PhysicalDeviceDescriptorIndexingProperties(x::_PhysicalDeviceDescriptorIndexingProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDescriptorIndexingProperties(x.vks, next_types...) end function DescriptorSetLayoutBindingFlagsCreateInfo(x::_DescriptorSetLayoutBindingFlagsCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorSetLayoutBindingFlagsCreateInfo(x.vks, next_types...) end function DescriptorSetVariableDescriptorCountAllocateInfo(x::_DescriptorSetVariableDescriptorCountAllocateInfo, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorSetVariableDescriptorCountAllocateInfo(x.vks, next_types...) end function DescriptorSetVariableDescriptorCountLayoutSupport(x::_DescriptorSetVariableDescriptorCountLayoutSupport, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorSetVariableDescriptorCountLayoutSupport(x.vks, next_types...) end function AttachmentDescription2(x::_AttachmentDescription2, next_types::Type...) (; deps) = x GC.@preserve deps AttachmentDescription2(x.vks, next_types...) end function AttachmentReference2(x::_AttachmentReference2, next_types::Type...) (; deps) = x GC.@preserve deps AttachmentReference2(x.vks, next_types...) end function SubpassDescription2(x::_SubpassDescription2, next_types::Type...) (; deps) = x GC.@preserve deps SubpassDescription2(x.vks, next_types...) end function SubpassDependency2(x::_SubpassDependency2, next_types::Type...) (; deps) = x GC.@preserve deps SubpassDependency2(x.vks, next_types...) end function RenderPassCreateInfo2(x::_RenderPassCreateInfo2, next_types::Type...) (; deps) = x GC.@preserve deps RenderPassCreateInfo2(x.vks, next_types...) end function SubpassBeginInfo(x::_SubpassBeginInfo, next_types::Type...) (; deps) = x GC.@preserve deps SubpassBeginInfo(x.vks, next_types...) end function SubpassEndInfo(x::_SubpassEndInfo, next_types::Type...) (; deps) = x GC.@preserve deps SubpassEndInfo(x.vks, next_types...) end function PhysicalDeviceTimelineSemaphoreFeatures(x::_PhysicalDeviceTimelineSemaphoreFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceTimelineSemaphoreFeatures(x.vks, next_types...) end function PhysicalDeviceTimelineSemaphoreProperties(x::_PhysicalDeviceTimelineSemaphoreProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceTimelineSemaphoreProperties(x.vks, next_types...) end function SemaphoreTypeCreateInfo(x::_SemaphoreTypeCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps SemaphoreTypeCreateInfo(x.vks, next_types...) end function TimelineSemaphoreSubmitInfo(x::_TimelineSemaphoreSubmitInfo, next_types::Type...) (; deps) = x GC.@preserve deps TimelineSemaphoreSubmitInfo(x.vks, next_types...) end function SemaphoreWaitInfo(x::_SemaphoreWaitInfo, next_types::Type...) (; deps) = x GC.@preserve deps SemaphoreWaitInfo(x.vks, next_types...) end function SemaphoreSignalInfo(x::_SemaphoreSignalInfo, next_types::Type...) (; deps) = x GC.@preserve deps SemaphoreSignalInfo(x.vks, next_types...) end VertexInputBindingDivisorDescriptionEXT(x::_VertexInputBindingDivisorDescriptionEXT) = VertexInputBindingDivisorDescriptionEXT(x.vks) function PipelineVertexInputDivisorStateCreateInfoEXT(x::_PipelineVertexInputDivisorStateCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineVertexInputDivisorStateCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceVertexAttributeDivisorPropertiesEXT(x::_PhysicalDeviceVertexAttributeDivisorPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceVertexAttributeDivisorPropertiesEXT(x.vks, next_types...) end function PhysicalDevicePCIBusInfoPropertiesEXT(x::_PhysicalDevicePCIBusInfoPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePCIBusInfoPropertiesEXT(x.vks, next_types...) end function CommandBufferInheritanceConditionalRenderingInfoEXT(x::_CommandBufferInheritanceConditionalRenderingInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps CommandBufferInheritanceConditionalRenderingInfoEXT(x.vks, next_types...) end function PhysicalDevice8BitStorageFeatures(x::_PhysicalDevice8BitStorageFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevice8BitStorageFeatures(x.vks, next_types...) end function PhysicalDeviceConditionalRenderingFeaturesEXT(x::_PhysicalDeviceConditionalRenderingFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceConditionalRenderingFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceVulkanMemoryModelFeatures(x::_PhysicalDeviceVulkanMemoryModelFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceVulkanMemoryModelFeatures(x.vks, next_types...) end function PhysicalDeviceShaderAtomicInt64Features(x::_PhysicalDeviceShaderAtomicInt64Features, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderAtomicInt64Features(x.vks, next_types...) end function PhysicalDeviceShaderAtomicFloatFeaturesEXT(x::_PhysicalDeviceShaderAtomicFloatFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderAtomicFloatFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceShaderAtomicFloat2FeaturesEXT(x::_PhysicalDeviceShaderAtomicFloat2FeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderAtomicFloat2FeaturesEXT(x.vks, next_types...) end function PhysicalDeviceVertexAttributeDivisorFeaturesEXT(x::_PhysicalDeviceVertexAttributeDivisorFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceVertexAttributeDivisorFeaturesEXT(x.vks, next_types...) end function QueueFamilyCheckpointPropertiesNV(x::_QueueFamilyCheckpointPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps QueueFamilyCheckpointPropertiesNV(x.vks, next_types...) end function CheckpointDataNV(x::_CheckpointDataNV, next_types::Type...) (; deps) = x GC.@preserve deps CheckpointDataNV(x.vks, next_types...) end function PhysicalDeviceDepthStencilResolveProperties(x::_PhysicalDeviceDepthStencilResolveProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDepthStencilResolveProperties(x.vks, next_types...) end function SubpassDescriptionDepthStencilResolve(x::_SubpassDescriptionDepthStencilResolve, next_types::Type...) (; deps) = x GC.@preserve deps SubpassDescriptionDepthStencilResolve(x.vks, next_types...) end function ImageViewASTCDecodeModeEXT(x::_ImageViewASTCDecodeModeEXT, next_types::Type...) (; deps) = x GC.@preserve deps ImageViewASTCDecodeModeEXT(x.vks, next_types...) end function PhysicalDeviceASTCDecodeFeaturesEXT(x::_PhysicalDeviceASTCDecodeFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceASTCDecodeFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceTransformFeedbackFeaturesEXT(x::_PhysicalDeviceTransformFeedbackFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceTransformFeedbackFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceTransformFeedbackPropertiesEXT(x::_PhysicalDeviceTransformFeedbackPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceTransformFeedbackPropertiesEXT(x.vks, next_types...) end function PipelineRasterizationStateStreamCreateInfoEXT(x::_PipelineRasterizationStateStreamCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineRasterizationStateStreamCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceRepresentativeFragmentTestFeaturesNV(x::_PhysicalDeviceRepresentativeFragmentTestFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRepresentativeFragmentTestFeaturesNV(x.vks, next_types...) end function PipelineRepresentativeFragmentTestStateCreateInfoNV(x::_PipelineRepresentativeFragmentTestStateCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps PipelineRepresentativeFragmentTestStateCreateInfoNV(x.vks, next_types...) end function PhysicalDeviceExclusiveScissorFeaturesNV(x::_PhysicalDeviceExclusiveScissorFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceExclusiveScissorFeaturesNV(x.vks, next_types...) end function PipelineViewportExclusiveScissorStateCreateInfoNV(x::_PipelineViewportExclusiveScissorStateCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps PipelineViewportExclusiveScissorStateCreateInfoNV(x.vks, next_types...) end function PhysicalDeviceCornerSampledImageFeaturesNV(x::_PhysicalDeviceCornerSampledImageFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceCornerSampledImageFeaturesNV(x.vks, next_types...) end function PhysicalDeviceComputeShaderDerivativesFeaturesNV(x::_PhysicalDeviceComputeShaderDerivativesFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceComputeShaderDerivativesFeaturesNV(x.vks, next_types...) end function PhysicalDeviceShaderImageFootprintFeaturesNV(x::_PhysicalDeviceShaderImageFootprintFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderImageFootprintFeaturesNV(x.vks, next_types...) end function PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV(x::_PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV(x.vks, next_types...) end function PhysicalDeviceCopyMemoryIndirectFeaturesNV(x::_PhysicalDeviceCopyMemoryIndirectFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceCopyMemoryIndirectFeaturesNV(x.vks, next_types...) end function PhysicalDeviceCopyMemoryIndirectPropertiesNV(x::_PhysicalDeviceCopyMemoryIndirectPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceCopyMemoryIndirectPropertiesNV(x.vks, next_types...) end function PhysicalDeviceMemoryDecompressionFeaturesNV(x::_PhysicalDeviceMemoryDecompressionFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMemoryDecompressionFeaturesNV(x.vks, next_types...) end function PhysicalDeviceMemoryDecompressionPropertiesNV(x::_PhysicalDeviceMemoryDecompressionPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMemoryDecompressionPropertiesNV(x.vks, next_types...) end function ShadingRatePaletteNV(x::_ShadingRatePaletteNV) (; deps) = x GC.@preserve deps ShadingRatePaletteNV(x.vks, next_types...) end function PipelineViewportShadingRateImageStateCreateInfoNV(x::_PipelineViewportShadingRateImageStateCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps PipelineViewportShadingRateImageStateCreateInfoNV(x.vks, next_types...) end function PhysicalDeviceShadingRateImageFeaturesNV(x::_PhysicalDeviceShadingRateImageFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShadingRateImageFeaturesNV(x.vks, next_types...) end function PhysicalDeviceShadingRateImagePropertiesNV(x::_PhysicalDeviceShadingRateImagePropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShadingRateImagePropertiesNV(x.vks, next_types...) end function PhysicalDeviceInvocationMaskFeaturesHUAWEI(x::_PhysicalDeviceInvocationMaskFeaturesHUAWEI, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceInvocationMaskFeaturesHUAWEI(x.vks, next_types...) end CoarseSampleLocationNV(x::_CoarseSampleLocationNV) = CoarseSampleLocationNV(x.vks) function CoarseSampleOrderCustomNV(x::_CoarseSampleOrderCustomNV) (; deps) = x GC.@preserve deps CoarseSampleOrderCustomNV(x.vks, next_types...) end function PipelineViewportCoarseSampleOrderStateCreateInfoNV(x::_PipelineViewportCoarseSampleOrderStateCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps PipelineViewportCoarseSampleOrderStateCreateInfoNV(x.vks, next_types...) end function PhysicalDeviceMeshShaderFeaturesNV(x::_PhysicalDeviceMeshShaderFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMeshShaderFeaturesNV(x.vks, next_types...) end function PhysicalDeviceMeshShaderPropertiesNV(x::_PhysicalDeviceMeshShaderPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMeshShaderPropertiesNV(x.vks, next_types...) end DrawMeshTasksIndirectCommandNV(x::_DrawMeshTasksIndirectCommandNV) = DrawMeshTasksIndirectCommandNV(x.vks) function PhysicalDeviceMeshShaderFeaturesEXT(x::_PhysicalDeviceMeshShaderFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMeshShaderFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceMeshShaderPropertiesEXT(x::_PhysicalDeviceMeshShaderPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMeshShaderPropertiesEXT(x.vks, next_types...) end DrawMeshTasksIndirectCommandEXT(x::_DrawMeshTasksIndirectCommandEXT) = DrawMeshTasksIndirectCommandEXT(x.vks) function RayTracingShaderGroupCreateInfoNV(x::_RayTracingShaderGroupCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps RayTracingShaderGroupCreateInfoNV(x.vks, next_types...) end function RayTracingShaderGroupCreateInfoKHR(x::_RayTracingShaderGroupCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps RayTracingShaderGroupCreateInfoKHR(x.vks, next_types...) end function RayTracingPipelineCreateInfoNV(x::_RayTracingPipelineCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps RayTracingPipelineCreateInfoNV(x.vks, next_types...) end function RayTracingPipelineCreateInfoKHR(x::_RayTracingPipelineCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps RayTracingPipelineCreateInfoKHR(x.vks, next_types...) end function GeometryTrianglesNV(x::_GeometryTrianglesNV, next_types::Type...) (; deps) = x GC.@preserve deps GeometryTrianglesNV(x.vks, next_types...) end function GeometryAABBNV(x::_GeometryAABBNV, next_types::Type...) (; deps) = x GC.@preserve deps GeometryAABBNV(x.vks, next_types...) end GeometryDataNV(x::_GeometryDataNV) = GeometryDataNV(x.vks) function GeometryNV(x::_GeometryNV, next_types::Type...) (; deps) = x GC.@preserve deps GeometryNV(x.vks, next_types...) end function AccelerationStructureInfoNV(x::_AccelerationStructureInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureInfoNV(x.vks, next_types...) end function AccelerationStructureCreateInfoNV(x::_AccelerationStructureCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureCreateInfoNV(x.vks, next_types...) end function BindAccelerationStructureMemoryInfoNV(x::_BindAccelerationStructureMemoryInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps BindAccelerationStructureMemoryInfoNV(x.vks, next_types...) end function WriteDescriptorSetAccelerationStructureKHR(x::_WriteDescriptorSetAccelerationStructureKHR, next_types::Type...) (; deps) = x GC.@preserve deps WriteDescriptorSetAccelerationStructureKHR(x.vks, next_types...) end function WriteDescriptorSetAccelerationStructureNV(x::_WriteDescriptorSetAccelerationStructureNV, next_types::Type...) (; deps) = x GC.@preserve deps WriteDescriptorSetAccelerationStructureNV(x.vks, next_types...) end function AccelerationStructureMemoryRequirementsInfoNV(x::_AccelerationStructureMemoryRequirementsInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureMemoryRequirementsInfoNV(x.vks, next_types...) end function PhysicalDeviceAccelerationStructureFeaturesKHR(x::_PhysicalDeviceAccelerationStructureFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceAccelerationStructureFeaturesKHR(x.vks, next_types...) end function PhysicalDeviceRayTracingPipelineFeaturesKHR(x::_PhysicalDeviceRayTracingPipelineFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRayTracingPipelineFeaturesKHR(x.vks, next_types...) end function PhysicalDeviceRayQueryFeaturesKHR(x::_PhysicalDeviceRayQueryFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRayQueryFeaturesKHR(x.vks, next_types...) end function PhysicalDeviceAccelerationStructurePropertiesKHR(x::_PhysicalDeviceAccelerationStructurePropertiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceAccelerationStructurePropertiesKHR(x.vks, next_types...) end function PhysicalDeviceRayTracingPipelinePropertiesKHR(x::_PhysicalDeviceRayTracingPipelinePropertiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRayTracingPipelinePropertiesKHR(x.vks, next_types...) end function PhysicalDeviceRayTracingPropertiesNV(x::_PhysicalDeviceRayTracingPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRayTracingPropertiesNV(x.vks, next_types...) end StridedDeviceAddressRegionKHR(x::_StridedDeviceAddressRegionKHR) = StridedDeviceAddressRegionKHR(x.vks) TraceRaysIndirectCommandKHR(x::_TraceRaysIndirectCommandKHR) = TraceRaysIndirectCommandKHR(x.vks) TraceRaysIndirectCommand2KHR(x::_TraceRaysIndirectCommand2KHR) = TraceRaysIndirectCommand2KHR(x.vks) function PhysicalDeviceRayTracingMaintenance1FeaturesKHR(x::_PhysicalDeviceRayTracingMaintenance1FeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRayTracingMaintenance1FeaturesKHR(x.vks, next_types...) end function DrmFormatModifierPropertiesListEXT(x::_DrmFormatModifierPropertiesListEXT, next_types::Type...) (; deps) = x GC.@preserve deps DrmFormatModifierPropertiesListEXT(x.vks, next_types...) end DrmFormatModifierPropertiesEXT(x::_DrmFormatModifierPropertiesEXT) = DrmFormatModifierPropertiesEXT(x.vks) function PhysicalDeviceImageDrmFormatModifierInfoEXT(x::_PhysicalDeviceImageDrmFormatModifierInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceImageDrmFormatModifierInfoEXT(x.vks, next_types...) end function ImageDrmFormatModifierListCreateInfoEXT(x::_ImageDrmFormatModifierListCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ImageDrmFormatModifierListCreateInfoEXT(x.vks, next_types...) end function ImageDrmFormatModifierExplicitCreateInfoEXT(x::_ImageDrmFormatModifierExplicitCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ImageDrmFormatModifierExplicitCreateInfoEXT(x.vks, next_types...) end function ImageDrmFormatModifierPropertiesEXT(x::_ImageDrmFormatModifierPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps ImageDrmFormatModifierPropertiesEXT(x.vks, next_types...) end function ImageStencilUsageCreateInfo(x::_ImageStencilUsageCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps ImageStencilUsageCreateInfo(x.vks, next_types...) end function DeviceMemoryOverallocationCreateInfoAMD(x::_DeviceMemoryOverallocationCreateInfoAMD, next_types::Type...) (; deps) = x GC.@preserve deps DeviceMemoryOverallocationCreateInfoAMD(x.vks, next_types...) end function PhysicalDeviceFragmentDensityMapFeaturesEXT(x::_PhysicalDeviceFragmentDensityMapFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentDensityMapFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceFragmentDensityMap2FeaturesEXT(x::_PhysicalDeviceFragmentDensityMap2FeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentDensityMap2FeaturesEXT(x.vks, next_types...) end function PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM(x::_PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM(x.vks, next_types...) end function PhysicalDeviceFragmentDensityMapPropertiesEXT(x::_PhysicalDeviceFragmentDensityMapPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentDensityMapPropertiesEXT(x.vks, next_types...) end function PhysicalDeviceFragmentDensityMap2PropertiesEXT(x::_PhysicalDeviceFragmentDensityMap2PropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentDensityMap2PropertiesEXT(x.vks, next_types...) end function PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM(x::_PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM(x.vks, next_types...) end function RenderPassFragmentDensityMapCreateInfoEXT(x::_RenderPassFragmentDensityMapCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps RenderPassFragmentDensityMapCreateInfoEXT(x.vks, next_types...) end function SubpassFragmentDensityMapOffsetEndInfoQCOM(x::_SubpassFragmentDensityMapOffsetEndInfoQCOM, next_types::Type...) (; deps) = x GC.@preserve deps SubpassFragmentDensityMapOffsetEndInfoQCOM(x.vks, next_types...) end function PhysicalDeviceScalarBlockLayoutFeatures(x::_PhysicalDeviceScalarBlockLayoutFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceScalarBlockLayoutFeatures(x.vks, next_types...) end function SurfaceProtectedCapabilitiesKHR(x::_SurfaceProtectedCapabilitiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps SurfaceProtectedCapabilitiesKHR(x.vks, next_types...) end function PhysicalDeviceUniformBufferStandardLayoutFeatures(x::_PhysicalDeviceUniformBufferStandardLayoutFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceUniformBufferStandardLayoutFeatures(x.vks, next_types...) end function PhysicalDeviceDepthClipEnableFeaturesEXT(x::_PhysicalDeviceDepthClipEnableFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDepthClipEnableFeaturesEXT(x.vks, next_types...) end function PipelineRasterizationDepthClipStateCreateInfoEXT(x::_PipelineRasterizationDepthClipStateCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineRasterizationDepthClipStateCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceMemoryBudgetPropertiesEXT(x::_PhysicalDeviceMemoryBudgetPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMemoryBudgetPropertiesEXT(x.vks, next_types...) end function PhysicalDeviceMemoryPriorityFeaturesEXT(x::_PhysicalDeviceMemoryPriorityFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMemoryPriorityFeaturesEXT(x.vks, next_types...) end function MemoryPriorityAllocateInfoEXT(x::_MemoryPriorityAllocateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps MemoryPriorityAllocateInfoEXT(x.vks, next_types...) end function PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT(x::_PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceBufferDeviceAddressFeatures(x::_PhysicalDeviceBufferDeviceAddressFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceBufferDeviceAddressFeatures(x.vks, next_types...) end function PhysicalDeviceBufferDeviceAddressFeaturesEXT(x::_PhysicalDeviceBufferDeviceAddressFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceBufferDeviceAddressFeaturesEXT(x.vks, next_types...) end function BufferDeviceAddressInfo(x::_BufferDeviceAddressInfo, next_types::Type...) (; deps) = x GC.@preserve deps BufferDeviceAddressInfo(x.vks, next_types...) end function BufferOpaqueCaptureAddressCreateInfo(x::_BufferOpaqueCaptureAddressCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps BufferOpaqueCaptureAddressCreateInfo(x.vks, next_types...) end function BufferDeviceAddressCreateInfoEXT(x::_BufferDeviceAddressCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps BufferDeviceAddressCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceImageViewImageFormatInfoEXT(x::_PhysicalDeviceImageViewImageFormatInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceImageViewImageFormatInfoEXT(x.vks, next_types...) end function FilterCubicImageViewImageFormatPropertiesEXT(x::_FilterCubicImageViewImageFormatPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps FilterCubicImageViewImageFormatPropertiesEXT(x.vks, next_types...) end function PhysicalDeviceImagelessFramebufferFeatures(x::_PhysicalDeviceImagelessFramebufferFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceImagelessFramebufferFeatures(x.vks, next_types...) end function FramebufferAttachmentsCreateInfo(x::_FramebufferAttachmentsCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps FramebufferAttachmentsCreateInfo(x.vks, next_types...) end function FramebufferAttachmentImageInfo(x::_FramebufferAttachmentImageInfo, next_types::Type...) (; deps) = x GC.@preserve deps FramebufferAttachmentImageInfo(x.vks, next_types...) end function RenderPassAttachmentBeginInfo(x::_RenderPassAttachmentBeginInfo, next_types::Type...) (; deps) = x GC.@preserve deps RenderPassAttachmentBeginInfo(x.vks, next_types...) end function PhysicalDeviceTextureCompressionASTCHDRFeatures(x::_PhysicalDeviceTextureCompressionASTCHDRFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceTextureCompressionASTCHDRFeatures(x.vks, next_types...) end function PhysicalDeviceCooperativeMatrixFeaturesNV(x::_PhysicalDeviceCooperativeMatrixFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceCooperativeMatrixFeaturesNV(x.vks, next_types...) end function PhysicalDeviceCooperativeMatrixPropertiesNV(x::_PhysicalDeviceCooperativeMatrixPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceCooperativeMatrixPropertiesNV(x.vks, next_types...) end function CooperativeMatrixPropertiesNV(x::_CooperativeMatrixPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps CooperativeMatrixPropertiesNV(x.vks, next_types...) end function PhysicalDeviceYcbcrImageArraysFeaturesEXT(x::_PhysicalDeviceYcbcrImageArraysFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceYcbcrImageArraysFeaturesEXT(x.vks, next_types...) end function ImageViewHandleInfoNVX(x::_ImageViewHandleInfoNVX, next_types::Type...) (; deps) = x GC.@preserve deps ImageViewHandleInfoNVX(x.vks, next_types...) end function ImageViewAddressPropertiesNVX(x::_ImageViewAddressPropertiesNVX, next_types::Type...) (; deps) = x GC.@preserve deps ImageViewAddressPropertiesNVX(x.vks, next_types...) end PipelineCreationFeedback(x::_PipelineCreationFeedback) = PipelineCreationFeedback(x.vks) function PipelineCreationFeedbackCreateInfo(x::_PipelineCreationFeedbackCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineCreationFeedbackCreateInfo(x.vks, next_types...) end function SurfaceFullScreenExclusiveInfoEXT(x::_SurfaceFullScreenExclusiveInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps SurfaceFullScreenExclusiveInfoEXT(x.vks, next_types...) end function SurfaceFullScreenExclusiveWin32InfoEXT(x::_SurfaceFullScreenExclusiveWin32InfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps SurfaceFullScreenExclusiveWin32InfoEXT(x.vks, next_types...) end function SurfaceCapabilitiesFullScreenExclusiveEXT(x::_SurfaceCapabilitiesFullScreenExclusiveEXT, next_types::Type...) (; deps) = x GC.@preserve deps SurfaceCapabilitiesFullScreenExclusiveEXT(x.vks, next_types...) end function PhysicalDevicePresentBarrierFeaturesNV(x::_PhysicalDevicePresentBarrierFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePresentBarrierFeaturesNV(x.vks, next_types...) end function SurfaceCapabilitiesPresentBarrierNV(x::_SurfaceCapabilitiesPresentBarrierNV, next_types::Type...) (; deps) = x GC.@preserve deps SurfaceCapabilitiesPresentBarrierNV(x.vks, next_types...) end function SwapchainPresentBarrierCreateInfoNV(x::_SwapchainPresentBarrierCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps SwapchainPresentBarrierCreateInfoNV(x.vks, next_types...) end function PhysicalDevicePerformanceQueryFeaturesKHR(x::_PhysicalDevicePerformanceQueryFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePerformanceQueryFeaturesKHR(x.vks, next_types...) end function PhysicalDevicePerformanceQueryPropertiesKHR(x::_PhysicalDevicePerformanceQueryPropertiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePerformanceQueryPropertiesKHR(x.vks, next_types...) end function PerformanceCounterKHR(x::_PerformanceCounterKHR, next_types::Type...) (; deps) = x GC.@preserve deps PerformanceCounterKHR(x.vks, next_types...) end function PerformanceCounterDescriptionKHR(x::_PerformanceCounterDescriptionKHR, next_types::Type...) (; deps) = x GC.@preserve deps PerformanceCounterDescriptionKHR(x.vks, next_types...) end function QueryPoolPerformanceCreateInfoKHR(x::_QueryPoolPerformanceCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps QueryPoolPerformanceCreateInfoKHR(x.vks, next_types...) end function AcquireProfilingLockInfoKHR(x::_AcquireProfilingLockInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps AcquireProfilingLockInfoKHR(x.vks, next_types...) end function PerformanceQuerySubmitInfoKHR(x::_PerformanceQuerySubmitInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps PerformanceQuerySubmitInfoKHR(x.vks, next_types...) end function HeadlessSurfaceCreateInfoEXT(x::_HeadlessSurfaceCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps HeadlessSurfaceCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceCoverageReductionModeFeaturesNV(x::_PhysicalDeviceCoverageReductionModeFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceCoverageReductionModeFeaturesNV(x.vks, next_types...) end function PipelineCoverageReductionStateCreateInfoNV(x::_PipelineCoverageReductionStateCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps PipelineCoverageReductionStateCreateInfoNV(x.vks, next_types...) end function FramebufferMixedSamplesCombinationNV(x::_FramebufferMixedSamplesCombinationNV, next_types::Type...) (; deps) = x GC.@preserve deps FramebufferMixedSamplesCombinationNV(x.vks, next_types...) end function PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL(x::_PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL(x.vks, next_types...) end PerformanceValueINTEL(x::_PerformanceValueINTEL) = PerformanceValueINTEL(x.vks) function InitializePerformanceApiInfoINTEL(x::_InitializePerformanceApiInfoINTEL, next_types::Type...) (; deps) = x GC.@preserve deps InitializePerformanceApiInfoINTEL(x.vks, next_types...) end function QueryPoolPerformanceQueryCreateInfoINTEL(x::_QueryPoolPerformanceQueryCreateInfoINTEL, next_types::Type...) (; deps) = x GC.@preserve deps QueryPoolPerformanceQueryCreateInfoINTEL(x.vks, next_types...) end function PerformanceMarkerInfoINTEL(x::_PerformanceMarkerInfoINTEL, next_types::Type...) (; deps) = x GC.@preserve deps PerformanceMarkerInfoINTEL(x.vks, next_types...) end function PerformanceStreamMarkerInfoINTEL(x::_PerformanceStreamMarkerInfoINTEL, next_types::Type...) (; deps) = x GC.@preserve deps PerformanceStreamMarkerInfoINTEL(x.vks, next_types...) end function PerformanceOverrideInfoINTEL(x::_PerformanceOverrideInfoINTEL, next_types::Type...) (; deps) = x GC.@preserve deps PerformanceOverrideInfoINTEL(x.vks, next_types...) end function PerformanceConfigurationAcquireInfoINTEL(x::_PerformanceConfigurationAcquireInfoINTEL, next_types::Type...) (; deps) = x GC.@preserve deps PerformanceConfigurationAcquireInfoINTEL(x.vks, next_types...) end function PhysicalDeviceShaderClockFeaturesKHR(x::_PhysicalDeviceShaderClockFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderClockFeaturesKHR(x.vks, next_types...) end function PhysicalDeviceIndexTypeUint8FeaturesEXT(x::_PhysicalDeviceIndexTypeUint8FeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceIndexTypeUint8FeaturesEXT(x.vks, next_types...) end function PhysicalDeviceShaderSMBuiltinsPropertiesNV(x::_PhysicalDeviceShaderSMBuiltinsPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderSMBuiltinsPropertiesNV(x.vks, next_types...) end function PhysicalDeviceShaderSMBuiltinsFeaturesNV(x::_PhysicalDeviceShaderSMBuiltinsFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderSMBuiltinsFeaturesNV(x.vks, next_types...) end function PhysicalDeviceFragmentShaderInterlockFeaturesEXT(x::_PhysicalDeviceFragmentShaderInterlockFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentShaderInterlockFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceSeparateDepthStencilLayoutsFeatures(x::_PhysicalDeviceSeparateDepthStencilLayoutsFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSeparateDepthStencilLayoutsFeatures(x.vks, next_types...) end function AttachmentReferenceStencilLayout(x::_AttachmentReferenceStencilLayout, next_types::Type...) (; deps) = x GC.@preserve deps AttachmentReferenceStencilLayout(x.vks, next_types...) end function PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT(x::_PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT(x.vks, next_types...) end function AttachmentDescriptionStencilLayout(x::_AttachmentDescriptionStencilLayout, next_types::Type...) (; deps) = x GC.@preserve deps AttachmentDescriptionStencilLayout(x.vks, next_types...) end function PhysicalDevicePipelineExecutablePropertiesFeaturesKHR(x::_PhysicalDevicePipelineExecutablePropertiesFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePipelineExecutablePropertiesFeaturesKHR(x.vks, next_types...) end function PipelineInfoKHR(x::_PipelineInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps PipelineInfoKHR(x.vks, next_types...) end function PipelineExecutablePropertiesKHR(x::_PipelineExecutablePropertiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PipelineExecutablePropertiesKHR(x.vks, next_types...) end function PipelineExecutableInfoKHR(x::_PipelineExecutableInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps PipelineExecutableInfoKHR(x.vks, next_types...) end function PipelineExecutableStatisticKHR(x::_PipelineExecutableStatisticKHR, next_types::Type...) (; deps) = x GC.@preserve deps PipelineExecutableStatisticKHR(x.vks, next_types...) end function PipelineExecutableInternalRepresentationKHR(x::_PipelineExecutableInternalRepresentationKHR, next_types::Type...) (; deps) = x GC.@preserve deps PipelineExecutableInternalRepresentationKHR(x.vks, next_types...) end function PhysicalDeviceShaderDemoteToHelperInvocationFeatures(x::_PhysicalDeviceShaderDemoteToHelperInvocationFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderDemoteToHelperInvocationFeatures(x.vks, next_types...) end function PhysicalDeviceTexelBufferAlignmentFeaturesEXT(x::_PhysicalDeviceTexelBufferAlignmentFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceTexelBufferAlignmentFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceTexelBufferAlignmentProperties(x::_PhysicalDeviceTexelBufferAlignmentProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceTexelBufferAlignmentProperties(x.vks, next_types...) end function PhysicalDeviceSubgroupSizeControlFeatures(x::_PhysicalDeviceSubgroupSizeControlFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSubgroupSizeControlFeatures(x.vks, next_types...) end function PhysicalDeviceSubgroupSizeControlProperties(x::_PhysicalDeviceSubgroupSizeControlProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSubgroupSizeControlProperties(x.vks, next_types...) end function PipelineShaderStageRequiredSubgroupSizeCreateInfo(x::_PipelineShaderStageRequiredSubgroupSizeCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineShaderStageRequiredSubgroupSizeCreateInfo(x.vks, next_types...) end function SubpassShadingPipelineCreateInfoHUAWEI(x::_SubpassShadingPipelineCreateInfoHUAWEI, next_types::Type...) (; deps) = x GC.@preserve deps SubpassShadingPipelineCreateInfoHUAWEI(x.vks, next_types...) end function PhysicalDeviceSubpassShadingPropertiesHUAWEI(x::_PhysicalDeviceSubpassShadingPropertiesHUAWEI, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSubpassShadingPropertiesHUAWEI(x.vks, next_types...) end function PhysicalDeviceClusterCullingShaderPropertiesHUAWEI(x::_PhysicalDeviceClusterCullingShaderPropertiesHUAWEI, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceClusterCullingShaderPropertiesHUAWEI(x.vks, next_types...) end function MemoryOpaqueCaptureAddressAllocateInfo(x::_MemoryOpaqueCaptureAddressAllocateInfo, next_types::Type...) (; deps) = x GC.@preserve deps MemoryOpaqueCaptureAddressAllocateInfo(x.vks, next_types...) end function DeviceMemoryOpaqueCaptureAddressInfo(x::_DeviceMemoryOpaqueCaptureAddressInfo, next_types::Type...) (; deps) = x GC.@preserve deps DeviceMemoryOpaqueCaptureAddressInfo(x.vks, next_types...) end function PhysicalDeviceLineRasterizationFeaturesEXT(x::_PhysicalDeviceLineRasterizationFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceLineRasterizationFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceLineRasterizationPropertiesEXT(x::_PhysicalDeviceLineRasterizationPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceLineRasterizationPropertiesEXT(x.vks, next_types...) end function PipelineRasterizationLineStateCreateInfoEXT(x::_PipelineRasterizationLineStateCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineRasterizationLineStateCreateInfoEXT(x.vks, next_types...) end function PhysicalDevicePipelineCreationCacheControlFeatures(x::_PhysicalDevicePipelineCreationCacheControlFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePipelineCreationCacheControlFeatures(x.vks, next_types...) end function PhysicalDeviceVulkan11Features(x::_PhysicalDeviceVulkan11Features, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceVulkan11Features(x.vks, next_types...) end function PhysicalDeviceVulkan11Properties(x::_PhysicalDeviceVulkan11Properties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceVulkan11Properties(x.vks, next_types...) end function PhysicalDeviceVulkan12Features(x::_PhysicalDeviceVulkan12Features, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceVulkan12Features(x.vks, next_types...) end function PhysicalDeviceVulkan12Properties(x::_PhysicalDeviceVulkan12Properties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceVulkan12Properties(x.vks, next_types...) end function PhysicalDeviceVulkan13Features(x::_PhysicalDeviceVulkan13Features, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceVulkan13Features(x.vks, next_types...) end function PhysicalDeviceVulkan13Properties(x::_PhysicalDeviceVulkan13Properties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceVulkan13Properties(x.vks, next_types...) end function PipelineCompilerControlCreateInfoAMD(x::_PipelineCompilerControlCreateInfoAMD, next_types::Type...) (; deps) = x GC.@preserve deps PipelineCompilerControlCreateInfoAMD(x.vks, next_types...) end function PhysicalDeviceCoherentMemoryFeaturesAMD(x::_PhysicalDeviceCoherentMemoryFeaturesAMD, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceCoherentMemoryFeaturesAMD(x.vks, next_types...) end function PhysicalDeviceToolProperties(x::_PhysicalDeviceToolProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceToolProperties(x.vks, next_types...) end function SamplerCustomBorderColorCreateInfoEXT(x::_SamplerCustomBorderColorCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps SamplerCustomBorderColorCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceCustomBorderColorPropertiesEXT(x::_PhysicalDeviceCustomBorderColorPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceCustomBorderColorPropertiesEXT(x.vks, next_types...) end function PhysicalDeviceCustomBorderColorFeaturesEXT(x::_PhysicalDeviceCustomBorderColorFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceCustomBorderColorFeaturesEXT(x.vks, next_types...) end function SamplerBorderColorComponentMappingCreateInfoEXT(x::_SamplerBorderColorComponentMappingCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps SamplerBorderColorComponentMappingCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceBorderColorSwizzleFeaturesEXT(x::_PhysicalDeviceBorderColorSwizzleFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceBorderColorSwizzleFeaturesEXT(x.vks, next_types...) end function AccelerationStructureGeometryTrianglesDataKHR(x::_AccelerationStructureGeometryTrianglesDataKHR, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureGeometryTrianglesDataKHR(x.vks, next_types...) end function AccelerationStructureGeometryAabbsDataKHR(x::_AccelerationStructureGeometryAabbsDataKHR, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureGeometryAabbsDataKHR(x.vks, next_types...) end function AccelerationStructureGeometryInstancesDataKHR(x::_AccelerationStructureGeometryInstancesDataKHR, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureGeometryInstancesDataKHR(x.vks, next_types...) end function AccelerationStructureGeometryKHR(x::_AccelerationStructureGeometryKHR, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureGeometryKHR(x.vks, next_types...) end function AccelerationStructureBuildGeometryInfoKHR(x::_AccelerationStructureBuildGeometryInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureBuildGeometryInfoKHR(x.vks, next_types...) end AccelerationStructureBuildRangeInfoKHR(x::_AccelerationStructureBuildRangeInfoKHR) = AccelerationStructureBuildRangeInfoKHR(x.vks) function AccelerationStructureCreateInfoKHR(x::_AccelerationStructureCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureCreateInfoKHR(x.vks, next_types...) end AabbPositionsKHR(x::_AabbPositionsKHR) = AabbPositionsKHR(x.vks) TransformMatrixKHR(x::_TransformMatrixKHR) = TransformMatrixKHR(x.vks) AccelerationStructureInstanceKHR(x::_AccelerationStructureInstanceKHR) = AccelerationStructureInstanceKHR(x.vks) function AccelerationStructureDeviceAddressInfoKHR(x::_AccelerationStructureDeviceAddressInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureDeviceAddressInfoKHR(x.vks, next_types...) end function AccelerationStructureVersionInfoKHR(x::_AccelerationStructureVersionInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureVersionInfoKHR(x.vks, next_types...) end function CopyAccelerationStructureInfoKHR(x::_CopyAccelerationStructureInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps CopyAccelerationStructureInfoKHR(x.vks, next_types...) end function CopyAccelerationStructureToMemoryInfoKHR(x::_CopyAccelerationStructureToMemoryInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps CopyAccelerationStructureToMemoryInfoKHR(x.vks, next_types...) end function CopyMemoryToAccelerationStructureInfoKHR(x::_CopyMemoryToAccelerationStructureInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps CopyMemoryToAccelerationStructureInfoKHR(x.vks, next_types...) end function RayTracingPipelineInterfaceCreateInfoKHR(x::_RayTracingPipelineInterfaceCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps RayTracingPipelineInterfaceCreateInfoKHR(x.vks, next_types...) end function PipelineLibraryCreateInfoKHR(x::_PipelineLibraryCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps PipelineLibraryCreateInfoKHR(x.vks, next_types...) end function PhysicalDeviceExtendedDynamicStateFeaturesEXT(x::_PhysicalDeviceExtendedDynamicStateFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceExtendedDynamicStateFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceExtendedDynamicState2FeaturesEXT(x::_PhysicalDeviceExtendedDynamicState2FeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceExtendedDynamicState2FeaturesEXT(x.vks, next_types...) end function PhysicalDeviceExtendedDynamicState3FeaturesEXT(x::_PhysicalDeviceExtendedDynamicState3FeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceExtendedDynamicState3FeaturesEXT(x.vks, next_types...) end function PhysicalDeviceExtendedDynamicState3PropertiesEXT(x::_PhysicalDeviceExtendedDynamicState3PropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceExtendedDynamicState3PropertiesEXT(x.vks, next_types...) end ColorBlendEquationEXT(x::_ColorBlendEquationEXT) = ColorBlendEquationEXT(x.vks) ColorBlendAdvancedEXT(x::_ColorBlendAdvancedEXT) = ColorBlendAdvancedEXT(x.vks) function RenderPassTransformBeginInfoQCOM(x::_RenderPassTransformBeginInfoQCOM, next_types::Type...) (; deps) = x GC.@preserve deps RenderPassTransformBeginInfoQCOM(x.vks, next_types...) end function CopyCommandTransformInfoQCOM(x::_CopyCommandTransformInfoQCOM, next_types::Type...) (; deps) = x GC.@preserve deps CopyCommandTransformInfoQCOM(x.vks, next_types...) end function CommandBufferInheritanceRenderPassTransformInfoQCOM(x::_CommandBufferInheritanceRenderPassTransformInfoQCOM, next_types::Type...) (; deps) = x GC.@preserve deps CommandBufferInheritanceRenderPassTransformInfoQCOM(x.vks, next_types...) end function PhysicalDeviceDiagnosticsConfigFeaturesNV(x::_PhysicalDeviceDiagnosticsConfigFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDiagnosticsConfigFeaturesNV(x.vks, next_types...) end function DeviceDiagnosticsConfigCreateInfoNV(x::_DeviceDiagnosticsConfigCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps DeviceDiagnosticsConfigCreateInfoNV(x.vks, next_types...) end function PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures(x::_PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures(x.vks, next_types...) end function PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR(x::_PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR(x.vks, next_types...) end function PhysicalDeviceRobustness2FeaturesEXT(x::_PhysicalDeviceRobustness2FeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRobustness2FeaturesEXT(x.vks, next_types...) end function PhysicalDeviceRobustness2PropertiesEXT(x::_PhysicalDeviceRobustness2PropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRobustness2PropertiesEXT(x.vks, next_types...) end function PhysicalDeviceImageRobustnessFeatures(x::_PhysicalDeviceImageRobustnessFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceImageRobustnessFeatures(x.vks, next_types...) end function PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR(x::_PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR(x.vks, next_types...) end function PhysicalDevice4444FormatsFeaturesEXT(x::_PhysicalDevice4444FormatsFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevice4444FormatsFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceSubpassShadingFeaturesHUAWEI(x::_PhysicalDeviceSubpassShadingFeaturesHUAWEI, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSubpassShadingFeaturesHUAWEI(x.vks, next_types...) end function PhysicalDeviceClusterCullingShaderFeaturesHUAWEI(x::_PhysicalDeviceClusterCullingShaderFeaturesHUAWEI, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceClusterCullingShaderFeaturesHUAWEI(x.vks, next_types...) end function BufferCopy2(x::_BufferCopy2, next_types::Type...) (; deps) = x GC.@preserve deps BufferCopy2(x.vks, next_types...) end function ImageCopy2(x::_ImageCopy2, next_types::Type...) (; deps) = x GC.@preserve deps ImageCopy2(x.vks, next_types...) end function ImageBlit2(x::_ImageBlit2, next_types::Type...) (; deps) = x GC.@preserve deps ImageBlit2(x.vks, next_types...) end function BufferImageCopy2(x::_BufferImageCopy2, next_types::Type...) (; deps) = x GC.@preserve deps BufferImageCopy2(x.vks, next_types...) end function ImageResolve2(x::_ImageResolve2, next_types::Type...) (; deps) = x GC.@preserve deps ImageResolve2(x.vks, next_types...) end function CopyBufferInfo2(x::_CopyBufferInfo2, next_types::Type...) (; deps) = x GC.@preserve deps CopyBufferInfo2(x.vks, next_types...) end function CopyImageInfo2(x::_CopyImageInfo2, next_types::Type...) (; deps) = x GC.@preserve deps CopyImageInfo2(x.vks, next_types...) end function BlitImageInfo2(x::_BlitImageInfo2, next_types::Type...) (; deps) = x GC.@preserve deps BlitImageInfo2(x.vks, next_types...) end function CopyBufferToImageInfo2(x::_CopyBufferToImageInfo2, next_types::Type...) (; deps) = x GC.@preserve deps CopyBufferToImageInfo2(x.vks, next_types...) end function CopyImageToBufferInfo2(x::_CopyImageToBufferInfo2, next_types::Type...) (; deps) = x GC.@preserve deps CopyImageToBufferInfo2(x.vks, next_types...) end function ResolveImageInfo2(x::_ResolveImageInfo2, next_types::Type...) (; deps) = x GC.@preserve deps ResolveImageInfo2(x.vks, next_types...) end function PhysicalDeviceShaderImageAtomicInt64FeaturesEXT(x::_PhysicalDeviceShaderImageAtomicInt64FeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderImageAtomicInt64FeaturesEXT(x.vks, next_types...) end function FragmentShadingRateAttachmentInfoKHR(x::_FragmentShadingRateAttachmentInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps FragmentShadingRateAttachmentInfoKHR(x.vks, next_types...) end function PipelineFragmentShadingRateStateCreateInfoKHR(x::_PipelineFragmentShadingRateStateCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps PipelineFragmentShadingRateStateCreateInfoKHR(x.vks, next_types...) end function PhysicalDeviceFragmentShadingRateFeaturesKHR(x::_PhysicalDeviceFragmentShadingRateFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentShadingRateFeaturesKHR(x.vks, next_types...) end function PhysicalDeviceFragmentShadingRatePropertiesKHR(x::_PhysicalDeviceFragmentShadingRatePropertiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentShadingRatePropertiesKHR(x.vks, next_types...) end function PhysicalDeviceFragmentShadingRateKHR(x::_PhysicalDeviceFragmentShadingRateKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentShadingRateKHR(x.vks, next_types...) end function PhysicalDeviceShaderTerminateInvocationFeatures(x::_PhysicalDeviceShaderTerminateInvocationFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderTerminateInvocationFeatures(x.vks, next_types...) end function PhysicalDeviceFragmentShadingRateEnumsFeaturesNV(x::_PhysicalDeviceFragmentShadingRateEnumsFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentShadingRateEnumsFeaturesNV(x.vks, next_types...) end function PhysicalDeviceFragmentShadingRateEnumsPropertiesNV(x::_PhysicalDeviceFragmentShadingRateEnumsPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentShadingRateEnumsPropertiesNV(x.vks, next_types...) end function PipelineFragmentShadingRateEnumStateCreateInfoNV(x::_PipelineFragmentShadingRateEnumStateCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps PipelineFragmentShadingRateEnumStateCreateInfoNV(x.vks, next_types...) end function AccelerationStructureBuildSizesInfoKHR(x::_AccelerationStructureBuildSizesInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureBuildSizesInfoKHR(x.vks, next_types...) end function PhysicalDeviceImage2DViewOf3DFeaturesEXT(x::_PhysicalDeviceImage2DViewOf3DFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceImage2DViewOf3DFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceMutableDescriptorTypeFeaturesEXT(x::_PhysicalDeviceMutableDescriptorTypeFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMutableDescriptorTypeFeaturesEXT(x.vks, next_types...) end function MutableDescriptorTypeListEXT(x::_MutableDescriptorTypeListEXT) (; deps) = x GC.@preserve deps MutableDescriptorTypeListEXT(x.vks, next_types...) end function MutableDescriptorTypeCreateInfoEXT(x::_MutableDescriptorTypeCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps MutableDescriptorTypeCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceDepthClipControlFeaturesEXT(x::_PhysicalDeviceDepthClipControlFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDepthClipControlFeaturesEXT(x.vks, next_types...) end function PipelineViewportDepthClipControlCreateInfoEXT(x::_PipelineViewportDepthClipControlCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineViewportDepthClipControlCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceVertexInputDynamicStateFeaturesEXT(x::_PhysicalDeviceVertexInputDynamicStateFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceVertexInputDynamicStateFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceExternalMemoryRDMAFeaturesNV(x::_PhysicalDeviceExternalMemoryRDMAFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceExternalMemoryRDMAFeaturesNV(x.vks, next_types...) end function VertexInputBindingDescription2EXT(x::_VertexInputBindingDescription2EXT, next_types::Type...) (; deps) = x GC.@preserve deps VertexInputBindingDescription2EXT(x.vks, next_types...) end function VertexInputAttributeDescription2EXT(x::_VertexInputAttributeDescription2EXT, next_types::Type...) (; deps) = x GC.@preserve deps VertexInputAttributeDescription2EXT(x.vks, next_types...) end function PhysicalDeviceColorWriteEnableFeaturesEXT(x::_PhysicalDeviceColorWriteEnableFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceColorWriteEnableFeaturesEXT(x.vks, next_types...) end function PipelineColorWriteCreateInfoEXT(x::_PipelineColorWriteCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineColorWriteCreateInfoEXT(x.vks, next_types...) end function MemoryBarrier2(x::_MemoryBarrier2, next_types::Type...) (; deps) = x GC.@preserve deps MemoryBarrier2(x.vks, next_types...) end function ImageMemoryBarrier2(x::_ImageMemoryBarrier2, next_types::Type...) (; deps) = x GC.@preserve deps ImageMemoryBarrier2(x.vks, next_types...) end function BufferMemoryBarrier2(x::_BufferMemoryBarrier2, next_types::Type...) (; deps) = x GC.@preserve deps BufferMemoryBarrier2(x.vks, next_types...) end function DependencyInfo(x::_DependencyInfo, next_types::Type...) (; deps) = x GC.@preserve deps DependencyInfo(x.vks, next_types...) end function SemaphoreSubmitInfo(x::_SemaphoreSubmitInfo, next_types::Type...) (; deps) = x GC.@preserve deps SemaphoreSubmitInfo(x.vks, next_types...) end function CommandBufferSubmitInfo(x::_CommandBufferSubmitInfo, next_types::Type...) (; deps) = x GC.@preserve deps CommandBufferSubmitInfo(x.vks, next_types...) end function SubmitInfo2(x::_SubmitInfo2, next_types::Type...) (; deps) = x GC.@preserve deps SubmitInfo2(x.vks, next_types...) end function QueueFamilyCheckpointProperties2NV(x::_QueueFamilyCheckpointProperties2NV, next_types::Type...) (; deps) = x GC.@preserve deps QueueFamilyCheckpointProperties2NV(x.vks, next_types...) end function CheckpointData2NV(x::_CheckpointData2NV, next_types::Type...) (; deps) = x GC.@preserve deps CheckpointData2NV(x.vks, next_types...) end function PhysicalDeviceSynchronization2Features(x::_PhysicalDeviceSynchronization2Features, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSynchronization2Features(x.vks, next_types...) end function PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT(x::_PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceLegacyDitheringFeaturesEXT(x::_PhysicalDeviceLegacyDitheringFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceLegacyDitheringFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT(x::_PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT(x.vks, next_types...) end function SubpassResolvePerformanceQueryEXT(x::_SubpassResolvePerformanceQueryEXT, next_types::Type...) (; deps) = x GC.@preserve deps SubpassResolvePerformanceQueryEXT(x.vks, next_types...) end function MultisampledRenderToSingleSampledInfoEXT(x::_MultisampledRenderToSingleSampledInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps MultisampledRenderToSingleSampledInfoEXT(x.vks, next_types...) end function PhysicalDevicePipelineProtectedAccessFeaturesEXT(x::_PhysicalDevicePipelineProtectedAccessFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePipelineProtectedAccessFeaturesEXT(x.vks, next_types...) end function QueueFamilyVideoPropertiesKHR(x::_QueueFamilyVideoPropertiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps QueueFamilyVideoPropertiesKHR(x.vks, next_types...) end function QueueFamilyQueryResultStatusPropertiesKHR(x::_QueueFamilyQueryResultStatusPropertiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps QueueFamilyQueryResultStatusPropertiesKHR(x.vks, next_types...) end function VideoProfileListInfoKHR(x::_VideoProfileListInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoProfileListInfoKHR(x.vks, next_types...) end function PhysicalDeviceVideoFormatInfoKHR(x::_PhysicalDeviceVideoFormatInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceVideoFormatInfoKHR(x.vks, next_types...) end function VideoFormatPropertiesKHR(x::_VideoFormatPropertiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoFormatPropertiesKHR(x.vks, next_types...) end function VideoProfileInfoKHR(x::_VideoProfileInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoProfileInfoKHR(x.vks, next_types...) end function VideoCapabilitiesKHR(x::_VideoCapabilitiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoCapabilitiesKHR(x.vks, next_types...) end function VideoSessionMemoryRequirementsKHR(x::_VideoSessionMemoryRequirementsKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoSessionMemoryRequirementsKHR(x.vks, next_types...) end function BindVideoSessionMemoryInfoKHR(x::_BindVideoSessionMemoryInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps BindVideoSessionMemoryInfoKHR(x.vks, next_types...) end function VideoPictureResourceInfoKHR(x::_VideoPictureResourceInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoPictureResourceInfoKHR(x.vks, next_types...) end function VideoReferenceSlotInfoKHR(x::_VideoReferenceSlotInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoReferenceSlotInfoKHR(x.vks, next_types...) end function VideoDecodeCapabilitiesKHR(x::_VideoDecodeCapabilitiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeCapabilitiesKHR(x.vks, next_types...) end function VideoDecodeUsageInfoKHR(x::_VideoDecodeUsageInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeUsageInfoKHR(x.vks, next_types...) end function VideoDecodeInfoKHR(x::_VideoDecodeInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeInfoKHR(x.vks, next_types...) end function VideoDecodeH264ProfileInfoKHR(x::_VideoDecodeH264ProfileInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeH264ProfileInfoKHR(x.vks, next_types...) end function VideoDecodeH264CapabilitiesKHR(x::_VideoDecodeH264CapabilitiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeH264CapabilitiesKHR(x.vks, next_types...) end function VideoDecodeH264SessionParametersAddInfoKHR(x::_VideoDecodeH264SessionParametersAddInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeH264SessionParametersAddInfoKHR(x.vks, next_types...) end function VideoDecodeH264SessionParametersCreateInfoKHR(x::_VideoDecodeH264SessionParametersCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeH264SessionParametersCreateInfoKHR(x.vks, next_types...) end function VideoDecodeH264PictureInfoKHR(x::_VideoDecodeH264PictureInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeH264PictureInfoKHR(x.vks, next_types...) end function VideoDecodeH264DpbSlotInfoKHR(x::_VideoDecodeH264DpbSlotInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeH264DpbSlotInfoKHR(x.vks, next_types...) end function VideoDecodeH265ProfileInfoKHR(x::_VideoDecodeH265ProfileInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeH265ProfileInfoKHR(x.vks, next_types...) end function VideoDecodeH265CapabilitiesKHR(x::_VideoDecodeH265CapabilitiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeH265CapabilitiesKHR(x.vks, next_types...) end function VideoDecodeH265SessionParametersAddInfoKHR(x::_VideoDecodeH265SessionParametersAddInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeH265SessionParametersAddInfoKHR(x.vks, next_types...) end function VideoDecodeH265SessionParametersCreateInfoKHR(x::_VideoDecodeH265SessionParametersCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeH265SessionParametersCreateInfoKHR(x.vks, next_types...) end function VideoDecodeH265PictureInfoKHR(x::_VideoDecodeH265PictureInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeH265PictureInfoKHR(x.vks, next_types...) end function VideoDecodeH265DpbSlotInfoKHR(x::_VideoDecodeH265DpbSlotInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoDecodeH265DpbSlotInfoKHR(x.vks, next_types...) end function VideoSessionCreateInfoKHR(x::_VideoSessionCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoSessionCreateInfoKHR(x.vks, next_types...) end function VideoSessionParametersCreateInfoKHR(x::_VideoSessionParametersCreateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoSessionParametersCreateInfoKHR(x.vks, next_types...) end function VideoSessionParametersUpdateInfoKHR(x::_VideoSessionParametersUpdateInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoSessionParametersUpdateInfoKHR(x.vks, next_types...) end function VideoBeginCodingInfoKHR(x::_VideoBeginCodingInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoBeginCodingInfoKHR(x.vks, next_types...) end function VideoEndCodingInfoKHR(x::_VideoEndCodingInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoEndCodingInfoKHR(x.vks, next_types...) end function VideoCodingControlInfoKHR(x::_VideoCodingControlInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps VideoCodingControlInfoKHR(x.vks, next_types...) end function PhysicalDeviceInheritedViewportScissorFeaturesNV(x::_PhysicalDeviceInheritedViewportScissorFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceInheritedViewportScissorFeaturesNV(x.vks, next_types...) end function CommandBufferInheritanceViewportScissorInfoNV(x::_CommandBufferInheritanceViewportScissorInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps CommandBufferInheritanceViewportScissorInfoNV(x.vks, next_types...) end function PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT(x::_PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceProvokingVertexFeaturesEXT(x::_PhysicalDeviceProvokingVertexFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceProvokingVertexFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceProvokingVertexPropertiesEXT(x::_PhysicalDeviceProvokingVertexPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceProvokingVertexPropertiesEXT(x.vks, next_types...) end function PipelineRasterizationProvokingVertexStateCreateInfoEXT(x::_PipelineRasterizationProvokingVertexStateCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineRasterizationProvokingVertexStateCreateInfoEXT(x.vks, next_types...) end function CuModuleCreateInfoNVX(x::_CuModuleCreateInfoNVX, next_types::Type...) (; deps) = x GC.@preserve deps CuModuleCreateInfoNVX(x.vks, next_types...) end function CuFunctionCreateInfoNVX(x::_CuFunctionCreateInfoNVX, next_types::Type...) (; deps) = x GC.@preserve deps CuFunctionCreateInfoNVX(x.vks, next_types...) end function CuLaunchInfoNVX(x::_CuLaunchInfoNVX, next_types::Type...) (; deps) = x GC.@preserve deps CuLaunchInfoNVX(x.vks, next_types...) end function PhysicalDeviceDescriptorBufferFeaturesEXT(x::_PhysicalDeviceDescriptorBufferFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDescriptorBufferFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceDescriptorBufferPropertiesEXT(x::_PhysicalDeviceDescriptorBufferPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDescriptorBufferPropertiesEXT(x.vks, next_types...) end function PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT(x::_PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT(x.vks, next_types...) end function DescriptorAddressInfoEXT(x::_DescriptorAddressInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorAddressInfoEXT(x.vks, next_types...) end function DescriptorBufferBindingInfoEXT(x::_DescriptorBufferBindingInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorBufferBindingInfoEXT(x.vks, next_types...) end function DescriptorBufferBindingPushDescriptorBufferHandleEXT(x::_DescriptorBufferBindingPushDescriptorBufferHandleEXT, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorBufferBindingPushDescriptorBufferHandleEXT(x.vks, next_types...) end function DescriptorGetInfoEXT(x::_DescriptorGetInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorGetInfoEXT(x.vks, next_types...) end function BufferCaptureDescriptorDataInfoEXT(x::_BufferCaptureDescriptorDataInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps BufferCaptureDescriptorDataInfoEXT(x.vks, next_types...) end function ImageCaptureDescriptorDataInfoEXT(x::_ImageCaptureDescriptorDataInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ImageCaptureDescriptorDataInfoEXT(x.vks, next_types...) end function ImageViewCaptureDescriptorDataInfoEXT(x::_ImageViewCaptureDescriptorDataInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ImageViewCaptureDescriptorDataInfoEXT(x.vks, next_types...) end function SamplerCaptureDescriptorDataInfoEXT(x::_SamplerCaptureDescriptorDataInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps SamplerCaptureDescriptorDataInfoEXT(x.vks, next_types...) end function AccelerationStructureCaptureDescriptorDataInfoEXT(x::_AccelerationStructureCaptureDescriptorDataInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureCaptureDescriptorDataInfoEXT(x.vks, next_types...) end function OpaqueCaptureDescriptorDataCreateInfoEXT(x::_OpaqueCaptureDescriptorDataCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps OpaqueCaptureDescriptorDataCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceShaderIntegerDotProductFeatures(x::_PhysicalDeviceShaderIntegerDotProductFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderIntegerDotProductFeatures(x.vks, next_types...) end function PhysicalDeviceShaderIntegerDotProductProperties(x::_PhysicalDeviceShaderIntegerDotProductProperties, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderIntegerDotProductProperties(x.vks, next_types...) end function PhysicalDeviceDrmPropertiesEXT(x::_PhysicalDeviceDrmPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDrmPropertiesEXT(x.vks, next_types...) end function PhysicalDeviceFragmentShaderBarycentricFeaturesKHR(x::_PhysicalDeviceFragmentShaderBarycentricFeaturesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentShaderBarycentricFeaturesKHR(x.vks, next_types...) end function PhysicalDeviceFragmentShaderBarycentricPropertiesKHR(x::_PhysicalDeviceFragmentShaderBarycentricPropertiesKHR, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFragmentShaderBarycentricPropertiesKHR(x.vks, next_types...) end function PhysicalDeviceRayTracingMotionBlurFeaturesNV(x::_PhysicalDeviceRayTracingMotionBlurFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRayTracingMotionBlurFeaturesNV(x.vks, next_types...) end function AccelerationStructureGeometryMotionTrianglesDataNV(x::_AccelerationStructureGeometryMotionTrianglesDataNV, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureGeometryMotionTrianglesDataNV(x.vks, next_types...) end function AccelerationStructureMotionInfoNV(x::_AccelerationStructureMotionInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureMotionInfoNV(x.vks, next_types...) end SRTDataNV(x::_SRTDataNV) = SRTDataNV(x.vks) AccelerationStructureSRTMotionInstanceNV(x::_AccelerationStructureSRTMotionInstanceNV) = AccelerationStructureSRTMotionInstanceNV(x.vks) AccelerationStructureMatrixMotionInstanceNV(x::_AccelerationStructureMatrixMotionInstanceNV) = AccelerationStructureMatrixMotionInstanceNV(x.vks) AccelerationStructureMotionInstanceNV(x::_AccelerationStructureMotionInstanceNV) = AccelerationStructureMotionInstanceNV(x.vks) function MemoryGetRemoteAddressInfoNV(x::_MemoryGetRemoteAddressInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps MemoryGetRemoteAddressInfoNV(x.vks, next_types...) end function PhysicalDeviceRGBA10X6FormatsFeaturesEXT(x::_PhysicalDeviceRGBA10X6FormatsFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRGBA10X6FormatsFeaturesEXT(x.vks, next_types...) end function FormatProperties3(x::_FormatProperties3, next_types::Type...) (; deps) = x GC.@preserve deps FormatProperties3(x.vks, next_types...) end function DrmFormatModifierPropertiesList2EXT(x::_DrmFormatModifierPropertiesList2EXT, next_types::Type...) (; deps) = x GC.@preserve deps DrmFormatModifierPropertiesList2EXT(x.vks, next_types...) end DrmFormatModifierProperties2EXT(x::_DrmFormatModifierProperties2EXT) = DrmFormatModifierProperties2EXT(x.vks) function PipelineRenderingCreateInfo(x::_PipelineRenderingCreateInfo, next_types::Type...) (; deps) = x GC.@preserve deps PipelineRenderingCreateInfo(x.vks, next_types...) end function RenderingInfo(x::_RenderingInfo, next_types::Type...) (; deps) = x GC.@preserve deps RenderingInfo(x.vks, next_types...) end function RenderingAttachmentInfo(x::_RenderingAttachmentInfo, next_types::Type...) (; deps) = x GC.@preserve deps RenderingAttachmentInfo(x.vks, next_types...) end function RenderingFragmentShadingRateAttachmentInfoKHR(x::_RenderingFragmentShadingRateAttachmentInfoKHR, next_types::Type...) (; deps) = x GC.@preserve deps RenderingFragmentShadingRateAttachmentInfoKHR(x.vks, next_types...) end function RenderingFragmentDensityMapAttachmentInfoEXT(x::_RenderingFragmentDensityMapAttachmentInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps RenderingFragmentDensityMapAttachmentInfoEXT(x.vks, next_types...) end function PhysicalDeviceDynamicRenderingFeatures(x::_PhysicalDeviceDynamicRenderingFeatures, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDynamicRenderingFeatures(x.vks, next_types...) end function CommandBufferInheritanceRenderingInfo(x::_CommandBufferInheritanceRenderingInfo, next_types::Type...) (; deps) = x GC.@preserve deps CommandBufferInheritanceRenderingInfo(x.vks, next_types...) end function AttachmentSampleCountInfoAMD(x::_AttachmentSampleCountInfoAMD, next_types::Type...) (; deps) = x GC.@preserve deps AttachmentSampleCountInfoAMD(x.vks, next_types...) end function MultiviewPerViewAttributesInfoNVX(x::_MultiviewPerViewAttributesInfoNVX, next_types::Type...) (; deps) = x GC.@preserve deps MultiviewPerViewAttributesInfoNVX(x.vks, next_types...) end function PhysicalDeviceImageViewMinLodFeaturesEXT(x::_PhysicalDeviceImageViewMinLodFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceImageViewMinLodFeaturesEXT(x.vks, next_types...) end function ImageViewMinLodCreateInfoEXT(x::_ImageViewMinLodCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ImageViewMinLodCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT(x::_PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceLinearColorAttachmentFeaturesNV(x::_PhysicalDeviceLinearColorAttachmentFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceLinearColorAttachmentFeaturesNV(x.vks, next_types...) end function PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT(x::_PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT(x::_PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT(x.vks, next_types...) end function GraphicsPipelineLibraryCreateInfoEXT(x::_GraphicsPipelineLibraryCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps GraphicsPipelineLibraryCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE(x::_PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE(x.vks, next_types...) end function DescriptorSetBindingReferenceVALVE(x::_DescriptorSetBindingReferenceVALVE, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorSetBindingReferenceVALVE(x.vks, next_types...) end function DescriptorSetLayoutHostMappingInfoVALVE(x::_DescriptorSetLayoutHostMappingInfoVALVE, next_types::Type...) (; deps) = x GC.@preserve deps DescriptorSetLayoutHostMappingInfoVALVE(x.vks, next_types...) end function PhysicalDeviceShaderModuleIdentifierFeaturesEXT(x::_PhysicalDeviceShaderModuleIdentifierFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderModuleIdentifierFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceShaderModuleIdentifierPropertiesEXT(x::_PhysicalDeviceShaderModuleIdentifierPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderModuleIdentifierPropertiesEXT(x.vks, next_types...) end function PipelineShaderStageModuleIdentifierCreateInfoEXT(x::_PipelineShaderStageModuleIdentifierCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineShaderStageModuleIdentifierCreateInfoEXT(x.vks, next_types...) end function ShaderModuleIdentifierEXT(x::_ShaderModuleIdentifierEXT, next_types::Type...) (; deps) = x GC.@preserve deps ShaderModuleIdentifierEXT(x.vks, next_types...) end function ImageCompressionControlEXT(x::_ImageCompressionControlEXT, next_types::Type...) (; deps) = x GC.@preserve deps ImageCompressionControlEXT(x.vks, next_types...) end function PhysicalDeviceImageCompressionControlFeaturesEXT(x::_PhysicalDeviceImageCompressionControlFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceImageCompressionControlFeaturesEXT(x.vks, next_types...) end function ImageCompressionPropertiesEXT(x::_ImageCompressionPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps ImageCompressionPropertiesEXT(x.vks, next_types...) end function PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT(x::_PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT(x.vks, next_types...) end function ImageSubresource2EXT(x::_ImageSubresource2EXT, next_types::Type...) (; deps) = x GC.@preserve deps ImageSubresource2EXT(x.vks, next_types...) end function SubresourceLayout2EXT(x::_SubresourceLayout2EXT, next_types::Type...) (; deps) = x GC.@preserve deps SubresourceLayout2EXT(x.vks, next_types...) end function RenderPassCreationControlEXT(x::_RenderPassCreationControlEXT, next_types::Type...) (; deps) = x GC.@preserve deps RenderPassCreationControlEXT(x.vks, next_types...) end RenderPassCreationFeedbackInfoEXT(x::_RenderPassCreationFeedbackInfoEXT) = RenderPassCreationFeedbackInfoEXT(x.vks) function RenderPassCreationFeedbackCreateInfoEXT(x::_RenderPassCreationFeedbackCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps RenderPassCreationFeedbackCreateInfoEXT(x.vks, next_types...) end RenderPassSubpassFeedbackInfoEXT(x::_RenderPassSubpassFeedbackInfoEXT) = RenderPassSubpassFeedbackInfoEXT(x.vks) function RenderPassSubpassFeedbackCreateInfoEXT(x::_RenderPassSubpassFeedbackCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps RenderPassSubpassFeedbackCreateInfoEXT(x.vks, next_types...) end function PhysicalDeviceSubpassMergeFeedbackFeaturesEXT(x::_PhysicalDeviceSubpassMergeFeedbackFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSubpassMergeFeedbackFeaturesEXT(x.vks, next_types...) end function MicromapBuildInfoEXT(x::_MicromapBuildInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps MicromapBuildInfoEXT(x.vks, next_types...) end function MicromapCreateInfoEXT(x::_MicromapCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps MicromapCreateInfoEXT(x.vks, next_types...) end function MicromapVersionInfoEXT(x::_MicromapVersionInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps MicromapVersionInfoEXT(x.vks, next_types...) end function CopyMicromapInfoEXT(x::_CopyMicromapInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps CopyMicromapInfoEXT(x.vks, next_types...) end function CopyMicromapToMemoryInfoEXT(x::_CopyMicromapToMemoryInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps CopyMicromapToMemoryInfoEXT(x.vks, next_types...) end function CopyMemoryToMicromapInfoEXT(x::_CopyMemoryToMicromapInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps CopyMemoryToMicromapInfoEXT(x.vks, next_types...) end function MicromapBuildSizesInfoEXT(x::_MicromapBuildSizesInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps MicromapBuildSizesInfoEXT(x.vks, next_types...) end MicromapUsageEXT(x::_MicromapUsageEXT) = MicromapUsageEXT(x.vks) MicromapTriangleEXT(x::_MicromapTriangleEXT) = MicromapTriangleEXT(x.vks) function PhysicalDeviceOpacityMicromapFeaturesEXT(x::_PhysicalDeviceOpacityMicromapFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceOpacityMicromapFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceOpacityMicromapPropertiesEXT(x::_PhysicalDeviceOpacityMicromapPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceOpacityMicromapPropertiesEXT(x.vks, next_types...) end function AccelerationStructureTrianglesOpacityMicromapEXT(x::_AccelerationStructureTrianglesOpacityMicromapEXT, next_types::Type...) (; deps) = x GC.@preserve deps AccelerationStructureTrianglesOpacityMicromapEXT(x.vks, next_types...) end function PipelinePropertiesIdentifierEXT(x::_PipelinePropertiesIdentifierEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelinePropertiesIdentifierEXT(x.vks, next_types...) end function PhysicalDevicePipelinePropertiesFeaturesEXT(x::_PhysicalDevicePipelinePropertiesFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePipelinePropertiesFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD(x::_PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD(x.vks, next_types...) end function PhysicalDeviceNonSeamlessCubeMapFeaturesEXT(x::_PhysicalDeviceNonSeamlessCubeMapFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceNonSeamlessCubeMapFeaturesEXT(x.vks, next_types...) end function PhysicalDevicePipelineRobustnessFeaturesEXT(x::_PhysicalDevicePipelineRobustnessFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePipelineRobustnessFeaturesEXT(x.vks, next_types...) end function PipelineRobustnessCreateInfoEXT(x::_PipelineRobustnessCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps PipelineRobustnessCreateInfoEXT(x.vks, next_types...) end function PhysicalDevicePipelineRobustnessPropertiesEXT(x::_PhysicalDevicePipelineRobustnessPropertiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePipelineRobustnessPropertiesEXT(x.vks, next_types...) end function ImageViewSampleWeightCreateInfoQCOM(x::_ImageViewSampleWeightCreateInfoQCOM, next_types::Type...) (; deps) = x GC.@preserve deps ImageViewSampleWeightCreateInfoQCOM(x.vks, next_types...) end function PhysicalDeviceImageProcessingFeaturesQCOM(x::_PhysicalDeviceImageProcessingFeaturesQCOM, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceImageProcessingFeaturesQCOM(x.vks, next_types...) end function PhysicalDeviceImageProcessingPropertiesQCOM(x::_PhysicalDeviceImageProcessingPropertiesQCOM, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceImageProcessingPropertiesQCOM(x.vks, next_types...) end function PhysicalDeviceTilePropertiesFeaturesQCOM(x::_PhysicalDeviceTilePropertiesFeaturesQCOM, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceTilePropertiesFeaturesQCOM(x.vks, next_types...) end function TilePropertiesQCOM(x::_TilePropertiesQCOM, next_types::Type...) (; deps) = x GC.@preserve deps TilePropertiesQCOM(x.vks, next_types...) end function PhysicalDeviceAmigoProfilingFeaturesSEC(x::_PhysicalDeviceAmigoProfilingFeaturesSEC, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceAmigoProfilingFeaturesSEC(x.vks, next_types...) end function AmigoProfilingSubmitInfoSEC(x::_AmigoProfilingSubmitInfoSEC, next_types::Type...) (; deps) = x GC.@preserve deps AmigoProfilingSubmitInfoSEC(x.vks, next_types...) end function PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT(x::_PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceDepthClampZeroOneFeaturesEXT(x::_PhysicalDeviceDepthClampZeroOneFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceDepthClampZeroOneFeaturesEXT(x.vks, next_types...) end function PhysicalDeviceAddressBindingReportFeaturesEXT(x::_PhysicalDeviceAddressBindingReportFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceAddressBindingReportFeaturesEXT(x.vks, next_types...) end function DeviceAddressBindingCallbackDataEXT(x::_DeviceAddressBindingCallbackDataEXT, next_types::Type...) (; deps) = x GC.@preserve deps DeviceAddressBindingCallbackDataEXT(x.vks, next_types...) end function PhysicalDeviceOpticalFlowFeaturesNV(x::_PhysicalDeviceOpticalFlowFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceOpticalFlowFeaturesNV(x.vks, next_types...) end function PhysicalDeviceOpticalFlowPropertiesNV(x::_PhysicalDeviceOpticalFlowPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceOpticalFlowPropertiesNV(x.vks, next_types...) end function OpticalFlowImageFormatInfoNV(x::_OpticalFlowImageFormatInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps OpticalFlowImageFormatInfoNV(x.vks, next_types...) end function OpticalFlowImageFormatPropertiesNV(x::_OpticalFlowImageFormatPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps OpticalFlowImageFormatPropertiesNV(x.vks, next_types...) end function OpticalFlowSessionCreateInfoNV(x::_OpticalFlowSessionCreateInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps OpticalFlowSessionCreateInfoNV(x.vks, next_types...) end function OpticalFlowSessionCreatePrivateDataInfoNV(x::_OpticalFlowSessionCreatePrivateDataInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps OpticalFlowSessionCreatePrivateDataInfoNV(x.vks, next_types...) end function OpticalFlowExecuteInfoNV(x::_OpticalFlowExecuteInfoNV, next_types::Type...) (; deps) = x GC.@preserve deps OpticalFlowExecuteInfoNV(x.vks, next_types...) end function PhysicalDeviceFaultFeaturesEXT(x::_PhysicalDeviceFaultFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFaultFeaturesEXT(x.vks, next_types...) end DeviceFaultAddressInfoEXT(x::_DeviceFaultAddressInfoEXT) = DeviceFaultAddressInfoEXT(x.vks) DeviceFaultVendorInfoEXT(x::_DeviceFaultVendorInfoEXT) = DeviceFaultVendorInfoEXT(x.vks) function DeviceFaultCountsEXT(x::_DeviceFaultCountsEXT, next_types::Type...) (; deps) = x GC.@preserve deps DeviceFaultCountsEXT(x.vks, next_types...) end function DeviceFaultInfoEXT(x::_DeviceFaultInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps DeviceFaultInfoEXT(x.vks, next_types...) end DeviceFaultVendorBinaryHeaderVersionOneEXT(x::_DeviceFaultVendorBinaryHeaderVersionOneEXT) = DeviceFaultVendorBinaryHeaderVersionOneEXT(x.vks) function PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT(x::_PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT(x.vks, next_types...) end DecompressMemoryRegionNV(x::_DecompressMemoryRegionNV) = DecompressMemoryRegionNV(x.vks) function PhysicalDeviceShaderCoreBuiltinsPropertiesARM(x::_PhysicalDeviceShaderCoreBuiltinsPropertiesARM, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderCoreBuiltinsPropertiesARM(x.vks, next_types...) end function PhysicalDeviceShaderCoreBuiltinsFeaturesARM(x::_PhysicalDeviceShaderCoreBuiltinsFeaturesARM, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceShaderCoreBuiltinsFeaturesARM(x.vks, next_types...) end function SurfacePresentModeEXT(x::_SurfacePresentModeEXT, next_types::Type...) (; deps) = x GC.@preserve deps SurfacePresentModeEXT(x.vks, next_types...) end function SurfacePresentScalingCapabilitiesEXT(x::_SurfacePresentScalingCapabilitiesEXT, next_types::Type...) (; deps) = x GC.@preserve deps SurfacePresentScalingCapabilitiesEXT(x.vks, next_types...) end function SurfacePresentModeCompatibilityEXT(x::_SurfacePresentModeCompatibilityEXT, next_types::Type...) (; deps) = x GC.@preserve deps SurfacePresentModeCompatibilityEXT(x.vks, next_types...) end function PhysicalDeviceSwapchainMaintenance1FeaturesEXT(x::_PhysicalDeviceSwapchainMaintenance1FeaturesEXT, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceSwapchainMaintenance1FeaturesEXT(x.vks, next_types...) end function SwapchainPresentFenceInfoEXT(x::_SwapchainPresentFenceInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps SwapchainPresentFenceInfoEXT(x.vks, next_types...) end function SwapchainPresentModesCreateInfoEXT(x::_SwapchainPresentModesCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps SwapchainPresentModesCreateInfoEXT(x.vks, next_types...) end function SwapchainPresentModeInfoEXT(x::_SwapchainPresentModeInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps SwapchainPresentModeInfoEXT(x.vks, next_types...) end function SwapchainPresentScalingCreateInfoEXT(x::_SwapchainPresentScalingCreateInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps SwapchainPresentScalingCreateInfoEXT(x.vks, next_types...) end function ReleaseSwapchainImagesInfoEXT(x::_ReleaseSwapchainImagesInfoEXT, next_types::Type...) (; deps) = x GC.@preserve deps ReleaseSwapchainImagesInfoEXT(x.vks, next_types...) end function PhysicalDeviceRayTracingInvocationReorderFeaturesNV(x::_PhysicalDeviceRayTracingInvocationReorderFeaturesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRayTracingInvocationReorderFeaturesNV(x.vks, next_types...) end function PhysicalDeviceRayTracingInvocationReorderPropertiesNV(x::_PhysicalDeviceRayTracingInvocationReorderPropertiesNV, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceRayTracingInvocationReorderPropertiesNV(x.vks, next_types...) end function DirectDriverLoadingInfoLUNARG(x::_DirectDriverLoadingInfoLUNARG, next_types::Type...) (; deps) = x GC.@preserve deps DirectDriverLoadingInfoLUNARG(x.vks, next_types...) end function DirectDriverLoadingListLUNARG(x::_DirectDriverLoadingListLUNARG, next_types::Type...) (; deps) = x GC.@preserve deps DirectDriverLoadingListLUNARG(x.vks, next_types...) end function PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM(x::_PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM(x.vks, next_types...) end BaseOutStructure(x::VkBaseOutStructure, next_types::Type...) = BaseOutStructure(load_next_chain(x.pNext, next_types...)) BaseInStructure(x::VkBaseInStructure, next_types::Type...) = BaseInStructure(load_next_chain(x.pNext, next_types...)) Offset2D(x::VkOffset2D) = Offset2D(x.x, x.y) Offset3D(x::VkOffset3D) = Offset3D(x.x, x.y, x.z) Extent2D(x::VkExtent2D) = Extent2D(x.width, x.height) Extent3D(x::VkExtent3D) = Extent3D(x.width, x.height, x.depth) Viewport(x::VkViewport) = Viewport(x.x, x.y, x.width, x.height, x.minDepth, x.maxDepth) Rect2D(x::VkRect2D) = Rect2D(Offset2D(x.offset), Extent2D(x.extent)) ClearRect(x::VkClearRect) = ClearRect(Rect2D(x.rect), x.baseArrayLayer, x.layerCount) ComponentMapping(x::VkComponentMapping) = ComponentMapping(x.r, x.g, x.b, x.a) PhysicalDeviceProperties(x::VkPhysicalDeviceProperties) = PhysicalDeviceProperties(from_vk(VersionNumber, x.apiVersion), from_vk(VersionNumber, x.driverVersion), x.vendorID, x.deviceID, x.deviceType, from_vk(String, x.deviceName), x.pipelineCacheUUID, PhysicalDeviceLimits(x.limits), PhysicalDeviceSparseProperties(x.sparseProperties)) ExtensionProperties(x::VkExtensionProperties) = ExtensionProperties(from_vk(String, x.extensionName), from_vk(VersionNumber, x.specVersion)) LayerProperties(x::VkLayerProperties) = LayerProperties(from_vk(String, x.layerName), from_vk(VersionNumber, x.specVersion), from_vk(VersionNumber, x.implementationVersion), from_vk(String, x.description)) ApplicationInfo(x::VkApplicationInfo, next_types::Type...) = ApplicationInfo(load_next_chain(x.pNext, next_types...), unsafe_string(x.pApplicationName), from_vk(VersionNumber, x.applicationVersion), unsafe_string(x.pEngineName), from_vk(VersionNumber, x.engineVersion), from_vk(VersionNumber, x.apiVersion)) AllocationCallbacks(x::VkAllocationCallbacks) = AllocationCallbacks(x.pUserData, from_vk(FunctionPtr, x.pfnAllocation), from_vk(FunctionPtr, x.pfnReallocation), from_vk(FunctionPtr, x.pfnFree), from_vk(FunctionPtr, x.pfnInternalAllocation), from_vk(FunctionPtr, x.pfnInternalFree)) DeviceQueueCreateInfo(x::VkDeviceQueueCreateInfo, next_types::Type...) = DeviceQueueCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, x.queueFamilyIndex, unsafe_wrap(Vector{Float32}, x.pQueuePriorities, x.queueCount; own = true)) DeviceCreateInfo(x::VkDeviceCreateInfo, next_types::Type...) = DeviceCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{DeviceQueueCreateInfo}, x.pQueueCreateInfos, x.queueCreateInfoCount; own = true), unsafe_wrap(Vector{String}, x.ppEnabledLayerNames, x.enabledLayerCount; own = true), unsafe_wrap(Vector{String}, x.ppEnabledExtensionNames, x.enabledExtensionCount; own = true), PhysicalDeviceFeatures(x.pEnabledFeatures)) InstanceCreateInfo(x::VkInstanceCreateInfo, next_types::Type...) = InstanceCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, ApplicationInfo(x.pApplicationInfo), unsafe_wrap(Vector{String}, x.ppEnabledLayerNames, x.enabledLayerCount; own = true), unsafe_wrap(Vector{String}, x.ppEnabledExtensionNames, x.enabledExtensionCount; own = true)) QueueFamilyProperties(x::VkQueueFamilyProperties) = QueueFamilyProperties(x.queueFlags, x.queueCount, x.timestampValidBits, Extent3D(x.minImageTransferGranularity)) PhysicalDeviceMemoryProperties(x::VkPhysicalDeviceMemoryProperties) = PhysicalDeviceMemoryProperties(x.memoryTypeCount, MemoryType.(x.memoryTypes), x.memoryHeapCount, MemoryHeap.(x.memoryHeaps)) MemoryAllocateInfo(x::VkMemoryAllocateInfo, next_types::Type...) = MemoryAllocateInfo(load_next_chain(x.pNext, next_types...), x.allocationSize, x.memoryTypeIndex) MemoryRequirements(x::VkMemoryRequirements) = MemoryRequirements(x.size, x.alignment, x.memoryTypeBits) SparseImageFormatProperties(x::VkSparseImageFormatProperties) = SparseImageFormatProperties(x.aspectMask, Extent3D(x.imageGranularity), x.flags) SparseImageMemoryRequirements(x::VkSparseImageMemoryRequirements) = SparseImageMemoryRequirements(SparseImageFormatProperties(x.formatProperties), x.imageMipTailFirstLod, x.imageMipTailSize, x.imageMipTailOffset, x.imageMipTailStride) MemoryType(x::VkMemoryType) = MemoryType(x.propertyFlags, x.heapIndex) MemoryHeap(x::VkMemoryHeap) = MemoryHeap(x.size, x.flags) MappedMemoryRange(x::VkMappedMemoryRange, next_types::Type...) = MappedMemoryRange(load_next_chain(x.pNext, next_types...), DeviceMemory(x.memory), x.offset, x.size) FormatProperties(x::VkFormatProperties) = FormatProperties(x.linearTilingFeatures, x.optimalTilingFeatures, x.bufferFeatures) ImageFormatProperties(x::VkImageFormatProperties) = ImageFormatProperties(Extent3D(x.maxExtent), x.maxMipLevels, x.maxArrayLayers, x.sampleCounts, x.maxResourceSize) DescriptorBufferInfo(x::VkDescriptorBufferInfo) = DescriptorBufferInfo(Buffer(x.buffer), x.offset, x.range) DescriptorImageInfo(x::VkDescriptorImageInfo) = DescriptorImageInfo(Sampler(x.sampler), ImageView(x.imageView), x.imageLayout) WriteDescriptorSet(x::VkWriteDescriptorSet, next_types::Type...) = WriteDescriptorSet(load_next_chain(x.pNext, next_types...), DescriptorSet(x.dstSet), x.dstBinding, x.dstArrayElement, x.descriptorType, unsafe_wrap(Vector{DescriptorImageInfo}, x.pImageInfo, x.descriptorCount; own = true), unsafe_wrap(Vector{DescriptorBufferInfo}, x.pBufferInfo, x.descriptorCount; own = true), unsafe_wrap(Vector{BufferView}, x.pTexelBufferView, x.descriptorCount; own = true)) CopyDescriptorSet(x::VkCopyDescriptorSet, next_types::Type...) = CopyDescriptorSet(load_next_chain(x.pNext, next_types...), DescriptorSet(x.srcSet), x.srcBinding, x.srcArrayElement, DescriptorSet(x.dstSet), x.dstBinding, x.dstArrayElement, x.descriptorCount) BufferCreateInfo(x::VkBufferCreateInfo, next_types::Type...) = BufferCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, x.size, x.usage, x.sharingMode, unsafe_wrap(Vector{UInt32}, x.pQueueFamilyIndices, x.queueFamilyIndexCount; own = true)) BufferViewCreateInfo(x::VkBufferViewCreateInfo, next_types::Type...) = BufferViewCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, Buffer(x.buffer), x.format, x.offset, x.range) ImageSubresource(x::VkImageSubresource) = ImageSubresource(x.aspectMask, x.mipLevel, x.arrayLayer) ImageSubresourceLayers(x::VkImageSubresourceLayers) = ImageSubresourceLayers(x.aspectMask, x.mipLevel, x.baseArrayLayer, x.layerCount) ImageSubresourceRange(x::VkImageSubresourceRange) = ImageSubresourceRange(x.aspectMask, x.baseMipLevel, x.levelCount, x.baseArrayLayer, x.layerCount) MemoryBarrier(x::VkMemoryBarrier, next_types::Type...) = MemoryBarrier(load_next_chain(x.pNext, next_types...), x.srcAccessMask, x.dstAccessMask) BufferMemoryBarrier(x::VkBufferMemoryBarrier, next_types::Type...) = BufferMemoryBarrier(load_next_chain(x.pNext, next_types...), x.srcAccessMask, x.dstAccessMask, x.srcQueueFamilyIndex, x.dstQueueFamilyIndex, Buffer(x.buffer), x.offset, x.size) ImageMemoryBarrier(x::VkImageMemoryBarrier, next_types::Type...) = ImageMemoryBarrier(load_next_chain(x.pNext, next_types...), x.srcAccessMask, x.dstAccessMask, x.oldLayout, x.newLayout, x.srcQueueFamilyIndex, x.dstQueueFamilyIndex, Image(x.image), ImageSubresourceRange(x.subresourceRange)) ImageCreateInfo(x::VkImageCreateInfo, next_types::Type...) = ImageCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, x.imageType, x.format, Extent3D(x.extent), x.mipLevels, x.arrayLayers, SampleCountFlag(UInt32(x.samples)), x.tiling, x.usage, x.sharingMode, unsafe_wrap(Vector{UInt32}, x.pQueueFamilyIndices, x.queueFamilyIndexCount; own = true), x.initialLayout) SubresourceLayout(x::VkSubresourceLayout) = SubresourceLayout(x.offset, x.size, x.rowPitch, x.arrayPitch, x.depthPitch) ImageViewCreateInfo(x::VkImageViewCreateInfo, next_types::Type...) = ImageViewCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, Image(x.image), x.viewType, x.format, ComponentMapping(x.components), ImageSubresourceRange(x.subresourceRange)) BufferCopy(x::VkBufferCopy) = BufferCopy(x.srcOffset, x.dstOffset, x.size) SparseMemoryBind(x::VkSparseMemoryBind) = SparseMemoryBind(x.resourceOffset, x.size, DeviceMemory(x.memory), x.memoryOffset, x.flags) SparseImageMemoryBind(x::VkSparseImageMemoryBind) = SparseImageMemoryBind(ImageSubresource(x.subresource), Offset3D(x.offset), Extent3D(x.extent), DeviceMemory(x.memory), x.memoryOffset, x.flags) SparseBufferMemoryBindInfo(x::VkSparseBufferMemoryBindInfo) = SparseBufferMemoryBindInfo(Buffer(x.buffer), unsafe_wrap(Vector{SparseMemoryBind}, x.pBinds, x.bindCount; own = true)) SparseImageOpaqueMemoryBindInfo(x::VkSparseImageOpaqueMemoryBindInfo) = SparseImageOpaqueMemoryBindInfo(Image(x.image), unsafe_wrap(Vector{SparseMemoryBind}, x.pBinds, x.bindCount; own = true)) SparseImageMemoryBindInfo(x::VkSparseImageMemoryBindInfo) = SparseImageMemoryBindInfo(Image(x.image), unsafe_wrap(Vector{SparseImageMemoryBind}, x.pBinds, x.bindCount; own = true)) BindSparseInfo(x::VkBindSparseInfo, next_types::Type...) = BindSparseInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{Semaphore}, x.pWaitSemaphores, x.waitSemaphoreCount; own = true), unsafe_wrap(Vector{SparseBufferMemoryBindInfo}, x.pBufferBinds, x.bufferBindCount; own = true), unsafe_wrap(Vector{SparseImageOpaqueMemoryBindInfo}, x.pImageOpaqueBinds, x.imageOpaqueBindCount; own = true), unsafe_wrap(Vector{SparseImageMemoryBindInfo}, x.pImageBinds, x.imageBindCount; own = true), unsafe_wrap(Vector{Semaphore}, x.pSignalSemaphores, x.signalSemaphoreCount; own = true)) ImageCopy(x::VkImageCopy) = ImageCopy(ImageSubresourceLayers(x.srcSubresource), Offset3D(x.srcOffset), ImageSubresourceLayers(x.dstSubresource), Offset3D(x.dstOffset), Extent3D(x.extent)) ImageBlit(x::VkImageBlit) = ImageBlit(ImageSubresourceLayers(x.srcSubresource), Offset3D.(x.srcOffsets), ImageSubresourceLayers(x.dstSubresource), Offset3D.(x.dstOffsets)) BufferImageCopy(x::VkBufferImageCopy) = BufferImageCopy(x.bufferOffset, x.bufferRowLength, x.bufferImageHeight, ImageSubresourceLayers(x.imageSubresource), Offset3D(x.imageOffset), Extent3D(x.imageExtent)) CopyMemoryIndirectCommandNV(x::VkCopyMemoryIndirectCommandNV) = CopyMemoryIndirectCommandNV(x.srcAddress, x.dstAddress, x.size) CopyMemoryToImageIndirectCommandNV(x::VkCopyMemoryToImageIndirectCommandNV) = CopyMemoryToImageIndirectCommandNV(x.srcAddress, x.bufferRowLength, x.bufferImageHeight, ImageSubresourceLayers(x.imageSubresource), Offset3D(x.imageOffset), Extent3D(x.imageExtent)) ImageResolve(x::VkImageResolve) = ImageResolve(ImageSubresourceLayers(x.srcSubresource), Offset3D(x.srcOffset), ImageSubresourceLayers(x.dstSubresource), Offset3D(x.dstOffset), Extent3D(x.extent)) ShaderModuleCreateInfo(x::VkShaderModuleCreateInfo, next_types::Type...) = ShaderModuleCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, x.codeSize, unsafe_wrap(Vector{UInt32}, x.pCode, x.codeSize ÷ 4; own = true)) DescriptorSetLayoutBinding(x::VkDescriptorSetLayoutBinding) = DescriptorSetLayoutBinding(x.binding, x.descriptorType, x.stageFlags, unsafe_wrap(Vector{Sampler}, x.pImmutableSamplers, x.descriptorCount; own = true)) DescriptorSetLayoutCreateInfo(x::VkDescriptorSetLayoutCreateInfo, next_types::Type...) = DescriptorSetLayoutCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{DescriptorSetLayoutBinding}, x.pBindings, x.bindingCount; own = true)) DescriptorPoolSize(x::VkDescriptorPoolSize) = DescriptorPoolSize(x.type, x.descriptorCount) DescriptorPoolCreateInfo(x::VkDescriptorPoolCreateInfo, next_types::Type...) = DescriptorPoolCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, x.maxSets, unsafe_wrap(Vector{DescriptorPoolSize}, x.pPoolSizes, x.poolSizeCount; own = true)) DescriptorSetAllocateInfo(x::VkDescriptorSetAllocateInfo, next_types::Type...) = DescriptorSetAllocateInfo(load_next_chain(x.pNext, next_types...), DescriptorPool(x.descriptorPool), unsafe_wrap(Vector{DescriptorSetLayout}, x.pSetLayouts, x.descriptorSetCount; own = true)) SpecializationMapEntry(x::VkSpecializationMapEntry) = SpecializationMapEntry(x.constantID, x.offset, x.size) SpecializationInfo(x::VkSpecializationInfo) = SpecializationInfo(unsafe_wrap(Vector{SpecializationMapEntry}, x.pMapEntries, x.mapEntryCount; own = true), x.dataSize, x.pData) PipelineShaderStageCreateInfo(x::VkPipelineShaderStageCreateInfo, next_types::Type...) = PipelineShaderStageCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, ShaderStageFlag(UInt32(x.stage)), ShaderModule(x._module), unsafe_string(x.pName), SpecializationInfo(x.pSpecializationInfo)) ComputePipelineCreateInfo(x::VkComputePipelineCreateInfo, next_types::Type...) = ComputePipelineCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, PipelineShaderStageCreateInfo(x.stage), PipelineLayout(x.layout), Pipeline(x.basePipelineHandle), x.basePipelineIndex) VertexInputBindingDescription(x::VkVertexInputBindingDescription) = VertexInputBindingDescription(x.binding, x.stride, x.inputRate) VertexInputAttributeDescription(x::VkVertexInputAttributeDescription) = VertexInputAttributeDescription(x.location, x.binding, x.format, x.offset) PipelineVertexInputStateCreateInfo(x::VkPipelineVertexInputStateCreateInfo, next_types::Type...) = PipelineVertexInputStateCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{VertexInputBindingDescription}, x.pVertexBindingDescriptions, x.vertexBindingDescriptionCount; own = true), unsafe_wrap(Vector{VertexInputAttributeDescription}, x.pVertexAttributeDescriptions, x.vertexAttributeDescriptionCount; own = true)) PipelineInputAssemblyStateCreateInfo(x::VkPipelineInputAssemblyStateCreateInfo, next_types::Type...) = PipelineInputAssemblyStateCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, x.topology, from_vk(Bool, x.primitiveRestartEnable)) PipelineTessellationStateCreateInfo(x::VkPipelineTessellationStateCreateInfo, next_types::Type...) = PipelineTessellationStateCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, x.patchControlPoints) PipelineViewportStateCreateInfo(x::VkPipelineViewportStateCreateInfo, next_types::Type...) = PipelineViewportStateCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{Viewport}, x.pViewports, x.viewportCount; own = true), unsafe_wrap(Vector{Rect2D}, x.pScissors, x.scissorCount; own = true)) PipelineRasterizationStateCreateInfo(x::VkPipelineRasterizationStateCreateInfo, next_types::Type...) = PipelineRasterizationStateCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, from_vk(Bool, x.depthClampEnable), from_vk(Bool, x.rasterizerDiscardEnable), x.polygonMode, x.cullMode, x.frontFace, from_vk(Bool, x.depthBiasEnable), x.depthBiasConstantFactor, x.depthBiasClamp, x.depthBiasSlopeFactor, x.lineWidth) PipelineMultisampleStateCreateInfo(x::VkPipelineMultisampleStateCreateInfo, next_types::Type...) = PipelineMultisampleStateCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, SampleCountFlag(UInt32(x.rasterizationSamples)), from_vk(Bool, x.sampleShadingEnable), x.minSampleShading, unsafe_wrap(Vector{UInt32}, x.pSampleMask, (x.rasterizationSamples + 31) ÷ 32; own = true), from_vk(Bool, x.alphaToCoverageEnable), from_vk(Bool, x.alphaToOneEnable)) PipelineColorBlendAttachmentState(x::VkPipelineColorBlendAttachmentState) = PipelineColorBlendAttachmentState(from_vk(Bool, x.blendEnable), x.srcColorBlendFactor, x.dstColorBlendFactor, x.colorBlendOp, x.srcAlphaBlendFactor, x.dstAlphaBlendFactor, x.alphaBlendOp, x.colorWriteMask) PipelineColorBlendStateCreateInfo(x::VkPipelineColorBlendStateCreateInfo, next_types::Type...) = PipelineColorBlendStateCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, from_vk(Bool, x.logicOpEnable), x.logicOp, unsafe_wrap(Vector{PipelineColorBlendAttachmentState}, x.pAttachments, x.attachmentCount; own = true), x.blendConstants) PipelineDynamicStateCreateInfo(x::VkPipelineDynamicStateCreateInfo, next_types::Type...) = PipelineDynamicStateCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{DynamicState}, x.pDynamicStates, x.dynamicStateCount; own = true)) StencilOpState(x::VkStencilOpState) = StencilOpState(x.failOp, x.passOp, x.depthFailOp, x.compareOp, x.compareMask, x.writeMask, x.reference) PipelineDepthStencilStateCreateInfo(x::VkPipelineDepthStencilStateCreateInfo, next_types::Type...) = PipelineDepthStencilStateCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, from_vk(Bool, x.depthTestEnable), from_vk(Bool, x.depthWriteEnable), x.depthCompareOp, from_vk(Bool, x.depthBoundsTestEnable), from_vk(Bool, x.stencilTestEnable), StencilOpState(x.front), StencilOpState(x.back), x.minDepthBounds, x.maxDepthBounds) GraphicsPipelineCreateInfo(x::VkGraphicsPipelineCreateInfo, next_types::Type...) = GraphicsPipelineCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{PipelineShaderStageCreateInfo}, x.pStages, x.stageCount; own = true), PipelineVertexInputStateCreateInfo(x.pVertexInputState), PipelineInputAssemblyStateCreateInfo(x.pInputAssemblyState), PipelineTessellationStateCreateInfo(x.pTessellationState), PipelineViewportStateCreateInfo(x.pViewportState), PipelineRasterizationStateCreateInfo(x.pRasterizationState), PipelineMultisampleStateCreateInfo(x.pMultisampleState), PipelineDepthStencilStateCreateInfo(x.pDepthStencilState), PipelineColorBlendStateCreateInfo(x.pColorBlendState), PipelineDynamicStateCreateInfo(x.pDynamicState), PipelineLayout(x.layout), RenderPass(x.renderPass), x.subpass, Pipeline(x.basePipelineHandle), x.basePipelineIndex) PipelineCacheCreateInfo(x::VkPipelineCacheCreateInfo, next_types::Type...) = PipelineCacheCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, x.initialDataSize, x.pInitialData) PipelineCacheHeaderVersionOne(x::VkPipelineCacheHeaderVersionOne) = PipelineCacheHeaderVersionOne(x.headerSize, x.headerVersion, x.vendorID, x.deviceID, x.pipelineCacheUUID) PushConstantRange(x::VkPushConstantRange) = PushConstantRange(x.stageFlags, x.offset, x.size) PipelineLayoutCreateInfo(x::VkPipelineLayoutCreateInfo, next_types::Type...) = PipelineLayoutCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{DescriptorSetLayout}, x.pSetLayouts, x.setLayoutCount; own = true), unsafe_wrap(Vector{PushConstantRange}, x.pPushConstantRanges, x.pushConstantRangeCount; own = true)) SamplerCreateInfo(x::VkSamplerCreateInfo, next_types::Type...) = SamplerCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, x.magFilter, x.minFilter, x.mipmapMode, x.addressModeU, x.addressModeV, x.addressModeW, x.mipLodBias, from_vk(Bool, x.anisotropyEnable), x.maxAnisotropy, from_vk(Bool, x.compareEnable), x.compareOp, x.minLod, x.maxLod, x.borderColor, from_vk(Bool, x.unnormalizedCoordinates)) CommandPoolCreateInfo(x::VkCommandPoolCreateInfo, next_types::Type...) = CommandPoolCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, x.queueFamilyIndex) CommandBufferAllocateInfo(x::VkCommandBufferAllocateInfo, next_types::Type...) = CommandBufferAllocateInfo(load_next_chain(x.pNext, next_types...), CommandPool(x.commandPool), x.level, x.commandBufferCount) CommandBufferInheritanceInfo(x::VkCommandBufferInheritanceInfo, next_types::Type...) = CommandBufferInheritanceInfo(load_next_chain(x.pNext, next_types...), RenderPass(x.renderPass), x.subpass, Framebuffer(x.framebuffer), from_vk(Bool, x.occlusionQueryEnable), x.queryFlags, x.pipelineStatistics) CommandBufferBeginInfo(x::VkCommandBufferBeginInfo, next_types::Type...) = CommandBufferBeginInfo(load_next_chain(x.pNext, next_types...), x.flags, CommandBufferInheritanceInfo(x.pInheritanceInfo)) RenderPassBeginInfo(x::VkRenderPassBeginInfo, next_types::Type...) = RenderPassBeginInfo(load_next_chain(x.pNext, next_types...), RenderPass(x.renderPass), Framebuffer(x.framebuffer), Rect2D(x.renderArea), unsafe_wrap(Vector{ClearValue}, x.pClearValues, x.clearValueCount; own = true)) ClearDepthStencilValue(x::VkClearDepthStencilValue) = ClearDepthStencilValue(x.depth, x.stencil) ClearAttachment(x::VkClearAttachment) = ClearAttachment(x.aspectMask, x.colorAttachment, ClearValue(x.clearValue)) AttachmentDescription(x::VkAttachmentDescription) = AttachmentDescription(x.flags, x.format, SampleCountFlag(UInt32(x.samples)), x.loadOp, x.storeOp, x.stencilLoadOp, x.stencilStoreOp, x.initialLayout, x.finalLayout) AttachmentReference(x::VkAttachmentReference) = AttachmentReference(x.attachment, x.layout) SubpassDescription(x::VkSubpassDescription) = SubpassDescription(x.flags, x.pipelineBindPoint, unsafe_wrap(Vector{AttachmentReference}, x.pInputAttachments, x.inputAttachmentCount; own = true), unsafe_wrap(Vector{AttachmentReference}, x.pColorAttachments, x.colorAttachmentCount; own = true), unsafe_wrap(Vector{AttachmentReference}, x.pResolveAttachments, x.colorAttachmentCount; own = true), AttachmentReference(x.pDepthStencilAttachment), unsafe_wrap(Vector{UInt32}, x.pPreserveAttachments, x.preserveAttachmentCount; own = true)) SubpassDependency(x::VkSubpassDependency) = SubpassDependency(x.srcSubpass, x.dstSubpass, x.srcStageMask, x.dstStageMask, x.srcAccessMask, x.dstAccessMask, x.dependencyFlags) RenderPassCreateInfo(x::VkRenderPassCreateInfo, next_types::Type...) = RenderPassCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{AttachmentDescription}, x.pAttachments, x.attachmentCount; own = true), unsafe_wrap(Vector{SubpassDescription}, x.pSubpasses, x.subpassCount; own = true), unsafe_wrap(Vector{SubpassDependency}, x.pDependencies, x.dependencyCount; own = true)) EventCreateInfo(x::VkEventCreateInfo, next_types::Type...) = EventCreateInfo(load_next_chain(x.pNext, next_types...), x.flags) FenceCreateInfo(x::VkFenceCreateInfo, next_types::Type...) = FenceCreateInfo(load_next_chain(x.pNext, next_types...), x.flags) PhysicalDeviceFeatures(x::VkPhysicalDeviceFeatures) = PhysicalDeviceFeatures(from_vk(Bool, x.robustBufferAccess), from_vk(Bool, x.fullDrawIndexUint32), from_vk(Bool, x.imageCubeArray), from_vk(Bool, x.independentBlend), from_vk(Bool, x.geometryShader), from_vk(Bool, x.tessellationShader), from_vk(Bool, x.sampleRateShading), from_vk(Bool, x.dualSrcBlend), from_vk(Bool, x.logicOp), from_vk(Bool, x.multiDrawIndirect), from_vk(Bool, x.drawIndirectFirstInstance), from_vk(Bool, x.depthClamp), from_vk(Bool, x.depthBiasClamp), from_vk(Bool, x.fillModeNonSolid), from_vk(Bool, x.depthBounds), from_vk(Bool, x.wideLines), from_vk(Bool, x.largePoints), from_vk(Bool, x.alphaToOne), from_vk(Bool, x.multiViewport), from_vk(Bool, x.samplerAnisotropy), from_vk(Bool, x.textureCompressionETC2), from_vk(Bool, x.textureCompressionASTC_LDR), from_vk(Bool, x.textureCompressionBC), from_vk(Bool, x.occlusionQueryPrecise), from_vk(Bool, x.pipelineStatisticsQuery), from_vk(Bool, x.vertexPipelineStoresAndAtomics), from_vk(Bool, x.fragmentStoresAndAtomics), from_vk(Bool, x.shaderTessellationAndGeometryPointSize), from_vk(Bool, x.shaderImageGatherExtended), from_vk(Bool, x.shaderStorageImageExtendedFormats), from_vk(Bool, x.shaderStorageImageMultisample), from_vk(Bool, x.shaderStorageImageReadWithoutFormat), from_vk(Bool, x.shaderStorageImageWriteWithoutFormat), from_vk(Bool, x.shaderUniformBufferArrayDynamicIndexing), from_vk(Bool, x.shaderSampledImageArrayDynamicIndexing), from_vk(Bool, x.shaderStorageBufferArrayDynamicIndexing), from_vk(Bool, x.shaderStorageImageArrayDynamicIndexing), from_vk(Bool, x.shaderClipDistance), from_vk(Bool, x.shaderCullDistance), from_vk(Bool, x.shaderFloat64), from_vk(Bool, x.shaderInt64), from_vk(Bool, x.shaderInt16), from_vk(Bool, x.shaderResourceResidency), from_vk(Bool, x.shaderResourceMinLod), from_vk(Bool, x.sparseBinding), from_vk(Bool, x.sparseResidencyBuffer), from_vk(Bool, x.sparseResidencyImage2D), from_vk(Bool, x.sparseResidencyImage3D), from_vk(Bool, x.sparseResidency2Samples), from_vk(Bool, x.sparseResidency4Samples), from_vk(Bool, x.sparseResidency8Samples), from_vk(Bool, x.sparseResidency16Samples), from_vk(Bool, x.sparseResidencyAliased), from_vk(Bool, x.variableMultisampleRate), from_vk(Bool, x.inheritedQueries)) PhysicalDeviceSparseProperties(x::VkPhysicalDeviceSparseProperties) = PhysicalDeviceSparseProperties(from_vk(Bool, x.residencyStandard2DBlockShape), from_vk(Bool, x.residencyStandard2DMultisampleBlockShape), from_vk(Bool, x.residencyStandard3DBlockShape), from_vk(Bool, x.residencyAlignedMipSize), from_vk(Bool, x.residencyNonResidentStrict)) PhysicalDeviceLimits(x::VkPhysicalDeviceLimits) = PhysicalDeviceLimits(x.maxImageDimension1D, x.maxImageDimension2D, x.maxImageDimension3D, x.maxImageDimensionCube, x.maxImageArrayLayers, x.maxTexelBufferElements, x.maxUniformBufferRange, x.maxStorageBufferRange, x.maxPushConstantsSize, x.maxMemoryAllocationCount, x.maxSamplerAllocationCount, x.bufferImageGranularity, x.sparseAddressSpaceSize, x.maxBoundDescriptorSets, x.maxPerStageDescriptorSamplers, x.maxPerStageDescriptorUniformBuffers, x.maxPerStageDescriptorStorageBuffers, x.maxPerStageDescriptorSampledImages, x.maxPerStageDescriptorStorageImages, x.maxPerStageDescriptorInputAttachments, x.maxPerStageResources, x.maxDescriptorSetSamplers, x.maxDescriptorSetUniformBuffers, x.maxDescriptorSetUniformBuffersDynamic, x.maxDescriptorSetStorageBuffers, x.maxDescriptorSetStorageBuffersDynamic, x.maxDescriptorSetSampledImages, x.maxDescriptorSetStorageImages, x.maxDescriptorSetInputAttachments, x.maxVertexInputAttributes, x.maxVertexInputBindings, x.maxVertexInputAttributeOffset, x.maxVertexInputBindingStride, x.maxVertexOutputComponents, x.maxTessellationGenerationLevel, x.maxTessellationPatchSize, x.maxTessellationControlPerVertexInputComponents, x.maxTessellationControlPerVertexOutputComponents, x.maxTessellationControlPerPatchOutputComponents, x.maxTessellationControlTotalOutputComponents, x.maxTessellationEvaluationInputComponents, x.maxTessellationEvaluationOutputComponents, x.maxGeometryShaderInvocations, x.maxGeometryInputComponents, x.maxGeometryOutputComponents, x.maxGeometryOutputVertices, x.maxGeometryTotalOutputComponents, x.maxFragmentInputComponents, x.maxFragmentOutputAttachments, x.maxFragmentDualSrcAttachments, x.maxFragmentCombinedOutputResources, x.maxComputeSharedMemorySize, x.maxComputeWorkGroupCount, x.maxComputeWorkGroupInvocations, x.maxComputeWorkGroupSize, x.subPixelPrecisionBits, x.subTexelPrecisionBits, x.mipmapPrecisionBits, x.maxDrawIndexedIndexValue, x.maxDrawIndirectCount, x.maxSamplerLodBias, x.maxSamplerAnisotropy, x.maxViewports, x.maxViewportDimensions, x.viewportBoundsRange, x.viewportSubPixelBits, x.minMemoryMapAlignment, x.minTexelBufferOffsetAlignment, x.minUniformBufferOffsetAlignment, x.minStorageBufferOffsetAlignment, x.minTexelOffset, x.maxTexelOffset, x.minTexelGatherOffset, x.maxTexelGatherOffset, x.minInterpolationOffset, x.maxInterpolationOffset, x.subPixelInterpolationOffsetBits, x.maxFramebufferWidth, x.maxFramebufferHeight, x.maxFramebufferLayers, x.framebufferColorSampleCounts, x.framebufferDepthSampleCounts, x.framebufferStencilSampleCounts, x.framebufferNoAttachmentsSampleCounts, x.maxColorAttachments, x.sampledImageColorSampleCounts, x.sampledImageIntegerSampleCounts, x.sampledImageDepthSampleCounts, x.sampledImageStencilSampleCounts, x.storageImageSampleCounts, x.maxSampleMaskWords, from_vk(Bool, x.timestampComputeAndGraphics), x.timestampPeriod, x.maxClipDistances, x.maxCullDistances, x.maxCombinedClipAndCullDistances, x.discreteQueuePriorities, x.pointSizeRange, x.lineWidthRange, x.pointSizeGranularity, x.lineWidthGranularity, from_vk(Bool, x.strictLines), from_vk(Bool, x.standardSampleLocations), x.optimalBufferCopyOffsetAlignment, x.optimalBufferCopyRowPitchAlignment, x.nonCoherentAtomSize) SemaphoreCreateInfo(x::VkSemaphoreCreateInfo, next_types::Type...) = SemaphoreCreateInfo(load_next_chain(x.pNext, next_types...), x.flags) QueryPoolCreateInfo(x::VkQueryPoolCreateInfo, next_types::Type...) = QueryPoolCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, x.queryType, x.queryCount, x.pipelineStatistics) FramebufferCreateInfo(x::VkFramebufferCreateInfo, next_types::Type...) = FramebufferCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, RenderPass(x.renderPass), unsafe_wrap(Vector{ImageView}, x.pAttachments, x.attachmentCount; own = true), x.width, x.height, x.layers) DrawIndirectCommand(x::VkDrawIndirectCommand) = DrawIndirectCommand(x.vertexCount, x.instanceCount, x.firstVertex, x.firstInstance) DrawIndexedIndirectCommand(x::VkDrawIndexedIndirectCommand) = DrawIndexedIndirectCommand(x.indexCount, x.instanceCount, x.firstIndex, x.vertexOffset, x.firstInstance) DispatchIndirectCommand(x::VkDispatchIndirectCommand) = DispatchIndirectCommand(x.x, x.y, x.z) MultiDrawInfoEXT(x::VkMultiDrawInfoEXT) = MultiDrawInfoEXT(x.firstVertex, x.vertexCount) MultiDrawIndexedInfoEXT(x::VkMultiDrawIndexedInfoEXT) = MultiDrawIndexedInfoEXT(x.firstIndex, x.indexCount, x.vertexOffset) SubmitInfo(x::VkSubmitInfo, next_types::Type...) = SubmitInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{Semaphore}, x.pWaitSemaphores, x.waitSemaphoreCount; own = true), unsafe_wrap(Vector{PipelineStageFlag}, x.pWaitDstStageMask, x.waitSemaphoreCount; own = true), unsafe_wrap(Vector{CommandBuffer}, x.pCommandBuffers, x.commandBufferCount; own = true), unsafe_wrap(Vector{Semaphore}, x.pSignalSemaphores, x.signalSemaphoreCount; own = true)) DisplayPropertiesKHR(x::VkDisplayPropertiesKHR) = DisplayPropertiesKHR(DisplayKHR(x.display), unsafe_string(x.displayName), Extent2D(x.physicalDimensions), Extent2D(x.physicalResolution), x.supportedTransforms, from_vk(Bool, x.planeReorderPossible), from_vk(Bool, x.persistentContent)) DisplayPlanePropertiesKHR(x::VkDisplayPlanePropertiesKHR) = DisplayPlanePropertiesKHR(DisplayKHR(x.currentDisplay), x.currentStackIndex) DisplayModeParametersKHR(x::VkDisplayModeParametersKHR) = DisplayModeParametersKHR(Extent2D(x.visibleRegion), x.refreshRate) DisplayModePropertiesKHR(x::VkDisplayModePropertiesKHR) = DisplayModePropertiesKHR(DisplayModeKHR(x.displayMode), DisplayModeParametersKHR(x.parameters)) DisplayModeCreateInfoKHR(x::VkDisplayModeCreateInfoKHR, next_types::Type...) = DisplayModeCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.flags, DisplayModeParametersKHR(x.parameters)) DisplayPlaneCapabilitiesKHR(x::VkDisplayPlaneCapabilitiesKHR) = DisplayPlaneCapabilitiesKHR(x.supportedAlpha, Offset2D(x.minSrcPosition), Offset2D(x.maxSrcPosition), Extent2D(x.minSrcExtent), Extent2D(x.maxSrcExtent), Offset2D(x.minDstPosition), Offset2D(x.maxDstPosition), Extent2D(x.minDstExtent), Extent2D(x.maxDstExtent)) DisplaySurfaceCreateInfoKHR(x::VkDisplaySurfaceCreateInfoKHR, next_types::Type...) = DisplaySurfaceCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.flags, DisplayModeKHR(x.displayMode), x.planeIndex, x.planeStackIndex, SurfaceTransformFlagKHR(UInt32(x.transform)), x.globalAlpha, DisplayPlaneAlphaFlagKHR(UInt32(x.alphaMode)), Extent2D(x.imageExtent)) DisplayPresentInfoKHR(x::VkDisplayPresentInfoKHR, next_types::Type...) = DisplayPresentInfoKHR(load_next_chain(x.pNext, next_types...), Rect2D(x.srcRect), Rect2D(x.dstRect), from_vk(Bool, x.persistent)) SurfaceCapabilitiesKHR(x::VkSurfaceCapabilitiesKHR) = SurfaceCapabilitiesKHR(x.minImageCount, x.maxImageCount, Extent2D(x.currentExtent), Extent2D(x.minImageExtent), Extent2D(x.maxImageExtent), x.maxImageArrayLayers, x.supportedTransforms, SurfaceTransformFlagKHR(UInt32(x.currentTransform)), x.supportedCompositeAlpha, x.supportedUsageFlags) Win32SurfaceCreateInfoKHR(x::VkWin32SurfaceCreateInfoKHR, next_types::Type...) = Win32SurfaceCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.flags, x.hinstance, x.hwnd) SurfaceFormatKHR(x::VkSurfaceFormatKHR) = SurfaceFormatKHR(x.format, x.colorSpace) SwapchainCreateInfoKHR(x::VkSwapchainCreateInfoKHR, next_types::Type...) = SwapchainCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.flags, SurfaceKHR(x.surface), x.minImageCount, x.imageFormat, x.imageColorSpace, Extent2D(x.imageExtent), x.imageArrayLayers, x.imageUsage, x.imageSharingMode, unsafe_wrap(Vector{UInt32}, x.pQueueFamilyIndices, x.queueFamilyIndexCount; own = true), SurfaceTransformFlagKHR(UInt32(x.preTransform)), CompositeAlphaFlagKHR(UInt32(x.compositeAlpha)), x.presentMode, from_vk(Bool, x.clipped), SwapchainKHR(x.oldSwapchain)) PresentInfoKHR(x::VkPresentInfoKHR, next_types::Type...) = PresentInfoKHR(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{Semaphore}, x.pWaitSemaphores, x.waitSemaphoreCount; own = true), unsafe_wrap(Vector{SwapchainKHR}, x.pSwapchains, x.swapchainCount; own = true), unsafe_wrap(Vector{UInt32}, x.pImageIndices, x.swapchainCount; own = true), unsafe_wrap(Vector{Result}, x.pResults, x.swapchainCount; own = true)) DebugReportCallbackCreateInfoEXT(x::VkDebugReportCallbackCreateInfoEXT, next_types::Type...) = DebugReportCallbackCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.flags, from_vk(FunctionPtr, x.pfnCallback), x.pUserData) ValidationFlagsEXT(x::VkValidationFlagsEXT, next_types::Type...) = ValidationFlagsEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{ValidationCheckEXT}, x.pDisabledValidationChecks, x.disabledValidationCheckCount; own = true)) ValidationFeaturesEXT(x::VkValidationFeaturesEXT, next_types::Type...) = ValidationFeaturesEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{ValidationFeatureEnableEXT}, x.pEnabledValidationFeatures, x.enabledValidationFeatureCount; own = true), unsafe_wrap(Vector{ValidationFeatureDisableEXT}, x.pDisabledValidationFeatures, x.disabledValidationFeatureCount; own = true)) PipelineRasterizationStateRasterizationOrderAMD(x::VkPipelineRasterizationStateRasterizationOrderAMD, next_types::Type...) = PipelineRasterizationStateRasterizationOrderAMD(load_next_chain(x.pNext, next_types...), x.rasterizationOrder) DebugMarkerObjectNameInfoEXT(x::VkDebugMarkerObjectNameInfoEXT, next_types::Type...) = DebugMarkerObjectNameInfoEXT(load_next_chain(x.pNext, next_types...), x.objectType, x.object, unsafe_string(x.pObjectName)) DebugMarkerObjectTagInfoEXT(x::VkDebugMarkerObjectTagInfoEXT, next_types::Type...) = DebugMarkerObjectTagInfoEXT(load_next_chain(x.pNext, next_types...), x.objectType, x.object, x.tagName, x.tagSize, x.pTag) DebugMarkerMarkerInfoEXT(x::VkDebugMarkerMarkerInfoEXT, next_types::Type...) = DebugMarkerMarkerInfoEXT(load_next_chain(x.pNext, next_types...), unsafe_string(x.pMarkerName), x.color) DedicatedAllocationImageCreateInfoNV(x::VkDedicatedAllocationImageCreateInfoNV, next_types::Type...) = DedicatedAllocationImageCreateInfoNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.dedicatedAllocation)) DedicatedAllocationBufferCreateInfoNV(x::VkDedicatedAllocationBufferCreateInfoNV, next_types::Type...) = DedicatedAllocationBufferCreateInfoNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.dedicatedAllocation)) DedicatedAllocationMemoryAllocateInfoNV(x::VkDedicatedAllocationMemoryAllocateInfoNV, next_types::Type...) = DedicatedAllocationMemoryAllocateInfoNV(load_next_chain(x.pNext, next_types...), Image(x.image), Buffer(x.buffer)) ExternalImageFormatPropertiesNV(x::VkExternalImageFormatPropertiesNV) = ExternalImageFormatPropertiesNV(ImageFormatProperties(x.imageFormatProperties), x.externalMemoryFeatures, x.exportFromImportedHandleTypes, x.compatibleHandleTypes) ExternalMemoryImageCreateInfoNV(x::VkExternalMemoryImageCreateInfoNV, next_types::Type...) = ExternalMemoryImageCreateInfoNV(load_next_chain(x.pNext, next_types...), x.handleTypes) ExportMemoryAllocateInfoNV(x::VkExportMemoryAllocateInfoNV, next_types::Type...) = ExportMemoryAllocateInfoNV(load_next_chain(x.pNext, next_types...), x.handleTypes) ImportMemoryWin32HandleInfoNV(x::VkImportMemoryWin32HandleInfoNV, next_types::Type...) = ImportMemoryWin32HandleInfoNV(load_next_chain(x.pNext, next_types...), x.handleType, x.handle) ExportMemoryWin32HandleInfoNV(x::VkExportMemoryWin32HandleInfoNV, next_types::Type...) = ExportMemoryWin32HandleInfoNV(load_next_chain(x.pNext, next_types...), from_vk(vk.SECURITY_ATTRIBUTES, x.pAttributes), x.dwAccess) Win32KeyedMutexAcquireReleaseInfoNV(x::VkWin32KeyedMutexAcquireReleaseInfoNV, next_types::Type...) = Win32KeyedMutexAcquireReleaseInfoNV(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{DeviceMemory}, x.pAcquireSyncs, x.acquireCount; own = true), unsafe_wrap(Vector{UInt64}, x.pAcquireKeys, x.acquireCount; own = true), unsafe_wrap(Vector{UInt32}, x.pAcquireTimeoutMilliseconds, x.acquireCount; own = true), unsafe_wrap(Vector{DeviceMemory}, x.pReleaseSyncs, x.releaseCount; own = true), unsafe_wrap(Vector{UInt64}, x.pReleaseKeys, x.releaseCount; own = true)) PhysicalDeviceDeviceGeneratedCommandsFeaturesNV(x::VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV, next_types::Type...) = PhysicalDeviceDeviceGeneratedCommandsFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.deviceGeneratedCommands)) DevicePrivateDataCreateInfo(x::VkDevicePrivateDataCreateInfo, next_types::Type...) = DevicePrivateDataCreateInfo(load_next_chain(x.pNext, next_types...), x.privateDataSlotRequestCount) PrivateDataSlotCreateInfo(x::VkPrivateDataSlotCreateInfo, next_types::Type...) = PrivateDataSlotCreateInfo(load_next_chain(x.pNext, next_types...), x.flags) PhysicalDevicePrivateDataFeatures(x::VkPhysicalDevicePrivateDataFeatures, next_types::Type...) = PhysicalDevicePrivateDataFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.privateData)) PhysicalDeviceDeviceGeneratedCommandsPropertiesNV(x::VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV, next_types::Type...) = PhysicalDeviceDeviceGeneratedCommandsPropertiesNV(load_next_chain(x.pNext, next_types...), x.maxGraphicsShaderGroupCount, x.maxIndirectSequenceCount, x.maxIndirectCommandsTokenCount, x.maxIndirectCommandsStreamCount, x.maxIndirectCommandsTokenOffset, x.maxIndirectCommandsStreamStride, x.minSequencesCountBufferOffsetAlignment, x.minSequencesIndexBufferOffsetAlignment, x.minIndirectCommandsBufferOffsetAlignment) PhysicalDeviceMultiDrawPropertiesEXT(x::VkPhysicalDeviceMultiDrawPropertiesEXT, next_types::Type...) = PhysicalDeviceMultiDrawPropertiesEXT(load_next_chain(x.pNext, next_types...), x.maxMultiDrawCount) GraphicsShaderGroupCreateInfoNV(x::VkGraphicsShaderGroupCreateInfoNV, next_types::Type...) = GraphicsShaderGroupCreateInfoNV(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{PipelineShaderStageCreateInfo}, x.pStages, x.stageCount; own = true), PipelineVertexInputStateCreateInfo(x.pVertexInputState), PipelineTessellationStateCreateInfo(x.pTessellationState)) GraphicsPipelineShaderGroupsCreateInfoNV(x::VkGraphicsPipelineShaderGroupsCreateInfoNV, next_types::Type...) = GraphicsPipelineShaderGroupsCreateInfoNV(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{GraphicsShaderGroupCreateInfoNV}, x.pGroups, x.groupCount; own = true), unsafe_wrap(Vector{Pipeline}, x.pPipelines, x.pipelineCount; own = true)) BindShaderGroupIndirectCommandNV(x::VkBindShaderGroupIndirectCommandNV) = BindShaderGroupIndirectCommandNV(x.groupIndex) BindIndexBufferIndirectCommandNV(x::VkBindIndexBufferIndirectCommandNV) = BindIndexBufferIndirectCommandNV(x.bufferAddress, x.size, x.indexType) BindVertexBufferIndirectCommandNV(x::VkBindVertexBufferIndirectCommandNV) = BindVertexBufferIndirectCommandNV(x.bufferAddress, x.size, x.stride) SetStateFlagsIndirectCommandNV(x::VkSetStateFlagsIndirectCommandNV) = SetStateFlagsIndirectCommandNV(x.data) IndirectCommandsStreamNV(x::VkIndirectCommandsStreamNV) = IndirectCommandsStreamNV(Buffer(x.buffer), x.offset) IndirectCommandsLayoutTokenNV(x::VkIndirectCommandsLayoutTokenNV, next_types::Type...) = IndirectCommandsLayoutTokenNV(load_next_chain(x.pNext, next_types...), x.tokenType, x.stream, x.offset, x.vertexBindingUnit, from_vk(Bool, x.vertexDynamicStride), PipelineLayout(x.pushconstantPipelineLayout), x.pushconstantShaderStageFlags, x.pushconstantOffset, x.pushconstantSize, x.indirectStateFlags, unsafe_wrap(Vector{IndexType}, x.pIndexTypes, x.indexTypeCount; own = true), unsafe_wrap(Vector{UInt32}, x.pIndexTypeValues, x.indexTypeCount; own = true)) IndirectCommandsLayoutCreateInfoNV(x::VkIndirectCommandsLayoutCreateInfoNV, next_types::Type...) = IndirectCommandsLayoutCreateInfoNV(load_next_chain(x.pNext, next_types...), x.flags, x.pipelineBindPoint, unsafe_wrap(Vector{IndirectCommandsLayoutTokenNV}, x.pTokens, x.tokenCount; own = true), unsafe_wrap(Vector{UInt32}, x.pStreamStrides, x.streamCount; own = true)) GeneratedCommandsInfoNV(x::VkGeneratedCommandsInfoNV, next_types::Type...) = GeneratedCommandsInfoNV(load_next_chain(x.pNext, next_types...), x.pipelineBindPoint, Pipeline(x.pipeline), IndirectCommandsLayoutNV(x.indirectCommandsLayout), unsafe_wrap(Vector{IndirectCommandsStreamNV}, x.pStreams, x.streamCount; own = true), x.sequencesCount, Buffer(x.preprocessBuffer), x.preprocessOffset, x.preprocessSize, Buffer(x.sequencesCountBuffer), x.sequencesCountOffset, Buffer(x.sequencesIndexBuffer), x.sequencesIndexOffset) GeneratedCommandsMemoryRequirementsInfoNV(x::VkGeneratedCommandsMemoryRequirementsInfoNV, next_types::Type...) = GeneratedCommandsMemoryRequirementsInfoNV(load_next_chain(x.pNext, next_types...), x.pipelineBindPoint, Pipeline(x.pipeline), IndirectCommandsLayoutNV(x.indirectCommandsLayout), x.maxSequencesCount) PhysicalDeviceFeatures2(x::VkPhysicalDeviceFeatures2, next_types::Type...) = PhysicalDeviceFeatures2(load_next_chain(x.pNext, next_types...), PhysicalDeviceFeatures(x.features)) PhysicalDeviceProperties2(x::VkPhysicalDeviceProperties2, next_types::Type...) = PhysicalDeviceProperties2(load_next_chain(x.pNext, next_types...), PhysicalDeviceProperties(x.properties)) FormatProperties2(x::VkFormatProperties2, next_types::Type...) = FormatProperties2(load_next_chain(x.pNext, next_types...), FormatProperties(x.formatProperties)) ImageFormatProperties2(x::VkImageFormatProperties2, next_types::Type...) = ImageFormatProperties2(load_next_chain(x.pNext, next_types...), ImageFormatProperties(x.imageFormatProperties)) PhysicalDeviceImageFormatInfo2(x::VkPhysicalDeviceImageFormatInfo2, next_types::Type...) = PhysicalDeviceImageFormatInfo2(load_next_chain(x.pNext, next_types...), x.format, x.type, x.tiling, x.usage, x.flags) QueueFamilyProperties2(x::VkQueueFamilyProperties2, next_types::Type...) = QueueFamilyProperties2(load_next_chain(x.pNext, next_types...), QueueFamilyProperties(x.queueFamilyProperties)) PhysicalDeviceMemoryProperties2(x::VkPhysicalDeviceMemoryProperties2, next_types::Type...) = PhysicalDeviceMemoryProperties2(load_next_chain(x.pNext, next_types...), PhysicalDeviceMemoryProperties(x.memoryProperties)) SparseImageFormatProperties2(x::VkSparseImageFormatProperties2, next_types::Type...) = SparseImageFormatProperties2(load_next_chain(x.pNext, next_types...), SparseImageFormatProperties(x.properties)) PhysicalDeviceSparseImageFormatInfo2(x::VkPhysicalDeviceSparseImageFormatInfo2, next_types::Type...) = PhysicalDeviceSparseImageFormatInfo2(load_next_chain(x.pNext, next_types...), x.format, x.type, SampleCountFlag(UInt32(x.samples)), x.usage, x.tiling) PhysicalDevicePushDescriptorPropertiesKHR(x::VkPhysicalDevicePushDescriptorPropertiesKHR, next_types::Type...) = PhysicalDevicePushDescriptorPropertiesKHR(load_next_chain(x.pNext, next_types...), x.maxPushDescriptors) ConformanceVersion(x::VkConformanceVersion) = ConformanceVersion(x.major, x.minor, x.subminor, x.patch) PhysicalDeviceDriverProperties(x::VkPhysicalDeviceDriverProperties, next_types::Type...) = PhysicalDeviceDriverProperties(load_next_chain(x.pNext, next_types...), x.driverID, from_vk(String, x.driverName), from_vk(String, x.driverInfo), ConformanceVersion(x.conformanceVersion)) PresentRegionsKHR(x::VkPresentRegionsKHR, next_types::Type...) = PresentRegionsKHR(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{PresentRegionKHR}, x.pRegions, x.swapchainCount; own = true)) PresentRegionKHR(x::VkPresentRegionKHR) = PresentRegionKHR(unsafe_wrap(Vector{RectLayerKHR}, x.pRectangles, x.rectangleCount; own = true)) RectLayerKHR(x::VkRectLayerKHR) = RectLayerKHR(Offset2D(x.offset), Extent2D(x.extent), x.layer) PhysicalDeviceVariablePointersFeatures(x::VkPhysicalDeviceVariablePointersFeatures, next_types::Type...) = PhysicalDeviceVariablePointersFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.variablePointersStorageBuffer), from_vk(Bool, x.variablePointers)) ExternalMemoryProperties(x::VkExternalMemoryProperties) = ExternalMemoryProperties(x.externalMemoryFeatures, x.exportFromImportedHandleTypes, x.compatibleHandleTypes) PhysicalDeviceExternalImageFormatInfo(x::VkPhysicalDeviceExternalImageFormatInfo, next_types::Type...) = PhysicalDeviceExternalImageFormatInfo(load_next_chain(x.pNext, next_types...), ExternalMemoryHandleTypeFlag(UInt32(x.handleType))) ExternalImageFormatProperties(x::VkExternalImageFormatProperties, next_types::Type...) = ExternalImageFormatProperties(load_next_chain(x.pNext, next_types...), ExternalMemoryProperties(x.externalMemoryProperties)) PhysicalDeviceExternalBufferInfo(x::VkPhysicalDeviceExternalBufferInfo, next_types::Type...) = PhysicalDeviceExternalBufferInfo(load_next_chain(x.pNext, next_types...), x.flags, x.usage, ExternalMemoryHandleTypeFlag(UInt32(x.handleType))) ExternalBufferProperties(x::VkExternalBufferProperties, next_types::Type...) = ExternalBufferProperties(load_next_chain(x.pNext, next_types...), ExternalMemoryProperties(x.externalMemoryProperties)) PhysicalDeviceIDProperties(x::VkPhysicalDeviceIDProperties, next_types::Type...) = PhysicalDeviceIDProperties(load_next_chain(x.pNext, next_types...), x.deviceUUID, x.driverUUID, x.deviceLUID, x.deviceNodeMask, from_vk(Bool, x.deviceLUIDValid)) ExternalMemoryImageCreateInfo(x::VkExternalMemoryImageCreateInfo, next_types::Type...) = ExternalMemoryImageCreateInfo(load_next_chain(x.pNext, next_types...), x.handleTypes) ExternalMemoryBufferCreateInfo(x::VkExternalMemoryBufferCreateInfo, next_types::Type...) = ExternalMemoryBufferCreateInfo(load_next_chain(x.pNext, next_types...), x.handleTypes) ExportMemoryAllocateInfo(x::VkExportMemoryAllocateInfo, next_types::Type...) = ExportMemoryAllocateInfo(load_next_chain(x.pNext, next_types...), x.handleTypes) ImportMemoryWin32HandleInfoKHR(x::VkImportMemoryWin32HandleInfoKHR, next_types::Type...) = ImportMemoryWin32HandleInfoKHR(load_next_chain(x.pNext, next_types...), ExternalMemoryHandleTypeFlag(UInt32(x.handleType)), x.handle, x.name) ExportMemoryWin32HandleInfoKHR(x::VkExportMemoryWin32HandleInfoKHR, next_types::Type...) = ExportMemoryWin32HandleInfoKHR(load_next_chain(x.pNext, next_types...), from_vk(vk.SECURITY_ATTRIBUTES, x.pAttributes), x.dwAccess, x.name) MemoryWin32HandlePropertiesKHR(x::VkMemoryWin32HandlePropertiesKHR, next_types::Type...) = MemoryWin32HandlePropertiesKHR(load_next_chain(x.pNext, next_types...), x.memoryTypeBits) MemoryGetWin32HandleInfoKHR(x::VkMemoryGetWin32HandleInfoKHR, next_types::Type...) = MemoryGetWin32HandleInfoKHR(load_next_chain(x.pNext, next_types...), DeviceMemory(x.memory), ExternalMemoryHandleTypeFlag(UInt32(x.handleType))) ImportMemoryFdInfoKHR(x::VkImportMemoryFdInfoKHR, next_types::Type...) = ImportMemoryFdInfoKHR(load_next_chain(x.pNext, next_types...), ExternalMemoryHandleTypeFlag(UInt32(x.handleType)), x.fd) MemoryFdPropertiesKHR(x::VkMemoryFdPropertiesKHR, next_types::Type...) = MemoryFdPropertiesKHR(load_next_chain(x.pNext, next_types...), x.memoryTypeBits) MemoryGetFdInfoKHR(x::VkMemoryGetFdInfoKHR, next_types::Type...) = MemoryGetFdInfoKHR(load_next_chain(x.pNext, next_types...), DeviceMemory(x.memory), ExternalMemoryHandleTypeFlag(UInt32(x.handleType))) Win32KeyedMutexAcquireReleaseInfoKHR(x::VkWin32KeyedMutexAcquireReleaseInfoKHR, next_types::Type...) = Win32KeyedMutexAcquireReleaseInfoKHR(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{DeviceMemory}, x.pAcquireSyncs, x.acquireCount; own = true), unsafe_wrap(Vector{UInt64}, x.pAcquireKeys, x.acquireCount; own = true), unsafe_wrap(Vector{UInt32}, x.pAcquireTimeouts, x.acquireCount; own = true), unsafe_wrap(Vector{DeviceMemory}, x.pReleaseSyncs, x.releaseCount; own = true), unsafe_wrap(Vector{UInt64}, x.pReleaseKeys, x.releaseCount; own = true)) PhysicalDeviceExternalSemaphoreInfo(x::VkPhysicalDeviceExternalSemaphoreInfo, next_types::Type...) = PhysicalDeviceExternalSemaphoreInfo(load_next_chain(x.pNext, next_types...), ExternalSemaphoreHandleTypeFlag(UInt32(x.handleType))) ExternalSemaphoreProperties(x::VkExternalSemaphoreProperties, next_types::Type...) = ExternalSemaphoreProperties(load_next_chain(x.pNext, next_types...), x.exportFromImportedHandleTypes, x.compatibleHandleTypes, x.externalSemaphoreFeatures) ExportSemaphoreCreateInfo(x::VkExportSemaphoreCreateInfo, next_types::Type...) = ExportSemaphoreCreateInfo(load_next_chain(x.pNext, next_types...), x.handleTypes) ImportSemaphoreWin32HandleInfoKHR(x::VkImportSemaphoreWin32HandleInfoKHR, next_types::Type...) = ImportSemaphoreWin32HandleInfoKHR(load_next_chain(x.pNext, next_types...), Semaphore(x.semaphore), x.flags, ExternalSemaphoreHandleTypeFlag(UInt32(x.handleType)), x.handle, x.name) ExportSemaphoreWin32HandleInfoKHR(x::VkExportSemaphoreWin32HandleInfoKHR, next_types::Type...) = ExportSemaphoreWin32HandleInfoKHR(load_next_chain(x.pNext, next_types...), from_vk(vk.SECURITY_ATTRIBUTES, x.pAttributes), x.dwAccess, x.name) D3D12FenceSubmitInfoKHR(x::VkD3D12FenceSubmitInfoKHR, next_types::Type...) = D3D12FenceSubmitInfoKHR(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{UInt64}, x.pWaitSemaphoreValues, x.waitSemaphoreValuesCount; own = true), unsafe_wrap(Vector{UInt64}, x.pSignalSemaphoreValues, x.signalSemaphoreValuesCount; own = true)) SemaphoreGetWin32HandleInfoKHR(x::VkSemaphoreGetWin32HandleInfoKHR, next_types::Type...) = SemaphoreGetWin32HandleInfoKHR(load_next_chain(x.pNext, next_types...), Semaphore(x.semaphore), ExternalSemaphoreHandleTypeFlag(UInt32(x.handleType))) ImportSemaphoreFdInfoKHR(x::VkImportSemaphoreFdInfoKHR, next_types::Type...) = ImportSemaphoreFdInfoKHR(load_next_chain(x.pNext, next_types...), Semaphore(x.semaphore), x.flags, ExternalSemaphoreHandleTypeFlag(UInt32(x.handleType)), x.fd) SemaphoreGetFdInfoKHR(x::VkSemaphoreGetFdInfoKHR, next_types::Type...) = SemaphoreGetFdInfoKHR(load_next_chain(x.pNext, next_types...), Semaphore(x.semaphore), ExternalSemaphoreHandleTypeFlag(UInt32(x.handleType))) PhysicalDeviceExternalFenceInfo(x::VkPhysicalDeviceExternalFenceInfo, next_types::Type...) = PhysicalDeviceExternalFenceInfo(load_next_chain(x.pNext, next_types...), ExternalFenceHandleTypeFlag(UInt32(x.handleType))) ExternalFenceProperties(x::VkExternalFenceProperties, next_types::Type...) = ExternalFenceProperties(load_next_chain(x.pNext, next_types...), x.exportFromImportedHandleTypes, x.compatibleHandleTypes, x.externalFenceFeatures) ExportFenceCreateInfo(x::VkExportFenceCreateInfo, next_types::Type...) = ExportFenceCreateInfo(load_next_chain(x.pNext, next_types...), x.handleTypes) ImportFenceWin32HandleInfoKHR(x::VkImportFenceWin32HandleInfoKHR, next_types::Type...) = ImportFenceWin32HandleInfoKHR(load_next_chain(x.pNext, next_types...), Fence(x.fence), x.flags, ExternalFenceHandleTypeFlag(UInt32(x.handleType)), x.handle, x.name) ExportFenceWin32HandleInfoKHR(x::VkExportFenceWin32HandleInfoKHR, next_types::Type...) = ExportFenceWin32HandleInfoKHR(load_next_chain(x.pNext, next_types...), from_vk(vk.SECURITY_ATTRIBUTES, x.pAttributes), x.dwAccess, x.name) FenceGetWin32HandleInfoKHR(x::VkFenceGetWin32HandleInfoKHR, next_types::Type...) = FenceGetWin32HandleInfoKHR(load_next_chain(x.pNext, next_types...), Fence(x.fence), ExternalFenceHandleTypeFlag(UInt32(x.handleType))) ImportFenceFdInfoKHR(x::VkImportFenceFdInfoKHR, next_types::Type...) = ImportFenceFdInfoKHR(load_next_chain(x.pNext, next_types...), Fence(x.fence), x.flags, ExternalFenceHandleTypeFlag(UInt32(x.handleType)), x.fd) FenceGetFdInfoKHR(x::VkFenceGetFdInfoKHR, next_types::Type...) = FenceGetFdInfoKHR(load_next_chain(x.pNext, next_types...), Fence(x.fence), ExternalFenceHandleTypeFlag(UInt32(x.handleType))) PhysicalDeviceMultiviewFeatures(x::VkPhysicalDeviceMultiviewFeatures, next_types::Type...) = PhysicalDeviceMultiviewFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.multiview), from_vk(Bool, x.multiviewGeometryShader), from_vk(Bool, x.multiviewTessellationShader)) PhysicalDeviceMultiviewProperties(x::VkPhysicalDeviceMultiviewProperties, next_types::Type...) = PhysicalDeviceMultiviewProperties(load_next_chain(x.pNext, next_types...), x.maxMultiviewViewCount, x.maxMultiviewInstanceIndex) RenderPassMultiviewCreateInfo(x::VkRenderPassMultiviewCreateInfo, next_types::Type...) = RenderPassMultiviewCreateInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{UInt32}, x.pViewMasks, x.subpassCount; own = true), unsafe_wrap(Vector{Int32}, x.pViewOffsets, x.dependencyCount; own = true), unsafe_wrap(Vector{UInt32}, x.pCorrelationMasks, x.correlationMaskCount; own = true)) SurfaceCapabilities2EXT(x::VkSurfaceCapabilities2EXT, next_types::Type...) = SurfaceCapabilities2EXT(load_next_chain(x.pNext, next_types...), x.minImageCount, x.maxImageCount, Extent2D(x.currentExtent), Extent2D(x.minImageExtent), Extent2D(x.maxImageExtent), x.maxImageArrayLayers, x.supportedTransforms, SurfaceTransformFlagKHR(UInt32(x.currentTransform)), x.supportedCompositeAlpha, x.supportedUsageFlags, x.supportedSurfaceCounters) DisplayPowerInfoEXT(x::VkDisplayPowerInfoEXT, next_types::Type...) = DisplayPowerInfoEXT(load_next_chain(x.pNext, next_types...), x.powerState) DeviceEventInfoEXT(x::VkDeviceEventInfoEXT, next_types::Type...) = DeviceEventInfoEXT(load_next_chain(x.pNext, next_types...), x.deviceEvent) DisplayEventInfoEXT(x::VkDisplayEventInfoEXT, next_types::Type...) = DisplayEventInfoEXT(load_next_chain(x.pNext, next_types...), x.displayEvent) SwapchainCounterCreateInfoEXT(x::VkSwapchainCounterCreateInfoEXT, next_types::Type...) = SwapchainCounterCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.surfaceCounters) PhysicalDeviceGroupProperties(x::VkPhysicalDeviceGroupProperties, next_types::Type...) = PhysicalDeviceGroupProperties(load_next_chain(x.pNext, next_types...), x.physicalDeviceCount, PhysicalDevice.(x.physicalDevices), from_vk(Bool, x.subsetAllocation)) MemoryAllocateFlagsInfo(x::VkMemoryAllocateFlagsInfo, next_types::Type...) = MemoryAllocateFlagsInfo(load_next_chain(x.pNext, next_types...), x.flags, x.deviceMask) BindBufferMemoryInfo(x::VkBindBufferMemoryInfo, next_types::Type...) = BindBufferMemoryInfo(load_next_chain(x.pNext, next_types...), Buffer(x.buffer), DeviceMemory(x.memory), x.memoryOffset) BindBufferMemoryDeviceGroupInfo(x::VkBindBufferMemoryDeviceGroupInfo, next_types::Type...) = BindBufferMemoryDeviceGroupInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{UInt32}, x.pDeviceIndices, x.deviceIndexCount; own = true)) BindImageMemoryInfo(x::VkBindImageMemoryInfo, next_types::Type...) = BindImageMemoryInfo(load_next_chain(x.pNext, next_types...), Image(x.image), DeviceMemory(x.memory), x.memoryOffset) BindImageMemoryDeviceGroupInfo(x::VkBindImageMemoryDeviceGroupInfo, next_types::Type...) = BindImageMemoryDeviceGroupInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{UInt32}, x.pDeviceIndices, x.deviceIndexCount; own = true), unsafe_wrap(Vector{Rect2D}, x.pSplitInstanceBindRegions, x.splitInstanceBindRegionCount; own = true)) DeviceGroupRenderPassBeginInfo(x::VkDeviceGroupRenderPassBeginInfo, next_types::Type...) = DeviceGroupRenderPassBeginInfo(load_next_chain(x.pNext, next_types...), x.deviceMask, unsafe_wrap(Vector{Rect2D}, x.pDeviceRenderAreas, x.deviceRenderAreaCount; own = true)) DeviceGroupCommandBufferBeginInfo(x::VkDeviceGroupCommandBufferBeginInfo, next_types::Type...) = DeviceGroupCommandBufferBeginInfo(load_next_chain(x.pNext, next_types...), x.deviceMask) DeviceGroupSubmitInfo(x::VkDeviceGroupSubmitInfo, next_types::Type...) = DeviceGroupSubmitInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{UInt32}, x.pWaitSemaphoreDeviceIndices, x.waitSemaphoreCount; own = true), unsafe_wrap(Vector{UInt32}, x.pCommandBufferDeviceMasks, x.commandBufferCount; own = true), unsafe_wrap(Vector{UInt32}, x.pSignalSemaphoreDeviceIndices, x.signalSemaphoreCount; own = true)) DeviceGroupBindSparseInfo(x::VkDeviceGroupBindSparseInfo, next_types::Type...) = DeviceGroupBindSparseInfo(load_next_chain(x.pNext, next_types...), x.resourceDeviceIndex, x.memoryDeviceIndex) DeviceGroupPresentCapabilitiesKHR(x::VkDeviceGroupPresentCapabilitiesKHR, next_types::Type...) = DeviceGroupPresentCapabilitiesKHR(load_next_chain(x.pNext, next_types...), x.presentMask, x.modes) ImageSwapchainCreateInfoKHR(x::VkImageSwapchainCreateInfoKHR, next_types::Type...) = ImageSwapchainCreateInfoKHR(load_next_chain(x.pNext, next_types...), SwapchainKHR(x.swapchain)) BindImageMemorySwapchainInfoKHR(x::VkBindImageMemorySwapchainInfoKHR, next_types::Type...) = BindImageMemorySwapchainInfoKHR(load_next_chain(x.pNext, next_types...), SwapchainKHR(x.swapchain), x.imageIndex) AcquireNextImageInfoKHR(x::VkAcquireNextImageInfoKHR, next_types::Type...) = AcquireNextImageInfoKHR(load_next_chain(x.pNext, next_types...), SwapchainKHR(x.swapchain), x.timeout, Semaphore(x.semaphore), Fence(x.fence), x.deviceMask) DeviceGroupPresentInfoKHR(x::VkDeviceGroupPresentInfoKHR, next_types::Type...) = DeviceGroupPresentInfoKHR(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{UInt32}, x.pDeviceMasks, x.swapchainCount; own = true), DeviceGroupPresentModeFlagKHR(UInt32(x.mode))) DeviceGroupDeviceCreateInfo(x::VkDeviceGroupDeviceCreateInfo, next_types::Type...) = DeviceGroupDeviceCreateInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{PhysicalDevice}, x.pPhysicalDevices, x.physicalDeviceCount; own = true)) DeviceGroupSwapchainCreateInfoKHR(x::VkDeviceGroupSwapchainCreateInfoKHR, next_types::Type...) = DeviceGroupSwapchainCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.modes) DescriptorUpdateTemplateEntry(x::VkDescriptorUpdateTemplateEntry) = DescriptorUpdateTemplateEntry(x.dstBinding, x.dstArrayElement, x.descriptorCount, x.descriptorType, x.offset, x.stride) DescriptorUpdateTemplateCreateInfo(x::VkDescriptorUpdateTemplateCreateInfo, next_types::Type...) = DescriptorUpdateTemplateCreateInfo(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{DescriptorUpdateTemplateEntry}, x.pDescriptorUpdateEntries, x.descriptorUpdateEntryCount; own = true), x.templateType, DescriptorSetLayout(x.descriptorSetLayout), x.pipelineBindPoint, PipelineLayout(x.pipelineLayout), x.set) XYColorEXT(x::VkXYColorEXT) = XYColorEXT(x.x, x.y) PhysicalDevicePresentIdFeaturesKHR(x::VkPhysicalDevicePresentIdFeaturesKHR, next_types::Type...) = PhysicalDevicePresentIdFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.presentId)) PresentIdKHR(x::VkPresentIdKHR, next_types::Type...) = PresentIdKHR(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{UInt64}, x.pPresentIds, x.swapchainCount; own = true)) PhysicalDevicePresentWaitFeaturesKHR(x::VkPhysicalDevicePresentWaitFeaturesKHR, next_types::Type...) = PhysicalDevicePresentWaitFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.presentWait)) HdrMetadataEXT(x::VkHdrMetadataEXT, next_types::Type...) = HdrMetadataEXT(load_next_chain(x.pNext, next_types...), XYColorEXT(x.displayPrimaryRed), XYColorEXT(x.displayPrimaryGreen), XYColorEXT(x.displayPrimaryBlue), XYColorEXT(x.whitePoint), x.maxLuminance, x.minLuminance, x.maxContentLightLevel, x.maxFrameAverageLightLevel) DisplayNativeHdrSurfaceCapabilitiesAMD(x::VkDisplayNativeHdrSurfaceCapabilitiesAMD, next_types::Type...) = DisplayNativeHdrSurfaceCapabilitiesAMD(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.localDimmingSupport)) SwapchainDisplayNativeHdrCreateInfoAMD(x::VkSwapchainDisplayNativeHdrCreateInfoAMD, next_types::Type...) = SwapchainDisplayNativeHdrCreateInfoAMD(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.localDimmingEnable)) RefreshCycleDurationGOOGLE(x::VkRefreshCycleDurationGOOGLE) = RefreshCycleDurationGOOGLE(x.refreshDuration) PastPresentationTimingGOOGLE(x::VkPastPresentationTimingGOOGLE) = PastPresentationTimingGOOGLE(x.presentID, x.desiredPresentTime, x.actualPresentTime, x.earliestPresentTime, x.presentMargin) PresentTimesInfoGOOGLE(x::VkPresentTimesInfoGOOGLE, next_types::Type...) = PresentTimesInfoGOOGLE(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{PresentTimeGOOGLE}, x.pTimes, x.swapchainCount; own = true)) PresentTimeGOOGLE(x::VkPresentTimeGOOGLE) = PresentTimeGOOGLE(x.presentID, x.desiredPresentTime) ViewportWScalingNV(x::VkViewportWScalingNV) = ViewportWScalingNV(x.xcoeff, x.ycoeff) PipelineViewportWScalingStateCreateInfoNV(x::VkPipelineViewportWScalingStateCreateInfoNV, next_types::Type...) = PipelineViewportWScalingStateCreateInfoNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.viewportWScalingEnable), unsafe_wrap(Vector{ViewportWScalingNV}, x.pViewportWScalings, x.viewportCount; own = true)) ViewportSwizzleNV(x::VkViewportSwizzleNV) = ViewportSwizzleNV(x.x, x.y, x.z, x.w) PipelineViewportSwizzleStateCreateInfoNV(x::VkPipelineViewportSwizzleStateCreateInfoNV, next_types::Type...) = PipelineViewportSwizzleStateCreateInfoNV(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{ViewportSwizzleNV}, x.pViewportSwizzles, x.viewportCount; own = true)) PhysicalDeviceDiscardRectanglePropertiesEXT(x::VkPhysicalDeviceDiscardRectanglePropertiesEXT, next_types::Type...) = PhysicalDeviceDiscardRectanglePropertiesEXT(load_next_chain(x.pNext, next_types...), x.maxDiscardRectangles) PipelineDiscardRectangleStateCreateInfoEXT(x::VkPipelineDiscardRectangleStateCreateInfoEXT, next_types::Type...) = PipelineDiscardRectangleStateCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.flags, x.discardRectangleMode, unsafe_wrap(Vector{Rect2D}, x.pDiscardRectangles, x.discardRectangleCount; own = true)) PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX(x::VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX, next_types::Type...) = PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.perViewPositionAllComponents)) InputAttachmentAspectReference(x::VkInputAttachmentAspectReference) = InputAttachmentAspectReference(x.subpass, x.inputAttachmentIndex, x.aspectMask) RenderPassInputAttachmentAspectCreateInfo(x::VkRenderPassInputAttachmentAspectCreateInfo, next_types::Type...) = RenderPassInputAttachmentAspectCreateInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{InputAttachmentAspectReference}, x.pAspectReferences, x.aspectReferenceCount; own = true)) PhysicalDeviceSurfaceInfo2KHR(x::VkPhysicalDeviceSurfaceInfo2KHR, next_types::Type...) = PhysicalDeviceSurfaceInfo2KHR(load_next_chain(x.pNext, next_types...), SurfaceKHR(x.surface)) SurfaceCapabilities2KHR(x::VkSurfaceCapabilities2KHR, next_types::Type...) = SurfaceCapabilities2KHR(load_next_chain(x.pNext, next_types...), SurfaceCapabilitiesKHR(x.surfaceCapabilities)) SurfaceFormat2KHR(x::VkSurfaceFormat2KHR, next_types::Type...) = SurfaceFormat2KHR(load_next_chain(x.pNext, next_types...), SurfaceFormatKHR(x.surfaceFormat)) DisplayProperties2KHR(x::VkDisplayProperties2KHR, next_types::Type...) = DisplayProperties2KHR(load_next_chain(x.pNext, next_types...), DisplayPropertiesKHR(x.displayProperties)) DisplayPlaneProperties2KHR(x::VkDisplayPlaneProperties2KHR, next_types::Type...) = DisplayPlaneProperties2KHR(load_next_chain(x.pNext, next_types...), DisplayPlanePropertiesKHR(x.displayPlaneProperties)) DisplayModeProperties2KHR(x::VkDisplayModeProperties2KHR, next_types::Type...) = DisplayModeProperties2KHR(load_next_chain(x.pNext, next_types...), DisplayModePropertiesKHR(x.displayModeProperties)) DisplayPlaneInfo2KHR(x::VkDisplayPlaneInfo2KHR, next_types::Type...) = DisplayPlaneInfo2KHR(load_next_chain(x.pNext, next_types...), DisplayModeKHR(x.mode), x.planeIndex) DisplayPlaneCapabilities2KHR(x::VkDisplayPlaneCapabilities2KHR, next_types::Type...) = DisplayPlaneCapabilities2KHR(load_next_chain(x.pNext, next_types...), DisplayPlaneCapabilitiesKHR(x.capabilities)) SharedPresentSurfaceCapabilitiesKHR(x::VkSharedPresentSurfaceCapabilitiesKHR, next_types::Type...) = SharedPresentSurfaceCapabilitiesKHR(load_next_chain(x.pNext, next_types...), x.sharedPresentSupportedUsageFlags) PhysicalDevice16BitStorageFeatures(x::VkPhysicalDevice16BitStorageFeatures, next_types::Type...) = PhysicalDevice16BitStorageFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.storageBuffer16BitAccess), from_vk(Bool, x.uniformAndStorageBuffer16BitAccess), from_vk(Bool, x.storagePushConstant16), from_vk(Bool, x.storageInputOutput16)) PhysicalDeviceSubgroupProperties(x::VkPhysicalDeviceSubgroupProperties, next_types::Type...) = PhysicalDeviceSubgroupProperties(load_next_chain(x.pNext, next_types...), x.subgroupSize, x.supportedStages, x.supportedOperations, from_vk(Bool, x.quadOperationsInAllStages)) PhysicalDeviceShaderSubgroupExtendedTypesFeatures(x::VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures, next_types::Type...) = PhysicalDeviceShaderSubgroupExtendedTypesFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderSubgroupExtendedTypes)) BufferMemoryRequirementsInfo2(x::VkBufferMemoryRequirementsInfo2, next_types::Type...) = BufferMemoryRequirementsInfo2(load_next_chain(x.pNext, next_types...), Buffer(x.buffer)) DeviceBufferMemoryRequirements(x::VkDeviceBufferMemoryRequirements, next_types::Type...) = DeviceBufferMemoryRequirements(load_next_chain(x.pNext, next_types...), BufferCreateInfo(x.pCreateInfo)) ImageMemoryRequirementsInfo2(x::VkImageMemoryRequirementsInfo2, next_types::Type...) = ImageMemoryRequirementsInfo2(load_next_chain(x.pNext, next_types...), Image(x.image)) ImageSparseMemoryRequirementsInfo2(x::VkImageSparseMemoryRequirementsInfo2, next_types::Type...) = ImageSparseMemoryRequirementsInfo2(load_next_chain(x.pNext, next_types...), Image(x.image)) DeviceImageMemoryRequirements(x::VkDeviceImageMemoryRequirements, next_types::Type...) = DeviceImageMemoryRequirements(load_next_chain(x.pNext, next_types...), ImageCreateInfo(x.pCreateInfo), ImageAspectFlag(UInt32(x.planeAspect))) MemoryRequirements2(x::VkMemoryRequirements2, next_types::Type...) = MemoryRequirements2(load_next_chain(x.pNext, next_types...), MemoryRequirements(x.memoryRequirements)) SparseImageMemoryRequirements2(x::VkSparseImageMemoryRequirements2, next_types::Type...) = SparseImageMemoryRequirements2(load_next_chain(x.pNext, next_types...), SparseImageMemoryRequirements(x.memoryRequirements)) PhysicalDevicePointClippingProperties(x::VkPhysicalDevicePointClippingProperties, next_types::Type...) = PhysicalDevicePointClippingProperties(load_next_chain(x.pNext, next_types...), x.pointClippingBehavior) MemoryDedicatedRequirements(x::VkMemoryDedicatedRequirements, next_types::Type...) = MemoryDedicatedRequirements(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.prefersDedicatedAllocation), from_vk(Bool, x.requiresDedicatedAllocation)) MemoryDedicatedAllocateInfo(x::VkMemoryDedicatedAllocateInfo, next_types::Type...) = MemoryDedicatedAllocateInfo(load_next_chain(x.pNext, next_types...), Image(x.image), Buffer(x.buffer)) ImageViewUsageCreateInfo(x::VkImageViewUsageCreateInfo, next_types::Type...) = ImageViewUsageCreateInfo(load_next_chain(x.pNext, next_types...), x.usage) PipelineTessellationDomainOriginStateCreateInfo(x::VkPipelineTessellationDomainOriginStateCreateInfo, next_types::Type...) = PipelineTessellationDomainOriginStateCreateInfo(load_next_chain(x.pNext, next_types...), x.domainOrigin) SamplerYcbcrConversionInfo(x::VkSamplerYcbcrConversionInfo, next_types::Type...) = SamplerYcbcrConversionInfo(load_next_chain(x.pNext, next_types...), SamplerYcbcrConversion(x.conversion)) SamplerYcbcrConversionCreateInfo(x::VkSamplerYcbcrConversionCreateInfo, next_types::Type...) = SamplerYcbcrConversionCreateInfo(load_next_chain(x.pNext, next_types...), x.format, x.ycbcrModel, x.ycbcrRange, ComponentMapping(x.components), x.xChromaOffset, x.yChromaOffset, x.chromaFilter, from_vk(Bool, x.forceExplicitReconstruction)) BindImagePlaneMemoryInfo(x::VkBindImagePlaneMemoryInfo, next_types::Type...) = BindImagePlaneMemoryInfo(load_next_chain(x.pNext, next_types...), ImageAspectFlag(UInt32(x.planeAspect))) ImagePlaneMemoryRequirementsInfo(x::VkImagePlaneMemoryRequirementsInfo, next_types::Type...) = ImagePlaneMemoryRequirementsInfo(load_next_chain(x.pNext, next_types...), ImageAspectFlag(UInt32(x.planeAspect))) PhysicalDeviceSamplerYcbcrConversionFeatures(x::VkPhysicalDeviceSamplerYcbcrConversionFeatures, next_types::Type...) = PhysicalDeviceSamplerYcbcrConversionFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.samplerYcbcrConversion)) SamplerYcbcrConversionImageFormatProperties(x::VkSamplerYcbcrConversionImageFormatProperties, next_types::Type...) = SamplerYcbcrConversionImageFormatProperties(load_next_chain(x.pNext, next_types...), x.combinedImageSamplerDescriptorCount) TextureLODGatherFormatPropertiesAMD(x::VkTextureLODGatherFormatPropertiesAMD, next_types::Type...) = TextureLODGatherFormatPropertiesAMD(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.supportsTextureGatherLODBiasAMD)) ConditionalRenderingBeginInfoEXT(x::VkConditionalRenderingBeginInfoEXT, next_types::Type...) = ConditionalRenderingBeginInfoEXT(load_next_chain(x.pNext, next_types...), Buffer(x.buffer), x.offset, x.flags) ProtectedSubmitInfo(x::VkProtectedSubmitInfo, next_types::Type...) = ProtectedSubmitInfo(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.protectedSubmit)) PhysicalDeviceProtectedMemoryFeatures(x::VkPhysicalDeviceProtectedMemoryFeatures, next_types::Type...) = PhysicalDeviceProtectedMemoryFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.protectedMemory)) PhysicalDeviceProtectedMemoryProperties(x::VkPhysicalDeviceProtectedMemoryProperties, next_types::Type...) = PhysicalDeviceProtectedMemoryProperties(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.protectedNoFault)) DeviceQueueInfo2(x::VkDeviceQueueInfo2, next_types::Type...) = DeviceQueueInfo2(load_next_chain(x.pNext, next_types...), x.flags, x.queueFamilyIndex, x.queueIndex) PipelineCoverageToColorStateCreateInfoNV(x::VkPipelineCoverageToColorStateCreateInfoNV, next_types::Type...) = PipelineCoverageToColorStateCreateInfoNV(load_next_chain(x.pNext, next_types...), x.flags, from_vk(Bool, x.coverageToColorEnable), x.coverageToColorLocation) PhysicalDeviceSamplerFilterMinmaxProperties(x::VkPhysicalDeviceSamplerFilterMinmaxProperties, next_types::Type...) = PhysicalDeviceSamplerFilterMinmaxProperties(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.filterMinmaxSingleComponentFormats), from_vk(Bool, x.filterMinmaxImageComponentMapping)) SampleLocationEXT(x::VkSampleLocationEXT) = SampleLocationEXT(x.x, x.y) SampleLocationsInfoEXT(x::VkSampleLocationsInfoEXT, next_types::Type...) = SampleLocationsInfoEXT(load_next_chain(x.pNext, next_types...), SampleCountFlag(UInt32(x.sampleLocationsPerPixel)), Extent2D(x.sampleLocationGridSize), unsafe_wrap(Vector{SampleLocationEXT}, x.pSampleLocations, x.sampleLocationsCount; own = true)) AttachmentSampleLocationsEXT(x::VkAttachmentSampleLocationsEXT) = AttachmentSampleLocationsEXT(x.attachmentIndex, SampleLocationsInfoEXT(x.sampleLocationsInfo)) SubpassSampleLocationsEXT(x::VkSubpassSampleLocationsEXT) = SubpassSampleLocationsEXT(x.subpassIndex, SampleLocationsInfoEXT(x.sampleLocationsInfo)) RenderPassSampleLocationsBeginInfoEXT(x::VkRenderPassSampleLocationsBeginInfoEXT, next_types::Type...) = RenderPassSampleLocationsBeginInfoEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{AttachmentSampleLocationsEXT}, x.pAttachmentInitialSampleLocations, x.attachmentInitialSampleLocationsCount; own = true), unsafe_wrap(Vector{SubpassSampleLocationsEXT}, x.pPostSubpassSampleLocations, x.postSubpassSampleLocationsCount; own = true)) PipelineSampleLocationsStateCreateInfoEXT(x::VkPipelineSampleLocationsStateCreateInfoEXT, next_types::Type...) = PipelineSampleLocationsStateCreateInfoEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.sampleLocationsEnable), SampleLocationsInfoEXT(x.sampleLocationsInfo)) PhysicalDeviceSampleLocationsPropertiesEXT(x::VkPhysicalDeviceSampleLocationsPropertiesEXT, next_types::Type...) = PhysicalDeviceSampleLocationsPropertiesEXT(load_next_chain(x.pNext, next_types...), x.sampleLocationSampleCounts, Extent2D(x.maxSampleLocationGridSize), x.sampleLocationCoordinateRange, x.sampleLocationSubPixelBits, from_vk(Bool, x.variableSampleLocations)) MultisamplePropertiesEXT(x::VkMultisamplePropertiesEXT, next_types::Type...) = MultisamplePropertiesEXT(load_next_chain(x.pNext, next_types...), Extent2D(x.maxSampleLocationGridSize)) SamplerReductionModeCreateInfo(x::VkSamplerReductionModeCreateInfo, next_types::Type...) = SamplerReductionModeCreateInfo(load_next_chain(x.pNext, next_types...), x.reductionMode) PhysicalDeviceBlendOperationAdvancedFeaturesEXT(x::VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT, next_types::Type...) = PhysicalDeviceBlendOperationAdvancedFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.advancedBlendCoherentOperations)) PhysicalDeviceMultiDrawFeaturesEXT(x::VkPhysicalDeviceMultiDrawFeaturesEXT, next_types::Type...) = PhysicalDeviceMultiDrawFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.multiDraw)) PhysicalDeviceBlendOperationAdvancedPropertiesEXT(x::VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT, next_types::Type...) = PhysicalDeviceBlendOperationAdvancedPropertiesEXT(load_next_chain(x.pNext, next_types...), x.advancedBlendMaxColorAttachments, from_vk(Bool, x.advancedBlendIndependentBlend), from_vk(Bool, x.advancedBlendNonPremultipliedSrcColor), from_vk(Bool, x.advancedBlendNonPremultipliedDstColor), from_vk(Bool, x.advancedBlendCorrelatedOverlap), from_vk(Bool, x.advancedBlendAllOperations)) PipelineColorBlendAdvancedStateCreateInfoEXT(x::VkPipelineColorBlendAdvancedStateCreateInfoEXT, next_types::Type...) = PipelineColorBlendAdvancedStateCreateInfoEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.srcPremultiplied), from_vk(Bool, x.dstPremultiplied), x.blendOverlap) PhysicalDeviceInlineUniformBlockFeatures(x::VkPhysicalDeviceInlineUniformBlockFeatures, next_types::Type...) = PhysicalDeviceInlineUniformBlockFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.inlineUniformBlock), from_vk(Bool, x.descriptorBindingInlineUniformBlockUpdateAfterBind)) PhysicalDeviceInlineUniformBlockProperties(x::VkPhysicalDeviceInlineUniformBlockProperties, next_types::Type...) = PhysicalDeviceInlineUniformBlockProperties(load_next_chain(x.pNext, next_types...), x.maxInlineUniformBlockSize, x.maxPerStageDescriptorInlineUniformBlocks, x.maxPerStageDescriptorUpdateAfterBindInlineUniformBlocks, x.maxDescriptorSetInlineUniformBlocks, x.maxDescriptorSetUpdateAfterBindInlineUniformBlocks) WriteDescriptorSetInlineUniformBlock(x::VkWriteDescriptorSetInlineUniformBlock, next_types::Type...) = WriteDescriptorSetInlineUniformBlock(load_next_chain(x.pNext, next_types...), x.dataSize, x.pData) DescriptorPoolInlineUniformBlockCreateInfo(x::VkDescriptorPoolInlineUniformBlockCreateInfo, next_types::Type...) = DescriptorPoolInlineUniformBlockCreateInfo(load_next_chain(x.pNext, next_types...), x.maxInlineUniformBlockBindings) PipelineCoverageModulationStateCreateInfoNV(x::VkPipelineCoverageModulationStateCreateInfoNV, next_types::Type...) = PipelineCoverageModulationStateCreateInfoNV(load_next_chain(x.pNext, next_types...), x.flags, x.coverageModulationMode, from_vk(Bool, x.coverageModulationTableEnable), unsafe_wrap(Vector{Float32}, x.pCoverageModulationTable, x.coverageModulationTableCount; own = true)) ImageFormatListCreateInfo(x::VkImageFormatListCreateInfo, next_types::Type...) = ImageFormatListCreateInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{Format}, x.pViewFormats, x.viewFormatCount; own = true)) ValidationCacheCreateInfoEXT(x::VkValidationCacheCreateInfoEXT, next_types::Type...) = ValidationCacheCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.flags, x.initialDataSize, x.pInitialData) ShaderModuleValidationCacheCreateInfoEXT(x::VkShaderModuleValidationCacheCreateInfoEXT, next_types::Type...) = ShaderModuleValidationCacheCreateInfoEXT(load_next_chain(x.pNext, next_types...), ValidationCacheEXT(x.validationCache)) PhysicalDeviceMaintenance3Properties(x::VkPhysicalDeviceMaintenance3Properties, next_types::Type...) = PhysicalDeviceMaintenance3Properties(load_next_chain(x.pNext, next_types...), x.maxPerSetDescriptors, x.maxMemoryAllocationSize) PhysicalDeviceMaintenance4Features(x::VkPhysicalDeviceMaintenance4Features, next_types::Type...) = PhysicalDeviceMaintenance4Features(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.maintenance4)) PhysicalDeviceMaintenance4Properties(x::VkPhysicalDeviceMaintenance4Properties, next_types::Type...) = PhysicalDeviceMaintenance4Properties(load_next_chain(x.pNext, next_types...), x.maxBufferSize) DescriptorSetLayoutSupport(x::VkDescriptorSetLayoutSupport, next_types::Type...) = DescriptorSetLayoutSupport(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.supported)) PhysicalDeviceShaderDrawParametersFeatures(x::VkPhysicalDeviceShaderDrawParametersFeatures, next_types::Type...) = PhysicalDeviceShaderDrawParametersFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderDrawParameters)) PhysicalDeviceShaderFloat16Int8Features(x::VkPhysicalDeviceShaderFloat16Int8Features, next_types::Type...) = PhysicalDeviceShaderFloat16Int8Features(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderFloat16), from_vk(Bool, x.shaderInt8)) PhysicalDeviceFloatControlsProperties(x::VkPhysicalDeviceFloatControlsProperties, next_types::Type...) = PhysicalDeviceFloatControlsProperties(load_next_chain(x.pNext, next_types...), x.denormBehaviorIndependence, x.roundingModeIndependence, from_vk(Bool, x.shaderSignedZeroInfNanPreserveFloat16), from_vk(Bool, x.shaderSignedZeroInfNanPreserveFloat32), from_vk(Bool, x.shaderSignedZeroInfNanPreserveFloat64), from_vk(Bool, x.shaderDenormPreserveFloat16), from_vk(Bool, x.shaderDenormPreserveFloat32), from_vk(Bool, x.shaderDenormPreserveFloat64), from_vk(Bool, x.shaderDenormFlushToZeroFloat16), from_vk(Bool, x.shaderDenormFlushToZeroFloat32), from_vk(Bool, x.shaderDenormFlushToZeroFloat64), from_vk(Bool, x.shaderRoundingModeRTEFloat16), from_vk(Bool, x.shaderRoundingModeRTEFloat32), from_vk(Bool, x.shaderRoundingModeRTEFloat64), from_vk(Bool, x.shaderRoundingModeRTZFloat16), from_vk(Bool, x.shaderRoundingModeRTZFloat32), from_vk(Bool, x.shaderRoundingModeRTZFloat64)) PhysicalDeviceHostQueryResetFeatures(x::VkPhysicalDeviceHostQueryResetFeatures, next_types::Type...) = PhysicalDeviceHostQueryResetFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.hostQueryReset)) ShaderResourceUsageAMD(x::VkShaderResourceUsageAMD) = ShaderResourceUsageAMD(x.numUsedVgprs, x.numUsedSgprs, x.ldsSizePerLocalWorkGroup, x.ldsUsageSizeInBytes, x.scratchMemUsageInBytes) ShaderStatisticsInfoAMD(x::VkShaderStatisticsInfoAMD) = ShaderStatisticsInfoAMD(x.shaderStageMask, ShaderResourceUsageAMD(x.resourceUsage), x.numPhysicalVgprs, x.numPhysicalSgprs, x.numAvailableVgprs, x.numAvailableSgprs, x.computeWorkGroupSize) DeviceQueueGlobalPriorityCreateInfoKHR(x::VkDeviceQueueGlobalPriorityCreateInfoKHR, next_types::Type...) = DeviceQueueGlobalPriorityCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.globalPriority) PhysicalDeviceGlobalPriorityQueryFeaturesKHR(x::VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR, next_types::Type...) = PhysicalDeviceGlobalPriorityQueryFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.globalPriorityQuery)) QueueFamilyGlobalPriorityPropertiesKHR(x::VkQueueFamilyGlobalPriorityPropertiesKHR, next_types::Type...) = QueueFamilyGlobalPriorityPropertiesKHR(load_next_chain(x.pNext, next_types...), x.priorityCount, x.priorities) DebugUtilsObjectNameInfoEXT(x::VkDebugUtilsObjectNameInfoEXT, next_types::Type...) = DebugUtilsObjectNameInfoEXT(load_next_chain(x.pNext, next_types...), x.objectType, x.objectHandle, unsafe_string(x.pObjectName)) DebugUtilsObjectTagInfoEXT(x::VkDebugUtilsObjectTagInfoEXT, next_types::Type...) = DebugUtilsObjectTagInfoEXT(load_next_chain(x.pNext, next_types...), x.objectType, x.objectHandle, x.tagName, x.tagSize, x.pTag) DebugUtilsLabelEXT(x::VkDebugUtilsLabelEXT, next_types::Type...) = DebugUtilsLabelEXT(load_next_chain(x.pNext, next_types...), unsafe_string(x.pLabelName), x.color) DebugUtilsMessengerCreateInfoEXT(x::VkDebugUtilsMessengerCreateInfoEXT, next_types::Type...) = DebugUtilsMessengerCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.flags, x.messageSeverity, x.messageType, from_vk(FunctionPtr, x.pfnUserCallback), x.pUserData) DebugUtilsMessengerCallbackDataEXT(x::VkDebugUtilsMessengerCallbackDataEXT, next_types::Type...) = DebugUtilsMessengerCallbackDataEXT(load_next_chain(x.pNext, next_types...), x.flags, unsafe_string(x.pMessageIdName), x.messageIdNumber, unsafe_string(x.pMessage), unsafe_wrap(Vector{DebugUtilsLabelEXT}, x.pQueueLabels, x.queueLabelCount; own = true), unsafe_wrap(Vector{DebugUtilsLabelEXT}, x.pCmdBufLabels, x.cmdBufLabelCount; own = true), unsafe_wrap(Vector{DebugUtilsObjectNameInfoEXT}, x.pObjects, x.objectCount; own = true)) PhysicalDeviceDeviceMemoryReportFeaturesEXT(x::VkPhysicalDeviceDeviceMemoryReportFeaturesEXT, next_types::Type...) = PhysicalDeviceDeviceMemoryReportFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.deviceMemoryReport)) DeviceDeviceMemoryReportCreateInfoEXT(x::VkDeviceDeviceMemoryReportCreateInfoEXT, next_types::Type...) = DeviceDeviceMemoryReportCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.flags, from_vk(FunctionPtr, x.pfnUserCallback), x.pUserData) DeviceMemoryReportCallbackDataEXT(x::VkDeviceMemoryReportCallbackDataEXT, next_types::Type...) = DeviceMemoryReportCallbackDataEXT(load_next_chain(x.pNext, next_types...), x.flags, x.type, x.memoryObjectId, x.size, x.objectType, x.objectHandle, x.heapIndex) ImportMemoryHostPointerInfoEXT(x::VkImportMemoryHostPointerInfoEXT, next_types::Type...) = ImportMemoryHostPointerInfoEXT(load_next_chain(x.pNext, next_types...), ExternalMemoryHandleTypeFlag(UInt32(x.handleType)), x.pHostPointer) MemoryHostPointerPropertiesEXT(x::VkMemoryHostPointerPropertiesEXT, next_types::Type...) = MemoryHostPointerPropertiesEXT(load_next_chain(x.pNext, next_types...), x.memoryTypeBits) PhysicalDeviceExternalMemoryHostPropertiesEXT(x::VkPhysicalDeviceExternalMemoryHostPropertiesEXT, next_types::Type...) = PhysicalDeviceExternalMemoryHostPropertiesEXT(load_next_chain(x.pNext, next_types...), x.minImportedHostPointerAlignment) PhysicalDeviceConservativeRasterizationPropertiesEXT(x::VkPhysicalDeviceConservativeRasterizationPropertiesEXT, next_types::Type...) = PhysicalDeviceConservativeRasterizationPropertiesEXT(load_next_chain(x.pNext, next_types...), x.primitiveOverestimationSize, x.maxExtraPrimitiveOverestimationSize, x.extraPrimitiveOverestimationSizeGranularity, from_vk(Bool, x.primitiveUnderestimation), from_vk(Bool, x.conservativePointAndLineRasterization), from_vk(Bool, x.degenerateTrianglesRasterized), from_vk(Bool, x.degenerateLinesRasterized), from_vk(Bool, x.fullyCoveredFragmentShaderInputVariable), from_vk(Bool, x.conservativeRasterizationPostDepthCoverage)) CalibratedTimestampInfoEXT(x::VkCalibratedTimestampInfoEXT, next_types::Type...) = CalibratedTimestampInfoEXT(load_next_chain(x.pNext, next_types...), x.timeDomain) PhysicalDeviceShaderCorePropertiesAMD(x::VkPhysicalDeviceShaderCorePropertiesAMD, next_types::Type...) = PhysicalDeviceShaderCorePropertiesAMD(load_next_chain(x.pNext, next_types...), x.shaderEngineCount, x.shaderArraysPerEngineCount, x.computeUnitsPerShaderArray, x.simdPerComputeUnit, x.wavefrontsPerSimd, x.wavefrontSize, x.sgprsPerSimd, x.minSgprAllocation, x.maxSgprAllocation, x.sgprAllocationGranularity, x.vgprsPerSimd, x.minVgprAllocation, x.maxVgprAllocation, x.vgprAllocationGranularity) PhysicalDeviceShaderCoreProperties2AMD(x::VkPhysicalDeviceShaderCoreProperties2AMD, next_types::Type...) = PhysicalDeviceShaderCoreProperties2AMD(load_next_chain(x.pNext, next_types...), x.shaderCoreFeatures, x.activeComputeUnitCount) PipelineRasterizationConservativeStateCreateInfoEXT(x::VkPipelineRasterizationConservativeStateCreateInfoEXT, next_types::Type...) = PipelineRasterizationConservativeStateCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.flags, x.conservativeRasterizationMode, x.extraPrimitiveOverestimationSize) PhysicalDeviceDescriptorIndexingFeatures(x::VkPhysicalDeviceDescriptorIndexingFeatures, next_types::Type...) = PhysicalDeviceDescriptorIndexingFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderInputAttachmentArrayDynamicIndexing), from_vk(Bool, x.shaderUniformTexelBufferArrayDynamicIndexing), from_vk(Bool, x.shaderStorageTexelBufferArrayDynamicIndexing), from_vk(Bool, x.shaderUniformBufferArrayNonUniformIndexing), from_vk(Bool, x.shaderSampledImageArrayNonUniformIndexing), from_vk(Bool, x.shaderStorageBufferArrayNonUniformIndexing), from_vk(Bool, x.shaderStorageImageArrayNonUniformIndexing), from_vk(Bool, x.shaderInputAttachmentArrayNonUniformIndexing), from_vk(Bool, x.shaderUniformTexelBufferArrayNonUniformIndexing), from_vk(Bool, x.shaderStorageTexelBufferArrayNonUniformIndexing), from_vk(Bool, x.descriptorBindingUniformBufferUpdateAfterBind), from_vk(Bool, x.descriptorBindingSampledImageUpdateAfterBind), from_vk(Bool, x.descriptorBindingStorageImageUpdateAfterBind), from_vk(Bool, x.descriptorBindingStorageBufferUpdateAfterBind), from_vk(Bool, x.descriptorBindingUniformTexelBufferUpdateAfterBind), from_vk(Bool, x.descriptorBindingStorageTexelBufferUpdateAfterBind), from_vk(Bool, x.descriptorBindingUpdateUnusedWhilePending), from_vk(Bool, x.descriptorBindingPartiallyBound), from_vk(Bool, x.descriptorBindingVariableDescriptorCount), from_vk(Bool, x.runtimeDescriptorArray)) PhysicalDeviceDescriptorIndexingProperties(x::VkPhysicalDeviceDescriptorIndexingProperties, next_types::Type...) = PhysicalDeviceDescriptorIndexingProperties(load_next_chain(x.pNext, next_types...), x.maxUpdateAfterBindDescriptorsInAllPools, from_vk(Bool, x.shaderUniformBufferArrayNonUniformIndexingNative), from_vk(Bool, x.shaderSampledImageArrayNonUniformIndexingNative), from_vk(Bool, x.shaderStorageBufferArrayNonUniformIndexingNative), from_vk(Bool, x.shaderStorageImageArrayNonUniformIndexingNative), from_vk(Bool, x.shaderInputAttachmentArrayNonUniformIndexingNative), from_vk(Bool, x.robustBufferAccessUpdateAfterBind), from_vk(Bool, x.quadDivergentImplicitLod), x.maxPerStageDescriptorUpdateAfterBindSamplers, x.maxPerStageDescriptorUpdateAfterBindUniformBuffers, x.maxPerStageDescriptorUpdateAfterBindStorageBuffers, x.maxPerStageDescriptorUpdateAfterBindSampledImages, x.maxPerStageDescriptorUpdateAfterBindStorageImages, x.maxPerStageDescriptorUpdateAfterBindInputAttachments, x.maxPerStageUpdateAfterBindResources, x.maxDescriptorSetUpdateAfterBindSamplers, x.maxDescriptorSetUpdateAfterBindUniformBuffers, x.maxDescriptorSetUpdateAfterBindUniformBuffersDynamic, x.maxDescriptorSetUpdateAfterBindStorageBuffers, x.maxDescriptorSetUpdateAfterBindStorageBuffersDynamic, x.maxDescriptorSetUpdateAfterBindSampledImages, x.maxDescriptorSetUpdateAfterBindStorageImages, x.maxDescriptorSetUpdateAfterBindInputAttachments) DescriptorSetLayoutBindingFlagsCreateInfo(x::VkDescriptorSetLayoutBindingFlagsCreateInfo, next_types::Type...) = DescriptorSetLayoutBindingFlagsCreateInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{DescriptorBindingFlag}, x.pBindingFlags, x.bindingCount; own = true)) DescriptorSetVariableDescriptorCountAllocateInfo(x::VkDescriptorSetVariableDescriptorCountAllocateInfo, next_types::Type...) = DescriptorSetVariableDescriptorCountAllocateInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{UInt32}, x.pDescriptorCounts, x.descriptorSetCount; own = true)) DescriptorSetVariableDescriptorCountLayoutSupport(x::VkDescriptorSetVariableDescriptorCountLayoutSupport, next_types::Type...) = DescriptorSetVariableDescriptorCountLayoutSupport(load_next_chain(x.pNext, next_types...), x.maxVariableDescriptorCount) AttachmentDescription2(x::VkAttachmentDescription2, next_types::Type...) = AttachmentDescription2(load_next_chain(x.pNext, next_types...), x.flags, x.format, SampleCountFlag(UInt32(x.samples)), x.loadOp, x.storeOp, x.stencilLoadOp, x.stencilStoreOp, x.initialLayout, x.finalLayout) AttachmentReference2(x::VkAttachmentReference2, next_types::Type...) = AttachmentReference2(load_next_chain(x.pNext, next_types...), x.attachment, x.layout, x.aspectMask) SubpassDescription2(x::VkSubpassDescription2, next_types::Type...) = SubpassDescription2(load_next_chain(x.pNext, next_types...), x.flags, x.pipelineBindPoint, x.viewMask, unsafe_wrap(Vector{AttachmentReference2}, x.pInputAttachments, x.inputAttachmentCount; own = true), unsafe_wrap(Vector{AttachmentReference2}, x.pColorAttachments, x.colorAttachmentCount; own = true), unsafe_wrap(Vector{AttachmentReference2}, x.pResolveAttachments, x.colorAttachmentCount; own = true), AttachmentReference2(x.pDepthStencilAttachment), unsafe_wrap(Vector{UInt32}, x.pPreserveAttachments, x.preserveAttachmentCount; own = true)) SubpassDependency2(x::VkSubpassDependency2, next_types::Type...) = SubpassDependency2(load_next_chain(x.pNext, next_types...), x.srcSubpass, x.dstSubpass, x.srcStageMask, x.dstStageMask, x.srcAccessMask, x.dstAccessMask, x.dependencyFlags, x.viewOffset) RenderPassCreateInfo2(x::VkRenderPassCreateInfo2, next_types::Type...) = RenderPassCreateInfo2(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{AttachmentDescription2}, x.pAttachments, x.attachmentCount; own = true), unsafe_wrap(Vector{SubpassDescription2}, x.pSubpasses, x.subpassCount; own = true), unsafe_wrap(Vector{SubpassDependency2}, x.pDependencies, x.dependencyCount; own = true), unsafe_wrap(Vector{UInt32}, x.pCorrelatedViewMasks, x.correlatedViewMaskCount; own = true)) SubpassBeginInfo(x::VkSubpassBeginInfo, next_types::Type...) = SubpassBeginInfo(load_next_chain(x.pNext, next_types...), x.contents) SubpassEndInfo(x::VkSubpassEndInfo, next_types::Type...) = SubpassEndInfo(load_next_chain(x.pNext, next_types...)) PhysicalDeviceTimelineSemaphoreFeatures(x::VkPhysicalDeviceTimelineSemaphoreFeatures, next_types::Type...) = PhysicalDeviceTimelineSemaphoreFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.timelineSemaphore)) PhysicalDeviceTimelineSemaphoreProperties(x::VkPhysicalDeviceTimelineSemaphoreProperties, next_types::Type...) = PhysicalDeviceTimelineSemaphoreProperties(load_next_chain(x.pNext, next_types...), x.maxTimelineSemaphoreValueDifference) SemaphoreTypeCreateInfo(x::VkSemaphoreTypeCreateInfo, next_types::Type...) = SemaphoreTypeCreateInfo(load_next_chain(x.pNext, next_types...), x.semaphoreType, x.initialValue) TimelineSemaphoreSubmitInfo(x::VkTimelineSemaphoreSubmitInfo, next_types::Type...) = TimelineSemaphoreSubmitInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{UInt64}, x.pWaitSemaphoreValues, x.waitSemaphoreValueCount; own = true), unsafe_wrap(Vector{UInt64}, x.pSignalSemaphoreValues, x.signalSemaphoreValueCount; own = true)) SemaphoreWaitInfo(x::VkSemaphoreWaitInfo, next_types::Type...) = SemaphoreWaitInfo(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{Semaphore}, x.pSemaphores, x.semaphoreCount; own = true), unsafe_wrap(Vector{UInt64}, x.pValues, x.semaphoreCount; own = true)) SemaphoreSignalInfo(x::VkSemaphoreSignalInfo, next_types::Type...) = SemaphoreSignalInfo(load_next_chain(x.pNext, next_types...), Semaphore(x.semaphore), x.value) VertexInputBindingDivisorDescriptionEXT(x::VkVertexInputBindingDivisorDescriptionEXT) = VertexInputBindingDivisorDescriptionEXT(x.binding, x.divisor) PipelineVertexInputDivisorStateCreateInfoEXT(x::VkPipelineVertexInputDivisorStateCreateInfoEXT, next_types::Type...) = PipelineVertexInputDivisorStateCreateInfoEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{VertexInputBindingDivisorDescriptionEXT}, x.pVertexBindingDivisors, x.vertexBindingDivisorCount; own = true)) PhysicalDeviceVertexAttributeDivisorPropertiesEXT(x::VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT, next_types::Type...) = PhysicalDeviceVertexAttributeDivisorPropertiesEXT(load_next_chain(x.pNext, next_types...), x.maxVertexAttribDivisor) PhysicalDevicePCIBusInfoPropertiesEXT(x::VkPhysicalDevicePCIBusInfoPropertiesEXT, next_types::Type...) = PhysicalDevicePCIBusInfoPropertiesEXT(load_next_chain(x.pNext, next_types...), x.pciDomain, x.pciBus, x.pciDevice, x.pciFunction) CommandBufferInheritanceConditionalRenderingInfoEXT(x::VkCommandBufferInheritanceConditionalRenderingInfoEXT, next_types::Type...) = CommandBufferInheritanceConditionalRenderingInfoEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.conditionalRenderingEnable)) PhysicalDevice8BitStorageFeatures(x::VkPhysicalDevice8BitStorageFeatures, next_types::Type...) = PhysicalDevice8BitStorageFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.storageBuffer8BitAccess), from_vk(Bool, x.uniformAndStorageBuffer8BitAccess), from_vk(Bool, x.storagePushConstant8)) PhysicalDeviceConditionalRenderingFeaturesEXT(x::VkPhysicalDeviceConditionalRenderingFeaturesEXT, next_types::Type...) = PhysicalDeviceConditionalRenderingFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.conditionalRendering), from_vk(Bool, x.inheritedConditionalRendering)) PhysicalDeviceVulkanMemoryModelFeatures(x::VkPhysicalDeviceVulkanMemoryModelFeatures, next_types::Type...) = PhysicalDeviceVulkanMemoryModelFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.vulkanMemoryModel), from_vk(Bool, x.vulkanMemoryModelDeviceScope), from_vk(Bool, x.vulkanMemoryModelAvailabilityVisibilityChains)) PhysicalDeviceShaderAtomicInt64Features(x::VkPhysicalDeviceShaderAtomicInt64Features, next_types::Type...) = PhysicalDeviceShaderAtomicInt64Features(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderBufferInt64Atomics), from_vk(Bool, x.shaderSharedInt64Atomics)) PhysicalDeviceShaderAtomicFloatFeaturesEXT(x::VkPhysicalDeviceShaderAtomicFloatFeaturesEXT, next_types::Type...) = PhysicalDeviceShaderAtomicFloatFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderBufferFloat32Atomics), from_vk(Bool, x.shaderBufferFloat32AtomicAdd), from_vk(Bool, x.shaderBufferFloat64Atomics), from_vk(Bool, x.shaderBufferFloat64AtomicAdd), from_vk(Bool, x.shaderSharedFloat32Atomics), from_vk(Bool, x.shaderSharedFloat32AtomicAdd), from_vk(Bool, x.shaderSharedFloat64Atomics), from_vk(Bool, x.shaderSharedFloat64AtomicAdd), from_vk(Bool, x.shaderImageFloat32Atomics), from_vk(Bool, x.shaderImageFloat32AtomicAdd), from_vk(Bool, x.sparseImageFloat32Atomics), from_vk(Bool, x.sparseImageFloat32AtomicAdd)) PhysicalDeviceShaderAtomicFloat2FeaturesEXT(x::VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT, next_types::Type...) = PhysicalDeviceShaderAtomicFloat2FeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderBufferFloat16Atomics), from_vk(Bool, x.shaderBufferFloat16AtomicAdd), from_vk(Bool, x.shaderBufferFloat16AtomicMinMax), from_vk(Bool, x.shaderBufferFloat32AtomicMinMax), from_vk(Bool, x.shaderBufferFloat64AtomicMinMax), from_vk(Bool, x.shaderSharedFloat16Atomics), from_vk(Bool, x.shaderSharedFloat16AtomicAdd), from_vk(Bool, x.shaderSharedFloat16AtomicMinMax), from_vk(Bool, x.shaderSharedFloat32AtomicMinMax), from_vk(Bool, x.shaderSharedFloat64AtomicMinMax), from_vk(Bool, x.shaderImageFloat32AtomicMinMax), from_vk(Bool, x.sparseImageFloat32AtomicMinMax)) PhysicalDeviceVertexAttributeDivisorFeaturesEXT(x::VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT, next_types::Type...) = PhysicalDeviceVertexAttributeDivisorFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.vertexAttributeInstanceRateDivisor), from_vk(Bool, x.vertexAttributeInstanceRateZeroDivisor)) QueueFamilyCheckpointPropertiesNV(x::VkQueueFamilyCheckpointPropertiesNV, next_types::Type...) = QueueFamilyCheckpointPropertiesNV(load_next_chain(x.pNext, next_types...), x.checkpointExecutionStageMask) CheckpointDataNV(x::VkCheckpointDataNV, next_types::Type...) = CheckpointDataNV(load_next_chain(x.pNext, next_types...), PipelineStageFlag(UInt32(x.stage)), x.pCheckpointMarker) PhysicalDeviceDepthStencilResolveProperties(x::VkPhysicalDeviceDepthStencilResolveProperties, next_types::Type...) = PhysicalDeviceDepthStencilResolveProperties(load_next_chain(x.pNext, next_types...), x.supportedDepthResolveModes, x.supportedStencilResolveModes, from_vk(Bool, x.independentResolveNone), from_vk(Bool, x.independentResolve)) SubpassDescriptionDepthStencilResolve(x::VkSubpassDescriptionDepthStencilResolve, next_types::Type...) = SubpassDescriptionDepthStencilResolve(load_next_chain(x.pNext, next_types...), ResolveModeFlag(UInt32(x.depthResolveMode)), ResolveModeFlag(UInt32(x.stencilResolveMode)), AttachmentReference2(x.pDepthStencilResolveAttachment)) ImageViewASTCDecodeModeEXT(x::VkImageViewASTCDecodeModeEXT, next_types::Type...) = ImageViewASTCDecodeModeEXT(load_next_chain(x.pNext, next_types...), x.decodeMode) PhysicalDeviceASTCDecodeFeaturesEXT(x::VkPhysicalDeviceASTCDecodeFeaturesEXT, next_types::Type...) = PhysicalDeviceASTCDecodeFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.decodeModeSharedExponent)) PhysicalDeviceTransformFeedbackFeaturesEXT(x::VkPhysicalDeviceTransformFeedbackFeaturesEXT, next_types::Type...) = PhysicalDeviceTransformFeedbackFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.transformFeedback), from_vk(Bool, x.geometryStreams)) PhysicalDeviceTransformFeedbackPropertiesEXT(x::VkPhysicalDeviceTransformFeedbackPropertiesEXT, next_types::Type...) = PhysicalDeviceTransformFeedbackPropertiesEXT(load_next_chain(x.pNext, next_types...), x.maxTransformFeedbackStreams, x.maxTransformFeedbackBuffers, x.maxTransformFeedbackBufferSize, x.maxTransformFeedbackStreamDataSize, x.maxTransformFeedbackBufferDataSize, x.maxTransformFeedbackBufferDataStride, from_vk(Bool, x.transformFeedbackQueries), from_vk(Bool, x.transformFeedbackStreamsLinesTriangles), from_vk(Bool, x.transformFeedbackRasterizationStreamSelect), from_vk(Bool, x.transformFeedbackDraw)) PipelineRasterizationStateStreamCreateInfoEXT(x::VkPipelineRasterizationStateStreamCreateInfoEXT, next_types::Type...) = PipelineRasterizationStateStreamCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.flags, x.rasterizationStream) PhysicalDeviceRepresentativeFragmentTestFeaturesNV(x::VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV, next_types::Type...) = PhysicalDeviceRepresentativeFragmentTestFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.representativeFragmentTest)) PipelineRepresentativeFragmentTestStateCreateInfoNV(x::VkPipelineRepresentativeFragmentTestStateCreateInfoNV, next_types::Type...) = PipelineRepresentativeFragmentTestStateCreateInfoNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.representativeFragmentTestEnable)) PhysicalDeviceExclusiveScissorFeaturesNV(x::VkPhysicalDeviceExclusiveScissorFeaturesNV, next_types::Type...) = PhysicalDeviceExclusiveScissorFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.exclusiveScissor)) PipelineViewportExclusiveScissorStateCreateInfoNV(x::VkPipelineViewportExclusiveScissorStateCreateInfoNV, next_types::Type...) = PipelineViewportExclusiveScissorStateCreateInfoNV(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{Rect2D}, x.pExclusiveScissors, x.exclusiveScissorCount; own = true)) PhysicalDeviceCornerSampledImageFeaturesNV(x::VkPhysicalDeviceCornerSampledImageFeaturesNV, next_types::Type...) = PhysicalDeviceCornerSampledImageFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.cornerSampledImage)) PhysicalDeviceComputeShaderDerivativesFeaturesNV(x::VkPhysicalDeviceComputeShaderDerivativesFeaturesNV, next_types::Type...) = PhysicalDeviceComputeShaderDerivativesFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.computeDerivativeGroupQuads), from_vk(Bool, x.computeDerivativeGroupLinear)) PhysicalDeviceShaderImageFootprintFeaturesNV(x::VkPhysicalDeviceShaderImageFootprintFeaturesNV, next_types::Type...) = PhysicalDeviceShaderImageFootprintFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.imageFootprint)) PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV(x::VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV, next_types::Type...) = PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.dedicatedAllocationImageAliasing)) PhysicalDeviceCopyMemoryIndirectFeaturesNV(x::VkPhysicalDeviceCopyMemoryIndirectFeaturesNV, next_types::Type...) = PhysicalDeviceCopyMemoryIndirectFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.indirectCopy)) PhysicalDeviceCopyMemoryIndirectPropertiesNV(x::VkPhysicalDeviceCopyMemoryIndirectPropertiesNV, next_types::Type...) = PhysicalDeviceCopyMemoryIndirectPropertiesNV(load_next_chain(x.pNext, next_types...), x.supportedQueues) PhysicalDeviceMemoryDecompressionFeaturesNV(x::VkPhysicalDeviceMemoryDecompressionFeaturesNV, next_types::Type...) = PhysicalDeviceMemoryDecompressionFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.memoryDecompression)) PhysicalDeviceMemoryDecompressionPropertiesNV(x::VkPhysicalDeviceMemoryDecompressionPropertiesNV, next_types::Type...) = PhysicalDeviceMemoryDecompressionPropertiesNV(load_next_chain(x.pNext, next_types...), x.decompressionMethods, x.maxDecompressionIndirectCount) ShadingRatePaletteNV(x::VkShadingRatePaletteNV) = ShadingRatePaletteNV(unsafe_wrap(Vector{ShadingRatePaletteEntryNV}, x.pShadingRatePaletteEntries, x.shadingRatePaletteEntryCount; own = true)) PipelineViewportShadingRateImageStateCreateInfoNV(x::VkPipelineViewportShadingRateImageStateCreateInfoNV, next_types::Type...) = PipelineViewportShadingRateImageStateCreateInfoNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shadingRateImageEnable), unsafe_wrap(Vector{ShadingRatePaletteNV}, x.pShadingRatePalettes, x.viewportCount; own = true)) PhysicalDeviceShadingRateImageFeaturesNV(x::VkPhysicalDeviceShadingRateImageFeaturesNV, next_types::Type...) = PhysicalDeviceShadingRateImageFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shadingRateImage), from_vk(Bool, x.shadingRateCoarseSampleOrder)) PhysicalDeviceShadingRateImagePropertiesNV(x::VkPhysicalDeviceShadingRateImagePropertiesNV, next_types::Type...) = PhysicalDeviceShadingRateImagePropertiesNV(load_next_chain(x.pNext, next_types...), Extent2D(x.shadingRateTexelSize), x.shadingRatePaletteSize, x.shadingRateMaxCoarseSamples) PhysicalDeviceInvocationMaskFeaturesHUAWEI(x::VkPhysicalDeviceInvocationMaskFeaturesHUAWEI, next_types::Type...) = PhysicalDeviceInvocationMaskFeaturesHUAWEI(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.invocationMask)) CoarseSampleLocationNV(x::VkCoarseSampleLocationNV) = CoarseSampleLocationNV(x.pixelX, x.pixelY, x.sample) CoarseSampleOrderCustomNV(x::VkCoarseSampleOrderCustomNV) = CoarseSampleOrderCustomNV(x.shadingRate, x.sampleCount, unsafe_wrap(Vector{CoarseSampleLocationNV}, x.pSampleLocations, x.sampleLocationCount; own = true)) PipelineViewportCoarseSampleOrderStateCreateInfoNV(x::VkPipelineViewportCoarseSampleOrderStateCreateInfoNV, next_types::Type...) = PipelineViewportCoarseSampleOrderStateCreateInfoNV(load_next_chain(x.pNext, next_types...), x.sampleOrderType, unsafe_wrap(Vector{CoarseSampleOrderCustomNV}, x.pCustomSampleOrders, x.customSampleOrderCount; own = true)) PhysicalDeviceMeshShaderFeaturesNV(x::VkPhysicalDeviceMeshShaderFeaturesNV, next_types::Type...) = PhysicalDeviceMeshShaderFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.taskShader), from_vk(Bool, x.meshShader)) PhysicalDeviceMeshShaderPropertiesNV(x::VkPhysicalDeviceMeshShaderPropertiesNV, next_types::Type...) = PhysicalDeviceMeshShaderPropertiesNV(load_next_chain(x.pNext, next_types...), x.maxDrawMeshTasksCount, x.maxTaskWorkGroupInvocations, x.maxTaskWorkGroupSize, x.maxTaskTotalMemorySize, x.maxTaskOutputCount, x.maxMeshWorkGroupInvocations, x.maxMeshWorkGroupSize, x.maxMeshTotalMemorySize, x.maxMeshOutputVertices, x.maxMeshOutputPrimitives, x.maxMeshMultiviewViewCount, x.meshOutputPerVertexGranularity, x.meshOutputPerPrimitiveGranularity) DrawMeshTasksIndirectCommandNV(x::VkDrawMeshTasksIndirectCommandNV) = DrawMeshTasksIndirectCommandNV(x.taskCount, x.firstTask) PhysicalDeviceMeshShaderFeaturesEXT(x::VkPhysicalDeviceMeshShaderFeaturesEXT, next_types::Type...) = PhysicalDeviceMeshShaderFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.taskShader), from_vk(Bool, x.meshShader), from_vk(Bool, x.multiviewMeshShader), from_vk(Bool, x.primitiveFragmentShadingRateMeshShader), from_vk(Bool, x.meshShaderQueries)) PhysicalDeviceMeshShaderPropertiesEXT(x::VkPhysicalDeviceMeshShaderPropertiesEXT, next_types::Type...) = PhysicalDeviceMeshShaderPropertiesEXT(load_next_chain(x.pNext, next_types...), x.maxTaskWorkGroupTotalCount, x.maxTaskWorkGroupCount, x.maxTaskWorkGroupInvocations, x.maxTaskWorkGroupSize, x.maxTaskPayloadSize, x.maxTaskSharedMemorySize, x.maxTaskPayloadAndSharedMemorySize, x.maxMeshWorkGroupTotalCount, x.maxMeshWorkGroupCount, x.maxMeshWorkGroupInvocations, x.maxMeshWorkGroupSize, x.maxMeshSharedMemorySize, x.maxMeshPayloadAndSharedMemorySize, x.maxMeshOutputMemorySize, x.maxMeshPayloadAndOutputMemorySize, x.maxMeshOutputComponents, x.maxMeshOutputVertices, x.maxMeshOutputPrimitives, x.maxMeshOutputLayers, x.maxMeshMultiviewViewCount, x.meshOutputPerVertexGranularity, x.meshOutputPerPrimitiveGranularity, x.maxPreferredTaskWorkGroupInvocations, x.maxPreferredMeshWorkGroupInvocations, from_vk(Bool, x.prefersLocalInvocationVertexOutput), from_vk(Bool, x.prefersLocalInvocationPrimitiveOutput), from_vk(Bool, x.prefersCompactVertexOutput), from_vk(Bool, x.prefersCompactPrimitiveOutput)) DrawMeshTasksIndirectCommandEXT(x::VkDrawMeshTasksIndirectCommandEXT) = DrawMeshTasksIndirectCommandEXT(x.groupCountX, x.groupCountY, x.groupCountZ) RayTracingShaderGroupCreateInfoNV(x::VkRayTracingShaderGroupCreateInfoNV, next_types::Type...) = RayTracingShaderGroupCreateInfoNV(load_next_chain(x.pNext, next_types...), x.type, x.generalShader, x.closestHitShader, x.anyHitShader, x.intersectionShader) RayTracingShaderGroupCreateInfoKHR(x::VkRayTracingShaderGroupCreateInfoKHR, next_types::Type...) = RayTracingShaderGroupCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.type, x.generalShader, x.closestHitShader, x.anyHitShader, x.intersectionShader, x.pShaderGroupCaptureReplayHandle) RayTracingPipelineCreateInfoNV(x::VkRayTracingPipelineCreateInfoNV, next_types::Type...) = RayTracingPipelineCreateInfoNV(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{PipelineShaderStageCreateInfo}, x.pStages, x.stageCount; own = true), unsafe_wrap(Vector{RayTracingShaderGroupCreateInfoNV}, x.pGroups, x.groupCount; own = true), x.maxRecursionDepth, PipelineLayout(x.layout), Pipeline(x.basePipelineHandle), x.basePipelineIndex) RayTracingPipelineCreateInfoKHR(x::VkRayTracingPipelineCreateInfoKHR, next_types::Type...) = RayTracingPipelineCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{PipelineShaderStageCreateInfo}, x.pStages, x.stageCount; own = true), unsafe_wrap(Vector{RayTracingShaderGroupCreateInfoKHR}, x.pGroups, x.groupCount; own = true), x.maxPipelineRayRecursionDepth, PipelineLibraryCreateInfoKHR(x.pLibraryInfo), RayTracingPipelineInterfaceCreateInfoKHR(x.pLibraryInterface), PipelineDynamicStateCreateInfo(x.pDynamicState), PipelineLayout(x.layout), Pipeline(x.basePipelineHandle), x.basePipelineIndex) GeometryTrianglesNV(x::VkGeometryTrianglesNV, next_types::Type...) = GeometryTrianglesNV(load_next_chain(x.pNext, next_types...), Buffer(x.vertexData), x.vertexOffset, x.vertexCount, x.vertexStride, x.vertexFormat, Buffer(x.indexData), x.indexOffset, x.indexCount, x.indexType, Buffer(x.transformData), x.transformOffset) GeometryAABBNV(x::VkGeometryAABBNV, next_types::Type...) = GeometryAABBNV(load_next_chain(x.pNext, next_types...), Buffer(x.aabbData), x.numAABBs, x.stride, x.offset) GeometryDataNV(x::VkGeometryDataNV) = GeometryDataNV(GeometryTrianglesNV(x.triangles), GeometryAABBNV(x.aabbs)) GeometryNV(x::VkGeometryNV, next_types::Type...) = GeometryNV(load_next_chain(x.pNext, next_types...), x.geometryType, GeometryDataNV(x.geometry), x.flags) AccelerationStructureInfoNV(x::VkAccelerationStructureInfoNV, next_types::Type...) = AccelerationStructureInfoNV(load_next_chain(x.pNext, next_types...), x.type, x.flags, x.instanceCount, unsafe_wrap(Vector{GeometryNV}, x.pGeometries, x.geometryCount; own = true)) AccelerationStructureCreateInfoNV(x::VkAccelerationStructureCreateInfoNV, next_types::Type...) = AccelerationStructureCreateInfoNV(load_next_chain(x.pNext, next_types...), x.compactedSize, AccelerationStructureInfoNV(x.info)) BindAccelerationStructureMemoryInfoNV(x::VkBindAccelerationStructureMemoryInfoNV, next_types::Type...) = BindAccelerationStructureMemoryInfoNV(load_next_chain(x.pNext, next_types...), AccelerationStructureNV(x.accelerationStructure), DeviceMemory(x.memory), x.memoryOffset, unsafe_wrap(Vector{UInt32}, x.pDeviceIndices, x.deviceIndexCount; own = true)) WriteDescriptorSetAccelerationStructureKHR(x::VkWriteDescriptorSetAccelerationStructureKHR, next_types::Type...) = WriteDescriptorSetAccelerationStructureKHR(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{AccelerationStructureKHR}, x.pAccelerationStructures, x.accelerationStructureCount; own = true)) WriteDescriptorSetAccelerationStructureNV(x::VkWriteDescriptorSetAccelerationStructureNV, next_types::Type...) = WriteDescriptorSetAccelerationStructureNV(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{AccelerationStructureNV}, x.pAccelerationStructures, x.accelerationStructureCount; own = true)) AccelerationStructureMemoryRequirementsInfoNV(x::VkAccelerationStructureMemoryRequirementsInfoNV, next_types::Type...) = AccelerationStructureMemoryRequirementsInfoNV(load_next_chain(x.pNext, next_types...), x.type, AccelerationStructureNV(x.accelerationStructure)) PhysicalDeviceAccelerationStructureFeaturesKHR(x::VkPhysicalDeviceAccelerationStructureFeaturesKHR, next_types::Type...) = PhysicalDeviceAccelerationStructureFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.accelerationStructure), from_vk(Bool, x.accelerationStructureCaptureReplay), from_vk(Bool, x.accelerationStructureIndirectBuild), from_vk(Bool, x.accelerationStructureHostCommands), from_vk(Bool, x.descriptorBindingAccelerationStructureUpdateAfterBind)) PhysicalDeviceRayTracingPipelineFeaturesKHR(x::VkPhysicalDeviceRayTracingPipelineFeaturesKHR, next_types::Type...) = PhysicalDeviceRayTracingPipelineFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.rayTracingPipeline), from_vk(Bool, x.rayTracingPipelineShaderGroupHandleCaptureReplay), from_vk(Bool, x.rayTracingPipelineShaderGroupHandleCaptureReplayMixed), from_vk(Bool, x.rayTracingPipelineTraceRaysIndirect), from_vk(Bool, x.rayTraversalPrimitiveCulling)) PhysicalDeviceRayQueryFeaturesKHR(x::VkPhysicalDeviceRayQueryFeaturesKHR, next_types::Type...) = PhysicalDeviceRayQueryFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.rayQuery)) PhysicalDeviceAccelerationStructurePropertiesKHR(x::VkPhysicalDeviceAccelerationStructurePropertiesKHR, next_types::Type...) = PhysicalDeviceAccelerationStructurePropertiesKHR(load_next_chain(x.pNext, next_types...), x.maxGeometryCount, x.maxInstanceCount, x.maxPrimitiveCount, x.maxPerStageDescriptorAccelerationStructures, x.maxPerStageDescriptorUpdateAfterBindAccelerationStructures, x.maxDescriptorSetAccelerationStructures, x.maxDescriptorSetUpdateAfterBindAccelerationStructures, x.minAccelerationStructureScratchOffsetAlignment) PhysicalDeviceRayTracingPipelinePropertiesKHR(x::VkPhysicalDeviceRayTracingPipelinePropertiesKHR, next_types::Type...) = PhysicalDeviceRayTracingPipelinePropertiesKHR(load_next_chain(x.pNext, next_types...), x.shaderGroupHandleSize, x.maxRayRecursionDepth, x.maxShaderGroupStride, x.shaderGroupBaseAlignment, x.shaderGroupHandleCaptureReplaySize, x.maxRayDispatchInvocationCount, x.shaderGroupHandleAlignment, x.maxRayHitAttributeSize) PhysicalDeviceRayTracingPropertiesNV(x::VkPhysicalDeviceRayTracingPropertiesNV, next_types::Type...) = PhysicalDeviceRayTracingPropertiesNV(load_next_chain(x.pNext, next_types...), x.shaderGroupHandleSize, x.maxRecursionDepth, x.maxShaderGroupStride, x.shaderGroupBaseAlignment, x.maxGeometryCount, x.maxInstanceCount, x.maxTriangleCount, x.maxDescriptorSetAccelerationStructures) StridedDeviceAddressRegionKHR(x::VkStridedDeviceAddressRegionKHR) = StridedDeviceAddressRegionKHR(x.deviceAddress, x.stride, x.size) TraceRaysIndirectCommandKHR(x::VkTraceRaysIndirectCommandKHR) = TraceRaysIndirectCommandKHR(x.width, x.height, x.depth) TraceRaysIndirectCommand2KHR(x::VkTraceRaysIndirectCommand2KHR) = TraceRaysIndirectCommand2KHR(x.raygenShaderRecordAddress, x.raygenShaderRecordSize, x.missShaderBindingTableAddress, x.missShaderBindingTableSize, x.missShaderBindingTableStride, x.hitShaderBindingTableAddress, x.hitShaderBindingTableSize, x.hitShaderBindingTableStride, x.callableShaderBindingTableAddress, x.callableShaderBindingTableSize, x.callableShaderBindingTableStride, x.width, x.height, x.depth) PhysicalDeviceRayTracingMaintenance1FeaturesKHR(x::VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR, next_types::Type...) = PhysicalDeviceRayTracingMaintenance1FeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.rayTracingMaintenance1), from_vk(Bool, x.rayTracingPipelineTraceRaysIndirect2)) DrmFormatModifierPropertiesListEXT(x::VkDrmFormatModifierPropertiesListEXT, next_types::Type...) = DrmFormatModifierPropertiesListEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{DrmFormatModifierPropertiesEXT}, x.pDrmFormatModifierProperties, x.drmFormatModifierCount; own = true)) DrmFormatModifierPropertiesEXT(x::VkDrmFormatModifierPropertiesEXT) = DrmFormatModifierPropertiesEXT(x.drmFormatModifier, x.drmFormatModifierPlaneCount, x.drmFormatModifierTilingFeatures) PhysicalDeviceImageDrmFormatModifierInfoEXT(x::VkPhysicalDeviceImageDrmFormatModifierInfoEXT, next_types::Type...) = PhysicalDeviceImageDrmFormatModifierInfoEXT(load_next_chain(x.pNext, next_types...), x.drmFormatModifier, x.sharingMode, unsafe_wrap(Vector{UInt32}, x.pQueueFamilyIndices, x.queueFamilyIndexCount; own = true)) ImageDrmFormatModifierListCreateInfoEXT(x::VkImageDrmFormatModifierListCreateInfoEXT, next_types::Type...) = ImageDrmFormatModifierListCreateInfoEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{UInt64}, x.pDrmFormatModifiers, x.drmFormatModifierCount; own = true)) ImageDrmFormatModifierExplicitCreateInfoEXT(x::VkImageDrmFormatModifierExplicitCreateInfoEXT, next_types::Type...) = ImageDrmFormatModifierExplicitCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.drmFormatModifier, unsafe_wrap(Vector{SubresourceLayout}, x.pPlaneLayouts, x.drmFormatModifierPlaneCount; own = true)) ImageDrmFormatModifierPropertiesEXT(x::VkImageDrmFormatModifierPropertiesEXT, next_types::Type...) = ImageDrmFormatModifierPropertiesEXT(load_next_chain(x.pNext, next_types...), x.drmFormatModifier) ImageStencilUsageCreateInfo(x::VkImageStencilUsageCreateInfo, next_types::Type...) = ImageStencilUsageCreateInfo(load_next_chain(x.pNext, next_types...), x.stencilUsage) DeviceMemoryOverallocationCreateInfoAMD(x::VkDeviceMemoryOverallocationCreateInfoAMD, next_types::Type...) = DeviceMemoryOverallocationCreateInfoAMD(load_next_chain(x.pNext, next_types...), x.overallocationBehavior) PhysicalDeviceFragmentDensityMapFeaturesEXT(x::VkPhysicalDeviceFragmentDensityMapFeaturesEXT, next_types::Type...) = PhysicalDeviceFragmentDensityMapFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.fragmentDensityMap), from_vk(Bool, x.fragmentDensityMapDynamic), from_vk(Bool, x.fragmentDensityMapNonSubsampledImages)) PhysicalDeviceFragmentDensityMap2FeaturesEXT(x::VkPhysicalDeviceFragmentDensityMap2FeaturesEXT, next_types::Type...) = PhysicalDeviceFragmentDensityMap2FeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.fragmentDensityMapDeferred)) PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM(x::VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM, next_types::Type...) = PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.fragmentDensityMapOffset)) PhysicalDeviceFragmentDensityMapPropertiesEXT(x::VkPhysicalDeviceFragmentDensityMapPropertiesEXT, next_types::Type...) = PhysicalDeviceFragmentDensityMapPropertiesEXT(load_next_chain(x.pNext, next_types...), Extent2D(x.minFragmentDensityTexelSize), Extent2D(x.maxFragmentDensityTexelSize), from_vk(Bool, x.fragmentDensityInvocations)) PhysicalDeviceFragmentDensityMap2PropertiesEXT(x::VkPhysicalDeviceFragmentDensityMap2PropertiesEXT, next_types::Type...) = PhysicalDeviceFragmentDensityMap2PropertiesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.subsampledLoads), from_vk(Bool, x.subsampledCoarseReconstructionEarlyAccess), x.maxSubsampledArrayLayers, x.maxDescriptorSetSubsampledSamplers) PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM(x::VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM, next_types::Type...) = PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM(load_next_chain(x.pNext, next_types...), Extent2D(x.fragmentDensityOffsetGranularity)) RenderPassFragmentDensityMapCreateInfoEXT(x::VkRenderPassFragmentDensityMapCreateInfoEXT, next_types::Type...) = RenderPassFragmentDensityMapCreateInfoEXT(load_next_chain(x.pNext, next_types...), AttachmentReference(x.fragmentDensityMapAttachment)) SubpassFragmentDensityMapOffsetEndInfoQCOM(x::VkSubpassFragmentDensityMapOffsetEndInfoQCOM, next_types::Type...) = SubpassFragmentDensityMapOffsetEndInfoQCOM(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{Offset2D}, x.pFragmentDensityOffsets, x.fragmentDensityOffsetCount; own = true)) PhysicalDeviceScalarBlockLayoutFeatures(x::VkPhysicalDeviceScalarBlockLayoutFeatures, next_types::Type...) = PhysicalDeviceScalarBlockLayoutFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.scalarBlockLayout)) SurfaceProtectedCapabilitiesKHR(x::VkSurfaceProtectedCapabilitiesKHR, next_types::Type...) = SurfaceProtectedCapabilitiesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.supportsProtected)) PhysicalDeviceUniformBufferStandardLayoutFeatures(x::VkPhysicalDeviceUniformBufferStandardLayoutFeatures, next_types::Type...) = PhysicalDeviceUniformBufferStandardLayoutFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.uniformBufferStandardLayout)) PhysicalDeviceDepthClipEnableFeaturesEXT(x::VkPhysicalDeviceDepthClipEnableFeaturesEXT, next_types::Type...) = PhysicalDeviceDepthClipEnableFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.depthClipEnable)) PipelineRasterizationDepthClipStateCreateInfoEXT(x::VkPipelineRasterizationDepthClipStateCreateInfoEXT, next_types::Type...) = PipelineRasterizationDepthClipStateCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.flags, from_vk(Bool, x.depthClipEnable)) PhysicalDeviceMemoryBudgetPropertiesEXT(x::VkPhysicalDeviceMemoryBudgetPropertiesEXT, next_types::Type...) = PhysicalDeviceMemoryBudgetPropertiesEXT(load_next_chain(x.pNext, next_types...), x.heapBudget, x.heapUsage) PhysicalDeviceMemoryPriorityFeaturesEXT(x::VkPhysicalDeviceMemoryPriorityFeaturesEXT, next_types::Type...) = PhysicalDeviceMemoryPriorityFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.memoryPriority)) MemoryPriorityAllocateInfoEXT(x::VkMemoryPriorityAllocateInfoEXT, next_types::Type...) = MemoryPriorityAllocateInfoEXT(load_next_chain(x.pNext, next_types...), x.priority) PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT(x::VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT, next_types::Type...) = PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.pageableDeviceLocalMemory)) PhysicalDeviceBufferDeviceAddressFeatures(x::VkPhysicalDeviceBufferDeviceAddressFeatures, next_types::Type...) = PhysicalDeviceBufferDeviceAddressFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.bufferDeviceAddress), from_vk(Bool, x.bufferDeviceAddressCaptureReplay), from_vk(Bool, x.bufferDeviceAddressMultiDevice)) PhysicalDeviceBufferDeviceAddressFeaturesEXT(x::VkPhysicalDeviceBufferDeviceAddressFeaturesEXT, next_types::Type...) = PhysicalDeviceBufferDeviceAddressFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.bufferDeviceAddress), from_vk(Bool, x.bufferDeviceAddressCaptureReplay), from_vk(Bool, x.bufferDeviceAddressMultiDevice)) BufferDeviceAddressInfo(x::VkBufferDeviceAddressInfo, next_types::Type...) = BufferDeviceAddressInfo(load_next_chain(x.pNext, next_types...), Buffer(x.buffer)) BufferOpaqueCaptureAddressCreateInfo(x::VkBufferOpaqueCaptureAddressCreateInfo, next_types::Type...) = BufferOpaqueCaptureAddressCreateInfo(load_next_chain(x.pNext, next_types...), x.opaqueCaptureAddress) BufferDeviceAddressCreateInfoEXT(x::VkBufferDeviceAddressCreateInfoEXT, next_types::Type...) = BufferDeviceAddressCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.deviceAddress) PhysicalDeviceImageViewImageFormatInfoEXT(x::VkPhysicalDeviceImageViewImageFormatInfoEXT, next_types::Type...) = PhysicalDeviceImageViewImageFormatInfoEXT(load_next_chain(x.pNext, next_types...), x.imageViewType) FilterCubicImageViewImageFormatPropertiesEXT(x::VkFilterCubicImageViewImageFormatPropertiesEXT, next_types::Type...) = FilterCubicImageViewImageFormatPropertiesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.filterCubic), from_vk(Bool, x.filterCubicMinmax)) PhysicalDeviceImagelessFramebufferFeatures(x::VkPhysicalDeviceImagelessFramebufferFeatures, next_types::Type...) = PhysicalDeviceImagelessFramebufferFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.imagelessFramebuffer)) FramebufferAttachmentsCreateInfo(x::VkFramebufferAttachmentsCreateInfo, next_types::Type...) = FramebufferAttachmentsCreateInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{FramebufferAttachmentImageInfo}, x.pAttachmentImageInfos, x.attachmentImageInfoCount; own = true)) FramebufferAttachmentImageInfo(x::VkFramebufferAttachmentImageInfo, next_types::Type...) = FramebufferAttachmentImageInfo(load_next_chain(x.pNext, next_types...), x.flags, x.usage, x.width, x.height, x.layerCount, unsafe_wrap(Vector{Format}, x.pViewFormats, x.viewFormatCount; own = true)) RenderPassAttachmentBeginInfo(x::VkRenderPassAttachmentBeginInfo, next_types::Type...) = RenderPassAttachmentBeginInfo(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{ImageView}, x.pAttachments, x.attachmentCount; own = true)) PhysicalDeviceTextureCompressionASTCHDRFeatures(x::VkPhysicalDeviceTextureCompressionASTCHDRFeatures, next_types::Type...) = PhysicalDeviceTextureCompressionASTCHDRFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.textureCompressionASTC_HDR)) PhysicalDeviceCooperativeMatrixFeaturesNV(x::VkPhysicalDeviceCooperativeMatrixFeaturesNV, next_types::Type...) = PhysicalDeviceCooperativeMatrixFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.cooperativeMatrix), from_vk(Bool, x.cooperativeMatrixRobustBufferAccess)) PhysicalDeviceCooperativeMatrixPropertiesNV(x::VkPhysicalDeviceCooperativeMatrixPropertiesNV, next_types::Type...) = PhysicalDeviceCooperativeMatrixPropertiesNV(load_next_chain(x.pNext, next_types...), x.cooperativeMatrixSupportedStages) CooperativeMatrixPropertiesNV(x::VkCooperativeMatrixPropertiesNV, next_types::Type...) = CooperativeMatrixPropertiesNV(load_next_chain(x.pNext, next_types...), x.MSize, x.NSize, x.KSize, x.AType, x.BType, x.CType, x.DType, x.scope) PhysicalDeviceYcbcrImageArraysFeaturesEXT(x::VkPhysicalDeviceYcbcrImageArraysFeaturesEXT, next_types::Type...) = PhysicalDeviceYcbcrImageArraysFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.ycbcrImageArrays)) ImageViewHandleInfoNVX(x::VkImageViewHandleInfoNVX, next_types::Type...) = ImageViewHandleInfoNVX(load_next_chain(x.pNext, next_types...), ImageView(x.imageView), x.descriptorType, Sampler(x.sampler)) ImageViewAddressPropertiesNVX(x::VkImageViewAddressPropertiesNVX, next_types::Type...) = ImageViewAddressPropertiesNVX(load_next_chain(x.pNext, next_types...), x.deviceAddress, x.size) PipelineCreationFeedback(x::VkPipelineCreationFeedback) = PipelineCreationFeedback(x.flags, x.duration) PipelineCreationFeedbackCreateInfo(x::VkPipelineCreationFeedbackCreateInfo, next_types::Type...) = PipelineCreationFeedbackCreateInfo(load_next_chain(x.pNext, next_types...), PipelineCreationFeedback(x.pPipelineCreationFeedback), unsafe_wrap(Vector{PipelineCreationFeedback}, x.pPipelineStageCreationFeedbacks, x.pipelineStageCreationFeedbackCount; own = true)) SurfaceFullScreenExclusiveInfoEXT(x::VkSurfaceFullScreenExclusiveInfoEXT, next_types::Type...) = SurfaceFullScreenExclusiveInfoEXT(load_next_chain(x.pNext, next_types...), x.fullScreenExclusive) SurfaceFullScreenExclusiveWin32InfoEXT(x::VkSurfaceFullScreenExclusiveWin32InfoEXT, next_types::Type...) = SurfaceFullScreenExclusiveWin32InfoEXT(load_next_chain(x.pNext, next_types...), x.hmonitor) SurfaceCapabilitiesFullScreenExclusiveEXT(x::VkSurfaceCapabilitiesFullScreenExclusiveEXT, next_types::Type...) = SurfaceCapabilitiesFullScreenExclusiveEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.fullScreenExclusiveSupported)) PhysicalDevicePresentBarrierFeaturesNV(x::VkPhysicalDevicePresentBarrierFeaturesNV, next_types::Type...) = PhysicalDevicePresentBarrierFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.presentBarrier)) SurfaceCapabilitiesPresentBarrierNV(x::VkSurfaceCapabilitiesPresentBarrierNV, next_types::Type...) = SurfaceCapabilitiesPresentBarrierNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.presentBarrierSupported)) SwapchainPresentBarrierCreateInfoNV(x::VkSwapchainPresentBarrierCreateInfoNV, next_types::Type...) = SwapchainPresentBarrierCreateInfoNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.presentBarrierEnable)) PhysicalDevicePerformanceQueryFeaturesKHR(x::VkPhysicalDevicePerformanceQueryFeaturesKHR, next_types::Type...) = PhysicalDevicePerformanceQueryFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.performanceCounterQueryPools), from_vk(Bool, x.performanceCounterMultipleQueryPools)) PhysicalDevicePerformanceQueryPropertiesKHR(x::VkPhysicalDevicePerformanceQueryPropertiesKHR, next_types::Type...) = PhysicalDevicePerformanceQueryPropertiesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.allowCommandBufferQueryCopies)) PerformanceCounterKHR(x::VkPerformanceCounterKHR, next_types::Type...) = PerformanceCounterKHR(load_next_chain(x.pNext, next_types...), x.unit, x.scope, x.storage, x.uuid) PerformanceCounterDescriptionKHR(x::VkPerformanceCounterDescriptionKHR, next_types::Type...) = PerformanceCounterDescriptionKHR(load_next_chain(x.pNext, next_types...), x.flags, from_vk(String, x.name), from_vk(String, x.category), from_vk(String, x.description)) QueryPoolPerformanceCreateInfoKHR(x::VkQueryPoolPerformanceCreateInfoKHR, next_types::Type...) = QueryPoolPerformanceCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.queueFamilyIndex, unsafe_wrap(Vector{UInt32}, x.pCounterIndices, x.counterIndexCount; own = true)) AcquireProfilingLockInfoKHR(x::VkAcquireProfilingLockInfoKHR, next_types::Type...) = AcquireProfilingLockInfoKHR(load_next_chain(x.pNext, next_types...), x.flags, x.timeout) PerformanceQuerySubmitInfoKHR(x::VkPerformanceQuerySubmitInfoKHR, next_types::Type...) = PerformanceQuerySubmitInfoKHR(load_next_chain(x.pNext, next_types...), x.counterPassIndex) HeadlessSurfaceCreateInfoEXT(x::VkHeadlessSurfaceCreateInfoEXT, next_types::Type...) = HeadlessSurfaceCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.flags) PhysicalDeviceCoverageReductionModeFeaturesNV(x::VkPhysicalDeviceCoverageReductionModeFeaturesNV, next_types::Type...) = PhysicalDeviceCoverageReductionModeFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.coverageReductionMode)) PipelineCoverageReductionStateCreateInfoNV(x::VkPipelineCoverageReductionStateCreateInfoNV, next_types::Type...) = PipelineCoverageReductionStateCreateInfoNV(load_next_chain(x.pNext, next_types...), x.flags, x.coverageReductionMode) FramebufferMixedSamplesCombinationNV(x::VkFramebufferMixedSamplesCombinationNV, next_types::Type...) = FramebufferMixedSamplesCombinationNV(load_next_chain(x.pNext, next_types...), x.coverageReductionMode, SampleCountFlag(UInt32(x.rasterizationSamples)), x.depthStencilSamples, x.colorSamples) PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL(x::VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL, next_types::Type...) = PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderIntegerFunctions2)) PerformanceValueINTEL(x::VkPerformanceValueINTEL) = PerformanceValueINTEL(x.type, PerformanceValueDataINTEL(x.data)) InitializePerformanceApiInfoINTEL(x::VkInitializePerformanceApiInfoINTEL, next_types::Type...) = InitializePerformanceApiInfoINTEL(load_next_chain(x.pNext, next_types...), x.pUserData) QueryPoolPerformanceQueryCreateInfoINTEL(x::VkQueryPoolPerformanceQueryCreateInfoINTEL, next_types::Type...) = QueryPoolPerformanceQueryCreateInfoINTEL(load_next_chain(x.pNext, next_types...), x.performanceCountersSampling) PerformanceMarkerInfoINTEL(x::VkPerformanceMarkerInfoINTEL, next_types::Type...) = PerformanceMarkerInfoINTEL(load_next_chain(x.pNext, next_types...), x.marker) PerformanceStreamMarkerInfoINTEL(x::VkPerformanceStreamMarkerInfoINTEL, next_types::Type...) = PerformanceStreamMarkerInfoINTEL(load_next_chain(x.pNext, next_types...), x.marker) PerformanceOverrideInfoINTEL(x::VkPerformanceOverrideInfoINTEL, next_types::Type...) = PerformanceOverrideInfoINTEL(load_next_chain(x.pNext, next_types...), x.type, from_vk(Bool, x.enable), x.parameter) PerformanceConfigurationAcquireInfoINTEL(x::VkPerformanceConfigurationAcquireInfoINTEL, next_types::Type...) = PerformanceConfigurationAcquireInfoINTEL(load_next_chain(x.pNext, next_types...), x.type) PhysicalDeviceShaderClockFeaturesKHR(x::VkPhysicalDeviceShaderClockFeaturesKHR, next_types::Type...) = PhysicalDeviceShaderClockFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderSubgroupClock), from_vk(Bool, x.shaderDeviceClock)) PhysicalDeviceIndexTypeUint8FeaturesEXT(x::VkPhysicalDeviceIndexTypeUint8FeaturesEXT, next_types::Type...) = PhysicalDeviceIndexTypeUint8FeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.indexTypeUint8)) PhysicalDeviceShaderSMBuiltinsPropertiesNV(x::VkPhysicalDeviceShaderSMBuiltinsPropertiesNV, next_types::Type...) = PhysicalDeviceShaderSMBuiltinsPropertiesNV(load_next_chain(x.pNext, next_types...), x.shaderSMCount, x.shaderWarpsPerSM) PhysicalDeviceShaderSMBuiltinsFeaturesNV(x::VkPhysicalDeviceShaderSMBuiltinsFeaturesNV, next_types::Type...) = PhysicalDeviceShaderSMBuiltinsFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderSMBuiltins)) PhysicalDeviceFragmentShaderInterlockFeaturesEXT(x::VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT, next_types::Type...) = PhysicalDeviceFragmentShaderInterlockFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.fragmentShaderSampleInterlock), from_vk(Bool, x.fragmentShaderPixelInterlock), from_vk(Bool, x.fragmentShaderShadingRateInterlock)) PhysicalDeviceSeparateDepthStencilLayoutsFeatures(x::VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures, next_types::Type...) = PhysicalDeviceSeparateDepthStencilLayoutsFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.separateDepthStencilLayouts)) AttachmentReferenceStencilLayout(x::VkAttachmentReferenceStencilLayout, next_types::Type...) = AttachmentReferenceStencilLayout(load_next_chain(x.pNext, next_types...), x.stencilLayout) PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT(x::VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT, next_types::Type...) = PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.primitiveTopologyListRestart), from_vk(Bool, x.primitiveTopologyPatchListRestart)) AttachmentDescriptionStencilLayout(x::VkAttachmentDescriptionStencilLayout, next_types::Type...) = AttachmentDescriptionStencilLayout(load_next_chain(x.pNext, next_types...), x.stencilInitialLayout, x.stencilFinalLayout) PhysicalDevicePipelineExecutablePropertiesFeaturesKHR(x::VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR, next_types::Type...) = PhysicalDevicePipelineExecutablePropertiesFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.pipelineExecutableInfo)) PipelineInfoKHR(x::VkPipelineInfoKHR, next_types::Type...) = PipelineInfoKHR(load_next_chain(x.pNext, next_types...), Pipeline(x.pipeline)) PipelineExecutablePropertiesKHR(x::VkPipelineExecutablePropertiesKHR, next_types::Type...) = PipelineExecutablePropertiesKHR(load_next_chain(x.pNext, next_types...), x.stages, from_vk(String, x.name), from_vk(String, x.description), x.subgroupSize) PipelineExecutableInfoKHR(x::VkPipelineExecutableInfoKHR, next_types::Type...) = PipelineExecutableInfoKHR(load_next_chain(x.pNext, next_types...), Pipeline(x.pipeline), x.executableIndex) PipelineExecutableStatisticKHR(x::VkPipelineExecutableStatisticKHR, next_types::Type...) = PipelineExecutableStatisticKHR(load_next_chain(x.pNext, next_types...), from_vk(String, x.name), from_vk(String, x.description), x.format, PipelineExecutableStatisticValueKHR(x.value)) PipelineExecutableInternalRepresentationKHR(x::VkPipelineExecutableInternalRepresentationKHR, next_types::Type...) = PipelineExecutableInternalRepresentationKHR(load_next_chain(x.pNext, next_types...), from_vk(String, x.name), from_vk(String, x.description), from_vk(Bool, x.isText), x.dataSize, x.pData) PhysicalDeviceShaderDemoteToHelperInvocationFeatures(x::VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures, next_types::Type...) = PhysicalDeviceShaderDemoteToHelperInvocationFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderDemoteToHelperInvocation)) PhysicalDeviceTexelBufferAlignmentFeaturesEXT(x::VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT, next_types::Type...) = PhysicalDeviceTexelBufferAlignmentFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.texelBufferAlignment)) PhysicalDeviceTexelBufferAlignmentProperties(x::VkPhysicalDeviceTexelBufferAlignmentProperties, next_types::Type...) = PhysicalDeviceTexelBufferAlignmentProperties(load_next_chain(x.pNext, next_types...), x.storageTexelBufferOffsetAlignmentBytes, from_vk(Bool, x.storageTexelBufferOffsetSingleTexelAlignment), x.uniformTexelBufferOffsetAlignmentBytes, from_vk(Bool, x.uniformTexelBufferOffsetSingleTexelAlignment)) PhysicalDeviceSubgroupSizeControlFeatures(x::VkPhysicalDeviceSubgroupSizeControlFeatures, next_types::Type...) = PhysicalDeviceSubgroupSizeControlFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.subgroupSizeControl), from_vk(Bool, x.computeFullSubgroups)) PhysicalDeviceSubgroupSizeControlProperties(x::VkPhysicalDeviceSubgroupSizeControlProperties, next_types::Type...) = PhysicalDeviceSubgroupSizeControlProperties(load_next_chain(x.pNext, next_types...), x.minSubgroupSize, x.maxSubgroupSize, x.maxComputeWorkgroupSubgroups, x.requiredSubgroupSizeStages) PipelineShaderStageRequiredSubgroupSizeCreateInfo(x::VkPipelineShaderStageRequiredSubgroupSizeCreateInfo, next_types::Type...) = PipelineShaderStageRequiredSubgroupSizeCreateInfo(load_next_chain(x.pNext, next_types...), x.requiredSubgroupSize) SubpassShadingPipelineCreateInfoHUAWEI(x::VkSubpassShadingPipelineCreateInfoHUAWEI, next_types::Type...) = SubpassShadingPipelineCreateInfoHUAWEI(load_next_chain(x.pNext, next_types...), RenderPass(x.renderPass), x.subpass) PhysicalDeviceSubpassShadingPropertiesHUAWEI(x::VkPhysicalDeviceSubpassShadingPropertiesHUAWEI, next_types::Type...) = PhysicalDeviceSubpassShadingPropertiesHUAWEI(load_next_chain(x.pNext, next_types...), x.maxSubpassShadingWorkgroupSizeAspectRatio) PhysicalDeviceClusterCullingShaderPropertiesHUAWEI(x::VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI, next_types::Type...) = PhysicalDeviceClusterCullingShaderPropertiesHUAWEI(load_next_chain(x.pNext, next_types...), x.maxWorkGroupCount, x.maxWorkGroupSize, x.maxOutputClusterCount) MemoryOpaqueCaptureAddressAllocateInfo(x::VkMemoryOpaqueCaptureAddressAllocateInfo, next_types::Type...) = MemoryOpaqueCaptureAddressAllocateInfo(load_next_chain(x.pNext, next_types...), x.opaqueCaptureAddress) DeviceMemoryOpaqueCaptureAddressInfo(x::VkDeviceMemoryOpaqueCaptureAddressInfo, next_types::Type...) = DeviceMemoryOpaqueCaptureAddressInfo(load_next_chain(x.pNext, next_types...), DeviceMemory(x.memory)) PhysicalDeviceLineRasterizationFeaturesEXT(x::VkPhysicalDeviceLineRasterizationFeaturesEXT, next_types::Type...) = PhysicalDeviceLineRasterizationFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.rectangularLines), from_vk(Bool, x.bresenhamLines), from_vk(Bool, x.smoothLines), from_vk(Bool, x.stippledRectangularLines), from_vk(Bool, x.stippledBresenhamLines), from_vk(Bool, x.stippledSmoothLines)) PhysicalDeviceLineRasterizationPropertiesEXT(x::VkPhysicalDeviceLineRasterizationPropertiesEXT, next_types::Type...) = PhysicalDeviceLineRasterizationPropertiesEXT(load_next_chain(x.pNext, next_types...), x.lineSubPixelPrecisionBits) PipelineRasterizationLineStateCreateInfoEXT(x::VkPipelineRasterizationLineStateCreateInfoEXT, next_types::Type...) = PipelineRasterizationLineStateCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.lineRasterizationMode, from_vk(Bool, x.stippledLineEnable), x.lineStippleFactor, x.lineStipplePattern) PhysicalDevicePipelineCreationCacheControlFeatures(x::VkPhysicalDevicePipelineCreationCacheControlFeatures, next_types::Type...) = PhysicalDevicePipelineCreationCacheControlFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.pipelineCreationCacheControl)) PhysicalDeviceVulkan11Features(x::VkPhysicalDeviceVulkan11Features, next_types::Type...) = PhysicalDeviceVulkan11Features(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.storageBuffer16BitAccess), from_vk(Bool, x.uniformAndStorageBuffer16BitAccess), from_vk(Bool, x.storagePushConstant16), from_vk(Bool, x.storageInputOutput16), from_vk(Bool, x.multiview), from_vk(Bool, x.multiviewGeometryShader), from_vk(Bool, x.multiviewTessellationShader), from_vk(Bool, x.variablePointersStorageBuffer), from_vk(Bool, x.variablePointers), from_vk(Bool, x.protectedMemory), from_vk(Bool, x.samplerYcbcrConversion), from_vk(Bool, x.shaderDrawParameters)) PhysicalDeviceVulkan11Properties(x::VkPhysicalDeviceVulkan11Properties, next_types::Type...) = PhysicalDeviceVulkan11Properties(load_next_chain(x.pNext, next_types...), x.deviceUUID, x.driverUUID, x.deviceLUID, x.deviceNodeMask, from_vk(Bool, x.deviceLUIDValid), x.subgroupSize, x.subgroupSupportedStages, x.subgroupSupportedOperations, from_vk(Bool, x.subgroupQuadOperationsInAllStages), x.pointClippingBehavior, x.maxMultiviewViewCount, x.maxMultiviewInstanceIndex, from_vk(Bool, x.protectedNoFault), x.maxPerSetDescriptors, x.maxMemoryAllocationSize) PhysicalDeviceVulkan12Features(x::VkPhysicalDeviceVulkan12Features, next_types::Type...) = PhysicalDeviceVulkan12Features(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.samplerMirrorClampToEdge), from_vk(Bool, x.drawIndirectCount), from_vk(Bool, x.storageBuffer8BitAccess), from_vk(Bool, x.uniformAndStorageBuffer8BitAccess), from_vk(Bool, x.storagePushConstant8), from_vk(Bool, x.shaderBufferInt64Atomics), from_vk(Bool, x.shaderSharedInt64Atomics), from_vk(Bool, x.shaderFloat16), from_vk(Bool, x.shaderInt8), from_vk(Bool, x.descriptorIndexing), from_vk(Bool, x.shaderInputAttachmentArrayDynamicIndexing), from_vk(Bool, x.shaderUniformTexelBufferArrayDynamicIndexing), from_vk(Bool, x.shaderStorageTexelBufferArrayDynamicIndexing), from_vk(Bool, x.shaderUniformBufferArrayNonUniformIndexing), from_vk(Bool, x.shaderSampledImageArrayNonUniformIndexing), from_vk(Bool, x.shaderStorageBufferArrayNonUniformIndexing), from_vk(Bool, x.shaderStorageImageArrayNonUniformIndexing), from_vk(Bool, x.shaderInputAttachmentArrayNonUniformIndexing), from_vk(Bool, x.shaderUniformTexelBufferArrayNonUniformIndexing), from_vk(Bool, x.shaderStorageTexelBufferArrayNonUniformIndexing), from_vk(Bool, x.descriptorBindingUniformBufferUpdateAfterBind), from_vk(Bool, x.descriptorBindingSampledImageUpdateAfterBind), from_vk(Bool, x.descriptorBindingStorageImageUpdateAfterBind), from_vk(Bool, x.descriptorBindingStorageBufferUpdateAfterBind), from_vk(Bool, x.descriptorBindingUniformTexelBufferUpdateAfterBind), from_vk(Bool, x.descriptorBindingStorageTexelBufferUpdateAfterBind), from_vk(Bool, x.descriptorBindingUpdateUnusedWhilePending), from_vk(Bool, x.descriptorBindingPartiallyBound), from_vk(Bool, x.descriptorBindingVariableDescriptorCount), from_vk(Bool, x.runtimeDescriptorArray), from_vk(Bool, x.samplerFilterMinmax), from_vk(Bool, x.scalarBlockLayout), from_vk(Bool, x.imagelessFramebuffer), from_vk(Bool, x.uniformBufferStandardLayout), from_vk(Bool, x.shaderSubgroupExtendedTypes), from_vk(Bool, x.separateDepthStencilLayouts), from_vk(Bool, x.hostQueryReset), from_vk(Bool, x.timelineSemaphore), from_vk(Bool, x.bufferDeviceAddress), from_vk(Bool, x.bufferDeviceAddressCaptureReplay), from_vk(Bool, x.bufferDeviceAddressMultiDevice), from_vk(Bool, x.vulkanMemoryModel), from_vk(Bool, x.vulkanMemoryModelDeviceScope), from_vk(Bool, x.vulkanMemoryModelAvailabilityVisibilityChains), from_vk(Bool, x.shaderOutputViewportIndex), from_vk(Bool, x.shaderOutputLayer), from_vk(Bool, x.subgroupBroadcastDynamicId)) PhysicalDeviceVulkan12Properties(x::VkPhysicalDeviceVulkan12Properties, next_types::Type...) = PhysicalDeviceVulkan12Properties(load_next_chain(x.pNext, next_types...), x.driverID, from_vk(String, x.driverName), from_vk(String, x.driverInfo), ConformanceVersion(x.conformanceVersion), x.denormBehaviorIndependence, x.roundingModeIndependence, from_vk(Bool, x.shaderSignedZeroInfNanPreserveFloat16), from_vk(Bool, x.shaderSignedZeroInfNanPreserveFloat32), from_vk(Bool, x.shaderSignedZeroInfNanPreserveFloat64), from_vk(Bool, x.shaderDenormPreserveFloat16), from_vk(Bool, x.shaderDenormPreserveFloat32), from_vk(Bool, x.shaderDenormPreserveFloat64), from_vk(Bool, x.shaderDenormFlushToZeroFloat16), from_vk(Bool, x.shaderDenormFlushToZeroFloat32), from_vk(Bool, x.shaderDenormFlushToZeroFloat64), from_vk(Bool, x.shaderRoundingModeRTEFloat16), from_vk(Bool, x.shaderRoundingModeRTEFloat32), from_vk(Bool, x.shaderRoundingModeRTEFloat64), from_vk(Bool, x.shaderRoundingModeRTZFloat16), from_vk(Bool, x.shaderRoundingModeRTZFloat32), from_vk(Bool, x.shaderRoundingModeRTZFloat64), x.maxUpdateAfterBindDescriptorsInAllPools, from_vk(Bool, x.shaderUniformBufferArrayNonUniformIndexingNative), from_vk(Bool, x.shaderSampledImageArrayNonUniformIndexingNative), from_vk(Bool, x.shaderStorageBufferArrayNonUniformIndexingNative), from_vk(Bool, x.shaderStorageImageArrayNonUniformIndexingNative), from_vk(Bool, x.shaderInputAttachmentArrayNonUniformIndexingNative), from_vk(Bool, x.robustBufferAccessUpdateAfterBind), from_vk(Bool, x.quadDivergentImplicitLod), x.maxPerStageDescriptorUpdateAfterBindSamplers, x.maxPerStageDescriptorUpdateAfterBindUniformBuffers, x.maxPerStageDescriptorUpdateAfterBindStorageBuffers, x.maxPerStageDescriptorUpdateAfterBindSampledImages, x.maxPerStageDescriptorUpdateAfterBindStorageImages, x.maxPerStageDescriptorUpdateAfterBindInputAttachments, x.maxPerStageUpdateAfterBindResources, x.maxDescriptorSetUpdateAfterBindSamplers, x.maxDescriptorSetUpdateAfterBindUniformBuffers, x.maxDescriptorSetUpdateAfterBindUniformBuffersDynamic, x.maxDescriptorSetUpdateAfterBindStorageBuffers, x.maxDescriptorSetUpdateAfterBindStorageBuffersDynamic, x.maxDescriptorSetUpdateAfterBindSampledImages, x.maxDescriptorSetUpdateAfterBindStorageImages, x.maxDescriptorSetUpdateAfterBindInputAttachments, x.supportedDepthResolveModes, x.supportedStencilResolveModes, from_vk(Bool, x.independentResolveNone), from_vk(Bool, x.independentResolve), from_vk(Bool, x.filterMinmaxSingleComponentFormats), from_vk(Bool, x.filterMinmaxImageComponentMapping), x.maxTimelineSemaphoreValueDifference, x.framebufferIntegerColorSampleCounts) PhysicalDeviceVulkan13Features(x::VkPhysicalDeviceVulkan13Features, next_types::Type...) = PhysicalDeviceVulkan13Features(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.robustImageAccess), from_vk(Bool, x.inlineUniformBlock), from_vk(Bool, x.descriptorBindingInlineUniformBlockUpdateAfterBind), from_vk(Bool, x.pipelineCreationCacheControl), from_vk(Bool, x.privateData), from_vk(Bool, x.shaderDemoteToHelperInvocation), from_vk(Bool, x.shaderTerminateInvocation), from_vk(Bool, x.subgroupSizeControl), from_vk(Bool, x.computeFullSubgroups), from_vk(Bool, x.synchronization2), from_vk(Bool, x.textureCompressionASTC_HDR), from_vk(Bool, x.shaderZeroInitializeWorkgroupMemory), from_vk(Bool, x.dynamicRendering), from_vk(Bool, x.shaderIntegerDotProduct), from_vk(Bool, x.maintenance4)) PhysicalDeviceVulkan13Properties(x::VkPhysicalDeviceVulkan13Properties, next_types::Type...) = PhysicalDeviceVulkan13Properties(load_next_chain(x.pNext, next_types...), x.minSubgroupSize, x.maxSubgroupSize, x.maxComputeWorkgroupSubgroups, x.requiredSubgroupSizeStages, x.maxInlineUniformBlockSize, x.maxPerStageDescriptorInlineUniformBlocks, x.maxPerStageDescriptorUpdateAfterBindInlineUniformBlocks, x.maxDescriptorSetInlineUniformBlocks, x.maxDescriptorSetUpdateAfterBindInlineUniformBlocks, x.maxInlineUniformTotalSize, from_vk(Bool, x.integerDotProduct8BitUnsignedAccelerated), from_vk(Bool, x.integerDotProduct8BitSignedAccelerated), from_vk(Bool, x.integerDotProduct8BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProduct4x8BitPackedUnsignedAccelerated), from_vk(Bool, x.integerDotProduct4x8BitPackedSignedAccelerated), from_vk(Bool, x.integerDotProduct4x8BitPackedMixedSignednessAccelerated), from_vk(Bool, x.integerDotProduct16BitUnsignedAccelerated), from_vk(Bool, x.integerDotProduct16BitSignedAccelerated), from_vk(Bool, x.integerDotProduct16BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProduct32BitUnsignedAccelerated), from_vk(Bool, x.integerDotProduct32BitSignedAccelerated), from_vk(Bool, x.integerDotProduct32BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProduct64BitUnsignedAccelerated), from_vk(Bool, x.integerDotProduct64BitSignedAccelerated), from_vk(Bool, x.integerDotProduct64BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating8BitUnsignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating8BitSignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating8BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating4x8BitPackedUnsignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating4x8BitPackedSignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating4x8BitPackedMixedSignednessAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating16BitUnsignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating16BitSignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating16BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating32BitUnsignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating32BitSignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating32BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating64BitUnsignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating64BitSignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating64BitMixedSignednessAccelerated), x.storageTexelBufferOffsetAlignmentBytes, from_vk(Bool, x.storageTexelBufferOffsetSingleTexelAlignment), x.uniformTexelBufferOffsetAlignmentBytes, from_vk(Bool, x.uniformTexelBufferOffsetSingleTexelAlignment), x.maxBufferSize) PipelineCompilerControlCreateInfoAMD(x::VkPipelineCompilerControlCreateInfoAMD, next_types::Type...) = PipelineCompilerControlCreateInfoAMD(load_next_chain(x.pNext, next_types...), x.compilerControlFlags) PhysicalDeviceCoherentMemoryFeaturesAMD(x::VkPhysicalDeviceCoherentMemoryFeaturesAMD, next_types::Type...) = PhysicalDeviceCoherentMemoryFeaturesAMD(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.deviceCoherentMemory)) PhysicalDeviceToolProperties(x::VkPhysicalDeviceToolProperties, next_types::Type...) = PhysicalDeviceToolProperties(load_next_chain(x.pNext, next_types...), from_vk(String, x.name), from_vk(String, x.version), x.purposes, from_vk(String, x.description), from_vk(String, x.layer)) SamplerCustomBorderColorCreateInfoEXT(x::VkSamplerCustomBorderColorCreateInfoEXT, next_types::Type...) = SamplerCustomBorderColorCreateInfoEXT(load_next_chain(x.pNext, next_types...), ClearColorValue(x.customBorderColor), x.format) PhysicalDeviceCustomBorderColorPropertiesEXT(x::VkPhysicalDeviceCustomBorderColorPropertiesEXT, next_types::Type...) = PhysicalDeviceCustomBorderColorPropertiesEXT(load_next_chain(x.pNext, next_types...), x.maxCustomBorderColorSamplers) PhysicalDeviceCustomBorderColorFeaturesEXT(x::VkPhysicalDeviceCustomBorderColorFeaturesEXT, next_types::Type...) = PhysicalDeviceCustomBorderColorFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.customBorderColors), from_vk(Bool, x.customBorderColorWithoutFormat)) SamplerBorderColorComponentMappingCreateInfoEXT(x::VkSamplerBorderColorComponentMappingCreateInfoEXT, next_types::Type...) = SamplerBorderColorComponentMappingCreateInfoEXT(load_next_chain(x.pNext, next_types...), ComponentMapping(x.components), from_vk(Bool, x.srgb)) PhysicalDeviceBorderColorSwizzleFeaturesEXT(x::VkPhysicalDeviceBorderColorSwizzleFeaturesEXT, next_types::Type...) = PhysicalDeviceBorderColorSwizzleFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.borderColorSwizzle), from_vk(Bool, x.borderColorSwizzleFromImage)) AccelerationStructureGeometryTrianglesDataKHR(x::VkAccelerationStructureGeometryTrianglesDataKHR, next_types::Type...) = AccelerationStructureGeometryTrianglesDataKHR(load_next_chain(x.pNext, next_types...), x.vertexFormat, DeviceOrHostAddressConstKHR(x.vertexData), x.vertexStride, x.maxVertex, x.indexType, DeviceOrHostAddressConstKHR(x.indexData), DeviceOrHostAddressConstKHR(x.transformData)) AccelerationStructureGeometryAabbsDataKHR(x::VkAccelerationStructureGeometryAabbsDataKHR, next_types::Type...) = AccelerationStructureGeometryAabbsDataKHR(load_next_chain(x.pNext, next_types...), DeviceOrHostAddressConstKHR(x.data), x.stride) AccelerationStructureGeometryInstancesDataKHR(x::VkAccelerationStructureGeometryInstancesDataKHR, next_types::Type...) = AccelerationStructureGeometryInstancesDataKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.arrayOfPointers), DeviceOrHostAddressConstKHR(x.data)) AccelerationStructureGeometryKHR(x::VkAccelerationStructureGeometryKHR, next_types::Type...) = AccelerationStructureGeometryKHR(load_next_chain(x.pNext, next_types...), x.geometryType, AccelerationStructureGeometryDataKHR(x.geometry), x.flags) AccelerationStructureBuildGeometryInfoKHR(x::VkAccelerationStructureBuildGeometryInfoKHR, next_types::Type...) = AccelerationStructureBuildGeometryInfoKHR(load_next_chain(x.pNext, next_types...), x.type, x.flags, x.mode, AccelerationStructureKHR(x.srcAccelerationStructure), AccelerationStructureKHR(x.dstAccelerationStructure), unsafe_wrap(Vector{AccelerationStructureGeometryKHR}, x.pGeometries, x.geometryCount; own = true), unsafe_wrap(Vector{AccelerationStructureGeometryKHR}, x.ppGeometries, x.geometryCount; own = true), DeviceOrHostAddressKHR(x.scratchData)) AccelerationStructureBuildRangeInfoKHR(x::VkAccelerationStructureBuildRangeInfoKHR) = AccelerationStructureBuildRangeInfoKHR(x.primitiveCount, x.primitiveOffset, x.firstVertex, x.transformOffset) AccelerationStructureCreateInfoKHR(x::VkAccelerationStructureCreateInfoKHR, next_types::Type...) = AccelerationStructureCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.createFlags, Buffer(x.buffer), x.offset, x.size, x.type, x.deviceAddress) AabbPositionsKHR(x::VkAabbPositionsKHR) = AabbPositionsKHR(x.minX, x.minY, x.minZ, x.maxX, x.maxY, x.maxZ) TransformMatrixKHR(x::VkTransformMatrixKHR) = TransformMatrixKHR(x.matrix) AccelerationStructureInstanceKHR(x::VkAccelerationStructureInstanceKHR) = AccelerationStructureInstanceKHR(TransformMatrixKHR(x.transform), x.instanceCustomIndex, x.mask, x.instanceShaderBindingTableRecordOffset, x.flags, x.accelerationStructureReference) AccelerationStructureDeviceAddressInfoKHR(x::VkAccelerationStructureDeviceAddressInfoKHR, next_types::Type...) = AccelerationStructureDeviceAddressInfoKHR(load_next_chain(x.pNext, next_types...), AccelerationStructureKHR(x.accelerationStructure)) AccelerationStructureVersionInfoKHR(x::VkAccelerationStructureVersionInfoKHR, next_types::Type...) = AccelerationStructureVersionInfoKHR(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{UInt8}, x.pVersionData, 2VK_UUID_SIZE; own = true)) CopyAccelerationStructureInfoKHR(x::VkCopyAccelerationStructureInfoKHR, next_types::Type...) = CopyAccelerationStructureInfoKHR(load_next_chain(x.pNext, next_types...), AccelerationStructureKHR(x.src), AccelerationStructureKHR(x.dst), x.mode) CopyAccelerationStructureToMemoryInfoKHR(x::VkCopyAccelerationStructureToMemoryInfoKHR, next_types::Type...) = CopyAccelerationStructureToMemoryInfoKHR(load_next_chain(x.pNext, next_types...), AccelerationStructureKHR(x.src), DeviceOrHostAddressKHR(x.dst), x.mode) CopyMemoryToAccelerationStructureInfoKHR(x::VkCopyMemoryToAccelerationStructureInfoKHR, next_types::Type...) = CopyMemoryToAccelerationStructureInfoKHR(load_next_chain(x.pNext, next_types...), DeviceOrHostAddressConstKHR(x.src), AccelerationStructureKHR(x.dst), x.mode) RayTracingPipelineInterfaceCreateInfoKHR(x::VkRayTracingPipelineInterfaceCreateInfoKHR, next_types::Type...) = RayTracingPipelineInterfaceCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.maxPipelineRayPayloadSize, x.maxPipelineRayHitAttributeSize) PipelineLibraryCreateInfoKHR(x::VkPipelineLibraryCreateInfoKHR, next_types::Type...) = PipelineLibraryCreateInfoKHR(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{Pipeline}, x.pLibraries, x.libraryCount; own = true)) PhysicalDeviceExtendedDynamicStateFeaturesEXT(x::VkPhysicalDeviceExtendedDynamicStateFeaturesEXT, next_types::Type...) = PhysicalDeviceExtendedDynamicStateFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.extendedDynamicState)) PhysicalDeviceExtendedDynamicState2FeaturesEXT(x::VkPhysicalDeviceExtendedDynamicState2FeaturesEXT, next_types::Type...) = PhysicalDeviceExtendedDynamicState2FeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.extendedDynamicState2), from_vk(Bool, x.extendedDynamicState2LogicOp), from_vk(Bool, x.extendedDynamicState2PatchControlPoints)) PhysicalDeviceExtendedDynamicState3FeaturesEXT(x::VkPhysicalDeviceExtendedDynamicState3FeaturesEXT, next_types::Type...) = PhysicalDeviceExtendedDynamicState3FeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.extendedDynamicState3TessellationDomainOrigin), from_vk(Bool, x.extendedDynamicState3DepthClampEnable), from_vk(Bool, x.extendedDynamicState3PolygonMode), from_vk(Bool, x.extendedDynamicState3RasterizationSamples), from_vk(Bool, x.extendedDynamicState3SampleMask), from_vk(Bool, x.extendedDynamicState3AlphaToCoverageEnable), from_vk(Bool, x.extendedDynamicState3AlphaToOneEnable), from_vk(Bool, x.extendedDynamicState3LogicOpEnable), from_vk(Bool, x.extendedDynamicState3ColorBlendEnable), from_vk(Bool, x.extendedDynamicState3ColorBlendEquation), from_vk(Bool, x.extendedDynamicState3ColorWriteMask), from_vk(Bool, x.extendedDynamicState3RasterizationStream), from_vk(Bool, x.extendedDynamicState3ConservativeRasterizationMode), from_vk(Bool, x.extendedDynamicState3ExtraPrimitiveOverestimationSize), from_vk(Bool, x.extendedDynamicState3DepthClipEnable), from_vk(Bool, x.extendedDynamicState3SampleLocationsEnable), from_vk(Bool, x.extendedDynamicState3ColorBlendAdvanced), from_vk(Bool, x.extendedDynamicState3ProvokingVertexMode), from_vk(Bool, x.extendedDynamicState3LineRasterizationMode), from_vk(Bool, x.extendedDynamicState3LineStippleEnable), from_vk(Bool, x.extendedDynamicState3DepthClipNegativeOneToOne), from_vk(Bool, x.extendedDynamicState3ViewportWScalingEnable), from_vk(Bool, x.extendedDynamicState3ViewportSwizzle), from_vk(Bool, x.extendedDynamicState3CoverageToColorEnable), from_vk(Bool, x.extendedDynamicState3CoverageToColorLocation), from_vk(Bool, x.extendedDynamicState3CoverageModulationMode), from_vk(Bool, x.extendedDynamicState3CoverageModulationTableEnable), from_vk(Bool, x.extendedDynamicState3CoverageModulationTable), from_vk(Bool, x.extendedDynamicState3CoverageReductionMode), from_vk(Bool, x.extendedDynamicState3RepresentativeFragmentTestEnable), from_vk(Bool, x.extendedDynamicState3ShadingRateImageEnable)) PhysicalDeviceExtendedDynamicState3PropertiesEXT(x::VkPhysicalDeviceExtendedDynamicState3PropertiesEXT, next_types::Type...) = PhysicalDeviceExtendedDynamicState3PropertiesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.dynamicPrimitiveTopologyUnrestricted)) ColorBlendEquationEXT(x::VkColorBlendEquationEXT) = ColorBlendEquationEXT(x.srcColorBlendFactor, x.dstColorBlendFactor, x.colorBlendOp, x.srcAlphaBlendFactor, x.dstAlphaBlendFactor, x.alphaBlendOp) ColorBlendAdvancedEXT(x::VkColorBlendAdvancedEXT) = ColorBlendAdvancedEXT(x.advancedBlendOp, from_vk(Bool, x.srcPremultiplied), from_vk(Bool, x.dstPremultiplied), x.blendOverlap, from_vk(Bool, x.clampResults)) RenderPassTransformBeginInfoQCOM(x::VkRenderPassTransformBeginInfoQCOM, next_types::Type...) = RenderPassTransformBeginInfoQCOM(load_next_chain(x.pNext, next_types...), SurfaceTransformFlagKHR(UInt32(x.transform))) CopyCommandTransformInfoQCOM(x::VkCopyCommandTransformInfoQCOM, next_types::Type...) = CopyCommandTransformInfoQCOM(load_next_chain(x.pNext, next_types...), SurfaceTransformFlagKHR(UInt32(x.transform))) CommandBufferInheritanceRenderPassTransformInfoQCOM(x::VkCommandBufferInheritanceRenderPassTransformInfoQCOM, next_types::Type...) = CommandBufferInheritanceRenderPassTransformInfoQCOM(load_next_chain(x.pNext, next_types...), SurfaceTransformFlagKHR(UInt32(x.transform)), Rect2D(x.renderArea)) PhysicalDeviceDiagnosticsConfigFeaturesNV(x::VkPhysicalDeviceDiagnosticsConfigFeaturesNV, next_types::Type...) = PhysicalDeviceDiagnosticsConfigFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.diagnosticsConfig)) DeviceDiagnosticsConfigCreateInfoNV(x::VkDeviceDiagnosticsConfigCreateInfoNV, next_types::Type...) = DeviceDiagnosticsConfigCreateInfoNV(load_next_chain(x.pNext, next_types...), x.flags) PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures(x::VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures, next_types::Type...) = PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderZeroInitializeWorkgroupMemory)) PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR(x::VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR, next_types::Type...) = PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderSubgroupUniformControlFlow)) PhysicalDeviceRobustness2FeaturesEXT(x::VkPhysicalDeviceRobustness2FeaturesEXT, next_types::Type...) = PhysicalDeviceRobustness2FeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.robustBufferAccess2), from_vk(Bool, x.robustImageAccess2), from_vk(Bool, x.nullDescriptor)) PhysicalDeviceRobustness2PropertiesEXT(x::VkPhysicalDeviceRobustness2PropertiesEXT, next_types::Type...) = PhysicalDeviceRobustness2PropertiesEXT(load_next_chain(x.pNext, next_types...), x.robustStorageBufferAccessSizeAlignment, x.robustUniformBufferAccessSizeAlignment) PhysicalDeviceImageRobustnessFeatures(x::VkPhysicalDeviceImageRobustnessFeatures, next_types::Type...) = PhysicalDeviceImageRobustnessFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.robustImageAccess)) PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR(x::VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR, next_types::Type...) = PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.workgroupMemoryExplicitLayout), from_vk(Bool, x.workgroupMemoryExplicitLayoutScalarBlockLayout), from_vk(Bool, x.workgroupMemoryExplicitLayout8BitAccess), from_vk(Bool, x.workgroupMemoryExplicitLayout16BitAccess)) PhysicalDevice4444FormatsFeaturesEXT(x::VkPhysicalDevice4444FormatsFeaturesEXT, next_types::Type...) = PhysicalDevice4444FormatsFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.formatA4R4G4B4), from_vk(Bool, x.formatA4B4G4R4)) PhysicalDeviceSubpassShadingFeaturesHUAWEI(x::VkPhysicalDeviceSubpassShadingFeaturesHUAWEI, next_types::Type...) = PhysicalDeviceSubpassShadingFeaturesHUAWEI(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.subpassShading)) PhysicalDeviceClusterCullingShaderFeaturesHUAWEI(x::VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI, next_types::Type...) = PhysicalDeviceClusterCullingShaderFeaturesHUAWEI(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.clustercullingShader), from_vk(Bool, x.multiviewClusterCullingShader)) BufferCopy2(x::VkBufferCopy2, next_types::Type...) = BufferCopy2(load_next_chain(x.pNext, next_types...), x.srcOffset, x.dstOffset, x.size) ImageCopy2(x::VkImageCopy2, next_types::Type...) = ImageCopy2(load_next_chain(x.pNext, next_types...), ImageSubresourceLayers(x.srcSubresource), Offset3D(x.srcOffset), ImageSubresourceLayers(x.dstSubresource), Offset3D(x.dstOffset), Extent3D(x.extent)) ImageBlit2(x::VkImageBlit2, next_types::Type...) = ImageBlit2(load_next_chain(x.pNext, next_types...), ImageSubresourceLayers(x.srcSubresource), Offset3D.(x.srcOffsets), ImageSubresourceLayers(x.dstSubresource), Offset3D.(x.dstOffsets)) BufferImageCopy2(x::VkBufferImageCopy2, next_types::Type...) = BufferImageCopy2(load_next_chain(x.pNext, next_types...), x.bufferOffset, x.bufferRowLength, x.bufferImageHeight, ImageSubresourceLayers(x.imageSubresource), Offset3D(x.imageOffset), Extent3D(x.imageExtent)) ImageResolve2(x::VkImageResolve2, next_types::Type...) = ImageResolve2(load_next_chain(x.pNext, next_types...), ImageSubresourceLayers(x.srcSubresource), Offset3D(x.srcOffset), ImageSubresourceLayers(x.dstSubresource), Offset3D(x.dstOffset), Extent3D(x.extent)) CopyBufferInfo2(x::VkCopyBufferInfo2, next_types::Type...) = CopyBufferInfo2(load_next_chain(x.pNext, next_types...), Buffer(x.srcBuffer), Buffer(x.dstBuffer), unsafe_wrap(Vector{BufferCopy2}, x.pRegions, x.regionCount; own = true)) CopyImageInfo2(x::VkCopyImageInfo2, next_types::Type...) = CopyImageInfo2(load_next_chain(x.pNext, next_types...), Image(x.srcImage), x.srcImageLayout, Image(x.dstImage), x.dstImageLayout, unsafe_wrap(Vector{ImageCopy2}, x.pRegions, x.regionCount; own = true)) BlitImageInfo2(x::VkBlitImageInfo2, next_types::Type...) = BlitImageInfo2(load_next_chain(x.pNext, next_types...), Image(x.srcImage), x.srcImageLayout, Image(x.dstImage), x.dstImageLayout, unsafe_wrap(Vector{ImageBlit2}, x.pRegions, x.regionCount; own = true), x.filter) CopyBufferToImageInfo2(x::VkCopyBufferToImageInfo2, next_types::Type...) = CopyBufferToImageInfo2(load_next_chain(x.pNext, next_types...), Buffer(x.srcBuffer), Image(x.dstImage), x.dstImageLayout, unsafe_wrap(Vector{BufferImageCopy2}, x.pRegions, x.regionCount; own = true)) CopyImageToBufferInfo2(x::VkCopyImageToBufferInfo2, next_types::Type...) = CopyImageToBufferInfo2(load_next_chain(x.pNext, next_types...), Image(x.srcImage), x.srcImageLayout, Buffer(x.dstBuffer), unsafe_wrap(Vector{BufferImageCopy2}, x.pRegions, x.regionCount; own = true)) ResolveImageInfo2(x::VkResolveImageInfo2, next_types::Type...) = ResolveImageInfo2(load_next_chain(x.pNext, next_types...), Image(x.srcImage), x.srcImageLayout, Image(x.dstImage), x.dstImageLayout, unsafe_wrap(Vector{ImageResolve2}, x.pRegions, x.regionCount; own = true)) PhysicalDeviceShaderImageAtomicInt64FeaturesEXT(x::VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT, next_types::Type...) = PhysicalDeviceShaderImageAtomicInt64FeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderImageInt64Atomics), from_vk(Bool, x.sparseImageInt64Atomics)) FragmentShadingRateAttachmentInfoKHR(x::VkFragmentShadingRateAttachmentInfoKHR, next_types::Type...) = FragmentShadingRateAttachmentInfoKHR(load_next_chain(x.pNext, next_types...), AttachmentReference2(x.pFragmentShadingRateAttachment), Extent2D(x.shadingRateAttachmentTexelSize)) PipelineFragmentShadingRateStateCreateInfoKHR(x::VkPipelineFragmentShadingRateStateCreateInfoKHR, next_types::Type...) = PipelineFragmentShadingRateStateCreateInfoKHR(load_next_chain(x.pNext, next_types...), Extent2D(x.fragmentSize), x.combinerOps) PhysicalDeviceFragmentShadingRateFeaturesKHR(x::VkPhysicalDeviceFragmentShadingRateFeaturesKHR, next_types::Type...) = PhysicalDeviceFragmentShadingRateFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.pipelineFragmentShadingRate), from_vk(Bool, x.primitiveFragmentShadingRate), from_vk(Bool, x.attachmentFragmentShadingRate)) PhysicalDeviceFragmentShadingRatePropertiesKHR(x::VkPhysicalDeviceFragmentShadingRatePropertiesKHR, next_types::Type...) = PhysicalDeviceFragmentShadingRatePropertiesKHR(load_next_chain(x.pNext, next_types...), Extent2D(x.minFragmentShadingRateAttachmentTexelSize), Extent2D(x.maxFragmentShadingRateAttachmentTexelSize), x.maxFragmentShadingRateAttachmentTexelSizeAspectRatio, from_vk(Bool, x.primitiveFragmentShadingRateWithMultipleViewports), from_vk(Bool, x.layeredShadingRateAttachments), from_vk(Bool, x.fragmentShadingRateNonTrivialCombinerOps), Extent2D(x.maxFragmentSize), x.maxFragmentSizeAspectRatio, x.maxFragmentShadingRateCoverageSamples, SampleCountFlag(UInt32(x.maxFragmentShadingRateRasterizationSamples)), from_vk(Bool, x.fragmentShadingRateWithShaderDepthStencilWrites), from_vk(Bool, x.fragmentShadingRateWithSampleMask), from_vk(Bool, x.fragmentShadingRateWithShaderSampleMask), from_vk(Bool, x.fragmentShadingRateWithConservativeRasterization), from_vk(Bool, x.fragmentShadingRateWithFragmentShaderInterlock), from_vk(Bool, x.fragmentShadingRateWithCustomSampleLocations), from_vk(Bool, x.fragmentShadingRateStrictMultiplyCombiner)) PhysicalDeviceFragmentShadingRateKHR(x::VkPhysicalDeviceFragmentShadingRateKHR, next_types::Type...) = PhysicalDeviceFragmentShadingRateKHR(load_next_chain(x.pNext, next_types...), x.sampleCounts, Extent2D(x.fragmentSize)) PhysicalDeviceShaderTerminateInvocationFeatures(x::VkPhysicalDeviceShaderTerminateInvocationFeatures, next_types::Type...) = PhysicalDeviceShaderTerminateInvocationFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderTerminateInvocation)) PhysicalDeviceFragmentShadingRateEnumsFeaturesNV(x::VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV, next_types::Type...) = PhysicalDeviceFragmentShadingRateEnumsFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.fragmentShadingRateEnums), from_vk(Bool, x.supersampleFragmentShadingRates), from_vk(Bool, x.noInvocationFragmentShadingRates)) PhysicalDeviceFragmentShadingRateEnumsPropertiesNV(x::VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV, next_types::Type...) = PhysicalDeviceFragmentShadingRateEnumsPropertiesNV(load_next_chain(x.pNext, next_types...), SampleCountFlag(UInt32(x.maxFragmentShadingRateInvocationCount))) PipelineFragmentShadingRateEnumStateCreateInfoNV(x::VkPipelineFragmentShadingRateEnumStateCreateInfoNV, next_types::Type...) = PipelineFragmentShadingRateEnumStateCreateInfoNV(load_next_chain(x.pNext, next_types...), x.shadingRateType, x.shadingRate, x.combinerOps) AccelerationStructureBuildSizesInfoKHR(x::VkAccelerationStructureBuildSizesInfoKHR, next_types::Type...) = AccelerationStructureBuildSizesInfoKHR(load_next_chain(x.pNext, next_types...), x.accelerationStructureSize, x.updateScratchSize, x.buildScratchSize) PhysicalDeviceImage2DViewOf3DFeaturesEXT(x::VkPhysicalDeviceImage2DViewOf3DFeaturesEXT, next_types::Type...) = PhysicalDeviceImage2DViewOf3DFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.image2DViewOf3D), from_vk(Bool, x.sampler2DViewOf3D)) PhysicalDeviceMutableDescriptorTypeFeaturesEXT(x::VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT, next_types::Type...) = PhysicalDeviceMutableDescriptorTypeFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.mutableDescriptorType)) MutableDescriptorTypeListEXT(x::VkMutableDescriptorTypeListEXT) = MutableDescriptorTypeListEXT(unsafe_wrap(Vector{DescriptorType}, x.pDescriptorTypes, x.descriptorTypeCount; own = true)) MutableDescriptorTypeCreateInfoEXT(x::VkMutableDescriptorTypeCreateInfoEXT, next_types::Type...) = MutableDescriptorTypeCreateInfoEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{MutableDescriptorTypeListEXT}, x.pMutableDescriptorTypeLists, x.mutableDescriptorTypeListCount; own = true)) PhysicalDeviceDepthClipControlFeaturesEXT(x::VkPhysicalDeviceDepthClipControlFeaturesEXT, next_types::Type...) = PhysicalDeviceDepthClipControlFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.depthClipControl)) PipelineViewportDepthClipControlCreateInfoEXT(x::VkPipelineViewportDepthClipControlCreateInfoEXT, next_types::Type...) = PipelineViewportDepthClipControlCreateInfoEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.negativeOneToOne)) PhysicalDeviceVertexInputDynamicStateFeaturesEXT(x::VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT, next_types::Type...) = PhysicalDeviceVertexInputDynamicStateFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.vertexInputDynamicState)) PhysicalDeviceExternalMemoryRDMAFeaturesNV(x::VkPhysicalDeviceExternalMemoryRDMAFeaturesNV, next_types::Type...) = PhysicalDeviceExternalMemoryRDMAFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.externalMemoryRDMA)) VertexInputBindingDescription2EXT(x::VkVertexInputBindingDescription2EXT, next_types::Type...) = VertexInputBindingDescription2EXT(load_next_chain(x.pNext, next_types...), x.binding, x.stride, x.inputRate, x.divisor) VertexInputAttributeDescription2EXT(x::VkVertexInputAttributeDescription2EXT, next_types::Type...) = VertexInputAttributeDescription2EXT(load_next_chain(x.pNext, next_types...), x.location, x.binding, x.format, x.offset) PhysicalDeviceColorWriteEnableFeaturesEXT(x::VkPhysicalDeviceColorWriteEnableFeaturesEXT, next_types::Type...) = PhysicalDeviceColorWriteEnableFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.colorWriteEnable)) PipelineColorWriteCreateInfoEXT(x::VkPipelineColorWriteCreateInfoEXT, next_types::Type...) = PipelineColorWriteCreateInfoEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{Bool}, x.pColorWriteEnables, x.attachmentCount; own = true)) MemoryBarrier2(x::VkMemoryBarrier2, next_types::Type...) = MemoryBarrier2(load_next_chain(x.pNext, next_types...), x.srcStageMask, x.srcAccessMask, x.dstStageMask, x.dstAccessMask) ImageMemoryBarrier2(x::VkImageMemoryBarrier2, next_types::Type...) = ImageMemoryBarrier2(load_next_chain(x.pNext, next_types...), x.srcStageMask, x.srcAccessMask, x.dstStageMask, x.dstAccessMask, x.oldLayout, x.newLayout, x.srcQueueFamilyIndex, x.dstQueueFamilyIndex, Image(x.image), ImageSubresourceRange(x.subresourceRange)) BufferMemoryBarrier2(x::VkBufferMemoryBarrier2, next_types::Type...) = BufferMemoryBarrier2(load_next_chain(x.pNext, next_types...), x.srcStageMask, x.srcAccessMask, x.dstStageMask, x.dstAccessMask, x.srcQueueFamilyIndex, x.dstQueueFamilyIndex, Buffer(x.buffer), x.offset, x.size) DependencyInfo(x::VkDependencyInfo, next_types::Type...) = DependencyInfo(load_next_chain(x.pNext, next_types...), x.dependencyFlags, unsafe_wrap(Vector{MemoryBarrier2}, x.pMemoryBarriers, x.memoryBarrierCount; own = true), unsafe_wrap(Vector{BufferMemoryBarrier2}, x.pBufferMemoryBarriers, x.bufferMemoryBarrierCount; own = true), unsafe_wrap(Vector{ImageMemoryBarrier2}, x.pImageMemoryBarriers, x.imageMemoryBarrierCount; own = true)) SemaphoreSubmitInfo(x::VkSemaphoreSubmitInfo, next_types::Type...) = SemaphoreSubmitInfo(load_next_chain(x.pNext, next_types...), Semaphore(x.semaphore), x.value, x.stageMask, x.deviceIndex) CommandBufferSubmitInfo(x::VkCommandBufferSubmitInfo, next_types::Type...) = CommandBufferSubmitInfo(load_next_chain(x.pNext, next_types...), CommandBuffer(x.commandBuffer), x.deviceMask) SubmitInfo2(x::VkSubmitInfo2, next_types::Type...) = SubmitInfo2(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{SemaphoreSubmitInfo}, x.pWaitSemaphoreInfos, x.waitSemaphoreInfoCount; own = true), unsafe_wrap(Vector{CommandBufferSubmitInfo}, x.pCommandBufferInfos, x.commandBufferInfoCount; own = true), unsafe_wrap(Vector{SemaphoreSubmitInfo}, x.pSignalSemaphoreInfos, x.signalSemaphoreInfoCount; own = true)) QueueFamilyCheckpointProperties2NV(x::VkQueueFamilyCheckpointProperties2NV, next_types::Type...) = QueueFamilyCheckpointProperties2NV(load_next_chain(x.pNext, next_types...), x.checkpointExecutionStageMask) CheckpointData2NV(x::VkCheckpointData2NV, next_types::Type...) = CheckpointData2NV(load_next_chain(x.pNext, next_types...), x.stage, x.pCheckpointMarker) PhysicalDeviceSynchronization2Features(x::VkPhysicalDeviceSynchronization2Features, next_types::Type...) = PhysicalDeviceSynchronization2Features(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.synchronization2)) PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT(x::VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT, next_types::Type...) = PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.primitivesGeneratedQuery), from_vk(Bool, x.primitivesGeneratedQueryWithRasterizerDiscard), from_vk(Bool, x.primitivesGeneratedQueryWithNonZeroStreams)) PhysicalDeviceLegacyDitheringFeaturesEXT(x::VkPhysicalDeviceLegacyDitheringFeaturesEXT, next_types::Type...) = PhysicalDeviceLegacyDitheringFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.legacyDithering)) PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT(x::VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT, next_types::Type...) = PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.multisampledRenderToSingleSampled)) SubpassResolvePerformanceQueryEXT(x::VkSubpassResolvePerformanceQueryEXT, next_types::Type...) = SubpassResolvePerformanceQueryEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.optimal)) MultisampledRenderToSingleSampledInfoEXT(x::VkMultisampledRenderToSingleSampledInfoEXT, next_types::Type...) = MultisampledRenderToSingleSampledInfoEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.multisampledRenderToSingleSampledEnable), SampleCountFlag(UInt32(x.rasterizationSamples))) PhysicalDevicePipelineProtectedAccessFeaturesEXT(x::VkPhysicalDevicePipelineProtectedAccessFeaturesEXT, next_types::Type...) = PhysicalDevicePipelineProtectedAccessFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.pipelineProtectedAccess)) QueueFamilyVideoPropertiesKHR(x::VkQueueFamilyVideoPropertiesKHR, next_types::Type...) = QueueFamilyVideoPropertiesKHR(load_next_chain(x.pNext, next_types...), x.videoCodecOperations) QueueFamilyQueryResultStatusPropertiesKHR(x::VkQueueFamilyQueryResultStatusPropertiesKHR, next_types::Type...) = QueueFamilyQueryResultStatusPropertiesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.queryResultStatusSupport)) VideoProfileListInfoKHR(x::VkVideoProfileListInfoKHR, next_types::Type...) = VideoProfileListInfoKHR(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{VideoProfileInfoKHR}, x.pProfiles, x.profileCount; own = true)) PhysicalDeviceVideoFormatInfoKHR(x::VkPhysicalDeviceVideoFormatInfoKHR, next_types::Type...) = PhysicalDeviceVideoFormatInfoKHR(load_next_chain(x.pNext, next_types...), x.imageUsage) VideoFormatPropertiesKHR(x::VkVideoFormatPropertiesKHR, next_types::Type...) = VideoFormatPropertiesKHR(load_next_chain(x.pNext, next_types...), x.format, ComponentMapping(x.componentMapping), x.imageCreateFlags, x.imageType, x.imageTiling, x.imageUsageFlags) VideoProfileInfoKHR(x::VkVideoProfileInfoKHR, next_types::Type...) = VideoProfileInfoKHR(load_next_chain(x.pNext, next_types...), VideoCodecOperationFlagKHR(UInt32(x.videoCodecOperation)), x.chromaSubsampling, x.lumaBitDepth, x.chromaBitDepth) VideoCapabilitiesKHR(x::VkVideoCapabilitiesKHR, next_types::Type...) = VideoCapabilitiesKHR(load_next_chain(x.pNext, next_types...), x.flags, x.minBitstreamBufferOffsetAlignment, x.minBitstreamBufferSizeAlignment, Extent2D(x.pictureAccessGranularity), Extent2D(x.minCodedExtent), Extent2D(x.maxCodedExtent), x.maxDpbSlots, x.maxActiveReferencePictures, ExtensionProperties(x.stdHeaderVersion)) VideoSessionMemoryRequirementsKHR(x::VkVideoSessionMemoryRequirementsKHR, next_types::Type...) = VideoSessionMemoryRequirementsKHR(load_next_chain(x.pNext, next_types...), x.memoryBindIndex, MemoryRequirements(x.memoryRequirements)) BindVideoSessionMemoryInfoKHR(x::VkBindVideoSessionMemoryInfoKHR, next_types::Type...) = BindVideoSessionMemoryInfoKHR(load_next_chain(x.pNext, next_types...), x.memoryBindIndex, DeviceMemory(x.memory), x.memoryOffset, x.memorySize) VideoPictureResourceInfoKHR(x::VkVideoPictureResourceInfoKHR, next_types::Type...) = VideoPictureResourceInfoKHR(load_next_chain(x.pNext, next_types...), Offset2D(x.codedOffset), Extent2D(x.codedExtent), x.baseArrayLayer, ImageView(x.imageViewBinding)) VideoReferenceSlotInfoKHR(x::VkVideoReferenceSlotInfoKHR, next_types::Type...) = VideoReferenceSlotInfoKHR(load_next_chain(x.pNext, next_types...), x.slotIndex, VideoPictureResourceInfoKHR(x.pPictureResource)) VideoDecodeCapabilitiesKHR(x::VkVideoDecodeCapabilitiesKHR, next_types::Type...) = VideoDecodeCapabilitiesKHR(load_next_chain(x.pNext, next_types...), x.flags) VideoDecodeUsageInfoKHR(x::VkVideoDecodeUsageInfoKHR, next_types::Type...) = VideoDecodeUsageInfoKHR(load_next_chain(x.pNext, next_types...), x.videoUsageHints) VideoDecodeInfoKHR(x::VkVideoDecodeInfoKHR, next_types::Type...) = VideoDecodeInfoKHR(load_next_chain(x.pNext, next_types...), x.flags, Buffer(x.srcBuffer), x.srcBufferOffset, x.srcBufferRange, VideoPictureResourceInfoKHR(x.dstPictureResource), VideoReferenceSlotInfoKHR(x.pSetupReferenceSlot), unsafe_wrap(Vector{VideoReferenceSlotInfoKHR}, x.pReferenceSlots, x.referenceSlotCount; own = true)) VideoDecodeH264ProfileInfoKHR(x::VkVideoDecodeH264ProfileInfoKHR, next_types::Type...) = VideoDecodeH264ProfileInfoKHR(load_next_chain(x.pNext, next_types...), x.stdProfileIdc, VideoDecodeH264PictureLayoutFlagKHR(UInt32(x.pictureLayout))) VideoDecodeH264CapabilitiesKHR(x::VkVideoDecodeH264CapabilitiesKHR, next_types::Type...) = VideoDecodeH264CapabilitiesKHR(load_next_chain(x.pNext, next_types...), x.maxLevelIdc, Offset2D(x.fieldOffsetGranularity)) VideoDecodeH264SessionParametersAddInfoKHR(x::VkVideoDecodeH264SessionParametersAddInfoKHR, next_types::Type...) = VideoDecodeH264SessionParametersAddInfoKHR(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{StdVideoH264SequenceParameterSet}, x.pStdSPSs, x.stdSPSCount; own = true), unsafe_wrap(Vector{StdVideoH264PictureParameterSet}, x.pStdPPSs, x.stdPPSCount; own = true)) VideoDecodeH264SessionParametersCreateInfoKHR(x::VkVideoDecodeH264SessionParametersCreateInfoKHR, next_types::Type...) = VideoDecodeH264SessionParametersCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.maxStdSPSCount, x.maxStdPPSCount, VideoDecodeH264SessionParametersAddInfoKHR(x.pParametersAddInfo)) VideoDecodeH264PictureInfoKHR(x::VkVideoDecodeH264PictureInfoKHR, next_types::Type...) = VideoDecodeH264PictureInfoKHR(load_next_chain(x.pNext, next_types...), from_vk(StdVideoDecodeH264PictureInfo, x.pStdPictureInfo), unsafe_wrap(Vector{UInt32}, x.pSliceOffsets, x.sliceCount; own = true)) VideoDecodeH264DpbSlotInfoKHR(x::VkVideoDecodeH264DpbSlotInfoKHR, next_types::Type...) = VideoDecodeH264DpbSlotInfoKHR(load_next_chain(x.pNext, next_types...), from_vk(StdVideoDecodeH264ReferenceInfo, x.pStdReferenceInfo)) VideoDecodeH265ProfileInfoKHR(x::VkVideoDecodeH265ProfileInfoKHR, next_types::Type...) = VideoDecodeH265ProfileInfoKHR(load_next_chain(x.pNext, next_types...), x.stdProfileIdc) VideoDecodeH265CapabilitiesKHR(x::VkVideoDecodeH265CapabilitiesKHR, next_types::Type...) = VideoDecodeH265CapabilitiesKHR(load_next_chain(x.pNext, next_types...), x.maxLevelIdc) VideoDecodeH265SessionParametersAddInfoKHR(x::VkVideoDecodeH265SessionParametersAddInfoKHR, next_types::Type...) = VideoDecodeH265SessionParametersAddInfoKHR(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{StdVideoH265VideoParameterSet}, x.pStdVPSs, x.stdVPSCount; own = true), unsafe_wrap(Vector{StdVideoH265SequenceParameterSet}, x.pStdSPSs, x.stdSPSCount; own = true), unsafe_wrap(Vector{StdVideoH265PictureParameterSet}, x.pStdPPSs, x.stdPPSCount; own = true)) VideoDecodeH265SessionParametersCreateInfoKHR(x::VkVideoDecodeH265SessionParametersCreateInfoKHR, next_types::Type...) = VideoDecodeH265SessionParametersCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.maxStdVPSCount, x.maxStdSPSCount, x.maxStdPPSCount, VideoDecodeH265SessionParametersAddInfoKHR(x.pParametersAddInfo)) VideoDecodeH265PictureInfoKHR(x::VkVideoDecodeH265PictureInfoKHR, next_types::Type...) = VideoDecodeH265PictureInfoKHR(load_next_chain(x.pNext, next_types...), from_vk(StdVideoDecodeH265PictureInfo, x.pStdPictureInfo), unsafe_wrap(Vector{UInt32}, x.pSliceSegmentOffsets, x.sliceSegmentCount; own = true)) VideoDecodeH265DpbSlotInfoKHR(x::VkVideoDecodeH265DpbSlotInfoKHR, next_types::Type...) = VideoDecodeH265DpbSlotInfoKHR(load_next_chain(x.pNext, next_types...), from_vk(StdVideoDecodeH265ReferenceInfo, x.pStdReferenceInfo)) VideoSessionCreateInfoKHR(x::VkVideoSessionCreateInfoKHR, next_types::Type...) = VideoSessionCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.queueFamilyIndex, x.flags, VideoProfileInfoKHR(x.pVideoProfile), x.pictureFormat, Extent2D(x.maxCodedExtent), x.referencePictureFormat, x.maxDpbSlots, x.maxActiveReferencePictures, ExtensionProperties(x.pStdHeaderVersion)) VideoSessionParametersCreateInfoKHR(x::VkVideoSessionParametersCreateInfoKHR, next_types::Type...) = VideoSessionParametersCreateInfoKHR(load_next_chain(x.pNext, next_types...), x.flags, VideoSessionParametersKHR(x.videoSessionParametersTemplate), VideoSessionKHR(x.videoSession)) VideoSessionParametersUpdateInfoKHR(x::VkVideoSessionParametersUpdateInfoKHR, next_types::Type...) = VideoSessionParametersUpdateInfoKHR(load_next_chain(x.pNext, next_types...), x.updateSequenceCount) VideoBeginCodingInfoKHR(x::VkVideoBeginCodingInfoKHR, next_types::Type...) = VideoBeginCodingInfoKHR(load_next_chain(x.pNext, next_types...), x.flags, VideoSessionKHR(x.videoSession), VideoSessionParametersKHR(x.videoSessionParameters), unsafe_wrap(Vector{VideoReferenceSlotInfoKHR}, x.pReferenceSlots, x.referenceSlotCount; own = true)) VideoEndCodingInfoKHR(x::VkVideoEndCodingInfoKHR, next_types::Type...) = VideoEndCodingInfoKHR(load_next_chain(x.pNext, next_types...), x.flags) VideoCodingControlInfoKHR(x::VkVideoCodingControlInfoKHR, next_types::Type...) = VideoCodingControlInfoKHR(load_next_chain(x.pNext, next_types...), x.flags) PhysicalDeviceInheritedViewportScissorFeaturesNV(x::VkPhysicalDeviceInheritedViewportScissorFeaturesNV, next_types::Type...) = PhysicalDeviceInheritedViewportScissorFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.inheritedViewportScissor2D)) CommandBufferInheritanceViewportScissorInfoNV(x::VkCommandBufferInheritanceViewportScissorInfoNV, next_types::Type...) = CommandBufferInheritanceViewportScissorInfoNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.viewportScissor2D), x.viewportDepthCount, Viewport(x.pViewportDepths)) PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT(x::VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT, next_types::Type...) = PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.ycbcr2plane444Formats)) PhysicalDeviceProvokingVertexFeaturesEXT(x::VkPhysicalDeviceProvokingVertexFeaturesEXT, next_types::Type...) = PhysicalDeviceProvokingVertexFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.provokingVertexLast), from_vk(Bool, x.transformFeedbackPreservesProvokingVertex)) PhysicalDeviceProvokingVertexPropertiesEXT(x::VkPhysicalDeviceProvokingVertexPropertiesEXT, next_types::Type...) = PhysicalDeviceProvokingVertexPropertiesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.provokingVertexModePerPipeline), from_vk(Bool, x.transformFeedbackPreservesTriangleFanProvokingVertex)) PipelineRasterizationProvokingVertexStateCreateInfoEXT(x::VkPipelineRasterizationProvokingVertexStateCreateInfoEXT, next_types::Type...) = PipelineRasterizationProvokingVertexStateCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.provokingVertexMode) CuModuleCreateInfoNVX(x::VkCuModuleCreateInfoNVX, next_types::Type...) = CuModuleCreateInfoNVX(load_next_chain(x.pNext, next_types...), x.dataSize, x.pData) CuFunctionCreateInfoNVX(x::VkCuFunctionCreateInfoNVX, next_types::Type...) = CuFunctionCreateInfoNVX(load_next_chain(x.pNext, next_types...), CuModuleNVX(x._module), unsafe_string(x.pName)) CuLaunchInfoNVX(x::VkCuLaunchInfoNVX, next_types::Type...) = CuLaunchInfoNVX(load_next_chain(x.pNext, next_types...), CuFunctionNVX(x._function), x.gridDimX, x.gridDimY, x.gridDimZ, x.blockDimX, x.blockDimY, x.blockDimZ, x.sharedMemBytes) PhysicalDeviceDescriptorBufferFeaturesEXT(x::VkPhysicalDeviceDescriptorBufferFeaturesEXT, next_types::Type...) = PhysicalDeviceDescriptorBufferFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.descriptorBuffer), from_vk(Bool, x.descriptorBufferCaptureReplay), from_vk(Bool, x.descriptorBufferImageLayoutIgnored), from_vk(Bool, x.descriptorBufferPushDescriptors)) PhysicalDeviceDescriptorBufferPropertiesEXT(x::VkPhysicalDeviceDescriptorBufferPropertiesEXT, next_types::Type...) = PhysicalDeviceDescriptorBufferPropertiesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.combinedImageSamplerDescriptorSingleArray), from_vk(Bool, x.bufferlessPushDescriptors), from_vk(Bool, x.allowSamplerImageViewPostSubmitCreation), x.descriptorBufferOffsetAlignment, x.maxDescriptorBufferBindings, x.maxResourceDescriptorBufferBindings, x.maxSamplerDescriptorBufferBindings, x.maxEmbeddedImmutableSamplerBindings, x.maxEmbeddedImmutableSamplers, x.bufferCaptureReplayDescriptorDataSize, x.imageCaptureReplayDescriptorDataSize, x.imageViewCaptureReplayDescriptorDataSize, x.samplerCaptureReplayDescriptorDataSize, x.accelerationStructureCaptureReplayDescriptorDataSize, x.samplerDescriptorSize, x.combinedImageSamplerDescriptorSize, x.sampledImageDescriptorSize, x.storageImageDescriptorSize, x.uniformTexelBufferDescriptorSize, x.robustUniformTexelBufferDescriptorSize, x.storageTexelBufferDescriptorSize, x.robustStorageTexelBufferDescriptorSize, x.uniformBufferDescriptorSize, x.robustUniformBufferDescriptorSize, x.storageBufferDescriptorSize, x.robustStorageBufferDescriptorSize, x.inputAttachmentDescriptorSize, x.accelerationStructureDescriptorSize, x.maxSamplerDescriptorBufferRange, x.maxResourceDescriptorBufferRange, x.samplerDescriptorBufferAddressSpaceSize, x.resourceDescriptorBufferAddressSpaceSize, x.descriptorBufferAddressSpaceSize) PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT(x::VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT, next_types::Type...) = PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT(load_next_chain(x.pNext, next_types...), x.combinedImageSamplerDensityMapDescriptorSize) DescriptorAddressInfoEXT(x::VkDescriptorAddressInfoEXT, next_types::Type...) = DescriptorAddressInfoEXT(load_next_chain(x.pNext, next_types...), x.address, x.range, x.format) DescriptorBufferBindingInfoEXT(x::VkDescriptorBufferBindingInfoEXT, next_types::Type...) = DescriptorBufferBindingInfoEXT(load_next_chain(x.pNext, next_types...), x.address, x.usage) DescriptorBufferBindingPushDescriptorBufferHandleEXT(x::VkDescriptorBufferBindingPushDescriptorBufferHandleEXT, next_types::Type...) = DescriptorBufferBindingPushDescriptorBufferHandleEXT(load_next_chain(x.pNext, next_types...), Buffer(x.buffer)) DescriptorGetInfoEXT(x::VkDescriptorGetInfoEXT, next_types::Type...) = DescriptorGetInfoEXT(load_next_chain(x.pNext, next_types...), x.type, DescriptorDataEXT(x.data)) BufferCaptureDescriptorDataInfoEXT(x::VkBufferCaptureDescriptorDataInfoEXT, next_types::Type...) = BufferCaptureDescriptorDataInfoEXT(load_next_chain(x.pNext, next_types...), Buffer(x.buffer)) ImageCaptureDescriptorDataInfoEXT(x::VkImageCaptureDescriptorDataInfoEXT, next_types::Type...) = ImageCaptureDescriptorDataInfoEXT(load_next_chain(x.pNext, next_types...), Image(x.image)) ImageViewCaptureDescriptorDataInfoEXT(x::VkImageViewCaptureDescriptorDataInfoEXT, next_types::Type...) = ImageViewCaptureDescriptorDataInfoEXT(load_next_chain(x.pNext, next_types...), ImageView(x.imageView)) SamplerCaptureDescriptorDataInfoEXT(x::VkSamplerCaptureDescriptorDataInfoEXT, next_types::Type...) = SamplerCaptureDescriptorDataInfoEXT(load_next_chain(x.pNext, next_types...), Sampler(x.sampler)) AccelerationStructureCaptureDescriptorDataInfoEXT(x::VkAccelerationStructureCaptureDescriptorDataInfoEXT, next_types::Type...) = AccelerationStructureCaptureDescriptorDataInfoEXT(load_next_chain(x.pNext, next_types...), AccelerationStructureKHR(x.accelerationStructure), AccelerationStructureNV(x.accelerationStructureNV)) OpaqueCaptureDescriptorDataCreateInfoEXT(x::VkOpaqueCaptureDescriptorDataCreateInfoEXT, next_types::Type...) = OpaqueCaptureDescriptorDataCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.opaqueCaptureDescriptorData) PhysicalDeviceShaderIntegerDotProductFeatures(x::VkPhysicalDeviceShaderIntegerDotProductFeatures, next_types::Type...) = PhysicalDeviceShaderIntegerDotProductFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderIntegerDotProduct)) PhysicalDeviceShaderIntegerDotProductProperties(x::VkPhysicalDeviceShaderIntegerDotProductProperties, next_types::Type...) = PhysicalDeviceShaderIntegerDotProductProperties(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.integerDotProduct8BitUnsignedAccelerated), from_vk(Bool, x.integerDotProduct8BitSignedAccelerated), from_vk(Bool, x.integerDotProduct8BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProduct4x8BitPackedUnsignedAccelerated), from_vk(Bool, x.integerDotProduct4x8BitPackedSignedAccelerated), from_vk(Bool, x.integerDotProduct4x8BitPackedMixedSignednessAccelerated), from_vk(Bool, x.integerDotProduct16BitUnsignedAccelerated), from_vk(Bool, x.integerDotProduct16BitSignedAccelerated), from_vk(Bool, x.integerDotProduct16BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProduct32BitUnsignedAccelerated), from_vk(Bool, x.integerDotProduct32BitSignedAccelerated), from_vk(Bool, x.integerDotProduct32BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProduct64BitUnsignedAccelerated), from_vk(Bool, x.integerDotProduct64BitSignedAccelerated), from_vk(Bool, x.integerDotProduct64BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating8BitUnsignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating8BitSignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating8BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating4x8BitPackedUnsignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating4x8BitPackedSignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating4x8BitPackedMixedSignednessAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating16BitUnsignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating16BitSignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating16BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating32BitUnsignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating32BitSignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating32BitMixedSignednessAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating64BitUnsignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating64BitSignedAccelerated), from_vk(Bool, x.integerDotProductAccumulatingSaturating64BitMixedSignednessAccelerated)) PhysicalDeviceDrmPropertiesEXT(x::VkPhysicalDeviceDrmPropertiesEXT, next_types::Type...) = PhysicalDeviceDrmPropertiesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.hasPrimary), from_vk(Bool, x.hasRender), x.primaryMajor, x.primaryMinor, x.renderMajor, x.renderMinor) PhysicalDeviceFragmentShaderBarycentricFeaturesKHR(x::VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR, next_types::Type...) = PhysicalDeviceFragmentShaderBarycentricFeaturesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.fragmentShaderBarycentric)) PhysicalDeviceFragmentShaderBarycentricPropertiesKHR(x::VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR, next_types::Type...) = PhysicalDeviceFragmentShaderBarycentricPropertiesKHR(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.triStripVertexOrderIndependentOfProvokingVertex)) PhysicalDeviceRayTracingMotionBlurFeaturesNV(x::VkPhysicalDeviceRayTracingMotionBlurFeaturesNV, next_types::Type...) = PhysicalDeviceRayTracingMotionBlurFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.rayTracingMotionBlur), from_vk(Bool, x.rayTracingMotionBlurPipelineTraceRaysIndirect)) AccelerationStructureGeometryMotionTrianglesDataNV(x::VkAccelerationStructureGeometryMotionTrianglesDataNV, next_types::Type...) = AccelerationStructureGeometryMotionTrianglesDataNV(load_next_chain(x.pNext, next_types...), DeviceOrHostAddressConstKHR(x.vertexData)) AccelerationStructureMotionInfoNV(x::VkAccelerationStructureMotionInfoNV, next_types::Type...) = AccelerationStructureMotionInfoNV(load_next_chain(x.pNext, next_types...), x.maxInstances, x.flags) SRTDataNV(x::VkSRTDataNV) = SRTDataNV(x.sx, x.a, x.b, x.pvx, x.sy, x.c, x.pvy, x.sz, x.pvz, x.qx, x.qy, x.qz, x.qw, x.tx, x.ty, x.tz) AccelerationStructureSRTMotionInstanceNV(x::VkAccelerationStructureSRTMotionInstanceNV) = AccelerationStructureSRTMotionInstanceNV(SRTDataNV(x.transformT0), SRTDataNV(x.transformT1), x.instanceCustomIndex, x.mask, x.instanceShaderBindingTableRecordOffset, x.flags, x.accelerationStructureReference) AccelerationStructureMatrixMotionInstanceNV(x::VkAccelerationStructureMatrixMotionInstanceNV) = AccelerationStructureMatrixMotionInstanceNV(TransformMatrixKHR(x.transformT0), TransformMatrixKHR(x.transformT1), x.instanceCustomIndex, x.mask, x.instanceShaderBindingTableRecordOffset, x.flags, x.accelerationStructureReference) AccelerationStructureMotionInstanceNV(x::VkAccelerationStructureMotionInstanceNV) = AccelerationStructureMotionInstanceNV(x.type, x.flags, AccelerationStructureMotionInstanceDataNV(x.data)) MemoryGetRemoteAddressInfoNV(x::VkMemoryGetRemoteAddressInfoNV, next_types::Type...) = MemoryGetRemoteAddressInfoNV(load_next_chain(x.pNext, next_types...), DeviceMemory(x.memory), ExternalMemoryHandleTypeFlag(UInt32(x.handleType))) PhysicalDeviceRGBA10X6FormatsFeaturesEXT(x::VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT, next_types::Type...) = PhysicalDeviceRGBA10X6FormatsFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.formatRgba10x6WithoutYCbCrSampler)) FormatProperties3(x::VkFormatProperties3, next_types::Type...) = FormatProperties3(load_next_chain(x.pNext, next_types...), x.linearTilingFeatures, x.optimalTilingFeatures, x.bufferFeatures) DrmFormatModifierPropertiesList2EXT(x::VkDrmFormatModifierPropertiesList2EXT, next_types::Type...) = DrmFormatModifierPropertiesList2EXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{DrmFormatModifierProperties2EXT}, x.pDrmFormatModifierProperties, x.drmFormatModifierCount; own = true)) DrmFormatModifierProperties2EXT(x::VkDrmFormatModifierProperties2EXT) = DrmFormatModifierProperties2EXT(x.drmFormatModifier, x.drmFormatModifierPlaneCount, x.drmFormatModifierTilingFeatures) PipelineRenderingCreateInfo(x::VkPipelineRenderingCreateInfo, next_types::Type...) = PipelineRenderingCreateInfo(load_next_chain(x.pNext, next_types...), x.viewMask, unsafe_wrap(Vector{Format}, x.pColorAttachmentFormats, x.colorAttachmentCount; own = true), x.depthAttachmentFormat, x.stencilAttachmentFormat) RenderingInfo(x::VkRenderingInfo, next_types::Type...) = RenderingInfo(load_next_chain(x.pNext, next_types...), x.flags, Rect2D(x.renderArea), x.layerCount, x.viewMask, unsafe_wrap(Vector{RenderingAttachmentInfo}, x.pColorAttachments, x.colorAttachmentCount; own = true), RenderingAttachmentInfo(x.pDepthAttachment), RenderingAttachmentInfo(x.pStencilAttachment)) RenderingAttachmentInfo(x::VkRenderingAttachmentInfo, next_types::Type...) = RenderingAttachmentInfo(load_next_chain(x.pNext, next_types...), ImageView(x.imageView), x.imageLayout, ResolveModeFlag(UInt32(x.resolveMode)), ImageView(x.resolveImageView), x.resolveImageLayout, x.loadOp, x.storeOp, ClearValue(x.clearValue)) RenderingFragmentShadingRateAttachmentInfoKHR(x::VkRenderingFragmentShadingRateAttachmentInfoKHR, next_types::Type...) = RenderingFragmentShadingRateAttachmentInfoKHR(load_next_chain(x.pNext, next_types...), ImageView(x.imageView), x.imageLayout, Extent2D(x.shadingRateAttachmentTexelSize)) RenderingFragmentDensityMapAttachmentInfoEXT(x::VkRenderingFragmentDensityMapAttachmentInfoEXT, next_types::Type...) = RenderingFragmentDensityMapAttachmentInfoEXT(load_next_chain(x.pNext, next_types...), ImageView(x.imageView), x.imageLayout) PhysicalDeviceDynamicRenderingFeatures(x::VkPhysicalDeviceDynamicRenderingFeatures, next_types::Type...) = PhysicalDeviceDynamicRenderingFeatures(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.dynamicRendering)) CommandBufferInheritanceRenderingInfo(x::VkCommandBufferInheritanceRenderingInfo, next_types::Type...) = CommandBufferInheritanceRenderingInfo(load_next_chain(x.pNext, next_types...), x.flags, x.viewMask, unsafe_wrap(Vector{Format}, x.pColorAttachmentFormats, x.colorAttachmentCount; own = true), x.depthAttachmentFormat, x.stencilAttachmentFormat, SampleCountFlag(UInt32(x.rasterizationSamples))) AttachmentSampleCountInfoAMD(x::VkAttachmentSampleCountInfoAMD, next_types::Type...) = AttachmentSampleCountInfoAMD(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{SampleCountFlag}, x.pColorAttachmentSamples, x.colorAttachmentCount; own = true), SampleCountFlag(UInt32(x.depthStencilAttachmentSamples))) MultiviewPerViewAttributesInfoNVX(x::VkMultiviewPerViewAttributesInfoNVX, next_types::Type...) = MultiviewPerViewAttributesInfoNVX(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.perViewAttributes), from_vk(Bool, x.perViewAttributesPositionXOnly)) PhysicalDeviceImageViewMinLodFeaturesEXT(x::VkPhysicalDeviceImageViewMinLodFeaturesEXT, next_types::Type...) = PhysicalDeviceImageViewMinLodFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.minLod)) ImageViewMinLodCreateInfoEXT(x::VkImageViewMinLodCreateInfoEXT, next_types::Type...) = ImageViewMinLodCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.minLod) PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT(x::VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT, next_types::Type...) = PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.rasterizationOrderColorAttachmentAccess), from_vk(Bool, x.rasterizationOrderDepthAttachmentAccess), from_vk(Bool, x.rasterizationOrderStencilAttachmentAccess)) PhysicalDeviceLinearColorAttachmentFeaturesNV(x::VkPhysicalDeviceLinearColorAttachmentFeaturesNV, next_types::Type...) = PhysicalDeviceLinearColorAttachmentFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.linearColorAttachment)) PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT(x::VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT, next_types::Type...) = PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.graphicsPipelineLibrary)) PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT(x::VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT, next_types::Type...) = PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.graphicsPipelineLibraryFastLinking), from_vk(Bool, x.graphicsPipelineLibraryIndependentInterpolationDecoration)) GraphicsPipelineLibraryCreateInfoEXT(x::VkGraphicsPipelineLibraryCreateInfoEXT, next_types::Type...) = GraphicsPipelineLibraryCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.flags) PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE(x::VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE, next_types::Type...) = PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.descriptorSetHostMapping)) DescriptorSetBindingReferenceVALVE(x::VkDescriptorSetBindingReferenceVALVE, next_types::Type...) = DescriptorSetBindingReferenceVALVE(load_next_chain(x.pNext, next_types...), DescriptorSetLayout(x.descriptorSetLayout), x.binding) DescriptorSetLayoutHostMappingInfoVALVE(x::VkDescriptorSetLayoutHostMappingInfoVALVE, next_types::Type...) = DescriptorSetLayoutHostMappingInfoVALVE(load_next_chain(x.pNext, next_types...), x.descriptorOffset, x.descriptorSize) PhysicalDeviceShaderModuleIdentifierFeaturesEXT(x::VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT, next_types::Type...) = PhysicalDeviceShaderModuleIdentifierFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderModuleIdentifier)) PhysicalDeviceShaderModuleIdentifierPropertiesEXT(x::VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT, next_types::Type...) = PhysicalDeviceShaderModuleIdentifierPropertiesEXT(load_next_chain(x.pNext, next_types...), x.shaderModuleIdentifierAlgorithmUUID) PipelineShaderStageModuleIdentifierCreateInfoEXT(x::VkPipelineShaderStageModuleIdentifierCreateInfoEXT, next_types::Type...) = PipelineShaderStageModuleIdentifierCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.identifierSize, unsafe_wrap(Vector{UInt8}, x.pIdentifier, x.identifierSize; own = true)) ShaderModuleIdentifierEXT(x::VkShaderModuleIdentifierEXT, next_types::Type...) = ShaderModuleIdentifierEXT(load_next_chain(x.pNext, next_types...), x.identifierSize, x.identifier) ImageCompressionControlEXT(x::VkImageCompressionControlEXT, next_types::Type...) = ImageCompressionControlEXT(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{ImageCompressionFixedRateFlagEXT}, x.pFixedRateFlags, x.compressionControlPlaneCount; own = true)) PhysicalDeviceImageCompressionControlFeaturesEXT(x::VkPhysicalDeviceImageCompressionControlFeaturesEXT, next_types::Type...) = PhysicalDeviceImageCompressionControlFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.imageCompressionControl)) ImageCompressionPropertiesEXT(x::VkImageCompressionPropertiesEXT, next_types::Type...) = ImageCompressionPropertiesEXT(load_next_chain(x.pNext, next_types...), x.imageCompressionFlags, x.imageCompressionFixedRateFlags) PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT(x::VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT, next_types::Type...) = PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.imageCompressionControlSwapchain)) ImageSubresource2EXT(x::VkImageSubresource2EXT, next_types::Type...) = ImageSubresource2EXT(load_next_chain(x.pNext, next_types...), ImageSubresource(x.imageSubresource)) SubresourceLayout2EXT(x::VkSubresourceLayout2EXT, next_types::Type...) = SubresourceLayout2EXT(load_next_chain(x.pNext, next_types...), SubresourceLayout(x.subresourceLayout)) RenderPassCreationControlEXT(x::VkRenderPassCreationControlEXT, next_types::Type...) = RenderPassCreationControlEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.disallowMerging)) RenderPassCreationFeedbackInfoEXT(x::VkRenderPassCreationFeedbackInfoEXT) = RenderPassCreationFeedbackInfoEXT(x.postMergeSubpassCount) RenderPassCreationFeedbackCreateInfoEXT(x::VkRenderPassCreationFeedbackCreateInfoEXT, next_types::Type...) = RenderPassCreationFeedbackCreateInfoEXT(load_next_chain(x.pNext, next_types...), RenderPassCreationFeedbackInfoEXT(x.pRenderPassFeedback)) RenderPassSubpassFeedbackInfoEXT(x::VkRenderPassSubpassFeedbackInfoEXT) = RenderPassSubpassFeedbackInfoEXT(x.subpassMergeStatus, from_vk(String, x.description), x.postMergeIndex) RenderPassSubpassFeedbackCreateInfoEXT(x::VkRenderPassSubpassFeedbackCreateInfoEXT, next_types::Type...) = RenderPassSubpassFeedbackCreateInfoEXT(load_next_chain(x.pNext, next_types...), RenderPassSubpassFeedbackInfoEXT(x.pSubpassFeedback)) PhysicalDeviceSubpassMergeFeedbackFeaturesEXT(x::VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT, next_types::Type...) = PhysicalDeviceSubpassMergeFeedbackFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.subpassMergeFeedback)) MicromapBuildInfoEXT(x::VkMicromapBuildInfoEXT, next_types::Type...) = MicromapBuildInfoEXT(load_next_chain(x.pNext, next_types...), x.type, x.flags, x.mode, MicromapEXT(x.dstMicromap), unsafe_wrap(Vector{MicromapUsageEXT}, x.pUsageCounts, x.usageCountsCount; own = true), unsafe_wrap(Vector{MicromapUsageEXT}, x.ppUsageCounts, x.usageCountsCount; own = true), DeviceOrHostAddressConstKHR(x.data), DeviceOrHostAddressKHR(x.scratchData), DeviceOrHostAddressConstKHR(x.triangleArray), x.triangleArrayStride) MicromapCreateInfoEXT(x::VkMicromapCreateInfoEXT, next_types::Type...) = MicromapCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.createFlags, Buffer(x.buffer), x.offset, x.size, x.type, x.deviceAddress) MicromapVersionInfoEXT(x::VkMicromapVersionInfoEXT, next_types::Type...) = MicromapVersionInfoEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{UInt8}, x.pVersionData, 2VK_UUID_SIZE; own = true)) CopyMicromapInfoEXT(x::VkCopyMicromapInfoEXT, next_types::Type...) = CopyMicromapInfoEXT(load_next_chain(x.pNext, next_types...), MicromapEXT(x.src), MicromapEXT(x.dst), x.mode) CopyMicromapToMemoryInfoEXT(x::VkCopyMicromapToMemoryInfoEXT, next_types::Type...) = CopyMicromapToMemoryInfoEXT(load_next_chain(x.pNext, next_types...), MicromapEXT(x.src), DeviceOrHostAddressKHR(x.dst), x.mode) CopyMemoryToMicromapInfoEXT(x::VkCopyMemoryToMicromapInfoEXT, next_types::Type...) = CopyMemoryToMicromapInfoEXT(load_next_chain(x.pNext, next_types...), DeviceOrHostAddressConstKHR(x.src), MicromapEXT(x.dst), x.mode) MicromapBuildSizesInfoEXT(x::VkMicromapBuildSizesInfoEXT, next_types::Type...) = MicromapBuildSizesInfoEXT(load_next_chain(x.pNext, next_types...), x.micromapSize, x.buildScratchSize, from_vk(Bool, x.discardable)) MicromapUsageEXT(x::VkMicromapUsageEXT) = MicromapUsageEXT(x.count, x.subdivisionLevel, x.format) MicromapTriangleEXT(x::VkMicromapTriangleEXT) = MicromapTriangleEXT(x.dataOffset, x.subdivisionLevel, x.format) PhysicalDeviceOpacityMicromapFeaturesEXT(x::VkPhysicalDeviceOpacityMicromapFeaturesEXT, next_types::Type...) = PhysicalDeviceOpacityMicromapFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.micromap), from_vk(Bool, x.micromapCaptureReplay), from_vk(Bool, x.micromapHostCommands)) PhysicalDeviceOpacityMicromapPropertiesEXT(x::VkPhysicalDeviceOpacityMicromapPropertiesEXT, next_types::Type...) = PhysicalDeviceOpacityMicromapPropertiesEXT(load_next_chain(x.pNext, next_types...), x.maxOpacity2StateSubdivisionLevel, x.maxOpacity4StateSubdivisionLevel) AccelerationStructureTrianglesOpacityMicromapEXT(x::VkAccelerationStructureTrianglesOpacityMicromapEXT, next_types::Type...) = AccelerationStructureTrianglesOpacityMicromapEXT(load_next_chain(x.pNext, next_types...), x.indexType, DeviceOrHostAddressConstKHR(x.indexBuffer), x.indexStride, x.baseTriangle, unsafe_wrap(Vector{MicromapUsageEXT}, x.pUsageCounts, x.usageCountsCount; own = true), unsafe_wrap(Vector{MicromapUsageEXT}, x.ppUsageCounts, x.usageCountsCount; own = true), MicromapEXT(x.micromap)) PipelinePropertiesIdentifierEXT(x::VkPipelinePropertiesIdentifierEXT, next_types::Type...) = PipelinePropertiesIdentifierEXT(load_next_chain(x.pNext, next_types...), x.pipelineIdentifier) PhysicalDevicePipelinePropertiesFeaturesEXT(x::VkPhysicalDevicePipelinePropertiesFeaturesEXT, next_types::Type...) = PhysicalDevicePipelinePropertiesFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.pipelinePropertiesIdentifier)) PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD(x::VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD, next_types::Type...) = PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderEarlyAndLateFragmentTests)) PhysicalDeviceNonSeamlessCubeMapFeaturesEXT(x::VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT, next_types::Type...) = PhysicalDeviceNonSeamlessCubeMapFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.nonSeamlessCubeMap)) PhysicalDevicePipelineRobustnessFeaturesEXT(x::VkPhysicalDevicePipelineRobustnessFeaturesEXT, next_types::Type...) = PhysicalDevicePipelineRobustnessFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.pipelineRobustness)) PipelineRobustnessCreateInfoEXT(x::VkPipelineRobustnessCreateInfoEXT, next_types::Type...) = PipelineRobustnessCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.storageBuffers, x.uniformBuffers, x.vertexInputs, x.images) PhysicalDevicePipelineRobustnessPropertiesEXT(x::VkPhysicalDevicePipelineRobustnessPropertiesEXT, next_types::Type...) = PhysicalDevicePipelineRobustnessPropertiesEXT(load_next_chain(x.pNext, next_types...), x.defaultRobustnessStorageBuffers, x.defaultRobustnessUniformBuffers, x.defaultRobustnessVertexInputs, x.defaultRobustnessImages) ImageViewSampleWeightCreateInfoQCOM(x::VkImageViewSampleWeightCreateInfoQCOM, next_types::Type...) = ImageViewSampleWeightCreateInfoQCOM(load_next_chain(x.pNext, next_types...), Offset2D(x.filterCenter), Extent2D(x.filterSize), x.numPhases) PhysicalDeviceImageProcessingFeaturesQCOM(x::VkPhysicalDeviceImageProcessingFeaturesQCOM, next_types::Type...) = PhysicalDeviceImageProcessingFeaturesQCOM(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.textureSampleWeighted), from_vk(Bool, x.textureBoxFilter), from_vk(Bool, x.textureBlockMatch)) PhysicalDeviceImageProcessingPropertiesQCOM(x::VkPhysicalDeviceImageProcessingPropertiesQCOM, next_types::Type...) = PhysicalDeviceImageProcessingPropertiesQCOM(load_next_chain(x.pNext, next_types...), x.maxWeightFilterPhases, Extent2D(x.maxWeightFilterDimension), Extent2D(x.maxBlockMatchRegion), Extent2D(x.maxBoxFilterBlockSize)) PhysicalDeviceTilePropertiesFeaturesQCOM(x::VkPhysicalDeviceTilePropertiesFeaturesQCOM, next_types::Type...) = PhysicalDeviceTilePropertiesFeaturesQCOM(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.tileProperties)) TilePropertiesQCOM(x::VkTilePropertiesQCOM, next_types::Type...) = TilePropertiesQCOM(load_next_chain(x.pNext, next_types...), Extent3D(x.tileSize), Extent2D(x.apronSize), Offset2D(x.origin)) PhysicalDeviceAmigoProfilingFeaturesSEC(x::VkPhysicalDeviceAmigoProfilingFeaturesSEC, next_types::Type...) = PhysicalDeviceAmigoProfilingFeaturesSEC(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.amigoProfiling)) AmigoProfilingSubmitInfoSEC(x::VkAmigoProfilingSubmitInfoSEC, next_types::Type...) = AmigoProfilingSubmitInfoSEC(load_next_chain(x.pNext, next_types...), x.firstDrawTimestamp, x.swapBufferTimestamp) PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT(x::VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT, next_types::Type...) = PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.attachmentFeedbackLoopLayout)) PhysicalDeviceDepthClampZeroOneFeaturesEXT(x::VkPhysicalDeviceDepthClampZeroOneFeaturesEXT, next_types::Type...) = PhysicalDeviceDepthClampZeroOneFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.depthClampZeroOne)) PhysicalDeviceAddressBindingReportFeaturesEXT(x::VkPhysicalDeviceAddressBindingReportFeaturesEXT, next_types::Type...) = PhysicalDeviceAddressBindingReportFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.reportAddressBinding)) DeviceAddressBindingCallbackDataEXT(x::VkDeviceAddressBindingCallbackDataEXT, next_types::Type...) = DeviceAddressBindingCallbackDataEXT(load_next_chain(x.pNext, next_types...), x.flags, x.baseAddress, x.size, x.bindingType) PhysicalDeviceOpticalFlowFeaturesNV(x::VkPhysicalDeviceOpticalFlowFeaturesNV, next_types::Type...) = PhysicalDeviceOpticalFlowFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.opticalFlow)) PhysicalDeviceOpticalFlowPropertiesNV(x::VkPhysicalDeviceOpticalFlowPropertiesNV, next_types::Type...) = PhysicalDeviceOpticalFlowPropertiesNV(load_next_chain(x.pNext, next_types...), x.supportedOutputGridSizes, x.supportedHintGridSizes, from_vk(Bool, x.hintSupported), from_vk(Bool, x.costSupported), from_vk(Bool, x.bidirectionalFlowSupported), from_vk(Bool, x.globalFlowSupported), x.minWidth, x.minHeight, x.maxWidth, x.maxHeight, x.maxNumRegionsOfInterest) OpticalFlowImageFormatInfoNV(x::VkOpticalFlowImageFormatInfoNV, next_types::Type...) = OpticalFlowImageFormatInfoNV(load_next_chain(x.pNext, next_types...), x.usage) OpticalFlowImageFormatPropertiesNV(x::VkOpticalFlowImageFormatPropertiesNV, next_types::Type...) = OpticalFlowImageFormatPropertiesNV(load_next_chain(x.pNext, next_types...), x.format) OpticalFlowSessionCreateInfoNV(x::VkOpticalFlowSessionCreateInfoNV, next_types::Type...) = OpticalFlowSessionCreateInfoNV(load_next_chain(x.pNext, next_types...), x.width, x.height, x.imageFormat, x.flowVectorFormat, x.costFormat, x.outputGridSize, x.hintGridSize, x.performanceLevel, x.flags) OpticalFlowSessionCreatePrivateDataInfoNV(x::VkOpticalFlowSessionCreatePrivateDataInfoNV, next_types::Type...) = OpticalFlowSessionCreatePrivateDataInfoNV(load_next_chain(x.pNext, next_types...), x.id, x.size, x.pPrivateData) OpticalFlowExecuteInfoNV(x::VkOpticalFlowExecuteInfoNV, next_types::Type...) = OpticalFlowExecuteInfoNV(load_next_chain(x.pNext, next_types...), x.flags, unsafe_wrap(Vector{Rect2D}, x.pRegions, x.regionCount; own = true)) PhysicalDeviceFaultFeaturesEXT(x::VkPhysicalDeviceFaultFeaturesEXT, next_types::Type...) = PhysicalDeviceFaultFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.deviceFault), from_vk(Bool, x.deviceFaultVendorBinary)) DeviceFaultAddressInfoEXT(x::VkDeviceFaultAddressInfoEXT) = DeviceFaultAddressInfoEXT(x.addressType, x.reportedAddress, x.addressPrecision) DeviceFaultVendorInfoEXT(x::VkDeviceFaultVendorInfoEXT) = DeviceFaultVendorInfoEXT(from_vk(String, x.description), x.vendorFaultCode, x.vendorFaultData) DeviceFaultCountsEXT(x::VkDeviceFaultCountsEXT, next_types::Type...) = DeviceFaultCountsEXT(load_next_chain(x.pNext, next_types...), x.addressInfoCount, x.vendorInfoCount, x.vendorBinarySize) DeviceFaultInfoEXT(x::VkDeviceFaultInfoEXT, next_types::Type...) = DeviceFaultInfoEXT(load_next_chain(x.pNext, next_types...), from_vk(String, x.description), DeviceFaultAddressInfoEXT(x.pAddressInfos), DeviceFaultVendorInfoEXT(x.pVendorInfos), x.pVendorBinaryData) DeviceFaultVendorBinaryHeaderVersionOneEXT(x::VkDeviceFaultVendorBinaryHeaderVersionOneEXT) = DeviceFaultVendorBinaryHeaderVersionOneEXT(x.headerSize, x.headerVersion, x.vendorID, x.deviceID, from_vk(VersionNumber, x.driverVersion), x.pipelineCacheUUID, x.applicationNameOffset, from_vk(VersionNumber, x.applicationVersion), x.engineNameOffset) PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT(x::VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT, next_types::Type...) = PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.pipelineLibraryGroupHandles)) DecompressMemoryRegionNV(x::VkDecompressMemoryRegionNV) = DecompressMemoryRegionNV(x.srcAddress, x.dstAddress, x.compressedSize, x.decompressedSize, x.decompressionMethod) PhysicalDeviceShaderCoreBuiltinsPropertiesARM(x::VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM, next_types::Type...) = PhysicalDeviceShaderCoreBuiltinsPropertiesARM(load_next_chain(x.pNext, next_types...), x.shaderCoreMask, x.shaderCoreCount, x.shaderWarpsPerCore) PhysicalDeviceShaderCoreBuiltinsFeaturesARM(x::VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM, next_types::Type...) = PhysicalDeviceShaderCoreBuiltinsFeaturesARM(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.shaderCoreBuiltins)) SurfacePresentModeEXT(x::VkSurfacePresentModeEXT, next_types::Type...) = SurfacePresentModeEXT(load_next_chain(x.pNext, next_types...), x.presentMode) SurfacePresentScalingCapabilitiesEXT(x::VkSurfacePresentScalingCapabilitiesEXT, next_types::Type...) = SurfacePresentScalingCapabilitiesEXT(load_next_chain(x.pNext, next_types...), x.supportedPresentScaling, x.supportedPresentGravityX, x.supportedPresentGravityY, Extent2D(x.minScaledImageExtent), Extent2D(x.maxScaledImageExtent)) SurfacePresentModeCompatibilityEXT(x::VkSurfacePresentModeCompatibilityEXT, next_types::Type...) = SurfacePresentModeCompatibilityEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{PresentModeKHR}, x.pPresentModes, x.presentModeCount; own = true)) PhysicalDeviceSwapchainMaintenance1FeaturesEXT(x::VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT, next_types::Type...) = PhysicalDeviceSwapchainMaintenance1FeaturesEXT(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.swapchainMaintenance1)) SwapchainPresentFenceInfoEXT(x::VkSwapchainPresentFenceInfoEXT, next_types::Type...) = SwapchainPresentFenceInfoEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{Fence}, x.pFences, x.swapchainCount; own = true)) SwapchainPresentModesCreateInfoEXT(x::VkSwapchainPresentModesCreateInfoEXT, next_types::Type...) = SwapchainPresentModesCreateInfoEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{PresentModeKHR}, x.pPresentModes, x.presentModeCount; own = true)) SwapchainPresentModeInfoEXT(x::VkSwapchainPresentModeInfoEXT, next_types::Type...) = SwapchainPresentModeInfoEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{PresentModeKHR}, x.pPresentModes, x.swapchainCount; own = true)) SwapchainPresentScalingCreateInfoEXT(x::VkSwapchainPresentScalingCreateInfoEXT, next_types::Type...) = SwapchainPresentScalingCreateInfoEXT(load_next_chain(x.pNext, next_types...), x.scalingBehavior, x.presentGravityX, x.presentGravityY) ReleaseSwapchainImagesInfoEXT(x::VkReleaseSwapchainImagesInfoEXT, next_types::Type...) = ReleaseSwapchainImagesInfoEXT(load_next_chain(x.pNext, next_types...), SwapchainKHR(x.swapchain), unsafe_wrap(Vector{UInt32}, x.pImageIndices, x.imageIndexCount; own = true)) PhysicalDeviceRayTracingInvocationReorderFeaturesNV(x::VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV, next_types::Type...) = PhysicalDeviceRayTracingInvocationReorderFeaturesNV(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.rayTracingInvocationReorder)) PhysicalDeviceRayTracingInvocationReorderPropertiesNV(x::VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV, next_types::Type...) = PhysicalDeviceRayTracingInvocationReorderPropertiesNV(load_next_chain(x.pNext, next_types...), x.rayTracingInvocationReorderReorderingHint) DirectDriverLoadingInfoLUNARG(x::VkDirectDriverLoadingInfoLUNARG, next_types::Type...) = DirectDriverLoadingInfoLUNARG(load_next_chain(x.pNext, next_types...), x.flags, from_vk(FunctionPtr, x.pfnGetInstanceProcAddr)) DirectDriverLoadingListLUNARG(x::VkDirectDriverLoadingListLUNARG, next_types::Type...) = DirectDriverLoadingListLUNARG(load_next_chain(x.pNext, next_types...), x.mode, unsafe_wrap(Vector{DirectDriverLoadingInfoLUNARG}, x.pDrivers, x.driverCount; own = true)) PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM(x::VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM, next_types::Type...) = PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM(load_next_chain(x.pNext, next_types...), from_vk(Bool, x.multiviewPerViewViewports)) convert(T::Type{_BaseOutStructure}, x::BaseOutStructure) = T(x) convert(T::Type{_BaseInStructure}, x::BaseInStructure) = T(x) convert(T::Type{_Offset2D}, x::Offset2D) = T(x) convert(T::Type{_Offset3D}, x::Offset3D) = T(x) convert(T::Type{_Extent2D}, x::Extent2D) = T(x) convert(T::Type{_Extent3D}, x::Extent3D) = T(x) convert(T::Type{_Viewport}, x::Viewport) = T(x) convert(T::Type{_Rect2D}, x::Rect2D) = T(x) convert(T::Type{_ClearRect}, x::ClearRect) = T(x) convert(T::Type{_ComponentMapping}, x::ComponentMapping) = T(x) convert(T::Type{_PhysicalDeviceProperties}, x::PhysicalDeviceProperties) = T(x) convert(T::Type{_ExtensionProperties}, x::ExtensionProperties) = T(x) convert(T::Type{_LayerProperties}, x::LayerProperties) = T(x) convert(T::Type{_ApplicationInfo}, x::ApplicationInfo) = T(x) convert(T::Type{_AllocationCallbacks}, x::AllocationCallbacks) = T(x) convert(T::Type{_DeviceQueueCreateInfo}, x::DeviceQueueCreateInfo) = T(x) convert(T::Type{_DeviceCreateInfo}, x::DeviceCreateInfo) = T(x) convert(T::Type{_InstanceCreateInfo}, x::InstanceCreateInfo) = T(x) convert(T::Type{_QueueFamilyProperties}, x::QueueFamilyProperties) = T(x) convert(T::Type{_PhysicalDeviceMemoryProperties}, x::PhysicalDeviceMemoryProperties) = T(x) convert(T::Type{_MemoryAllocateInfo}, x::MemoryAllocateInfo) = T(x) convert(T::Type{_MemoryRequirements}, x::MemoryRequirements) = T(x) convert(T::Type{_SparseImageFormatProperties}, x::SparseImageFormatProperties) = T(x) convert(T::Type{_SparseImageMemoryRequirements}, x::SparseImageMemoryRequirements) = T(x) convert(T::Type{_MemoryType}, x::MemoryType) = T(x) convert(T::Type{_MemoryHeap}, x::MemoryHeap) = T(x) convert(T::Type{_MappedMemoryRange}, x::MappedMemoryRange) = T(x) convert(T::Type{_FormatProperties}, x::FormatProperties) = T(x) convert(T::Type{_ImageFormatProperties}, x::ImageFormatProperties) = T(x) convert(T::Type{_DescriptorBufferInfo}, x::DescriptorBufferInfo) = T(x) convert(T::Type{_DescriptorImageInfo}, x::DescriptorImageInfo) = T(x) convert(T::Type{_WriteDescriptorSet}, x::WriteDescriptorSet) = T(x) convert(T::Type{_CopyDescriptorSet}, x::CopyDescriptorSet) = T(x) convert(T::Type{_BufferCreateInfo}, x::BufferCreateInfo) = T(x) convert(T::Type{_BufferViewCreateInfo}, x::BufferViewCreateInfo) = T(x) convert(T::Type{_ImageSubresource}, x::ImageSubresource) = T(x) convert(T::Type{_ImageSubresourceLayers}, x::ImageSubresourceLayers) = T(x) convert(T::Type{_ImageSubresourceRange}, x::ImageSubresourceRange) = T(x) convert(T::Type{_MemoryBarrier}, x::MemoryBarrier) = T(x) convert(T::Type{_BufferMemoryBarrier}, x::BufferMemoryBarrier) = T(x) convert(T::Type{_ImageMemoryBarrier}, x::ImageMemoryBarrier) = T(x) convert(T::Type{_ImageCreateInfo}, x::ImageCreateInfo) = T(x) convert(T::Type{_SubresourceLayout}, x::SubresourceLayout) = T(x) convert(T::Type{_ImageViewCreateInfo}, x::ImageViewCreateInfo) = T(x) convert(T::Type{_BufferCopy}, x::BufferCopy) = T(x) convert(T::Type{_SparseMemoryBind}, x::SparseMemoryBind) = T(x) convert(T::Type{_SparseImageMemoryBind}, x::SparseImageMemoryBind) = T(x) convert(T::Type{_SparseBufferMemoryBindInfo}, x::SparseBufferMemoryBindInfo) = T(x) convert(T::Type{_SparseImageOpaqueMemoryBindInfo}, x::SparseImageOpaqueMemoryBindInfo) = T(x) convert(T::Type{_SparseImageMemoryBindInfo}, x::SparseImageMemoryBindInfo) = T(x) convert(T::Type{_BindSparseInfo}, x::BindSparseInfo) = T(x) convert(T::Type{_ImageCopy}, x::ImageCopy) = T(x) convert(T::Type{_ImageBlit}, x::ImageBlit) = T(x) convert(T::Type{_BufferImageCopy}, x::BufferImageCopy) = T(x) convert(T::Type{_CopyMemoryIndirectCommandNV}, x::CopyMemoryIndirectCommandNV) = T(x) convert(T::Type{_CopyMemoryToImageIndirectCommandNV}, x::CopyMemoryToImageIndirectCommandNV) = T(x) convert(T::Type{_ImageResolve}, x::ImageResolve) = T(x) convert(T::Type{_ShaderModuleCreateInfo}, x::ShaderModuleCreateInfo) = T(x) convert(T::Type{_DescriptorSetLayoutBinding}, x::DescriptorSetLayoutBinding) = T(x) convert(T::Type{_DescriptorSetLayoutCreateInfo}, x::DescriptorSetLayoutCreateInfo) = T(x) convert(T::Type{_DescriptorPoolSize}, x::DescriptorPoolSize) = T(x) convert(T::Type{_DescriptorPoolCreateInfo}, x::DescriptorPoolCreateInfo) = T(x) convert(T::Type{_DescriptorSetAllocateInfo}, x::DescriptorSetAllocateInfo) = T(x) convert(T::Type{_SpecializationMapEntry}, x::SpecializationMapEntry) = T(x) convert(T::Type{_SpecializationInfo}, x::SpecializationInfo) = T(x) convert(T::Type{_PipelineShaderStageCreateInfo}, x::PipelineShaderStageCreateInfo) = T(x) convert(T::Type{_ComputePipelineCreateInfo}, x::ComputePipelineCreateInfo) = T(x) convert(T::Type{_VertexInputBindingDescription}, x::VertexInputBindingDescription) = T(x) convert(T::Type{_VertexInputAttributeDescription}, x::VertexInputAttributeDescription) = T(x) convert(T::Type{_PipelineVertexInputStateCreateInfo}, x::PipelineVertexInputStateCreateInfo) = T(x) convert(T::Type{_PipelineInputAssemblyStateCreateInfo}, x::PipelineInputAssemblyStateCreateInfo) = T(x) convert(T::Type{_PipelineTessellationStateCreateInfo}, x::PipelineTessellationStateCreateInfo) = T(x) convert(T::Type{_PipelineViewportStateCreateInfo}, x::PipelineViewportStateCreateInfo) = T(x) convert(T::Type{_PipelineRasterizationStateCreateInfo}, x::PipelineRasterizationStateCreateInfo) = T(x) convert(T::Type{_PipelineMultisampleStateCreateInfo}, x::PipelineMultisampleStateCreateInfo) = T(x) convert(T::Type{_PipelineColorBlendAttachmentState}, x::PipelineColorBlendAttachmentState) = T(x) convert(T::Type{_PipelineColorBlendStateCreateInfo}, x::PipelineColorBlendStateCreateInfo) = T(x) convert(T::Type{_PipelineDynamicStateCreateInfo}, x::PipelineDynamicStateCreateInfo) = T(x) convert(T::Type{_StencilOpState}, x::StencilOpState) = T(x) convert(T::Type{_PipelineDepthStencilStateCreateInfo}, x::PipelineDepthStencilStateCreateInfo) = T(x) convert(T::Type{_GraphicsPipelineCreateInfo}, x::GraphicsPipelineCreateInfo) = T(x) convert(T::Type{_PipelineCacheCreateInfo}, x::PipelineCacheCreateInfo) = T(x) convert(T::Type{_PipelineCacheHeaderVersionOne}, x::PipelineCacheHeaderVersionOne) = T(x) convert(T::Type{_PushConstantRange}, x::PushConstantRange) = T(x) convert(T::Type{_PipelineLayoutCreateInfo}, x::PipelineLayoutCreateInfo) = T(x) convert(T::Type{_SamplerCreateInfo}, x::SamplerCreateInfo) = T(x) convert(T::Type{_CommandPoolCreateInfo}, x::CommandPoolCreateInfo) = T(x) convert(T::Type{_CommandBufferAllocateInfo}, x::CommandBufferAllocateInfo) = T(x) convert(T::Type{_CommandBufferInheritanceInfo}, x::CommandBufferInheritanceInfo) = T(x) convert(T::Type{_CommandBufferBeginInfo}, x::CommandBufferBeginInfo) = T(x) convert(T::Type{_RenderPassBeginInfo}, x::RenderPassBeginInfo) = T(x) convert(T::Type{_ClearDepthStencilValue}, x::ClearDepthStencilValue) = T(x) convert(T::Type{_ClearAttachment}, x::ClearAttachment) = T(x) convert(T::Type{_AttachmentDescription}, x::AttachmentDescription) = T(x) convert(T::Type{_AttachmentReference}, x::AttachmentReference) = T(x) convert(T::Type{_SubpassDescription}, x::SubpassDescription) = T(x) convert(T::Type{_SubpassDependency}, x::SubpassDependency) = T(x) convert(T::Type{_RenderPassCreateInfo}, x::RenderPassCreateInfo) = T(x) convert(T::Type{_EventCreateInfo}, x::EventCreateInfo) = T(x) convert(T::Type{_FenceCreateInfo}, x::FenceCreateInfo) = T(x) convert(T::Type{_PhysicalDeviceFeatures}, x::PhysicalDeviceFeatures) = T(x) convert(T::Type{_PhysicalDeviceSparseProperties}, x::PhysicalDeviceSparseProperties) = T(x) convert(T::Type{_PhysicalDeviceLimits}, x::PhysicalDeviceLimits) = T(x) convert(T::Type{_SemaphoreCreateInfo}, x::SemaphoreCreateInfo) = T(x) convert(T::Type{_QueryPoolCreateInfo}, x::QueryPoolCreateInfo) = T(x) convert(T::Type{_FramebufferCreateInfo}, x::FramebufferCreateInfo) = T(x) convert(T::Type{_DrawIndirectCommand}, x::DrawIndirectCommand) = T(x) convert(T::Type{_DrawIndexedIndirectCommand}, x::DrawIndexedIndirectCommand) = T(x) convert(T::Type{_DispatchIndirectCommand}, x::DispatchIndirectCommand) = T(x) convert(T::Type{_MultiDrawInfoEXT}, x::MultiDrawInfoEXT) = T(x) convert(T::Type{_MultiDrawIndexedInfoEXT}, x::MultiDrawIndexedInfoEXT) = T(x) convert(T::Type{_SubmitInfo}, x::SubmitInfo) = T(x) convert(T::Type{_DisplayPropertiesKHR}, x::DisplayPropertiesKHR) = T(x) convert(T::Type{_DisplayPlanePropertiesKHR}, x::DisplayPlanePropertiesKHR) = T(x) convert(T::Type{_DisplayModeParametersKHR}, x::DisplayModeParametersKHR) = T(x) convert(T::Type{_DisplayModePropertiesKHR}, x::DisplayModePropertiesKHR) = T(x) convert(T::Type{_DisplayModeCreateInfoKHR}, x::DisplayModeCreateInfoKHR) = T(x) convert(T::Type{_DisplayPlaneCapabilitiesKHR}, x::DisplayPlaneCapabilitiesKHR) = T(x) convert(T::Type{_DisplaySurfaceCreateInfoKHR}, x::DisplaySurfaceCreateInfoKHR) = T(x) convert(T::Type{_DisplayPresentInfoKHR}, x::DisplayPresentInfoKHR) = T(x) convert(T::Type{_SurfaceCapabilitiesKHR}, x::SurfaceCapabilitiesKHR) = T(x) convert(T::Type{_Win32SurfaceCreateInfoKHR}, x::Win32SurfaceCreateInfoKHR) = T(x) convert(T::Type{_SurfaceFormatKHR}, x::SurfaceFormatKHR) = T(x) convert(T::Type{_SwapchainCreateInfoKHR}, x::SwapchainCreateInfoKHR) = T(x) convert(T::Type{_PresentInfoKHR}, x::PresentInfoKHR) = T(x) convert(T::Type{_DebugReportCallbackCreateInfoEXT}, x::DebugReportCallbackCreateInfoEXT) = T(x) convert(T::Type{_ValidationFlagsEXT}, x::ValidationFlagsEXT) = T(x) convert(T::Type{_ValidationFeaturesEXT}, x::ValidationFeaturesEXT) = T(x) convert(T::Type{_PipelineRasterizationStateRasterizationOrderAMD}, x::PipelineRasterizationStateRasterizationOrderAMD) = T(x) convert(T::Type{_DebugMarkerObjectNameInfoEXT}, x::DebugMarkerObjectNameInfoEXT) = T(x) convert(T::Type{_DebugMarkerObjectTagInfoEXT}, x::DebugMarkerObjectTagInfoEXT) = T(x) convert(T::Type{_DebugMarkerMarkerInfoEXT}, x::DebugMarkerMarkerInfoEXT) = T(x) convert(T::Type{_DedicatedAllocationImageCreateInfoNV}, x::DedicatedAllocationImageCreateInfoNV) = T(x) convert(T::Type{_DedicatedAllocationBufferCreateInfoNV}, x::DedicatedAllocationBufferCreateInfoNV) = T(x) convert(T::Type{_DedicatedAllocationMemoryAllocateInfoNV}, x::DedicatedAllocationMemoryAllocateInfoNV) = T(x) convert(T::Type{_ExternalImageFormatPropertiesNV}, x::ExternalImageFormatPropertiesNV) = T(x) convert(T::Type{_ExternalMemoryImageCreateInfoNV}, x::ExternalMemoryImageCreateInfoNV) = T(x) convert(T::Type{_ExportMemoryAllocateInfoNV}, x::ExportMemoryAllocateInfoNV) = T(x) convert(T::Type{_ImportMemoryWin32HandleInfoNV}, x::ImportMemoryWin32HandleInfoNV) = T(x) convert(T::Type{_ExportMemoryWin32HandleInfoNV}, x::ExportMemoryWin32HandleInfoNV) = T(x) convert(T::Type{_Win32KeyedMutexAcquireReleaseInfoNV}, x::Win32KeyedMutexAcquireReleaseInfoNV) = T(x) convert(T::Type{_PhysicalDeviceDeviceGeneratedCommandsFeaturesNV}, x::PhysicalDeviceDeviceGeneratedCommandsFeaturesNV) = T(x) convert(T::Type{_DevicePrivateDataCreateInfo}, x::DevicePrivateDataCreateInfo) = T(x) convert(T::Type{_PrivateDataSlotCreateInfo}, x::PrivateDataSlotCreateInfo) = T(x) convert(T::Type{_PhysicalDevicePrivateDataFeatures}, x::PhysicalDevicePrivateDataFeatures) = T(x) convert(T::Type{_PhysicalDeviceDeviceGeneratedCommandsPropertiesNV}, x::PhysicalDeviceDeviceGeneratedCommandsPropertiesNV) = T(x) convert(T::Type{_PhysicalDeviceMultiDrawPropertiesEXT}, x::PhysicalDeviceMultiDrawPropertiesEXT) = T(x) convert(T::Type{_GraphicsShaderGroupCreateInfoNV}, x::GraphicsShaderGroupCreateInfoNV) = T(x) convert(T::Type{_GraphicsPipelineShaderGroupsCreateInfoNV}, x::GraphicsPipelineShaderGroupsCreateInfoNV) = T(x) convert(T::Type{_BindShaderGroupIndirectCommandNV}, x::BindShaderGroupIndirectCommandNV) = T(x) convert(T::Type{_BindIndexBufferIndirectCommandNV}, x::BindIndexBufferIndirectCommandNV) = T(x) convert(T::Type{_BindVertexBufferIndirectCommandNV}, x::BindVertexBufferIndirectCommandNV) = T(x) convert(T::Type{_SetStateFlagsIndirectCommandNV}, x::SetStateFlagsIndirectCommandNV) = T(x) convert(T::Type{_IndirectCommandsStreamNV}, x::IndirectCommandsStreamNV) = T(x) convert(T::Type{_IndirectCommandsLayoutTokenNV}, x::IndirectCommandsLayoutTokenNV) = T(x) convert(T::Type{_IndirectCommandsLayoutCreateInfoNV}, x::IndirectCommandsLayoutCreateInfoNV) = T(x) convert(T::Type{_GeneratedCommandsInfoNV}, x::GeneratedCommandsInfoNV) = T(x) convert(T::Type{_GeneratedCommandsMemoryRequirementsInfoNV}, x::GeneratedCommandsMemoryRequirementsInfoNV) = T(x) convert(T::Type{_PhysicalDeviceFeatures2}, x::PhysicalDeviceFeatures2) = T(x) convert(T::Type{_PhysicalDeviceProperties2}, x::PhysicalDeviceProperties2) = T(x) convert(T::Type{_FormatProperties2}, x::FormatProperties2) = T(x) convert(T::Type{_ImageFormatProperties2}, x::ImageFormatProperties2) = T(x) convert(T::Type{_PhysicalDeviceImageFormatInfo2}, x::PhysicalDeviceImageFormatInfo2) = T(x) convert(T::Type{_QueueFamilyProperties2}, x::QueueFamilyProperties2) = T(x) convert(T::Type{_PhysicalDeviceMemoryProperties2}, x::PhysicalDeviceMemoryProperties2) = T(x) convert(T::Type{_SparseImageFormatProperties2}, x::SparseImageFormatProperties2) = T(x) convert(T::Type{_PhysicalDeviceSparseImageFormatInfo2}, x::PhysicalDeviceSparseImageFormatInfo2) = T(x) convert(T::Type{_PhysicalDevicePushDescriptorPropertiesKHR}, x::PhysicalDevicePushDescriptorPropertiesKHR) = T(x) convert(T::Type{_ConformanceVersion}, x::ConformanceVersion) = T(x) convert(T::Type{_PhysicalDeviceDriverProperties}, x::PhysicalDeviceDriverProperties) = T(x) convert(T::Type{_PresentRegionsKHR}, x::PresentRegionsKHR) = T(x) convert(T::Type{_PresentRegionKHR}, x::PresentRegionKHR) = T(x) convert(T::Type{_RectLayerKHR}, x::RectLayerKHR) = T(x) convert(T::Type{_PhysicalDeviceVariablePointersFeatures}, x::PhysicalDeviceVariablePointersFeatures) = T(x) convert(T::Type{_ExternalMemoryProperties}, x::ExternalMemoryProperties) = T(x) convert(T::Type{_PhysicalDeviceExternalImageFormatInfo}, x::PhysicalDeviceExternalImageFormatInfo) = T(x) convert(T::Type{_ExternalImageFormatProperties}, x::ExternalImageFormatProperties) = T(x) convert(T::Type{_PhysicalDeviceExternalBufferInfo}, x::PhysicalDeviceExternalBufferInfo) = T(x) convert(T::Type{_ExternalBufferProperties}, x::ExternalBufferProperties) = T(x) convert(T::Type{_PhysicalDeviceIDProperties}, x::PhysicalDeviceIDProperties) = T(x) convert(T::Type{_ExternalMemoryImageCreateInfo}, x::ExternalMemoryImageCreateInfo) = T(x) convert(T::Type{_ExternalMemoryBufferCreateInfo}, x::ExternalMemoryBufferCreateInfo) = T(x) convert(T::Type{_ExportMemoryAllocateInfo}, x::ExportMemoryAllocateInfo) = T(x) convert(T::Type{_ImportMemoryWin32HandleInfoKHR}, x::ImportMemoryWin32HandleInfoKHR) = T(x) convert(T::Type{_ExportMemoryWin32HandleInfoKHR}, x::ExportMemoryWin32HandleInfoKHR) = T(x) convert(T::Type{_MemoryWin32HandlePropertiesKHR}, x::MemoryWin32HandlePropertiesKHR) = T(x) convert(T::Type{_MemoryGetWin32HandleInfoKHR}, x::MemoryGetWin32HandleInfoKHR) = T(x) convert(T::Type{_ImportMemoryFdInfoKHR}, x::ImportMemoryFdInfoKHR) = T(x) convert(T::Type{_MemoryFdPropertiesKHR}, x::MemoryFdPropertiesKHR) = T(x) convert(T::Type{_MemoryGetFdInfoKHR}, x::MemoryGetFdInfoKHR) = T(x) convert(T::Type{_Win32KeyedMutexAcquireReleaseInfoKHR}, x::Win32KeyedMutexAcquireReleaseInfoKHR) = T(x) convert(T::Type{_PhysicalDeviceExternalSemaphoreInfo}, x::PhysicalDeviceExternalSemaphoreInfo) = T(x) convert(T::Type{_ExternalSemaphoreProperties}, x::ExternalSemaphoreProperties) = T(x) convert(T::Type{_ExportSemaphoreCreateInfo}, x::ExportSemaphoreCreateInfo) = T(x) convert(T::Type{_ImportSemaphoreWin32HandleInfoKHR}, x::ImportSemaphoreWin32HandleInfoKHR) = T(x) convert(T::Type{_ExportSemaphoreWin32HandleInfoKHR}, x::ExportSemaphoreWin32HandleInfoKHR) = T(x) convert(T::Type{_D3D12FenceSubmitInfoKHR}, x::D3D12FenceSubmitInfoKHR) = T(x) convert(T::Type{_SemaphoreGetWin32HandleInfoKHR}, x::SemaphoreGetWin32HandleInfoKHR) = T(x) convert(T::Type{_ImportSemaphoreFdInfoKHR}, x::ImportSemaphoreFdInfoKHR) = T(x) convert(T::Type{_SemaphoreGetFdInfoKHR}, x::SemaphoreGetFdInfoKHR) = T(x) convert(T::Type{_PhysicalDeviceExternalFenceInfo}, x::PhysicalDeviceExternalFenceInfo) = T(x) convert(T::Type{_ExternalFenceProperties}, x::ExternalFenceProperties) = T(x) convert(T::Type{_ExportFenceCreateInfo}, x::ExportFenceCreateInfo) = T(x) convert(T::Type{_ImportFenceWin32HandleInfoKHR}, x::ImportFenceWin32HandleInfoKHR) = T(x) convert(T::Type{_ExportFenceWin32HandleInfoKHR}, x::ExportFenceWin32HandleInfoKHR) = T(x) convert(T::Type{_FenceGetWin32HandleInfoKHR}, x::FenceGetWin32HandleInfoKHR) = T(x) convert(T::Type{_ImportFenceFdInfoKHR}, x::ImportFenceFdInfoKHR) = T(x) convert(T::Type{_FenceGetFdInfoKHR}, x::FenceGetFdInfoKHR) = T(x) convert(T::Type{_PhysicalDeviceMultiviewFeatures}, x::PhysicalDeviceMultiviewFeatures) = T(x) convert(T::Type{_PhysicalDeviceMultiviewProperties}, x::PhysicalDeviceMultiviewProperties) = T(x) convert(T::Type{_RenderPassMultiviewCreateInfo}, x::RenderPassMultiviewCreateInfo) = T(x) convert(T::Type{_SurfaceCapabilities2EXT}, x::SurfaceCapabilities2EXT) = T(x) convert(T::Type{_DisplayPowerInfoEXT}, x::DisplayPowerInfoEXT) = T(x) convert(T::Type{_DeviceEventInfoEXT}, x::DeviceEventInfoEXT) = T(x) convert(T::Type{_DisplayEventInfoEXT}, x::DisplayEventInfoEXT) = T(x) convert(T::Type{_SwapchainCounterCreateInfoEXT}, x::SwapchainCounterCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceGroupProperties}, x::PhysicalDeviceGroupProperties) = T(x) convert(T::Type{_MemoryAllocateFlagsInfo}, x::MemoryAllocateFlagsInfo) = T(x) convert(T::Type{_BindBufferMemoryInfo}, x::BindBufferMemoryInfo) = T(x) convert(T::Type{_BindBufferMemoryDeviceGroupInfo}, x::BindBufferMemoryDeviceGroupInfo) = T(x) convert(T::Type{_BindImageMemoryInfo}, x::BindImageMemoryInfo) = T(x) convert(T::Type{_BindImageMemoryDeviceGroupInfo}, x::BindImageMemoryDeviceGroupInfo) = T(x) convert(T::Type{_DeviceGroupRenderPassBeginInfo}, x::DeviceGroupRenderPassBeginInfo) = T(x) convert(T::Type{_DeviceGroupCommandBufferBeginInfo}, x::DeviceGroupCommandBufferBeginInfo) = T(x) convert(T::Type{_DeviceGroupSubmitInfo}, x::DeviceGroupSubmitInfo) = T(x) convert(T::Type{_DeviceGroupBindSparseInfo}, x::DeviceGroupBindSparseInfo) = T(x) convert(T::Type{_DeviceGroupPresentCapabilitiesKHR}, x::DeviceGroupPresentCapabilitiesKHR) = T(x) convert(T::Type{_ImageSwapchainCreateInfoKHR}, x::ImageSwapchainCreateInfoKHR) = T(x) convert(T::Type{_BindImageMemorySwapchainInfoKHR}, x::BindImageMemorySwapchainInfoKHR) = T(x) convert(T::Type{_AcquireNextImageInfoKHR}, x::AcquireNextImageInfoKHR) = T(x) convert(T::Type{_DeviceGroupPresentInfoKHR}, x::DeviceGroupPresentInfoKHR) = T(x) convert(T::Type{_DeviceGroupDeviceCreateInfo}, x::DeviceGroupDeviceCreateInfo) = T(x) convert(T::Type{_DeviceGroupSwapchainCreateInfoKHR}, x::DeviceGroupSwapchainCreateInfoKHR) = T(x) convert(T::Type{_DescriptorUpdateTemplateEntry}, x::DescriptorUpdateTemplateEntry) = T(x) convert(T::Type{_DescriptorUpdateTemplateCreateInfo}, x::DescriptorUpdateTemplateCreateInfo) = T(x) convert(T::Type{_XYColorEXT}, x::XYColorEXT) = T(x) convert(T::Type{_PhysicalDevicePresentIdFeaturesKHR}, x::PhysicalDevicePresentIdFeaturesKHR) = T(x) convert(T::Type{_PresentIdKHR}, x::PresentIdKHR) = T(x) convert(T::Type{_PhysicalDevicePresentWaitFeaturesKHR}, x::PhysicalDevicePresentWaitFeaturesKHR) = T(x) convert(T::Type{_HdrMetadataEXT}, x::HdrMetadataEXT) = T(x) convert(T::Type{_DisplayNativeHdrSurfaceCapabilitiesAMD}, x::DisplayNativeHdrSurfaceCapabilitiesAMD) = T(x) convert(T::Type{_SwapchainDisplayNativeHdrCreateInfoAMD}, x::SwapchainDisplayNativeHdrCreateInfoAMD) = T(x) convert(T::Type{_RefreshCycleDurationGOOGLE}, x::RefreshCycleDurationGOOGLE) = T(x) convert(T::Type{_PastPresentationTimingGOOGLE}, x::PastPresentationTimingGOOGLE) = T(x) convert(T::Type{_PresentTimesInfoGOOGLE}, x::PresentTimesInfoGOOGLE) = T(x) convert(T::Type{_PresentTimeGOOGLE}, x::PresentTimeGOOGLE) = T(x) convert(T::Type{_ViewportWScalingNV}, x::ViewportWScalingNV) = T(x) convert(T::Type{_PipelineViewportWScalingStateCreateInfoNV}, x::PipelineViewportWScalingStateCreateInfoNV) = T(x) convert(T::Type{_ViewportSwizzleNV}, x::ViewportSwizzleNV) = T(x) convert(T::Type{_PipelineViewportSwizzleStateCreateInfoNV}, x::PipelineViewportSwizzleStateCreateInfoNV) = T(x) convert(T::Type{_PhysicalDeviceDiscardRectanglePropertiesEXT}, x::PhysicalDeviceDiscardRectanglePropertiesEXT) = T(x) convert(T::Type{_PipelineDiscardRectangleStateCreateInfoEXT}, x::PipelineDiscardRectangleStateCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX}, x::PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX) = T(x) convert(T::Type{_InputAttachmentAspectReference}, x::InputAttachmentAspectReference) = T(x) convert(T::Type{_RenderPassInputAttachmentAspectCreateInfo}, x::RenderPassInputAttachmentAspectCreateInfo) = T(x) convert(T::Type{_PhysicalDeviceSurfaceInfo2KHR}, x::PhysicalDeviceSurfaceInfo2KHR) = T(x) convert(T::Type{_SurfaceCapabilities2KHR}, x::SurfaceCapabilities2KHR) = T(x) convert(T::Type{_SurfaceFormat2KHR}, x::SurfaceFormat2KHR) = T(x) convert(T::Type{_DisplayProperties2KHR}, x::DisplayProperties2KHR) = T(x) convert(T::Type{_DisplayPlaneProperties2KHR}, x::DisplayPlaneProperties2KHR) = T(x) convert(T::Type{_DisplayModeProperties2KHR}, x::DisplayModeProperties2KHR) = T(x) convert(T::Type{_DisplayPlaneInfo2KHR}, x::DisplayPlaneInfo2KHR) = T(x) convert(T::Type{_DisplayPlaneCapabilities2KHR}, x::DisplayPlaneCapabilities2KHR) = T(x) convert(T::Type{_SharedPresentSurfaceCapabilitiesKHR}, x::SharedPresentSurfaceCapabilitiesKHR) = T(x) convert(T::Type{_PhysicalDevice16BitStorageFeatures}, x::PhysicalDevice16BitStorageFeatures) = T(x) convert(T::Type{_PhysicalDeviceSubgroupProperties}, x::PhysicalDeviceSubgroupProperties) = T(x) convert(T::Type{_PhysicalDeviceShaderSubgroupExtendedTypesFeatures}, x::PhysicalDeviceShaderSubgroupExtendedTypesFeatures) = T(x) convert(T::Type{_BufferMemoryRequirementsInfo2}, x::BufferMemoryRequirementsInfo2) = T(x) convert(T::Type{_DeviceBufferMemoryRequirements}, x::DeviceBufferMemoryRequirements) = T(x) convert(T::Type{_ImageMemoryRequirementsInfo2}, x::ImageMemoryRequirementsInfo2) = T(x) convert(T::Type{_ImageSparseMemoryRequirementsInfo2}, x::ImageSparseMemoryRequirementsInfo2) = T(x) convert(T::Type{_DeviceImageMemoryRequirements}, x::DeviceImageMemoryRequirements) = T(x) convert(T::Type{_MemoryRequirements2}, x::MemoryRequirements2) = T(x) convert(T::Type{_SparseImageMemoryRequirements2}, x::SparseImageMemoryRequirements2) = T(x) convert(T::Type{_PhysicalDevicePointClippingProperties}, x::PhysicalDevicePointClippingProperties) = T(x) convert(T::Type{_MemoryDedicatedRequirements}, x::MemoryDedicatedRequirements) = T(x) convert(T::Type{_MemoryDedicatedAllocateInfo}, x::MemoryDedicatedAllocateInfo) = T(x) convert(T::Type{_ImageViewUsageCreateInfo}, x::ImageViewUsageCreateInfo) = T(x) convert(T::Type{_PipelineTessellationDomainOriginStateCreateInfo}, x::PipelineTessellationDomainOriginStateCreateInfo) = T(x) convert(T::Type{_SamplerYcbcrConversionInfo}, x::SamplerYcbcrConversionInfo) = T(x) convert(T::Type{_SamplerYcbcrConversionCreateInfo}, x::SamplerYcbcrConversionCreateInfo) = T(x) convert(T::Type{_BindImagePlaneMemoryInfo}, x::BindImagePlaneMemoryInfo) = T(x) convert(T::Type{_ImagePlaneMemoryRequirementsInfo}, x::ImagePlaneMemoryRequirementsInfo) = T(x) convert(T::Type{_PhysicalDeviceSamplerYcbcrConversionFeatures}, x::PhysicalDeviceSamplerYcbcrConversionFeatures) = T(x) convert(T::Type{_SamplerYcbcrConversionImageFormatProperties}, x::SamplerYcbcrConversionImageFormatProperties) = T(x) convert(T::Type{_TextureLODGatherFormatPropertiesAMD}, x::TextureLODGatherFormatPropertiesAMD) = T(x) convert(T::Type{_ConditionalRenderingBeginInfoEXT}, x::ConditionalRenderingBeginInfoEXT) = T(x) convert(T::Type{_ProtectedSubmitInfo}, x::ProtectedSubmitInfo) = T(x) convert(T::Type{_PhysicalDeviceProtectedMemoryFeatures}, x::PhysicalDeviceProtectedMemoryFeatures) = T(x) convert(T::Type{_PhysicalDeviceProtectedMemoryProperties}, x::PhysicalDeviceProtectedMemoryProperties) = T(x) convert(T::Type{_DeviceQueueInfo2}, x::DeviceQueueInfo2) = T(x) convert(T::Type{_PipelineCoverageToColorStateCreateInfoNV}, x::PipelineCoverageToColorStateCreateInfoNV) = T(x) convert(T::Type{_PhysicalDeviceSamplerFilterMinmaxProperties}, x::PhysicalDeviceSamplerFilterMinmaxProperties) = T(x) convert(T::Type{_SampleLocationEXT}, x::SampleLocationEXT) = T(x) convert(T::Type{_SampleLocationsInfoEXT}, x::SampleLocationsInfoEXT) = T(x) convert(T::Type{_AttachmentSampleLocationsEXT}, x::AttachmentSampleLocationsEXT) = T(x) convert(T::Type{_SubpassSampleLocationsEXT}, x::SubpassSampleLocationsEXT) = T(x) convert(T::Type{_RenderPassSampleLocationsBeginInfoEXT}, x::RenderPassSampleLocationsBeginInfoEXT) = T(x) convert(T::Type{_PipelineSampleLocationsStateCreateInfoEXT}, x::PipelineSampleLocationsStateCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceSampleLocationsPropertiesEXT}, x::PhysicalDeviceSampleLocationsPropertiesEXT) = T(x) convert(T::Type{_MultisamplePropertiesEXT}, x::MultisamplePropertiesEXT) = T(x) convert(T::Type{_SamplerReductionModeCreateInfo}, x::SamplerReductionModeCreateInfo) = T(x) convert(T::Type{_PhysicalDeviceBlendOperationAdvancedFeaturesEXT}, x::PhysicalDeviceBlendOperationAdvancedFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceMultiDrawFeaturesEXT}, x::PhysicalDeviceMultiDrawFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceBlendOperationAdvancedPropertiesEXT}, x::PhysicalDeviceBlendOperationAdvancedPropertiesEXT) = T(x) convert(T::Type{_PipelineColorBlendAdvancedStateCreateInfoEXT}, x::PipelineColorBlendAdvancedStateCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceInlineUniformBlockFeatures}, x::PhysicalDeviceInlineUniformBlockFeatures) = T(x) convert(T::Type{_PhysicalDeviceInlineUniformBlockProperties}, x::PhysicalDeviceInlineUniformBlockProperties) = T(x) convert(T::Type{_WriteDescriptorSetInlineUniformBlock}, x::WriteDescriptorSetInlineUniformBlock) = T(x) convert(T::Type{_DescriptorPoolInlineUniformBlockCreateInfo}, x::DescriptorPoolInlineUniformBlockCreateInfo) = T(x) convert(T::Type{_PipelineCoverageModulationStateCreateInfoNV}, x::PipelineCoverageModulationStateCreateInfoNV) = T(x) convert(T::Type{_ImageFormatListCreateInfo}, x::ImageFormatListCreateInfo) = T(x) convert(T::Type{_ValidationCacheCreateInfoEXT}, x::ValidationCacheCreateInfoEXT) = T(x) convert(T::Type{_ShaderModuleValidationCacheCreateInfoEXT}, x::ShaderModuleValidationCacheCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceMaintenance3Properties}, x::PhysicalDeviceMaintenance3Properties) = T(x) convert(T::Type{_PhysicalDeviceMaintenance4Features}, x::PhysicalDeviceMaintenance4Features) = T(x) convert(T::Type{_PhysicalDeviceMaintenance4Properties}, x::PhysicalDeviceMaintenance4Properties) = T(x) convert(T::Type{_DescriptorSetLayoutSupport}, x::DescriptorSetLayoutSupport) = T(x) convert(T::Type{_PhysicalDeviceShaderDrawParametersFeatures}, x::PhysicalDeviceShaderDrawParametersFeatures) = T(x) convert(T::Type{_PhysicalDeviceShaderFloat16Int8Features}, x::PhysicalDeviceShaderFloat16Int8Features) = T(x) convert(T::Type{_PhysicalDeviceFloatControlsProperties}, x::PhysicalDeviceFloatControlsProperties) = T(x) convert(T::Type{_PhysicalDeviceHostQueryResetFeatures}, x::PhysicalDeviceHostQueryResetFeatures) = T(x) convert(T::Type{_ShaderResourceUsageAMD}, x::ShaderResourceUsageAMD) = T(x) convert(T::Type{_ShaderStatisticsInfoAMD}, x::ShaderStatisticsInfoAMD) = T(x) convert(T::Type{_DeviceQueueGlobalPriorityCreateInfoKHR}, x::DeviceQueueGlobalPriorityCreateInfoKHR) = T(x) convert(T::Type{_PhysicalDeviceGlobalPriorityQueryFeaturesKHR}, x::PhysicalDeviceGlobalPriorityQueryFeaturesKHR) = T(x) convert(T::Type{_QueueFamilyGlobalPriorityPropertiesKHR}, x::QueueFamilyGlobalPriorityPropertiesKHR) = T(x) convert(T::Type{_DebugUtilsObjectNameInfoEXT}, x::DebugUtilsObjectNameInfoEXT) = T(x) convert(T::Type{_DebugUtilsObjectTagInfoEXT}, x::DebugUtilsObjectTagInfoEXT) = T(x) convert(T::Type{_DebugUtilsLabelEXT}, x::DebugUtilsLabelEXT) = T(x) convert(T::Type{_DebugUtilsMessengerCreateInfoEXT}, x::DebugUtilsMessengerCreateInfoEXT) = T(x) convert(T::Type{_DebugUtilsMessengerCallbackDataEXT}, x::DebugUtilsMessengerCallbackDataEXT) = T(x) convert(T::Type{_PhysicalDeviceDeviceMemoryReportFeaturesEXT}, x::PhysicalDeviceDeviceMemoryReportFeaturesEXT) = T(x) convert(T::Type{_DeviceDeviceMemoryReportCreateInfoEXT}, x::DeviceDeviceMemoryReportCreateInfoEXT) = T(x) convert(T::Type{_DeviceMemoryReportCallbackDataEXT}, x::DeviceMemoryReportCallbackDataEXT) = T(x) convert(T::Type{_ImportMemoryHostPointerInfoEXT}, x::ImportMemoryHostPointerInfoEXT) = T(x) convert(T::Type{_MemoryHostPointerPropertiesEXT}, x::MemoryHostPointerPropertiesEXT) = T(x) convert(T::Type{_PhysicalDeviceExternalMemoryHostPropertiesEXT}, x::PhysicalDeviceExternalMemoryHostPropertiesEXT) = T(x) convert(T::Type{_PhysicalDeviceConservativeRasterizationPropertiesEXT}, x::PhysicalDeviceConservativeRasterizationPropertiesEXT) = T(x) convert(T::Type{_CalibratedTimestampInfoEXT}, x::CalibratedTimestampInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceShaderCorePropertiesAMD}, x::PhysicalDeviceShaderCorePropertiesAMD) = T(x) convert(T::Type{_PhysicalDeviceShaderCoreProperties2AMD}, x::PhysicalDeviceShaderCoreProperties2AMD) = T(x) convert(T::Type{_PipelineRasterizationConservativeStateCreateInfoEXT}, x::PipelineRasterizationConservativeStateCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceDescriptorIndexingFeatures}, x::PhysicalDeviceDescriptorIndexingFeatures) = T(x) convert(T::Type{_PhysicalDeviceDescriptorIndexingProperties}, x::PhysicalDeviceDescriptorIndexingProperties) = T(x) convert(T::Type{_DescriptorSetLayoutBindingFlagsCreateInfo}, x::DescriptorSetLayoutBindingFlagsCreateInfo) = T(x) convert(T::Type{_DescriptorSetVariableDescriptorCountAllocateInfo}, x::DescriptorSetVariableDescriptorCountAllocateInfo) = T(x) convert(T::Type{_DescriptorSetVariableDescriptorCountLayoutSupport}, x::DescriptorSetVariableDescriptorCountLayoutSupport) = T(x) convert(T::Type{_AttachmentDescription2}, x::AttachmentDescription2) = T(x) convert(T::Type{_AttachmentReference2}, x::AttachmentReference2) = T(x) convert(T::Type{_SubpassDescription2}, x::SubpassDescription2) = T(x) convert(T::Type{_SubpassDependency2}, x::SubpassDependency2) = T(x) convert(T::Type{_RenderPassCreateInfo2}, x::RenderPassCreateInfo2) = T(x) convert(T::Type{_SubpassBeginInfo}, x::SubpassBeginInfo) = T(x) convert(T::Type{_SubpassEndInfo}, x::SubpassEndInfo) = T(x) convert(T::Type{_PhysicalDeviceTimelineSemaphoreFeatures}, x::PhysicalDeviceTimelineSemaphoreFeatures) = T(x) convert(T::Type{_PhysicalDeviceTimelineSemaphoreProperties}, x::PhysicalDeviceTimelineSemaphoreProperties) = T(x) convert(T::Type{_SemaphoreTypeCreateInfo}, x::SemaphoreTypeCreateInfo) = T(x) convert(T::Type{_TimelineSemaphoreSubmitInfo}, x::TimelineSemaphoreSubmitInfo) = T(x) convert(T::Type{_SemaphoreWaitInfo}, x::SemaphoreWaitInfo) = T(x) convert(T::Type{_SemaphoreSignalInfo}, x::SemaphoreSignalInfo) = T(x) convert(T::Type{_VertexInputBindingDivisorDescriptionEXT}, x::VertexInputBindingDivisorDescriptionEXT) = T(x) convert(T::Type{_PipelineVertexInputDivisorStateCreateInfoEXT}, x::PipelineVertexInputDivisorStateCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceVertexAttributeDivisorPropertiesEXT}, x::PhysicalDeviceVertexAttributeDivisorPropertiesEXT) = T(x) convert(T::Type{_PhysicalDevicePCIBusInfoPropertiesEXT}, x::PhysicalDevicePCIBusInfoPropertiesEXT) = T(x) convert(T::Type{_CommandBufferInheritanceConditionalRenderingInfoEXT}, x::CommandBufferInheritanceConditionalRenderingInfoEXT) = T(x) convert(T::Type{_PhysicalDevice8BitStorageFeatures}, x::PhysicalDevice8BitStorageFeatures) = T(x) convert(T::Type{_PhysicalDeviceConditionalRenderingFeaturesEXT}, x::PhysicalDeviceConditionalRenderingFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceVulkanMemoryModelFeatures}, x::PhysicalDeviceVulkanMemoryModelFeatures) = T(x) convert(T::Type{_PhysicalDeviceShaderAtomicInt64Features}, x::PhysicalDeviceShaderAtomicInt64Features) = T(x) convert(T::Type{_PhysicalDeviceShaderAtomicFloatFeaturesEXT}, x::PhysicalDeviceShaderAtomicFloatFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceShaderAtomicFloat2FeaturesEXT}, x::PhysicalDeviceShaderAtomicFloat2FeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceVertexAttributeDivisorFeaturesEXT}, x::PhysicalDeviceVertexAttributeDivisorFeaturesEXT) = T(x) convert(T::Type{_QueueFamilyCheckpointPropertiesNV}, x::QueueFamilyCheckpointPropertiesNV) = T(x) convert(T::Type{_CheckpointDataNV}, x::CheckpointDataNV) = T(x) convert(T::Type{_PhysicalDeviceDepthStencilResolveProperties}, x::PhysicalDeviceDepthStencilResolveProperties) = T(x) convert(T::Type{_SubpassDescriptionDepthStencilResolve}, x::SubpassDescriptionDepthStencilResolve) = T(x) convert(T::Type{_ImageViewASTCDecodeModeEXT}, x::ImageViewASTCDecodeModeEXT) = T(x) convert(T::Type{_PhysicalDeviceASTCDecodeFeaturesEXT}, x::PhysicalDeviceASTCDecodeFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceTransformFeedbackFeaturesEXT}, x::PhysicalDeviceTransformFeedbackFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceTransformFeedbackPropertiesEXT}, x::PhysicalDeviceTransformFeedbackPropertiesEXT) = T(x) convert(T::Type{_PipelineRasterizationStateStreamCreateInfoEXT}, x::PipelineRasterizationStateStreamCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceRepresentativeFragmentTestFeaturesNV}, x::PhysicalDeviceRepresentativeFragmentTestFeaturesNV) = T(x) convert(T::Type{_PipelineRepresentativeFragmentTestStateCreateInfoNV}, x::PipelineRepresentativeFragmentTestStateCreateInfoNV) = T(x) convert(T::Type{_PhysicalDeviceExclusiveScissorFeaturesNV}, x::PhysicalDeviceExclusiveScissorFeaturesNV) = T(x) convert(T::Type{_PipelineViewportExclusiveScissorStateCreateInfoNV}, x::PipelineViewportExclusiveScissorStateCreateInfoNV) = T(x) convert(T::Type{_PhysicalDeviceCornerSampledImageFeaturesNV}, x::PhysicalDeviceCornerSampledImageFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceComputeShaderDerivativesFeaturesNV}, x::PhysicalDeviceComputeShaderDerivativesFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceShaderImageFootprintFeaturesNV}, x::PhysicalDeviceShaderImageFootprintFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV}, x::PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceCopyMemoryIndirectFeaturesNV}, x::PhysicalDeviceCopyMemoryIndirectFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceCopyMemoryIndirectPropertiesNV}, x::PhysicalDeviceCopyMemoryIndirectPropertiesNV) = T(x) convert(T::Type{_PhysicalDeviceMemoryDecompressionFeaturesNV}, x::PhysicalDeviceMemoryDecompressionFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceMemoryDecompressionPropertiesNV}, x::PhysicalDeviceMemoryDecompressionPropertiesNV) = T(x) convert(T::Type{_ShadingRatePaletteNV}, x::ShadingRatePaletteNV) = T(x) convert(T::Type{_PipelineViewportShadingRateImageStateCreateInfoNV}, x::PipelineViewportShadingRateImageStateCreateInfoNV) = T(x) convert(T::Type{_PhysicalDeviceShadingRateImageFeaturesNV}, x::PhysicalDeviceShadingRateImageFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceShadingRateImagePropertiesNV}, x::PhysicalDeviceShadingRateImagePropertiesNV) = T(x) convert(T::Type{_PhysicalDeviceInvocationMaskFeaturesHUAWEI}, x::PhysicalDeviceInvocationMaskFeaturesHUAWEI) = T(x) convert(T::Type{_CoarseSampleLocationNV}, x::CoarseSampleLocationNV) = T(x) convert(T::Type{_CoarseSampleOrderCustomNV}, x::CoarseSampleOrderCustomNV) = T(x) convert(T::Type{_PipelineViewportCoarseSampleOrderStateCreateInfoNV}, x::PipelineViewportCoarseSampleOrderStateCreateInfoNV) = T(x) convert(T::Type{_PhysicalDeviceMeshShaderFeaturesNV}, x::PhysicalDeviceMeshShaderFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceMeshShaderPropertiesNV}, x::PhysicalDeviceMeshShaderPropertiesNV) = T(x) convert(T::Type{_DrawMeshTasksIndirectCommandNV}, x::DrawMeshTasksIndirectCommandNV) = T(x) convert(T::Type{_PhysicalDeviceMeshShaderFeaturesEXT}, x::PhysicalDeviceMeshShaderFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceMeshShaderPropertiesEXT}, x::PhysicalDeviceMeshShaderPropertiesEXT) = T(x) convert(T::Type{_DrawMeshTasksIndirectCommandEXT}, x::DrawMeshTasksIndirectCommandEXT) = T(x) convert(T::Type{_RayTracingShaderGroupCreateInfoNV}, x::RayTracingShaderGroupCreateInfoNV) = T(x) convert(T::Type{_RayTracingShaderGroupCreateInfoKHR}, x::RayTracingShaderGroupCreateInfoKHR) = T(x) convert(T::Type{_RayTracingPipelineCreateInfoNV}, x::RayTracingPipelineCreateInfoNV) = T(x) convert(T::Type{_RayTracingPipelineCreateInfoKHR}, x::RayTracingPipelineCreateInfoKHR) = T(x) convert(T::Type{_GeometryTrianglesNV}, x::GeometryTrianglesNV) = T(x) convert(T::Type{_GeometryAABBNV}, x::GeometryAABBNV) = T(x) convert(T::Type{_GeometryDataNV}, x::GeometryDataNV) = T(x) convert(T::Type{_GeometryNV}, x::GeometryNV) = T(x) convert(T::Type{_AccelerationStructureInfoNV}, x::AccelerationStructureInfoNV) = T(x) convert(T::Type{_AccelerationStructureCreateInfoNV}, x::AccelerationStructureCreateInfoNV) = T(x) convert(T::Type{_BindAccelerationStructureMemoryInfoNV}, x::BindAccelerationStructureMemoryInfoNV) = T(x) convert(T::Type{_WriteDescriptorSetAccelerationStructureKHR}, x::WriteDescriptorSetAccelerationStructureKHR) = T(x) convert(T::Type{_WriteDescriptorSetAccelerationStructureNV}, x::WriteDescriptorSetAccelerationStructureNV) = T(x) convert(T::Type{_AccelerationStructureMemoryRequirementsInfoNV}, x::AccelerationStructureMemoryRequirementsInfoNV) = T(x) convert(T::Type{_PhysicalDeviceAccelerationStructureFeaturesKHR}, x::PhysicalDeviceAccelerationStructureFeaturesKHR) = T(x) convert(T::Type{_PhysicalDeviceRayTracingPipelineFeaturesKHR}, x::PhysicalDeviceRayTracingPipelineFeaturesKHR) = T(x) convert(T::Type{_PhysicalDeviceRayQueryFeaturesKHR}, x::PhysicalDeviceRayQueryFeaturesKHR) = T(x) convert(T::Type{_PhysicalDeviceAccelerationStructurePropertiesKHR}, x::PhysicalDeviceAccelerationStructurePropertiesKHR) = T(x) convert(T::Type{_PhysicalDeviceRayTracingPipelinePropertiesKHR}, x::PhysicalDeviceRayTracingPipelinePropertiesKHR) = T(x) convert(T::Type{_PhysicalDeviceRayTracingPropertiesNV}, x::PhysicalDeviceRayTracingPropertiesNV) = T(x) convert(T::Type{_StridedDeviceAddressRegionKHR}, x::StridedDeviceAddressRegionKHR) = T(x) convert(T::Type{_TraceRaysIndirectCommandKHR}, x::TraceRaysIndirectCommandKHR) = T(x) convert(T::Type{_TraceRaysIndirectCommand2KHR}, x::TraceRaysIndirectCommand2KHR) = T(x) convert(T::Type{_PhysicalDeviceRayTracingMaintenance1FeaturesKHR}, x::PhysicalDeviceRayTracingMaintenance1FeaturesKHR) = T(x) convert(T::Type{_DrmFormatModifierPropertiesListEXT}, x::DrmFormatModifierPropertiesListEXT) = T(x) convert(T::Type{_DrmFormatModifierPropertiesEXT}, x::DrmFormatModifierPropertiesEXT) = T(x) convert(T::Type{_PhysicalDeviceImageDrmFormatModifierInfoEXT}, x::PhysicalDeviceImageDrmFormatModifierInfoEXT) = T(x) convert(T::Type{_ImageDrmFormatModifierListCreateInfoEXT}, x::ImageDrmFormatModifierListCreateInfoEXT) = T(x) convert(T::Type{_ImageDrmFormatModifierExplicitCreateInfoEXT}, x::ImageDrmFormatModifierExplicitCreateInfoEXT) = T(x) convert(T::Type{_ImageDrmFormatModifierPropertiesEXT}, x::ImageDrmFormatModifierPropertiesEXT) = T(x) convert(T::Type{_ImageStencilUsageCreateInfo}, x::ImageStencilUsageCreateInfo) = T(x) convert(T::Type{_DeviceMemoryOverallocationCreateInfoAMD}, x::DeviceMemoryOverallocationCreateInfoAMD) = T(x) convert(T::Type{_PhysicalDeviceFragmentDensityMapFeaturesEXT}, x::PhysicalDeviceFragmentDensityMapFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceFragmentDensityMap2FeaturesEXT}, x::PhysicalDeviceFragmentDensityMap2FeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM}, x::PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM) = T(x) convert(T::Type{_PhysicalDeviceFragmentDensityMapPropertiesEXT}, x::PhysicalDeviceFragmentDensityMapPropertiesEXT) = T(x) convert(T::Type{_PhysicalDeviceFragmentDensityMap2PropertiesEXT}, x::PhysicalDeviceFragmentDensityMap2PropertiesEXT) = T(x) convert(T::Type{_PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM}, x::PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM) = T(x) convert(T::Type{_RenderPassFragmentDensityMapCreateInfoEXT}, x::RenderPassFragmentDensityMapCreateInfoEXT) = T(x) convert(T::Type{_SubpassFragmentDensityMapOffsetEndInfoQCOM}, x::SubpassFragmentDensityMapOffsetEndInfoQCOM) = T(x) convert(T::Type{_PhysicalDeviceScalarBlockLayoutFeatures}, x::PhysicalDeviceScalarBlockLayoutFeatures) = T(x) convert(T::Type{_SurfaceProtectedCapabilitiesKHR}, x::SurfaceProtectedCapabilitiesKHR) = T(x) convert(T::Type{_PhysicalDeviceUniformBufferStandardLayoutFeatures}, x::PhysicalDeviceUniformBufferStandardLayoutFeatures) = T(x) convert(T::Type{_PhysicalDeviceDepthClipEnableFeaturesEXT}, x::PhysicalDeviceDepthClipEnableFeaturesEXT) = T(x) convert(T::Type{_PipelineRasterizationDepthClipStateCreateInfoEXT}, x::PipelineRasterizationDepthClipStateCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceMemoryBudgetPropertiesEXT}, x::PhysicalDeviceMemoryBudgetPropertiesEXT) = T(x) convert(T::Type{_PhysicalDeviceMemoryPriorityFeaturesEXT}, x::PhysicalDeviceMemoryPriorityFeaturesEXT) = T(x) convert(T::Type{_MemoryPriorityAllocateInfoEXT}, x::MemoryPriorityAllocateInfoEXT) = T(x) convert(T::Type{_PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT}, x::PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceBufferDeviceAddressFeatures}, x::PhysicalDeviceBufferDeviceAddressFeatures) = T(x) convert(T::Type{_PhysicalDeviceBufferDeviceAddressFeaturesEXT}, x::PhysicalDeviceBufferDeviceAddressFeaturesEXT) = T(x) convert(T::Type{_BufferDeviceAddressInfo}, x::BufferDeviceAddressInfo) = T(x) convert(T::Type{_BufferOpaqueCaptureAddressCreateInfo}, x::BufferOpaqueCaptureAddressCreateInfo) = T(x) convert(T::Type{_BufferDeviceAddressCreateInfoEXT}, x::BufferDeviceAddressCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceImageViewImageFormatInfoEXT}, x::PhysicalDeviceImageViewImageFormatInfoEXT) = T(x) convert(T::Type{_FilterCubicImageViewImageFormatPropertiesEXT}, x::FilterCubicImageViewImageFormatPropertiesEXT) = T(x) convert(T::Type{_PhysicalDeviceImagelessFramebufferFeatures}, x::PhysicalDeviceImagelessFramebufferFeatures) = T(x) convert(T::Type{_FramebufferAttachmentsCreateInfo}, x::FramebufferAttachmentsCreateInfo) = T(x) convert(T::Type{_FramebufferAttachmentImageInfo}, x::FramebufferAttachmentImageInfo) = T(x) convert(T::Type{_RenderPassAttachmentBeginInfo}, x::RenderPassAttachmentBeginInfo) = T(x) convert(T::Type{_PhysicalDeviceTextureCompressionASTCHDRFeatures}, x::PhysicalDeviceTextureCompressionASTCHDRFeatures) = T(x) convert(T::Type{_PhysicalDeviceCooperativeMatrixFeaturesNV}, x::PhysicalDeviceCooperativeMatrixFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceCooperativeMatrixPropertiesNV}, x::PhysicalDeviceCooperativeMatrixPropertiesNV) = T(x) convert(T::Type{_CooperativeMatrixPropertiesNV}, x::CooperativeMatrixPropertiesNV) = T(x) convert(T::Type{_PhysicalDeviceYcbcrImageArraysFeaturesEXT}, x::PhysicalDeviceYcbcrImageArraysFeaturesEXT) = T(x) convert(T::Type{_ImageViewHandleInfoNVX}, x::ImageViewHandleInfoNVX) = T(x) convert(T::Type{_ImageViewAddressPropertiesNVX}, x::ImageViewAddressPropertiesNVX) = T(x) convert(T::Type{_PipelineCreationFeedback}, x::PipelineCreationFeedback) = T(x) convert(T::Type{_PipelineCreationFeedbackCreateInfo}, x::PipelineCreationFeedbackCreateInfo) = T(x) convert(T::Type{_SurfaceFullScreenExclusiveInfoEXT}, x::SurfaceFullScreenExclusiveInfoEXT) = T(x) convert(T::Type{_SurfaceFullScreenExclusiveWin32InfoEXT}, x::SurfaceFullScreenExclusiveWin32InfoEXT) = T(x) convert(T::Type{_SurfaceCapabilitiesFullScreenExclusiveEXT}, x::SurfaceCapabilitiesFullScreenExclusiveEXT) = T(x) convert(T::Type{_PhysicalDevicePresentBarrierFeaturesNV}, x::PhysicalDevicePresentBarrierFeaturesNV) = T(x) convert(T::Type{_SurfaceCapabilitiesPresentBarrierNV}, x::SurfaceCapabilitiesPresentBarrierNV) = T(x) convert(T::Type{_SwapchainPresentBarrierCreateInfoNV}, x::SwapchainPresentBarrierCreateInfoNV) = T(x) convert(T::Type{_PhysicalDevicePerformanceQueryFeaturesKHR}, x::PhysicalDevicePerformanceQueryFeaturesKHR) = T(x) convert(T::Type{_PhysicalDevicePerformanceQueryPropertiesKHR}, x::PhysicalDevicePerformanceQueryPropertiesKHR) = T(x) convert(T::Type{_PerformanceCounterKHR}, x::PerformanceCounterKHR) = T(x) convert(T::Type{_PerformanceCounterDescriptionKHR}, x::PerformanceCounterDescriptionKHR) = T(x) convert(T::Type{_QueryPoolPerformanceCreateInfoKHR}, x::QueryPoolPerformanceCreateInfoKHR) = T(x) convert(T::Type{_AcquireProfilingLockInfoKHR}, x::AcquireProfilingLockInfoKHR) = T(x) convert(T::Type{_PerformanceQuerySubmitInfoKHR}, x::PerformanceQuerySubmitInfoKHR) = T(x) convert(T::Type{_HeadlessSurfaceCreateInfoEXT}, x::HeadlessSurfaceCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceCoverageReductionModeFeaturesNV}, x::PhysicalDeviceCoverageReductionModeFeaturesNV) = T(x) convert(T::Type{_PipelineCoverageReductionStateCreateInfoNV}, x::PipelineCoverageReductionStateCreateInfoNV) = T(x) convert(T::Type{_FramebufferMixedSamplesCombinationNV}, x::FramebufferMixedSamplesCombinationNV) = T(x) convert(T::Type{_PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL}, x::PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL) = T(x) convert(T::Type{_PerformanceValueINTEL}, x::PerformanceValueINTEL) = T(x) convert(T::Type{_InitializePerformanceApiInfoINTEL}, x::InitializePerformanceApiInfoINTEL) = T(x) convert(T::Type{_QueryPoolPerformanceQueryCreateInfoINTEL}, x::QueryPoolPerformanceQueryCreateInfoINTEL) = T(x) convert(T::Type{_PerformanceMarkerInfoINTEL}, x::PerformanceMarkerInfoINTEL) = T(x) convert(T::Type{_PerformanceStreamMarkerInfoINTEL}, x::PerformanceStreamMarkerInfoINTEL) = T(x) convert(T::Type{_PerformanceOverrideInfoINTEL}, x::PerformanceOverrideInfoINTEL) = T(x) convert(T::Type{_PerformanceConfigurationAcquireInfoINTEL}, x::PerformanceConfigurationAcquireInfoINTEL) = T(x) convert(T::Type{_PhysicalDeviceShaderClockFeaturesKHR}, x::PhysicalDeviceShaderClockFeaturesKHR) = T(x) convert(T::Type{_PhysicalDeviceIndexTypeUint8FeaturesEXT}, x::PhysicalDeviceIndexTypeUint8FeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceShaderSMBuiltinsPropertiesNV}, x::PhysicalDeviceShaderSMBuiltinsPropertiesNV) = T(x) convert(T::Type{_PhysicalDeviceShaderSMBuiltinsFeaturesNV}, x::PhysicalDeviceShaderSMBuiltinsFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceFragmentShaderInterlockFeaturesEXT}, x::PhysicalDeviceFragmentShaderInterlockFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceSeparateDepthStencilLayoutsFeatures}, x::PhysicalDeviceSeparateDepthStencilLayoutsFeatures) = T(x) convert(T::Type{_AttachmentReferenceStencilLayout}, x::AttachmentReferenceStencilLayout) = T(x) convert(T::Type{_PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT}, x::PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT) = T(x) convert(T::Type{_AttachmentDescriptionStencilLayout}, x::AttachmentDescriptionStencilLayout) = T(x) convert(T::Type{_PhysicalDevicePipelineExecutablePropertiesFeaturesKHR}, x::PhysicalDevicePipelineExecutablePropertiesFeaturesKHR) = T(x) convert(T::Type{_PipelineInfoKHR}, x::PipelineInfoKHR) = T(x) convert(T::Type{_PipelineExecutablePropertiesKHR}, x::PipelineExecutablePropertiesKHR) = T(x) convert(T::Type{_PipelineExecutableInfoKHR}, x::PipelineExecutableInfoKHR) = T(x) convert(T::Type{_PipelineExecutableStatisticKHR}, x::PipelineExecutableStatisticKHR) = T(x) convert(T::Type{_PipelineExecutableInternalRepresentationKHR}, x::PipelineExecutableInternalRepresentationKHR) = T(x) convert(T::Type{_PhysicalDeviceShaderDemoteToHelperInvocationFeatures}, x::PhysicalDeviceShaderDemoteToHelperInvocationFeatures) = T(x) convert(T::Type{_PhysicalDeviceTexelBufferAlignmentFeaturesEXT}, x::PhysicalDeviceTexelBufferAlignmentFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceTexelBufferAlignmentProperties}, x::PhysicalDeviceTexelBufferAlignmentProperties) = T(x) convert(T::Type{_PhysicalDeviceSubgroupSizeControlFeatures}, x::PhysicalDeviceSubgroupSizeControlFeatures) = T(x) convert(T::Type{_PhysicalDeviceSubgroupSizeControlProperties}, x::PhysicalDeviceSubgroupSizeControlProperties) = T(x) convert(T::Type{_PipelineShaderStageRequiredSubgroupSizeCreateInfo}, x::PipelineShaderStageRequiredSubgroupSizeCreateInfo) = T(x) convert(T::Type{_SubpassShadingPipelineCreateInfoHUAWEI}, x::SubpassShadingPipelineCreateInfoHUAWEI) = T(x) convert(T::Type{_PhysicalDeviceSubpassShadingPropertiesHUAWEI}, x::PhysicalDeviceSubpassShadingPropertiesHUAWEI) = T(x) convert(T::Type{_PhysicalDeviceClusterCullingShaderPropertiesHUAWEI}, x::PhysicalDeviceClusterCullingShaderPropertiesHUAWEI) = T(x) convert(T::Type{_MemoryOpaqueCaptureAddressAllocateInfo}, x::MemoryOpaqueCaptureAddressAllocateInfo) = T(x) convert(T::Type{_DeviceMemoryOpaqueCaptureAddressInfo}, x::DeviceMemoryOpaqueCaptureAddressInfo) = T(x) convert(T::Type{_PhysicalDeviceLineRasterizationFeaturesEXT}, x::PhysicalDeviceLineRasterizationFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceLineRasterizationPropertiesEXT}, x::PhysicalDeviceLineRasterizationPropertiesEXT) = T(x) convert(T::Type{_PipelineRasterizationLineStateCreateInfoEXT}, x::PipelineRasterizationLineStateCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDevicePipelineCreationCacheControlFeatures}, x::PhysicalDevicePipelineCreationCacheControlFeatures) = T(x) convert(T::Type{_PhysicalDeviceVulkan11Features}, x::PhysicalDeviceVulkan11Features) = T(x) convert(T::Type{_PhysicalDeviceVulkan11Properties}, x::PhysicalDeviceVulkan11Properties) = T(x) convert(T::Type{_PhysicalDeviceVulkan12Features}, x::PhysicalDeviceVulkan12Features) = T(x) convert(T::Type{_PhysicalDeviceVulkan12Properties}, x::PhysicalDeviceVulkan12Properties) = T(x) convert(T::Type{_PhysicalDeviceVulkan13Features}, x::PhysicalDeviceVulkan13Features) = T(x) convert(T::Type{_PhysicalDeviceVulkan13Properties}, x::PhysicalDeviceVulkan13Properties) = T(x) convert(T::Type{_PipelineCompilerControlCreateInfoAMD}, x::PipelineCompilerControlCreateInfoAMD) = T(x) convert(T::Type{_PhysicalDeviceCoherentMemoryFeaturesAMD}, x::PhysicalDeviceCoherentMemoryFeaturesAMD) = T(x) convert(T::Type{_PhysicalDeviceToolProperties}, x::PhysicalDeviceToolProperties) = T(x) convert(T::Type{_SamplerCustomBorderColorCreateInfoEXT}, x::SamplerCustomBorderColorCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceCustomBorderColorPropertiesEXT}, x::PhysicalDeviceCustomBorderColorPropertiesEXT) = T(x) convert(T::Type{_PhysicalDeviceCustomBorderColorFeaturesEXT}, x::PhysicalDeviceCustomBorderColorFeaturesEXT) = T(x) convert(T::Type{_SamplerBorderColorComponentMappingCreateInfoEXT}, x::SamplerBorderColorComponentMappingCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceBorderColorSwizzleFeaturesEXT}, x::PhysicalDeviceBorderColorSwizzleFeaturesEXT) = T(x) convert(T::Type{_AccelerationStructureGeometryTrianglesDataKHR}, x::AccelerationStructureGeometryTrianglesDataKHR) = T(x) convert(T::Type{_AccelerationStructureGeometryAabbsDataKHR}, x::AccelerationStructureGeometryAabbsDataKHR) = T(x) convert(T::Type{_AccelerationStructureGeometryInstancesDataKHR}, x::AccelerationStructureGeometryInstancesDataKHR) = T(x) convert(T::Type{_AccelerationStructureGeometryKHR}, x::AccelerationStructureGeometryKHR) = T(x) convert(T::Type{_AccelerationStructureBuildGeometryInfoKHR}, x::AccelerationStructureBuildGeometryInfoKHR) = T(x) convert(T::Type{_AccelerationStructureBuildRangeInfoKHR}, x::AccelerationStructureBuildRangeInfoKHR) = T(x) convert(T::Type{_AccelerationStructureCreateInfoKHR}, x::AccelerationStructureCreateInfoKHR) = T(x) convert(T::Type{_AabbPositionsKHR}, x::AabbPositionsKHR) = T(x) convert(T::Type{_TransformMatrixKHR}, x::TransformMatrixKHR) = T(x) convert(T::Type{_AccelerationStructureInstanceKHR}, x::AccelerationStructureInstanceKHR) = T(x) convert(T::Type{_AccelerationStructureDeviceAddressInfoKHR}, x::AccelerationStructureDeviceAddressInfoKHR) = T(x) convert(T::Type{_AccelerationStructureVersionInfoKHR}, x::AccelerationStructureVersionInfoKHR) = T(x) convert(T::Type{_CopyAccelerationStructureInfoKHR}, x::CopyAccelerationStructureInfoKHR) = T(x) convert(T::Type{_CopyAccelerationStructureToMemoryInfoKHR}, x::CopyAccelerationStructureToMemoryInfoKHR) = T(x) convert(T::Type{_CopyMemoryToAccelerationStructureInfoKHR}, x::CopyMemoryToAccelerationStructureInfoKHR) = T(x) convert(T::Type{_RayTracingPipelineInterfaceCreateInfoKHR}, x::RayTracingPipelineInterfaceCreateInfoKHR) = T(x) convert(T::Type{_PipelineLibraryCreateInfoKHR}, x::PipelineLibraryCreateInfoKHR) = T(x) convert(T::Type{_PhysicalDeviceExtendedDynamicStateFeaturesEXT}, x::PhysicalDeviceExtendedDynamicStateFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceExtendedDynamicState2FeaturesEXT}, x::PhysicalDeviceExtendedDynamicState2FeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceExtendedDynamicState3FeaturesEXT}, x::PhysicalDeviceExtendedDynamicState3FeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceExtendedDynamicState3PropertiesEXT}, x::PhysicalDeviceExtendedDynamicState3PropertiesEXT) = T(x) convert(T::Type{_ColorBlendEquationEXT}, x::ColorBlendEquationEXT) = T(x) convert(T::Type{_ColorBlendAdvancedEXT}, x::ColorBlendAdvancedEXT) = T(x) convert(T::Type{_RenderPassTransformBeginInfoQCOM}, x::RenderPassTransformBeginInfoQCOM) = T(x) convert(T::Type{_CopyCommandTransformInfoQCOM}, x::CopyCommandTransformInfoQCOM) = T(x) convert(T::Type{_CommandBufferInheritanceRenderPassTransformInfoQCOM}, x::CommandBufferInheritanceRenderPassTransformInfoQCOM) = T(x) convert(T::Type{_PhysicalDeviceDiagnosticsConfigFeaturesNV}, x::PhysicalDeviceDiagnosticsConfigFeaturesNV) = T(x) convert(T::Type{_DeviceDiagnosticsConfigCreateInfoNV}, x::DeviceDiagnosticsConfigCreateInfoNV) = T(x) convert(T::Type{_PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures}, x::PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures) = T(x) convert(T::Type{_PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR}, x::PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR) = T(x) convert(T::Type{_PhysicalDeviceRobustness2FeaturesEXT}, x::PhysicalDeviceRobustness2FeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceRobustness2PropertiesEXT}, x::PhysicalDeviceRobustness2PropertiesEXT) = T(x) convert(T::Type{_PhysicalDeviceImageRobustnessFeatures}, x::PhysicalDeviceImageRobustnessFeatures) = T(x) convert(T::Type{_PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR}, x::PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR) = T(x) convert(T::Type{_PhysicalDevice4444FormatsFeaturesEXT}, x::PhysicalDevice4444FormatsFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceSubpassShadingFeaturesHUAWEI}, x::PhysicalDeviceSubpassShadingFeaturesHUAWEI) = T(x) convert(T::Type{_PhysicalDeviceClusterCullingShaderFeaturesHUAWEI}, x::PhysicalDeviceClusterCullingShaderFeaturesHUAWEI) = T(x) convert(T::Type{_BufferCopy2}, x::BufferCopy2) = T(x) convert(T::Type{_ImageCopy2}, x::ImageCopy2) = T(x) convert(T::Type{_ImageBlit2}, x::ImageBlit2) = T(x) convert(T::Type{_BufferImageCopy2}, x::BufferImageCopy2) = T(x) convert(T::Type{_ImageResolve2}, x::ImageResolve2) = T(x) convert(T::Type{_CopyBufferInfo2}, x::CopyBufferInfo2) = T(x) convert(T::Type{_CopyImageInfo2}, x::CopyImageInfo2) = T(x) convert(T::Type{_BlitImageInfo2}, x::BlitImageInfo2) = T(x) convert(T::Type{_CopyBufferToImageInfo2}, x::CopyBufferToImageInfo2) = T(x) convert(T::Type{_CopyImageToBufferInfo2}, x::CopyImageToBufferInfo2) = T(x) convert(T::Type{_ResolveImageInfo2}, x::ResolveImageInfo2) = T(x) convert(T::Type{_PhysicalDeviceShaderImageAtomicInt64FeaturesEXT}, x::PhysicalDeviceShaderImageAtomicInt64FeaturesEXT) = T(x) convert(T::Type{_FragmentShadingRateAttachmentInfoKHR}, x::FragmentShadingRateAttachmentInfoKHR) = T(x) convert(T::Type{_PipelineFragmentShadingRateStateCreateInfoKHR}, x::PipelineFragmentShadingRateStateCreateInfoKHR) = T(x) convert(T::Type{_PhysicalDeviceFragmentShadingRateFeaturesKHR}, x::PhysicalDeviceFragmentShadingRateFeaturesKHR) = T(x) convert(T::Type{_PhysicalDeviceFragmentShadingRatePropertiesKHR}, x::PhysicalDeviceFragmentShadingRatePropertiesKHR) = T(x) convert(T::Type{_PhysicalDeviceFragmentShadingRateKHR}, x::PhysicalDeviceFragmentShadingRateKHR) = T(x) convert(T::Type{_PhysicalDeviceShaderTerminateInvocationFeatures}, x::PhysicalDeviceShaderTerminateInvocationFeatures) = T(x) convert(T::Type{_PhysicalDeviceFragmentShadingRateEnumsFeaturesNV}, x::PhysicalDeviceFragmentShadingRateEnumsFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceFragmentShadingRateEnumsPropertiesNV}, x::PhysicalDeviceFragmentShadingRateEnumsPropertiesNV) = T(x) convert(T::Type{_PipelineFragmentShadingRateEnumStateCreateInfoNV}, x::PipelineFragmentShadingRateEnumStateCreateInfoNV) = T(x) convert(T::Type{_AccelerationStructureBuildSizesInfoKHR}, x::AccelerationStructureBuildSizesInfoKHR) = T(x) convert(T::Type{_PhysicalDeviceImage2DViewOf3DFeaturesEXT}, x::PhysicalDeviceImage2DViewOf3DFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceMutableDescriptorTypeFeaturesEXT}, x::PhysicalDeviceMutableDescriptorTypeFeaturesEXT) = T(x) convert(T::Type{_MutableDescriptorTypeListEXT}, x::MutableDescriptorTypeListEXT) = T(x) convert(T::Type{_MutableDescriptorTypeCreateInfoEXT}, x::MutableDescriptorTypeCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceDepthClipControlFeaturesEXT}, x::PhysicalDeviceDepthClipControlFeaturesEXT) = T(x) convert(T::Type{_PipelineViewportDepthClipControlCreateInfoEXT}, x::PipelineViewportDepthClipControlCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceVertexInputDynamicStateFeaturesEXT}, x::PhysicalDeviceVertexInputDynamicStateFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceExternalMemoryRDMAFeaturesNV}, x::PhysicalDeviceExternalMemoryRDMAFeaturesNV) = T(x) convert(T::Type{_VertexInputBindingDescription2EXT}, x::VertexInputBindingDescription2EXT) = T(x) convert(T::Type{_VertexInputAttributeDescription2EXT}, x::VertexInputAttributeDescription2EXT) = T(x) convert(T::Type{_PhysicalDeviceColorWriteEnableFeaturesEXT}, x::PhysicalDeviceColorWriteEnableFeaturesEXT) = T(x) convert(T::Type{_PipelineColorWriteCreateInfoEXT}, x::PipelineColorWriteCreateInfoEXT) = T(x) convert(T::Type{_MemoryBarrier2}, x::MemoryBarrier2) = T(x) convert(T::Type{_ImageMemoryBarrier2}, x::ImageMemoryBarrier2) = T(x) convert(T::Type{_BufferMemoryBarrier2}, x::BufferMemoryBarrier2) = T(x) convert(T::Type{_DependencyInfo}, x::DependencyInfo) = T(x) convert(T::Type{_SemaphoreSubmitInfo}, x::SemaphoreSubmitInfo) = T(x) convert(T::Type{_CommandBufferSubmitInfo}, x::CommandBufferSubmitInfo) = T(x) convert(T::Type{_SubmitInfo2}, x::SubmitInfo2) = T(x) convert(T::Type{_QueueFamilyCheckpointProperties2NV}, x::QueueFamilyCheckpointProperties2NV) = T(x) convert(T::Type{_CheckpointData2NV}, x::CheckpointData2NV) = T(x) convert(T::Type{_PhysicalDeviceSynchronization2Features}, x::PhysicalDeviceSynchronization2Features) = T(x) convert(T::Type{_PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT}, x::PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceLegacyDitheringFeaturesEXT}, x::PhysicalDeviceLegacyDitheringFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT}, x::PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT) = T(x) convert(T::Type{_SubpassResolvePerformanceQueryEXT}, x::SubpassResolvePerformanceQueryEXT) = T(x) convert(T::Type{_MultisampledRenderToSingleSampledInfoEXT}, x::MultisampledRenderToSingleSampledInfoEXT) = T(x) convert(T::Type{_PhysicalDevicePipelineProtectedAccessFeaturesEXT}, x::PhysicalDevicePipelineProtectedAccessFeaturesEXT) = T(x) convert(T::Type{_QueueFamilyVideoPropertiesKHR}, x::QueueFamilyVideoPropertiesKHR) = T(x) convert(T::Type{_QueueFamilyQueryResultStatusPropertiesKHR}, x::QueueFamilyQueryResultStatusPropertiesKHR) = T(x) convert(T::Type{_VideoProfileListInfoKHR}, x::VideoProfileListInfoKHR) = T(x) convert(T::Type{_PhysicalDeviceVideoFormatInfoKHR}, x::PhysicalDeviceVideoFormatInfoKHR) = T(x) convert(T::Type{_VideoFormatPropertiesKHR}, x::VideoFormatPropertiesKHR) = T(x) convert(T::Type{_VideoProfileInfoKHR}, x::VideoProfileInfoKHR) = T(x) convert(T::Type{_VideoCapabilitiesKHR}, x::VideoCapabilitiesKHR) = T(x) convert(T::Type{_VideoSessionMemoryRequirementsKHR}, x::VideoSessionMemoryRequirementsKHR) = T(x) convert(T::Type{_BindVideoSessionMemoryInfoKHR}, x::BindVideoSessionMemoryInfoKHR) = T(x) convert(T::Type{_VideoPictureResourceInfoKHR}, x::VideoPictureResourceInfoKHR) = T(x) convert(T::Type{_VideoReferenceSlotInfoKHR}, x::VideoReferenceSlotInfoKHR) = T(x) convert(T::Type{_VideoDecodeCapabilitiesKHR}, x::VideoDecodeCapabilitiesKHR) = T(x) convert(T::Type{_VideoDecodeUsageInfoKHR}, x::VideoDecodeUsageInfoKHR) = T(x) convert(T::Type{_VideoDecodeInfoKHR}, x::VideoDecodeInfoKHR) = T(x) convert(T::Type{_VideoDecodeH264ProfileInfoKHR}, x::VideoDecodeH264ProfileInfoKHR) = T(x) convert(T::Type{_VideoDecodeH264CapabilitiesKHR}, x::VideoDecodeH264CapabilitiesKHR) = T(x) convert(T::Type{_VideoDecodeH264SessionParametersAddInfoKHR}, x::VideoDecodeH264SessionParametersAddInfoKHR) = T(x) convert(T::Type{_VideoDecodeH264SessionParametersCreateInfoKHR}, x::VideoDecodeH264SessionParametersCreateInfoKHR) = T(x) convert(T::Type{_VideoDecodeH264PictureInfoKHR}, x::VideoDecodeH264PictureInfoKHR) = T(x) convert(T::Type{_VideoDecodeH264DpbSlotInfoKHR}, x::VideoDecodeH264DpbSlotInfoKHR) = T(x) convert(T::Type{_VideoDecodeH265ProfileInfoKHR}, x::VideoDecodeH265ProfileInfoKHR) = T(x) convert(T::Type{_VideoDecodeH265CapabilitiesKHR}, x::VideoDecodeH265CapabilitiesKHR) = T(x) convert(T::Type{_VideoDecodeH265SessionParametersAddInfoKHR}, x::VideoDecodeH265SessionParametersAddInfoKHR) = T(x) convert(T::Type{_VideoDecodeH265SessionParametersCreateInfoKHR}, x::VideoDecodeH265SessionParametersCreateInfoKHR) = T(x) convert(T::Type{_VideoDecodeH265PictureInfoKHR}, x::VideoDecodeH265PictureInfoKHR) = T(x) convert(T::Type{_VideoDecodeH265DpbSlotInfoKHR}, x::VideoDecodeH265DpbSlotInfoKHR) = T(x) convert(T::Type{_VideoSessionCreateInfoKHR}, x::VideoSessionCreateInfoKHR) = T(x) convert(T::Type{_VideoSessionParametersCreateInfoKHR}, x::VideoSessionParametersCreateInfoKHR) = T(x) convert(T::Type{_VideoSessionParametersUpdateInfoKHR}, x::VideoSessionParametersUpdateInfoKHR) = T(x) convert(T::Type{_VideoBeginCodingInfoKHR}, x::VideoBeginCodingInfoKHR) = T(x) convert(T::Type{_VideoEndCodingInfoKHR}, x::VideoEndCodingInfoKHR) = T(x) convert(T::Type{_VideoCodingControlInfoKHR}, x::VideoCodingControlInfoKHR) = T(x) convert(T::Type{_PhysicalDeviceInheritedViewportScissorFeaturesNV}, x::PhysicalDeviceInheritedViewportScissorFeaturesNV) = T(x) convert(T::Type{_CommandBufferInheritanceViewportScissorInfoNV}, x::CommandBufferInheritanceViewportScissorInfoNV) = T(x) convert(T::Type{_PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT}, x::PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceProvokingVertexFeaturesEXT}, x::PhysicalDeviceProvokingVertexFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceProvokingVertexPropertiesEXT}, x::PhysicalDeviceProvokingVertexPropertiesEXT) = T(x) convert(T::Type{_PipelineRasterizationProvokingVertexStateCreateInfoEXT}, x::PipelineRasterizationProvokingVertexStateCreateInfoEXT) = T(x) convert(T::Type{_CuModuleCreateInfoNVX}, x::CuModuleCreateInfoNVX) = T(x) convert(T::Type{_CuFunctionCreateInfoNVX}, x::CuFunctionCreateInfoNVX) = T(x) convert(T::Type{_CuLaunchInfoNVX}, x::CuLaunchInfoNVX) = T(x) convert(T::Type{_PhysicalDeviceDescriptorBufferFeaturesEXT}, x::PhysicalDeviceDescriptorBufferFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceDescriptorBufferPropertiesEXT}, x::PhysicalDeviceDescriptorBufferPropertiesEXT) = T(x) convert(T::Type{_PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT}, x::PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT) = T(x) convert(T::Type{_DescriptorAddressInfoEXT}, x::DescriptorAddressInfoEXT) = T(x) convert(T::Type{_DescriptorBufferBindingInfoEXT}, x::DescriptorBufferBindingInfoEXT) = T(x) convert(T::Type{_DescriptorBufferBindingPushDescriptorBufferHandleEXT}, x::DescriptorBufferBindingPushDescriptorBufferHandleEXT) = T(x) convert(T::Type{_DescriptorGetInfoEXT}, x::DescriptorGetInfoEXT) = T(x) convert(T::Type{_BufferCaptureDescriptorDataInfoEXT}, x::BufferCaptureDescriptorDataInfoEXT) = T(x) convert(T::Type{_ImageCaptureDescriptorDataInfoEXT}, x::ImageCaptureDescriptorDataInfoEXT) = T(x) convert(T::Type{_ImageViewCaptureDescriptorDataInfoEXT}, x::ImageViewCaptureDescriptorDataInfoEXT) = T(x) convert(T::Type{_SamplerCaptureDescriptorDataInfoEXT}, x::SamplerCaptureDescriptorDataInfoEXT) = T(x) convert(T::Type{_AccelerationStructureCaptureDescriptorDataInfoEXT}, x::AccelerationStructureCaptureDescriptorDataInfoEXT) = T(x) convert(T::Type{_OpaqueCaptureDescriptorDataCreateInfoEXT}, x::OpaqueCaptureDescriptorDataCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceShaderIntegerDotProductFeatures}, x::PhysicalDeviceShaderIntegerDotProductFeatures) = T(x) convert(T::Type{_PhysicalDeviceShaderIntegerDotProductProperties}, x::PhysicalDeviceShaderIntegerDotProductProperties) = T(x) convert(T::Type{_PhysicalDeviceDrmPropertiesEXT}, x::PhysicalDeviceDrmPropertiesEXT) = T(x) convert(T::Type{_PhysicalDeviceFragmentShaderBarycentricFeaturesKHR}, x::PhysicalDeviceFragmentShaderBarycentricFeaturesKHR) = T(x) convert(T::Type{_PhysicalDeviceFragmentShaderBarycentricPropertiesKHR}, x::PhysicalDeviceFragmentShaderBarycentricPropertiesKHR) = T(x) convert(T::Type{_PhysicalDeviceRayTracingMotionBlurFeaturesNV}, x::PhysicalDeviceRayTracingMotionBlurFeaturesNV) = T(x) convert(T::Type{_AccelerationStructureGeometryMotionTrianglesDataNV}, x::AccelerationStructureGeometryMotionTrianglesDataNV) = T(x) convert(T::Type{_AccelerationStructureMotionInfoNV}, x::AccelerationStructureMotionInfoNV) = T(x) convert(T::Type{_SRTDataNV}, x::SRTDataNV) = T(x) convert(T::Type{_AccelerationStructureSRTMotionInstanceNV}, x::AccelerationStructureSRTMotionInstanceNV) = T(x) convert(T::Type{_AccelerationStructureMatrixMotionInstanceNV}, x::AccelerationStructureMatrixMotionInstanceNV) = T(x) convert(T::Type{_AccelerationStructureMotionInstanceNV}, x::AccelerationStructureMotionInstanceNV) = T(x) convert(T::Type{_MemoryGetRemoteAddressInfoNV}, x::MemoryGetRemoteAddressInfoNV) = T(x) convert(T::Type{_PhysicalDeviceRGBA10X6FormatsFeaturesEXT}, x::PhysicalDeviceRGBA10X6FormatsFeaturesEXT) = T(x) convert(T::Type{_FormatProperties3}, x::FormatProperties3) = T(x) convert(T::Type{_DrmFormatModifierPropertiesList2EXT}, x::DrmFormatModifierPropertiesList2EXT) = T(x) convert(T::Type{_DrmFormatModifierProperties2EXT}, x::DrmFormatModifierProperties2EXT) = T(x) convert(T::Type{_PipelineRenderingCreateInfo}, x::PipelineRenderingCreateInfo) = T(x) convert(T::Type{_RenderingInfo}, x::RenderingInfo) = T(x) convert(T::Type{_RenderingAttachmentInfo}, x::RenderingAttachmentInfo) = T(x) convert(T::Type{_RenderingFragmentShadingRateAttachmentInfoKHR}, x::RenderingFragmentShadingRateAttachmentInfoKHR) = T(x) convert(T::Type{_RenderingFragmentDensityMapAttachmentInfoEXT}, x::RenderingFragmentDensityMapAttachmentInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceDynamicRenderingFeatures}, x::PhysicalDeviceDynamicRenderingFeatures) = T(x) convert(T::Type{_CommandBufferInheritanceRenderingInfo}, x::CommandBufferInheritanceRenderingInfo) = T(x) convert(T::Type{_AttachmentSampleCountInfoAMD}, x::AttachmentSampleCountInfoAMD) = T(x) convert(T::Type{_MultiviewPerViewAttributesInfoNVX}, x::MultiviewPerViewAttributesInfoNVX) = T(x) convert(T::Type{_PhysicalDeviceImageViewMinLodFeaturesEXT}, x::PhysicalDeviceImageViewMinLodFeaturesEXT) = T(x) convert(T::Type{_ImageViewMinLodCreateInfoEXT}, x::ImageViewMinLodCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT}, x::PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceLinearColorAttachmentFeaturesNV}, x::PhysicalDeviceLinearColorAttachmentFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT}, x::PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT}, x::PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT) = T(x) convert(T::Type{_GraphicsPipelineLibraryCreateInfoEXT}, x::GraphicsPipelineLibraryCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE}, x::PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE) = T(x) convert(T::Type{_DescriptorSetBindingReferenceVALVE}, x::DescriptorSetBindingReferenceVALVE) = T(x) convert(T::Type{_DescriptorSetLayoutHostMappingInfoVALVE}, x::DescriptorSetLayoutHostMappingInfoVALVE) = T(x) convert(T::Type{_PhysicalDeviceShaderModuleIdentifierFeaturesEXT}, x::PhysicalDeviceShaderModuleIdentifierFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceShaderModuleIdentifierPropertiesEXT}, x::PhysicalDeviceShaderModuleIdentifierPropertiesEXT) = T(x) convert(T::Type{_PipelineShaderStageModuleIdentifierCreateInfoEXT}, x::PipelineShaderStageModuleIdentifierCreateInfoEXT) = T(x) convert(T::Type{_ShaderModuleIdentifierEXT}, x::ShaderModuleIdentifierEXT) = T(x) convert(T::Type{_ImageCompressionControlEXT}, x::ImageCompressionControlEXT) = T(x) convert(T::Type{_PhysicalDeviceImageCompressionControlFeaturesEXT}, x::PhysicalDeviceImageCompressionControlFeaturesEXT) = T(x) convert(T::Type{_ImageCompressionPropertiesEXT}, x::ImageCompressionPropertiesEXT) = T(x) convert(T::Type{_PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT}, x::PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT) = T(x) convert(T::Type{_ImageSubresource2EXT}, x::ImageSubresource2EXT) = T(x) convert(T::Type{_SubresourceLayout2EXT}, x::SubresourceLayout2EXT) = T(x) convert(T::Type{_RenderPassCreationControlEXT}, x::RenderPassCreationControlEXT) = T(x) convert(T::Type{_RenderPassCreationFeedbackInfoEXT}, x::RenderPassCreationFeedbackInfoEXT) = T(x) convert(T::Type{_RenderPassCreationFeedbackCreateInfoEXT}, x::RenderPassCreationFeedbackCreateInfoEXT) = T(x) convert(T::Type{_RenderPassSubpassFeedbackInfoEXT}, x::RenderPassSubpassFeedbackInfoEXT) = T(x) convert(T::Type{_RenderPassSubpassFeedbackCreateInfoEXT}, x::RenderPassSubpassFeedbackCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceSubpassMergeFeedbackFeaturesEXT}, x::PhysicalDeviceSubpassMergeFeedbackFeaturesEXT) = T(x) convert(T::Type{_MicromapBuildInfoEXT}, x::MicromapBuildInfoEXT) = T(x) convert(T::Type{_MicromapCreateInfoEXT}, x::MicromapCreateInfoEXT) = T(x) convert(T::Type{_MicromapVersionInfoEXT}, x::MicromapVersionInfoEXT) = T(x) convert(T::Type{_CopyMicromapInfoEXT}, x::CopyMicromapInfoEXT) = T(x) convert(T::Type{_CopyMicromapToMemoryInfoEXT}, x::CopyMicromapToMemoryInfoEXT) = T(x) convert(T::Type{_CopyMemoryToMicromapInfoEXT}, x::CopyMemoryToMicromapInfoEXT) = T(x) convert(T::Type{_MicromapBuildSizesInfoEXT}, x::MicromapBuildSizesInfoEXT) = T(x) convert(T::Type{_MicromapUsageEXT}, x::MicromapUsageEXT) = T(x) convert(T::Type{_MicromapTriangleEXT}, x::MicromapTriangleEXT) = T(x) convert(T::Type{_PhysicalDeviceOpacityMicromapFeaturesEXT}, x::PhysicalDeviceOpacityMicromapFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceOpacityMicromapPropertiesEXT}, x::PhysicalDeviceOpacityMicromapPropertiesEXT) = T(x) convert(T::Type{_AccelerationStructureTrianglesOpacityMicromapEXT}, x::AccelerationStructureTrianglesOpacityMicromapEXT) = T(x) convert(T::Type{_PipelinePropertiesIdentifierEXT}, x::PipelinePropertiesIdentifierEXT) = T(x) convert(T::Type{_PhysicalDevicePipelinePropertiesFeaturesEXT}, x::PhysicalDevicePipelinePropertiesFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD}, x::PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD) = T(x) convert(T::Type{_PhysicalDeviceNonSeamlessCubeMapFeaturesEXT}, x::PhysicalDeviceNonSeamlessCubeMapFeaturesEXT) = T(x) convert(T::Type{_PhysicalDevicePipelineRobustnessFeaturesEXT}, x::PhysicalDevicePipelineRobustnessFeaturesEXT) = T(x) convert(T::Type{_PipelineRobustnessCreateInfoEXT}, x::PipelineRobustnessCreateInfoEXT) = T(x) convert(T::Type{_PhysicalDevicePipelineRobustnessPropertiesEXT}, x::PhysicalDevicePipelineRobustnessPropertiesEXT) = T(x) convert(T::Type{_ImageViewSampleWeightCreateInfoQCOM}, x::ImageViewSampleWeightCreateInfoQCOM) = T(x) convert(T::Type{_PhysicalDeviceImageProcessingFeaturesQCOM}, x::PhysicalDeviceImageProcessingFeaturesQCOM) = T(x) convert(T::Type{_PhysicalDeviceImageProcessingPropertiesQCOM}, x::PhysicalDeviceImageProcessingPropertiesQCOM) = T(x) convert(T::Type{_PhysicalDeviceTilePropertiesFeaturesQCOM}, x::PhysicalDeviceTilePropertiesFeaturesQCOM) = T(x) convert(T::Type{_TilePropertiesQCOM}, x::TilePropertiesQCOM) = T(x) convert(T::Type{_PhysicalDeviceAmigoProfilingFeaturesSEC}, x::PhysicalDeviceAmigoProfilingFeaturesSEC) = T(x) convert(T::Type{_AmigoProfilingSubmitInfoSEC}, x::AmigoProfilingSubmitInfoSEC) = T(x) convert(T::Type{_PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT}, x::PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceDepthClampZeroOneFeaturesEXT}, x::PhysicalDeviceDepthClampZeroOneFeaturesEXT) = T(x) convert(T::Type{_PhysicalDeviceAddressBindingReportFeaturesEXT}, x::PhysicalDeviceAddressBindingReportFeaturesEXT) = T(x) convert(T::Type{_DeviceAddressBindingCallbackDataEXT}, x::DeviceAddressBindingCallbackDataEXT) = T(x) convert(T::Type{_PhysicalDeviceOpticalFlowFeaturesNV}, x::PhysicalDeviceOpticalFlowFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceOpticalFlowPropertiesNV}, x::PhysicalDeviceOpticalFlowPropertiesNV) = T(x) convert(T::Type{_OpticalFlowImageFormatInfoNV}, x::OpticalFlowImageFormatInfoNV) = T(x) convert(T::Type{_OpticalFlowImageFormatPropertiesNV}, x::OpticalFlowImageFormatPropertiesNV) = T(x) convert(T::Type{_OpticalFlowSessionCreateInfoNV}, x::OpticalFlowSessionCreateInfoNV) = T(x) convert(T::Type{_OpticalFlowSessionCreatePrivateDataInfoNV}, x::OpticalFlowSessionCreatePrivateDataInfoNV) = T(x) convert(T::Type{_OpticalFlowExecuteInfoNV}, x::OpticalFlowExecuteInfoNV) = T(x) convert(T::Type{_PhysicalDeviceFaultFeaturesEXT}, x::PhysicalDeviceFaultFeaturesEXT) = T(x) convert(T::Type{_DeviceFaultAddressInfoEXT}, x::DeviceFaultAddressInfoEXT) = T(x) convert(T::Type{_DeviceFaultVendorInfoEXT}, x::DeviceFaultVendorInfoEXT) = T(x) convert(T::Type{_DeviceFaultCountsEXT}, x::DeviceFaultCountsEXT) = T(x) convert(T::Type{_DeviceFaultInfoEXT}, x::DeviceFaultInfoEXT) = T(x) convert(T::Type{_DeviceFaultVendorBinaryHeaderVersionOneEXT}, x::DeviceFaultVendorBinaryHeaderVersionOneEXT) = T(x) convert(T::Type{_PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT}, x::PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT) = T(x) convert(T::Type{_DecompressMemoryRegionNV}, x::DecompressMemoryRegionNV) = T(x) convert(T::Type{_PhysicalDeviceShaderCoreBuiltinsPropertiesARM}, x::PhysicalDeviceShaderCoreBuiltinsPropertiesARM) = T(x) convert(T::Type{_PhysicalDeviceShaderCoreBuiltinsFeaturesARM}, x::PhysicalDeviceShaderCoreBuiltinsFeaturesARM) = T(x) convert(T::Type{_SurfacePresentModeEXT}, x::SurfacePresentModeEXT) = T(x) convert(T::Type{_SurfacePresentScalingCapabilitiesEXT}, x::SurfacePresentScalingCapabilitiesEXT) = T(x) convert(T::Type{_SurfacePresentModeCompatibilityEXT}, x::SurfacePresentModeCompatibilityEXT) = T(x) convert(T::Type{_PhysicalDeviceSwapchainMaintenance1FeaturesEXT}, x::PhysicalDeviceSwapchainMaintenance1FeaturesEXT) = T(x) convert(T::Type{_SwapchainPresentFenceInfoEXT}, x::SwapchainPresentFenceInfoEXT) = T(x) convert(T::Type{_SwapchainPresentModesCreateInfoEXT}, x::SwapchainPresentModesCreateInfoEXT) = T(x) convert(T::Type{_SwapchainPresentModeInfoEXT}, x::SwapchainPresentModeInfoEXT) = T(x) convert(T::Type{_SwapchainPresentScalingCreateInfoEXT}, x::SwapchainPresentScalingCreateInfoEXT) = T(x) convert(T::Type{_ReleaseSwapchainImagesInfoEXT}, x::ReleaseSwapchainImagesInfoEXT) = T(x) convert(T::Type{_PhysicalDeviceRayTracingInvocationReorderFeaturesNV}, x::PhysicalDeviceRayTracingInvocationReorderFeaturesNV) = T(x) convert(T::Type{_PhysicalDeviceRayTracingInvocationReorderPropertiesNV}, x::PhysicalDeviceRayTracingInvocationReorderPropertiesNV) = T(x) convert(T::Type{_DirectDriverLoadingInfoLUNARG}, x::DirectDriverLoadingInfoLUNARG) = T(x) convert(T::Type{_DirectDriverLoadingListLUNARG}, x::DirectDriverLoadingListLUNARG) = T(x) convert(T::Type{_PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM}, x::PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM) = T(x) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_LAYER_NOT_PRESENT` - `ERROR_EXTENSION_NOT_PRESENT` - `ERROR_INCOMPATIBLE_DRIVER` Arguments: - `create_info::_InstanceCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateInstance.html) """ function _create_instance(create_info::_InstanceCreateInfo; allocator = C_NULL)::ResultTypes.Result{Instance, VulkanError} pInstance = Ref{VkInstance}() @check @dispatch(nothing, vkCreateInstance(create_info, allocator, pInstance)) @fill_dispatch_table Instance(pInstance[], (x->_destroy_instance(x; allocator))) end """ Arguments: - `instance::Instance` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyInstance.html) """ _destroy_instance(instance; allocator = C_NULL)::Cvoid = @dispatch(instance, vkDestroyInstance(instance, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `instance::Instance` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumeratePhysicalDevices.html) """ function _enumerate_physical_devices(instance)::ResultTypes.Result{Vector{PhysicalDevice}, VulkanError} pPhysicalDeviceCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance, vkEnumeratePhysicalDevices(instance, pPhysicalDeviceCount, C_NULL)) pPhysicalDevices = Vector{VkPhysicalDevice}(undef, pPhysicalDeviceCount[]) @check @dispatch(instance, vkEnumeratePhysicalDevices(instance, pPhysicalDeviceCount, pPhysicalDevices)) end PhysicalDevice.(pPhysicalDevices, identity, instance) end """ Arguments: - `device::Device` - `name::String` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceProcAddr.html) """ _get_device_proc_addr(device, name::AbstractString)::FunctionPtr = vkGetDeviceProcAddr(device, name) """ Arguments: - `name::String` - `instance::Instance`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetInstanceProcAddr.html) """ _get_instance_proc_addr(name::AbstractString; instance = C_NULL)::FunctionPtr = vkGetInstanceProcAddr(instance, name) """ Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceProperties.html) """ function _get_physical_device_properties(physical_device)::_PhysicalDeviceProperties pProperties = Ref{VkPhysicalDeviceProperties}() @dispatch instance(physical_device) vkGetPhysicalDeviceProperties(physical_device, pProperties) from_vk(_PhysicalDeviceProperties, pProperties[]) end """ Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceQueueFamilyProperties.html) """ function _get_physical_device_queue_family_properties(physical_device)::Vector{_QueueFamilyProperties} pQueueFamilyPropertyCount = Ref{UInt32}() @dispatch instance(physical_device) vkGetPhysicalDeviceQueueFamilyProperties(physical_device, pQueueFamilyPropertyCount, C_NULL) pQueueFamilyProperties = Vector{VkQueueFamilyProperties}(undef, pQueueFamilyPropertyCount[]) @dispatch instance(physical_device) vkGetPhysicalDeviceQueueFamilyProperties(physical_device, pQueueFamilyPropertyCount, pQueueFamilyProperties) from_vk.(_QueueFamilyProperties, pQueueFamilyProperties) end """ Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceMemoryProperties.html) """ function _get_physical_device_memory_properties(physical_device)::_PhysicalDeviceMemoryProperties pMemoryProperties = Ref{VkPhysicalDeviceMemoryProperties}() @dispatch instance(physical_device) vkGetPhysicalDeviceMemoryProperties(physical_device, pMemoryProperties) from_vk(_PhysicalDeviceMemoryProperties, pMemoryProperties[]) end """ Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceFeatures.html) """ function _get_physical_device_features(physical_device)::_PhysicalDeviceFeatures pFeatures = Ref{VkPhysicalDeviceFeatures}() @dispatch instance(physical_device) vkGetPhysicalDeviceFeatures(physical_device, pFeatures) from_vk(_PhysicalDeviceFeatures, pFeatures[]) end """ Arguments: - `physical_device::PhysicalDevice` - `format::Format` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceFormatProperties.html) """ function _get_physical_device_format_properties(physical_device, format::Format)::_FormatProperties pFormatProperties = Ref{VkFormatProperties}() @dispatch instance(physical_device) vkGetPhysicalDeviceFormatProperties(physical_device, format, pFormatProperties) from_vk(_FormatProperties, pFormatProperties[]) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_FORMAT_NOT_SUPPORTED` Arguments: - `physical_device::PhysicalDevice` - `format::Format` - `type::ImageType` - `tiling::ImageTiling` - `usage::ImageUsageFlag` - `flags::ImageCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceImageFormatProperties.html) """ function _get_physical_device_image_format_properties(physical_device, format::Format, type::ImageType, tiling::ImageTiling, usage::ImageUsageFlag; flags = 0)::ResultTypes.Result{_ImageFormatProperties, VulkanError} pImageFormatProperties = Ref{VkImageFormatProperties}() @check @dispatch(instance(physical_device), vkGetPhysicalDeviceImageFormatProperties(physical_device, format, type, tiling, usage, flags, pImageFormatProperties)) from_vk(_ImageFormatProperties, pImageFormatProperties[]) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_EXTENSION_NOT_PRESENT` - `ERROR_FEATURE_NOT_PRESENT` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_DEVICE_LOST` Arguments: - `physical_device::PhysicalDevice` - `create_info::_DeviceCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDevice.html) """ function _create_device(physical_device, create_info::_DeviceCreateInfo; allocator = C_NULL)::ResultTypes.Result{Device, VulkanError} pDevice = Ref{VkDevice}() @check @dispatch(instance(physical_device), vkCreateDevice(physical_device, create_info, allocator, pDevice)) @fill_dispatch_table Device(pDevice[], (x->_destroy_device(x; allocator)), physical_device) end """ Arguments: - `device::Device` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDevice.html) """ _destroy_device(device; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyDevice(device, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumerateInstanceVersion.html) """ function _enumerate_instance_version()::ResultTypes.Result{VersionNumber, VulkanError} pApiVersion = Ref{UInt32}() @check @dispatch(nothing, vkEnumerateInstanceVersion(pApiVersion)) from_vk(VersionNumber, pApiVersion[]) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumerateInstanceLayerProperties.html) """ function _enumerate_instance_layer_properties()::ResultTypes.Result{Vector{_LayerProperties}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(nothing, vkEnumerateInstanceLayerProperties(pPropertyCount, C_NULL)) pProperties = Vector{VkLayerProperties}(undef, pPropertyCount[]) @check @dispatch(nothing, vkEnumerateInstanceLayerProperties(pPropertyCount, pProperties)) end from_vk.(_LayerProperties, pProperties) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_LAYER_NOT_PRESENT` Arguments: - `layer_name::String`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumerateInstanceExtensionProperties.html) """ function _enumerate_instance_extension_properties(; layer_name = C_NULL)::ResultTypes.Result{Vector{_ExtensionProperties}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(nothing, vkEnumerateInstanceExtensionProperties(layer_name, pPropertyCount, C_NULL)) pProperties = Vector{VkExtensionProperties}(undef, pPropertyCount[]) @check @dispatch(nothing, vkEnumerateInstanceExtensionProperties(layer_name, pPropertyCount, pProperties)) end from_vk.(_ExtensionProperties, pProperties) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumerateDeviceLayerProperties.html) """ function _enumerate_device_layer_properties(physical_device)::ResultTypes.Result{Vector{_LayerProperties}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkEnumerateDeviceLayerProperties(physical_device, pPropertyCount, C_NULL)) pProperties = Vector{VkLayerProperties}(undef, pPropertyCount[]) @check @dispatch(instance(physical_device), vkEnumerateDeviceLayerProperties(physical_device, pPropertyCount, pProperties)) end from_vk.(_LayerProperties, pProperties) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_LAYER_NOT_PRESENT` Arguments: - `physical_device::PhysicalDevice` - `layer_name::String`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumerateDeviceExtensionProperties.html) """ function _enumerate_device_extension_properties(physical_device; layer_name = C_NULL)::ResultTypes.Result{Vector{_ExtensionProperties}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkEnumerateDeviceExtensionProperties(physical_device, layer_name, pPropertyCount, C_NULL)) pProperties = Vector{VkExtensionProperties}(undef, pPropertyCount[]) @check @dispatch(instance(physical_device), vkEnumerateDeviceExtensionProperties(physical_device, layer_name, pPropertyCount, pProperties)) end from_vk.(_ExtensionProperties, pProperties) end """ Arguments: - `device::Device` - `queue_family_index::UInt32` - `queue_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceQueue.html) """ function _get_device_queue(device, queue_family_index::Integer, queue_index::Integer)::Queue pQueue = Ref{VkQueue}() @dispatch device vkGetDeviceQueue(device, queue_family_index, queue_index, pQueue) Queue(pQueue[], identity, device) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `queue::Queue` (externsync) - `submits::Vector{_SubmitInfo}` - `fence::Fence`: defaults to `C_NULL` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueSubmit.html) """ _queue_submit(queue, submits::AbstractArray; fence = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device(queue), vkQueueSubmit(queue, pointer_length(submits), submits, fence))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `queue::Queue` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueWaitIdle.html) """ _queue_wait_idle(queue)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device(queue), vkQueueWaitIdle(queue))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDeviceWaitIdle.html) """ _device_wait_idle(device)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkDeviceWaitIdle(device))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `allocate_info::_MemoryAllocateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAllocateMemory.html) """ function _allocate_memory(device, allocate_info::_MemoryAllocateInfo; allocator = C_NULL)::ResultTypes.Result{DeviceMemory, VulkanError} pMemory = Ref{VkDeviceMemory}() @check @dispatch(device, vkAllocateMemory(device, allocate_info, allocator, pMemory)) DeviceMemory(pMemory[], begin parent = Vk.handle(device) x->_free_memory(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `memory::DeviceMemory` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkFreeMemory.html) """ _free_memory(device, memory; allocator = C_NULL)::Cvoid = @dispatch(device, vkFreeMemory(device, memory, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_MEMORY_MAP_FAILED` Arguments: - `device::Device` - `memory::DeviceMemory` (externsync) - `offset::UInt64` - `size::UInt64` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkMapMemory.html) """ function _map_memory(device, memory, offset::Integer, size::Integer; flags = 0)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} ppData = Ref{Ptr{Cvoid}}() @check @dispatch(device, vkMapMemory(device, memory, offset, size, flags, ppData)) ppData[] end """ Arguments: - `device::Device` - `memory::DeviceMemory` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkUnmapMemory.html) """ _unmap_memory(device, memory)::Cvoid = @dispatch(device, vkUnmapMemory(device, memory)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `memory_ranges::Vector{_MappedMemoryRange}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkFlushMappedMemoryRanges.html) """ _flush_mapped_memory_ranges(device, memory_ranges::AbstractArray)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkFlushMappedMemoryRanges(device, pointer_length(memory_ranges), memory_ranges))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `memory_ranges::Vector{_MappedMemoryRange}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkInvalidateMappedMemoryRanges.html) """ _invalidate_mapped_memory_ranges(device, memory_ranges::AbstractArray)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkInvalidateMappedMemoryRanges(device, pointer_length(memory_ranges), memory_ranges))) """ Arguments: - `device::Device` - `memory::DeviceMemory` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceMemoryCommitment.html) """ function _get_device_memory_commitment(device, memory)::UInt64 pCommittedMemoryInBytes = Ref{VkDeviceSize}() @dispatch device vkGetDeviceMemoryCommitment(device, memory, pCommittedMemoryInBytes) pCommittedMemoryInBytes[] end """ Arguments: - `device::Device` - `buffer::Buffer` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetBufferMemoryRequirements.html) """ function _get_buffer_memory_requirements(device, buffer)::_MemoryRequirements pMemoryRequirements = Ref{VkMemoryRequirements}() @dispatch device vkGetBufferMemoryRequirements(device, buffer, pMemoryRequirements) from_vk(_MemoryRequirements, pMemoryRequirements[]) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `buffer::Buffer` (externsync) - `memory::DeviceMemory` - `memory_offset::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindBufferMemory.html) """ _bind_buffer_memory(device, buffer, memory, memory_offset::Integer)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkBindBufferMemory(device, buffer, memory, memory_offset))) """ Arguments: - `device::Device` - `image::Image` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageMemoryRequirements.html) """ function _get_image_memory_requirements(device, image)::_MemoryRequirements pMemoryRequirements = Ref{VkMemoryRequirements}() @dispatch device vkGetImageMemoryRequirements(device, image, pMemoryRequirements) from_vk(_MemoryRequirements, pMemoryRequirements[]) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `image::Image` (externsync) - `memory::DeviceMemory` - `memory_offset::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindImageMemory.html) """ _bind_image_memory(device, image, memory, memory_offset::Integer)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkBindImageMemory(device, image, memory, memory_offset))) """ Arguments: - `device::Device` - `image::Image` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageSparseMemoryRequirements.html) """ function _get_image_sparse_memory_requirements(device, image)::Vector{_SparseImageMemoryRequirements} pSparseMemoryRequirementCount = Ref{UInt32}() @dispatch device vkGetImageSparseMemoryRequirements(device, image, pSparseMemoryRequirementCount, C_NULL) pSparseMemoryRequirements = Vector{VkSparseImageMemoryRequirements}(undef, pSparseMemoryRequirementCount[]) @dispatch device vkGetImageSparseMemoryRequirements(device, image, pSparseMemoryRequirementCount, pSparseMemoryRequirements) from_vk.(_SparseImageMemoryRequirements, pSparseMemoryRequirements) end """ Arguments: - `physical_device::PhysicalDevice` - `format::Format` - `type::ImageType` - `samples::SampleCountFlag` - `usage::ImageUsageFlag` - `tiling::ImageTiling` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSparseImageFormatProperties.html) """ function _get_physical_device_sparse_image_format_properties(physical_device, format::Format, type::ImageType, samples::SampleCountFlag, usage::ImageUsageFlag, tiling::ImageTiling)::Vector{_SparseImageFormatProperties} pPropertyCount = Ref{UInt32}() @dispatch instance(physical_device) vkGetPhysicalDeviceSparseImageFormatProperties(physical_device, format, type, VkSampleCountFlagBits(samples.val), usage, tiling, pPropertyCount, C_NULL) pProperties = Vector{VkSparseImageFormatProperties}(undef, pPropertyCount[]) @dispatch instance(physical_device) vkGetPhysicalDeviceSparseImageFormatProperties(physical_device, format, type, VkSampleCountFlagBits(samples.val), usage, tiling, pPropertyCount, pProperties) from_vk.(_SparseImageFormatProperties, pProperties) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `queue::Queue` (externsync) - `bind_info::Vector{_BindSparseInfo}` - `fence::Fence`: defaults to `C_NULL` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueBindSparse.html) """ _queue_bind_sparse(queue, bind_info::AbstractArray; fence = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device(queue), vkQueueBindSparse(queue, pointer_length(bind_info), bind_info, fence))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_FenceCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateFence.html) """ function _create_fence(device, create_info::_FenceCreateInfo; allocator = C_NULL)::ResultTypes.Result{Fence, VulkanError} pFence = Ref{VkFence}() @check @dispatch(device, vkCreateFence(device, create_info, allocator, pFence)) Fence(pFence[], begin parent = Vk.handle(device) x->_destroy_fence(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `fence::Fence` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyFence.html) """ _destroy_fence(device, fence; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyFence(device, fence, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `fences::Vector{Fence}` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkResetFences.html) """ _reset_fences(device, fences::AbstractArray)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkResetFences(device, pointer_length(fences), fences))) """ Return codes: - `SUCCESS` - `NOT_READY` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` - `fence::Fence` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetFenceStatus.html) """ _get_fence_status(device, fence)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkGetFenceStatus(device, fence))) """ Return codes: - `SUCCESS` - `TIMEOUT` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` - `fences::Vector{Fence}` - `wait_all::Bool` - `timeout::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkWaitForFences.html) """ _wait_for_fences(device, fences::AbstractArray, wait_all::Bool, timeout::Integer)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkWaitForFences(device, pointer_length(fences), fences, wait_all, timeout))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_SemaphoreCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSemaphore.html) """ function _create_semaphore(device, create_info::_SemaphoreCreateInfo; allocator = C_NULL)::ResultTypes.Result{Semaphore, VulkanError} pSemaphore = Ref{VkSemaphore}() @check @dispatch(device, vkCreateSemaphore(device, create_info, allocator, pSemaphore)) Semaphore(pSemaphore[], begin parent = Vk.handle(device) x->_destroy_semaphore(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `semaphore::Semaphore` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroySemaphore.html) """ _destroy_semaphore(device, semaphore; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroySemaphore(device, semaphore, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_EventCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateEvent.html) """ function _create_event(device, create_info::_EventCreateInfo; allocator = C_NULL)::ResultTypes.Result{Event, VulkanError} pEvent = Ref{VkEvent}() @check @dispatch(device, vkCreateEvent(device, create_info, allocator, pEvent)) Event(pEvent[], begin parent = Vk.handle(device) x->_destroy_event(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `event::Event` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyEvent.html) """ _destroy_event(device, event; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyEvent(device, event, allocator)) """ Return codes: - `EVENT_SET` - `EVENT_RESET` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` - `event::Event` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetEventStatus.html) """ _get_event_status(device, event)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkGetEventStatus(device, event))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `event::Event` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetEvent.html) """ _set_event(device, event)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkSetEvent(device, event))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `event::Event` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkResetEvent.html) """ _reset_event(device, event)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkResetEvent(device, event))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_QueryPoolCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateQueryPool.html) """ function _create_query_pool(device, create_info::_QueryPoolCreateInfo; allocator = C_NULL)::ResultTypes.Result{QueryPool, VulkanError} pQueryPool = Ref{VkQueryPool}() @check @dispatch(device, vkCreateQueryPool(device, create_info, allocator, pQueryPool)) QueryPool(pQueryPool[], begin parent = Vk.handle(device) x->_destroy_query_pool(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `query_pool::QueryPool` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyQueryPool.html) """ _destroy_query_pool(device, query_pool; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyQueryPool(device, query_pool, allocator)) """ Return codes: - `SUCCESS` - `NOT_READY` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` - `query_pool::QueryPool` - `first_query::UInt32` - `query_count::UInt32` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) - `stride::UInt64` - `flags::QueryResultFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetQueryPoolResults.html) """ _get_query_pool_results(device, query_pool, first_query::Integer, query_count::Integer, data_size::Integer, data::Ptr{Cvoid}, stride::Integer; flags = 0)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkGetQueryPoolResults(device, query_pool, first_query, query_count, data_size, data, stride, flags))) """ Arguments: - `device::Device` - `query_pool::QueryPool` - `first_query::UInt32` - `query_count::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkResetQueryPool.html) """ _reset_query_pool(device, query_pool, first_query::Integer, query_count::Integer)::Cvoid = @dispatch(device, vkResetQueryPool(device, query_pool, first_query, query_count)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `create_info::_BufferCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateBuffer.html) """ function _create_buffer(device, create_info::_BufferCreateInfo; allocator = C_NULL)::ResultTypes.Result{Buffer, VulkanError} pBuffer = Ref{VkBuffer}() @check @dispatch(device, vkCreateBuffer(device, create_info, allocator, pBuffer)) Buffer(pBuffer[], begin parent = Vk.handle(device) x->_destroy_buffer(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `buffer::Buffer` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyBuffer.html) """ _destroy_buffer(device, buffer; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyBuffer(device, buffer, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_BufferViewCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateBufferView.html) """ function _create_buffer_view(device, create_info::_BufferViewCreateInfo; allocator = C_NULL)::ResultTypes.Result{BufferView, VulkanError} pView = Ref{VkBufferView}() @check @dispatch(device, vkCreateBufferView(device, create_info, allocator, pView)) BufferView(pView[], begin parent = Vk.handle(device) x->_destroy_buffer_view(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `buffer_view::BufferView` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyBufferView.html) """ _destroy_buffer_view(device, buffer_view; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyBufferView(device, buffer_view, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_COMPRESSION_EXHAUSTED_EXT` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `create_info::_ImageCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateImage.html) """ function _create_image(device, create_info::_ImageCreateInfo; allocator = C_NULL)::ResultTypes.Result{Image, VulkanError} pImage = Ref{VkImage}() @check @dispatch(device, vkCreateImage(device, create_info, allocator, pImage)) Image(pImage[], begin parent = Vk.handle(device) x->_destroy_image(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `image::Image` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyImage.html) """ _destroy_image(device, image; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyImage(device, image, allocator)) """ Arguments: - `device::Device` - `image::Image` - `subresource::_ImageSubresource` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageSubresourceLayout.html) """ function _get_image_subresource_layout(device, image, subresource::_ImageSubresource)::_SubresourceLayout pLayout = Ref{VkSubresourceLayout}() @dispatch device vkGetImageSubresourceLayout(device, image, subresource, pLayout) from_vk(_SubresourceLayout, pLayout[]) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `create_info::_ImageViewCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateImageView.html) """ function _create_image_view(device, create_info::_ImageViewCreateInfo; allocator = C_NULL)::ResultTypes.Result{ImageView, VulkanError} pView = Ref{VkImageView}() @check @dispatch(device, vkCreateImageView(device, create_info, allocator, pView)) ImageView(pView[], begin parent = Vk.handle(device) x->_destroy_image_view(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `image_view::ImageView` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyImageView.html) """ _destroy_image_view(device, image_view; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyImageView(device, image_view, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_SHADER_NV` Arguments: - `device::Device` - `create_info::_ShaderModuleCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateShaderModule.html) """ function _create_shader_module(device, create_info::_ShaderModuleCreateInfo; allocator = C_NULL)::ResultTypes.Result{ShaderModule, VulkanError} pShaderModule = Ref{VkShaderModule}() @check @dispatch(device, vkCreateShaderModule(device, create_info, allocator, pShaderModule)) ShaderModule(pShaderModule[], begin parent = Vk.handle(device) x->_destroy_shader_module(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `shader_module::ShaderModule` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyShaderModule.html) """ _destroy_shader_module(device, shader_module; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyShaderModule(device, shader_module, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_PipelineCacheCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePipelineCache.html) """ function _create_pipeline_cache(device, create_info::_PipelineCacheCreateInfo; allocator = C_NULL)::ResultTypes.Result{PipelineCache, VulkanError} pPipelineCache = Ref{VkPipelineCache}() @check @dispatch(device, vkCreatePipelineCache(device, create_info, allocator, pPipelineCache)) PipelineCache(pPipelineCache[], begin parent = Vk.handle(device) x->_destroy_pipeline_cache(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `pipeline_cache::PipelineCache` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyPipelineCache.html) """ _destroy_pipeline_cache(device, pipeline_cache; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyPipelineCache(device, pipeline_cache, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `pipeline_cache::PipelineCache` !!! warning The pointer returned by this function holds memory owned by Julia. It is therefore **your** responsibility to free it after use (e.g. with `Libc.free`). [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPipelineCacheData.html) """ function _get_pipeline_cache_data(device, pipeline_cache)::ResultTypes.Result{Tuple{UInt, Ptr{Cvoid}}, VulkanError} pDataSize = Ref{UInt}() @repeat_while_incomplete begin @check @dispatch(device, vkGetPipelineCacheData(device, pipeline_cache, pDataSize, C_NULL)) pData = Libc.malloc(pDataSize[]) @check @dispatch(device, vkGetPipelineCacheData(device, pipeline_cache, pDataSize, pData)) if _return_code == VK_INCOMPLETE Libc.free(pData) end end (pDataSize[], pData) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `dst_cache::PipelineCache` (externsync) - `src_caches::Vector{PipelineCache}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkMergePipelineCaches.html) """ _merge_pipeline_caches(device, dst_cache, src_caches::AbstractArray)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkMergePipelineCaches(device, dst_cache, pointer_length(src_caches), src_caches))) """ Return codes: - `SUCCESS` - `PIPELINE_COMPILE_REQUIRED_EXT` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_SHADER_NV` Arguments: - `device::Device` - `create_infos::Vector{_GraphicsPipelineCreateInfo}` - `pipeline_cache::PipelineCache`: defaults to `C_NULL` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateGraphicsPipelines.html) """ function _create_graphics_pipelines(device, create_infos::AbstractArray; pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} pPipelines = Vector{VkPipeline}(undef, pointer_length(create_infos)) @check @dispatch(device, vkCreateGraphicsPipelines(device, pipeline_cache, pointer_length(create_infos), create_infos, allocator, pPipelines)) (Pipeline.(pPipelines, begin parent = Vk.handle(device) x->_destroy_pipeline(parent, x; allocator) end, device), _return_code) end """ Return codes: - `SUCCESS` - `PIPELINE_COMPILE_REQUIRED_EXT` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_SHADER_NV` Arguments: - `device::Device` - `create_infos::Vector{_ComputePipelineCreateInfo}` - `pipeline_cache::PipelineCache`: defaults to `C_NULL` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateComputePipelines.html) """ function _create_compute_pipelines(device, create_infos::AbstractArray; pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} pPipelines = Vector{VkPipeline}(undef, pointer_length(create_infos)) @check @dispatch(device, vkCreateComputePipelines(device, pipeline_cache, pointer_length(create_infos), create_infos, allocator, pPipelines)) (Pipeline.(pPipelines, begin parent = Vk.handle(device) x->_destroy_pipeline(parent, x; allocator) end, device), _return_code) end """ Extension: VK\\_HUAWEI\\_subpass\\_shading Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `renderpass::RenderPass` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceSubpassShadingMaxWorkgroupSizeHUAWEI.html) """ function _get_device_subpass_shading_max_workgroup_size_huawei(device, renderpass)::ResultTypes.Result{_Extent2D, VulkanError} pMaxWorkgroupSize = Ref{VkExtent2D}() @check @dispatch(device, vkGetDeviceSubpassShadingMaxWorkgroupSizeHUAWEI(device, renderpass, pMaxWorkgroupSize)) from_vk(_Extent2D, pMaxWorkgroupSize[]) end """ Arguments: - `device::Device` - `pipeline::Pipeline` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyPipeline.html) """ _destroy_pipeline(device, pipeline; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyPipeline(device, pipeline, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_PipelineLayoutCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePipelineLayout.html) """ function _create_pipeline_layout(device, create_info::_PipelineLayoutCreateInfo; allocator = C_NULL)::ResultTypes.Result{PipelineLayout, VulkanError} pPipelineLayout = Ref{VkPipelineLayout}() @check @dispatch(device, vkCreatePipelineLayout(device, create_info, allocator, pPipelineLayout)) PipelineLayout(pPipelineLayout[], begin parent = Vk.handle(device) x->_destroy_pipeline_layout(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `pipeline_layout::PipelineLayout` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyPipelineLayout.html) """ _destroy_pipeline_layout(device, pipeline_layout; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyPipelineLayout(device, pipeline_layout, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `create_info::_SamplerCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSampler.html) """ function _create_sampler(device, create_info::_SamplerCreateInfo; allocator = C_NULL)::ResultTypes.Result{Sampler, VulkanError} pSampler = Ref{VkSampler}() @check @dispatch(device, vkCreateSampler(device, create_info, allocator, pSampler)) Sampler(pSampler[], begin parent = Vk.handle(device) x->_destroy_sampler(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `sampler::Sampler` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroySampler.html) """ _destroy_sampler(device, sampler; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroySampler(device, sampler, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_DescriptorSetLayoutCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorSetLayout.html) """ function _create_descriptor_set_layout(device, create_info::_DescriptorSetLayoutCreateInfo; allocator = C_NULL)::ResultTypes.Result{DescriptorSetLayout, VulkanError} pSetLayout = Ref{VkDescriptorSetLayout}() @check @dispatch(device, vkCreateDescriptorSetLayout(device, create_info, allocator, pSetLayout)) DescriptorSetLayout(pSetLayout[], begin parent = Vk.handle(device) x->_destroy_descriptor_set_layout(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `descriptor_set_layout::DescriptorSetLayout` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDescriptorSetLayout.html) """ _destroy_descriptor_set_layout(device, descriptor_set_layout; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyDescriptorSetLayout(device, descriptor_set_layout, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_FRAGMENTATION_EXT` Arguments: - `device::Device` - `create_info::_DescriptorPoolCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorPool.html) """ function _create_descriptor_pool(device, create_info::_DescriptorPoolCreateInfo; allocator = C_NULL)::ResultTypes.Result{DescriptorPool, VulkanError} pDescriptorPool = Ref{VkDescriptorPool}() @check @dispatch(device, vkCreateDescriptorPool(device, create_info, allocator, pDescriptorPool)) DescriptorPool(pDescriptorPool[], begin parent = Vk.handle(device) x->_destroy_descriptor_pool(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `descriptor_pool::DescriptorPool` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDescriptorPool.html) """ _destroy_descriptor_pool(device, descriptor_pool; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyDescriptorPool(device, descriptor_pool, allocator)) """ Arguments: - `device::Device` - `descriptor_pool::DescriptorPool` (externsync) - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkResetDescriptorPool.html) """ function _reset_descriptor_pool(device, descriptor_pool; flags = 0)::Nothing @dispatch device vkResetDescriptorPool(device, descriptor_pool, flags) nothing end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_FRAGMENTED_POOL` - `ERROR_OUT_OF_POOL_MEMORY` Arguments: - `device::Device` - `allocate_info::_DescriptorSetAllocateInfo` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAllocateDescriptorSets.html) """ function _allocate_descriptor_sets(device, allocate_info::_DescriptorSetAllocateInfo)::ResultTypes.Result{Vector{DescriptorSet}, VulkanError} pDescriptorSets = Vector{VkDescriptorSet}(undef, allocate_info.vks.descriptorSetCount) @check @dispatch(device, vkAllocateDescriptorSets(device, allocate_info, pDescriptorSets)) DescriptorSet.(pDescriptorSets, identity, getproperty(allocate_info, :descriptor_pool)) end """ Arguments: - `device::Device` - `descriptor_pool::DescriptorPool` (externsync) - `descriptor_sets::Vector{DescriptorSet}` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkFreeDescriptorSets.html) """ function _free_descriptor_sets(device, descriptor_pool, descriptor_sets::AbstractArray)::Nothing @dispatch device vkFreeDescriptorSets(device, descriptor_pool, pointer_length(descriptor_sets), descriptor_sets) nothing end """ Arguments: - `device::Device` - `descriptor_writes::Vector{_WriteDescriptorSet}` - `descriptor_copies::Vector{_CopyDescriptorSet}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkUpdateDescriptorSets.html) """ _update_descriptor_sets(device, descriptor_writes::AbstractArray, descriptor_copies::AbstractArray)::Cvoid = @dispatch(device, vkUpdateDescriptorSets(device, pointer_length(descriptor_writes), descriptor_writes, pointer_length(descriptor_copies), descriptor_copies)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_FramebufferCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateFramebuffer.html) """ function _create_framebuffer(device, create_info::_FramebufferCreateInfo; allocator = C_NULL)::ResultTypes.Result{Framebuffer, VulkanError} pFramebuffer = Ref{VkFramebuffer}() @check @dispatch(device, vkCreateFramebuffer(device, create_info, allocator, pFramebuffer)) Framebuffer(pFramebuffer[], begin parent = Vk.handle(device) x->_destroy_framebuffer(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `framebuffer::Framebuffer` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyFramebuffer.html) """ _destroy_framebuffer(device, framebuffer; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyFramebuffer(device, framebuffer, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_RenderPassCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRenderPass.html) """ function _create_render_pass(device, create_info::_RenderPassCreateInfo; allocator = C_NULL)::ResultTypes.Result{RenderPass, VulkanError} pRenderPass = Ref{VkRenderPass}() @check @dispatch(device, vkCreateRenderPass(device, create_info, allocator, pRenderPass)) RenderPass(pRenderPass[], begin parent = Vk.handle(device) x->_destroy_render_pass(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `render_pass::RenderPass` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyRenderPass.html) """ _destroy_render_pass(device, render_pass; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyRenderPass(device, render_pass, allocator)) """ Arguments: - `device::Device` - `render_pass::RenderPass` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetRenderAreaGranularity.html) """ function _get_render_area_granularity(device, render_pass)::_Extent2D pGranularity = Ref{VkExtent2D}() @dispatch device vkGetRenderAreaGranularity(device, render_pass, pGranularity) from_vk(_Extent2D, pGranularity[]) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_CommandPoolCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCommandPool.html) """ function _create_command_pool(device, create_info::_CommandPoolCreateInfo; allocator = C_NULL)::ResultTypes.Result{CommandPool, VulkanError} pCommandPool = Ref{VkCommandPool}() @check @dispatch(device, vkCreateCommandPool(device, create_info, allocator, pCommandPool)) CommandPool(pCommandPool[], begin parent = Vk.handle(device) x->_destroy_command_pool(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `command_pool::CommandPool` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyCommandPool.html) """ _destroy_command_pool(device, command_pool; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyCommandPool(device, command_pool, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `command_pool::CommandPool` (externsync) - `flags::CommandPoolResetFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkResetCommandPool.html) """ _reset_command_pool(device, command_pool; flags = 0)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkResetCommandPool(device, command_pool, flags))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `allocate_info::_CommandBufferAllocateInfo` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAllocateCommandBuffers.html) """ function _allocate_command_buffers(device, allocate_info::_CommandBufferAllocateInfo)::ResultTypes.Result{Vector{CommandBuffer}, VulkanError} pCommandBuffers = Vector{VkCommandBuffer}(undef, allocate_info.vks.commandBufferCount) @check @dispatch(device, vkAllocateCommandBuffers(device, allocate_info, pCommandBuffers)) CommandBuffer.(pCommandBuffers, identity, getproperty(allocate_info, :command_pool)) end """ Arguments: - `device::Device` - `command_pool::CommandPool` (externsync) - `command_buffers::Vector{CommandBuffer}` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkFreeCommandBuffers.html) """ _free_command_buffers(device, command_pool, command_buffers::AbstractArray)::Cvoid = @dispatch(device, vkFreeCommandBuffers(device, command_pool, pointer_length(command_buffers), command_buffers)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `command_buffer::CommandBuffer` (externsync) - `begin_info::_CommandBufferBeginInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBeginCommandBuffer.html) """ _begin_command_buffer(command_buffer, begin_info::_CommandBufferBeginInfo)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device(command_buffer), vkBeginCommandBuffer(command_buffer, begin_info))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEndCommandBuffer.html) """ _end_command_buffer(command_buffer)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device(command_buffer), vkEndCommandBuffer(command_buffer))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `command_buffer::CommandBuffer` (externsync) - `flags::CommandBufferResetFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkResetCommandBuffer.html) """ _reset_command_buffer(command_buffer; flags = 0)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device(command_buffer), vkResetCommandBuffer(command_buffer, flags))) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_bind_point::PipelineBindPoint` - `pipeline::Pipeline` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindPipeline.html) """ _cmd_bind_pipeline(command_buffer, pipeline_bind_point::PipelineBindPoint, pipeline)::Cvoid = @dispatch(device(command_buffer), vkCmdBindPipeline(command_buffer, pipeline_bind_point, pipeline)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `viewports::Vector{_Viewport}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetViewport.html) """ _cmd_set_viewport(command_buffer, viewports::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetViewport(command_buffer, 0, pointer_length(viewports), viewports)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `scissors::Vector{_Rect2D}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetScissor.html) """ _cmd_set_scissor(command_buffer, scissors::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetScissor(command_buffer, 0, pointer_length(scissors), scissors)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `line_width::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetLineWidth.html) """ _cmd_set_line_width(command_buffer, line_width::Real)::Cvoid = @dispatch(device(command_buffer), vkCmdSetLineWidth(command_buffer, line_width)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_bias_constant_factor::Float32` - `depth_bias_clamp::Float32` - `depth_bias_slope_factor::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthBias.html) """ _cmd_set_depth_bias(command_buffer, depth_bias_constant_factor::Real, depth_bias_clamp::Real, depth_bias_slope_factor::Real)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDepthBias(command_buffer, depth_bias_constant_factor, depth_bias_clamp, depth_bias_slope_factor)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `blend_constants::NTuple{4, Float32}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetBlendConstants.html) """ _cmd_set_blend_constants(command_buffer, blend_constants::NTuple{4, Float32})::Cvoid = @dispatch(device(command_buffer), vkCmdSetBlendConstants(command_buffer, blend_constants)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `min_depth_bounds::Float32` - `max_depth_bounds::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthBounds.html) """ _cmd_set_depth_bounds(command_buffer, min_depth_bounds::Real, max_depth_bounds::Real)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDepthBounds(command_buffer, min_depth_bounds, max_depth_bounds)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `face_mask::StencilFaceFlag` - `compare_mask::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetStencilCompareMask.html) """ _cmd_set_stencil_compare_mask(command_buffer, face_mask::StencilFaceFlag, compare_mask::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdSetStencilCompareMask(command_buffer, face_mask, compare_mask)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `face_mask::StencilFaceFlag` - `write_mask::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetStencilWriteMask.html) """ _cmd_set_stencil_write_mask(command_buffer, face_mask::StencilFaceFlag, write_mask::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdSetStencilWriteMask(command_buffer, face_mask, write_mask)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `face_mask::StencilFaceFlag` - `reference::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetStencilReference.html) """ _cmd_set_stencil_reference(command_buffer, face_mask::StencilFaceFlag, reference::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdSetStencilReference(command_buffer, face_mask, reference)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_bind_point::PipelineBindPoint` - `layout::PipelineLayout` - `first_set::UInt32` - `descriptor_sets::Vector{DescriptorSet}` - `dynamic_offsets::Vector{UInt32}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindDescriptorSets.html) """ _cmd_bind_descriptor_sets(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, first_set::Integer, descriptor_sets::AbstractArray, dynamic_offsets::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdBindDescriptorSets(command_buffer, pipeline_bind_point, layout, first_set, pointer_length(descriptor_sets), descriptor_sets, pointer_length(dynamic_offsets), dynamic_offsets)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `index_type::IndexType` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindIndexBuffer.html) """ _cmd_bind_index_buffer(command_buffer, buffer, offset::Integer, index_type::IndexType)::Cvoid = @dispatch(device(command_buffer), vkCmdBindIndexBuffer(command_buffer, buffer, offset, index_type)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffers::Vector{Buffer}` - `offsets::Vector{UInt64}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindVertexBuffers.html) """ _cmd_bind_vertex_buffers(command_buffer, buffers::AbstractArray, offsets::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdBindVertexBuffers(command_buffer, 0, pointer_length(buffers), buffers, offsets)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `vertex_count::UInt32` - `instance_count::UInt32` - `first_vertex::UInt32` - `first_instance::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDraw.html) """ _cmd_draw(command_buffer, vertex_count::Integer, instance_count::Integer, first_vertex::Integer, first_instance::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDraw(command_buffer, vertex_count, instance_count, first_vertex, first_instance)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `index_count::UInt32` - `instance_count::UInt32` - `first_index::UInt32` - `vertex_offset::Int32` - `first_instance::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawIndexed.html) """ _cmd_draw_indexed(command_buffer, index_count::Integer, instance_count::Integer, first_index::Integer, vertex_offset::Integer, first_instance::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawIndexed(command_buffer, index_count, instance_count, first_index, vertex_offset, first_instance)) """ Extension: VK\\_EXT\\_multi\\_draw Arguments: - `command_buffer::CommandBuffer` (externsync) - `vertex_info::Vector{_MultiDrawInfoEXT}` - `instance_count::UInt32` - `first_instance::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMultiEXT.html) """ _cmd_draw_multi_ext(command_buffer, vertex_info::AbstractArray, instance_count::Integer, first_instance::Integer, stride::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawMultiEXT(command_buffer, pointer_length(vertex_info), vertex_info, instance_count, first_instance, stride)) """ Extension: VK\\_EXT\\_multi\\_draw Arguments: - `command_buffer::CommandBuffer` (externsync) - `index_info::Vector{_MultiDrawIndexedInfoEXT}` - `instance_count::UInt32` - `first_instance::UInt32` - `stride::UInt32` - `vertex_offset::Int32`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMultiIndexedEXT.html) """ _cmd_draw_multi_indexed_ext(command_buffer, index_info::AbstractArray, instance_count::Integer, first_instance::Integer, stride::Integer; vertex_offset = C_NULL)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawMultiIndexedEXT(command_buffer, pointer_length(index_info), index_info, instance_count, first_instance, stride, if vertex_offset == C_NULL C_NULL else Ref(vertex_offset) end)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawIndirect.html) """ _cmd_draw_indirect(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawIndirect(command_buffer, buffer, offset, draw_count, stride)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawIndexedIndirect.html) """ _cmd_draw_indexed_indirect(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawIndexedIndirect(command_buffer, buffer, offset, draw_count, stride)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `group_count_x::UInt32` - `group_count_y::UInt32` - `group_count_z::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDispatch.html) """ _cmd_dispatch(command_buffer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDispatch(command_buffer, group_count_x, group_count_y, group_count_z)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDispatchIndirect.html) """ _cmd_dispatch_indirect(command_buffer, buffer, offset::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDispatchIndirect(command_buffer, buffer, offset)) """ Extension: VK\\_HUAWEI\\_subpass\\_shading Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSubpassShadingHUAWEI.html) """ _cmd_subpass_shading_huawei(command_buffer)::Cvoid = @dispatch(device(command_buffer), vkCmdSubpassShadingHUAWEI(command_buffer)) """ Extension: VK\\_HUAWEI\\_cluster\\_culling\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `group_count_x::UInt32` - `group_count_y::UInt32` - `group_count_z::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawClusterHUAWEI.html) """ _cmd_draw_cluster_huawei(command_buffer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawClusterHUAWEI(command_buffer, group_count_x, group_count_y, group_count_z)) """ Extension: VK\\_HUAWEI\\_cluster\\_culling\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawClusterIndirectHUAWEI.html) """ _cmd_draw_cluster_indirect_huawei(command_buffer, buffer, offset::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawClusterIndirectHUAWEI(command_buffer, buffer, offset)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `src_buffer::Buffer` - `dst_buffer::Buffer` - `regions::Vector{_BufferCopy}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyBuffer.html) """ _cmd_copy_buffer(command_buffer, src_buffer, dst_buffer, regions::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyBuffer(command_buffer, src_buffer, dst_buffer, pointer_length(regions), regions)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{_ImageCopy}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyImage.html) """ _cmd_copy_image(command_buffer, src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyImage(command_buffer, src_image, src_image_layout, dst_image, dst_image_layout, pointer_length(regions), regions)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{_ImageBlit}` - `filter::Filter` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBlitImage.html) """ _cmd_blit_image(command_buffer, src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray, filter::Filter)::Cvoid = @dispatch(device(command_buffer), vkCmdBlitImage(command_buffer, src_image, src_image_layout, dst_image, dst_image_layout, pointer_length(regions), regions, filter)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `src_buffer::Buffer` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{_BufferImageCopy}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyBufferToImage.html) """ _cmd_copy_buffer_to_image(command_buffer, src_buffer, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyBufferToImage(command_buffer, src_buffer, dst_image, dst_image_layout, pointer_length(regions), regions)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_buffer::Buffer` - `regions::Vector{_BufferImageCopy}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyImageToBuffer.html) """ _cmd_copy_image_to_buffer(command_buffer, src_image, src_image_layout::ImageLayout, dst_buffer, regions::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyImageToBuffer(command_buffer, src_image, src_image_layout, dst_buffer, pointer_length(regions), regions)) """ Extension: VK\\_NV\\_copy\\_memory\\_indirect Arguments: - `command_buffer::CommandBuffer` (externsync) - `copy_buffer_address::UInt64` - `copy_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyMemoryIndirectNV.html) """ _cmd_copy_memory_indirect_nv(command_buffer, copy_buffer_address::Integer, copy_count::Integer, stride::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyMemoryIndirectNV(command_buffer, copy_buffer_address, copy_count, stride)) """ Extension: VK\\_NV\\_copy\\_memory\\_indirect Arguments: - `command_buffer::CommandBuffer` (externsync) - `copy_buffer_address::UInt64` - `stride::UInt32` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `image_subresources::Vector{_ImageSubresourceLayers}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyMemoryToImageIndirectNV.html) """ _cmd_copy_memory_to_image_indirect_nv(command_buffer, copy_buffer_address::Integer, stride::Integer, dst_image, dst_image_layout::ImageLayout, image_subresources::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyMemoryToImageIndirectNV(command_buffer, copy_buffer_address, pointer_length(image_subresources), stride, dst_image, dst_image_layout, image_subresources)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `dst_buffer::Buffer` - `dst_offset::UInt64` - `data_size::UInt64` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdUpdateBuffer.html) """ _cmd_update_buffer(command_buffer, dst_buffer, dst_offset::Integer, data_size::Integer, data::Ptr{Cvoid})::Cvoid = @dispatch(device(command_buffer), vkCmdUpdateBuffer(command_buffer, dst_buffer, dst_offset, data_size, data)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `dst_buffer::Buffer` - `dst_offset::UInt64` - `size::UInt64` - `data::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdFillBuffer.html) """ _cmd_fill_buffer(command_buffer, dst_buffer, dst_offset::Integer, size::Integer, data::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdFillBuffer(command_buffer, dst_buffer, dst_offset, size, data)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `image::Image` - `image_layout::ImageLayout` - `color::_ClearColorValue` - `ranges::Vector{_ImageSubresourceRange}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdClearColorImage.html) """ _cmd_clear_color_image(command_buffer, image, image_layout::ImageLayout, color::_ClearColorValue, ranges::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdClearColorImage(command_buffer, image, image_layout, color, pointer_length(ranges), ranges)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `image::Image` - `image_layout::ImageLayout` - `depth_stencil::_ClearDepthStencilValue` - `ranges::Vector{_ImageSubresourceRange}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdClearDepthStencilImage.html) """ _cmd_clear_depth_stencil_image(command_buffer, image, image_layout::ImageLayout, depth_stencil::_ClearDepthStencilValue, ranges::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdClearDepthStencilImage(command_buffer, image, image_layout, depth_stencil, pointer_length(ranges), ranges)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `attachments::Vector{_ClearAttachment}` - `rects::Vector{_ClearRect}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdClearAttachments.html) """ _cmd_clear_attachments(command_buffer, attachments::AbstractArray, rects::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdClearAttachments(command_buffer, pointer_length(attachments), attachments, pointer_length(rects), rects)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{_ImageResolve}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdResolveImage.html) """ _cmd_resolve_image(command_buffer, src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdResolveImage(command_buffer, src_image, src_image_layout, dst_image, dst_image_layout, pointer_length(regions), regions)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `event::Event` - `stage_mask::PipelineStageFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetEvent.html) """ _cmd_set_event(command_buffer, event; stage_mask = 0)::Cvoid = @dispatch(device(command_buffer), vkCmdSetEvent(command_buffer, event, stage_mask)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `event::Event` - `stage_mask::PipelineStageFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdResetEvent.html) """ _cmd_reset_event(command_buffer, event; stage_mask = 0)::Cvoid = @dispatch(device(command_buffer), vkCmdResetEvent(command_buffer, event, stage_mask)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `events::Vector{Event}` - `memory_barriers::Vector{_MemoryBarrier}` - `buffer_memory_barriers::Vector{_BufferMemoryBarrier}` - `image_memory_barriers::Vector{_ImageMemoryBarrier}` - `src_stage_mask::PipelineStageFlag`: defaults to `0` - `dst_stage_mask::PipelineStageFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWaitEvents.html) """ _cmd_wait_events(command_buffer, events::AbstractArray, memory_barriers::AbstractArray, buffer_memory_barriers::AbstractArray, image_memory_barriers::AbstractArray; src_stage_mask = 0, dst_stage_mask = 0)::Cvoid = @dispatch(device(command_buffer), vkCmdWaitEvents(command_buffer, pointer_length(events), events, src_stage_mask, dst_stage_mask, pointer_length(memory_barriers), memory_barriers, pointer_length(buffer_memory_barriers), buffer_memory_barriers, pointer_length(image_memory_barriers), image_memory_barriers)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `memory_barriers::Vector{_MemoryBarrier}` - `buffer_memory_barriers::Vector{_BufferMemoryBarrier}` - `image_memory_barriers::Vector{_ImageMemoryBarrier}` - `src_stage_mask::PipelineStageFlag`: defaults to `0` - `dst_stage_mask::PipelineStageFlag`: defaults to `0` - `dependency_flags::DependencyFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdPipelineBarrier.html) """ _cmd_pipeline_barrier(command_buffer, memory_barriers::AbstractArray, buffer_memory_barriers::AbstractArray, image_memory_barriers::AbstractArray; src_stage_mask = 0, dst_stage_mask = 0, dependency_flags = 0)::Cvoid = @dispatch(device(command_buffer), vkCmdPipelineBarrier(command_buffer, src_stage_mask, dst_stage_mask, dependency_flags, pointer_length(memory_barriers), memory_barriers, pointer_length(buffer_memory_barriers), buffer_memory_barriers, pointer_length(image_memory_barriers), image_memory_barriers)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `query::UInt32` - `flags::QueryControlFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginQuery.html) """ _cmd_begin_query(command_buffer, query_pool, query::Integer; flags = 0)::Cvoid = @dispatch(device(command_buffer), vkCmdBeginQuery(command_buffer, query_pool, query, flags)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `query::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndQuery.html) """ _cmd_end_query(command_buffer, query_pool, query::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdEndQuery(command_buffer, query_pool, query)) """ Extension: VK\\_EXT\\_conditional\\_rendering Arguments: - `command_buffer::CommandBuffer` (externsync) - `conditional_rendering_begin::_ConditionalRenderingBeginInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginConditionalRenderingEXT.html) """ _cmd_begin_conditional_rendering_ext(command_buffer, conditional_rendering_begin::_ConditionalRenderingBeginInfoEXT)::Cvoid = @dispatch(device(command_buffer), vkCmdBeginConditionalRenderingEXT(command_buffer, conditional_rendering_begin)) """ Extension: VK\\_EXT\\_conditional\\_rendering Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndConditionalRenderingEXT.html) """ _cmd_end_conditional_rendering_ext(command_buffer)::Cvoid = @dispatch(device(command_buffer), vkCmdEndConditionalRenderingEXT(command_buffer)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `first_query::UInt32` - `query_count::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdResetQueryPool.html) """ _cmd_reset_query_pool(command_buffer, query_pool, first_query::Integer, query_count::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdResetQueryPool(command_buffer, query_pool, first_query, query_count)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_stage::PipelineStageFlag` - `query_pool::QueryPool` - `query::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteTimestamp.html) """ _cmd_write_timestamp(command_buffer, pipeline_stage::PipelineStageFlag, query_pool, query::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdWriteTimestamp(command_buffer, VkPipelineStageFlagBits(pipeline_stage.val), query_pool, query)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `first_query::UInt32` - `query_count::UInt32` - `dst_buffer::Buffer` - `dst_offset::UInt64` - `stride::UInt64` - `flags::QueryResultFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyQueryPoolResults.html) """ _cmd_copy_query_pool_results(command_buffer, query_pool, first_query::Integer, query_count::Integer, dst_buffer, dst_offset::Integer, stride::Integer; flags = 0)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyQueryPoolResults(command_buffer, query_pool, first_query, query_count, dst_buffer, dst_offset, stride, flags)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `layout::PipelineLayout` - `stage_flags::ShaderStageFlag` - `offset::UInt32` - `size::UInt32` - `values::Ptr{Cvoid}` (must be a valid pointer with `size` bytes) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdPushConstants.html) """ _cmd_push_constants(command_buffer, layout, stage_flags::ShaderStageFlag, offset::Integer, size::Integer, values::Ptr{Cvoid})::Cvoid = @dispatch(device(command_buffer), vkCmdPushConstants(command_buffer, layout, stage_flags, offset, size, values)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `render_pass_begin::_RenderPassBeginInfo` - `contents::SubpassContents` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginRenderPass.html) """ _cmd_begin_render_pass(command_buffer, render_pass_begin::_RenderPassBeginInfo, contents::SubpassContents)::Cvoid = @dispatch(device(command_buffer), vkCmdBeginRenderPass(command_buffer, render_pass_begin, contents)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `contents::SubpassContents` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdNextSubpass.html) """ _cmd_next_subpass(command_buffer, contents::SubpassContents)::Cvoid = @dispatch(device(command_buffer), vkCmdNextSubpass(command_buffer, contents)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndRenderPass.html) """ _cmd_end_render_pass(command_buffer)::Cvoid = @dispatch(device(command_buffer), vkCmdEndRenderPass(command_buffer)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `command_buffers::Vector{CommandBuffer}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdExecuteCommands.html) """ _cmd_execute_commands(command_buffer, command_buffers::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdExecuteCommands(command_buffer, pointer_length(command_buffers), command_buffers)) """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceDisplayPropertiesKHR.html) """ function _get_physical_device_display_properties_khr(physical_device)::ResultTypes.Result{Vector{_DisplayPropertiesKHR}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceDisplayPropertiesKHR(physical_device, pPropertyCount, C_NULL)) pProperties = Vector{VkDisplayPropertiesKHR}(undef, pPropertyCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceDisplayPropertiesKHR(physical_device, pPropertyCount, pProperties)) end from_vk.(_DisplayPropertiesKHR, pProperties) end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceDisplayPlanePropertiesKHR.html) """ function _get_physical_device_display_plane_properties_khr(physical_device)::ResultTypes.Result{Vector{_DisplayPlanePropertiesKHR}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceDisplayPlanePropertiesKHR(physical_device, pPropertyCount, C_NULL)) pProperties = Vector{VkDisplayPlanePropertiesKHR}(undef, pPropertyCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceDisplayPlanePropertiesKHR(physical_device, pPropertyCount, pProperties)) end from_vk.(_DisplayPlanePropertiesKHR, pProperties) end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `plane_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDisplayPlaneSupportedDisplaysKHR.html) """ function _get_display_plane_supported_displays_khr(physical_device, plane_index::Integer)::ResultTypes.Result{Vector{DisplayKHR}, VulkanError} pDisplayCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetDisplayPlaneSupportedDisplaysKHR(physical_device, plane_index, pDisplayCount, C_NULL)) pDisplays = Vector{VkDisplayKHR}(undef, pDisplayCount[]) @check @dispatch(instance(physical_device), vkGetDisplayPlaneSupportedDisplaysKHR(physical_device, plane_index, pDisplayCount, pDisplays)) end DisplayKHR.(pDisplays, identity, physical_device) end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDisplayModePropertiesKHR.html) """ function _get_display_mode_properties_khr(physical_device, display)::ResultTypes.Result{Vector{_DisplayModePropertiesKHR}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetDisplayModePropertiesKHR(physical_device, display, pPropertyCount, C_NULL)) pProperties = Vector{VkDisplayModePropertiesKHR}(undef, pPropertyCount[]) @check @dispatch(instance(physical_device), vkGetDisplayModePropertiesKHR(physical_device, display, pPropertyCount, pProperties)) end from_vk.(_DisplayModePropertiesKHR, pProperties) end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` (externsync) - `create_info::_DisplayModeCreateInfoKHR` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDisplayModeKHR.html) """ function _create_display_mode_khr(physical_device, display, create_info::_DisplayModeCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{DisplayModeKHR, VulkanError} pMode = Ref{VkDisplayModeKHR}() @check @dispatch(instance(physical_device), vkCreateDisplayModeKHR(physical_device, display, create_info, allocator, pMode)) DisplayModeKHR(pMode[], identity, display) end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `mode::DisplayModeKHR` (externsync) - `plane_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDisplayPlaneCapabilitiesKHR.html) """ function _get_display_plane_capabilities_khr(physical_device, mode, plane_index::Integer)::ResultTypes.Result{_DisplayPlaneCapabilitiesKHR, VulkanError} pCapabilities = Ref{VkDisplayPlaneCapabilitiesKHR}() @check @dispatch(instance(physical_device), vkGetDisplayPlaneCapabilitiesKHR(physical_device, mode, plane_index, pCapabilities)) from_vk(_DisplayPlaneCapabilitiesKHR, pCapabilities[]) end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `create_info::_DisplaySurfaceCreateInfoKHR` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDisplayPlaneSurfaceKHR.html) """ function _create_display_plane_surface_khr(instance, create_info::_DisplaySurfaceCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} pSurface = Ref{VkSurfaceKHR}() @check @dispatch(instance, vkCreateDisplayPlaneSurfaceKHR(instance, create_info, allocator, pSurface)) SurfaceKHR(pSurface[], begin parent = Vk.handle(instance) x->_destroy_surface_khr(parent, x; allocator) end, instance) end """ Extension: VK\\_KHR\\_display\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INCOMPATIBLE_DISPLAY_KHR` - `ERROR_DEVICE_LOST` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `create_infos::Vector{_SwapchainCreateInfoKHR}` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSharedSwapchainsKHR.html) """ function _create_shared_swapchains_khr(device, create_infos::AbstractArray; allocator = C_NULL)::ResultTypes.Result{Vector{SwapchainKHR}, VulkanError} pSwapchains = Vector{VkSwapchainKHR}(undef, pointer_length(create_infos)) @check @dispatch(device, vkCreateSharedSwapchainsKHR(device, pointer_length(create_infos), create_infos, allocator, pSwapchains)) SwapchainKHR.(pSwapchains, begin parent = Vk.handle(device) x->_destroy_swapchain_khr(parent, x; allocator) end, device) end """ Extension: VK\\_KHR\\_surface Arguments: - `instance::Instance` - `surface::SurfaceKHR` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroySurfaceKHR.html) """ _destroy_surface_khr(instance, surface; allocator = C_NULL)::Cvoid = @dispatch(instance, vkDestroySurfaceKHR(instance, surface, allocator)) """ Extension: VK\\_KHR\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `queue_family_index::UInt32` - `surface::SurfaceKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfaceSupportKHR.html) """ function _get_physical_device_surface_support_khr(physical_device, queue_family_index::Integer, surface)::ResultTypes.Result{Bool, VulkanError} pSupported = Ref{VkBool32}() @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSurfaceSupportKHR(physical_device, queue_family_index, surface, pSupported)) from_vk(Bool, pSupported[]) end """ Extension: VK\\_KHR\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface::SurfaceKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfaceCapabilitiesKHR.html) """ function _get_physical_device_surface_capabilities_khr(physical_device, surface)::ResultTypes.Result{_SurfaceCapabilitiesKHR, VulkanError} pSurfaceCapabilities = Ref{VkSurfaceCapabilitiesKHR}() @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSurfaceCapabilitiesKHR(physical_device, surface, pSurfaceCapabilities)) from_vk(_SurfaceCapabilitiesKHR, pSurfaceCapabilities[]) end """ Extension: VK\\_KHR\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface::SurfaceKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfaceFormatsKHR.html) """ function _get_physical_device_surface_formats_khr(physical_device; surface = C_NULL)::ResultTypes.Result{Vector{_SurfaceFormatKHR}, VulkanError} pSurfaceFormatCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSurfaceFormatsKHR(physical_device, surface, pSurfaceFormatCount, C_NULL)) pSurfaceFormats = Vector{VkSurfaceFormatKHR}(undef, pSurfaceFormatCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSurfaceFormatsKHR(physical_device, surface, pSurfaceFormatCount, pSurfaceFormats)) end from_vk.(_SurfaceFormatKHR, pSurfaceFormats) end """ Extension: VK\\_KHR\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface::SurfaceKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfacePresentModesKHR.html) """ function _get_physical_device_surface_present_modes_khr(physical_device; surface = C_NULL)::ResultTypes.Result{Vector{PresentModeKHR}, VulkanError} pPresentModeCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSurfacePresentModesKHR(physical_device, surface, pPresentModeCount, C_NULL)) pPresentModes = Vector{VkPresentModeKHR}(undef, pPresentModeCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSurfacePresentModesKHR(physical_device, surface, pPresentModeCount, pPresentModes)) end pPresentModes end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_SURFACE_LOST_KHR` - `ERROR_NATIVE_WINDOW_IN_USE_KHR` - `ERROR_INITIALIZATION_FAILED` - `ERROR_COMPRESSION_EXHAUSTED_EXT` Arguments: - `device::Device` - `create_info::_SwapchainCreateInfoKHR` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSwapchainKHR.html) """ function _create_swapchain_khr(device, create_info::_SwapchainCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{SwapchainKHR, VulkanError} pSwapchain = Ref{VkSwapchainKHR}() @check @dispatch(device, vkCreateSwapchainKHR(device, create_info, allocator, pSwapchain)) SwapchainKHR(pSwapchain[], begin parent = Vk.handle(device) x->_destroy_swapchain_khr(parent, x; allocator) end, device) end """ Extension: VK\\_KHR\\_swapchain Arguments: - `device::Device` - `swapchain::SwapchainKHR` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroySwapchainKHR.html) """ _destroy_swapchain_khr(device, swapchain; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroySwapchainKHR(device, swapchain, allocator)) """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `swapchain::SwapchainKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSwapchainImagesKHR.html) """ function _get_swapchain_images_khr(device, swapchain)::ResultTypes.Result{Vector{Image}, VulkanError} pSwapchainImageCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(device, vkGetSwapchainImagesKHR(device, swapchain, pSwapchainImageCount, C_NULL)) pSwapchainImages = Vector{VkImage}(undef, pSwapchainImageCount[]) @check @dispatch(device, vkGetSwapchainImagesKHR(device, swapchain, pSwapchainImageCount, pSwapchainImages)) end Image.(pSwapchainImages, identity, device) end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `TIMEOUT` - `NOT_READY` - `SUBOPTIMAL_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` - `ERROR_SURFACE_LOST_KHR` - `ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT` Arguments: - `device::Device` - `swapchain::SwapchainKHR` (externsync) - `timeout::UInt64` - `semaphore::Semaphore`: defaults to `C_NULL` (externsync) - `fence::Fence`: defaults to `C_NULL` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAcquireNextImageKHR.html) """ function _acquire_next_image_khr(device, swapchain, timeout::Integer; semaphore = C_NULL, fence = C_NULL)::ResultTypes.Result{Tuple{UInt32, Result}, VulkanError} pImageIndex = Ref{UInt32}() @check @dispatch(device, vkAcquireNextImageKHR(device, swapchain, timeout, semaphore, fence, pImageIndex)) (pImageIndex[], _return_code) end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `SUBOPTIMAL_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` - `ERROR_SURFACE_LOST_KHR` - `ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT` Arguments: - `queue::Queue` (externsync) - `present_info::_PresentInfoKHR` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueuePresentKHR.html) """ _queue_present_khr(queue, present_info::_PresentInfoKHR)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device(queue), vkQueuePresentKHR(queue, present_info))) """ Extension: VK\\_KHR\\_win32\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `create_info::_Win32SurfaceCreateInfoKHR` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateWin32SurfaceKHR.html) """ function _create_win_32_surface_khr(instance, create_info::_Win32SurfaceCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} pSurface = Ref{VkSurfaceKHR}() @check @dispatch(instance, vkCreateWin32SurfaceKHR(instance, create_info, allocator, pSurface)) SurfaceKHR(pSurface[], begin parent = Vk.handle(instance) x->_destroy_surface_khr(parent, x; allocator) end, instance) end """ Extension: VK\\_KHR\\_win32\\_surface Arguments: - `physical_device::PhysicalDevice` - `queue_family_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceWin32PresentationSupportKHR.html) """ _get_physical_device_win_32_presentation_support_khr(physical_device, queue_family_index::Integer)::Bool = from_vk(Bool, @dispatch(instance(physical_device), vkGetPhysicalDeviceWin32PresentationSupportKHR(physical_device, queue_family_index))) """ Extension: VK\\_EXT\\_debug\\_report Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `instance::Instance` - `create_info::_DebugReportCallbackCreateInfoEXT` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDebugReportCallbackEXT.html) """ function _create_debug_report_callback_ext(instance, create_info::_DebugReportCallbackCreateInfoEXT; allocator = C_NULL)::ResultTypes.Result{DebugReportCallbackEXT, VulkanError} pCallback = Ref{VkDebugReportCallbackEXT}() @check @dispatch(instance, vkCreateDebugReportCallbackEXT(instance, create_info, allocator, pCallback)) DebugReportCallbackEXT(pCallback[], begin parent = Vk.handle(instance) x->_destroy_debug_report_callback_ext(parent, x; allocator) end, instance) end """ Extension: VK\\_EXT\\_debug\\_report Arguments: - `instance::Instance` - `callback::DebugReportCallbackEXT` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDebugReportCallbackEXT.html) """ _destroy_debug_report_callback_ext(instance, callback; allocator = C_NULL)::Cvoid = @dispatch(instance, vkDestroyDebugReportCallbackEXT(instance, callback, allocator)) """ Extension: VK\\_EXT\\_debug\\_report Arguments: - `instance::Instance` - `flags::DebugReportFlagEXT` - `object_type::DebugReportObjectTypeEXT` - `object::UInt64` - `location::UInt` - `message_code::Int32` - `layer_prefix::String` - `message::String` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDebugReportMessageEXT.html) """ _debug_report_message_ext(instance, flags::DebugReportFlagEXT, object_type::DebugReportObjectTypeEXT, object::Integer, location::Integer, message_code::Integer, layer_prefix::AbstractString, message::AbstractString)::Cvoid = @dispatch(instance, vkDebugReportMessageEXT(instance, flags, object_type, object, location, message_code, layer_prefix, message)) """ Extension: VK\\_EXT\\_debug\\_marker Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `name_info::_DebugMarkerObjectNameInfoEXT` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDebugMarkerSetObjectNameEXT.html) """ _debug_marker_set_object_name_ext(device, name_info::_DebugMarkerObjectNameInfoEXT)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkDebugMarkerSetObjectNameEXT(device, name_info))) """ Extension: VK\\_EXT\\_debug\\_marker Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `tag_info::_DebugMarkerObjectTagInfoEXT` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDebugMarkerSetObjectTagEXT.html) """ _debug_marker_set_object_tag_ext(device, tag_info::_DebugMarkerObjectTagInfoEXT)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkDebugMarkerSetObjectTagEXT(device, tag_info))) """ Extension: VK\\_EXT\\_debug\\_marker Arguments: - `command_buffer::CommandBuffer` (externsync) - `marker_info::_DebugMarkerMarkerInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDebugMarkerBeginEXT.html) """ _cmd_debug_marker_begin_ext(command_buffer, marker_info::_DebugMarkerMarkerInfoEXT)::Cvoid = @dispatch(device(command_buffer), vkCmdDebugMarkerBeginEXT(command_buffer, marker_info)) """ Extension: VK\\_EXT\\_debug\\_marker Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDebugMarkerEndEXT.html) """ _cmd_debug_marker_end_ext(command_buffer)::Cvoid = @dispatch(device(command_buffer), vkCmdDebugMarkerEndEXT(command_buffer)) """ Extension: VK\\_EXT\\_debug\\_marker Arguments: - `command_buffer::CommandBuffer` (externsync) - `marker_info::_DebugMarkerMarkerInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDebugMarkerInsertEXT.html) """ _cmd_debug_marker_insert_ext(command_buffer, marker_info::_DebugMarkerMarkerInfoEXT)::Cvoid = @dispatch(device(command_buffer), vkCmdDebugMarkerInsertEXT(command_buffer, marker_info)) """ Extension: VK\\_NV\\_external\\_memory\\_capabilities Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_FORMAT_NOT_SUPPORTED` Arguments: - `physical_device::PhysicalDevice` - `format::Format` - `type::ImageType` - `tiling::ImageTiling` - `usage::ImageUsageFlag` - `flags::ImageCreateFlag`: defaults to `0` - `external_handle_type::ExternalMemoryHandleTypeFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceExternalImageFormatPropertiesNV.html) """ function _get_physical_device_external_image_format_properties_nv(physical_device, format::Format, type::ImageType, tiling::ImageTiling, usage::ImageUsageFlag; flags = 0, external_handle_type = 0)::ResultTypes.Result{_ExternalImageFormatPropertiesNV, VulkanError} pExternalImageFormatProperties = Ref{VkExternalImageFormatPropertiesNV}() @check @dispatch(instance(physical_device), vkGetPhysicalDeviceExternalImageFormatPropertiesNV(physical_device, format, type, tiling, usage, flags, external_handle_type, pExternalImageFormatProperties)) from_vk(_ExternalImageFormatPropertiesNV, pExternalImageFormatProperties[]) end """ Extension: VK\\_NV\\_external\\_memory\\_win32 Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `memory::DeviceMemory` - `handle_type::ExternalMemoryHandleTypeFlagNV` - `handle::HANDLE` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetMemoryWin32HandleNV.html) """ _get_memory_win_32_handle_nv(device, memory, handle_type::ExternalMemoryHandleTypeFlagNV, handle::vk.HANDLE)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkGetMemoryWin32HandleNV(device, memory, handle_type, to_vk(Ptr{vk.HANDLE}, handle)))) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `command_buffer::CommandBuffer` (externsync) - `is_preprocessed::Bool` - `generated_commands_info::_GeneratedCommandsInfoNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdExecuteGeneratedCommandsNV.html) """ _cmd_execute_generated_commands_nv(command_buffer, is_preprocessed::Bool, generated_commands_info::_GeneratedCommandsInfoNV)::Cvoid = @dispatch(device(command_buffer), vkCmdExecuteGeneratedCommandsNV(command_buffer, is_preprocessed, generated_commands_info)) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `command_buffer::CommandBuffer` (externsync) - `generated_commands_info::_GeneratedCommandsInfoNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdPreprocessGeneratedCommandsNV.html) """ _cmd_preprocess_generated_commands_nv(command_buffer, generated_commands_info::_GeneratedCommandsInfoNV)::Cvoid = @dispatch(device(command_buffer), vkCmdPreprocessGeneratedCommandsNV(command_buffer, generated_commands_info)) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_bind_point::PipelineBindPoint` - `pipeline::Pipeline` - `group_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindPipelineShaderGroupNV.html) """ _cmd_bind_pipeline_shader_group_nv(command_buffer, pipeline_bind_point::PipelineBindPoint, pipeline, group_index::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdBindPipelineShaderGroupNV(command_buffer, pipeline_bind_point, pipeline, group_index)) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `device::Device` - `info::_GeneratedCommandsMemoryRequirementsInfoNV` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetGeneratedCommandsMemoryRequirementsNV.html) """ function _get_generated_commands_memory_requirements_nv(device, info::_GeneratedCommandsMemoryRequirementsInfoNV, next_types::Type...)::_MemoryRequirements2 memory_requirements = initialize(_MemoryRequirements2, next_types...) pMemoryRequirements = Ref(Base.unsafe_convert(VkMemoryRequirements2, memory_requirements)) GC.@preserve memory_requirements begin @dispatch device vkGetGeneratedCommandsMemoryRequirementsNV(device, info, pMemoryRequirements) _MemoryRequirements2(pMemoryRequirements[], Any[memory_requirements]) end end """ Extension: VK\\_NV\\_device\\_generated\\_commands Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_IndirectCommandsLayoutCreateInfoNV` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateIndirectCommandsLayoutNV.html) """ function _create_indirect_commands_layout_nv(device, create_info::_IndirectCommandsLayoutCreateInfoNV; allocator = C_NULL)::ResultTypes.Result{IndirectCommandsLayoutNV, VulkanError} pIndirectCommandsLayout = Ref{VkIndirectCommandsLayoutNV}() @check @dispatch(device, vkCreateIndirectCommandsLayoutNV(device, create_info, allocator, pIndirectCommandsLayout)) IndirectCommandsLayoutNV(pIndirectCommandsLayout[], begin parent = Vk.handle(device) x->_destroy_indirect_commands_layout_nv(parent, x; allocator) end, device) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `device::Device` - `indirect_commands_layout::IndirectCommandsLayoutNV` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyIndirectCommandsLayoutNV.html) """ _destroy_indirect_commands_layout_nv(device, indirect_commands_layout; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyIndirectCommandsLayoutNV(device, indirect_commands_layout, allocator)) """ Arguments: - `physical_device::PhysicalDevice` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceFeatures2.html) """ function _get_physical_device_features_2(physical_device, next_types::Type...)::_PhysicalDeviceFeatures2 features = initialize(_PhysicalDeviceFeatures2, next_types...) pFeatures = Ref(Base.unsafe_convert(VkPhysicalDeviceFeatures2, features)) GC.@preserve features begin @dispatch instance(physical_device) vkGetPhysicalDeviceFeatures2(physical_device, pFeatures) _PhysicalDeviceFeatures2(pFeatures[], Any[features]) end end """ Arguments: - `physical_device::PhysicalDevice` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceProperties2.html) """ function _get_physical_device_properties_2(physical_device, next_types::Type...)::_PhysicalDeviceProperties2 properties = initialize(_PhysicalDeviceProperties2, next_types...) pProperties = Ref(Base.unsafe_convert(VkPhysicalDeviceProperties2, properties)) GC.@preserve properties begin @dispatch instance(physical_device) vkGetPhysicalDeviceProperties2(physical_device, pProperties) _PhysicalDeviceProperties2(pProperties[], Any[properties]) end end """ Arguments: - `physical_device::PhysicalDevice` - `format::Format` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceFormatProperties2.html) """ function _get_physical_device_format_properties_2(physical_device, format::Format, next_types::Type...)::_FormatProperties2 format_properties = initialize(_FormatProperties2, next_types...) pFormatProperties = Ref(Base.unsafe_convert(VkFormatProperties2, format_properties)) GC.@preserve format_properties begin @dispatch instance(physical_device) vkGetPhysicalDeviceFormatProperties2(physical_device, format, pFormatProperties) _FormatProperties2(pFormatProperties[], Any[format_properties]) end end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_FORMAT_NOT_SUPPORTED` - `ERROR_IMAGE_USAGE_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_OPERATION_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_FORMAT_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PICTURE_LAYOUT_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_CODEC_NOT_SUPPORTED_KHR` Arguments: - `physical_device::PhysicalDevice` - `image_format_info::_PhysicalDeviceImageFormatInfo2` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceImageFormatProperties2.html) """ function _get_physical_device_image_format_properties_2(physical_device, image_format_info::_PhysicalDeviceImageFormatInfo2, next_types::Type...)::ResultTypes.Result{_ImageFormatProperties2, VulkanError} image_format_properties = initialize(_ImageFormatProperties2, next_types...) pImageFormatProperties = Ref(Base.unsafe_convert(VkImageFormatProperties2, image_format_properties)) GC.@preserve image_format_properties begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceImageFormatProperties2(physical_device, image_format_info, pImageFormatProperties)) _ImageFormatProperties2(pImageFormatProperties[], Any[image_format_properties]) end end """ Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceQueueFamilyProperties2.html) """ function _get_physical_device_queue_family_properties_2(physical_device)::Vector{_QueueFamilyProperties2} pQueueFamilyPropertyCount = Ref{UInt32}() @dispatch instance(physical_device) vkGetPhysicalDeviceQueueFamilyProperties2(physical_device, pQueueFamilyPropertyCount, C_NULL) pQueueFamilyProperties = Vector{VkQueueFamilyProperties2}(undef, pQueueFamilyPropertyCount[]) @dispatch instance(physical_device) vkGetPhysicalDeviceQueueFamilyProperties2(physical_device, pQueueFamilyPropertyCount, pQueueFamilyProperties) from_vk.(_QueueFamilyProperties2, pQueueFamilyProperties) end """ Arguments: - `physical_device::PhysicalDevice` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceMemoryProperties2.html) """ function _get_physical_device_memory_properties_2(physical_device, next_types::Type...)::_PhysicalDeviceMemoryProperties2 memory_properties = initialize(_PhysicalDeviceMemoryProperties2, next_types...) pMemoryProperties = Ref(Base.unsafe_convert(VkPhysicalDeviceMemoryProperties2, memory_properties)) GC.@preserve memory_properties begin @dispatch instance(physical_device) vkGetPhysicalDeviceMemoryProperties2(physical_device, pMemoryProperties) _PhysicalDeviceMemoryProperties2(pMemoryProperties[], Any[memory_properties]) end end """ Arguments: - `physical_device::PhysicalDevice` - `format_info::_PhysicalDeviceSparseImageFormatInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSparseImageFormatProperties2.html) """ function _get_physical_device_sparse_image_format_properties_2(physical_device, format_info::_PhysicalDeviceSparseImageFormatInfo2)::Vector{_SparseImageFormatProperties2} pPropertyCount = Ref{UInt32}() @dispatch instance(physical_device) vkGetPhysicalDeviceSparseImageFormatProperties2(physical_device, format_info, pPropertyCount, C_NULL) pProperties = Vector{VkSparseImageFormatProperties2}(undef, pPropertyCount[]) @dispatch instance(physical_device) vkGetPhysicalDeviceSparseImageFormatProperties2(physical_device, format_info, pPropertyCount, pProperties) from_vk.(_SparseImageFormatProperties2, pProperties) end """ Extension: VK\\_KHR\\_push\\_descriptor Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_bind_point::PipelineBindPoint` - `layout::PipelineLayout` - `set::UInt32` - `descriptor_writes::Vector{_WriteDescriptorSet}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdPushDescriptorSetKHR.html) """ _cmd_push_descriptor_set_khr(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, set::Integer, descriptor_writes::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdPushDescriptorSetKHR(command_buffer, pipeline_bind_point, layout, set, pointer_length(descriptor_writes), descriptor_writes)) """ Arguments: - `device::Device` - `command_pool::CommandPool` (externsync) - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkTrimCommandPool.html) """ _trim_command_pool(device, command_pool; flags = 0)::Cvoid = @dispatch(device, vkTrimCommandPool(device, command_pool, flags)) """ Arguments: - `physical_device::PhysicalDevice` - `external_buffer_info::_PhysicalDeviceExternalBufferInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceExternalBufferProperties.html) """ function _get_physical_device_external_buffer_properties(physical_device, external_buffer_info::_PhysicalDeviceExternalBufferInfo)::_ExternalBufferProperties pExternalBufferProperties = Ref{VkExternalBufferProperties}() @dispatch instance(physical_device) vkGetPhysicalDeviceExternalBufferProperties(physical_device, external_buffer_info, pExternalBufferProperties) from_vk(_ExternalBufferProperties, pExternalBufferProperties[]) end """ Extension: VK\\_KHR\\_external\\_memory\\_win32 Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `get_win_32_handle_info::_MemoryGetWin32HandleInfoKHR` - `handle::HANDLE` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetMemoryWin32HandleKHR.html) """ _get_memory_win_32_handle_khr(device, get_win_32_handle_info::_MemoryGetWin32HandleInfoKHR, handle::vk.HANDLE)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkGetMemoryWin32HandleKHR(device, get_win_32_handle_info, to_vk(Ptr{vk.HANDLE}, handle)))) """ Extension: VK\\_KHR\\_external\\_memory\\_win32 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` Arguments: - `device::Device` - `handle_type::ExternalMemoryHandleTypeFlag` - `handle::HANDLE` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetMemoryWin32HandlePropertiesKHR.html) """ function _get_memory_win_32_handle_properties_khr(device, handle_type::ExternalMemoryHandleTypeFlag, handle::vk.HANDLE)::ResultTypes.Result{_MemoryWin32HandlePropertiesKHR, VulkanError} pMemoryWin32HandleProperties = Ref{VkMemoryWin32HandlePropertiesKHR}() @check @dispatch(device, vkGetMemoryWin32HandlePropertiesKHR(device, VkExternalMemoryHandleTypeFlagBits(handle_type.val), handle, pMemoryWin32HandleProperties)) from_vk(_MemoryWin32HandlePropertiesKHR, pMemoryWin32HandleProperties[]) end """ Extension: VK\\_KHR\\_external\\_memory\\_fd Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `get_fd_info::_MemoryGetFdInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetMemoryFdKHR.html) """ function _get_memory_fd_khr(device, get_fd_info::_MemoryGetFdInfoKHR)::ResultTypes.Result{Int, VulkanError} pFd = Ref{Int}() @check @dispatch(device, vkGetMemoryFdKHR(device, get_fd_info, pFd)) pFd[] end """ Extension: VK\\_KHR\\_external\\_memory\\_fd Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` Arguments: - `device::Device` - `handle_type::ExternalMemoryHandleTypeFlag` - `fd::Int` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetMemoryFdPropertiesKHR.html) """ function _get_memory_fd_properties_khr(device, handle_type::ExternalMemoryHandleTypeFlag, fd::Integer)::ResultTypes.Result{_MemoryFdPropertiesKHR, VulkanError} pMemoryFdProperties = Ref{VkMemoryFdPropertiesKHR}() @check @dispatch(device, vkGetMemoryFdPropertiesKHR(device, VkExternalMemoryHandleTypeFlagBits(handle_type.val), fd, pMemoryFdProperties)) from_vk(_MemoryFdPropertiesKHR, pMemoryFdProperties[]) end """ Extension: VK\\_NV\\_external\\_memory\\_rdma Return codes: - `SUCCESS` - `ERROR_INVALID_EXTERNAL_HANDLE` Arguments: - `device::Device` - `memory_get_remote_address_info::_MemoryGetRemoteAddressInfoNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetMemoryRemoteAddressNV.html) """ function _get_memory_remote_address_nv(device, memory_get_remote_address_info::_MemoryGetRemoteAddressInfoNV)::ResultTypes.Result{Cvoid, VulkanError} pAddress = Ref{VkRemoteAddressNV}() @check @dispatch(device, vkGetMemoryRemoteAddressNV(device, memory_get_remote_address_info, pAddress)) pAddress[] end """ Arguments: - `physical_device::PhysicalDevice` - `external_semaphore_info::_PhysicalDeviceExternalSemaphoreInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceExternalSemaphoreProperties.html) """ function _get_physical_device_external_semaphore_properties(physical_device, external_semaphore_info::_PhysicalDeviceExternalSemaphoreInfo)::_ExternalSemaphoreProperties pExternalSemaphoreProperties = Ref{VkExternalSemaphoreProperties}() @dispatch instance(physical_device) vkGetPhysicalDeviceExternalSemaphoreProperties(physical_device, external_semaphore_info, pExternalSemaphoreProperties) from_vk(_ExternalSemaphoreProperties, pExternalSemaphoreProperties[]) end """ Extension: VK\\_KHR\\_external\\_semaphore\\_win32 Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `get_win_32_handle_info::_SemaphoreGetWin32HandleInfoKHR` - `handle::HANDLE` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSemaphoreWin32HandleKHR.html) """ _get_semaphore_win_32_handle_khr(device, get_win_32_handle_info::_SemaphoreGetWin32HandleInfoKHR, handle::vk.HANDLE)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkGetSemaphoreWin32HandleKHR(device, get_win_32_handle_info, to_vk(Ptr{vk.HANDLE}, handle)))) """ Extension: VK\\_KHR\\_external\\_semaphore\\_win32 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` Arguments: - `device::Device` - `import_semaphore_win_32_handle_info::_ImportSemaphoreWin32HandleInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkImportSemaphoreWin32HandleKHR.html) """ _import_semaphore_win_32_handle_khr(device, import_semaphore_win_32_handle_info::_ImportSemaphoreWin32HandleInfoKHR)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkImportSemaphoreWin32HandleKHR(device, import_semaphore_win_32_handle_info))) """ Extension: VK\\_KHR\\_external\\_semaphore\\_fd Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `get_fd_info::_SemaphoreGetFdInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSemaphoreFdKHR.html) """ function _get_semaphore_fd_khr(device, get_fd_info::_SemaphoreGetFdInfoKHR)::ResultTypes.Result{Int, VulkanError} pFd = Ref{Int}() @check @dispatch(device, vkGetSemaphoreFdKHR(device, get_fd_info, pFd)) pFd[] end """ Extension: VK\\_KHR\\_external\\_semaphore\\_fd Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` Arguments: - `device::Device` - `import_semaphore_fd_info::_ImportSemaphoreFdInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkImportSemaphoreFdKHR.html) """ _import_semaphore_fd_khr(device, import_semaphore_fd_info::_ImportSemaphoreFdInfoKHR)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkImportSemaphoreFdKHR(device, import_semaphore_fd_info))) """ Arguments: - `physical_device::PhysicalDevice` - `external_fence_info::_PhysicalDeviceExternalFenceInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceExternalFenceProperties.html) """ function _get_physical_device_external_fence_properties(physical_device, external_fence_info::_PhysicalDeviceExternalFenceInfo)::_ExternalFenceProperties pExternalFenceProperties = Ref{VkExternalFenceProperties}() @dispatch instance(physical_device) vkGetPhysicalDeviceExternalFenceProperties(physical_device, external_fence_info, pExternalFenceProperties) from_vk(_ExternalFenceProperties, pExternalFenceProperties[]) end """ Extension: VK\\_KHR\\_external\\_fence\\_win32 Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `get_win_32_handle_info::_FenceGetWin32HandleInfoKHR` - `handle::HANDLE` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetFenceWin32HandleKHR.html) """ _get_fence_win_32_handle_khr(device, get_win_32_handle_info::_FenceGetWin32HandleInfoKHR, handle::vk.HANDLE)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkGetFenceWin32HandleKHR(device, get_win_32_handle_info, to_vk(Ptr{vk.HANDLE}, handle)))) """ Extension: VK\\_KHR\\_external\\_fence\\_win32 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` Arguments: - `device::Device` - `import_fence_win_32_handle_info::_ImportFenceWin32HandleInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkImportFenceWin32HandleKHR.html) """ _import_fence_win_32_handle_khr(device, import_fence_win_32_handle_info::_ImportFenceWin32HandleInfoKHR)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkImportFenceWin32HandleKHR(device, import_fence_win_32_handle_info))) """ Extension: VK\\_KHR\\_external\\_fence\\_fd Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `get_fd_info::_FenceGetFdInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetFenceFdKHR.html) """ function _get_fence_fd_khr(device, get_fd_info::_FenceGetFdInfoKHR)::ResultTypes.Result{Int, VulkanError} pFd = Ref{Int}() @check @dispatch(device, vkGetFenceFdKHR(device, get_fd_info, pFd)) pFd[] end """ Extension: VK\\_KHR\\_external\\_fence\\_fd Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` Arguments: - `device::Device` - `import_fence_fd_info::_ImportFenceFdInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkImportFenceFdKHR.html) """ _import_fence_fd_khr(device, import_fence_fd_info::_ImportFenceFdInfoKHR)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkImportFenceFdKHR(device, import_fence_fd_info))) """ Extension: VK\\_EXT\\_direct\\_mode\\_display Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkReleaseDisplayEXT.html) """ function _release_display_ext(physical_device, display)::Nothing @dispatch instance(physical_device) vkReleaseDisplayEXT(physical_device, display) nothing end """ Extension: VK\\_NV\\_acquire\\_winrt\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_INITIALIZATION_FAILED` Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAcquireWinrtDisplayNV.html) """ _acquire_winrt_display_nv(physical_device, display)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(instance(physical_device), vkAcquireWinrtDisplayNV(physical_device, display))) """ Extension: VK\\_NV\\_acquire\\_winrt\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_INITIALIZATION_FAILED` Arguments: - `physical_device::PhysicalDevice` - `device_relative_id::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetWinrtDisplayNV.html) """ function _get_winrt_display_nv(physical_device, device_relative_id::Integer)::ResultTypes.Result{DisplayKHR, VulkanError} pDisplay = Ref{VkDisplayKHR}() @check @dispatch(instance(physical_device), vkGetWinrtDisplayNV(physical_device, device_relative_id, pDisplay)) DisplayKHR(pDisplay[], identity, physical_device) end """ Extension: VK\\_EXT\\_display\\_control Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `display::DisplayKHR` - `display_power_info::_DisplayPowerInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDisplayPowerControlEXT.html) """ _display_power_control_ext(device, display, display_power_info::_DisplayPowerInfoEXT)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkDisplayPowerControlEXT(device, display, display_power_info))) """ Extension: VK\\_EXT\\_display\\_control Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `device_event_info::_DeviceEventInfoEXT` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkRegisterDeviceEventEXT.html) """ function _register_device_event_ext(device, device_event_info::_DeviceEventInfoEXT; allocator = C_NULL)::ResultTypes.Result{Fence, VulkanError} pFence = Ref{VkFence}() @check @dispatch(device, vkRegisterDeviceEventEXT(device, device_event_info, allocator, pFence)) Fence(pFence[], begin parent = Vk.handle(device) x->_destroy_fence(parent, x; allocator) end, device) end """ Extension: VK\\_EXT\\_display\\_control Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `display::DisplayKHR` - `display_event_info::_DisplayEventInfoEXT` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkRegisterDisplayEventEXT.html) """ function _register_display_event_ext(device, display, display_event_info::_DisplayEventInfoEXT; allocator = C_NULL)::ResultTypes.Result{Fence, VulkanError} pFence = Ref{VkFence}() @check @dispatch(device, vkRegisterDisplayEventEXT(device, display, display_event_info, allocator, pFence)) Fence(pFence[], begin parent = Vk.handle(device) x->_destroy_fence(parent, x; allocator) end, device) end """ Extension: VK\\_EXT\\_display\\_control Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` Arguments: - `device::Device` - `swapchain::SwapchainKHR` - `counter::SurfaceCounterFlagEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSwapchainCounterEXT.html) """ function _get_swapchain_counter_ext(device, swapchain, counter::SurfaceCounterFlagEXT)::ResultTypes.Result{UInt64, VulkanError} pCounterValue = Ref{UInt64}() @check @dispatch(device, vkGetSwapchainCounterEXT(device, swapchain, VkSurfaceCounterFlagBitsEXT(counter.val), pCounterValue)) pCounterValue[] end """ Extension: VK\\_EXT\\_display\\_surface\\_counter Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface::SurfaceKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfaceCapabilities2EXT.html) """ function _get_physical_device_surface_capabilities_2_ext(physical_device, surface)::ResultTypes.Result{_SurfaceCapabilities2EXT, VulkanError} pSurfaceCapabilities = Ref{VkSurfaceCapabilities2EXT}() @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSurfaceCapabilities2EXT(physical_device, surface, pSurfaceCapabilities)) from_vk(_SurfaceCapabilities2EXT, pSurfaceCapabilities[]) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `instance::Instance` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumeratePhysicalDeviceGroups.html) """ function _enumerate_physical_device_groups(instance)::ResultTypes.Result{Vector{_PhysicalDeviceGroupProperties}, VulkanError} pPhysicalDeviceGroupCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance, vkEnumeratePhysicalDeviceGroups(instance, pPhysicalDeviceGroupCount, C_NULL)) pPhysicalDeviceGroupProperties = Vector{VkPhysicalDeviceGroupProperties}(undef, pPhysicalDeviceGroupCount[]) @check @dispatch(instance, vkEnumeratePhysicalDeviceGroups(instance, pPhysicalDeviceGroupCount, pPhysicalDeviceGroupProperties)) end from_vk.(_PhysicalDeviceGroupProperties, pPhysicalDeviceGroupProperties) end """ Arguments: - `device::Device` - `heap_index::UInt32` - `local_device_index::UInt32` - `remote_device_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceGroupPeerMemoryFeatures.html) """ function _get_device_group_peer_memory_features(device, heap_index::Integer, local_device_index::Integer, remote_device_index::Integer)::PeerMemoryFeatureFlag pPeerMemoryFeatures = Ref{VkPeerMemoryFeatureFlags}() @dispatch device vkGetDeviceGroupPeerMemoryFeatures(device, heap_index, local_device_index, remote_device_index, pPeerMemoryFeatures) pPeerMemoryFeatures[] end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `bind_infos::Vector{_BindBufferMemoryInfo}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindBufferMemory2.html) """ _bind_buffer_memory_2(device, bind_infos::AbstractArray)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkBindBufferMemory2(device, pointer_length(bind_infos), bind_infos))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `bind_infos::Vector{_BindImageMemoryInfo}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindImageMemory2.html) """ _bind_image_memory_2(device, bind_infos::AbstractArray)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkBindImageMemory2(device, pointer_length(bind_infos), bind_infos))) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `device_mask::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDeviceMask.html) """ _cmd_set_device_mask(command_buffer, device_mask::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDeviceMask(command_buffer, device_mask)) """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceGroupPresentCapabilitiesKHR.html) """ function _get_device_group_present_capabilities_khr(device)::ResultTypes.Result{_DeviceGroupPresentCapabilitiesKHR, VulkanError} pDeviceGroupPresentCapabilities = Ref{VkDeviceGroupPresentCapabilitiesKHR}() @check @dispatch(device, vkGetDeviceGroupPresentCapabilitiesKHR(device, pDeviceGroupPresentCapabilities)) from_vk(_DeviceGroupPresentCapabilitiesKHR, pDeviceGroupPresentCapabilities[]) end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `surface::SurfaceKHR` (externsync) - `modes::DeviceGroupPresentModeFlagKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceGroupSurfacePresentModesKHR.html) """ function _get_device_group_surface_present_modes_khr(device, surface, modes::DeviceGroupPresentModeFlagKHR)::ResultTypes.Result{DeviceGroupPresentModeFlagKHR, VulkanError} pModes = Ref{VkDeviceGroupPresentModeFlagsKHR}() @check @dispatch(device, vkGetDeviceGroupSurfacePresentModesKHR(device, surface, pModes)) pModes[] end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `TIMEOUT` - `NOT_READY` - `SUBOPTIMAL_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` - `ERROR_SURFACE_LOST_KHR` - `ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT` Arguments: - `device::Device` - `acquire_info::_AcquireNextImageInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAcquireNextImage2KHR.html) """ function _acquire_next_image_2_khr(device, acquire_info::_AcquireNextImageInfoKHR)::ResultTypes.Result{Tuple{UInt32, Result}, VulkanError} pImageIndex = Ref{UInt32}() @check @dispatch(device, vkAcquireNextImage2KHR(device, acquire_info, pImageIndex)) (pImageIndex[], _return_code) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `base_group_x::UInt32` - `base_group_y::UInt32` - `base_group_z::UInt32` - `group_count_x::UInt32` - `group_count_y::UInt32` - `group_count_z::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDispatchBase.html) """ _cmd_dispatch_base(command_buffer, base_group_x::Integer, base_group_y::Integer, base_group_z::Integer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDispatchBase(command_buffer, base_group_x, base_group_y, base_group_z, group_count_x, group_count_y, group_count_z)) """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `surface::SurfaceKHR` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDevicePresentRectanglesKHR.html) """ function _get_physical_device_present_rectangles_khr(physical_device, surface)::ResultTypes.Result{Vector{_Rect2D}, VulkanError} pRectCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDevicePresentRectanglesKHR(physical_device, surface, pRectCount, C_NULL)) pRects = Vector{VkRect2D}(undef, pRectCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDevicePresentRectanglesKHR(physical_device, surface, pRectCount, pRects)) end from_vk.(_Rect2D, pRects) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_DescriptorUpdateTemplateCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorUpdateTemplate.html) """ function _create_descriptor_update_template(device, create_info::_DescriptorUpdateTemplateCreateInfo; allocator = C_NULL)::ResultTypes.Result{DescriptorUpdateTemplate, VulkanError} pDescriptorUpdateTemplate = Ref{VkDescriptorUpdateTemplate}() @check @dispatch(device, vkCreateDescriptorUpdateTemplate(device, create_info, allocator, pDescriptorUpdateTemplate)) DescriptorUpdateTemplate(pDescriptorUpdateTemplate[], begin parent = Vk.handle(device) x->_destroy_descriptor_update_template(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `descriptor_update_template::DescriptorUpdateTemplate` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDescriptorUpdateTemplate.html) """ _destroy_descriptor_update_template(device, descriptor_update_template; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyDescriptorUpdateTemplate(device, descriptor_update_template, allocator)) """ Arguments: - `device::Device` - `descriptor_set::DescriptorSet` - `descriptor_update_template::DescriptorUpdateTemplate` - `data::Ptr{Cvoid}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkUpdateDescriptorSetWithTemplate.html) """ _update_descriptor_set_with_template(device, descriptor_set, descriptor_update_template, data::Ptr{Cvoid})::Cvoid = @dispatch(device, vkUpdateDescriptorSetWithTemplate(device, descriptor_set, descriptor_update_template, data)) """ Extension: VK\\_KHR\\_push\\_descriptor Arguments: - `command_buffer::CommandBuffer` (externsync) - `descriptor_update_template::DescriptorUpdateTemplate` - `layout::PipelineLayout` - `set::UInt32` - `data::Ptr{Cvoid}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdPushDescriptorSetWithTemplateKHR.html) """ _cmd_push_descriptor_set_with_template_khr(command_buffer, descriptor_update_template, layout, set::Integer, data::Ptr{Cvoid})::Cvoid = @dispatch(device(command_buffer), vkCmdPushDescriptorSetWithTemplateKHR(command_buffer, descriptor_update_template, layout, set, data)) """ Extension: VK\\_EXT\\_hdr\\_metadata Arguments: - `device::Device` - `swapchains::Vector{SwapchainKHR}` - `metadata::Vector{_HdrMetadataEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetHdrMetadataEXT.html) """ _set_hdr_metadata_ext(device, swapchains::AbstractArray, metadata::AbstractArray)::Cvoid = @dispatch(device, vkSetHdrMetadataEXT(device, pointer_length(swapchains), swapchains, metadata)) """ Extension: VK\\_KHR\\_shared\\_presentable\\_image Return codes: - `SUCCESS` - `SUBOPTIMAL_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` - `ERROR_SURFACE_LOST_KHR` - `ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT` Arguments: - `device::Device` - `swapchain::SwapchainKHR` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSwapchainStatusKHR.html) """ _get_swapchain_status_khr(device, swapchain)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkGetSwapchainStatusKHR(device, swapchain))) """ Extension: VK\\_GOOGLE\\_display\\_timing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `swapchain::SwapchainKHR` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetRefreshCycleDurationGOOGLE.html) """ function _get_refresh_cycle_duration_google(device, swapchain)::ResultTypes.Result{_RefreshCycleDurationGOOGLE, VulkanError} pDisplayTimingProperties = Ref{VkRefreshCycleDurationGOOGLE}() @check @dispatch(device, vkGetRefreshCycleDurationGOOGLE(device, swapchain, pDisplayTimingProperties)) from_vk(_RefreshCycleDurationGOOGLE, pDisplayTimingProperties[]) end """ Extension: VK\\_GOOGLE\\_display\\_timing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `swapchain::SwapchainKHR` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPastPresentationTimingGOOGLE.html) """ function _get_past_presentation_timing_google(device, swapchain)::ResultTypes.Result{Vector{_PastPresentationTimingGOOGLE}, VulkanError} pPresentationTimingCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(device, vkGetPastPresentationTimingGOOGLE(device, swapchain, pPresentationTimingCount, C_NULL)) pPresentationTimings = Vector{VkPastPresentationTimingGOOGLE}(undef, pPresentationTimingCount[]) @check @dispatch(device, vkGetPastPresentationTimingGOOGLE(device, swapchain, pPresentationTimingCount, pPresentationTimings)) end from_vk.(_PastPresentationTimingGOOGLE, pPresentationTimings) end """ Extension: VK\\_NV\\_clip\\_space\\_w\\_scaling Arguments: - `command_buffer::CommandBuffer` (externsync) - `viewport_w_scalings::Vector{_ViewportWScalingNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetViewportWScalingNV.html) """ _cmd_set_viewport_w_scaling_nv(command_buffer, viewport_w_scalings::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetViewportWScalingNV(command_buffer, 0, pointer_length(viewport_w_scalings), viewport_w_scalings)) """ Extension: VK\\_EXT\\_discard\\_rectangles Arguments: - `command_buffer::CommandBuffer` (externsync) - `discard_rectangles::Vector{_Rect2D}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDiscardRectangleEXT.html) """ _cmd_set_discard_rectangle_ext(command_buffer, discard_rectangles::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDiscardRectangleEXT(command_buffer, 0, pointer_length(discard_rectangles), discard_rectangles)) """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `command_buffer::CommandBuffer` (externsync) - `sample_locations_info::_SampleLocationsInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetSampleLocationsEXT.html) """ _cmd_set_sample_locations_ext(command_buffer, sample_locations_info::_SampleLocationsInfoEXT)::Cvoid = @dispatch(device(command_buffer), vkCmdSetSampleLocationsEXT(command_buffer, sample_locations_info)) """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `physical_device::PhysicalDevice` - `samples::SampleCountFlag` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceMultisamplePropertiesEXT.html) """ function _get_physical_device_multisample_properties_ext(physical_device, samples::SampleCountFlag)::_MultisamplePropertiesEXT pMultisampleProperties = Ref{VkMultisamplePropertiesEXT}() @dispatch instance(physical_device) vkGetPhysicalDeviceMultisamplePropertiesEXT(physical_device, VkSampleCountFlagBits(samples.val), pMultisampleProperties) from_vk(_MultisamplePropertiesEXT, pMultisampleProperties[]) end """ Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface_info::_PhysicalDeviceSurfaceInfo2KHR` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfaceCapabilities2KHR.html) """ function _get_physical_device_surface_capabilities_2_khr(physical_device, surface_info::_PhysicalDeviceSurfaceInfo2KHR, next_types::Type...)::ResultTypes.Result{_SurfaceCapabilities2KHR, VulkanError} surface_capabilities = initialize(_SurfaceCapabilities2KHR, next_types...) pSurfaceCapabilities = Ref(Base.unsafe_convert(VkSurfaceCapabilities2KHR, surface_capabilities)) GC.@preserve surface_capabilities begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSurfaceCapabilities2KHR(physical_device, surface_info, pSurfaceCapabilities)) _SurfaceCapabilities2KHR(pSurfaceCapabilities[], Any[surface_capabilities]) end end """ Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface_info::_PhysicalDeviceSurfaceInfo2KHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfaceFormats2KHR.html) """ function _get_physical_device_surface_formats_2_khr(physical_device, surface_info::_PhysicalDeviceSurfaceInfo2KHR)::ResultTypes.Result{Vector{_SurfaceFormat2KHR}, VulkanError} pSurfaceFormatCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSurfaceFormats2KHR(physical_device, surface_info, pSurfaceFormatCount, C_NULL)) pSurfaceFormats = Vector{VkSurfaceFormat2KHR}(undef, pSurfaceFormatCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSurfaceFormats2KHR(physical_device, surface_info, pSurfaceFormatCount, pSurfaceFormats)) end from_vk.(_SurfaceFormat2KHR, pSurfaceFormats) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceDisplayProperties2KHR.html) """ function _get_physical_device_display_properties_2_khr(physical_device)::ResultTypes.Result{Vector{_DisplayProperties2KHR}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceDisplayProperties2KHR(physical_device, pPropertyCount, C_NULL)) pProperties = Vector{VkDisplayProperties2KHR}(undef, pPropertyCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceDisplayProperties2KHR(physical_device, pPropertyCount, pProperties)) end from_vk.(_DisplayProperties2KHR, pProperties) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceDisplayPlaneProperties2KHR.html) """ function _get_physical_device_display_plane_properties_2_khr(physical_device)::ResultTypes.Result{Vector{_DisplayPlaneProperties2KHR}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceDisplayPlaneProperties2KHR(physical_device, pPropertyCount, C_NULL)) pProperties = Vector{VkDisplayPlaneProperties2KHR}(undef, pPropertyCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceDisplayPlaneProperties2KHR(physical_device, pPropertyCount, pProperties)) end from_vk.(_DisplayPlaneProperties2KHR, pProperties) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDisplayModeProperties2KHR.html) """ function _get_display_mode_properties_2_khr(physical_device, display)::ResultTypes.Result{Vector{_DisplayModeProperties2KHR}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetDisplayModeProperties2KHR(physical_device, display, pPropertyCount, C_NULL)) pProperties = Vector{VkDisplayModeProperties2KHR}(undef, pPropertyCount[]) @check @dispatch(instance(physical_device), vkGetDisplayModeProperties2KHR(physical_device, display, pPropertyCount, pProperties)) end from_vk.(_DisplayModeProperties2KHR, pProperties) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `display_plane_info::_DisplayPlaneInfo2KHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDisplayPlaneCapabilities2KHR.html) """ function _get_display_plane_capabilities_2_khr(physical_device, display_plane_info::_DisplayPlaneInfo2KHR)::ResultTypes.Result{_DisplayPlaneCapabilities2KHR, VulkanError} pCapabilities = Ref{VkDisplayPlaneCapabilities2KHR}() @check @dispatch(instance(physical_device), vkGetDisplayPlaneCapabilities2KHR(physical_device, display_plane_info, pCapabilities)) from_vk(_DisplayPlaneCapabilities2KHR, pCapabilities[]) end """ Arguments: - `device::Device` - `info::_BufferMemoryRequirementsInfo2` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetBufferMemoryRequirements2.html) """ function _get_buffer_memory_requirements_2(device, info::_BufferMemoryRequirementsInfo2, next_types::Type...)::_MemoryRequirements2 memory_requirements = initialize(_MemoryRequirements2, next_types...) pMemoryRequirements = Ref(Base.unsafe_convert(VkMemoryRequirements2, memory_requirements)) GC.@preserve memory_requirements begin @dispatch device vkGetBufferMemoryRequirements2(device, info, pMemoryRequirements) _MemoryRequirements2(pMemoryRequirements[], Any[memory_requirements]) end end """ Arguments: - `device::Device` - `info::_ImageMemoryRequirementsInfo2` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageMemoryRequirements2.html) """ function _get_image_memory_requirements_2(device, info::_ImageMemoryRequirementsInfo2, next_types::Type...)::_MemoryRequirements2 memory_requirements = initialize(_MemoryRequirements2, next_types...) pMemoryRequirements = Ref(Base.unsafe_convert(VkMemoryRequirements2, memory_requirements)) GC.@preserve memory_requirements begin @dispatch device vkGetImageMemoryRequirements2(device, info, pMemoryRequirements) _MemoryRequirements2(pMemoryRequirements[], Any[memory_requirements]) end end """ Arguments: - `device::Device` - `info::_ImageSparseMemoryRequirementsInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageSparseMemoryRequirements2.html) """ function _get_image_sparse_memory_requirements_2(device, info::_ImageSparseMemoryRequirementsInfo2)::Vector{_SparseImageMemoryRequirements2} pSparseMemoryRequirementCount = Ref{UInt32}() @dispatch device vkGetImageSparseMemoryRequirements2(device, info, pSparseMemoryRequirementCount, C_NULL) pSparseMemoryRequirements = Vector{VkSparseImageMemoryRequirements2}(undef, pSparseMemoryRequirementCount[]) @dispatch device vkGetImageSparseMemoryRequirements2(device, info, pSparseMemoryRequirementCount, pSparseMemoryRequirements) from_vk.(_SparseImageMemoryRequirements2, pSparseMemoryRequirements) end """ Arguments: - `device::Device` - `info::_DeviceBufferMemoryRequirements` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceBufferMemoryRequirements.html) """ function _get_device_buffer_memory_requirements(device, info::_DeviceBufferMemoryRequirements, next_types::Type...)::_MemoryRequirements2 memory_requirements = initialize(_MemoryRequirements2, next_types...) pMemoryRequirements = Ref(Base.unsafe_convert(VkMemoryRequirements2, memory_requirements)) GC.@preserve memory_requirements begin @dispatch device vkGetDeviceBufferMemoryRequirements(device, info, pMemoryRequirements) _MemoryRequirements2(pMemoryRequirements[], Any[memory_requirements]) end end """ Arguments: - `device::Device` - `info::_DeviceImageMemoryRequirements` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceImageMemoryRequirements.html) """ function _get_device_image_memory_requirements(device, info::_DeviceImageMemoryRequirements, next_types::Type...)::_MemoryRequirements2 memory_requirements = initialize(_MemoryRequirements2, next_types...) pMemoryRequirements = Ref(Base.unsafe_convert(VkMemoryRequirements2, memory_requirements)) GC.@preserve memory_requirements begin @dispatch device vkGetDeviceImageMemoryRequirements(device, info, pMemoryRequirements) _MemoryRequirements2(pMemoryRequirements[], Any[memory_requirements]) end end """ Arguments: - `device::Device` - `info::_DeviceImageMemoryRequirements` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceImageSparseMemoryRequirements.html) """ function _get_device_image_sparse_memory_requirements(device, info::_DeviceImageMemoryRequirements)::Vector{_SparseImageMemoryRequirements2} pSparseMemoryRequirementCount = Ref{UInt32}() @dispatch device vkGetDeviceImageSparseMemoryRequirements(device, info, pSparseMemoryRequirementCount, C_NULL) pSparseMemoryRequirements = Vector{VkSparseImageMemoryRequirements2}(undef, pSparseMemoryRequirementCount[]) @dispatch device vkGetDeviceImageSparseMemoryRequirements(device, info, pSparseMemoryRequirementCount, pSparseMemoryRequirements) from_vk.(_SparseImageMemoryRequirements2, pSparseMemoryRequirements) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_SamplerYcbcrConversionCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSamplerYcbcrConversion.html) """ function _create_sampler_ycbcr_conversion(device, create_info::_SamplerYcbcrConversionCreateInfo; allocator = C_NULL)::ResultTypes.Result{SamplerYcbcrConversion, VulkanError} pYcbcrConversion = Ref{VkSamplerYcbcrConversion}() @check @dispatch(device, vkCreateSamplerYcbcrConversion(device, create_info, allocator, pYcbcrConversion)) SamplerYcbcrConversion(pYcbcrConversion[], begin parent = Vk.handle(device) x->_destroy_sampler_ycbcr_conversion(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `ycbcr_conversion::SamplerYcbcrConversion` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroySamplerYcbcrConversion.html) """ _destroy_sampler_ycbcr_conversion(device, ycbcr_conversion; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroySamplerYcbcrConversion(device, ycbcr_conversion, allocator)) """ Arguments: - `device::Device` - `queue_info::_DeviceQueueInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceQueue2.html) """ function _get_device_queue_2(device, queue_info::_DeviceQueueInfo2)::Queue pQueue = Ref{VkQueue}() @dispatch device vkGetDeviceQueue2(device, queue_info, pQueue) Queue(pQueue[], identity, device) end """ Extension: VK\\_EXT\\_validation\\_cache Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `create_info::_ValidationCacheCreateInfoEXT` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateValidationCacheEXT.html) """ function _create_validation_cache_ext(device, create_info::_ValidationCacheCreateInfoEXT; allocator = C_NULL)::ResultTypes.Result{ValidationCacheEXT, VulkanError} pValidationCache = Ref{VkValidationCacheEXT}() @check @dispatch(device, vkCreateValidationCacheEXT(device, create_info, allocator, pValidationCache)) ValidationCacheEXT(pValidationCache[], begin parent = Vk.handle(device) x->_destroy_validation_cache_ext(parent, x; allocator) end, device) end """ Extension: VK\\_EXT\\_validation\\_cache Arguments: - `device::Device` - `validation_cache::ValidationCacheEXT` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyValidationCacheEXT.html) """ _destroy_validation_cache_ext(device, validation_cache; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyValidationCacheEXT(device, validation_cache, allocator)) """ Extension: VK\\_EXT\\_validation\\_cache Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `validation_cache::ValidationCacheEXT` !!! warning The pointer returned by this function holds memory owned by Julia. It is therefore **your** responsibility to free it after use (e.g. with `Libc.free`). [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetValidationCacheDataEXT.html) """ function _get_validation_cache_data_ext(device, validation_cache)::ResultTypes.Result{Tuple{UInt, Ptr{Cvoid}}, VulkanError} pDataSize = Ref{UInt}() @repeat_while_incomplete begin @check @dispatch(device, vkGetValidationCacheDataEXT(device, validation_cache, pDataSize, C_NULL)) pData = Libc.malloc(pDataSize[]) @check @dispatch(device, vkGetValidationCacheDataEXT(device, validation_cache, pDataSize, pData)) if _return_code == VK_INCOMPLETE Libc.free(pData) end end (pDataSize[], pData) end """ Extension: VK\\_EXT\\_validation\\_cache Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `dst_cache::ValidationCacheEXT` (externsync) - `src_caches::Vector{ValidationCacheEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkMergeValidationCachesEXT.html) """ _merge_validation_caches_ext(device, dst_cache, src_caches::AbstractArray)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkMergeValidationCachesEXT(device, dst_cache, pointer_length(src_caches), src_caches))) """ Arguments: - `device::Device` - `create_info::_DescriptorSetLayoutCreateInfo` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDescriptorSetLayoutSupport.html) """ function _get_descriptor_set_layout_support(device, create_info::_DescriptorSetLayoutCreateInfo, next_types::Type...)::_DescriptorSetLayoutSupport support = initialize(_DescriptorSetLayoutSupport, next_types...) pSupport = Ref(Base.unsafe_convert(VkDescriptorSetLayoutSupport, support)) GC.@preserve support begin @dispatch device vkGetDescriptorSetLayoutSupport(device, create_info, pSupport) _DescriptorSetLayoutSupport(pSupport[], Any[support]) end end """ Extension: VK\\_AMD\\_shader\\_info Return codes: - `SUCCESS` - `ERROR_FEATURE_NOT_PRESENT` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `pipeline::Pipeline` - `shader_stage::ShaderStageFlag` - `info_type::ShaderInfoTypeAMD` !!! warning The pointer returned by this function holds memory owned by Julia. It is therefore **your** responsibility to free it after use (e.g. with `Libc.free`). [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetShaderInfoAMD.html) """ function _get_shader_info_amd(device, pipeline, shader_stage::ShaderStageFlag, info_type::ShaderInfoTypeAMD)::ResultTypes.Result{Tuple{UInt, Ptr{Cvoid}}, VulkanError} pInfoSize = Ref{UInt}() @repeat_while_incomplete begin @check @dispatch(device, vkGetShaderInfoAMD(device, pipeline, VkShaderStageFlagBits(shader_stage.val), info_type, pInfoSize, C_NULL)) pInfo = Libc.malloc(pInfoSize[]) @check @dispatch(device, vkGetShaderInfoAMD(device, pipeline, VkShaderStageFlagBits(shader_stage.val), info_type, pInfoSize, pInfo)) if _return_code == VK_INCOMPLETE Libc.free(pInfo) end end (pInfoSize[], pInfo) end """ Extension: VK\\_AMD\\_display\\_native\\_hdr Arguments: - `device::Device` - `swap_chain::SwapchainKHR` - `local_dimming_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetLocalDimmingAMD.html) """ _set_local_dimming_amd(device, swap_chain, local_dimming_enable::Bool)::Cvoid = @dispatch(device, vkSetLocalDimmingAMD(device, swap_chain, local_dimming_enable)) """ Extension: VK\\_EXT\\_calibrated\\_timestamps Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceCalibrateableTimeDomainsEXT.html) """ function _get_physical_device_calibrateable_time_domains_ext(physical_device)::ResultTypes.Result{Vector{TimeDomainEXT}, VulkanError} pTimeDomainCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceCalibrateableTimeDomainsEXT(physical_device, pTimeDomainCount, C_NULL)) pTimeDomains = Vector{VkTimeDomainEXT}(undef, pTimeDomainCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceCalibrateableTimeDomainsEXT(physical_device, pTimeDomainCount, pTimeDomains)) end pTimeDomains end """ Extension: VK\\_EXT\\_calibrated\\_timestamps Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `timestamp_infos::Vector{_CalibratedTimestampInfoEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetCalibratedTimestampsEXT.html) """ function _get_calibrated_timestamps_ext(device, timestamp_infos::AbstractArray)::ResultTypes.Result{Tuple{Vector{UInt64}, UInt64}, VulkanError} pTimestamps = Vector{UInt64}(undef, pointer_length(timestamp_infos)) pMaxDeviation = Ref{UInt64}() @check @dispatch(device, vkGetCalibratedTimestampsEXT(device, pointer_length(timestamp_infos), timestamp_infos, pTimestamps, pMaxDeviation)) (pTimestamps, pMaxDeviation[]) end """ Extension: VK\\_EXT\\_debug\\_utils Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `name_info::_DebugUtilsObjectNameInfoEXT` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetDebugUtilsObjectNameEXT.html) """ _set_debug_utils_object_name_ext(device, name_info::_DebugUtilsObjectNameInfoEXT)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkSetDebugUtilsObjectNameEXT(device, name_info))) """ Extension: VK\\_EXT\\_debug\\_utils Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `tag_info::_DebugUtilsObjectTagInfoEXT` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetDebugUtilsObjectTagEXT.html) """ _set_debug_utils_object_tag_ext(device, tag_info::_DebugUtilsObjectTagInfoEXT)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkSetDebugUtilsObjectTagEXT(device, tag_info))) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `queue::Queue` - `label_info::_DebugUtilsLabelEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueBeginDebugUtilsLabelEXT.html) """ _queue_begin_debug_utils_label_ext(queue, label_info::_DebugUtilsLabelEXT)::Cvoid = @dispatch(device(queue), vkQueueBeginDebugUtilsLabelEXT(queue, label_info)) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `queue::Queue` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueEndDebugUtilsLabelEXT.html) """ _queue_end_debug_utils_label_ext(queue)::Cvoid = @dispatch(device(queue), vkQueueEndDebugUtilsLabelEXT(queue)) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `queue::Queue` - `label_info::_DebugUtilsLabelEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueInsertDebugUtilsLabelEXT.html) """ _queue_insert_debug_utils_label_ext(queue, label_info::_DebugUtilsLabelEXT)::Cvoid = @dispatch(device(queue), vkQueueInsertDebugUtilsLabelEXT(queue, label_info)) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `command_buffer::CommandBuffer` (externsync) - `label_info::_DebugUtilsLabelEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginDebugUtilsLabelEXT.html) """ _cmd_begin_debug_utils_label_ext(command_buffer, label_info::_DebugUtilsLabelEXT)::Cvoid = @dispatch(device(command_buffer), vkCmdBeginDebugUtilsLabelEXT(command_buffer, label_info)) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndDebugUtilsLabelEXT.html) """ _cmd_end_debug_utils_label_ext(command_buffer)::Cvoid = @dispatch(device(command_buffer), vkCmdEndDebugUtilsLabelEXT(command_buffer)) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `command_buffer::CommandBuffer` (externsync) - `label_info::_DebugUtilsLabelEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdInsertDebugUtilsLabelEXT.html) """ _cmd_insert_debug_utils_label_ext(command_buffer, label_info::_DebugUtilsLabelEXT)::Cvoid = @dispatch(device(command_buffer), vkCmdInsertDebugUtilsLabelEXT(command_buffer, label_info)) """ Extension: VK\\_EXT\\_debug\\_utils Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `instance::Instance` - `create_info::_DebugUtilsMessengerCreateInfoEXT` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDebugUtilsMessengerEXT.html) """ function _create_debug_utils_messenger_ext(instance, create_info::_DebugUtilsMessengerCreateInfoEXT; allocator = C_NULL)::ResultTypes.Result{DebugUtilsMessengerEXT, VulkanError} pMessenger = Ref{VkDebugUtilsMessengerEXT}() @check @dispatch(instance, vkCreateDebugUtilsMessengerEXT(instance, create_info, allocator, pMessenger)) DebugUtilsMessengerEXT(pMessenger[], begin parent = Vk.handle(instance) x->_destroy_debug_utils_messenger_ext(parent, x; allocator) end, instance) end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `instance::Instance` - `messenger::DebugUtilsMessengerEXT` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDebugUtilsMessengerEXT.html) """ _destroy_debug_utils_messenger_ext(instance, messenger; allocator = C_NULL)::Cvoid = @dispatch(instance, vkDestroyDebugUtilsMessengerEXT(instance, messenger, allocator)) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `instance::Instance` - `message_severity::DebugUtilsMessageSeverityFlagEXT` - `message_types::DebugUtilsMessageTypeFlagEXT` - `callback_data::_DebugUtilsMessengerCallbackDataEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSubmitDebugUtilsMessageEXT.html) """ _submit_debug_utils_message_ext(instance, message_severity::DebugUtilsMessageSeverityFlagEXT, message_types::DebugUtilsMessageTypeFlagEXT, callback_data::_DebugUtilsMessengerCallbackDataEXT)::Cvoid = @dispatch(instance, vkSubmitDebugUtilsMessageEXT(instance, VkDebugUtilsMessageSeverityFlagBitsEXT(message_severity.val), message_types, callback_data)) """ Extension: VK\\_EXT\\_external\\_memory\\_host Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` Arguments: - `device::Device` - `handle_type::ExternalMemoryHandleTypeFlag` - `host_pointer::Ptr{Cvoid}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetMemoryHostPointerPropertiesEXT.html) """ function _get_memory_host_pointer_properties_ext(device, handle_type::ExternalMemoryHandleTypeFlag, host_pointer::Ptr{Cvoid})::ResultTypes.Result{_MemoryHostPointerPropertiesEXT, VulkanError} pMemoryHostPointerProperties = Ref{VkMemoryHostPointerPropertiesEXT}() @check @dispatch(device, vkGetMemoryHostPointerPropertiesEXT(device, VkExternalMemoryHandleTypeFlagBits(handle_type.val), host_pointer, pMemoryHostPointerProperties)) from_vk(_MemoryHostPointerPropertiesEXT, pMemoryHostPointerProperties[]) end """ Extension: VK\\_AMD\\_buffer\\_marker Arguments: - `command_buffer::CommandBuffer` (externsync) - `dst_buffer::Buffer` - `dst_offset::UInt64` - `marker::UInt32` - `pipeline_stage::PipelineStageFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteBufferMarkerAMD.html) """ _cmd_write_buffer_marker_amd(command_buffer, dst_buffer, dst_offset::Integer, marker::Integer; pipeline_stage = 0)::Cvoid = @dispatch(device(command_buffer), vkCmdWriteBufferMarkerAMD(command_buffer, VkPipelineStageFlagBits(pipeline_stage.val), dst_buffer, dst_offset, marker)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::_RenderPassCreateInfo2` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRenderPass2.html) """ function _create_render_pass_2(device, create_info::_RenderPassCreateInfo2; allocator = C_NULL)::ResultTypes.Result{RenderPass, VulkanError} pRenderPass = Ref{VkRenderPass}() @check @dispatch(device, vkCreateRenderPass2(device, create_info, allocator, pRenderPass)) RenderPass(pRenderPass[], begin parent = Vk.handle(device) x->_destroy_render_pass(parent, x; allocator) end, device) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `render_pass_begin::_RenderPassBeginInfo` - `subpass_begin_info::_SubpassBeginInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginRenderPass2.html) """ _cmd_begin_render_pass_2(command_buffer, render_pass_begin::_RenderPassBeginInfo, subpass_begin_info::_SubpassBeginInfo)::Cvoid = @dispatch(device(command_buffer), vkCmdBeginRenderPass2(command_buffer, render_pass_begin, subpass_begin_info)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `subpass_begin_info::_SubpassBeginInfo` - `subpass_end_info::_SubpassEndInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdNextSubpass2.html) """ _cmd_next_subpass_2(command_buffer, subpass_begin_info::_SubpassBeginInfo, subpass_end_info::_SubpassEndInfo)::Cvoid = @dispatch(device(command_buffer), vkCmdNextSubpass2(command_buffer, subpass_begin_info, subpass_end_info)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `subpass_end_info::_SubpassEndInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndRenderPass2.html) """ _cmd_end_render_pass_2(command_buffer, subpass_end_info::_SubpassEndInfo)::Cvoid = @dispatch(device(command_buffer), vkCmdEndRenderPass2(command_buffer, subpass_end_info)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` - `semaphore::Semaphore` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSemaphoreCounterValue.html) """ function _get_semaphore_counter_value(device, semaphore)::ResultTypes.Result{UInt64, VulkanError} pValue = Ref{UInt64}() @check @dispatch(device, vkGetSemaphoreCounterValue(device, semaphore, pValue)) pValue[] end """ Return codes: - `SUCCESS` - `TIMEOUT` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` - `wait_info::_SemaphoreWaitInfo` - `timeout::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkWaitSemaphores.html) """ _wait_semaphores(device, wait_info::_SemaphoreWaitInfo, timeout::Integer)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkWaitSemaphores(device, wait_info, timeout))) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `signal_info::_SemaphoreSignalInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSignalSemaphore.html) """ _signal_semaphore(device, signal_info::_SemaphoreSignalInfo)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkSignalSemaphore(device, signal_info))) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `count_buffer::Buffer` - `count_buffer_offset::UInt64` - `max_draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawIndirectCount.html) """ _cmd_draw_indirect_count(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawIndirectCount(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `count_buffer::Buffer` - `count_buffer_offset::UInt64` - `max_draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawIndexedIndirectCount.html) """ _cmd_draw_indexed_indirect_count(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawIndexedIndirectCount(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride)) """ Extension: VK\\_NV\\_device\\_diagnostic\\_checkpoints Arguments: - `command_buffer::CommandBuffer` (externsync) - `checkpoint_marker::Ptr{Cvoid}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCheckpointNV.html) """ _cmd_set_checkpoint_nv(command_buffer, checkpoint_marker::Ptr{Cvoid})::Cvoid = @dispatch(device(command_buffer), vkCmdSetCheckpointNV(command_buffer, checkpoint_marker)) """ Extension: VK\\_NV\\_device\\_diagnostic\\_checkpoints Arguments: - `queue::Queue` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetQueueCheckpointDataNV.html) """ function _get_queue_checkpoint_data_nv(queue)::Vector{_CheckpointDataNV} pCheckpointDataCount = Ref{UInt32}() @dispatch device(queue) vkGetQueueCheckpointDataNV(queue, pCheckpointDataCount, C_NULL) pCheckpointData = Vector{VkCheckpointDataNV}(undef, pCheckpointDataCount[]) @dispatch device(queue) vkGetQueueCheckpointDataNV(queue, pCheckpointDataCount, pCheckpointData) from_vk.(_CheckpointDataNV, pCheckpointData) end """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffers::Vector{Buffer}` - `offsets::Vector{UInt64}` - `sizes::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindTransformFeedbackBuffersEXT.html) """ _cmd_bind_transform_feedback_buffers_ext(command_buffer, buffers::AbstractArray, offsets::AbstractArray; sizes = C_NULL)::Cvoid = @dispatch(device(command_buffer), vkCmdBindTransformFeedbackBuffersEXT(command_buffer, 0, pointer_length(buffers), buffers, offsets, sizes)) """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `command_buffer::CommandBuffer` (externsync) - `counter_buffers::Vector{Buffer}` - `counter_buffer_offsets::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginTransformFeedbackEXT.html) """ _cmd_begin_transform_feedback_ext(command_buffer, counter_buffers::AbstractArray; counter_buffer_offsets = C_NULL)::Cvoid = @dispatch(device(command_buffer), vkCmdBeginTransformFeedbackEXT(command_buffer, 0, pointer_length(counter_buffers), counter_buffers, counter_buffer_offsets)) """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `command_buffer::CommandBuffer` (externsync) - `counter_buffers::Vector{Buffer}` - `counter_buffer_offsets::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndTransformFeedbackEXT.html) """ _cmd_end_transform_feedback_ext(command_buffer, counter_buffers::AbstractArray; counter_buffer_offsets = C_NULL)::Cvoid = @dispatch(device(command_buffer), vkCmdEndTransformFeedbackEXT(command_buffer, 0, pointer_length(counter_buffers), counter_buffers, counter_buffer_offsets)) """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `query::UInt32` - `index::UInt32` - `flags::QueryControlFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginQueryIndexedEXT.html) """ _cmd_begin_query_indexed_ext(command_buffer, query_pool, query::Integer, index::Integer; flags = 0)::Cvoid = @dispatch(device(command_buffer), vkCmdBeginQueryIndexedEXT(command_buffer, query_pool, query, flags, index)) """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `query::UInt32` - `index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndQueryIndexedEXT.html) """ _cmd_end_query_indexed_ext(command_buffer, query_pool, query::Integer, index::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdEndQueryIndexedEXT(command_buffer, query_pool, query, index)) """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `command_buffer::CommandBuffer` (externsync) - `instance_count::UInt32` - `first_instance::UInt32` - `counter_buffer::Buffer` - `counter_buffer_offset::UInt64` - `counter_offset::UInt32` - `vertex_stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawIndirectByteCountEXT.html) """ _cmd_draw_indirect_byte_count_ext(command_buffer, instance_count::Integer, first_instance::Integer, counter_buffer, counter_buffer_offset::Integer, counter_offset::Integer, vertex_stride::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawIndirectByteCountEXT(command_buffer, instance_count, first_instance, counter_buffer, counter_buffer_offset, counter_offset, vertex_stride)) """ Extension: VK\\_NV\\_scissor\\_exclusive Arguments: - `command_buffer::CommandBuffer` (externsync) - `exclusive_scissors::Vector{_Rect2D}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetExclusiveScissorNV.html) """ _cmd_set_exclusive_scissor_nv(command_buffer, exclusive_scissors::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetExclusiveScissorNV(command_buffer, 0, pointer_length(exclusive_scissors), exclusive_scissors)) """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `command_buffer::CommandBuffer` (externsync) - `image_layout::ImageLayout` - `image_view::ImageView`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindShadingRateImageNV.html) """ _cmd_bind_shading_rate_image_nv(command_buffer, image_layout::ImageLayout; image_view = C_NULL)::Cvoid = @dispatch(device(command_buffer), vkCmdBindShadingRateImageNV(command_buffer, image_view, image_layout)) """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `command_buffer::CommandBuffer` (externsync) - `shading_rate_palettes::Vector{_ShadingRatePaletteNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetViewportShadingRatePaletteNV.html) """ _cmd_set_viewport_shading_rate_palette_nv(command_buffer, shading_rate_palettes::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetViewportShadingRatePaletteNV(command_buffer, 0, pointer_length(shading_rate_palettes), shading_rate_palettes)) """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `command_buffer::CommandBuffer` (externsync) - `sample_order_type::CoarseSampleOrderTypeNV` - `custom_sample_orders::Vector{_CoarseSampleOrderCustomNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoarseSampleOrderNV.html) """ _cmd_set_coarse_sample_order_nv(command_buffer, sample_order_type::CoarseSampleOrderTypeNV, custom_sample_orders::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetCoarseSampleOrderNV(command_buffer, sample_order_type, pointer_length(custom_sample_orders), custom_sample_orders)) """ Extension: VK\\_NV\\_mesh\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `task_count::UInt32` - `first_task::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMeshTasksNV.html) """ _cmd_draw_mesh_tasks_nv(command_buffer, task_count::Integer, first_task::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawMeshTasksNV(command_buffer, task_count, first_task)) """ Extension: VK\\_NV\\_mesh\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMeshTasksIndirectNV.html) """ _cmd_draw_mesh_tasks_indirect_nv(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawMeshTasksIndirectNV(command_buffer, buffer, offset, draw_count, stride)) """ Extension: VK\\_NV\\_mesh\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `count_buffer::Buffer` - `count_buffer_offset::UInt64` - `max_draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMeshTasksIndirectCountNV.html) """ _cmd_draw_mesh_tasks_indirect_count_nv(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawMeshTasksIndirectCountNV(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride)) """ Extension: VK\\_EXT\\_mesh\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `group_count_x::UInt32` - `group_count_y::UInt32` - `group_count_z::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMeshTasksEXT.html) """ _cmd_draw_mesh_tasks_ext(command_buffer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawMeshTasksEXT(command_buffer, group_count_x, group_count_y, group_count_z)) """ Extension: VK\\_EXT\\_mesh\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMeshTasksIndirectEXT.html) """ _cmd_draw_mesh_tasks_indirect_ext(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawMeshTasksIndirectEXT(command_buffer, buffer, offset, draw_count, stride)) """ Extension: VK\\_EXT\\_mesh\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `count_buffer::Buffer` - `count_buffer_offset::UInt64` - `max_draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMeshTasksIndirectCountEXT.html) """ _cmd_draw_mesh_tasks_indirect_count_ext(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDrawMeshTasksIndirectCountEXT(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride)) """ Extension: VK\\_NV\\_ray\\_tracing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `pipeline::Pipeline` - `shader::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCompileDeferredNV.html) """ _compile_deferred_nv(device, pipeline, shader::Integer)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkCompileDeferredNV(device, pipeline, shader))) """ Extension: VK\\_NV\\_ray\\_tracing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `create_info::_AccelerationStructureCreateInfoNV` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateAccelerationStructureNV.html) """ function _create_acceleration_structure_nv(device, create_info::_AccelerationStructureCreateInfoNV; allocator = C_NULL)::ResultTypes.Result{AccelerationStructureNV, VulkanError} pAccelerationStructure = Ref{VkAccelerationStructureNV}() @check @dispatch(device, vkCreateAccelerationStructureNV(device, create_info, allocator, pAccelerationStructure)) AccelerationStructureNV(pAccelerationStructure[], begin parent = Vk.handle(device) x->_destroy_acceleration_structure_nv(parent, x; allocator) end, device) end """ Extension: VK\\_HUAWEI\\_invocation\\_mask Arguments: - `command_buffer::CommandBuffer` (externsync) - `image_layout::ImageLayout` - `image_view::ImageView`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindInvocationMaskHUAWEI.html) """ _cmd_bind_invocation_mask_huawei(command_buffer, image_layout::ImageLayout; image_view = C_NULL)::Cvoid = @dispatch(device(command_buffer), vkCmdBindInvocationMaskHUAWEI(command_buffer, image_view, image_layout)) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `device::Device` - `acceleration_structure::AccelerationStructureKHR` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyAccelerationStructureKHR.html) """ _destroy_acceleration_structure_khr(device, acceleration_structure; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyAccelerationStructureKHR(device, acceleration_structure, allocator)) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `device::Device` - `acceleration_structure::AccelerationStructureNV` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyAccelerationStructureNV.html) """ _destroy_acceleration_structure_nv(device, acceleration_structure; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyAccelerationStructureNV(device, acceleration_structure, allocator)) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `device::Device` - `info::_AccelerationStructureMemoryRequirementsInfoNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetAccelerationStructureMemoryRequirementsNV.html) """ function _get_acceleration_structure_memory_requirements_nv(device, info::_AccelerationStructureMemoryRequirementsInfoNV)::VkMemoryRequirements2KHR pMemoryRequirements = Ref{VkMemoryRequirements2KHR}() @dispatch device vkGetAccelerationStructureMemoryRequirementsNV(device, info, pMemoryRequirements) from_vk(VkMemoryRequirements2KHR, pMemoryRequirements[]) end """ Extension: VK\\_NV\\_ray\\_tracing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `bind_infos::Vector{_BindAccelerationStructureMemoryInfoNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindAccelerationStructureMemoryNV.html) """ _bind_acceleration_structure_memory_nv(device, bind_infos::AbstractArray)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkBindAccelerationStructureMemoryNV(device, pointer_length(bind_infos), bind_infos))) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `command_buffer::CommandBuffer` (externsync) - `dst::AccelerationStructureNV` - `src::AccelerationStructureNV` - `mode::CopyAccelerationStructureModeKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyAccelerationStructureNV.html) """ _cmd_copy_acceleration_structure_nv(command_buffer, dst, src, mode::CopyAccelerationStructureModeKHR)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyAccelerationStructureNV(command_buffer, dst, src, mode)) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::_CopyAccelerationStructureInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyAccelerationStructureKHR.html) """ _cmd_copy_acceleration_structure_khr(command_buffer, info::_CopyAccelerationStructureInfoKHR)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyAccelerationStructureKHR(command_buffer, info)) """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::_CopyAccelerationStructureInfoKHR` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCopyAccelerationStructureKHR.html) """ _copy_acceleration_structure_khr(device, info::_CopyAccelerationStructureInfoKHR; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkCopyAccelerationStructureKHR(device, deferred_operation, info))) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::_CopyAccelerationStructureToMemoryInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyAccelerationStructureToMemoryKHR.html) """ _cmd_copy_acceleration_structure_to_memory_khr(command_buffer, info::_CopyAccelerationStructureToMemoryInfoKHR)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyAccelerationStructureToMemoryKHR(command_buffer, info)) """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::_CopyAccelerationStructureToMemoryInfoKHR` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCopyAccelerationStructureToMemoryKHR.html) """ _copy_acceleration_structure_to_memory_khr(device, info::_CopyAccelerationStructureToMemoryInfoKHR; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkCopyAccelerationStructureToMemoryKHR(device, deferred_operation, info))) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::_CopyMemoryToAccelerationStructureInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyMemoryToAccelerationStructureKHR.html) """ _cmd_copy_memory_to_acceleration_structure_khr(command_buffer, info::_CopyMemoryToAccelerationStructureInfoKHR)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyMemoryToAccelerationStructureKHR(command_buffer, info)) """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::_CopyMemoryToAccelerationStructureInfoKHR` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCopyMemoryToAccelerationStructureKHR.html) """ _copy_memory_to_acceleration_structure_khr(device, info::_CopyMemoryToAccelerationStructureInfoKHR; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkCopyMemoryToAccelerationStructureKHR(device, deferred_operation, info))) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `command_buffer::CommandBuffer` (externsync) - `acceleration_structures::Vector{AccelerationStructureKHR}` - `query_type::QueryType` - `query_pool::QueryPool` - `first_query::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteAccelerationStructuresPropertiesKHR.html) """ _cmd_write_acceleration_structures_properties_khr(command_buffer, acceleration_structures::AbstractArray, query_type::QueryType, query_pool, first_query::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdWriteAccelerationStructuresPropertiesKHR(command_buffer, pointer_length(acceleration_structures), acceleration_structures, query_type, query_pool, first_query)) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `command_buffer::CommandBuffer` (externsync) - `acceleration_structures::Vector{AccelerationStructureNV}` - `query_type::QueryType` - `query_pool::QueryPool` - `first_query::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteAccelerationStructuresPropertiesNV.html) """ _cmd_write_acceleration_structures_properties_nv(command_buffer, acceleration_structures::AbstractArray, query_type::QueryType, query_pool, first_query::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdWriteAccelerationStructuresPropertiesNV(command_buffer, pointer_length(acceleration_structures), acceleration_structures, query_type, query_pool, first_query)) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::_AccelerationStructureInfoNV` - `instance_offset::UInt64` - `update::Bool` - `dst::AccelerationStructureNV` - `scratch::Buffer` - `scratch_offset::UInt64` - `instance_data::Buffer`: defaults to `C_NULL` - `src::AccelerationStructureNV`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBuildAccelerationStructureNV.html) """ _cmd_build_acceleration_structure_nv(command_buffer, info::_AccelerationStructureInfoNV, instance_offset::Integer, update::Bool, dst, scratch, scratch_offset::Integer; instance_data = C_NULL, src = C_NULL)::Cvoid = @dispatch(device(command_buffer), vkCmdBuildAccelerationStructureNV(command_buffer, info, instance_data, instance_offset, update, dst, src, scratch, scratch_offset)) """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `acceleration_structures::Vector{AccelerationStructureKHR}` - `query_type::QueryType` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) - `stride::UInt` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkWriteAccelerationStructuresPropertiesKHR.html) """ _write_acceleration_structures_properties_khr(device, acceleration_structures::AbstractArray, query_type::QueryType, data_size::Integer, data::Ptr{Cvoid}, stride::Integer)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkWriteAccelerationStructuresPropertiesKHR(device, pointer_length(acceleration_structures), acceleration_structures, query_type, data_size, data, stride))) """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `command_buffer::CommandBuffer` (externsync) - `raygen_shader_binding_table::_StridedDeviceAddressRegionKHR` - `miss_shader_binding_table::_StridedDeviceAddressRegionKHR` - `hit_shader_binding_table::_StridedDeviceAddressRegionKHR` - `callable_shader_binding_table::_StridedDeviceAddressRegionKHR` - `width::UInt32` - `height::UInt32` - `depth::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdTraceRaysKHR.html) """ _cmd_trace_rays_khr(command_buffer, raygen_shader_binding_table::_StridedDeviceAddressRegionKHR, miss_shader_binding_table::_StridedDeviceAddressRegionKHR, hit_shader_binding_table::_StridedDeviceAddressRegionKHR, callable_shader_binding_table::_StridedDeviceAddressRegionKHR, width::Integer, height::Integer, depth::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdTraceRaysKHR(command_buffer, raygen_shader_binding_table, miss_shader_binding_table, hit_shader_binding_table, callable_shader_binding_table, width, height, depth)) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `command_buffer::CommandBuffer` (externsync) - `raygen_shader_binding_table_buffer::Buffer` - `raygen_shader_binding_offset::UInt64` - `miss_shader_binding_offset::UInt64` - `miss_shader_binding_stride::UInt64` - `hit_shader_binding_offset::UInt64` - `hit_shader_binding_stride::UInt64` - `callable_shader_binding_offset::UInt64` - `callable_shader_binding_stride::UInt64` - `width::UInt32` - `height::UInt32` - `depth::UInt32` - `miss_shader_binding_table_buffer::Buffer`: defaults to `C_NULL` - `hit_shader_binding_table_buffer::Buffer`: defaults to `C_NULL` - `callable_shader_binding_table_buffer::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdTraceRaysNV.html) """ _cmd_trace_rays_nv(command_buffer, raygen_shader_binding_table_buffer, raygen_shader_binding_offset::Integer, miss_shader_binding_offset::Integer, miss_shader_binding_stride::Integer, hit_shader_binding_offset::Integer, hit_shader_binding_stride::Integer, callable_shader_binding_offset::Integer, callable_shader_binding_stride::Integer, width::Integer, height::Integer, depth::Integer; miss_shader_binding_table_buffer = C_NULL, hit_shader_binding_table_buffer = C_NULL, callable_shader_binding_table_buffer = C_NULL)::Cvoid = @dispatch(device(command_buffer), vkCmdTraceRaysNV(command_buffer, raygen_shader_binding_table_buffer, raygen_shader_binding_offset, miss_shader_binding_table_buffer, miss_shader_binding_offset, miss_shader_binding_stride, hit_shader_binding_table_buffer, hit_shader_binding_offset, hit_shader_binding_stride, callable_shader_binding_table_buffer, callable_shader_binding_offset, callable_shader_binding_stride, width, height, depth)) """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `pipeline::Pipeline` - `first_group::UInt32` - `group_count::UInt32` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetRayTracingShaderGroupHandlesKHR.html) """ _get_ray_tracing_shader_group_handles_khr(device, pipeline, first_group::Integer, group_count::Integer, data_size::Integer, data::Ptr{Cvoid})::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkGetRayTracingShaderGroupHandlesKHR(device, pipeline, first_group, group_count, data_size, data))) """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `pipeline::Pipeline` - `first_group::UInt32` - `group_count::UInt32` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetRayTracingCaptureReplayShaderGroupHandlesKHR.html) """ _get_ray_tracing_capture_replay_shader_group_handles_khr(device, pipeline, first_group::Integer, group_count::Integer, data_size::Integer, data::Ptr{Cvoid})::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkGetRayTracingCaptureReplayShaderGroupHandlesKHR(device, pipeline, first_group, group_count, data_size, data))) """ Extension: VK\\_NV\\_ray\\_tracing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `acceleration_structure::AccelerationStructureNV` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetAccelerationStructureHandleNV.html) """ _get_acceleration_structure_handle_nv(device, acceleration_structure, data_size::Integer, data::Ptr{Cvoid})::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkGetAccelerationStructureHandleNV(device, acceleration_structure, data_size, data))) """ Extension: VK\\_NV\\_ray\\_tracing Return codes: - `SUCCESS` - `PIPELINE_COMPILE_REQUIRED_EXT` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_SHADER_NV` Arguments: - `device::Device` - `create_infos::Vector{_RayTracingPipelineCreateInfoNV}` - `pipeline_cache::PipelineCache`: defaults to `C_NULL` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRayTracingPipelinesNV.html) """ function _create_ray_tracing_pipelines_nv(device, create_infos::AbstractArray; pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} pPipelines = Vector{VkPipeline}(undef, pointer_length(create_infos)) @check @dispatch(device, vkCreateRayTracingPipelinesNV(device, pipeline_cache, pointer_length(create_infos), create_infos, allocator, pPipelines)) (Pipeline.(pPipelines, begin parent = Vk.handle(device) x->_destroy_pipeline(parent, x; allocator) end, device), _return_code) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `PIPELINE_COMPILE_REQUIRED_EXT` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS` Arguments: - `device::Device` - `create_infos::Vector{_RayTracingPipelineCreateInfoKHR}` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` - `pipeline_cache::PipelineCache`: defaults to `C_NULL` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRayTracingPipelinesKHR.html) """ function _create_ray_tracing_pipelines_khr(device, create_infos::AbstractArray; deferred_operation = C_NULL, pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} pPipelines = Vector{VkPipeline}(undef, pointer_length(create_infos)) @check @dispatch(device, vkCreateRayTracingPipelinesKHR(device, deferred_operation, pipeline_cache, pointer_length(create_infos), create_infos, allocator, pPipelines)) (Pipeline.(pPipelines, begin parent = Vk.handle(device) x->_destroy_pipeline(parent, x; allocator) end, device), _return_code) end """ Extension: VK\\_NV\\_cooperative\\_matrix Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceCooperativeMatrixPropertiesNV.html) """ function _get_physical_device_cooperative_matrix_properties_nv(physical_device)::ResultTypes.Result{Vector{_CooperativeMatrixPropertiesNV}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceCooperativeMatrixPropertiesNV(physical_device, pPropertyCount, C_NULL)) pProperties = Vector{VkCooperativeMatrixPropertiesNV}(undef, pPropertyCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceCooperativeMatrixPropertiesNV(physical_device, pPropertyCount, pProperties)) end from_vk.(_CooperativeMatrixPropertiesNV, pProperties) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `command_buffer::CommandBuffer` (externsync) - `raygen_shader_binding_table::_StridedDeviceAddressRegionKHR` - `miss_shader_binding_table::_StridedDeviceAddressRegionKHR` - `hit_shader_binding_table::_StridedDeviceAddressRegionKHR` - `callable_shader_binding_table::_StridedDeviceAddressRegionKHR` - `indirect_device_address::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdTraceRaysIndirectKHR.html) """ _cmd_trace_rays_indirect_khr(command_buffer, raygen_shader_binding_table::_StridedDeviceAddressRegionKHR, miss_shader_binding_table::_StridedDeviceAddressRegionKHR, hit_shader_binding_table::_StridedDeviceAddressRegionKHR, callable_shader_binding_table::_StridedDeviceAddressRegionKHR, indirect_device_address::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdTraceRaysIndirectKHR(command_buffer, raygen_shader_binding_table, miss_shader_binding_table, hit_shader_binding_table, callable_shader_binding_table, indirect_device_address)) """ Extension: VK\\_KHR\\_ray\\_tracing\\_maintenance1 Arguments: - `command_buffer::CommandBuffer` (externsync) - `indirect_device_address::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdTraceRaysIndirect2KHR.html) """ _cmd_trace_rays_indirect_2_khr(command_buffer, indirect_device_address::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdTraceRaysIndirect2KHR(command_buffer, indirect_device_address)) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `device::Device` - `version_info::_AccelerationStructureVersionInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceAccelerationStructureCompatibilityKHR.html) """ function _get_device_acceleration_structure_compatibility_khr(device, version_info::_AccelerationStructureVersionInfoKHR)::AccelerationStructureCompatibilityKHR pCompatibility = Ref{VkAccelerationStructureCompatibilityKHR}() @dispatch device vkGetDeviceAccelerationStructureCompatibilityKHR(device, version_info, pCompatibility) pCompatibility[] end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `device::Device` - `pipeline::Pipeline` - `group::UInt32` - `group_shader::ShaderGroupShaderKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetRayTracingShaderGroupStackSizeKHR.html) """ _get_ray_tracing_shader_group_stack_size_khr(device, pipeline, group::Integer, group_shader::ShaderGroupShaderKHR)::UInt64 = @dispatch(device, vkGetRayTracingShaderGroupStackSizeKHR(device, pipeline, group, group_shader)) """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_stack_size::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetRayTracingPipelineStackSizeKHR.html) """ _cmd_set_ray_tracing_pipeline_stack_size_khr(command_buffer, pipeline_stack_size::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdSetRayTracingPipelineStackSizeKHR(command_buffer, pipeline_stack_size)) """ Extension: VK\\_NVX\\_image\\_view\\_handle Arguments: - `device::Device` - `info::_ImageViewHandleInfoNVX` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageViewHandleNVX.html) """ _get_image_view_handle_nvx(device, info::_ImageViewHandleInfoNVX)::UInt32 = @dispatch(device, vkGetImageViewHandleNVX(device, info)) """ Extension: VK\\_NVX\\_image\\_view\\_handle Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_UNKNOWN` Arguments: - `device::Device` - `image_view::ImageView` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageViewAddressNVX.html) """ function _get_image_view_address_nvx(device, image_view)::ResultTypes.Result{_ImageViewAddressPropertiesNVX, VulkanError} pProperties = Ref{VkImageViewAddressPropertiesNVX}() @check @dispatch(device, vkGetImageViewAddressNVX(device, image_view, pProperties)) from_vk(_ImageViewAddressPropertiesNVX, pProperties[]) end """ Extension: VK\\_EXT\\_full\\_screen\\_exclusive Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface_info::_PhysicalDeviceSurfaceInfo2KHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfacePresentModes2EXT.html) """ function _get_physical_device_surface_present_modes_2_ext(physical_device, surface_info::_PhysicalDeviceSurfaceInfo2KHR)::ResultTypes.Result{Vector{PresentModeKHR}, VulkanError} pPresentModeCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSurfacePresentModes2EXT(physical_device, surface_info, pPresentModeCount, C_NULL)) pPresentModes = Vector{VkPresentModeKHR}(undef, pPresentModeCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSurfacePresentModes2EXT(physical_device, surface_info, pPresentModeCount, pPresentModes)) end pPresentModes end """ Extension: VK\\_EXT\\_full\\_screen\\_exclusive Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `surface_info::_PhysicalDeviceSurfaceInfo2KHR` - `modes::DeviceGroupPresentModeFlagKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceGroupSurfacePresentModes2EXT.html) """ function _get_device_group_surface_present_modes_2_ext(device, surface_info::_PhysicalDeviceSurfaceInfo2KHR, modes::DeviceGroupPresentModeFlagKHR)::ResultTypes.Result{DeviceGroupPresentModeFlagKHR, VulkanError} pModes = Ref{VkDeviceGroupPresentModeFlagsKHR}() @check @dispatch(device, vkGetDeviceGroupSurfacePresentModes2EXT(device, surface_info, pModes)) pModes[] end """ Extension: VK\\_EXT\\_full\\_screen\\_exclusive Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `swapchain::SwapchainKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAcquireFullScreenExclusiveModeEXT.html) """ _acquire_full_screen_exclusive_mode_ext(device, swapchain)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkAcquireFullScreenExclusiveModeEXT(device, swapchain))) """ Extension: VK\\_EXT\\_full\\_screen\\_exclusive Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `swapchain::SwapchainKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkReleaseFullScreenExclusiveModeEXT.html) """ _release_full_screen_exclusive_mode_ext(device, swapchain)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkReleaseFullScreenExclusiveModeEXT(device, swapchain))) """ Extension: VK\\_KHR\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `physical_device::PhysicalDevice` - `queue_family_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumeratePhysicalDeviceQueueFamilyPerformanceQueryCountersKHR.html) """ function _enumerate_physical_device_queue_family_performance_query_counters_khr(physical_device, queue_family_index::Integer)::ResultTypes.Result{Tuple{Vector{_PerformanceCounterKHR}, Vector{_PerformanceCounterDescriptionKHR}}, VulkanError} pCounterCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkEnumeratePhysicalDeviceQueueFamilyPerformanceQueryCountersKHR(physical_device, queue_family_index, pCounterCount, C_NULL, C_NULL)) pCounters = Vector{VkPerformanceCounterKHR}(undef, pCounterCount[]) pCounterDescriptions = Vector{VkPerformanceCounterDescriptionKHR}(undef, pCounterCount[]) @check @dispatch(instance(physical_device), vkEnumeratePhysicalDeviceQueueFamilyPerformanceQueryCountersKHR(physical_device, queue_family_index, pCounterCount, pCounters, pCounterDescriptions)) end (from_vk.(_PerformanceCounterKHR, pCounters), from_vk.(_PerformanceCounterDescriptionKHR, pCounterDescriptions)) end """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `physical_device::PhysicalDevice` - `performance_query_create_info::_QueryPoolPerformanceCreateInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceQueueFamilyPerformanceQueryPassesKHR.html) """ function _get_physical_device_queue_family_performance_query_passes_khr(physical_device, performance_query_create_info::_QueryPoolPerformanceCreateInfoKHR)::UInt32 pNumPasses = Ref{UInt32}() @dispatch instance(physical_device) vkGetPhysicalDeviceQueueFamilyPerformanceQueryPassesKHR(physical_device, performance_query_create_info, pNumPasses) pNumPasses[] end """ Extension: VK\\_KHR\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `TIMEOUT` Arguments: - `device::Device` - `info::_AcquireProfilingLockInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAcquireProfilingLockKHR.html) """ _acquire_profiling_lock_khr(device, info::_AcquireProfilingLockInfoKHR)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkAcquireProfilingLockKHR(device, info))) """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `device::Device` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkReleaseProfilingLockKHR.html) """ _release_profiling_lock_khr(device)::Cvoid = @dispatch(device, vkReleaseProfilingLockKHR(device)) """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `image::Image` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageDrmFormatModifierPropertiesEXT.html) """ function _get_image_drm_format_modifier_properties_ext(device, image)::ResultTypes.Result{_ImageDrmFormatModifierPropertiesEXT, VulkanError} pProperties = Ref{VkImageDrmFormatModifierPropertiesEXT}() @check @dispatch(device, vkGetImageDrmFormatModifierPropertiesEXT(device, image, pProperties)) from_vk(_ImageDrmFormatModifierPropertiesEXT, pProperties[]) end """ Arguments: - `device::Device` - `info::_BufferDeviceAddressInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetBufferOpaqueCaptureAddress.html) """ _get_buffer_opaque_capture_address(device, info::_BufferDeviceAddressInfo)::UInt64 = @dispatch(device, vkGetBufferOpaqueCaptureAddress(device, info)) """ Arguments: - `device::Device` - `info::_BufferDeviceAddressInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetBufferDeviceAddress.html) """ _get_buffer_device_address(device, info::_BufferDeviceAddressInfo)::UInt64 = @dispatch(device, vkGetBufferDeviceAddress(device, info)) """ Extension: VK\\_EXT\\_headless\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `create_info::_HeadlessSurfaceCreateInfoEXT` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateHeadlessSurfaceEXT.html) """ function _create_headless_surface_ext(instance, create_info::_HeadlessSurfaceCreateInfoEXT; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} pSurface = Ref{VkSurfaceKHR}() @check @dispatch(instance, vkCreateHeadlessSurfaceEXT(instance, create_info, allocator, pSurface)) SurfaceKHR(pSurface[], begin parent = Vk.handle(instance) x->_destroy_surface_khr(parent, x; allocator) end, instance) end """ Extension: VK\\_NV\\_coverage\\_reduction\\_mode Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSupportedFramebufferMixedSamplesCombinationsNV.html) """ function _get_physical_device_supported_framebuffer_mixed_samples_combinations_nv(physical_device)::ResultTypes.Result{Vector{_FramebufferMixedSamplesCombinationNV}, VulkanError} pCombinationCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSupportedFramebufferMixedSamplesCombinationsNV(physical_device, pCombinationCount, C_NULL)) pCombinations = Vector{VkFramebufferMixedSamplesCombinationNV}(undef, pCombinationCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceSupportedFramebufferMixedSamplesCombinationsNV(physical_device, pCombinationCount, pCombinations)) end from_vk.(_FramebufferMixedSamplesCombinationNV, pCombinations) end """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `initialize_info::_InitializePerformanceApiInfoINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkInitializePerformanceApiINTEL.html) """ _initialize_performance_api_intel(device, initialize_info::_InitializePerformanceApiInfoINTEL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkInitializePerformanceApiINTEL(device, initialize_info))) """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `device::Device` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkUninitializePerformanceApiINTEL.html) """ _uninitialize_performance_api_intel(device)::Cvoid = @dispatch(device, vkUninitializePerformanceApiINTEL(device)) """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `command_buffer::CommandBuffer` (externsync) - `marker_info::_PerformanceMarkerInfoINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPerformanceMarkerINTEL.html) """ _cmd_set_performance_marker_intel(command_buffer, marker_info::_PerformanceMarkerInfoINTEL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device(command_buffer), vkCmdSetPerformanceMarkerINTEL(command_buffer, marker_info))) """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `command_buffer::CommandBuffer` (externsync) - `marker_info::_PerformanceStreamMarkerInfoINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPerformanceStreamMarkerINTEL.html) """ _cmd_set_performance_stream_marker_intel(command_buffer, marker_info::_PerformanceStreamMarkerInfoINTEL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device(command_buffer), vkCmdSetPerformanceStreamMarkerINTEL(command_buffer, marker_info))) """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `command_buffer::CommandBuffer` (externsync) - `override_info::_PerformanceOverrideInfoINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPerformanceOverrideINTEL.html) """ _cmd_set_performance_override_intel(command_buffer, override_info::_PerformanceOverrideInfoINTEL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device(command_buffer), vkCmdSetPerformanceOverrideINTEL(command_buffer, override_info))) """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `acquire_info::_PerformanceConfigurationAcquireInfoINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAcquirePerformanceConfigurationINTEL.html) """ function _acquire_performance_configuration_intel(device, acquire_info::_PerformanceConfigurationAcquireInfoINTEL)::ResultTypes.Result{PerformanceConfigurationINTEL, VulkanError} pConfiguration = Ref{VkPerformanceConfigurationINTEL}() @check @dispatch(device, vkAcquirePerformanceConfigurationINTEL(device, acquire_info, pConfiguration)) PerformanceConfigurationINTEL(pConfiguration[], identity, device) end """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `configuration::PerformanceConfigurationINTEL`: defaults to `C_NULL` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkReleasePerformanceConfigurationINTEL.html) """ _release_performance_configuration_intel(device; configuration = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkReleasePerformanceConfigurationINTEL(device, configuration))) """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `queue::Queue` - `configuration::PerformanceConfigurationINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueSetPerformanceConfigurationINTEL.html) """ _queue_set_performance_configuration_intel(queue, configuration)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device(queue), vkQueueSetPerformanceConfigurationINTEL(queue, configuration))) """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `parameter::PerformanceParameterTypeINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPerformanceParameterINTEL.html) """ function _get_performance_parameter_intel(device, parameter::PerformanceParameterTypeINTEL)::ResultTypes.Result{_PerformanceValueINTEL, VulkanError} pValue = Ref{VkPerformanceValueINTEL}() @check @dispatch(device, vkGetPerformanceParameterINTEL(device, parameter, pValue)) from_vk(_PerformanceValueINTEL, pValue[]) end """ Arguments: - `device::Device` - `info::_DeviceMemoryOpaqueCaptureAddressInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceMemoryOpaqueCaptureAddress.html) """ _get_device_memory_opaque_capture_address(device, info::_DeviceMemoryOpaqueCaptureAddressInfo)::UInt64 = @dispatch(device, vkGetDeviceMemoryOpaqueCaptureAddress(device, info)) """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `pipeline_info::_PipelineInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPipelineExecutablePropertiesKHR.html) """ function _get_pipeline_executable_properties_khr(device, pipeline_info::_PipelineInfoKHR)::ResultTypes.Result{Vector{_PipelineExecutablePropertiesKHR}, VulkanError} pExecutableCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(device, vkGetPipelineExecutablePropertiesKHR(device, pipeline_info, pExecutableCount, C_NULL)) pProperties = Vector{VkPipelineExecutablePropertiesKHR}(undef, pExecutableCount[]) @check @dispatch(device, vkGetPipelineExecutablePropertiesKHR(device, pipeline_info, pExecutableCount, pProperties)) end from_vk.(_PipelineExecutablePropertiesKHR, pProperties) end """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `executable_info::_PipelineExecutableInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPipelineExecutableStatisticsKHR.html) """ function _get_pipeline_executable_statistics_khr(device, executable_info::_PipelineExecutableInfoKHR)::ResultTypes.Result{Vector{_PipelineExecutableStatisticKHR}, VulkanError} pStatisticCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(device, vkGetPipelineExecutableStatisticsKHR(device, executable_info, pStatisticCount, C_NULL)) pStatistics = Vector{VkPipelineExecutableStatisticKHR}(undef, pStatisticCount[]) @check @dispatch(device, vkGetPipelineExecutableStatisticsKHR(device, executable_info, pStatisticCount, pStatistics)) end from_vk.(_PipelineExecutableStatisticKHR, pStatistics) end """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `executable_info::_PipelineExecutableInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPipelineExecutableInternalRepresentationsKHR.html) """ function _get_pipeline_executable_internal_representations_khr(device, executable_info::_PipelineExecutableInfoKHR)::ResultTypes.Result{Vector{_PipelineExecutableInternalRepresentationKHR}, VulkanError} pInternalRepresentationCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(device, vkGetPipelineExecutableInternalRepresentationsKHR(device, executable_info, pInternalRepresentationCount, C_NULL)) pInternalRepresentations = Vector{VkPipelineExecutableInternalRepresentationKHR}(undef, pInternalRepresentationCount[]) @check @dispatch(device, vkGetPipelineExecutableInternalRepresentationsKHR(device, executable_info, pInternalRepresentationCount, pInternalRepresentations)) end from_vk.(_PipelineExecutableInternalRepresentationKHR, pInternalRepresentations) end """ Extension: VK\\_EXT\\_line\\_rasterization Arguments: - `command_buffer::CommandBuffer` (externsync) - `line_stipple_factor::UInt32` - `line_stipple_pattern::UInt16` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetLineStippleEXT.html) """ _cmd_set_line_stipple_ext(command_buffer, line_stipple_factor::Integer, line_stipple_pattern::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdSetLineStippleEXT(command_buffer, line_stipple_factor, line_stipple_pattern)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceToolProperties.html) """ function _get_physical_device_tool_properties(physical_device)::ResultTypes.Result{Vector{_PhysicalDeviceToolProperties}, VulkanError} pToolCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceToolProperties(physical_device, pToolCount, C_NULL)) pToolProperties = Vector{VkPhysicalDeviceToolProperties}(undef, pToolCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceToolProperties(physical_device, pToolCount, pToolProperties)) end from_vk.(_PhysicalDeviceToolProperties, pToolProperties) end """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `create_info::_AccelerationStructureCreateInfoKHR` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateAccelerationStructureKHR.html) """ function _create_acceleration_structure_khr(device, create_info::_AccelerationStructureCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{AccelerationStructureKHR, VulkanError} pAccelerationStructure = Ref{VkAccelerationStructureKHR}() @check @dispatch(device, vkCreateAccelerationStructureKHR(device, create_info, allocator, pAccelerationStructure)) AccelerationStructureKHR(pAccelerationStructure[], begin parent = Vk.handle(device) x->_destroy_acceleration_structure_khr(parent, x; allocator) end, device) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `command_buffer::CommandBuffer` (externsync) - `infos::Vector{_AccelerationStructureBuildGeometryInfoKHR}` - `build_range_infos::Vector{_AccelerationStructureBuildRangeInfoKHR}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBuildAccelerationStructuresKHR.html) """ _cmd_build_acceleration_structures_khr(command_buffer, infos::AbstractArray, build_range_infos::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdBuildAccelerationStructuresKHR(command_buffer, pointer_length(infos), infos, build_range_infos)) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `command_buffer::CommandBuffer` (externsync) - `infos::Vector{_AccelerationStructureBuildGeometryInfoKHR}` - `indirect_device_addresses::Vector{UInt64}` - `indirect_strides::Vector{UInt32}` - `max_primitive_counts::Vector{UInt32}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBuildAccelerationStructuresIndirectKHR.html) """ _cmd_build_acceleration_structures_indirect_khr(command_buffer, infos::AbstractArray, indirect_device_addresses::AbstractArray, indirect_strides::AbstractArray, max_primitive_counts::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdBuildAccelerationStructuresIndirectKHR(command_buffer, pointer_length(infos), infos, indirect_device_addresses, indirect_strides, max_primitive_counts)) """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `infos::Vector{_AccelerationStructureBuildGeometryInfoKHR}` - `build_range_infos::Vector{_AccelerationStructureBuildRangeInfoKHR}` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBuildAccelerationStructuresKHR.html) """ _build_acceleration_structures_khr(device, infos::AbstractArray, build_range_infos::AbstractArray; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkBuildAccelerationStructuresKHR(device, deferred_operation, pointer_length(infos), infos, build_range_infos))) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `device::Device` - `info::_AccelerationStructureDeviceAddressInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetAccelerationStructureDeviceAddressKHR.html) """ _get_acceleration_structure_device_address_khr(device, info::_AccelerationStructureDeviceAddressInfoKHR)::UInt64 = @dispatch(device, vkGetAccelerationStructureDeviceAddressKHR(device, info)) """ Extension: VK\\_KHR\\_deferred\\_host\\_operations Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDeferredOperationKHR.html) """ function _create_deferred_operation_khr(device; allocator = C_NULL)::ResultTypes.Result{DeferredOperationKHR, VulkanError} pDeferredOperation = Ref{VkDeferredOperationKHR}() @check @dispatch(device, vkCreateDeferredOperationKHR(device, allocator, pDeferredOperation)) DeferredOperationKHR(pDeferredOperation[], begin parent = Vk.handle(device) x->_destroy_deferred_operation_khr(parent, x; allocator) end, device) end """ Extension: VK\\_KHR\\_deferred\\_host\\_operations Arguments: - `device::Device` - `operation::DeferredOperationKHR` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDeferredOperationKHR.html) """ _destroy_deferred_operation_khr(device, operation; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyDeferredOperationKHR(device, operation, allocator)) """ Extension: VK\\_KHR\\_deferred\\_host\\_operations Arguments: - `device::Device` - `operation::DeferredOperationKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeferredOperationMaxConcurrencyKHR.html) """ _get_deferred_operation_max_concurrency_khr(device, operation)::UInt32 = @dispatch(device, vkGetDeferredOperationMaxConcurrencyKHR(device, operation)) """ Extension: VK\\_KHR\\_deferred\\_host\\_operations Return codes: - `SUCCESS` - `NOT_READY` Arguments: - `device::Device` - `operation::DeferredOperationKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeferredOperationResultKHR.html) """ _get_deferred_operation_result_khr(device, operation)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkGetDeferredOperationResultKHR(device, operation))) """ Extension: VK\\_KHR\\_deferred\\_host\\_operations Return codes: - `SUCCESS` - `THREAD_DONE_KHR` - `THREAD_IDLE_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `operation::DeferredOperationKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDeferredOperationJoinKHR.html) """ _deferred_operation_join_khr(device, operation)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkDeferredOperationJoinKHR(device, operation))) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `cull_mode::CullModeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCullMode.html) """ _cmd_set_cull_mode(command_buffer; cull_mode = 0)::Cvoid = @dispatch(device(command_buffer), vkCmdSetCullMode(command_buffer, cull_mode)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `front_face::FrontFace` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetFrontFace.html) """ _cmd_set_front_face(command_buffer, front_face::FrontFace)::Cvoid = @dispatch(device(command_buffer), vkCmdSetFrontFace(command_buffer, front_face)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `primitive_topology::PrimitiveTopology` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPrimitiveTopology.html) """ _cmd_set_primitive_topology(command_buffer, primitive_topology::PrimitiveTopology)::Cvoid = @dispatch(device(command_buffer), vkCmdSetPrimitiveTopology(command_buffer, primitive_topology)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `viewports::Vector{_Viewport}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetViewportWithCount.html) """ _cmd_set_viewport_with_count(command_buffer, viewports::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetViewportWithCount(command_buffer, pointer_length(viewports), viewports)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `scissors::Vector{_Rect2D}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetScissorWithCount.html) """ _cmd_set_scissor_with_count(command_buffer, scissors::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetScissorWithCount(command_buffer, pointer_length(scissors), scissors)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffers::Vector{Buffer}` - `offsets::Vector{UInt64}` - `sizes::Vector{UInt64}`: defaults to `C_NULL` - `strides::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindVertexBuffers2.html) """ _cmd_bind_vertex_buffers_2(command_buffer, buffers::AbstractArray, offsets::AbstractArray; sizes = C_NULL, strides = C_NULL)::Cvoid = @dispatch(device(command_buffer), vkCmdBindVertexBuffers2(command_buffer, 0, pointer_length(buffers), buffers, offsets, sizes, strides)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_test_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthTestEnable.html) """ _cmd_set_depth_test_enable(command_buffer, depth_test_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDepthTestEnable(command_buffer, depth_test_enable)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_write_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthWriteEnable.html) """ _cmd_set_depth_write_enable(command_buffer, depth_write_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDepthWriteEnable(command_buffer, depth_write_enable)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_compare_op::CompareOp` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthCompareOp.html) """ _cmd_set_depth_compare_op(command_buffer, depth_compare_op::CompareOp)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDepthCompareOp(command_buffer, depth_compare_op)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_bounds_test_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthBoundsTestEnable.html) """ _cmd_set_depth_bounds_test_enable(command_buffer, depth_bounds_test_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDepthBoundsTestEnable(command_buffer, depth_bounds_test_enable)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `stencil_test_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetStencilTestEnable.html) """ _cmd_set_stencil_test_enable(command_buffer, stencil_test_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetStencilTestEnable(command_buffer, stencil_test_enable)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `face_mask::StencilFaceFlag` - `fail_op::StencilOp` - `pass_op::StencilOp` - `depth_fail_op::StencilOp` - `compare_op::CompareOp` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetStencilOp.html) """ _cmd_set_stencil_op(command_buffer, face_mask::StencilFaceFlag, fail_op::StencilOp, pass_op::StencilOp, depth_fail_op::StencilOp, compare_op::CompareOp)::Cvoid = @dispatch(device(command_buffer), vkCmdSetStencilOp(command_buffer, face_mask, fail_op, pass_op, depth_fail_op, compare_op)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state2 Arguments: - `command_buffer::CommandBuffer` (externsync) - `patch_control_points::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPatchControlPointsEXT.html) """ _cmd_set_patch_control_points_ext(command_buffer, patch_control_points::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdSetPatchControlPointsEXT(command_buffer, patch_control_points)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `rasterizer_discard_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetRasterizerDiscardEnable.html) """ _cmd_set_rasterizer_discard_enable(command_buffer, rasterizer_discard_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetRasterizerDiscardEnable(command_buffer, rasterizer_discard_enable)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_bias_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthBiasEnable.html) """ _cmd_set_depth_bias_enable(command_buffer, depth_bias_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDepthBiasEnable(command_buffer, depth_bias_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state2 Arguments: - `command_buffer::CommandBuffer` (externsync) - `logic_op::LogicOp` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetLogicOpEXT.html) """ _cmd_set_logic_op_ext(command_buffer, logic_op::LogicOp)::Cvoid = @dispatch(device(command_buffer), vkCmdSetLogicOpEXT(command_buffer, logic_op)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `primitive_restart_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPrimitiveRestartEnable.html) """ _cmd_set_primitive_restart_enable(command_buffer, primitive_restart_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetPrimitiveRestartEnable(command_buffer, primitive_restart_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `domain_origin::TessellationDomainOrigin` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetTessellationDomainOriginEXT.html) """ _cmd_set_tessellation_domain_origin_ext(command_buffer, domain_origin::TessellationDomainOrigin)::Cvoid = @dispatch(device(command_buffer), vkCmdSetTessellationDomainOriginEXT(command_buffer, domain_origin)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_clamp_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthClampEnableEXT.html) """ _cmd_set_depth_clamp_enable_ext(command_buffer, depth_clamp_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDepthClampEnableEXT(command_buffer, depth_clamp_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `polygon_mode::PolygonMode` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPolygonModeEXT.html) """ _cmd_set_polygon_mode_ext(command_buffer, polygon_mode::PolygonMode)::Cvoid = @dispatch(device(command_buffer), vkCmdSetPolygonModeEXT(command_buffer, polygon_mode)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `rasterization_samples::SampleCountFlag` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetRasterizationSamplesEXT.html) """ _cmd_set_rasterization_samples_ext(command_buffer, rasterization_samples::SampleCountFlag)::Cvoid = @dispatch(device(command_buffer), vkCmdSetRasterizationSamplesEXT(command_buffer, VkSampleCountFlagBits(rasterization_samples.val))) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `samples::SampleCountFlag` - `sample_mask::Vector{UInt32}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetSampleMaskEXT.html) """ _cmd_set_sample_mask_ext(command_buffer, samples::SampleCountFlag, sample_mask::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetSampleMaskEXT(command_buffer, VkSampleCountFlagBits(samples.val), sample_mask)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `alpha_to_coverage_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetAlphaToCoverageEnableEXT.html) """ _cmd_set_alpha_to_coverage_enable_ext(command_buffer, alpha_to_coverage_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetAlphaToCoverageEnableEXT(command_buffer, alpha_to_coverage_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `alpha_to_one_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetAlphaToOneEnableEXT.html) """ _cmd_set_alpha_to_one_enable_ext(command_buffer, alpha_to_one_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetAlphaToOneEnableEXT(command_buffer, alpha_to_one_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `logic_op_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetLogicOpEnableEXT.html) """ _cmd_set_logic_op_enable_ext(command_buffer, logic_op_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetLogicOpEnableEXT(command_buffer, logic_op_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `color_blend_enables::Vector{Bool}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetColorBlendEnableEXT.html) """ _cmd_set_color_blend_enable_ext(command_buffer, color_blend_enables::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetColorBlendEnableEXT(command_buffer, 0, pointer_length(color_blend_enables), color_blend_enables)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `color_blend_equations::Vector{_ColorBlendEquationEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetColorBlendEquationEXT.html) """ _cmd_set_color_blend_equation_ext(command_buffer, color_blend_equations::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetColorBlendEquationEXT(command_buffer, 0, pointer_length(color_blend_equations), color_blend_equations)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `color_write_masks::Vector{ColorComponentFlag}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetColorWriteMaskEXT.html) """ _cmd_set_color_write_mask_ext(command_buffer, color_write_masks::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetColorWriteMaskEXT(command_buffer, 0, pointer_length(color_write_masks), color_write_masks)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `rasterization_stream::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetRasterizationStreamEXT.html) """ _cmd_set_rasterization_stream_ext(command_buffer, rasterization_stream::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdSetRasterizationStreamEXT(command_buffer, rasterization_stream)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `conservative_rasterization_mode::ConservativeRasterizationModeEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetConservativeRasterizationModeEXT.html) """ _cmd_set_conservative_rasterization_mode_ext(command_buffer, conservative_rasterization_mode::ConservativeRasterizationModeEXT)::Cvoid = @dispatch(device(command_buffer), vkCmdSetConservativeRasterizationModeEXT(command_buffer, conservative_rasterization_mode)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `extra_primitive_overestimation_size::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetExtraPrimitiveOverestimationSizeEXT.html) """ _cmd_set_extra_primitive_overestimation_size_ext(command_buffer, extra_primitive_overestimation_size::Real)::Cvoid = @dispatch(device(command_buffer), vkCmdSetExtraPrimitiveOverestimationSizeEXT(command_buffer, extra_primitive_overestimation_size)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_clip_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthClipEnableEXT.html) """ _cmd_set_depth_clip_enable_ext(command_buffer, depth_clip_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDepthClipEnableEXT(command_buffer, depth_clip_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `sample_locations_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetSampleLocationsEnableEXT.html) """ _cmd_set_sample_locations_enable_ext(command_buffer, sample_locations_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetSampleLocationsEnableEXT(command_buffer, sample_locations_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `color_blend_advanced::Vector{_ColorBlendAdvancedEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetColorBlendAdvancedEXT.html) """ _cmd_set_color_blend_advanced_ext(command_buffer, color_blend_advanced::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetColorBlendAdvancedEXT(command_buffer, 0, pointer_length(color_blend_advanced), color_blend_advanced)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `provoking_vertex_mode::ProvokingVertexModeEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetProvokingVertexModeEXT.html) """ _cmd_set_provoking_vertex_mode_ext(command_buffer, provoking_vertex_mode::ProvokingVertexModeEXT)::Cvoid = @dispatch(device(command_buffer), vkCmdSetProvokingVertexModeEXT(command_buffer, provoking_vertex_mode)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `line_rasterization_mode::LineRasterizationModeEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetLineRasterizationModeEXT.html) """ _cmd_set_line_rasterization_mode_ext(command_buffer, line_rasterization_mode::LineRasterizationModeEXT)::Cvoid = @dispatch(device(command_buffer), vkCmdSetLineRasterizationModeEXT(command_buffer, line_rasterization_mode)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `stippled_line_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetLineStippleEnableEXT.html) """ _cmd_set_line_stipple_enable_ext(command_buffer, stippled_line_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetLineStippleEnableEXT(command_buffer, stippled_line_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `negative_one_to_one::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthClipNegativeOneToOneEXT.html) """ _cmd_set_depth_clip_negative_one_to_one_ext(command_buffer, negative_one_to_one::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDepthClipNegativeOneToOneEXT(command_buffer, negative_one_to_one)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `viewport_w_scaling_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetViewportWScalingEnableNV.html) """ _cmd_set_viewport_w_scaling_enable_nv(command_buffer, viewport_w_scaling_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetViewportWScalingEnableNV(command_buffer, viewport_w_scaling_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `viewport_swizzles::Vector{_ViewportSwizzleNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetViewportSwizzleNV.html) """ _cmd_set_viewport_swizzle_nv(command_buffer, viewport_swizzles::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetViewportSwizzleNV(command_buffer, 0, pointer_length(viewport_swizzles), viewport_swizzles)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `coverage_to_color_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoverageToColorEnableNV.html) """ _cmd_set_coverage_to_color_enable_nv(command_buffer, coverage_to_color_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetCoverageToColorEnableNV(command_buffer, coverage_to_color_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `coverage_to_color_location::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoverageToColorLocationNV.html) """ _cmd_set_coverage_to_color_location_nv(command_buffer, coverage_to_color_location::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdSetCoverageToColorLocationNV(command_buffer, coverage_to_color_location)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `coverage_modulation_mode::CoverageModulationModeNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoverageModulationModeNV.html) """ _cmd_set_coverage_modulation_mode_nv(command_buffer, coverage_modulation_mode::CoverageModulationModeNV)::Cvoid = @dispatch(device(command_buffer), vkCmdSetCoverageModulationModeNV(command_buffer, coverage_modulation_mode)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `coverage_modulation_table_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoverageModulationTableEnableNV.html) """ _cmd_set_coverage_modulation_table_enable_nv(command_buffer, coverage_modulation_table_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetCoverageModulationTableEnableNV(command_buffer, coverage_modulation_table_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `coverage_modulation_table::Vector{Float32}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoverageModulationTableNV.html) """ _cmd_set_coverage_modulation_table_nv(command_buffer, coverage_modulation_table::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetCoverageModulationTableNV(command_buffer, pointer_length(coverage_modulation_table), coverage_modulation_table)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `shading_rate_image_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetShadingRateImageEnableNV.html) """ _cmd_set_shading_rate_image_enable_nv(command_buffer, shading_rate_image_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetShadingRateImageEnableNV(command_buffer, shading_rate_image_enable)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `coverage_reduction_mode::CoverageReductionModeNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoverageReductionModeNV.html) """ _cmd_set_coverage_reduction_mode_nv(command_buffer, coverage_reduction_mode::CoverageReductionModeNV)::Cvoid = @dispatch(device(command_buffer), vkCmdSetCoverageReductionModeNV(command_buffer, coverage_reduction_mode)) """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `representative_fragment_test_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetRepresentativeFragmentTestEnableNV.html) """ _cmd_set_representative_fragment_test_enable_nv(command_buffer, representative_fragment_test_enable::Bool)::Cvoid = @dispatch(device(command_buffer), vkCmdSetRepresentativeFragmentTestEnableNV(command_buffer, representative_fragment_test_enable)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `create_info::_PrivateDataSlotCreateInfo` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePrivateDataSlot.html) """ function _create_private_data_slot(device, create_info::_PrivateDataSlotCreateInfo; allocator = C_NULL)::ResultTypes.Result{PrivateDataSlot, VulkanError} pPrivateDataSlot = Ref{VkPrivateDataSlot}() @check @dispatch(device, vkCreatePrivateDataSlot(device, create_info, allocator, pPrivateDataSlot)) PrivateDataSlot(pPrivateDataSlot[], begin parent = Vk.handle(device) x->_destroy_private_data_slot(parent, x; allocator) end, device) end """ Arguments: - `device::Device` - `private_data_slot::PrivateDataSlot` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyPrivateDataSlot.html) """ _destroy_private_data_slot(device, private_data_slot; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyPrivateDataSlot(device, private_data_slot, allocator)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `object_type::ObjectType` - `object_handle::UInt64` - `private_data_slot::PrivateDataSlot` - `data::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetPrivateData.html) """ _set_private_data(device, object_type::ObjectType, object_handle::Integer, private_data_slot, data::Integer)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkSetPrivateData(device, object_type, object_handle, private_data_slot, data))) """ Arguments: - `device::Device` - `object_type::ObjectType` - `object_handle::UInt64` - `private_data_slot::PrivateDataSlot` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPrivateData.html) """ function _get_private_data(device, object_type::ObjectType, object_handle::Integer, private_data_slot)::UInt64 pData = Ref{UInt64}() @dispatch device vkGetPrivateData(device, object_type, object_handle, private_data_slot, pData) pData[] end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `copy_buffer_info::_CopyBufferInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyBuffer2.html) """ _cmd_copy_buffer_2(command_buffer, copy_buffer_info::_CopyBufferInfo2)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyBuffer2(command_buffer, copy_buffer_info)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `copy_image_info::_CopyImageInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyImage2.html) """ _cmd_copy_image_2(command_buffer, copy_image_info::_CopyImageInfo2)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyImage2(command_buffer, copy_image_info)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `blit_image_info::_BlitImageInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBlitImage2.html) """ _cmd_blit_image_2(command_buffer, blit_image_info::_BlitImageInfo2)::Cvoid = @dispatch(device(command_buffer), vkCmdBlitImage2(command_buffer, blit_image_info)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `copy_buffer_to_image_info::_CopyBufferToImageInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyBufferToImage2.html) """ _cmd_copy_buffer_to_image_2(command_buffer, copy_buffer_to_image_info::_CopyBufferToImageInfo2)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyBufferToImage2(command_buffer, copy_buffer_to_image_info)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `copy_image_to_buffer_info::_CopyImageToBufferInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyImageToBuffer2.html) """ _cmd_copy_image_to_buffer_2(command_buffer, copy_image_to_buffer_info::_CopyImageToBufferInfo2)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyImageToBuffer2(command_buffer, copy_image_to_buffer_info)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `resolve_image_info::_ResolveImageInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdResolveImage2.html) """ _cmd_resolve_image_2(command_buffer, resolve_image_info::_ResolveImageInfo2)::Cvoid = @dispatch(device(command_buffer), vkCmdResolveImage2(command_buffer, resolve_image_info)) """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Arguments: - `command_buffer::CommandBuffer` (externsync) - `fragment_size::_Extent2D` - `combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetFragmentShadingRateKHR.html) """ _cmd_set_fragment_shading_rate_khr(command_buffer, fragment_size::_Extent2D, combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR})::Cvoid = @dispatch(device(command_buffer), vkCmdSetFragmentShadingRateKHR(command_buffer, fragment_size, to_vk(NTuple{2, VkFragmentShadingRateCombinerOpKHR}, combiner_ops))) """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceFragmentShadingRatesKHR.html) """ function _get_physical_device_fragment_shading_rates_khr(physical_device)::ResultTypes.Result{Vector{_PhysicalDeviceFragmentShadingRateKHR}, VulkanError} pFragmentShadingRateCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceFragmentShadingRatesKHR(physical_device, pFragmentShadingRateCount, C_NULL)) pFragmentShadingRates = Vector{VkPhysicalDeviceFragmentShadingRateKHR}(undef, pFragmentShadingRateCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceFragmentShadingRatesKHR(physical_device, pFragmentShadingRateCount, pFragmentShadingRates)) end from_vk.(_PhysicalDeviceFragmentShadingRateKHR, pFragmentShadingRates) end """ Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums Arguments: - `command_buffer::CommandBuffer` (externsync) - `shading_rate::FragmentShadingRateNV` - `combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetFragmentShadingRateEnumNV.html) """ _cmd_set_fragment_shading_rate_enum_nv(command_buffer, shading_rate::FragmentShadingRateNV, combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR})::Cvoid = @dispatch(device(command_buffer), vkCmdSetFragmentShadingRateEnumNV(command_buffer, shading_rate, to_vk(NTuple{2, VkFragmentShadingRateCombinerOpKHR}, combiner_ops))) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `device::Device` - `build_type::AccelerationStructureBuildTypeKHR` - `build_info::_AccelerationStructureBuildGeometryInfoKHR` - `max_primitive_counts::Vector{UInt32}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetAccelerationStructureBuildSizesKHR.html) """ function _get_acceleration_structure_build_sizes_khr(device, build_type::AccelerationStructureBuildTypeKHR, build_info::_AccelerationStructureBuildGeometryInfoKHR; max_primitive_counts = C_NULL)::_AccelerationStructureBuildSizesInfoKHR pSizeInfo = Ref{VkAccelerationStructureBuildSizesInfoKHR}() @dispatch device vkGetAccelerationStructureBuildSizesKHR(device, build_type, build_info, max_primitive_counts, pSizeInfo) from_vk(_AccelerationStructureBuildSizesInfoKHR, pSizeInfo[]) end """ Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state Arguments: - `command_buffer::CommandBuffer` (externsync) - `vertex_binding_descriptions::Vector{_VertexInputBindingDescription2EXT}` - `vertex_attribute_descriptions::Vector{_VertexInputAttributeDescription2EXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetVertexInputEXT.html) """ _cmd_set_vertex_input_ext(command_buffer, vertex_binding_descriptions::AbstractArray, vertex_attribute_descriptions::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetVertexInputEXT(command_buffer, pointer_length(vertex_binding_descriptions), vertex_binding_descriptions, pointer_length(vertex_attribute_descriptions), vertex_attribute_descriptions)) """ Extension: VK\\_EXT\\_color\\_write\\_enable Arguments: - `command_buffer::CommandBuffer` (externsync) - `color_write_enables::Vector{Bool}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetColorWriteEnableEXT.html) """ _cmd_set_color_write_enable_ext(command_buffer, color_write_enables::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetColorWriteEnableEXT(command_buffer, pointer_length(color_write_enables), color_write_enables)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `event::Event` - `dependency_info::_DependencyInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetEvent2.html) """ _cmd_set_event_2(command_buffer, event, dependency_info::_DependencyInfo)::Cvoid = @dispatch(device(command_buffer), vkCmdSetEvent2(command_buffer, event, dependency_info)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `event::Event` - `stage_mask::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdResetEvent2.html) """ _cmd_reset_event_2(command_buffer, event; stage_mask = 0)::Cvoid = @dispatch(device(command_buffer), vkCmdResetEvent2(command_buffer, event, stage_mask)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `events::Vector{Event}` - `dependency_infos::Vector{_DependencyInfo}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWaitEvents2.html) """ _cmd_wait_events_2(command_buffer, events::AbstractArray, dependency_infos::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdWaitEvents2(command_buffer, pointer_length(events), events, dependency_infos)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `dependency_info::_DependencyInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdPipelineBarrier2.html) """ _cmd_pipeline_barrier_2(command_buffer, dependency_info::_DependencyInfo)::Cvoid = @dispatch(device(command_buffer), vkCmdPipelineBarrier2(command_buffer, dependency_info)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `queue::Queue` (externsync) - `submits::Vector{_SubmitInfo2}` - `fence::Fence`: defaults to `C_NULL` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueSubmit2.html) """ _queue_submit_2(queue, submits::AbstractArray; fence = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device(queue), vkQueueSubmit2(queue, pointer_length(submits), submits, fence))) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `query::UInt32` - `stage::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteTimestamp2.html) """ _cmd_write_timestamp_2(command_buffer, query_pool, query::Integer; stage = 0)::Cvoid = @dispatch(device(command_buffer), vkCmdWriteTimestamp2(command_buffer, stage, query_pool, query)) """ Extension: VK\\_KHR\\_synchronization2 Arguments: - `command_buffer::CommandBuffer` (externsync) - `dst_buffer::Buffer` - `dst_offset::UInt64` - `marker::UInt32` - `stage::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteBufferMarker2AMD.html) """ _cmd_write_buffer_marker_2_amd(command_buffer, dst_buffer, dst_offset::Integer, marker::Integer; stage = 0)::Cvoid = @dispatch(device(command_buffer), vkCmdWriteBufferMarker2AMD(command_buffer, stage, dst_buffer, dst_offset, marker)) """ Extension: VK\\_KHR\\_synchronization2 Arguments: - `queue::Queue` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetQueueCheckpointData2NV.html) """ function _get_queue_checkpoint_data_2_nv(queue)::Vector{_CheckpointData2NV} pCheckpointDataCount = Ref{UInt32}() @dispatch device(queue) vkGetQueueCheckpointData2NV(queue, pCheckpointDataCount, C_NULL) pCheckpointData = Vector{VkCheckpointData2NV}(undef, pCheckpointDataCount[]) @dispatch device(queue) vkGetQueueCheckpointData2NV(queue, pCheckpointDataCount, pCheckpointData) from_vk.(_CheckpointData2NV, pCheckpointData) end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_VIDEO_PROFILE_OPERATION_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_FORMAT_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PICTURE_LAYOUT_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_CODEC_NOT_SUPPORTED_KHR` Arguments: - `physical_device::PhysicalDevice` - `video_profile::_VideoProfileInfoKHR` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceVideoCapabilitiesKHR.html) """ function _get_physical_device_video_capabilities_khr(physical_device, video_profile::_VideoProfileInfoKHR, next_types::Type...)::ResultTypes.Result{_VideoCapabilitiesKHR, VulkanError} capabilities = initialize(_VideoCapabilitiesKHR, next_types...) pCapabilities = Ref(Base.unsafe_convert(VkVideoCapabilitiesKHR, capabilities)) GC.@preserve capabilities begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceVideoCapabilitiesKHR(physical_device, video_profile, pCapabilities)) _VideoCapabilitiesKHR(pCapabilities[], Any[capabilities]) end end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_IMAGE_USAGE_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_OPERATION_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_FORMAT_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PICTURE_LAYOUT_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_CODEC_NOT_SUPPORTED_KHR` Arguments: - `physical_device::PhysicalDevice` - `video_format_info::_PhysicalDeviceVideoFormatInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceVideoFormatPropertiesKHR.html) """ function _get_physical_device_video_format_properties_khr(physical_device, video_format_info::_PhysicalDeviceVideoFormatInfoKHR)::ResultTypes.Result{Vector{_VideoFormatPropertiesKHR}, VulkanError} pVideoFormatPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceVideoFormatPropertiesKHR(physical_device, video_format_info, pVideoFormatPropertyCount, C_NULL)) pVideoFormatProperties = Vector{VkVideoFormatPropertiesKHR}(undef, pVideoFormatPropertyCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceVideoFormatPropertiesKHR(physical_device, video_format_info, pVideoFormatPropertyCount, pVideoFormatProperties)) end from_vk.(_VideoFormatPropertiesKHR, pVideoFormatProperties) end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_VIDEO_STD_VERSION_NOT_SUPPORTED_KHR` Arguments: - `device::Device` - `create_info::_VideoSessionCreateInfoKHR` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateVideoSessionKHR.html) """ function _create_video_session_khr(device, create_info::_VideoSessionCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{VideoSessionKHR, VulkanError} pVideoSession = Ref{VkVideoSessionKHR}() @check @dispatch(device, vkCreateVideoSessionKHR(device, create_info, allocator, pVideoSession)) VideoSessionKHR(pVideoSession[], begin parent = Vk.handle(device) x->_destroy_video_session_khr(parent, x; allocator) end, device) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `device::Device` - `video_session::VideoSessionKHR` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyVideoSessionKHR.html) """ _destroy_video_session_khr(device, video_session; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyVideoSessionKHR(device, video_session, allocator)) """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `create_info::_VideoSessionParametersCreateInfoKHR` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateVideoSessionParametersKHR.html) """ function _create_video_session_parameters_khr(device, create_info::_VideoSessionParametersCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{VideoSessionParametersKHR, VulkanError} pVideoSessionParameters = Ref{VkVideoSessionParametersKHR}() @check @dispatch(device, vkCreateVideoSessionParametersKHR(device, create_info, allocator, pVideoSessionParameters)) VideoSessionParametersKHR(pVideoSessionParameters[], (x->_destroy_video_session_parameters_khr(device, x; allocator)), getproperty(create_info, :video_session)) end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `video_session_parameters::VideoSessionParametersKHR` - `update_info::_VideoSessionParametersUpdateInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkUpdateVideoSessionParametersKHR.html) """ _update_video_session_parameters_khr(device, video_session_parameters, update_info::_VideoSessionParametersUpdateInfoKHR)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkUpdateVideoSessionParametersKHR(device, video_session_parameters, update_info))) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `device::Device` - `video_session_parameters::VideoSessionParametersKHR` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyVideoSessionParametersKHR.html) """ _destroy_video_session_parameters_khr(device, video_session_parameters; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyVideoSessionParametersKHR(device, video_session_parameters, allocator)) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `device::Device` - `video_session::VideoSessionKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetVideoSessionMemoryRequirementsKHR.html) """ function _get_video_session_memory_requirements_khr(device, video_session)::Vector{_VideoSessionMemoryRequirementsKHR} pMemoryRequirementsCount = Ref{UInt32}() @repeat_while_incomplete begin @dispatch device vkGetVideoSessionMemoryRequirementsKHR(device, video_session, pMemoryRequirementsCount, C_NULL) pMemoryRequirements = Vector{VkVideoSessionMemoryRequirementsKHR}(undef, pMemoryRequirementsCount[]) @dispatch device vkGetVideoSessionMemoryRequirementsKHR(device, video_session, pMemoryRequirementsCount, pMemoryRequirements) end from_vk.(_VideoSessionMemoryRequirementsKHR, pMemoryRequirements) end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `video_session::VideoSessionKHR` (externsync) - `bind_session_memory_infos::Vector{_BindVideoSessionMemoryInfoKHR}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindVideoSessionMemoryKHR.html) """ _bind_video_session_memory_khr(device, video_session, bind_session_memory_infos::AbstractArray)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkBindVideoSessionMemoryKHR(device, video_session, pointer_length(bind_session_memory_infos), bind_session_memory_infos))) """ Extension: VK\\_KHR\\_video\\_decode\\_queue Arguments: - `command_buffer::CommandBuffer` (externsync) - `decode_info::_VideoDecodeInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDecodeVideoKHR.html) """ _cmd_decode_video_khr(command_buffer, decode_info::_VideoDecodeInfoKHR)::Cvoid = @dispatch(device(command_buffer), vkCmdDecodeVideoKHR(command_buffer, decode_info)) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `command_buffer::CommandBuffer` (externsync) - `begin_info::_VideoBeginCodingInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginVideoCodingKHR.html) """ _cmd_begin_video_coding_khr(command_buffer, begin_info::_VideoBeginCodingInfoKHR)::Cvoid = @dispatch(device(command_buffer), vkCmdBeginVideoCodingKHR(command_buffer, begin_info)) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `command_buffer::CommandBuffer` (externsync) - `coding_control_info::_VideoCodingControlInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdControlVideoCodingKHR.html) """ _cmd_control_video_coding_khr(command_buffer, coding_control_info::_VideoCodingControlInfoKHR)::Cvoid = @dispatch(device(command_buffer), vkCmdControlVideoCodingKHR(command_buffer, coding_control_info)) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `command_buffer::CommandBuffer` (externsync) - `end_coding_info::_VideoEndCodingInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndVideoCodingKHR.html) """ _cmd_end_video_coding_khr(command_buffer, end_coding_info::_VideoEndCodingInfoKHR)::Cvoid = @dispatch(device(command_buffer), vkCmdEndVideoCodingKHR(command_buffer, end_coding_info)) """ Extension: VK\\_NV\\_memory\\_decompression Arguments: - `command_buffer::CommandBuffer` (externsync) - `decompress_memory_regions::Vector{_DecompressMemoryRegionNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDecompressMemoryNV.html) """ _cmd_decompress_memory_nv(command_buffer, decompress_memory_regions::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdDecompressMemoryNV(command_buffer, pointer_length(decompress_memory_regions), decompress_memory_regions)) """ Extension: VK\\_NV\\_memory\\_decompression Arguments: - `command_buffer::CommandBuffer` (externsync) - `indirect_commands_address::UInt64` - `indirect_commands_count_address::UInt64` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDecompressMemoryIndirectCountNV.html) """ _cmd_decompress_memory_indirect_count_nv(command_buffer, indirect_commands_address::Integer, indirect_commands_count_address::Integer, stride::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdDecompressMemoryIndirectCountNV(command_buffer, indirect_commands_address, indirect_commands_count_address, stride)) """ Extension: VK\\_NVX\\_binary\\_import Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `create_info::_CuModuleCreateInfoNVX` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCuModuleNVX.html) """ function _create_cu_module_nvx(device, create_info::_CuModuleCreateInfoNVX; allocator = C_NULL)::ResultTypes.Result{CuModuleNVX, VulkanError} pModule = Ref{VkCuModuleNVX}() @check @dispatch(device, vkCreateCuModuleNVX(device, create_info, allocator, pModule)) CuModuleNVX(pModule[], begin parent = Vk.handle(device) x->_destroy_cu_module_nvx(parent, x; allocator) end, device) end """ Extension: VK\\_NVX\\_binary\\_import Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `create_info::_CuFunctionCreateInfoNVX` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCuFunctionNVX.html) """ function _create_cu_function_nvx(device, create_info::_CuFunctionCreateInfoNVX; allocator = C_NULL)::ResultTypes.Result{CuFunctionNVX, VulkanError} pFunction = Ref{VkCuFunctionNVX}() @check @dispatch(device, vkCreateCuFunctionNVX(device, create_info, allocator, pFunction)) CuFunctionNVX(pFunction[], begin parent = Vk.handle(device) x->_destroy_cu_function_nvx(parent, x; allocator) end, device) end """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `device::Device` - `_module::CuModuleNVX` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyCuModuleNVX.html) """ _destroy_cu_module_nvx(device, _module; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyCuModuleNVX(device, _module, allocator)) """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `device::Device` - `_function::CuFunctionNVX` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyCuFunctionNVX.html) """ _destroy_cu_function_nvx(device, _function; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyCuFunctionNVX(device, _function, allocator)) """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `command_buffer::CommandBuffer` - `launch_info::_CuLaunchInfoNVX` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCuLaunchKernelNVX.html) """ _cmd_cu_launch_kernel_nvx(command_buffer, launch_info::_CuLaunchInfoNVX)::Cvoid = @dispatch(device(command_buffer), vkCmdCuLaunchKernelNVX(command_buffer, launch_info)) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `device::Device` - `layout::DescriptorSetLayout` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDescriptorSetLayoutSizeEXT.html) """ function _get_descriptor_set_layout_size_ext(device, layout)::UInt64 pLayoutSizeInBytes = Ref{VkDeviceSize}() @dispatch device vkGetDescriptorSetLayoutSizeEXT(device, layout, pLayoutSizeInBytes) pLayoutSizeInBytes[] end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `device::Device` - `layout::DescriptorSetLayout` - `binding::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDescriptorSetLayoutBindingOffsetEXT.html) """ function _get_descriptor_set_layout_binding_offset_ext(device, layout, binding::Integer)::UInt64 pOffset = Ref{VkDeviceSize}() @dispatch device vkGetDescriptorSetLayoutBindingOffsetEXT(device, layout, binding, pOffset) pOffset[] end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `device::Device` - `descriptor_info::_DescriptorGetInfoEXT` - `data_size::UInt` - `descriptor::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDescriptorEXT.html) """ _get_descriptor_ext(device, descriptor_info::_DescriptorGetInfoEXT, data_size::Integer, descriptor::Ptr{Cvoid})::Cvoid = @dispatch(device, vkGetDescriptorEXT(device, descriptor_info, data_size, descriptor)) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `command_buffer::CommandBuffer` (externsync) - `binding_infos::Vector{_DescriptorBufferBindingInfoEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindDescriptorBuffersEXT.html) """ _cmd_bind_descriptor_buffers_ext(command_buffer, binding_infos::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdBindDescriptorBuffersEXT(command_buffer, pointer_length(binding_infos), binding_infos)) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_bind_point::PipelineBindPoint` - `layout::PipelineLayout` - `buffer_indices::Vector{UInt32}` - `offsets::Vector{UInt64}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDescriptorBufferOffsetsEXT.html) """ _cmd_set_descriptor_buffer_offsets_ext(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, buffer_indices::AbstractArray, offsets::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdSetDescriptorBufferOffsetsEXT(command_buffer, pipeline_bind_point, layout, 0, pointer_length(buffer_indices), buffer_indices, offsets)) """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_bind_point::PipelineBindPoint` - `layout::PipelineLayout` - `set::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindDescriptorBufferEmbeddedSamplersEXT.html) """ _cmd_bind_descriptor_buffer_embedded_samplers_ext(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, set::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdBindDescriptorBufferEmbeddedSamplersEXT(command_buffer, pipeline_bind_point, layout, set)) """ Extension: VK\\_EXT\\_descriptor\\_buffer Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::_BufferCaptureDescriptorDataInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetBufferOpaqueCaptureDescriptorDataEXT.html) """ function _get_buffer_opaque_capture_descriptor_data_ext(device, info::_BufferCaptureDescriptorDataInfoEXT)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} pData = Ref{Ptr{Cvoid}}() @check @dispatch(device, vkGetBufferOpaqueCaptureDescriptorDataEXT(device, info, pData)) pData[] end """ Extension: VK\\_EXT\\_descriptor\\_buffer Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::_ImageCaptureDescriptorDataInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageOpaqueCaptureDescriptorDataEXT.html) """ function _get_image_opaque_capture_descriptor_data_ext(device, info::_ImageCaptureDescriptorDataInfoEXT)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} pData = Ref{Ptr{Cvoid}}() @check @dispatch(device, vkGetImageOpaqueCaptureDescriptorDataEXT(device, info, pData)) pData[] end """ Extension: VK\\_EXT\\_descriptor\\_buffer Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::_ImageViewCaptureDescriptorDataInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageViewOpaqueCaptureDescriptorDataEXT.html) """ function _get_image_view_opaque_capture_descriptor_data_ext(device, info::_ImageViewCaptureDescriptorDataInfoEXT)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} pData = Ref{Ptr{Cvoid}}() @check @dispatch(device, vkGetImageViewOpaqueCaptureDescriptorDataEXT(device, info, pData)) pData[] end """ Extension: VK\\_EXT\\_descriptor\\_buffer Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::_SamplerCaptureDescriptorDataInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSamplerOpaqueCaptureDescriptorDataEXT.html) """ function _get_sampler_opaque_capture_descriptor_data_ext(device, info::_SamplerCaptureDescriptorDataInfoEXT)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} pData = Ref{Ptr{Cvoid}}() @check @dispatch(device, vkGetSamplerOpaqueCaptureDescriptorDataEXT(device, info, pData)) pData[] end """ Extension: VK\\_EXT\\_descriptor\\_buffer Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::_AccelerationStructureCaptureDescriptorDataInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetAccelerationStructureOpaqueCaptureDescriptorDataEXT.html) """ function _get_acceleration_structure_opaque_capture_descriptor_data_ext(device, info::_AccelerationStructureCaptureDescriptorDataInfoEXT)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} pData = Ref{Ptr{Cvoid}}() @check @dispatch(device, vkGetAccelerationStructureOpaqueCaptureDescriptorDataEXT(device, info, pData)) pData[] end """ Extension: VK\\_EXT\\_pageable\\_device\\_local\\_memory Arguments: - `device::Device` - `memory::DeviceMemory` - `priority::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetDeviceMemoryPriorityEXT.html) """ _set_device_memory_priority_ext(device, memory, priority::Real)::Cvoid = @dispatch(device, vkSetDeviceMemoryPriorityEXT(device, memory, priority)) """ Extension: VK\\_EXT\\_acquire\\_drm\\_display Return codes: - `SUCCESS` - `ERROR_INITIALIZATION_FAILED` Arguments: - `physical_device::PhysicalDevice` - `drm_fd::Int32` - `display::DisplayKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAcquireDrmDisplayEXT.html) """ _acquire_drm_display_ext(physical_device, drm_fd::Integer, display)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(instance(physical_device), vkAcquireDrmDisplayEXT(physical_device, drm_fd, display))) """ Extension: VK\\_EXT\\_acquire\\_drm\\_display Return codes: - `SUCCESS` - `ERROR_INITIALIZATION_FAILED` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `drm_fd::Int32` - `connector_id::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDrmDisplayEXT.html) """ function _get_drm_display_ext(physical_device, drm_fd::Integer, connector_id::Integer)::ResultTypes.Result{DisplayKHR, VulkanError} display = Ref{VkDisplayKHR}() @check @dispatch(instance(physical_device), vkGetDrmDisplayEXT(physical_device, drm_fd, connector_id, display)) DisplayKHR(display[], identity, physical_device) end """ Extension: VK\\_KHR\\_present\\_wait Return codes: - `SUCCESS` - `TIMEOUT` - `SUBOPTIMAL_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` - `ERROR_SURFACE_LOST_KHR` - `ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT` Arguments: - `device::Device` - `swapchain::SwapchainKHR` (externsync) - `present_id::UInt64` - `timeout::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkWaitForPresentKHR.html) """ _wait_for_present_khr(device, swapchain, present_id::Integer, timeout::Integer)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkWaitForPresentKHR(device, swapchain, present_id, timeout))) """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `rendering_info::_RenderingInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginRendering.html) """ _cmd_begin_rendering(command_buffer, rendering_info::_RenderingInfo)::Cvoid = @dispatch(device(command_buffer), vkCmdBeginRendering(command_buffer, rendering_info)) """ Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndRendering.html) """ _cmd_end_rendering(command_buffer)::Cvoid = @dispatch(device(command_buffer), vkCmdEndRendering(command_buffer)) """ Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping Arguments: - `device::Device` - `binding_reference::_DescriptorSetBindingReferenceVALVE` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDescriptorSetLayoutHostMappingInfoVALVE.html) """ function _get_descriptor_set_layout_host_mapping_info_valve(device, binding_reference::_DescriptorSetBindingReferenceVALVE)::_DescriptorSetLayoutHostMappingInfoVALVE pHostMapping = Ref{VkDescriptorSetLayoutHostMappingInfoVALVE}() @dispatch device vkGetDescriptorSetLayoutHostMappingInfoVALVE(device, binding_reference, pHostMapping) from_vk(_DescriptorSetLayoutHostMappingInfoVALVE, pHostMapping[]) end """ Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping Arguments: - `device::Device` - `descriptor_set::DescriptorSet` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDescriptorSetHostMappingVALVE.html) """ function _get_descriptor_set_host_mapping_valve(device, descriptor_set)::Ptr{Cvoid} ppData = Ref{Ptr{Cvoid}}() @dispatch device vkGetDescriptorSetHostMappingVALVE(device, descriptor_set, ppData) ppData[] end """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `create_info::_MicromapCreateInfoEXT` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateMicromapEXT.html) """ function _create_micromap_ext(device, create_info::_MicromapCreateInfoEXT; allocator = C_NULL)::ResultTypes.Result{MicromapEXT, VulkanError} pMicromap = Ref{VkMicromapEXT}() @check @dispatch(device, vkCreateMicromapEXT(device, create_info, allocator, pMicromap)) MicromapEXT(pMicromap[], begin parent = Vk.handle(device) x->_destroy_micromap_ext(parent, x; allocator) end, device) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `command_buffer::CommandBuffer` (externsync) - `infos::Vector{_MicromapBuildInfoEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBuildMicromapsEXT.html) """ _cmd_build_micromaps_ext(command_buffer, infos::AbstractArray)::Cvoid = @dispatch(device(command_buffer), vkCmdBuildMicromapsEXT(command_buffer, pointer_length(infos), infos)) """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `infos::Vector{_MicromapBuildInfoEXT}` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBuildMicromapsEXT.html) """ _build_micromaps_ext(device, infos::AbstractArray; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkBuildMicromapsEXT(device, deferred_operation, pointer_length(infos), infos))) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `device::Device` - `micromap::MicromapEXT` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyMicromapEXT.html) """ _destroy_micromap_ext(device, micromap; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyMicromapEXT(device, micromap, allocator)) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::_CopyMicromapInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyMicromapEXT.html) """ _cmd_copy_micromap_ext(command_buffer, info::_CopyMicromapInfoEXT)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyMicromapEXT(command_buffer, info)) """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::_CopyMicromapInfoEXT` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCopyMicromapEXT.html) """ _copy_micromap_ext(device, info::_CopyMicromapInfoEXT; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkCopyMicromapEXT(device, deferred_operation, info))) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::_CopyMicromapToMemoryInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyMicromapToMemoryEXT.html) """ _cmd_copy_micromap_to_memory_ext(command_buffer, info::_CopyMicromapToMemoryInfoEXT)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyMicromapToMemoryEXT(command_buffer, info)) """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::_CopyMicromapToMemoryInfoEXT` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCopyMicromapToMemoryEXT.html) """ _copy_micromap_to_memory_ext(device, info::_CopyMicromapToMemoryInfoEXT; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkCopyMicromapToMemoryEXT(device, deferred_operation, info))) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::_CopyMemoryToMicromapInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyMemoryToMicromapEXT.html) """ _cmd_copy_memory_to_micromap_ext(command_buffer, info::_CopyMemoryToMicromapInfoEXT)::Cvoid = @dispatch(device(command_buffer), vkCmdCopyMemoryToMicromapEXT(command_buffer, info)) """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::_CopyMemoryToMicromapInfoEXT` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCopyMemoryToMicromapEXT.html) """ _copy_memory_to_micromap_ext(device, info::_CopyMemoryToMicromapInfoEXT; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkCopyMemoryToMicromapEXT(device, deferred_operation, info))) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `command_buffer::CommandBuffer` (externsync) - `micromaps::Vector{MicromapEXT}` - `query_type::QueryType` - `query_pool::QueryPool` - `first_query::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteMicromapsPropertiesEXT.html) """ _cmd_write_micromaps_properties_ext(command_buffer, micromaps::AbstractArray, query_type::QueryType, query_pool, first_query::Integer)::Cvoid = @dispatch(device(command_buffer), vkCmdWriteMicromapsPropertiesEXT(command_buffer, pointer_length(micromaps), micromaps, query_type, query_pool, first_query)) """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `micromaps::Vector{MicromapEXT}` - `query_type::QueryType` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) - `stride::UInt` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkWriteMicromapsPropertiesEXT.html) """ _write_micromaps_properties_ext(device, micromaps::AbstractArray, query_type::QueryType, data_size::Integer, data::Ptr{Cvoid}, stride::Integer)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkWriteMicromapsPropertiesEXT(device, pointer_length(micromaps), micromaps, query_type, data_size, data, stride))) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `device::Device` - `version_info::_MicromapVersionInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceMicromapCompatibilityEXT.html) """ function _get_device_micromap_compatibility_ext(device, version_info::_MicromapVersionInfoEXT)::AccelerationStructureCompatibilityKHR pCompatibility = Ref{VkAccelerationStructureCompatibilityKHR}() @dispatch device vkGetDeviceMicromapCompatibilityEXT(device, version_info, pCompatibility) pCompatibility[] end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `device::Device` - `build_type::AccelerationStructureBuildTypeKHR` - `build_info::_MicromapBuildInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetMicromapBuildSizesEXT.html) """ function _get_micromap_build_sizes_ext(device, build_type::AccelerationStructureBuildTypeKHR, build_info::_MicromapBuildInfoEXT)::_MicromapBuildSizesInfoEXT pSizeInfo = Ref{VkMicromapBuildSizesInfoEXT}() @dispatch device vkGetMicromapBuildSizesEXT(device, build_type, build_info, pSizeInfo) from_vk(_MicromapBuildSizesInfoEXT, pSizeInfo[]) end """ Extension: VK\\_EXT\\_shader\\_module\\_identifier Arguments: - `device::Device` - `shader_module::ShaderModule` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetShaderModuleIdentifierEXT.html) """ function _get_shader_module_identifier_ext(device, shader_module)::_ShaderModuleIdentifierEXT pIdentifier = Ref{VkShaderModuleIdentifierEXT}() @dispatch device vkGetShaderModuleIdentifierEXT(device, shader_module, pIdentifier) from_vk(_ShaderModuleIdentifierEXT, pIdentifier[]) end """ Extension: VK\\_EXT\\_shader\\_module\\_identifier Arguments: - `device::Device` - `create_info::_ShaderModuleCreateInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetShaderModuleCreateInfoIdentifierEXT.html) """ function _get_shader_module_create_info_identifier_ext(device, create_info::_ShaderModuleCreateInfo)::_ShaderModuleIdentifierEXT pIdentifier = Ref{VkShaderModuleIdentifierEXT}() @dispatch device vkGetShaderModuleCreateInfoIdentifierEXT(device, create_info, pIdentifier) from_vk(_ShaderModuleIdentifierEXT, pIdentifier[]) end """ Extension: VK\\_EXT\\_image\\_compression\\_control Arguments: - `device::Device` - `image::Image` - `subresource::_ImageSubresource2EXT` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageSubresourceLayout2EXT.html) """ function _get_image_subresource_layout_2_ext(device, image, subresource::_ImageSubresource2EXT, next_types::Type...)::_SubresourceLayout2EXT layout = initialize(_SubresourceLayout2EXT, next_types...) pLayout = Ref(Base.unsafe_convert(VkSubresourceLayout2EXT, layout)) GC.@preserve layout begin @dispatch device vkGetImageSubresourceLayout2EXT(device, image, subresource, pLayout) _SubresourceLayout2EXT(pLayout[], Any[layout]) end end """ Extension: VK\\_EXT\\_pipeline\\_properties Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `pipeline_info::VkPipelineInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPipelinePropertiesEXT.html) """ function _get_pipeline_properties_ext(device, pipeline_info::VkPipelineInfoEXT)::ResultTypes.Result{_BaseOutStructure, VulkanError} pPipelineProperties = Ref{VkBaseOutStructure}() @check @dispatch(device, vkGetPipelinePropertiesEXT(device, Ref(pipeline_info), pPipelineProperties)) from_vk(_BaseOutStructure, pPipelineProperties[]) end """ Extension: VK\\_QCOM\\_tile\\_properties Arguments: - `device::Device` - `framebuffer::Framebuffer` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetFramebufferTilePropertiesQCOM.html) """ function _get_framebuffer_tile_properties_qcom(device, framebuffer)::Vector{_TilePropertiesQCOM} pPropertiesCount = Ref{UInt32}() @repeat_while_incomplete begin @dispatch device vkGetFramebufferTilePropertiesQCOM(device, framebuffer, pPropertiesCount, C_NULL) pProperties = Vector{VkTilePropertiesQCOM}(undef, pPropertiesCount[]) @dispatch device vkGetFramebufferTilePropertiesQCOM(device, framebuffer, pPropertiesCount, pProperties) end from_vk.(_TilePropertiesQCOM, pProperties) end """ Extension: VK\\_QCOM\\_tile\\_properties Arguments: - `device::Device` - `rendering_info::_RenderingInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDynamicRenderingTilePropertiesQCOM.html) """ function _get_dynamic_rendering_tile_properties_qcom(device, rendering_info::_RenderingInfo)::_TilePropertiesQCOM pProperties = Ref{VkTilePropertiesQCOM}() @dispatch device vkGetDynamicRenderingTilePropertiesQCOM(device, rendering_info, pProperties) from_vk(_TilePropertiesQCOM, pProperties[]) end """ Extension: VK\\_NV\\_optical\\_flow Return codes: - `SUCCESS` - `ERROR_EXTENSION_NOT_PRESENT` - `ERROR_INITIALIZATION_FAILED` - `ERROR_FORMAT_NOT_SUPPORTED` Arguments: - `physical_device::PhysicalDevice` - `optical_flow_image_format_info::_OpticalFlowImageFormatInfoNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceOpticalFlowImageFormatsNV.html) """ function _get_physical_device_optical_flow_image_formats_nv(physical_device, optical_flow_image_format_info::_OpticalFlowImageFormatInfoNV)::ResultTypes.Result{Vector{_OpticalFlowImageFormatPropertiesNV}, VulkanError} pFormatCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch(instance(physical_device), vkGetPhysicalDeviceOpticalFlowImageFormatsNV(physical_device, optical_flow_image_format_info, pFormatCount, C_NULL)) pImageFormatProperties = Vector{VkOpticalFlowImageFormatPropertiesNV}(undef, pFormatCount[]) @check @dispatch(instance(physical_device), vkGetPhysicalDeviceOpticalFlowImageFormatsNV(physical_device, optical_flow_image_format_info, pFormatCount, pImageFormatProperties)) end from_vk.(_OpticalFlowImageFormatPropertiesNV, pImageFormatProperties) end """ Extension: VK\\_NV\\_optical\\_flow Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `create_info::_OpticalFlowSessionCreateInfoNV` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateOpticalFlowSessionNV.html) """ function _create_optical_flow_session_nv(device, create_info::_OpticalFlowSessionCreateInfoNV; allocator = C_NULL)::ResultTypes.Result{OpticalFlowSessionNV, VulkanError} pSession = Ref{VkOpticalFlowSessionNV}() @check @dispatch(device, vkCreateOpticalFlowSessionNV(device, create_info, allocator, pSession)) OpticalFlowSessionNV(pSession[], begin parent = Vk.handle(device) x->_destroy_optical_flow_session_nv(parent, x; allocator) end, device) end """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `device::Device` - `session::OpticalFlowSessionNV` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyOpticalFlowSessionNV.html) """ _destroy_optical_flow_session_nv(device, session; allocator = C_NULL)::Cvoid = @dispatch(device, vkDestroyOpticalFlowSessionNV(device, session, allocator)) """ Extension: VK\\_NV\\_optical\\_flow Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `session::OpticalFlowSessionNV` - `binding_point::OpticalFlowSessionBindingPointNV` - `layout::ImageLayout` - `view::ImageView`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindOpticalFlowSessionImageNV.html) """ _bind_optical_flow_session_image_nv(device, session, binding_point::OpticalFlowSessionBindingPointNV, layout::ImageLayout; view = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkBindOpticalFlowSessionImageNV(device, session, binding_point, view, layout))) """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `command_buffer::CommandBuffer` - `session::OpticalFlowSessionNV` - `execute_info::_OpticalFlowExecuteInfoNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdOpticalFlowExecuteNV.html) """ _cmd_optical_flow_execute_nv(command_buffer, session, execute_info::_OpticalFlowExecuteInfoNV)::Cvoid = @dispatch(device(command_buffer), vkCmdOpticalFlowExecuteNV(command_buffer, session, execute_info)) """ Extension: VK\\_EXT\\_device\\_fault Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceFaultInfoEXT.html) """ function _get_device_fault_info_ext(device)::ResultTypes.Result{Tuple{_DeviceFaultCountsEXT, _DeviceFaultInfoEXT}, VulkanError} pFaultCounts = Ref{VkDeviceFaultCountsEXT}() pFaultInfo = Ref{VkDeviceFaultInfoEXT}() @check @dispatch(device, vkGetDeviceFaultInfoEXT(device, pFaultCounts, pFaultInfo)) (from_vk(_DeviceFaultCountsEXT, pFaultCounts[]), from_vk(_DeviceFaultInfoEXT, pFaultInfo[])) end """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Return codes: - `SUCCESS` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `release_info::_ReleaseSwapchainImagesInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkReleaseSwapchainImagesEXT.html) """ _release_swapchain_images_ext(device, release_info::_ReleaseSwapchainImagesInfoEXT)::ResultTypes.Result{Result, VulkanError} = @check(@dispatch(device, vkReleaseSwapchainImagesEXT(device, release_info))) function _create_instance(create_info::_InstanceCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Instance, VulkanError} pInstance = Ref{VkInstance}() @check vkCreateInstance(create_info, allocator, pInstance, fptr_create) @fill_dispatch_table Instance(pInstance[], (x->_destroy_instance(x, fptr_destroy; allocator))) end _destroy_instance(instance, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyInstance(instance, allocator, fptr) function _enumerate_physical_devices(instance, fptr::FunctionPtr)::ResultTypes.Result{Vector{PhysicalDevice}, VulkanError} pPhysicalDeviceCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkEnumeratePhysicalDevices(instance, pPhysicalDeviceCount, C_NULL, fptr) pPhysicalDevices = Vector{VkPhysicalDevice}(undef, pPhysicalDeviceCount[]) @check vkEnumeratePhysicalDevices(instance, pPhysicalDeviceCount, pPhysicalDevices, fptr) end PhysicalDevice.(pPhysicalDevices, identity, instance) end _get_device_proc_addr(device, name::AbstractString, fptr::FunctionPtr)::FunctionPtr = vkGetDeviceProcAddr(device, name, fptr) _get_instance_proc_addr(name::AbstractString, fptr::FunctionPtr; instance = C_NULL)::FunctionPtr = vkGetInstanceProcAddr(instance, name, fptr) function _get_physical_device_properties(physical_device, fptr::FunctionPtr)::_PhysicalDeviceProperties pProperties = Ref{VkPhysicalDeviceProperties}() vkGetPhysicalDeviceProperties(physical_device, pProperties, fptr) from_vk(_PhysicalDeviceProperties, pProperties[]) end function _get_physical_device_queue_family_properties(physical_device, fptr::FunctionPtr)::Vector{_QueueFamilyProperties} pQueueFamilyPropertyCount = Ref{UInt32}() vkGetPhysicalDeviceQueueFamilyProperties(physical_device, pQueueFamilyPropertyCount, C_NULL, fptr) pQueueFamilyProperties = Vector{VkQueueFamilyProperties}(undef, pQueueFamilyPropertyCount[]) vkGetPhysicalDeviceQueueFamilyProperties(physical_device, pQueueFamilyPropertyCount, pQueueFamilyProperties, fptr) from_vk.(_QueueFamilyProperties, pQueueFamilyProperties) end function _get_physical_device_memory_properties(physical_device, fptr::FunctionPtr)::_PhysicalDeviceMemoryProperties pMemoryProperties = Ref{VkPhysicalDeviceMemoryProperties}() vkGetPhysicalDeviceMemoryProperties(physical_device, pMemoryProperties, fptr) from_vk(_PhysicalDeviceMemoryProperties, pMemoryProperties[]) end function _get_physical_device_features(physical_device, fptr::FunctionPtr)::_PhysicalDeviceFeatures pFeatures = Ref{VkPhysicalDeviceFeatures}() vkGetPhysicalDeviceFeatures(physical_device, pFeatures, fptr) from_vk(_PhysicalDeviceFeatures, pFeatures[]) end function _get_physical_device_format_properties(physical_device, format::Format, fptr::FunctionPtr)::_FormatProperties pFormatProperties = Ref{VkFormatProperties}() vkGetPhysicalDeviceFormatProperties(physical_device, format, pFormatProperties, fptr) from_vk(_FormatProperties, pFormatProperties[]) end function _get_physical_device_image_format_properties(physical_device, format::Format, type::ImageType, tiling::ImageTiling, usage::ImageUsageFlag, fptr::FunctionPtr; flags = 0)::ResultTypes.Result{_ImageFormatProperties, VulkanError} pImageFormatProperties = Ref{VkImageFormatProperties}() @check vkGetPhysicalDeviceImageFormatProperties(physical_device, format, type, tiling, usage, flags, pImageFormatProperties, fptr) from_vk(_ImageFormatProperties, pImageFormatProperties[]) end function _create_device(physical_device, create_info::_DeviceCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Device, VulkanError} pDevice = Ref{VkDevice}() @check vkCreateDevice(physical_device, create_info, allocator, pDevice, fptr_create) @fill_dispatch_table Device(pDevice[], (x->_destroy_device(x, fptr_destroy; allocator)), physical_device) end _destroy_device(device, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyDevice(device, allocator, fptr) function _enumerate_instance_version(fptr::FunctionPtr)::ResultTypes.Result{VersionNumber, VulkanError} pApiVersion = Ref{UInt32}() @check vkEnumerateInstanceVersion(pApiVersion, fptr) from_vk(VersionNumber, pApiVersion[]) end function _enumerate_instance_layer_properties(fptr::FunctionPtr)::ResultTypes.Result{Vector{_LayerProperties}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkEnumerateInstanceLayerProperties(pPropertyCount, C_NULL, fptr) pProperties = Vector{VkLayerProperties}(undef, pPropertyCount[]) @check vkEnumerateInstanceLayerProperties(pPropertyCount, pProperties, fptr) end from_vk.(_LayerProperties, pProperties) end function _enumerate_instance_extension_properties(fptr::FunctionPtr; layer_name = C_NULL)::ResultTypes.Result{Vector{_ExtensionProperties}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkEnumerateInstanceExtensionProperties(layer_name, pPropertyCount, C_NULL, fptr) pProperties = Vector{VkExtensionProperties}(undef, pPropertyCount[]) @check vkEnumerateInstanceExtensionProperties(layer_name, pPropertyCount, pProperties, fptr) end from_vk.(_ExtensionProperties, pProperties) end function _enumerate_device_layer_properties(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{_LayerProperties}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkEnumerateDeviceLayerProperties(physical_device, pPropertyCount, C_NULL, fptr) pProperties = Vector{VkLayerProperties}(undef, pPropertyCount[]) @check vkEnumerateDeviceLayerProperties(physical_device, pPropertyCount, pProperties, fptr) end from_vk.(_LayerProperties, pProperties) end function _enumerate_device_extension_properties(physical_device, fptr::FunctionPtr; layer_name = C_NULL)::ResultTypes.Result{Vector{_ExtensionProperties}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkEnumerateDeviceExtensionProperties(physical_device, layer_name, pPropertyCount, C_NULL, fptr) pProperties = Vector{VkExtensionProperties}(undef, pPropertyCount[]) @check vkEnumerateDeviceExtensionProperties(physical_device, layer_name, pPropertyCount, pProperties, fptr) end from_vk.(_ExtensionProperties, pProperties) end function _get_device_queue(device, queue_family_index::Integer, queue_index::Integer, fptr::FunctionPtr)::Queue pQueue = Ref{VkQueue}() vkGetDeviceQueue(device, queue_family_index, queue_index, pQueue, fptr) Queue(pQueue[], identity, device) end _queue_submit(queue, submits::AbstractArray, fptr::FunctionPtr; fence = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkQueueSubmit(queue, pointer_length(submits), submits, fence, fptr)) _queue_wait_idle(queue, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkQueueWaitIdle(queue, fptr)) _device_wait_idle(device, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkDeviceWaitIdle(device, fptr)) function _allocate_memory(device, allocate_info::_MemoryAllocateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DeviceMemory, VulkanError} pMemory = Ref{VkDeviceMemory}() @check vkAllocateMemory(device, allocate_info, allocator, pMemory, fptr_create) DeviceMemory(pMemory[], begin parent = Vk.handle(device) x->_free_memory(parent, x, fptr_destroy; allocator) end, device) end _free_memory(device, memory, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkFreeMemory(device, memory, allocator, fptr) function _map_memory(device, memory, offset::Integer, size::Integer, fptr::FunctionPtr; flags = 0)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} ppData = Ref{Ptr{Cvoid}}() @check vkMapMemory(device, memory, offset, size, flags, ppData, fptr) ppData[] end _unmap_memory(device, memory, fptr::FunctionPtr)::Cvoid = vkUnmapMemory(device, memory, fptr) _flush_mapped_memory_ranges(device, memory_ranges::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkFlushMappedMemoryRanges(device, pointer_length(memory_ranges), memory_ranges, fptr)) _invalidate_mapped_memory_ranges(device, memory_ranges::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkInvalidateMappedMemoryRanges(device, pointer_length(memory_ranges), memory_ranges, fptr)) function _get_device_memory_commitment(device, memory, fptr::FunctionPtr)::UInt64 pCommittedMemoryInBytes = Ref{VkDeviceSize}() vkGetDeviceMemoryCommitment(device, memory, pCommittedMemoryInBytes, fptr) pCommittedMemoryInBytes[] end function _get_buffer_memory_requirements(device, buffer, fptr::FunctionPtr)::_MemoryRequirements pMemoryRequirements = Ref{VkMemoryRequirements}() vkGetBufferMemoryRequirements(device, buffer, pMemoryRequirements, fptr) from_vk(_MemoryRequirements, pMemoryRequirements[]) end _bind_buffer_memory(device, buffer, memory, memory_offset::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkBindBufferMemory(device, buffer, memory, memory_offset, fptr)) function _get_image_memory_requirements(device, image, fptr::FunctionPtr)::_MemoryRequirements pMemoryRequirements = Ref{VkMemoryRequirements}() vkGetImageMemoryRequirements(device, image, pMemoryRequirements, fptr) from_vk(_MemoryRequirements, pMemoryRequirements[]) end _bind_image_memory(device, image, memory, memory_offset::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkBindImageMemory(device, image, memory, memory_offset, fptr)) function _get_image_sparse_memory_requirements(device, image, fptr::FunctionPtr)::Vector{_SparseImageMemoryRequirements} pSparseMemoryRequirementCount = Ref{UInt32}() vkGetImageSparseMemoryRequirements(device, image, pSparseMemoryRequirementCount, C_NULL, fptr) pSparseMemoryRequirements = Vector{VkSparseImageMemoryRequirements}(undef, pSparseMemoryRequirementCount[]) vkGetImageSparseMemoryRequirements(device, image, pSparseMemoryRequirementCount, pSparseMemoryRequirements, fptr) from_vk.(_SparseImageMemoryRequirements, pSparseMemoryRequirements) end function _get_physical_device_sparse_image_format_properties(physical_device, format::Format, type::ImageType, samples::SampleCountFlag, usage::ImageUsageFlag, tiling::ImageTiling, fptr::FunctionPtr)::Vector{_SparseImageFormatProperties} pPropertyCount = Ref{UInt32}() vkGetPhysicalDeviceSparseImageFormatProperties(physical_device, format, type, VkSampleCountFlagBits(samples.val), usage, tiling, pPropertyCount, C_NULL, fptr) pProperties = Vector{VkSparseImageFormatProperties}(undef, pPropertyCount[]) vkGetPhysicalDeviceSparseImageFormatProperties(physical_device, format, type, VkSampleCountFlagBits(samples.val), usage, tiling, pPropertyCount, pProperties, fptr) from_vk.(_SparseImageFormatProperties, pProperties) end _queue_bind_sparse(queue, bind_info::AbstractArray, fptr::FunctionPtr; fence = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkQueueBindSparse(queue, pointer_length(bind_info), bind_info, fence, fptr)) function _create_fence(device, create_info::_FenceCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Fence, VulkanError} pFence = Ref{VkFence}() @check vkCreateFence(device, create_info, allocator, pFence, fptr_create) Fence(pFence[], begin parent = Vk.handle(device) x->_destroy_fence(parent, x, fptr_destroy; allocator) end, device) end _destroy_fence(device, fence, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyFence(device, fence, allocator, fptr) _reset_fences(device, fences::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkResetFences(device, pointer_length(fences), fences, fptr)) _get_fence_status(device, fence, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkGetFenceStatus(device, fence, fptr)) _wait_for_fences(device, fences::AbstractArray, wait_all::Bool, timeout::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkWaitForFences(device, pointer_length(fences), fences, wait_all, timeout, fptr)) function _create_semaphore(device, create_info::_SemaphoreCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Semaphore, VulkanError} pSemaphore = Ref{VkSemaphore}() @check vkCreateSemaphore(device, create_info, allocator, pSemaphore, fptr_create) Semaphore(pSemaphore[], begin parent = Vk.handle(device) x->_destroy_semaphore(parent, x, fptr_destroy; allocator) end, device) end _destroy_semaphore(device, semaphore, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroySemaphore(device, semaphore, allocator, fptr) function _create_event(device, create_info::_EventCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Event, VulkanError} pEvent = Ref{VkEvent}() @check vkCreateEvent(device, create_info, allocator, pEvent, fptr_create) Event(pEvent[], begin parent = Vk.handle(device) x->_destroy_event(parent, x, fptr_destroy; allocator) end, device) end _destroy_event(device, event, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyEvent(device, event, allocator, fptr) _get_event_status(device, event, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkGetEventStatus(device, event, fptr)) _set_event(device, event, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkSetEvent(device, event, fptr)) _reset_event(device, event, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkResetEvent(device, event, fptr)) function _create_query_pool(device, create_info::_QueryPoolCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{QueryPool, VulkanError} pQueryPool = Ref{VkQueryPool}() @check vkCreateQueryPool(device, create_info, allocator, pQueryPool, fptr_create) QueryPool(pQueryPool[], begin parent = Vk.handle(device) x->_destroy_query_pool(parent, x, fptr_destroy; allocator) end, device) end _destroy_query_pool(device, query_pool, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyQueryPool(device, query_pool, allocator, fptr) _get_query_pool_results(device, query_pool, first_query::Integer, query_count::Integer, data_size::Integer, data::Ptr{Cvoid}, stride::Integer, fptr::FunctionPtr; flags = 0)::ResultTypes.Result{Result, VulkanError} = @check(vkGetQueryPoolResults(device, query_pool, first_query, query_count, data_size, data, stride, flags, fptr)) _reset_query_pool(device, query_pool, first_query::Integer, query_count::Integer, fptr::FunctionPtr)::Cvoid = vkResetQueryPool(device, query_pool, first_query, query_count, fptr) function _create_buffer(device, create_info::_BufferCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Buffer, VulkanError} pBuffer = Ref{VkBuffer}() @check vkCreateBuffer(device, create_info, allocator, pBuffer, fptr_create) Buffer(pBuffer[], begin parent = Vk.handle(device) x->_destroy_buffer(parent, x, fptr_destroy; allocator) end, device) end _destroy_buffer(device, buffer, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyBuffer(device, buffer, allocator, fptr) function _create_buffer_view(device, create_info::_BufferViewCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{BufferView, VulkanError} pView = Ref{VkBufferView}() @check vkCreateBufferView(device, create_info, allocator, pView, fptr_create) BufferView(pView[], begin parent = Vk.handle(device) x->_destroy_buffer_view(parent, x, fptr_destroy; allocator) end, device) end _destroy_buffer_view(device, buffer_view, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyBufferView(device, buffer_view, allocator, fptr) function _create_image(device, create_info::_ImageCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Image, VulkanError} pImage = Ref{VkImage}() @check vkCreateImage(device, create_info, allocator, pImage, fptr_create) Image(pImage[], begin parent = Vk.handle(device) x->_destroy_image(parent, x, fptr_destroy; allocator) end, device) end _destroy_image(device, image, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyImage(device, image, allocator, fptr) function _get_image_subresource_layout(device, image, subresource::_ImageSubresource, fptr::FunctionPtr)::_SubresourceLayout pLayout = Ref{VkSubresourceLayout}() vkGetImageSubresourceLayout(device, image, subresource, pLayout, fptr) from_vk(_SubresourceLayout, pLayout[]) end function _create_image_view(device, create_info::_ImageViewCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{ImageView, VulkanError} pView = Ref{VkImageView}() @check vkCreateImageView(device, create_info, allocator, pView, fptr_create) ImageView(pView[], begin parent = Vk.handle(device) x->_destroy_image_view(parent, x, fptr_destroy; allocator) end, device) end _destroy_image_view(device, image_view, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyImageView(device, image_view, allocator, fptr) function _create_shader_module(device, create_info::_ShaderModuleCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{ShaderModule, VulkanError} pShaderModule = Ref{VkShaderModule}() @check vkCreateShaderModule(device, create_info, allocator, pShaderModule, fptr_create) ShaderModule(pShaderModule[], begin parent = Vk.handle(device) x->_destroy_shader_module(parent, x, fptr_destroy; allocator) end, device) end _destroy_shader_module(device, shader_module, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyShaderModule(device, shader_module, allocator, fptr) function _create_pipeline_cache(device, create_info::_PipelineCacheCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{PipelineCache, VulkanError} pPipelineCache = Ref{VkPipelineCache}() @check vkCreatePipelineCache(device, create_info, allocator, pPipelineCache, fptr_create) PipelineCache(pPipelineCache[], begin parent = Vk.handle(device) x->_destroy_pipeline_cache(parent, x, fptr_destroy; allocator) end, device) end _destroy_pipeline_cache(device, pipeline_cache, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyPipelineCache(device, pipeline_cache, allocator, fptr) function _get_pipeline_cache_data(device, pipeline_cache, fptr::FunctionPtr)::ResultTypes.Result{Tuple{UInt, Ptr{Cvoid}}, VulkanError} pDataSize = Ref{UInt}() @repeat_while_incomplete begin @check vkGetPipelineCacheData(device, pipeline_cache, pDataSize, C_NULL, fptr) pData = Libc.malloc(pDataSize[]) @check vkGetPipelineCacheData(device, pipeline_cache, pDataSize, pData, fptr) if _return_code == VK_INCOMPLETE Libc.free(pData) end end (pDataSize[], pData) end _merge_pipeline_caches(device, dst_cache, src_caches::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkMergePipelineCaches(device, dst_cache, pointer_length(src_caches), src_caches, fptr)) function _create_graphics_pipelines(device, create_infos::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} pPipelines = Vector{VkPipeline}(undef, pointer_length(create_infos)) @check vkCreateGraphicsPipelines(device, pipeline_cache, pointer_length(create_infos), create_infos, allocator, pPipelines, fptr_create) (Pipeline.(pPipelines, begin parent = Vk.handle(device) x->_destroy_pipeline(parent, x, fptr_destroy; allocator) end, device), _return_code) end function _create_compute_pipelines(device, create_infos::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} pPipelines = Vector{VkPipeline}(undef, pointer_length(create_infos)) @check vkCreateComputePipelines(device, pipeline_cache, pointer_length(create_infos), create_infos, allocator, pPipelines, fptr_create) (Pipeline.(pPipelines, begin parent = Vk.handle(device) x->_destroy_pipeline(parent, x, fptr_destroy; allocator) end, device), _return_code) end function _get_device_subpass_shading_max_workgroup_size_huawei(device, renderpass, fptr::FunctionPtr)::ResultTypes.Result{_Extent2D, VulkanError} pMaxWorkgroupSize = Ref{VkExtent2D}() @check vkGetDeviceSubpassShadingMaxWorkgroupSizeHUAWEI(device, renderpass, pMaxWorkgroupSize, fptr) from_vk(_Extent2D, pMaxWorkgroupSize[]) end _destroy_pipeline(device, pipeline, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyPipeline(device, pipeline, allocator, fptr) function _create_pipeline_layout(device, create_info::_PipelineLayoutCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{PipelineLayout, VulkanError} pPipelineLayout = Ref{VkPipelineLayout}() @check vkCreatePipelineLayout(device, create_info, allocator, pPipelineLayout, fptr_create) PipelineLayout(pPipelineLayout[], begin parent = Vk.handle(device) x->_destroy_pipeline_layout(parent, x, fptr_destroy; allocator) end, device) end _destroy_pipeline_layout(device, pipeline_layout, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyPipelineLayout(device, pipeline_layout, allocator, fptr) function _create_sampler(device, create_info::_SamplerCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Sampler, VulkanError} pSampler = Ref{VkSampler}() @check vkCreateSampler(device, create_info, allocator, pSampler, fptr_create) Sampler(pSampler[], begin parent = Vk.handle(device) x->_destroy_sampler(parent, x, fptr_destroy; allocator) end, device) end _destroy_sampler(device, sampler, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroySampler(device, sampler, allocator, fptr) function _create_descriptor_set_layout(device, create_info::_DescriptorSetLayoutCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DescriptorSetLayout, VulkanError} pSetLayout = Ref{VkDescriptorSetLayout}() @check vkCreateDescriptorSetLayout(device, create_info, allocator, pSetLayout, fptr_create) DescriptorSetLayout(pSetLayout[], begin parent = Vk.handle(device) x->_destroy_descriptor_set_layout(parent, x, fptr_destroy; allocator) end, device) end _destroy_descriptor_set_layout(device, descriptor_set_layout, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyDescriptorSetLayout(device, descriptor_set_layout, allocator, fptr) function _create_descriptor_pool(device, create_info::_DescriptorPoolCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DescriptorPool, VulkanError} pDescriptorPool = Ref{VkDescriptorPool}() @check vkCreateDescriptorPool(device, create_info, allocator, pDescriptorPool, fptr_create) DescriptorPool(pDescriptorPool[], begin parent = Vk.handle(device) x->_destroy_descriptor_pool(parent, x, fptr_destroy; allocator) end, device) end _destroy_descriptor_pool(device, descriptor_pool, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyDescriptorPool(device, descriptor_pool, allocator, fptr) function _reset_descriptor_pool(device, descriptor_pool, fptr::FunctionPtr; flags = 0)::Nothing vkResetDescriptorPool(device, descriptor_pool, flags, fptr) nothing end function _allocate_descriptor_sets(device, allocate_info::_DescriptorSetAllocateInfo, fptr_create::FunctionPtr)::ResultTypes.Result{Vector{DescriptorSet}, VulkanError} pDescriptorSets = Vector{VkDescriptorSet}(undef, allocate_info.vks.descriptorSetCount) @check vkAllocateDescriptorSets(device, allocate_info, pDescriptorSets, fptr_create) DescriptorSet.(pDescriptorSets, identity, getproperty(allocate_info, :descriptor_pool)) end function _free_descriptor_sets(device, descriptor_pool, descriptor_sets::AbstractArray, fptr::FunctionPtr)::Nothing vkFreeDescriptorSets(device, descriptor_pool, pointer_length(descriptor_sets), descriptor_sets, fptr) nothing end _update_descriptor_sets(device, descriptor_writes::AbstractArray, descriptor_copies::AbstractArray, fptr::FunctionPtr)::Cvoid = vkUpdateDescriptorSets(device, pointer_length(descriptor_writes), descriptor_writes, pointer_length(descriptor_copies), descriptor_copies, fptr) function _create_framebuffer(device, create_info::_FramebufferCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Framebuffer, VulkanError} pFramebuffer = Ref{VkFramebuffer}() @check vkCreateFramebuffer(device, create_info, allocator, pFramebuffer, fptr_create) Framebuffer(pFramebuffer[], begin parent = Vk.handle(device) x->_destroy_framebuffer(parent, x, fptr_destroy; allocator) end, device) end _destroy_framebuffer(device, framebuffer, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyFramebuffer(device, framebuffer, allocator, fptr) function _create_render_pass(device, create_info::_RenderPassCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{RenderPass, VulkanError} pRenderPass = Ref{VkRenderPass}() @check vkCreateRenderPass(device, create_info, allocator, pRenderPass, fptr_create) RenderPass(pRenderPass[], begin parent = Vk.handle(device) x->_destroy_render_pass(parent, x, fptr_destroy; allocator) end, device) end _destroy_render_pass(device, render_pass, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyRenderPass(device, render_pass, allocator, fptr) function _get_render_area_granularity(device, render_pass, fptr::FunctionPtr)::_Extent2D pGranularity = Ref{VkExtent2D}() vkGetRenderAreaGranularity(device, render_pass, pGranularity, fptr) from_vk(_Extent2D, pGranularity[]) end function _create_command_pool(device, create_info::_CommandPoolCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{CommandPool, VulkanError} pCommandPool = Ref{VkCommandPool}() @check vkCreateCommandPool(device, create_info, allocator, pCommandPool, fptr_create) CommandPool(pCommandPool[], begin parent = Vk.handle(device) x->_destroy_command_pool(parent, x, fptr_destroy; allocator) end, device) end _destroy_command_pool(device, command_pool, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyCommandPool(device, command_pool, allocator, fptr) _reset_command_pool(device, command_pool, fptr::FunctionPtr; flags = 0)::ResultTypes.Result{Result, VulkanError} = @check(vkResetCommandPool(device, command_pool, flags, fptr)) function _allocate_command_buffers(device, allocate_info::_CommandBufferAllocateInfo, fptr_create::FunctionPtr)::ResultTypes.Result{Vector{CommandBuffer}, VulkanError} pCommandBuffers = Vector{VkCommandBuffer}(undef, allocate_info.vks.commandBufferCount) @check vkAllocateCommandBuffers(device, allocate_info, pCommandBuffers, fptr_create) CommandBuffer.(pCommandBuffers, identity, getproperty(allocate_info, :command_pool)) end _free_command_buffers(device, command_pool, command_buffers::AbstractArray, fptr::FunctionPtr)::Cvoid = vkFreeCommandBuffers(device, command_pool, pointer_length(command_buffers), command_buffers, fptr) _begin_command_buffer(command_buffer, begin_info::_CommandBufferBeginInfo, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkBeginCommandBuffer(command_buffer, begin_info, fptr)) _end_command_buffer(command_buffer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkEndCommandBuffer(command_buffer, fptr)) _reset_command_buffer(command_buffer, fptr::FunctionPtr; flags = 0)::ResultTypes.Result{Result, VulkanError} = @check(vkResetCommandBuffer(command_buffer, flags, fptr)) _cmd_bind_pipeline(command_buffer, pipeline_bind_point::PipelineBindPoint, pipeline, fptr::FunctionPtr)::Cvoid = vkCmdBindPipeline(command_buffer, pipeline_bind_point, pipeline, fptr) _cmd_set_viewport(command_buffer, viewports::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetViewport(command_buffer, 0, pointer_length(viewports), viewports, fptr) _cmd_set_scissor(command_buffer, scissors::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetScissor(command_buffer, 0, pointer_length(scissors), scissors, fptr) _cmd_set_line_width(command_buffer, line_width::Real, fptr::FunctionPtr)::Cvoid = vkCmdSetLineWidth(command_buffer, line_width, fptr) _cmd_set_depth_bias(command_buffer, depth_bias_constant_factor::Real, depth_bias_clamp::Real, depth_bias_slope_factor::Real, fptr::FunctionPtr)::Cvoid = vkCmdSetDepthBias(command_buffer, depth_bias_constant_factor, depth_bias_clamp, depth_bias_slope_factor, fptr) _cmd_set_blend_constants(command_buffer, blend_constants::NTuple{4, Float32}, fptr::FunctionPtr)::Cvoid = vkCmdSetBlendConstants(command_buffer, blend_constants, fptr) _cmd_set_depth_bounds(command_buffer, min_depth_bounds::Real, max_depth_bounds::Real, fptr::FunctionPtr)::Cvoid = vkCmdSetDepthBounds(command_buffer, min_depth_bounds, max_depth_bounds, fptr) _cmd_set_stencil_compare_mask(command_buffer, face_mask::StencilFaceFlag, compare_mask::Integer, fptr::FunctionPtr)::Cvoid = vkCmdSetStencilCompareMask(command_buffer, face_mask, compare_mask, fptr) _cmd_set_stencil_write_mask(command_buffer, face_mask::StencilFaceFlag, write_mask::Integer, fptr::FunctionPtr)::Cvoid = vkCmdSetStencilWriteMask(command_buffer, face_mask, write_mask, fptr) _cmd_set_stencil_reference(command_buffer, face_mask::StencilFaceFlag, reference::Integer, fptr::FunctionPtr)::Cvoid = vkCmdSetStencilReference(command_buffer, face_mask, reference, fptr) _cmd_bind_descriptor_sets(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, first_set::Integer, descriptor_sets::AbstractArray, dynamic_offsets::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdBindDescriptorSets(command_buffer, pipeline_bind_point, layout, first_set, pointer_length(descriptor_sets), descriptor_sets, pointer_length(dynamic_offsets), dynamic_offsets, fptr) _cmd_bind_index_buffer(command_buffer, buffer, offset::Integer, index_type::IndexType, fptr::FunctionPtr)::Cvoid = vkCmdBindIndexBuffer(command_buffer, buffer, offset, index_type, fptr) _cmd_bind_vertex_buffers(command_buffer, buffers::AbstractArray, offsets::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdBindVertexBuffers(command_buffer, 0, pointer_length(buffers), buffers, offsets, fptr) _cmd_draw(command_buffer, vertex_count::Integer, instance_count::Integer, first_vertex::Integer, first_instance::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDraw(command_buffer, vertex_count, instance_count, first_vertex, first_instance, fptr) _cmd_draw_indexed(command_buffer, index_count::Integer, instance_count::Integer, first_index::Integer, vertex_offset::Integer, first_instance::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawIndexed(command_buffer, index_count, instance_count, first_index, vertex_offset, first_instance, fptr) _cmd_draw_multi_ext(command_buffer, vertex_info::AbstractArray, instance_count::Integer, first_instance::Integer, stride::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawMultiEXT(command_buffer, pointer_length(vertex_info), vertex_info, instance_count, first_instance, stride, fptr) _cmd_draw_multi_indexed_ext(command_buffer, index_info::AbstractArray, instance_count::Integer, first_instance::Integer, stride::Integer, fptr::FunctionPtr; vertex_offset = C_NULL)::Cvoid = vkCmdDrawMultiIndexedEXT(command_buffer, pointer_length(index_info), index_info, instance_count, first_instance, stride, if vertex_offset == C_NULL C_NULL else Ref(vertex_offset) end, fptr) _cmd_draw_indirect(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawIndirect(command_buffer, buffer, offset, draw_count, stride, fptr) _cmd_draw_indexed_indirect(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawIndexedIndirect(command_buffer, buffer, offset, draw_count, stride, fptr) _cmd_dispatch(command_buffer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDispatch(command_buffer, group_count_x, group_count_y, group_count_z, fptr) _cmd_dispatch_indirect(command_buffer, buffer, offset::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDispatchIndirect(command_buffer, buffer, offset, fptr) _cmd_subpass_shading_huawei(command_buffer, fptr::FunctionPtr)::Cvoid = vkCmdSubpassShadingHUAWEI(command_buffer, fptr) _cmd_draw_cluster_huawei(command_buffer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawClusterHUAWEI(command_buffer, group_count_x, group_count_y, group_count_z, fptr) _cmd_draw_cluster_indirect_huawei(command_buffer, buffer, offset::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawClusterIndirectHUAWEI(command_buffer, buffer, offset, fptr) _cmd_copy_buffer(command_buffer, src_buffer, dst_buffer, regions::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdCopyBuffer(command_buffer, src_buffer, dst_buffer, pointer_length(regions), regions, fptr) _cmd_copy_image(command_buffer, src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdCopyImage(command_buffer, src_image, src_image_layout, dst_image, dst_image_layout, pointer_length(regions), regions, fptr) _cmd_blit_image(command_buffer, src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray, filter::Filter, fptr::FunctionPtr)::Cvoid = vkCmdBlitImage(command_buffer, src_image, src_image_layout, dst_image, dst_image_layout, pointer_length(regions), regions, filter, fptr) _cmd_copy_buffer_to_image(command_buffer, src_buffer, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdCopyBufferToImage(command_buffer, src_buffer, dst_image, dst_image_layout, pointer_length(regions), regions, fptr) _cmd_copy_image_to_buffer(command_buffer, src_image, src_image_layout::ImageLayout, dst_buffer, regions::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdCopyImageToBuffer(command_buffer, src_image, src_image_layout, dst_buffer, pointer_length(regions), regions, fptr) _cmd_copy_memory_indirect_nv(command_buffer, copy_buffer_address::Integer, copy_count::Integer, stride::Integer, fptr::FunctionPtr)::Cvoid = vkCmdCopyMemoryIndirectNV(command_buffer, copy_buffer_address, copy_count, stride, fptr) _cmd_copy_memory_to_image_indirect_nv(command_buffer, copy_buffer_address::Integer, stride::Integer, dst_image, dst_image_layout::ImageLayout, image_subresources::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdCopyMemoryToImageIndirectNV(command_buffer, copy_buffer_address, pointer_length(image_subresources), stride, dst_image, dst_image_layout, image_subresources, fptr) _cmd_update_buffer(command_buffer, dst_buffer, dst_offset::Integer, data_size::Integer, data::Ptr{Cvoid}, fptr::FunctionPtr)::Cvoid = vkCmdUpdateBuffer(command_buffer, dst_buffer, dst_offset, data_size, data, fptr) _cmd_fill_buffer(command_buffer, dst_buffer, dst_offset::Integer, size::Integer, data::Integer, fptr::FunctionPtr)::Cvoid = vkCmdFillBuffer(command_buffer, dst_buffer, dst_offset, size, data, fptr) _cmd_clear_color_image(command_buffer, image, image_layout::ImageLayout, color::_ClearColorValue, ranges::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdClearColorImage(command_buffer, image, image_layout, color, pointer_length(ranges), ranges, fptr) _cmd_clear_depth_stencil_image(command_buffer, image, image_layout::ImageLayout, depth_stencil::_ClearDepthStencilValue, ranges::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdClearDepthStencilImage(command_buffer, image, image_layout, depth_stencil, pointer_length(ranges), ranges, fptr) _cmd_clear_attachments(command_buffer, attachments::AbstractArray, rects::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdClearAttachments(command_buffer, pointer_length(attachments), attachments, pointer_length(rects), rects, fptr) _cmd_resolve_image(command_buffer, src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdResolveImage(command_buffer, src_image, src_image_layout, dst_image, dst_image_layout, pointer_length(regions), regions, fptr) _cmd_set_event(command_buffer, event, fptr::FunctionPtr; stage_mask = 0)::Cvoid = vkCmdSetEvent(command_buffer, event, stage_mask, fptr) _cmd_reset_event(command_buffer, event, fptr::FunctionPtr; stage_mask = 0)::Cvoid = vkCmdResetEvent(command_buffer, event, stage_mask, fptr) _cmd_wait_events(command_buffer, events::AbstractArray, memory_barriers::AbstractArray, buffer_memory_barriers::AbstractArray, image_memory_barriers::AbstractArray, fptr::FunctionPtr; src_stage_mask = 0, dst_stage_mask = 0)::Cvoid = vkCmdWaitEvents(command_buffer, pointer_length(events), events, src_stage_mask, dst_stage_mask, pointer_length(memory_barriers), memory_barriers, pointer_length(buffer_memory_barriers), buffer_memory_barriers, pointer_length(image_memory_barriers), image_memory_barriers, fptr) _cmd_pipeline_barrier(command_buffer, memory_barriers::AbstractArray, buffer_memory_barriers::AbstractArray, image_memory_barriers::AbstractArray, fptr::FunctionPtr; src_stage_mask = 0, dst_stage_mask = 0, dependency_flags = 0)::Cvoid = vkCmdPipelineBarrier(command_buffer, src_stage_mask, dst_stage_mask, dependency_flags, pointer_length(memory_barriers), memory_barriers, pointer_length(buffer_memory_barriers), buffer_memory_barriers, pointer_length(image_memory_barriers), image_memory_barriers, fptr) _cmd_begin_query(command_buffer, query_pool, query::Integer, fptr::FunctionPtr; flags = 0)::Cvoid = vkCmdBeginQuery(command_buffer, query_pool, query, flags, fptr) _cmd_end_query(command_buffer, query_pool, query::Integer, fptr::FunctionPtr)::Cvoid = vkCmdEndQuery(command_buffer, query_pool, query, fptr) _cmd_begin_conditional_rendering_ext(command_buffer, conditional_rendering_begin::_ConditionalRenderingBeginInfoEXT, fptr::FunctionPtr)::Cvoid = vkCmdBeginConditionalRenderingEXT(command_buffer, conditional_rendering_begin, fptr) _cmd_end_conditional_rendering_ext(command_buffer, fptr::FunctionPtr)::Cvoid = vkCmdEndConditionalRenderingEXT(command_buffer, fptr) _cmd_reset_query_pool(command_buffer, query_pool, first_query::Integer, query_count::Integer, fptr::FunctionPtr)::Cvoid = vkCmdResetQueryPool(command_buffer, query_pool, first_query, query_count, fptr) _cmd_write_timestamp(command_buffer, pipeline_stage::PipelineStageFlag, query_pool, query::Integer, fptr::FunctionPtr)::Cvoid = vkCmdWriteTimestamp(command_buffer, VkPipelineStageFlagBits(pipeline_stage.val), query_pool, query, fptr) _cmd_copy_query_pool_results(command_buffer, query_pool, first_query::Integer, query_count::Integer, dst_buffer, dst_offset::Integer, stride::Integer, fptr::FunctionPtr; flags = 0)::Cvoid = vkCmdCopyQueryPoolResults(command_buffer, query_pool, first_query, query_count, dst_buffer, dst_offset, stride, flags, fptr) _cmd_push_constants(command_buffer, layout, stage_flags::ShaderStageFlag, offset::Integer, size::Integer, values::Ptr{Cvoid}, fptr::FunctionPtr)::Cvoid = vkCmdPushConstants(command_buffer, layout, stage_flags, offset, size, values, fptr) _cmd_begin_render_pass(command_buffer, render_pass_begin::_RenderPassBeginInfo, contents::SubpassContents, fptr::FunctionPtr)::Cvoid = vkCmdBeginRenderPass(command_buffer, render_pass_begin, contents, fptr) _cmd_next_subpass(command_buffer, contents::SubpassContents, fptr::FunctionPtr)::Cvoid = vkCmdNextSubpass(command_buffer, contents, fptr) _cmd_end_render_pass(command_buffer, fptr::FunctionPtr)::Cvoid = vkCmdEndRenderPass(command_buffer, fptr) _cmd_execute_commands(command_buffer, command_buffers::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdExecuteCommands(command_buffer, pointer_length(command_buffers), command_buffers, fptr) function _get_physical_device_display_properties_khr(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{_DisplayPropertiesKHR}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceDisplayPropertiesKHR(physical_device, pPropertyCount, C_NULL, fptr) pProperties = Vector{VkDisplayPropertiesKHR}(undef, pPropertyCount[]) @check vkGetPhysicalDeviceDisplayPropertiesKHR(physical_device, pPropertyCount, pProperties, fptr) end from_vk.(_DisplayPropertiesKHR, pProperties) end function _get_physical_device_display_plane_properties_khr(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{_DisplayPlanePropertiesKHR}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceDisplayPlanePropertiesKHR(physical_device, pPropertyCount, C_NULL, fptr) pProperties = Vector{VkDisplayPlanePropertiesKHR}(undef, pPropertyCount[]) @check vkGetPhysicalDeviceDisplayPlanePropertiesKHR(physical_device, pPropertyCount, pProperties, fptr) end from_vk.(_DisplayPlanePropertiesKHR, pProperties) end function _get_display_plane_supported_displays_khr(physical_device, plane_index::Integer, fptr::FunctionPtr)::ResultTypes.Result{Vector{DisplayKHR}, VulkanError} pDisplayCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetDisplayPlaneSupportedDisplaysKHR(physical_device, plane_index, pDisplayCount, C_NULL, fptr) pDisplays = Vector{VkDisplayKHR}(undef, pDisplayCount[]) @check vkGetDisplayPlaneSupportedDisplaysKHR(physical_device, plane_index, pDisplayCount, pDisplays, fptr) end DisplayKHR.(pDisplays, identity, physical_device) end function _get_display_mode_properties_khr(physical_device, display, fptr::FunctionPtr)::ResultTypes.Result{Vector{_DisplayModePropertiesKHR}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetDisplayModePropertiesKHR(physical_device, display, pPropertyCount, C_NULL, fptr) pProperties = Vector{VkDisplayModePropertiesKHR}(undef, pPropertyCount[]) @check vkGetDisplayModePropertiesKHR(physical_device, display, pPropertyCount, pProperties, fptr) end from_vk.(_DisplayModePropertiesKHR, pProperties) end function _create_display_mode_khr(physical_device, display, create_info::_DisplayModeCreateInfoKHR, fptr_create::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DisplayModeKHR, VulkanError} pMode = Ref{VkDisplayModeKHR}() @check vkCreateDisplayModeKHR(physical_device, display, create_info, allocator, pMode, fptr_create) DisplayModeKHR(pMode[], identity, display) end function _get_display_plane_capabilities_khr(physical_device, mode, plane_index::Integer, fptr::FunctionPtr)::ResultTypes.Result{_DisplayPlaneCapabilitiesKHR, VulkanError} pCapabilities = Ref{VkDisplayPlaneCapabilitiesKHR}() @check vkGetDisplayPlaneCapabilitiesKHR(physical_device, mode, plane_index, pCapabilities, fptr) from_vk(_DisplayPlaneCapabilitiesKHR, pCapabilities[]) end function _create_display_plane_surface_khr(instance, create_info::_DisplaySurfaceCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} pSurface = Ref{VkSurfaceKHR}() @check vkCreateDisplayPlaneSurfaceKHR(instance, create_info, allocator, pSurface, fptr_create) SurfaceKHR(pSurface[], begin parent = Vk.handle(instance) x->_destroy_surface_khr(parent, x, fptr_destroy; allocator) end, instance) end function _create_shared_swapchains_khr(device, create_infos::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Vector{SwapchainKHR}, VulkanError} pSwapchains = Vector{VkSwapchainKHR}(undef, pointer_length(create_infos)) @check vkCreateSharedSwapchainsKHR(device, pointer_length(create_infos), create_infos, allocator, pSwapchains, fptr_create) SwapchainKHR.(pSwapchains, begin parent = Vk.handle(device) x->_destroy_swapchain_khr(parent, x, fptr_destroy; allocator) end, device) end _destroy_surface_khr(instance, surface, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroySurfaceKHR(instance, surface, allocator, fptr) function _get_physical_device_surface_support_khr(physical_device, queue_family_index::Integer, surface, fptr::FunctionPtr)::ResultTypes.Result{Bool, VulkanError} pSupported = Ref{VkBool32}() @check vkGetPhysicalDeviceSurfaceSupportKHR(physical_device, queue_family_index, surface, pSupported, fptr) from_vk(Bool, pSupported[]) end function _get_physical_device_surface_capabilities_khr(physical_device, surface, fptr::FunctionPtr)::ResultTypes.Result{_SurfaceCapabilitiesKHR, VulkanError} pSurfaceCapabilities = Ref{VkSurfaceCapabilitiesKHR}() @check vkGetPhysicalDeviceSurfaceCapabilitiesKHR(physical_device, surface, pSurfaceCapabilities, fptr) from_vk(_SurfaceCapabilitiesKHR, pSurfaceCapabilities[]) end function _get_physical_device_surface_formats_khr(physical_device, fptr::FunctionPtr; surface = C_NULL)::ResultTypes.Result{Vector{_SurfaceFormatKHR}, VulkanError} pSurfaceFormatCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceSurfaceFormatsKHR(physical_device, surface, pSurfaceFormatCount, C_NULL, fptr) pSurfaceFormats = Vector{VkSurfaceFormatKHR}(undef, pSurfaceFormatCount[]) @check vkGetPhysicalDeviceSurfaceFormatsKHR(physical_device, surface, pSurfaceFormatCount, pSurfaceFormats, fptr) end from_vk.(_SurfaceFormatKHR, pSurfaceFormats) end function _get_physical_device_surface_present_modes_khr(physical_device, fptr::FunctionPtr; surface = C_NULL)::ResultTypes.Result{Vector{PresentModeKHR}, VulkanError} pPresentModeCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceSurfacePresentModesKHR(physical_device, surface, pPresentModeCount, C_NULL, fptr) pPresentModes = Vector{VkPresentModeKHR}(undef, pPresentModeCount[]) @check vkGetPhysicalDeviceSurfacePresentModesKHR(physical_device, surface, pPresentModeCount, pPresentModes, fptr) end pPresentModes end function _create_swapchain_khr(device, create_info::_SwapchainCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SwapchainKHR, VulkanError} pSwapchain = Ref{VkSwapchainKHR}() @check vkCreateSwapchainKHR(device, create_info, allocator, pSwapchain, fptr_create) SwapchainKHR(pSwapchain[], begin parent = Vk.handle(device) x->_destroy_swapchain_khr(parent, x, fptr_destroy; allocator) end, device) end _destroy_swapchain_khr(device, swapchain, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroySwapchainKHR(device, swapchain, allocator, fptr) function _get_swapchain_images_khr(device, swapchain, fptr::FunctionPtr)::ResultTypes.Result{Vector{Image}, VulkanError} pSwapchainImageCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetSwapchainImagesKHR(device, swapchain, pSwapchainImageCount, C_NULL, fptr) pSwapchainImages = Vector{VkImage}(undef, pSwapchainImageCount[]) @check vkGetSwapchainImagesKHR(device, swapchain, pSwapchainImageCount, pSwapchainImages, fptr) end Image.(pSwapchainImages, identity, device) end function _acquire_next_image_khr(device, swapchain, timeout::Integer, fptr::FunctionPtr; semaphore = C_NULL, fence = C_NULL)::ResultTypes.Result{Tuple{UInt32, Result}, VulkanError} pImageIndex = Ref{UInt32}() @check vkAcquireNextImageKHR(device, swapchain, timeout, semaphore, fence, pImageIndex, fptr) (pImageIndex[], _return_code) end _queue_present_khr(queue, present_info::_PresentInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkQueuePresentKHR(queue, present_info, fptr)) function _create_win_32_surface_khr(instance, create_info::_Win32SurfaceCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} pSurface = Ref{VkSurfaceKHR}() @check vkCreateWin32SurfaceKHR(instance, create_info, allocator, pSurface, fptr_create) SurfaceKHR(pSurface[], begin parent = Vk.handle(instance) x->_destroy_surface_khr(parent, x, fptr_destroy; allocator) end, instance) end _get_physical_device_win_32_presentation_support_khr(physical_device, queue_family_index::Integer, fptr::FunctionPtr)::Bool = from_vk(Bool, vkGetPhysicalDeviceWin32PresentationSupportKHR(physical_device, queue_family_index, fptr)) function _create_debug_report_callback_ext(instance, create_info::_DebugReportCallbackCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DebugReportCallbackEXT, VulkanError} pCallback = Ref{VkDebugReportCallbackEXT}() @check vkCreateDebugReportCallbackEXT(instance, create_info, allocator, pCallback, fptr_create) DebugReportCallbackEXT(pCallback[], begin parent = Vk.handle(instance) x->_destroy_debug_report_callback_ext(parent, x, fptr_destroy; allocator) end, instance) end _destroy_debug_report_callback_ext(instance, callback, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyDebugReportCallbackEXT(instance, callback, allocator, fptr) _debug_report_message_ext(instance, flags::DebugReportFlagEXT, object_type::DebugReportObjectTypeEXT, object::Integer, location::Integer, message_code::Integer, layer_prefix::AbstractString, message::AbstractString, fptr::FunctionPtr)::Cvoid = vkDebugReportMessageEXT(instance, flags, object_type, object, location, message_code, layer_prefix, message, fptr) _debug_marker_set_object_name_ext(device, name_info::_DebugMarkerObjectNameInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkDebugMarkerSetObjectNameEXT(device, name_info, fptr)) _debug_marker_set_object_tag_ext(device, tag_info::_DebugMarkerObjectTagInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkDebugMarkerSetObjectTagEXT(device, tag_info, fptr)) _cmd_debug_marker_begin_ext(command_buffer, marker_info::_DebugMarkerMarkerInfoEXT, fptr::FunctionPtr)::Cvoid = vkCmdDebugMarkerBeginEXT(command_buffer, marker_info, fptr) _cmd_debug_marker_end_ext(command_buffer, fptr::FunctionPtr)::Cvoid = vkCmdDebugMarkerEndEXT(command_buffer, fptr) _cmd_debug_marker_insert_ext(command_buffer, marker_info::_DebugMarkerMarkerInfoEXT, fptr::FunctionPtr)::Cvoid = vkCmdDebugMarkerInsertEXT(command_buffer, marker_info, fptr) function _get_physical_device_external_image_format_properties_nv(physical_device, format::Format, type::ImageType, tiling::ImageTiling, usage::ImageUsageFlag, fptr::FunctionPtr; flags = 0, external_handle_type = 0)::ResultTypes.Result{_ExternalImageFormatPropertiesNV, VulkanError} pExternalImageFormatProperties = Ref{VkExternalImageFormatPropertiesNV}() @check vkGetPhysicalDeviceExternalImageFormatPropertiesNV(physical_device, format, type, tiling, usage, flags, external_handle_type, pExternalImageFormatProperties, fptr) from_vk(_ExternalImageFormatPropertiesNV, pExternalImageFormatProperties[]) end _get_memory_win_32_handle_nv(device, memory, handle_type::ExternalMemoryHandleTypeFlagNV, handle::vk.HANDLE, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkGetMemoryWin32HandleNV(device, memory, handle_type, to_vk(Ptr{vk.HANDLE}, handle), fptr)) _cmd_execute_generated_commands_nv(command_buffer, is_preprocessed::Bool, generated_commands_info::_GeneratedCommandsInfoNV, fptr::FunctionPtr)::Cvoid = vkCmdExecuteGeneratedCommandsNV(command_buffer, is_preprocessed, generated_commands_info, fptr) _cmd_preprocess_generated_commands_nv(command_buffer, generated_commands_info::_GeneratedCommandsInfoNV, fptr::FunctionPtr)::Cvoid = vkCmdPreprocessGeneratedCommandsNV(command_buffer, generated_commands_info, fptr) _cmd_bind_pipeline_shader_group_nv(command_buffer, pipeline_bind_point::PipelineBindPoint, pipeline, group_index::Integer, fptr::FunctionPtr)::Cvoid = vkCmdBindPipelineShaderGroupNV(command_buffer, pipeline_bind_point, pipeline, group_index, fptr) function _get_generated_commands_memory_requirements_nv(device, info::_GeneratedCommandsMemoryRequirementsInfoNV, fptr::FunctionPtr, next_types::Type...)::_MemoryRequirements2 memory_requirements = initialize(_MemoryRequirements2, next_types...) pMemoryRequirements = Ref(Base.unsafe_convert(VkMemoryRequirements2, memory_requirements)) GC.@preserve memory_requirements begin vkGetGeneratedCommandsMemoryRequirementsNV(device, info, pMemoryRequirements, fptr) _MemoryRequirements2(pMemoryRequirements[], Any[memory_requirements]) end end function _create_indirect_commands_layout_nv(device, create_info::_IndirectCommandsLayoutCreateInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{IndirectCommandsLayoutNV, VulkanError} pIndirectCommandsLayout = Ref{VkIndirectCommandsLayoutNV}() @check vkCreateIndirectCommandsLayoutNV(device, create_info, allocator, pIndirectCommandsLayout, fptr_create) IndirectCommandsLayoutNV(pIndirectCommandsLayout[], begin parent = Vk.handle(device) x->_destroy_indirect_commands_layout_nv(parent, x, fptr_destroy; allocator) end, device) end _destroy_indirect_commands_layout_nv(device, indirect_commands_layout, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyIndirectCommandsLayoutNV(device, indirect_commands_layout, allocator, fptr) function _get_physical_device_features_2(physical_device, fptr::FunctionPtr, next_types::Type...)::_PhysicalDeviceFeatures2 features = initialize(_PhysicalDeviceFeatures2, next_types...) pFeatures = Ref(Base.unsafe_convert(VkPhysicalDeviceFeatures2, features)) GC.@preserve features begin vkGetPhysicalDeviceFeatures2(physical_device, pFeatures, fptr) _PhysicalDeviceFeatures2(pFeatures[], Any[features]) end end function _get_physical_device_properties_2(physical_device, fptr::FunctionPtr, next_types::Type...)::_PhysicalDeviceProperties2 properties = initialize(_PhysicalDeviceProperties2, next_types...) pProperties = Ref(Base.unsafe_convert(VkPhysicalDeviceProperties2, properties)) GC.@preserve properties begin vkGetPhysicalDeviceProperties2(physical_device, pProperties, fptr) _PhysicalDeviceProperties2(pProperties[], Any[properties]) end end function _get_physical_device_format_properties_2(physical_device, format::Format, fptr::FunctionPtr, next_types::Type...)::_FormatProperties2 format_properties = initialize(_FormatProperties2, next_types...) pFormatProperties = Ref(Base.unsafe_convert(VkFormatProperties2, format_properties)) GC.@preserve format_properties begin vkGetPhysicalDeviceFormatProperties2(physical_device, format, pFormatProperties, fptr) _FormatProperties2(pFormatProperties[], Any[format_properties]) end end function _get_physical_device_image_format_properties_2(physical_device, image_format_info::_PhysicalDeviceImageFormatInfo2, fptr::FunctionPtr, next_types::Type...)::ResultTypes.Result{_ImageFormatProperties2, VulkanError} image_format_properties = initialize(_ImageFormatProperties2, next_types...) pImageFormatProperties = Ref(Base.unsafe_convert(VkImageFormatProperties2, image_format_properties)) GC.@preserve image_format_properties begin @check vkGetPhysicalDeviceImageFormatProperties2(physical_device, image_format_info, pImageFormatProperties, fptr) _ImageFormatProperties2(pImageFormatProperties[], Any[image_format_properties]) end end function _get_physical_device_queue_family_properties_2(physical_device, fptr::FunctionPtr)::Vector{_QueueFamilyProperties2} pQueueFamilyPropertyCount = Ref{UInt32}() vkGetPhysicalDeviceQueueFamilyProperties2(physical_device, pQueueFamilyPropertyCount, C_NULL, fptr) pQueueFamilyProperties = Vector{VkQueueFamilyProperties2}(undef, pQueueFamilyPropertyCount[]) vkGetPhysicalDeviceQueueFamilyProperties2(physical_device, pQueueFamilyPropertyCount, pQueueFamilyProperties, fptr) from_vk.(_QueueFamilyProperties2, pQueueFamilyProperties) end function _get_physical_device_memory_properties_2(physical_device, fptr::FunctionPtr, next_types::Type...)::_PhysicalDeviceMemoryProperties2 memory_properties = initialize(_PhysicalDeviceMemoryProperties2, next_types...) pMemoryProperties = Ref(Base.unsafe_convert(VkPhysicalDeviceMemoryProperties2, memory_properties)) GC.@preserve memory_properties begin vkGetPhysicalDeviceMemoryProperties2(physical_device, pMemoryProperties, fptr) _PhysicalDeviceMemoryProperties2(pMemoryProperties[], Any[memory_properties]) end end function _get_physical_device_sparse_image_format_properties_2(physical_device, format_info::_PhysicalDeviceSparseImageFormatInfo2, fptr::FunctionPtr)::Vector{_SparseImageFormatProperties2} pPropertyCount = Ref{UInt32}() vkGetPhysicalDeviceSparseImageFormatProperties2(physical_device, format_info, pPropertyCount, C_NULL, fptr) pProperties = Vector{VkSparseImageFormatProperties2}(undef, pPropertyCount[]) vkGetPhysicalDeviceSparseImageFormatProperties2(physical_device, format_info, pPropertyCount, pProperties, fptr) from_vk.(_SparseImageFormatProperties2, pProperties) end _cmd_push_descriptor_set_khr(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, set::Integer, descriptor_writes::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdPushDescriptorSetKHR(command_buffer, pipeline_bind_point, layout, set, pointer_length(descriptor_writes), descriptor_writes, fptr) _trim_command_pool(device, command_pool, fptr::FunctionPtr; flags = 0)::Cvoid = vkTrimCommandPool(device, command_pool, flags, fptr) function _get_physical_device_external_buffer_properties(physical_device, external_buffer_info::_PhysicalDeviceExternalBufferInfo, fptr::FunctionPtr)::_ExternalBufferProperties pExternalBufferProperties = Ref{VkExternalBufferProperties}() vkGetPhysicalDeviceExternalBufferProperties(physical_device, external_buffer_info, pExternalBufferProperties, fptr) from_vk(_ExternalBufferProperties, pExternalBufferProperties[]) end _get_memory_win_32_handle_khr(device, get_win_32_handle_info::_MemoryGetWin32HandleInfoKHR, handle::vk.HANDLE, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkGetMemoryWin32HandleKHR(device, get_win_32_handle_info, to_vk(Ptr{vk.HANDLE}, handle), fptr)) function _get_memory_win_32_handle_properties_khr(device, handle_type::ExternalMemoryHandleTypeFlag, handle::vk.HANDLE, fptr::FunctionPtr)::ResultTypes.Result{_MemoryWin32HandlePropertiesKHR, VulkanError} pMemoryWin32HandleProperties = Ref{VkMemoryWin32HandlePropertiesKHR}() @check vkGetMemoryWin32HandlePropertiesKHR(device, VkExternalMemoryHandleTypeFlagBits(handle_type.val), handle, pMemoryWin32HandleProperties, fptr) from_vk(_MemoryWin32HandlePropertiesKHR, pMemoryWin32HandleProperties[]) end function _get_memory_fd_khr(device, get_fd_info::_MemoryGetFdInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Int, VulkanError} pFd = Ref{Int}() @check vkGetMemoryFdKHR(device, get_fd_info, pFd, fptr) pFd[] end function _get_memory_fd_properties_khr(device, handle_type::ExternalMemoryHandleTypeFlag, fd::Integer, fptr::FunctionPtr)::ResultTypes.Result{_MemoryFdPropertiesKHR, VulkanError} pMemoryFdProperties = Ref{VkMemoryFdPropertiesKHR}() @check vkGetMemoryFdPropertiesKHR(device, VkExternalMemoryHandleTypeFlagBits(handle_type.val), fd, pMemoryFdProperties, fptr) from_vk(_MemoryFdPropertiesKHR, pMemoryFdProperties[]) end function _get_memory_remote_address_nv(device, memory_get_remote_address_info::_MemoryGetRemoteAddressInfoNV, fptr::FunctionPtr)::ResultTypes.Result{Cvoid, VulkanError} pAddress = Ref{VkRemoteAddressNV}() @check vkGetMemoryRemoteAddressNV(device, memory_get_remote_address_info, pAddress, fptr) pAddress[] end function _get_physical_device_external_semaphore_properties(physical_device, external_semaphore_info::_PhysicalDeviceExternalSemaphoreInfo, fptr::FunctionPtr)::_ExternalSemaphoreProperties pExternalSemaphoreProperties = Ref{VkExternalSemaphoreProperties}() vkGetPhysicalDeviceExternalSemaphoreProperties(physical_device, external_semaphore_info, pExternalSemaphoreProperties, fptr) from_vk(_ExternalSemaphoreProperties, pExternalSemaphoreProperties[]) end _get_semaphore_win_32_handle_khr(device, get_win_32_handle_info::_SemaphoreGetWin32HandleInfoKHR, handle::vk.HANDLE, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkGetSemaphoreWin32HandleKHR(device, get_win_32_handle_info, to_vk(Ptr{vk.HANDLE}, handle), fptr)) _import_semaphore_win_32_handle_khr(device, import_semaphore_win_32_handle_info::_ImportSemaphoreWin32HandleInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkImportSemaphoreWin32HandleKHR(device, import_semaphore_win_32_handle_info, fptr)) function _get_semaphore_fd_khr(device, get_fd_info::_SemaphoreGetFdInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Int, VulkanError} pFd = Ref{Int}() @check vkGetSemaphoreFdKHR(device, get_fd_info, pFd, fptr) pFd[] end _import_semaphore_fd_khr(device, import_semaphore_fd_info::_ImportSemaphoreFdInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkImportSemaphoreFdKHR(device, import_semaphore_fd_info, fptr)) function _get_physical_device_external_fence_properties(physical_device, external_fence_info::_PhysicalDeviceExternalFenceInfo, fptr::FunctionPtr)::_ExternalFenceProperties pExternalFenceProperties = Ref{VkExternalFenceProperties}() vkGetPhysicalDeviceExternalFenceProperties(physical_device, external_fence_info, pExternalFenceProperties, fptr) from_vk(_ExternalFenceProperties, pExternalFenceProperties[]) end _get_fence_win_32_handle_khr(device, get_win_32_handle_info::_FenceGetWin32HandleInfoKHR, handle::vk.HANDLE, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkGetFenceWin32HandleKHR(device, get_win_32_handle_info, to_vk(Ptr{vk.HANDLE}, handle), fptr)) _import_fence_win_32_handle_khr(device, import_fence_win_32_handle_info::_ImportFenceWin32HandleInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkImportFenceWin32HandleKHR(device, import_fence_win_32_handle_info, fptr)) function _get_fence_fd_khr(device, get_fd_info::_FenceGetFdInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Int, VulkanError} pFd = Ref{Int}() @check vkGetFenceFdKHR(device, get_fd_info, pFd, fptr) pFd[] end _import_fence_fd_khr(device, import_fence_fd_info::_ImportFenceFdInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkImportFenceFdKHR(device, import_fence_fd_info, fptr)) function _release_display_ext(physical_device, display, fptr::FunctionPtr)::Nothing vkReleaseDisplayEXT(physical_device, display, fptr) nothing end _acquire_winrt_display_nv(physical_device, display, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkAcquireWinrtDisplayNV(physical_device, display, fptr)) function _get_winrt_display_nv(physical_device, device_relative_id::Integer, fptr::FunctionPtr)::ResultTypes.Result{DisplayKHR, VulkanError} pDisplay = Ref{VkDisplayKHR}() @check vkGetWinrtDisplayNV(physical_device, device_relative_id, pDisplay, fptr) DisplayKHR(pDisplay[], identity, physical_device) end _display_power_control_ext(device, display, display_power_info::_DisplayPowerInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkDisplayPowerControlEXT(device, display, display_power_info, fptr)) function _register_device_event_ext(device, device_event_info::_DeviceEventInfoEXT, fptr::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Fence, VulkanError} pFence = Ref{VkFence}() @check vkRegisterDeviceEventEXT(device, device_event_info, allocator, pFence, fptr) Fence(pFence[], begin parent = Vk.handle(device) x->_destroy_fence(parent, x, fptr_destroy; allocator) end, device) end function _register_display_event_ext(device, display, display_event_info::_DisplayEventInfoEXT, fptr::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Fence, VulkanError} pFence = Ref{VkFence}() @check vkRegisterDisplayEventEXT(device, display, display_event_info, allocator, pFence, fptr) Fence(pFence[], begin parent = Vk.handle(device) x->_destroy_fence(parent, x, fptr_destroy; allocator) end, device) end function _get_swapchain_counter_ext(device, swapchain, counter::SurfaceCounterFlagEXT, fptr::FunctionPtr)::ResultTypes.Result{UInt64, VulkanError} pCounterValue = Ref{UInt64}() @check vkGetSwapchainCounterEXT(device, swapchain, VkSurfaceCounterFlagBitsEXT(counter.val), pCounterValue, fptr) pCounterValue[] end function _get_physical_device_surface_capabilities_2_ext(physical_device, surface, fptr::FunctionPtr)::ResultTypes.Result{_SurfaceCapabilities2EXT, VulkanError} pSurfaceCapabilities = Ref{VkSurfaceCapabilities2EXT}() @check vkGetPhysicalDeviceSurfaceCapabilities2EXT(physical_device, surface, pSurfaceCapabilities, fptr) from_vk(_SurfaceCapabilities2EXT, pSurfaceCapabilities[]) end function _enumerate_physical_device_groups(instance, fptr::FunctionPtr)::ResultTypes.Result{Vector{_PhysicalDeviceGroupProperties}, VulkanError} pPhysicalDeviceGroupCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkEnumeratePhysicalDeviceGroups(instance, pPhysicalDeviceGroupCount, C_NULL, fptr) pPhysicalDeviceGroupProperties = Vector{VkPhysicalDeviceGroupProperties}(undef, pPhysicalDeviceGroupCount[]) @check vkEnumeratePhysicalDeviceGroups(instance, pPhysicalDeviceGroupCount, pPhysicalDeviceGroupProperties, fptr) end from_vk.(_PhysicalDeviceGroupProperties, pPhysicalDeviceGroupProperties) end function _get_device_group_peer_memory_features(device, heap_index::Integer, local_device_index::Integer, remote_device_index::Integer, fptr::FunctionPtr)::PeerMemoryFeatureFlag pPeerMemoryFeatures = Ref{VkPeerMemoryFeatureFlags}() vkGetDeviceGroupPeerMemoryFeatures(device, heap_index, local_device_index, remote_device_index, pPeerMemoryFeatures, fptr) pPeerMemoryFeatures[] end _bind_buffer_memory_2(device, bind_infos::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkBindBufferMemory2(device, pointer_length(bind_infos), bind_infos, fptr)) _bind_image_memory_2(device, bind_infos::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkBindImageMemory2(device, pointer_length(bind_infos), bind_infos, fptr)) _cmd_set_device_mask(command_buffer, device_mask::Integer, fptr::FunctionPtr)::Cvoid = vkCmdSetDeviceMask(command_buffer, device_mask, fptr) function _get_device_group_present_capabilities_khr(device, fptr::FunctionPtr)::ResultTypes.Result{_DeviceGroupPresentCapabilitiesKHR, VulkanError} pDeviceGroupPresentCapabilities = Ref{VkDeviceGroupPresentCapabilitiesKHR}() @check vkGetDeviceGroupPresentCapabilitiesKHR(device, pDeviceGroupPresentCapabilities, fptr) from_vk(_DeviceGroupPresentCapabilitiesKHR, pDeviceGroupPresentCapabilities[]) end function _get_device_group_surface_present_modes_khr(device, surface, modes::DeviceGroupPresentModeFlagKHR, fptr::FunctionPtr)::ResultTypes.Result{DeviceGroupPresentModeFlagKHR, VulkanError} pModes = Ref{VkDeviceGroupPresentModeFlagsKHR}() @check vkGetDeviceGroupSurfacePresentModesKHR(device, surface, pModes, fptr) pModes[] end function _acquire_next_image_2_khr(device, acquire_info::_AcquireNextImageInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Tuple{UInt32, Result}, VulkanError} pImageIndex = Ref{UInt32}() @check vkAcquireNextImage2KHR(device, acquire_info, pImageIndex, fptr) (pImageIndex[], _return_code) end _cmd_dispatch_base(command_buffer, base_group_x::Integer, base_group_y::Integer, base_group_z::Integer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDispatchBase(command_buffer, base_group_x, base_group_y, base_group_z, group_count_x, group_count_y, group_count_z, fptr) function _get_physical_device_present_rectangles_khr(physical_device, surface, fptr::FunctionPtr)::ResultTypes.Result{Vector{_Rect2D}, VulkanError} pRectCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDevicePresentRectanglesKHR(physical_device, surface, pRectCount, C_NULL, fptr) pRects = Vector{VkRect2D}(undef, pRectCount[]) @check vkGetPhysicalDevicePresentRectanglesKHR(physical_device, surface, pRectCount, pRects, fptr) end from_vk.(_Rect2D, pRects) end function _create_descriptor_update_template(device, create_info::_DescriptorUpdateTemplateCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DescriptorUpdateTemplate, VulkanError} pDescriptorUpdateTemplate = Ref{VkDescriptorUpdateTemplate}() @check vkCreateDescriptorUpdateTemplate(device, create_info, allocator, pDescriptorUpdateTemplate, fptr_create) DescriptorUpdateTemplate(pDescriptorUpdateTemplate[], begin parent = Vk.handle(device) x->_destroy_descriptor_update_template(parent, x, fptr_destroy; allocator) end, device) end _destroy_descriptor_update_template(device, descriptor_update_template, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyDescriptorUpdateTemplate(device, descriptor_update_template, allocator, fptr) _update_descriptor_set_with_template(device, descriptor_set, descriptor_update_template, data::Ptr{Cvoid}, fptr::FunctionPtr)::Cvoid = vkUpdateDescriptorSetWithTemplate(device, descriptor_set, descriptor_update_template, data, fptr) _cmd_push_descriptor_set_with_template_khr(command_buffer, descriptor_update_template, layout, set::Integer, data::Ptr{Cvoid}, fptr::FunctionPtr)::Cvoid = vkCmdPushDescriptorSetWithTemplateKHR(command_buffer, descriptor_update_template, layout, set, data, fptr) _set_hdr_metadata_ext(device, swapchains::AbstractArray, metadata::AbstractArray, fptr::FunctionPtr)::Cvoid = vkSetHdrMetadataEXT(device, pointer_length(swapchains), swapchains, metadata, fptr) _get_swapchain_status_khr(device, swapchain, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkGetSwapchainStatusKHR(device, swapchain, fptr)) function _get_refresh_cycle_duration_google(device, swapchain, fptr::FunctionPtr)::ResultTypes.Result{_RefreshCycleDurationGOOGLE, VulkanError} pDisplayTimingProperties = Ref{VkRefreshCycleDurationGOOGLE}() @check vkGetRefreshCycleDurationGOOGLE(device, swapchain, pDisplayTimingProperties, fptr) from_vk(_RefreshCycleDurationGOOGLE, pDisplayTimingProperties[]) end function _get_past_presentation_timing_google(device, swapchain, fptr::FunctionPtr)::ResultTypes.Result{Vector{_PastPresentationTimingGOOGLE}, VulkanError} pPresentationTimingCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPastPresentationTimingGOOGLE(device, swapchain, pPresentationTimingCount, C_NULL, fptr) pPresentationTimings = Vector{VkPastPresentationTimingGOOGLE}(undef, pPresentationTimingCount[]) @check vkGetPastPresentationTimingGOOGLE(device, swapchain, pPresentationTimingCount, pPresentationTimings, fptr) end from_vk.(_PastPresentationTimingGOOGLE, pPresentationTimings) end _cmd_set_viewport_w_scaling_nv(command_buffer, viewport_w_scalings::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetViewportWScalingNV(command_buffer, 0, pointer_length(viewport_w_scalings), viewport_w_scalings, fptr) _cmd_set_discard_rectangle_ext(command_buffer, discard_rectangles::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetDiscardRectangleEXT(command_buffer, 0, pointer_length(discard_rectangles), discard_rectangles, fptr) _cmd_set_sample_locations_ext(command_buffer, sample_locations_info::_SampleLocationsInfoEXT, fptr::FunctionPtr)::Cvoid = vkCmdSetSampleLocationsEXT(command_buffer, sample_locations_info, fptr) function _get_physical_device_multisample_properties_ext(physical_device, samples::SampleCountFlag, fptr::FunctionPtr)::_MultisamplePropertiesEXT pMultisampleProperties = Ref{VkMultisamplePropertiesEXT}() vkGetPhysicalDeviceMultisamplePropertiesEXT(physical_device, VkSampleCountFlagBits(samples.val), pMultisampleProperties, fptr) from_vk(_MultisamplePropertiesEXT, pMultisampleProperties[]) end function _get_physical_device_surface_capabilities_2_khr(physical_device, surface_info::_PhysicalDeviceSurfaceInfo2KHR, fptr::FunctionPtr, next_types::Type...)::ResultTypes.Result{_SurfaceCapabilities2KHR, VulkanError} surface_capabilities = initialize(_SurfaceCapabilities2KHR, next_types...) pSurfaceCapabilities = Ref(Base.unsafe_convert(VkSurfaceCapabilities2KHR, surface_capabilities)) GC.@preserve surface_capabilities begin @check vkGetPhysicalDeviceSurfaceCapabilities2KHR(physical_device, surface_info, pSurfaceCapabilities, fptr) _SurfaceCapabilities2KHR(pSurfaceCapabilities[], Any[surface_capabilities]) end end function _get_physical_device_surface_formats_2_khr(physical_device, surface_info::_PhysicalDeviceSurfaceInfo2KHR, fptr::FunctionPtr)::ResultTypes.Result{Vector{_SurfaceFormat2KHR}, VulkanError} pSurfaceFormatCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceSurfaceFormats2KHR(physical_device, surface_info, pSurfaceFormatCount, C_NULL, fptr) pSurfaceFormats = Vector{VkSurfaceFormat2KHR}(undef, pSurfaceFormatCount[]) @check vkGetPhysicalDeviceSurfaceFormats2KHR(physical_device, surface_info, pSurfaceFormatCount, pSurfaceFormats, fptr) end from_vk.(_SurfaceFormat2KHR, pSurfaceFormats) end function _get_physical_device_display_properties_2_khr(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{_DisplayProperties2KHR}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceDisplayProperties2KHR(physical_device, pPropertyCount, C_NULL, fptr) pProperties = Vector{VkDisplayProperties2KHR}(undef, pPropertyCount[]) @check vkGetPhysicalDeviceDisplayProperties2KHR(physical_device, pPropertyCount, pProperties, fptr) end from_vk.(_DisplayProperties2KHR, pProperties) end function _get_physical_device_display_plane_properties_2_khr(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{_DisplayPlaneProperties2KHR}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceDisplayPlaneProperties2KHR(physical_device, pPropertyCount, C_NULL, fptr) pProperties = Vector{VkDisplayPlaneProperties2KHR}(undef, pPropertyCount[]) @check vkGetPhysicalDeviceDisplayPlaneProperties2KHR(physical_device, pPropertyCount, pProperties, fptr) end from_vk.(_DisplayPlaneProperties2KHR, pProperties) end function _get_display_mode_properties_2_khr(physical_device, display, fptr::FunctionPtr)::ResultTypes.Result{Vector{_DisplayModeProperties2KHR}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetDisplayModeProperties2KHR(physical_device, display, pPropertyCount, C_NULL, fptr) pProperties = Vector{VkDisplayModeProperties2KHR}(undef, pPropertyCount[]) @check vkGetDisplayModeProperties2KHR(physical_device, display, pPropertyCount, pProperties, fptr) end from_vk.(_DisplayModeProperties2KHR, pProperties) end function _get_display_plane_capabilities_2_khr(physical_device, display_plane_info::_DisplayPlaneInfo2KHR, fptr::FunctionPtr)::ResultTypes.Result{_DisplayPlaneCapabilities2KHR, VulkanError} pCapabilities = Ref{VkDisplayPlaneCapabilities2KHR}() @check vkGetDisplayPlaneCapabilities2KHR(physical_device, display_plane_info, pCapabilities, fptr) from_vk(_DisplayPlaneCapabilities2KHR, pCapabilities[]) end function _get_buffer_memory_requirements_2(device, info::_BufferMemoryRequirementsInfo2, fptr::FunctionPtr, next_types::Type...)::_MemoryRequirements2 memory_requirements = initialize(_MemoryRequirements2, next_types...) pMemoryRequirements = Ref(Base.unsafe_convert(VkMemoryRequirements2, memory_requirements)) GC.@preserve memory_requirements begin vkGetBufferMemoryRequirements2(device, info, pMemoryRequirements, fptr) _MemoryRequirements2(pMemoryRequirements[], Any[memory_requirements]) end end function _get_image_memory_requirements_2(device, info::_ImageMemoryRequirementsInfo2, fptr::FunctionPtr, next_types::Type...)::_MemoryRequirements2 memory_requirements = initialize(_MemoryRequirements2, next_types...) pMemoryRequirements = Ref(Base.unsafe_convert(VkMemoryRequirements2, memory_requirements)) GC.@preserve memory_requirements begin vkGetImageMemoryRequirements2(device, info, pMemoryRequirements, fptr) _MemoryRequirements2(pMemoryRequirements[], Any[memory_requirements]) end end function _get_image_sparse_memory_requirements_2(device, info::_ImageSparseMemoryRequirementsInfo2, fptr::FunctionPtr)::Vector{_SparseImageMemoryRequirements2} pSparseMemoryRequirementCount = Ref{UInt32}() vkGetImageSparseMemoryRequirements2(device, info, pSparseMemoryRequirementCount, C_NULL, fptr) pSparseMemoryRequirements = Vector{VkSparseImageMemoryRequirements2}(undef, pSparseMemoryRequirementCount[]) vkGetImageSparseMemoryRequirements2(device, info, pSparseMemoryRequirementCount, pSparseMemoryRequirements, fptr) from_vk.(_SparseImageMemoryRequirements2, pSparseMemoryRequirements) end function _get_device_buffer_memory_requirements(device, info::_DeviceBufferMemoryRequirements, fptr::FunctionPtr, next_types::Type...)::_MemoryRequirements2 memory_requirements = initialize(_MemoryRequirements2, next_types...) pMemoryRequirements = Ref(Base.unsafe_convert(VkMemoryRequirements2, memory_requirements)) GC.@preserve memory_requirements begin vkGetDeviceBufferMemoryRequirements(device, info, pMemoryRequirements, fptr) _MemoryRequirements2(pMemoryRequirements[], Any[memory_requirements]) end end function _get_device_image_memory_requirements(device, info::_DeviceImageMemoryRequirements, fptr::FunctionPtr, next_types::Type...)::_MemoryRequirements2 memory_requirements = initialize(_MemoryRequirements2, next_types...) pMemoryRequirements = Ref(Base.unsafe_convert(VkMemoryRequirements2, memory_requirements)) GC.@preserve memory_requirements begin vkGetDeviceImageMemoryRequirements(device, info, pMemoryRequirements, fptr) _MemoryRequirements2(pMemoryRequirements[], Any[memory_requirements]) end end function _get_device_image_sparse_memory_requirements(device, info::_DeviceImageMemoryRequirements, fptr::FunctionPtr)::Vector{_SparseImageMemoryRequirements2} pSparseMemoryRequirementCount = Ref{UInt32}() vkGetDeviceImageSparseMemoryRequirements(device, info, pSparseMemoryRequirementCount, C_NULL, fptr) pSparseMemoryRequirements = Vector{VkSparseImageMemoryRequirements2}(undef, pSparseMemoryRequirementCount[]) vkGetDeviceImageSparseMemoryRequirements(device, info, pSparseMemoryRequirementCount, pSparseMemoryRequirements, fptr) from_vk.(_SparseImageMemoryRequirements2, pSparseMemoryRequirements) end function _create_sampler_ycbcr_conversion(device, create_info::_SamplerYcbcrConversionCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SamplerYcbcrConversion, VulkanError} pYcbcrConversion = Ref{VkSamplerYcbcrConversion}() @check vkCreateSamplerYcbcrConversion(device, create_info, allocator, pYcbcrConversion, fptr_create) SamplerYcbcrConversion(pYcbcrConversion[], begin parent = Vk.handle(device) x->_destroy_sampler_ycbcr_conversion(parent, x, fptr_destroy; allocator) end, device) end _destroy_sampler_ycbcr_conversion(device, ycbcr_conversion, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroySamplerYcbcrConversion(device, ycbcr_conversion, allocator, fptr) function _get_device_queue_2(device, queue_info::_DeviceQueueInfo2, fptr::FunctionPtr)::Queue pQueue = Ref{VkQueue}() vkGetDeviceQueue2(device, queue_info, pQueue, fptr) Queue(pQueue[], identity, device) end function _create_validation_cache_ext(device, create_info::_ValidationCacheCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{ValidationCacheEXT, VulkanError} pValidationCache = Ref{VkValidationCacheEXT}() @check vkCreateValidationCacheEXT(device, create_info, allocator, pValidationCache, fptr_create) ValidationCacheEXT(pValidationCache[], begin parent = Vk.handle(device) x->_destroy_validation_cache_ext(parent, x, fptr_destroy; allocator) end, device) end _destroy_validation_cache_ext(device, validation_cache, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyValidationCacheEXT(device, validation_cache, allocator, fptr) function _get_validation_cache_data_ext(device, validation_cache, fptr::FunctionPtr)::ResultTypes.Result{Tuple{UInt, Ptr{Cvoid}}, VulkanError} pDataSize = Ref{UInt}() @repeat_while_incomplete begin @check vkGetValidationCacheDataEXT(device, validation_cache, pDataSize, C_NULL, fptr) pData = Libc.malloc(pDataSize[]) @check vkGetValidationCacheDataEXT(device, validation_cache, pDataSize, pData, fptr) if _return_code == VK_INCOMPLETE Libc.free(pData) end end (pDataSize[], pData) end _merge_validation_caches_ext(device, dst_cache, src_caches::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkMergeValidationCachesEXT(device, dst_cache, pointer_length(src_caches), src_caches, fptr)) function _get_descriptor_set_layout_support(device, create_info::_DescriptorSetLayoutCreateInfo, fptr::FunctionPtr, next_types::Type...)::_DescriptorSetLayoutSupport support = initialize(_DescriptorSetLayoutSupport, next_types...) pSupport = Ref(Base.unsafe_convert(VkDescriptorSetLayoutSupport, support)) GC.@preserve support begin vkGetDescriptorSetLayoutSupport(device, create_info, pSupport, fptr) _DescriptorSetLayoutSupport(pSupport[], Any[support]) end end function _get_shader_info_amd(device, pipeline, shader_stage::ShaderStageFlag, info_type::ShaderInfoTypeAMD, fptr::FunctionPtr)::ResultTypes.Result{Tuple{UInt, Ptr{Cvoid}}, VulkanError} pInfoSize = Ref{UInt}() @repeat_while_incomplete begin @check vkGetShaderInfoAMD(device, pipeline, VkShaderStageFlagBits(shader_stage.val), info_type, pInfoSize, C_NULL, fptr) pInfo = Libc.malloc(pInfoSize[]) @check vkGetShaderInfoAMD(device, pipeline, VkShaderStageFlagBits(shader_stage.val), info_type, pInfoSize, pInfo, fptr) if _return_code == VK_INCOMPLETE Libc.free(pInfo) end end (pInfoSize[], pInfo) end _set_local_dimming_amd(device, swap_chain, local_dimming_enable::Bool, fptr::FunctionPtr)::Cvoid = vkSetLocalDimmingAMD(device, swap_chain, local_dimming_enable, fptr) function _get_physical_device_calibrateable_time_domains_ext(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{TimeDomainEXT}, VulkanError} pTimeDomainCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceCalibrateableTimeDomainsEXT(physical_device, pTimeDomainCount, C_NULL, fptr) pTimeDomains = Vector{VkTimeDomainEXT}(undef, pTimeDomainCount[]) @check vkGetPhysicalDeviceCalibrateableTimeDomainsEXT(physical_device, pTimeDomainCount, pTimeDomains, fptr) end pTimeDomains end function _get_calibrated_timestamps_ext(device, timestamp_infos::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Tuple{Vector{UInt64}, UInt64}, VulkanError} pTimestamps = Vector{UInt64}(undef, pointer_length(timestamp_infos)) pMaxDeviation = Ref{UInt64}() @check vkGetCalibratedTimestampsEXT(device, pointer_length(timestamp_infos), timestamp_infos, pTimestamps, pMaxDeviation, fptr) (pTimestamps, pMaxDeviation[]) end _set_debug_utils_object_name_ext(device, name_info::_DebugUtilsObjectNameInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkSetDebugUtilsObjectNameEXT(device, name_info, fptr)) _set_debug_utils_object_tag_ext(device, tag_info::_DebugUtilsObjectTagInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkSetDebugUtilsObjectTagEXT(device, tag_info, fptr)) _queue_begin_debug_utils_label_ext(queue, label_info::_DebugUtilsLabelEXT, fptr::FunctionPtr)::Cvoid = vkQueueBeginDebugUtilsLabelEXT(queue, label_info, fptr) _queue_end_debug_utils_label_ext(queue, fptr::FunctionPtr)::Cvoid = vkQueueEndDebugUtilsLabelEXT(queue, fptr) _queue_insert_debug_utils_label_ext(queue, label_info::_DebugUtilsLabelEXT, fptr::FunctionPtr)::Cvoid = vkQueueInsertDebugUtilsLabelEXT(queue, label_info, fptr) _cmd_begin_debug_utils_label_ext(command_buffer, label_info::_DebugUtilsLabelEXT, fptr::FunctionPtr)::Cvoid = vkCmdBeginDebugUtilsLabelEXT(command_buffer, label_info, fptr) _cmd_end_debug_utils_label_ext(command_buffer, fptr::FunctionPtr)::Cvoid = vkCmdEndDebugUtilsLabelEXT(command_buffer, fptr) _cmd_insert_debug_utils_label_ext(command_buffer, label_info::_DebugUtilsLabelEXT, fptr::FunctionPtr)::Cvoid = vkCmdInsertDebugUtilsLabelEXT(command_buffer, label_info, fptr) function _create_debug_utils_messenger_ext(instance, create_info::_DebugUtilsMessengerCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DebugUtilsMessengerEXT, VulkanError} pMessenger = Ref{VkDebugUtilsMessengerEXT}() @check vkCreateDebugUtilsMessengerEXT(instance, create_info, allocator, pMessenger, fptr_create) DebugUtilsMessengerEXT(pMessenger[], begin parent = Vk.handle(instance) x->_destroy_debug_utils_messenger_ext(parent, x, fptr_destroy; allocator) end, instance) end _destroy_debug_utils_messenger_ext(instance, messenger, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyDebugUtilsMessengerEXT(instance, messenger, allocator, fptr) _submit_debug_utils_message_ext(instance, message_severity::DebugUtilsMessageSeverityFlagEXT, message_types::DebugUtilsMessageTypeFlagEXT, callback_data::_DebugUtilsMessengerCallbackDataEXT, fptr::FunctionPtr)::Cvoid = vkSubmitDebugUtilsMessageEXT(instance, VkDebugUtilsMessageSeverityFlagBitsEXT(message_severity.val), message_types, callback_data, fptr) function _get_memory_host_pointer_properties_ext(device, handle_type::ExternalMemoryHandleTypeFlag, host_pointer::Ptr{Cvoid}, fptr::FunctionPtr)::ResultTypes.Result{_MemoryHostPointerPropertiesEXT, VulkanError} pMemoryHostPointerProperties = Ref{VkMemoryHostPointerPropertiesEXT}() @check vkGetMemoryHostPointerPropertiesEXT(device, VkExternalMemoryHandleTypeFlagBits(handle_type.val), host_pointer, pMemoryHostPointerProperties, fptr) from_vk(_MemoryHostPointerPropertiesEXT, pMemoryHostPointerProperties[]) end _cmd_write_buffer_marker_amd(command_buffer, dst_buffer, dst_offset::Integer, marker::Integer, fptr::FunctionPtr; pipeline_stage = 0)::Cvoid = vkCmdWriteBufferMarkerAMD(command_buffer, VkPipelineStageFlagBits(pipeline_stage.val), dst_buffer, dst_offset, marker, fptr) function _create_render_pass_2(device, create_info::_RenderPassCreateInfo2, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{RenderPass, VulkanError} pRenderPass = Ref{VkRenderPass}() @check vkCreateRenderPass2(device, create_info, allocator, pRenderPass, fptr_create) RenderPass(pRenderPass[], begin parent = Vk.handle(device) x->_destroy_render_pass(parent, x, fptr_destroy; allocator) end, device) end _cmd_begin_render_pass_2(command_buffer, render_pass_begin::_RenderPassBeginInfo, subpass_begin_info::_SubpassBeginInfo, fptr::FunctionPtr)::Cvoid = vkCmdBeginRenderPass2(command_buffer, render_pass_begin, subpass_begin_info, fptr) _cmd_next_subpass_2(command_buffer, subpass_begin_info::_SubpassBeginInfo, subpass_end_info::_SubpassEndInfo, fptr::FunctionPtr)::Cvoid = vkCmdNextSubpass2(command_buffer, subpass_begin_info, subpass_end_info, fptr) _cmd_end_render_pass_2(command_buffer, subpass_end_info::_SubpassEndInfo, fptr::FunctionPtr)::Cvoid = vkCmdEndRenderPass2(command_buffer, subpass_end_info, fptr) function _get_semaphore_counter_value(device, semaphore, fptr::FunctionPtr)::ResultTypes.Result{UInt64, VulkanError} pValue = Ref{UInt64}() @check vkGetSemaphoreCounterValue(device, semaphore, pValue, fptr) pValue[] end _wait_semaphores(device, wait_info::_SemaphoreWaitInfo, timeout::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkWaitSemaphores(device, wait_info, timeout, fptr)) _signal_semaphore(device, signal_info::_SemaphoreSignalInfo, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkSignalSemaphore(device, signal_info, fptr)) _cmd_draw_indirect_count(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawIndirectCount(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride, fptr) _cmd_draw_indexed_indirect_count(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawIndexedIndirectCount(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride, fptr) _cmd_set_checkpoint_nv(command_buffer, checkpoint_marker::Ptr{Cvoid}, fptr::FunctionPtr)::Cvoid = vkCmdSetCheckpointNV(command_buffer, checkpoint_marker, fptr) function _get_queue_checkpoint_data_nv(queue, fptr::FunctionPtr)::Vector{_CheckpointDataNV} pCheckpointDataCount = Ref{UInt32}() vkGetQueueCheckpointDataNV(queue, pCheckpointDataCount, C_NULL, fptr) pCheckpointData = Vector{VkCheckpointDataNV}(undef, pCheckpointDataCount[]) vkGetQueueCheckpointDataNV(queue, pCheckpointDataCount, pCheckpointData, fptr) from_vk.(_CheckpointDataNV, pCheckpointData) end _cmd_bind_transform_feedback_buffers_ext(command_buffer, buffers::AbstractArray, offsets::AbstractArray, fptr::FunctionPtr; sizes = C_NULL)::Cvoid = vkCmdBindTransformFeedbackBuffersEXT(command_buffer, 0, pointer_length(buffers), buffers, offsets, sizes, fptr) _cmd_begin_transform_feedback_ext(command_buffer, counter_buffers::AbstractArray, fptr::FunctionPtr; counter_buffer_offsets = C_NULL)::Cvoid = vkCmdBeginTransformFeedbackEXT(command_buffer, 0, pointer_length(counter_buffers), counter_buffers, counter_buffer_offsets, fptr) _cmd_end_transform_feedback_ext(command_buffer, counter_buffers::AbstractArray, fptr::FunctionPtr; counter_buffer_offsets = C_NULL)::Cvoid = vkCmdEndTransformFeedbackEXT(command_buffer, 0, pointer_length(counter_buffers), counter_buffers, counter_buffer_offsets, fptr) _cmd_begin_query_indexed_ext(command_buffer, query_pool, query::Integer, index::Integer, fptr::FunctionPtr; flags = 0)::Cvoid = vkCmdBeginQueryIndexedEXT(command_buffer, query_pool, query, flags, index, fptr) _cmd_end_query_indexed_ext(command_buffer, query_pool, query::Integer, index::Integer, fptr::FunctionPtr)::Cvoid = vkCmdEndQueryIndexedEXT(command_buffer, query_pool, query, index, fptr) _cmd_draw_indirect_byte_count_ext(command_buffer, instance_count::Integer, first_instance::Integer, counter_buffer, counter_buffer_offset::Integer, counter_offset::Integer, vertex_stride::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawIndirectByteCountEXT(command_buffer, instance_count, first_instance, counter_buffer, counter_buffer_offset, counter_offset, vertex_stride, fptr) _cmd_set_exclusive_scissor_nv(command_buffer, exclusive_scissors::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetExclusiveScissorNV(command_buffer, 0, pointer_length(exclusive_scissors), exclusive_scissors, fptr) _cmd_bind_shading_rate_image_nv(command_buffer, image_layout::ImageLayout, fptr::FunctionPtr; image_view = C_NULL)::Cvoid = vkCmdBindShadingRateImageNV(command_buffer, image_view, image_layout, fptr) _cmd_set_viewport_shading_rate_palette_nv(command_buffer, shading_rate_palettes::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetViewportShadingRatePaletteNV(command_buffer, 0, pointer_length(shading_rate_palettes), shading_rate_palettes, fptr) _cmd_set_coarse_sample_order_nv(command_buffer, sample_order_type::CoarseSampleOrderTypeNV, custom_sample_orders::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetCoarseSampleOrderNV(command_buffer, sample_order_type, pointer_length(custom_sample_orders), custom_sample_orders, fptr) _cmd_draw_mesh_tasks_nv(command_buffer, task_count::Integer, first_task::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawMeshTasksNV(command_buffer, task_count, first_task, fptr) _cmd_draw_mesh_tasks_indirect_nv(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawMeshTasksIndirectNV(command_buffer, buffer, offset, draw_count, stride, fptr) _cmd_draw_mesh_tasks_indirect_count_nv(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawMeshTasksIndirectCountNV(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride, fptr) _cmd_draw_mesh_tasks_ext(command_buffer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawMeshTasksEXT(command_buffer, group_count_x, group_count_y, group_count_z, fptr) _cmd_draw_mesh_tasks_indirect_ext(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawMeshTasksIndirectEXT(command_buffer, buffer, offset, draw_count, stride, fptr) _cmd_draw_mesh_tasks_indirect_count_ext(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDrawMeshTasksIndirectCountEXT(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride, fptr) _compile_deferred_nv(device, pipeline, shader::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkCompileDeferredNV(device, pipeline, shader, fptr)) function _create_acceleration_structure_nv(device, create_info::_AccelerationStructureCreateInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{AccelerationStructureNV, VulkanError} pAccelerationStructure = Ref{VkAccelerationStructureNV}() @check vkCreateAccelerationStructureNV(device, create_info, allocator, pAccelerationStructure, fptr_create) AccelerationStructureNV(pAccelerationStructure[], begin parent = Vk.handle(device) x->_destroy_acceleration_structure_nv(parent, x, fptr_destroy; allocator) end, device) end _cmd_bind_invocation_mask_huawei(command_buffer, image_layout::ImageLayout, fptr::FunctionPtr; image_view = C_NULL)::Cvoid = vkCmdBindInvocationMaskHUAWEI(command_buffer, image_view, image_layout, fptr) _destroy_acceleration_structure_khr(device, acceleration_structure, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyAccelerationStructureKHR(device, acceleration_structure, allocator, fptr) _destroy_acceleration_structure_nv(device, acceleration_structure, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyAccelerationStructureNV(device, acceleration_structure, allocator, fptr) function _get_acceleration_structure_memory_requirements_nv(device, info::_AccelerationStructureMemoryRequirementsInfoNV, fptr::FunctionPtr)::VkMemoryRequirements2KHR pMemoryRequirements = Ref{VkMemoryRequirements2KHR}() vkGetAccelerationStructureMemoryRequirementsNV(device, info, pMemoryRequirements, fptr) from_vk(VkMemoryRequirements2KHR, pMemoryRequirements[]) end _bind_acceleration_structure_memory_nv(device, bind_infos::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkBindAccelerationStructureMemoryNV(device, pointer_length(bind_infos), bind_infos, fptr)) _cmd_copy_acceleration_structure_nv(command_buffer, dst, src, mode::CopyAccelerationStructureModeKHR, fptr::FunctionPtr)::Cvoid = vkCmdCopyAccelerationStructureNV(command_buffer, dst, src, mode, fptr) _cmd_copy_acceleration_structure_khr(command_buffer, info::_CopyAccelerationStructureInfoKHR, fptr::FunctionPtr)::Cvoid = vkCmdCopyAccelerationStructureKHR(command_buffer, info, fptr) _copy_acceleration_structure_khr(device, info::_CopyAccelerationStructureInfoKHR, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkCopyAccelerationStructureKHR(device, deferred_operation, info, fptr)) _cmd_copy_acceleration_structure_to_memory_khr(command_buffer, info::_CopyAccelerationStructureToMemoryInfoKHR, fptr::FunctionPtr)::Cvoid = vkCmdCopyAccelerationStructureToMemoryKHR(command_buffer, info, fptr) _copy_acceleration_structure_to_memory_khr(device, info::_CopyAccelerationStructureToMemoryInfoKHR, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkCopyAccelerationStructureToMemoryKHR(device, deferred_operation, info, fptr)) _cmd_copy_memory_to_acceleration_structure_khr(command_buffer, info::_CopyMemoryToAccelerationStructureInfoKHR, fptr::FunctionPtr)::Cvoid = vkCmdCopyMemoryToAccelerationStructureKHR(command_buffer, info, fptr) _copy_memory_to_acceleration_structure_khr(device, info::_CopyMemoryToAccelerationStructureInfoKHR, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkCopyMemoryToAccelerationStructureKHR(device, deferred_operation, info, fptr)) _cmd_write_acceleration_structures_properties_khr(command_buffer, acceleration_structures::AbstractArray, query_type::QueryType, query_pool, first_query::Integer, fptr::FunctionPtr)::Cvoid = vkCmdWriteAccelerationStructuresPropertiesKHR(command_buffer, pointer_length(acceleration_structures), acceleration_structures, query_type, query_pool, first_query, fptr) _cmd_write_acceleration_structures_properties_nv(command_buffer, acceleration_structures::AbstractArray, query_type::QueryType, query_pool, first_query::Integer, fptr::FunctionPtr)::Cvoid = vkCmdWriteAccelerationStructuresPropertiesNV(command_buffer, pointer_length(acceleration_structures), acceleration_structures, query_type, query_pool, first_query, fptr) _cmd_build_acceleration_structure_nv(command_buffer, info::_AccelerationStructureInfoNV, instance_offset::Integer, update::Bool, dst, scratch, scratch_offset::Integer, fptr::FunctionPtr; instance_data = C_NULL, src = C_NULL)::Cvoid = vkCmdBuildAccelerationStructureNV(command_buffer, info, instance_data, instance_offset, update, dst, src, scratch, scratch_offset, fptr) _write_acceleration_structures_properties_khr(device, acceleration_structures::AbstractArray, query_type::QueryType, data_size::Integer, data::Ptr{Cvoid}, stride::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkWriteAccelerationStructuresPropertiesKHR(device, pointer_length(acceleration_structures), acceleration_structures, query_type, data_size, data, stride, fptr)) _cmd_trace_rays_khr(command_buffer, raygen_shader_binding_table::_StridedDeviceAddressRegionKHR, miss_shader_binding_table::_StridedDeviceAddressRegionKHR, hit_shader_binding_table::_StridedDeviceAddressRegionKHR, callable_shader_binding_table::_StridedDeviceAddressRegionKHR, width::Integer, height::Integer, depth::Integer, fptr::FunctionPtr)::Cvoid = vkCmdTraceRaysKHR(command_buffer, raygen_shader_binding_table, miss_shader_binding_table, hit_shader_binding_table, callable_shader_binding_table, width, height, depth, fptr) _cmd_trace_rays_nv(command_buffer, raygen_shader_binding_table_buffer, raygen_shader_binding_offset::Integer, miss_shader_binding_offset::Integer, miss_shader_binding_stride::Integer, hit_shader_binding_offset::Integer, hit_shader_binding_stride::Integer, callable_shader_binding_offset::Integer, callable_shader_binding_stride::Integer, width::Integer, height::Integer, depth::Integer, fptr::FunctionPtr; miss_shader_binding_table_buffer = C_NULL, hit_shader_binding_table_buffer = C_NULL, callable_shader_binding_table_buffer = C_NULL)::Cvoid = vkCmdTraceRaysNV(command_buffer, raygen_shader_binding_table_buffer, raygen_shader_binding_offset, miss_shader_binding_table_buffer, miss_shader_binding_offset, miss_shader_binding_stride, hit_shader_binding_table_buffer, hit_shader_binding_offset, hit_shader_binding_stride, callable_shader_binding_table_buffer, callable_shader_binding_offset, callable_shader_binding_stride, width, height, depth, fptr) _get_ray_tracing_shader_group_handles_khr(device, pipeline, first_group::Integer, group_count::Integer, data_size::Integer, data::Ptr{Cvoid}, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkGetRayTracingShaderGroupHandlesKHR(device, pipeline, first_group, group_count, data_size, data, fptr)) _get_ray_tracing_capture_replay_shader_group_handles_khr(device, pipeline, first_group::Integer, group_count::Integer, data_size::Integer, data::Ptr{Cvoid}, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkGetRayTracingCaptureReplayShaderGroupHandlesKHR(device, pipeline, first_group, group_count, data_size, data, fptr)) _get_acceleration_structure_handle_nv(device, acceleration_structure, data_size::Integer, data::Ptr{Cvoid}, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkGetAccelerationStructureHandleNV(device, acceleration_structure, data_size, data, fptr)) function _create_ray_tracing_pipelines_nv(device, create_infos::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} pPipelines = Vector{VkPipeline}(undef, pointer_length(create_infos)) @check vkCreateRayTracingPipelinesNV(device, pipeline_cache, pointer_length(create_infos), create_infos, allocator, pPipelines, fptr_create) (Pipeline.(pPipelines, begin parent = Vk.handle(device) x->_destroy_pipeline(parent, x, fptr_destroy; allocator) end, device), _return_code) end function _create_ray_tracing_pipelines_khr(device, create_infos::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; deferred_operation = C_NULL, pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} pPipelines = Vector{VkPipeline}(undef, pointer_length(create_infos)) @check vkCreateRayTracingPipelinesKHR(device, deferred_operation, pipeline_cache, pointer_length(create_infos), create_infos, allocator, pPipelines, fptr_create) (Pipeline.(pPipelines, begin parent = Vk.handle(device) x->_destroy_pipeline(parent, x, fptr_destroy; allocator) end, device), _return_code) end function _get_physical_device_cooperative_matrix_properties_nv(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{_CooperativeMatrixPropertiesNV}, VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceCooperativeMatrixPropertiesNV(physical_device, pPropertyCount, C_NULL, fptr) pProperties = Vector{VkCooperativeMatrixPropertiesNV}(undef, pPropertyCount[]) @check vkGetPhysicalDeviceCooperativeMatrixPropertiesNV(physical_device, pPropertyCount, pProperties, fptr) end from_vk.(_CooperativeMatrixPropertiesNV, pProperties) end _cmd_trace_rays_indirect_khr(command_buffer, raygen_shader_binding_table::_StridedDeviceAddressRegionKHR, miss_shader_binding_table::_StridedDeviceAddressRegionKHR, hit_shader_binding_table::_StridedDeviceAddressRegionKHR, callable_shader_binding_table::_StridedDeviceAddressRegionKHR, indirect_device_address::Integer, fptr::FunctionPtr)::Cvoid = vkCmdTraceRaysIndirectKHR(command_buffer, raygen_shader_binding_table, miss_shader_binding_table, hit_shader_binding_table, callable_shader_binding_table, indirect_device_address, fptr) _cmd_trace_rays_indirect_2_khr(command_buffer, indirect_device_address::Integer, fptr::FunctionPtr)::Cvoid = vkCmdTraceRaysIndirect2KHR(command_buffer, indirect_device_address, fptr) function _get_device_acceleration_structure_compatibility_khr(device, version_info::_AccelerationStructureVersionInfoKHR, fptr::FunctionPtr)::AccelerationStructureCompatibilityKHR pCompatibility = Ref{VkAccelerationStructureCompatibilityKHR}() vkGetDeviceAccelerationStructureCompatibilityKHR(device, version_info, pCompatibility, fptr) pCompatibility[] end _get_ray_tracing_shader_group_stack_size_khr(device, pipeline, group::Integer, group_shader::ShaderGroupShaderKHR, fptr::FunctionPtr)::UInt64 = vkGetRayTracingShaderGroupStackSizeKHR(device, pipeline, group, group_shader, fptr) _cmd_set_ray_tracing_pipeline_stack_size_khr(command_buffer, pipeline_stack_size::Integer, fptr::FunctionPtr)::Cvoid = vkCmdSetRayTracingPipelineStackSizeKHR(command_buffer, pipeline_stack_size, fptr) _get_image_view_handle_nvx(device, info::_ImageViewHandleInfoNVX, fptr::FunctionPtr)::UInt32 = vkGetImageViewHandleNVX(device, info, fptr) function _get_image_view_address_nvx(device, image_view, fptr::FunctionPtr)::ResultTypes.Result{_ImageViewAddressPropertiesNVX, VulkanError} pProperties = Ref{VkImageViewAddressPropertiesNVX}() @check vkGetImageViewAddressNVX(device, image_view, pProperties, fptr) from_vk(_ImageViewAddressPropertiesNVX, pProperties[]) end function _get_physical_device_surface_present_modes_2_ext(physical_device, surface_info::_PhysicalDeviceSurfaceInfo2KHR, fptr::FunctionPtr)::ResultTypes.Result{Vector{PresentModeKHR}, VulkanError} pPresentModeCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceSurfacePresentModes2EXT(physical_device, surface_info, pPresentModeCount, C_NULL, fptr) pPresentModes = Vector{VkPresentModeKHR}(undef, pPresentModeCount[]) @check vkGetPhysicalDeviceSurfacePresentModes2EXT(physical_device, surface_info, pPresentModeCount, pPresentModes, fptr) end pPresentModes end function _get_device_group_surface_present_modes_2_ext(device, surface_info::_PhysicalDeviceSurfaceInfo2KHR, modes::DeviceGroupPresentModeFlagKHR, fptr::FunctionPtr)::ResultTypes.Result{DeviceGroupPresentModeFlagKHR, VulkanError} pModes = Ref{VkDeviceGroupPresentModeFlagsKHR}() @check vkGetDeviceGroupSurfacePresentModes2EXT(device, surface_info, pModes, fptr) pModes[] end _acquire_full_screen_exclusive_mode_ext(device, swapchain, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkAcquireFullScreenExclusiveModeEXT(device, swapchain, fptr)) _release_full_screen_exclusive_mode_ext(device, swapchain, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkReleaseFullScreenExclusiveModeEXT(device, swapchain, fptr)) function _enumerate_physical_device_queue_family_performance_query_counters_khr(physical_device, queue_family_index::Integer, fptr::FunctionPtr)::ResultTypes.Result{Tuple{Vector{_PerformanceCounterKHR}, Vector{_PerformanceCounterDescriptionKHR}}, VulkanError} pCounterCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkEnumeratePhysicalDeviceQueueFamilyPerformanceQueryCountersKHR(physical_device, queue_family_index, pCounterCount, C_NULL, C_NULL, fptr) pCounters = Vector{VkPerformanceCounterKHR}(undef, pCounterCount[]) pCounterDescriptions = Vector{VkPerformanceCounterDescriptionKHR}(undef, pCounterCount[]) @check vkEnumeratePhysicalDeviceQueueFamilyPerformanceQueryCountersKHR(physical_device, queue_family_index, pCounterCount, pCounters, pCounterDescriptions, fptr) end (from_vk.(_PerformanceCounterKHR, pCounters), from_vk.(_PerformanceCounterDescriptionKHR, pCounterDescriptions)) end function _get_physical_device_queue_family_performance_query_passes_khr(physical_device, performance_query_create_info::_QueryPoolPerformanceCreateInfoKHR, fptr::FunctionPtr)::UInt32 pNumPasses = Ref{UInt32}() vkGetPhysicalDeviceQueueFamilyPerformanceQueryPassesKHR(physical_device, performance_query_create_info, pNumPasses, fptr) pNumPasses[] end _acquire_profiling_lock_khr(device, info::_AcquireProfilingLockInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkAcquireProfilingLockKHR(device, info, fptr)) _release_profiling_lock_khr(device, fptr::FunctionPtr)::Cvoid = vkReleaseProfilingLockKHR(device, fptr) function _get_image_drm_format_modifier_properties_ext(device, image, fptr::FunctionPtr)::ResultTypes.Result{_ImageDrmFormatModifierPropertiesEXT, VulkanError} pProperties = Ref{VkImageDrmFormatModifierPropertiesEXT}() @check vkGetImageDrmFormatModifierPropertiesEXT(device, image, pProperties, fptr) from_vk(_ImageDrmFormatModifierPropertiesEXT, pProperties[]) end _get_buffer_opaque_capture_address(device, info::_BufferDeviceAddressInfo, fptr::FunctionPtr)::UInt64 = vkGetBufferOpaqueCaptureAddress(device, info, fptr) _get_buffer_device_address(device, info::_BufferDeviceAddressInfo, fptr::FunctionPtr)::UInt64 = vkGetBufferDeviceAddress(device, info, fptr) function _create_headless_surface_ext(instance, create_info::_HeadlessSurfaceCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} pSurface = Ref{VkSurfaceKHR}() @check vkCreateHeadlessSurfaceEXT(instance, create_info, allocator, pSurface, fptr_create) SurfaceKHR(pSurface[], begin parent = Vk.handle(instance) x->_destroy_surface_khr(parent, x, fptr_destroy; allocator) end, instance) end function _get_physical_device_supported_framebuffer_mixed_samples_combinations_nv(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{_FramebufferMixedSamplesCombinationNV}, VulkanError} pCombinationCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceSupportedFramebufferMixedSamplesCombinationsNV(physical_device, pCombinationCount, C_NULL, fptr) pCombinations = Vector{VkFramebufferMixedSamplesCombinationNV}(undef, pCombinationCount[]) @check vkGetPhysicalDeviceSupportedFramebufferMixedSamplesCombinationsNV(physical_device, pCombinationCount, pCombinations, fptr) end from_vk.(_FramebufferMixedSamplesCombinationNV, pCombinations) end _initialize_performance_api_intel(device, initialize_info::_InitializePerformanceApiInfoINTEL, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkInitializePerformanceApiINTEL(device, initialize_info, fptr)) _uninitialize_performance_api_intel(device, fptr::FunctionPtr)::Cvoid = vkUninitializePerformanceApiINTEL(device, fptr) _cmd_set_performance_marker_intel(command_buffer, marker_info::_PerformanceMarkerInfoINTEL, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkCmdSetPerformanceMarkerINTEL(command_buffer, marker_info, fptr)) _cmd_set_performance_stream_marker_intel(command_buffer, marker_info::_PerformanceStreamMarkerInfoINTEL, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkCmdSetPerformanceStreamMarkerINTEL(command_buffer, marker_info, fptr)) _cmd_set_performance_override_intel(command_buffer, override_info::_PerformanceOverrideInfoINTEL, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkCmdSetPerformanceOverrideINTEL(command_buffer, override_info, fptr)) function _acquire_performance_configuration_intel(device, acquire_info::_PerformanceConfigurationAcquireInfoINTEL, fptr::FunctionPtr)::ResultTypes.Result{PerformanceConfigurationINTEL, VulkanError} pConfiguration = Ref{VkPerformanceConfigurationINTEL}() @check vkAcquirePerformanceConfigurationINTEL(device, acquire_info, pConfiguration, fptr) PerformanceConfigurationINTEL(pConfiguration[], identity, device) end _release_performance_configuration_intel(device, fptr::FunctionPtr; configuration = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkReleasePerformanceConfigurationINTEL(device, configuration, fptr)) _queue_set_performance_configuration_intel(queue, configuration, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkQueueSetPerformanceConfigurationINTEL(queue, configuration, fptr)) function _get_performance_parameter_intel(device, parameter::PerformanceParameterTypeINTEL, fptr::FunctionPtr)::ResultTypes.Result{_PerformanceValueINTEL, VulkanError} pValue = Ref{VkPerformanceValueINTEL}() @check vkGetPerformanceParameterINTEL(device, parameter, pValue, fptr) from_vk(_PerformanceValueINTEL, pValue[]) end _get_device_memory_opaque_capture_address(device, info::_DeviceMemoryOpaqueCaptureAddressInfo, fptr::FunctionPtr)::UInt64 = vkGetDeviceMemoryOpaqueCaptureAddress(device, info, fptr) function _get_pipeline_executable_properties_khr(device, pipeline_info::_PipelineInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Vector{_PipelineExecutablePropertiesKHR}, VulkanError} pExecutableCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPipelineExecutablePropertiesKHR(device, pipeline_info, pExecutableCount, C_NULL, fptr) pProperties = Vector{VkPipelineExecutablePropertiesKHR}(undef, pExecutableCount[]) @check vkGetPipelineExecutablePropertiesKHR(device, pipeline_info, pExecutableCount, pProperties, fptr) end from_vk.(_PipelineExecutablePropertiesKHR, pProperties) end function _get_pipeline_executable_statistics_khr(device, executable_info::_PipelineExecutableInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Vector{_PipelineExecutableStatisticKHR}, VulkanError} pStatisticCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPipelineExecutableStatisticsKHR(device, executable_info, pStatisticCount, C_NULL, fptr) pStatistics = Vector{VkPipelineExecutableStatisticKHR}(undef, pStatisticCount[]) @check vkGetPipelineExecutableStatisticsKHR(device, executable_info, pStatisticCount, pStatistics, fptr) end from_vk.(_PipelineExecutableStatisticKHR, pStatistics) end function _get_pipeline_executable_internal_representations_khr(device, executable_info::_PipelineExecutableInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Vector{_PipelineExecutableInternalRepresentationKHR}, VulkanError} pInternalRepresentationCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPipelineExecutableInternalRepresentationsKHR(device, executable_info, pInternalRepresentationCount, C_NULL, fptr) pInternalRepresentations = Vector{VkPipelineExecutableInternalRepresentationKHR}(undef, pInternalRepresentationCount[]) @check vkGetPipelineExecutableInternalRepresentationsKHR(device, executable_info, pInternalRepresentationCount, pInternalRepresentations, fptr) end from_vk.(_PipelineExecutableInternalRepresentationKHR, pInternalRepresentations) end _cmd_set_line_stipple_ext(command_buffer, line_stipple_factor::Integer, line_stipple_pattern::Integer, fptr::FunctionPtr)::Cvoid = vkCmdSetLineStippleEXT(command_buffer, line_stipple_factor, line_stipple_pattern, fptr) function _get_physical_device_tool_properties(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{_PhysicalDeviceToolProperties}, VulkanError} pToolCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceToolProperties(physical_device, pToolCount, C_NULL, fptr) pToolProperties = Vector{VkPhysicalDeviceToolProperties}(undef, pToolCount[]) @check vkGetPhysicalDeviceToolProperties(physical_device, pToolCount, pToolProperties, fptr) end from_vk.(_PhysicalDeviceToolProperties, pToolProperties) end function _create_acceleration_structure_khr(device, create_info::_AccelerationStructureCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{AccelerationStructureKHR, VulkanError} pAccelerationStructure = Ref{VkAccelerationStructureKHR}() @check vkCreateAccelerationStructureKHR(device, create_info, allocator, pAccelerationStructure, fptr_create) AccelerationStructureKHR(pAccelerationStructure[], begin parent = Vk.handle(device) x->_destroy_acceleration_structure_khr(parent, x, fptr_destroy; allocator) end, device) end _cmd_build_acceleration_structures_khr(command_buffer, infos::AbstractArray, build_range_infos::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdBuildAccelerationStructuresKHR(command_buffer, pointer_length(infos), infos, build_range_infos, fptr) _cmd_build_acceleration_structures_indirect_khr(command_buffer, infos::AbstractArray, indirect_device_addresses::AbstractArray, indirect_strides::AbstractArray, max_primitive_counts::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdBuildAccelerationStructuresIndirectKHR(command_buffer, pointer_length(infos), infos, indirect_device_addresses, indirect_strides, max_primitive_counts, fptr) _build_acceleration_structures_khr(device, infos::AbstractArray, build_range_infos::AbstractArray, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkBuildAccelerationStructuresKHR(device, deferred_operation, pointer_length(infos), infos, build_range_infos, fptr)) _get_acceleration_structure_device_address_khr(device, info::_AccelerationStructureDeviceAddressInfoKHR, fptr::FunctionPtr)::UInt64 = vkGetAccelerationStructureDeviceAddressKHR(device, info, fptr) function _create_deferred_operation_khr(device, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DeferredOperationKHR, VulkanError} pDeferredOperation = Ref{VkDeferredOperationKHR}() @check vkCreateDeferredOperationKHR(device, allocator, pDeferredOperation, fptr_create) DeferredOperationKHR(pDeferredOperation[], begin parent = Vk.handle(device) x->_destroy_deferred_operation_khr(parent, x, fptr_destroy; allocator) end, device) end _destroy_deferred_operation_khr(device, operation, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyDeferredOperationKHR(device, operation, allocator, fptr) _get_deferred_operation_max_concurrency_khr(device, operation, fptr::FunctionPtr)::UInt32 = vkGetDeferredOperationMaxConcurrencyKHR(device, operation, fptr) _get_deferred_operation_result_khr(device, operation, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkGetDeferredOperationResultKHR(device, operation, fptr)) _deferred_operation_join_khr(device, operation, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkDeferredOperationJoinKHR(device, operation, fptr)) _cmd_set_cull_mode(command_buffer, fptr::FunctionPtr; cull_mode = 0)::Cvoid = vkCmdSetCullMode(command_buffer, cull_mode, fptr) _cmd_set_front_face(command_buffer, front_face::FrontFace, fptr::FunctionPtr)::Cvoid = vkCmdSetFrontFace(command_buffer, front_face, fptr) _cmd_set_primitive_topology(command_buffer, primitive_topology::PrimitiveTopology, fptr::FunctionPtr)::Cvoid = vkCmdSetPrimitiveTopology(command_buffer, primitive_topology, fptr) _cmd_set_viewport_with_count(command_buffer, viewports::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetViewportWithCount(command_buffer, pointer_length(viewports), viewports, fptr) _cmd_set_scissor_with_count(command_buffer, scissors::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetScissorWithCount(command_buffer, pointer_length(scissors), scissors, fptr) _cmd_bind_vertex_buffers_2(command_buffer, buffers::AbstractArray, offsets::AbstractArray, fptr::FunctionPtr; sizes = C_NULL, strides = C_NULL)::Cvoid = vkCmdBindVertexBuffers2(command_buffer, 0, pointer_length(buffers), buffers, offsets, sizes, strides, fptr) _cmd_set_depth_test_enable(command_buffer, depth_test_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetDepthTestEnable(command_buffer, depth_test_enable, fptr) _cmd_set_depth_write_enable(command_buffer, depth_write_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetDepthWriteEnable(command_buffer, depth_write_enable, fptr) _cmd_set_depth_compare_op(command_buffer, depth_compare_op::CompareOp, fptr::FunctionPtr)::Cvoid = vkCmdSetDepthCompareOp(command_buffer, depth_compare_op, fptr) _cmd_set_depth_bounds_test_enable(command_buffer, depth_bounds_test_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetDepthBoundsTestEnable(command_buffer, depth_bounds_test_enable, fptr) _cmd_set_stencil_test_enable(command_buffer, stencil_test_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetStencilTestEnable(command_buffer, stencil_test_enable, fptr) _cmd_set_stencil_op(command_buffer, face_mask::StencilFaceFlag, fail_op::StencilOp, pass_op::StencilOp, depth_fail_op::StencilOp, compare_op::CompareOp, fptr::FunctionPtr)::Cvoid = vkCmdSetStencilOp(command_buffer, face_mask, fail_op, pass_op, depth_fail_op, compare_op, fptr) _cmd_set_patch_control_points_ext(command_buffer, patch_control_points::Integer, fptr::FunctionPtr)::Cvoid = vkCmdSetPatchControlPointsEXT(command_buffer, patch_control_points, fptr) _cmd_set_rasterizer_discard_enable(command_buffer, rasterizer_discard_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetRasterizerDiscardEnable(command_buffer, rasterizer_discard_enable, fptr) _cmd_set_depth_bias_enable(command_buffer, depth_bias_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetDepthBiasEnable(command_buffer, depth_bias_enable, fptr) _cmd_set_logic_op_ext(command_buffer, logic_op::LogicOp, fptr::FunctionPtr)::Cvoid = vkCmdSetLogicOpEXT(command_buffer, logic_op, fptr) _cmd_set_primitive_restart_enable(command_buffer, primitive_restart_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetPrimitiveRestartEnable(command_buffer, primitive_restart_enable, fptr) _cmd_set_tessellation_domain_origin_ext(command_buffer, domain_origin::TessellationDomainOrigin, fptr::FunctionPtr)::Cvoid = vkCmdSetTessellationDomainOriginEXT(command_buffer, domain_origin, fptr) _cmd_set_depth_clamp_enable_ext(command_buffer, depth_clamp_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetDepthClampEnableEXT(command_buffer, depth_clamp_enable, fptr) _cmd_set_polygon_mode_ext(command_buffer, polygon_mode::PolygonMode, fptr::FunctionPtr)::Cvoid = vkCmdSetPolygonModeEXT(command_buffer, polygon_mode, fptr) _cmd_set_rasterization_samples_ext(command_buffer, rasterization_samples::SampleCountFlag, fptr::FunctionPtr)::Cvoid = vkCmdSetRasterizationSamplesEXT(command_buffer, VkSampleCountFlagBits(rasterization_samples.val), fptr) _cmd_set_sample_mask_ext(command_buffer, samples::SampleCountFlag, sample_mask::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetSampleMaskEXT(command_buffer, VkSampleCountFlagBits(samples.val), sample_mask, fptr) _cmd_set_alpha_to_coverage_enable_ext(command_buffer, alpha_to_coverage_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetAlphaToCoverageEnableEXT(command_buffer, alpha_to_coverage_enable, fptr) _cmd_set_alpha_to_one_enable_ext(command_buffer, alpha_to_one_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetAlphaToOneEnableEXT(command_buffer, alpha_to_one_enable, fptr) _cmd_set_logic_op_enable_ext(command_buffer, logic_op_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetLogicOpEnableEXT(command_buffer, logic_op_enable, fptr) _cmd_set_color_blend_enable_ext(command_buffer, color_blend_enables::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetColorBlendEnableEXT(command_buffer, 0, pointer_length(color_blend_enables), color_blend_enables, fptr) _cmd_set_color_blend_equation_ext(command_buffer, color_blend_equations::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetColorBlendEquationEXT(command_buffer, 0, pointer_length(color_blend_equations), color_blend_equations, fptr) _cmd_set_color_write_mask_ext(command_buffer, color_write_masks::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetColorWriteMaskEXT(command_buffer, 0, pointer_length(color_write_masks), color_write_masks, fptr) _cmd_set_rasterization_stream_ext(command_buffer, rasterization_stream::Integer, fptr::FunctionPtr)::Cvoid = vkCmdSetRasterizationStreamEXT(command_buffer, rasterization_stream, fptr) _cmd_set_conservative_rasterization_mode_ext(command_buffer, conservative_rasterization_mode::ConservativeRasterizationModeEXT, fptr::FunctionPtr)::Cvoid = vkCmdSetConservativeRasterizationModeEXT(command_buffer, conservative_rasterization_mode, fptr) _cmd_set_extra_primitive_overestimation_size_ext(command_buffer, extra_primitive_overestimation_size::Real, fptr::FunctionPtr)::Cvoid = vkCmdSetExtraPrimitiveOverestimationSizeEXT(command_buffer, extra_primitive_overestimation_size, fptr) _cmd_set_depth_clip_enable_ext(command_buffer, depth_clip_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetDepthClipEnableEXT(command_buffer, depth_clip_enable, fptr) _cmd_set_sample_locations_enable_ext(command_buffer, sample_locations_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetSampleLocationsEnableEXT(command_buffer, sample_locations_enable, fptr) _cmd_set_color_blend_advanced_ext(command_buffer, color_blend_advanced::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetColorBlendAdvancedEXT(command_buffer, 0, pointer_length(color_blend_advanced), color_blend_advanced, fptr) _cmd_set_provoking_vertex_mode_ext(command_buffer, provoking_vertex_mode::ProvokingVertexModeEXT, fptr::FunctionPtr)::Cvoid = vkCmdSetProvokingVertexModeEXT(command_buffer, provoking_vertex_mode, fptr) _cmd_set_line_rasterization_mode_ext(command_buffer, line_rasterization_mode::LineRasterizationModeEXT, fptr::FunctionPtr)::Cvoid = vkCmdSetLineRasterizationModeEXT(command_buffer, line_rasterization_mode, fptr) _cmd_set_line_stipple_enable_ext(command_buffer, stippled_line_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetLineStippleEnableEXT(command_buffer, stippled_line_enable, fptr) _cmd_set_depth_clip_negative_one_to_one_ext(command_buffer, negative_one_to_one::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetDepthClipNegativeOneToOneEXT(command_buffer, negative_one_to_one, fptr) _cmd_set_viewport_w_scaling_enable_nv(command_buffer, viewport_w_scaling_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetViewportWScalingEnableNV(command_buffer, viewport_w_scaling_enable, fptr) _cmd_set_viewport_swizzle_nv(command_buffer, viewport_swizzles::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetViewportSwizzleNV(command_buffer, 0, pointer_length(viewport_swizzles), viewport_swizzles, fptr) _cmd_set_coverage_to_color_enable_nv(command_buffer, coverage_to_color_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetCoverageToColorEnableNV(command_buffer, coverage_to_color_enable, fptr) _cmd_set_coverage_to_color_location_nv(command_buffer, coverage_to_color_location::Integer, fptr::FunctionPtr)::Cvoid = vkCmdSetCoverageToColorLocationNV(command_buffer, coverage_to_color_location, fptr) _cmd_set_coverage_modulation_mode_nv(command_buffer, coverage_modulation_mode::CoverageModulationModeNV, fptr::FunctionPtr)::Cvoid = vkCmdSetCoverageModulationModeNV(command_buffer, coverage_modulation_mode, fptr) _cmd_set_coverage_modulation_table_enable_nv(command_buffer, coverage_modulation_table_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetCoverageModulationTableEnableNV(command_buffer, coverage_modulation_table_enable, fptr) _cmd_set_coverage_modulation_table_nv(command_buffer, coverage_modulation_table::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetCoverageModulationTableNV(command_buffer, pointer_length(coverage_modulation_table), coverage_modulation_table, fptr) _cmd_set_shading_rate_image_enable_nv(command_buffer, shading_rate_image_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetShadingRateImageEnableNV(command_buffer, shading_rate_image_enable, fptr) _cmd_set_coverage_reduction_mode_nv(command_buffer, coverage_reduction_mode::CoverageReductionModeNV, fptr::FunctionPtr)::Cvoid = vkCmdSetCoverageReductionModeNV(command_buffer, coverage_reduction_mode, fptr) _cmd_set_representative_fragment_test_enable_nv(command_buffer, representative_fragment_test_enable::Bool, fptr::FunctionPtr)::Cvoid = vkCmdSetRepresentativeFragmentTestEnableNV(command_buffer, representative_fragment_test_enable, fptr) function _create_private_data_slot(device, create_info::_PrivateDataSlotCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{PrivateDataSlot, VulkanError} pPrivateDataSlot = Ref{VkPrivateDataSlot}() @check vkCreatePrivateDataSlot(device, create_info, allocator, pPrivateDataSlot, fptr_create) PrivateDataSlot(pPrivateDataSlot[], begin parent = Vk.handle(device) x->_destroy_private_data_slot(parent, x, fptr_destroy; allocator) end, device) end _destroy_private_data_slot(device, private_data_slot, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyPrivateDataSlot(device, private_data_slot, allocator, fptr) _set_private_data(device, object_type::ObjectType, object_handle::Integer, private_data_slot, data::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkSetPrivateData(device, object_type, object_handle, private_data_slot, data, fptr)) function _get_private_data(device, object_type::ObjectType, object_handle::Integer, private_data_slot, fptr::FunctionPtr)::UInt64 pData = Ref{UInt64}() vkGetPrivateData(device, object_type, object_handle, private_data_slot, pData, fptr) pData[] end _cmd_copy_buffer_2(command_buffer, copy_buffer_info::_CopyBufferInfo2, fptr::FunctionPtr)::Cvoid = vkCmdCopyBuffer2(command_buffer, copy_buffer_info, fptr) _cmd_copy_image_2(command_buffer, copy_image_info::_CopyImageInfo2, fptr::FunctionPtr)::Cvoid = vkCmdCopyImage2(command_buffer, copy_image_info, fptr) _cmd_blit_image_2(command_buffer, blit_image_info::_BlitImageInfo2, fptr::FunctionPtr)::Cvoid = vkCmdBlitImage2(command_buffer, blit_image_info, fptr) _cmd_copy_buffer_to_image_2(command_buffer, copy_buffer_to_image_info::_CopyBufferToImageInfo2, fptr::FunctionPtr)::Cvoid = vkCmdCopyBufferToImage2(command_buffer, copy_buffer_to_image_info, fptr) _cmd_copy_image_to_buffer_2(command_buffer, copy_image_to_buffer_info::_CopyImageToBufferInfo2, fptr::FunctionPtr)::Cvoid = vkCmdCopyImageToBuffer2(command_buffer, copy_image_to_buffer_info, fptr) _cmd_resolve_image_2(command_buffer, resolve_image_info::_ResolveImageInfo2, fptr::FunctionPtr)::Cvoid = vkCmdResolveImage2(command_buffer, resolve_image_info, fptr) _cmd_set_fragment_shading_rate_khr(command_buffer, fragment_size::_Extent2D, combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}, fptr::FunctionPtr)::Cvoid = vkCmdSetFragmentShadingRateKHR(command_buffer, fragment_size, to_vk(NTuple{2, VkFragmentShadingRateCombinerOpKHR}, combiner_ops), fptr) function _get_physical_device_fragment_shading_rates_khr(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{_PhysicalDeviceFragmentShadingRateKHR}, VulkanError} pFragmentShadingRateCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceFragmentShadingRatesKHR(physical_device, pFragmentShadingRateCount, C_NULL, fptr) pFragmentShadingRates = Vector{VkPhysicalDeviceFragmentShadingRateKHR}(undef, pFragmentShadingRateCount[]) @check vkGetPhysicalDeviceFragmentShadingRatesKHR(physical_device, pFragmentShadingRateCount, pFragmentShadingRates, fptr) end from_vk.(_PhysicalDeviceFragmentShadingRateKHR, pFragmentShadingRates) end _cmd_set_fragment_shading_rate_enum_nv(command_buffer, shading_rate::FragmentShadingRateNV, combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}, fptr::FunctionPtr)::Cvoid = vkCmdSetFragmentShadingRateEnumNV(command_buffer, shading_rate, to_vk(NTuple{2, VkFragmentShadingRateCombinerOpKHR}, combiner_ops), fptr) function _get_acceleration_structure_build_sizes_khr(device, build_type::AccelerationStructureBuildTypeKHR, build_info::_AccelerationStructureBuildGeometryInfoKHR, fptr::FunctionPtr; max_primitive_counts = C_NULL)::_AccelerationStructureBuildSizesInfoKHR pSizeInfo = Ref{VkAccelerationStructureBuildSizesInfoKHR}() vkGetAccelerationStructureBuildSizesKHR(device, build_type, build_info, max_primitive_counts, pSizeInfo, fptr) from_vk(_AccelerationStructureBuildSizesInfoKHR, pSizeInfo[]) end _cmd_set_vertex_input_ext(command_buffer, vertex_binding_descriptions::AbstractArray, vertex_attribute_descriptions::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetVertexInputEXT(command_buffer, pointer_length(vertex_binding_descriptions), vertex_binding_descriptions, pointer_length(vertex_attribute_descriptions), vertex_attribute_descriptions, fptr) _cmd_set_color_write_enable_ext(command_buffer, color_write_enables::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetColorWriteEnableEXT(command_buffer, pointer_length(color_write_enables), color_write_enables, fptr) _cmd_set_event_2(command_buffer, event, dependency_info::_DependencyInfo, fptr::FunctionPtr)::Cvoid = vkCmdSetEvent2(command_buffer, event, dependency_info, fptr) _cmd_reset_event_2(command_buffer, event, fptr::FunctionPtr; stage_mask = 0)::Cvoid = vkCmdResetEvent2(command_buffer, event, stage_mask, fptr) _cmd_wait_events_2(command_buffer, events::AbstractArray, dependency_infos::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdWaitEvents2(command_buffer, pointer_length(events), events, dependency_infos, fptr) _cmd_pipeline_barrier_2(command_buffer, dependency_info::_DependencyInfo, fptr::FunctionPtr)::Cvoid = vkCmdPipelineBarrier2(command_buffer, dependency_info, fptr) _queue_submit_2(queue, submits::AbstractArray, fptr::FunctionPtr; fence = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkQueueSubmit2(queue, pointer_length(submits), submits, fence, fptr)) _cmd_write_timestamp_2(command_buffer, query_pool, query::Integer, fptr::FunctionPtr; stage = 0)::Cvoid = vkCmdWriteTimestamp2(command_buffer, stage, query_pool, query, fptr) _cmd_write_buffer_marker_2_amd(command_buffer, dst_buffer, dst_offset::Integer, marker::Integer, fptr::FunctionPtr; stage = 0)::Cvoid = vkCmdWriteBufferMarker2AMD(command_buffer, stage, dst_buffer, dst_offset, marker, fptr) function _get_queue_checkpoint_data_2_nv(queue, fptr::FunctionPtr)::Vector{_CheckpointData2NV} pCheckpointDataCount = Ref{UInt32}() vkGetQueueCheckpointData2NV(queue, pCheckpointDataCount, C_NULL, fptr) pCheckpointData = Vector{VkCheckpointData2NV}(undef, pCheckpointDataCount[]) vkGetQueueCheckpointData2NV(queue, pCheckpointDataCount, pCheckpointData, fptr) from_vk.(_CheckpointData2NV, pCheckpointData) end function _get_physical_device_video_capabilities_khr(physical_device, video_profile::_VideoProfileInfoKHR, fptr::FunctionPtr, next_types::Type...)::ResultTypes.Result{_VideoCapabilitiesKHR, VulkanError} capabilities = initialize(_VideoCapabilitiesKHR, next_types...) pCapabilities = Ref(Base.unsafe_convert(VkVideoCapabilitiesKHR, capabilities)) GC.@preserve capabilities begin @check vkGetPhysicalDeviceVideoCapabilitiesKHR(physical_device, video_profile, pCapabilities, fptr) _VideoCapabilitiesKHR(pCapabilities[], Any[capabilities]) end end function _get_physical_device_video_format_properties_khr(physical_device, video_format_info::_PhysicalDeviceVideoFormatInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Vector{_VideoFormatPropertiesKHR}, VulkanError} pVideoFormatPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceVideoFormatPropertiesKHR(physical_device, video_format_info, pVideoFormatPropertyCount, C_NULL, fptr) pVideoFormatProperties = Vector{VkVideoFormatPropertiesKHR}(undef, pVideoFormatPropertyCount[]) @check vkGetPhysicalDeviceVideoFormatPropertiesKHR(physical_device, video_format_info, pVideoFormatPropertyCount, pVideoFormatProperties, fptr) end from_vk.(_VideoFormatPropertiesKHR, pVideoFormatProperties) end function _create_video_session_khr(device, create_info::_VideoSessionCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{VideoSessionKHR, VulkanError} pVideoSession = Ref{VkVideoSessionKHR}() @check vkCreateVideoSessionKHR(device, create_info, allocator, pVideoSession, fptr_create) VideoSessionKHR(pVideoSession[], begin parent = Vk.handle(device) x->_destroy_video_session_khr(parent, x, fptr_destroy; allocator) end, device) end _destroy_video_session_khr(device, video_session, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyVideoSessionKHR(device, video_session, allocator, fptr) function _create_video_session_parameters_khr(device, create_info::_VideoSessionParametersCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{VideoSessionParametersKHR, VulkanError} pVideoSessionParameters = Ref{VkVideoSessionParametersKHR}() @check vkCreateVideoSessionParametersKHR(device, create_info, allocator, pVideoSessionParameters, fptr_create) VideoSessionParametersKHR(pVideoSessionParameters[], (x->_destroy_video_session_parameters_khr(device, x, fptr_destroy; allocator)), getproperty(create_info, :video_session)) end _update_video_session_parameters_khr(device, video_session_parameters, update_info::_VideoSessionParametersUpdateInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkUpdateVideoSessionParametersKHR(device, video_session_parameters, update_info, fptr)) _destroy_video_session_parameters_khr(device, video_session_parameters, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyVideoSessionParametersKHR(device, video_session_parameters, allocator, fptr) function _get_video_session_memory_requirements_khr(device, video_session, fptr::FunctionPtr)::Vector{_VideoSessionMemoryRequirementsKHR} pMemoryRequirementsCount = Ref{UInt32}() @repeat_while_incomplete begin vkGetVideoSessionMemoryRequirementsKHR(device, video_session, pMemoryRequirementsCount, C_NULL, fptr) pMemoryRequirements = Vector{VkVideoSessionMemoryRequirementsKHR}(undef, pMemoryRequirementsCount[]) vkGetVideoSessionMemoryRequirementsKHR(device, video_session, pMemoryRequirementsCount, pMemoryRequirements, fptr) end from_vk.(_VideoSessionMemoryRequirementsKHR, pMemoryRequirements) end _bind_video_session_memory_khr(device, video_session, bind_session_memory_infos::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkBindVideoSessionMemoryKHR(device, video_session, pointer_length(bind_session_memory_infos), bind_session_memory_infos, fptr)) _cmd_decode_video_khr(command_buffer, decode_info::_VideoDecodeInfoKHR, fptr::FunctionPtr)::Cvoid = vkCmdDecodeVideoKHR(command_buffer, decode_info, fptr) _cmd_begin_video_coding_khr(command_buffer, begin_info::_VideoBeginCodingInfoKHR, fptr::FunctionPtr)::Cvoid = vkCmdBeginVideoCodingKHR(command_buffer, begin_info, fptr) _cmd_control_video_coding_khr(command_buffer, coding_control_info::_VideoCodingControlInfoKHR, fptr::FunctionPtr)::Cvoid = vkCmdControlVideoCodingKHR(command_buffer, coding_control_info, fptr) _cmd_end_video_coding_khr(command_buffer, end_coding_info::_VideoEndCodingInfoKHR, fptr::FunctionPtr)::Cvoid = vkCmdEndVideoCodingKHR(command_buffer, end_coding_info, fptr) _cmd_decompress_memory_nv(command_buffer, decompress_memory_regions::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdDecompressMemoryNV(command_buffer, pointer_length(decompress_memory_regions), decompress_memory_regions, fptr) _cmd_decompress_memory_indirect_count_nv(command_buffer, indirect_commands_address::Integer, indirect_commands_count_address::Integer, stride::Integer, fptr::FunctionPtr)::Cvoid = vkCmdDecompressMemoryIndirectCountNV(command_buffer, indirect_commands_address, indirect_commands_count_address, stride, fptr) function _create_cu_module_nvx(device, create_info::_CuModuleCreateInfoNVX, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{CuModuleNVX, VulkanError} pModule = Ref{VkCuModuleNVX}() @check vkCreateCuModuleNVX(device, create_info, allocator, pModule, fptr_create) CuModuleNVX(pModule[], begin parent = Vk.handle(device) x->_destroy_cu_module_nvx(parent, x, fptr_destroy; allocator) end, device) end function _create_cu_function_nvx(device, create_info::_CuFunctionCreateInfoNVX, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{CuFunctionNVX, VulkanError} pFunction = Ref{VkCuFunctionNVX}() @check vkCreateCuFunctionNVX(device, create_info, allocator, pFunction, fptr_create) CuFunctionNVX(pFunction[], begin parent = Vk.handle(device) x->_destroy_cu_function_nvx(parent, x, fptr_destroy; allocator) end, device) end _destroy_cu_module_nvx(device, _module, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyCuModuleNVX(device, _module, allocator, fptr) _destroy_cu_function_nvx(device, _function, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyCuFunctionNVX(device, _function, allocator, fptr) _cmd_cu_launch_kernel_nvx(command_buffer, launch_info::_CuLaunchInfoNVX, fptr::FunctionPtr)::Cvoid = vkCmdCuLaunchKernelNVX(command_buffer, launch_info, fptr) function _get_descriptor_set_layout_size_ext(device, layout, fptr::FunctionPtr)::UInt64 pLayoutSizeInBytes = Ref{VkDeviceSize}() vkGetDescriptorSetLayoutSizeEXT(device, layout, pLayoutSizeInBytes, fptr) pLayoutSizeInBytes[] end function _get_descriptor_set_layout_binding_offset_ext(device, layout, binding::Integer, fptr::FunctionPtr)::UInt64 pOffset = Ref{VkDeviceSize}() vkGetDescriptorSetLayoutBindingOffsetEXT(device, layout, binding, pOffset, fptr) pOffset[] end _get_descriptor_ext(device, descriptor_info::_DescriptorGetInfoEXT, data_size::Integer, descriptor::Ptr{Cvoid}, fptr::FunctionPtr)::Cvoid = vkGetDescriptorEXT(device, descriptor_info, data_size, descriptor, fptr) _cmd_bind_descriptor_buffers_ext(command_buffer, binding_infos::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdBindDescriptorBuffersEXT(command_buffer, pointer_length(binding_infos), binding_infos, fptr) _cmd_set_descriptor_buffer_offsets_ext(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, buffer_indices::AbstractArray, offsets::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdSetDescriptorBufferOffsetsEXT(command_buffer, pipeline_bind_point, layout, 0, pointer_length(buffer_indices), buffer_indices, offsets, fptr) _cmd_bind_descriptor_buffer_embedded_samplers_ext(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, set::Integer, fptr::FunctionPtr)::Cvoid = vkCmdBindDescriptorBufferEmbeddedSamplersEXT(command_buffer, pipeline_bind_point, layout, set, fptr) function _get_buffer_opaque_capture_descriptor_data_ext(device, info::_BufferCaptureDescriptorDataInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} pData = Ref{Ptr{Cvoid}}() @check vkGetBufferOpaqueCaptureDescriptorDataEXT(device, info, pData, fptr) pData[] end function _get_image_opaque_capture_descriptor_data_ext(device, info::_ImageCaptureDescriptorDataInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} pData = Ref{Ptr{Cvoid}}() @check vkGetImageOpaqueCaptureDescriptorDataEXT(device, info, pData, fptr) pData[] end function _get_image_view_opaque_capture_descriptor_data_ext(device, info::_ImageViewCaptureDescriptorDataInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} pData = Ref{Ptr{Cvoid}}() @check vkGetImageViewOpaqueCaptureDescriptorDataEXT(device, info, pData, fptr) pData[] end function _get_sampler_opaque_capture_descriptor_data_ext(device, info::_SamplerCaptureDescriptorDataInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} pData = Ref{Ptr{Cvoid}}() @check vkGetSamplerOpaqueCaptureDescriptorDataEXT(device, info, pData, fptr) pData[] end function _get_acceleration_structure_opaque_capture_descriptor_data_ext(device, info::_AccelerationStructureCaptureDescriptorDataInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} pData = Ref{Ptr{Cvoid}}() @check vkGetAccelerationStructureOpaqueCaptureDescriptorDataEXT(device, info, pData, fptr) pData[] end _set_device_memory_priority_ext(device, memory, priority::Real, fptr::FunctionPtr)::Cvoid = vkSetDeviceMemoryPriorityEXT(device, memory, priority, fptr) _acquire_drm_display_ext(physical_device, drm_fd::Integer, display, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkAcquireDrmDisplayEXT(physical_device, drm_fd, display, fptr)) function _get_drm_display_ext(physical_device, drm_fd::Integer, connector_id::Integer, fptr::FunctionPtr)::ResultTypes.Result{DisplayKHR, VulkanError} display = Ref{VkDisplayKHR}() @check vkGetDrmDisplayEXT(physical_device, drm_fd, connector_id, display, fptr) DisplayKHR(display[], identity, physical_device) end _wait_for_present_khr(device, swapchain, present_id::Integer, timeout::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkWaitForPresentKHR(device, swapchain, present_id, timeout, fptr)) _cmd_begin_rendering(command_buffer, rendering_info::_RenderingInfo, fptr::FunctionPtr)::Cvoid = vkCmdBeginRendering(command_buffer, rendering_info, fptr) _cmd_end_rendering(command_buffer, fptr::FunctionPtr)::Cvoid = vkCmdEndRendering(command_buffer, fptr) function _get_descriptor_set_layout_host_mapping_info_valve(device, binding_reference::_DescriptorSetBindingReferenceVALVE, fptr::FunctionPtr)::_DescriptorSetLayoutHostMappingInfoVALVE pHostMapping = Ref{VkDescriptorSetLayoutHostMappingInfoVALVE}() vkGetDescriptorSetLayoutHostMappingInfoVALVE(device, binding_reference, pHostMapping, fptr) from_vk(_DescriptorSetLayoutHostMappingInfoVALVE, pHostMapping[]) end function _get_descriptor_set_host_mapping_valve(device, descriptor_set, fptr::FunctionPtr)::Ptr{Cvoid} ppData = Ref{Ptr{Cvoid}}() vkGetDescriptorSetHostMappingVALVE(device, descriptor_set, ppData, fptr) ppData[] end function _create_micromap_ext(device, create_info::_MicromapCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{MicromapEXT, VulkanError} pMicromap = Ref{VkMicromapEXT}() @check vkCreateMicromapEXT(device, create_info, allocator, pMicromap, fptr_create) MicromapEXT(pMicromap[], begin parent = Vk.handle(device) x->_destroy_micromap_ext(parent, x, fptr_destroy; allocator) end, device) end _cmd_build_micromaps_ext(command_buffer, infos::AbstractArray, fptr::FunctionPtr)::Cvoid = vkCmdBuildMicromapsEXT(command_buffer, pointer_length(infos), infos, fptr) _build_micromaps_ext(device, infos::AbstractArray, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkBuildMicromapsEXT(device, deferred_operation, pointer_length(infos), infos, fptr)) _destroy_micromap_ext(device, micromap, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyMicromapEXT(device, micromap, allocator, fptr) _cmd_copy_micromap_ext(command_buffer, info::_CopyMicromapInfoEXT, fptr::FunctionPtr)::Cvoid = vkCmdCopyMicromapEXT(command_buffer, info, fptr) _copy_micromap_ext(device, info::_CopyMicromapInfoEXT, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkCopyMicromapEXT(device, deferred_operation, info, fptr)) _cmd_copy_micromap_to_memory_ext(command_buffer, info::_CopyMicromapToMemoryInfoEXT, fptr::FunctionPtr)::Cvoid = vkCmdCopyMicromapToMemoryEXT(command_buffer, info, fptr) _copy_micromap_to_memory_ext(device, info::_CopyMicromapToMemoryInfoEXT, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkCopyMicromapToMemoryEXT(device, deferred_operation, info, fptr)) _cmd_copy_memory_to_micromap_ext(command_buffer, info::_CopyMemoryToMicromapInfoEXT, fptr::FunctionPtr)::Cvoid = vkCmdCopyMemoryToMicromapEXT(command_buffer, info, fptr) _copy_memory_to_micromap_ext(device, info::_CopyMemoryToMicromapInfoEXT, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkCopyMemoryToMicromapEXT(device, deferred_operation, info, fptr)) _cmd_write_micromaps_properties_ext(command_buffer, micromaps::AbstractArray, query_type::QueryType, query_pool, first_query::Integer, fptr::FunctionPtr)::Cvoid = vkCmdWriteMicromapsPropertiesEXT(command_buffer, pointer_length(micromaps), micromaps, query_type, query_pool, first_query, fptr) _write_micromaps_properties_ext(device, micromaps::AbstractArray, query_type::QueryType, data_size::Integer, data::Ptr{Cvoid}, stride::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkWriteMicromapsPropertiesEXT(device, pointer_length(micromaps), micromaps, query_type, data_size, data, stride, fptr)) function _get_device_micromap_compatibility_ext(device, version_info::_MicromapVersionInfoEXT, fptr::FunctionPtr)::AccelerationStructureCompatibilityKHR pCompatibility = Ref{VkAccelerationStructureCompatibilityKHR}() vkGetDeviceMicromapCompatibilityEXT(device, version_info, pCompatibility, fptr) pCompatibility[] end function _get_micromap_build_sizes_ext(device, build_type::AccelerationStructureBuildTypeKHR, build_info::_MicromapBuildInfoEXT, fptr::FunctionPtr)::_MicromapBuildSizesInfoEXT pSizeInfo = Ref{VkMicromapBuildSizesInfoEXT}() vkGetMicromapBuildSizesEXT(device, build_type, build_info, pSizeInfo, fptr) from_vk(_MicromapBuildSizesInfoEXT, pSizeInfo[]) end function _get_shader_module_identifier_ext(device, shader_module, fptr::FunctionPtr)::_ShaderModuleIdentifierEXT pIdentifier = Ref{VkShaderModuleIdentifierEXT}() vkGetShaderModuleIdentifierEXT(device, shader_module, pIdentifier, fptr) from_vk(_ShaderModuleIdentifierEXT, pIdentifier[]) end function _get_shader_module_create_info_identifier_ext(device, create_info::_ShaderModuleCreateInfo, fptr::FunctionPtr)::_ShaderModuleIdentifierEXT pIdentifier = Ref{VkShaderModuleIdentifierEXT}() vkGetShaderModuleCreateInfoIdentifierEXT(device, create_info, pIdentifier, fptr) from_vk(_ShaderModuleIdentifierEXT, pIdentifier[]) end function _get_image_subresource_layout_2_ext(device, image, subresource::_ImageSubresource2EXT, fptr::FunctionPtr, next_types::Type...)::_SubresourceLayout2EXT layout = initialize(_SubresourceLayout2EXT, next_types...) pLayout = Ref(Base.unsafe_convert(VkSubresourceLayout2EXT, layout)) GC.@preserve layout begin vkGetImageSubresourceLayout2EXT(device, image, subresource, pLayout, fptr) _SubresourceLayout2EXT(pLayout[], Any[layout]) end end function _get_pipeline_properties_ext(device, pipeline_info::VkPipelineInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{_BaseOutStructure, VulkanError} pPipelineProperties = Ref{VkBaseOutStructure}() @check vkGetPipelinePropertiesEXT(device, Ref(pipeline_info), pPipelineProperties, fptr) from_vk(_BaseOutStructure, pPipelineProperties[]) end function _get_framebuffer_tile_properties_qcom(device, framebuffer, fptr::FunctionPtr)::Vector{_TilePropertiesQCOM} pPropertiesCount = Ref{UInt32}() @repeat_while_incomplete begin vkGetFramebufferTilePropertiesQCOM(device, framebuffer, pPropertiesCount, C_NULL, fptr) pProperties = Vector{VkTilePropertiesQCOM}(undef, pPropertiesCount[]) vkGetFramebufferTilePropertiesQCOM(device, framebuffer, pPropertiesCount, pProperties, fptr) end from_vk.(_TilePropertiesQCOM, pProperties) end function _get_dynamic_rendering_tile_properties_qcom(device, rendering_info::_RenderingInfo, fptr::FunctionPtr)::_TilePropertiesQCOM pProperties = Ref{VkTilePropertiesQCOM}() vkGetDynamicRenderingTilePropertiesQCOM(device, rendering_info, pProperties, fptr) from_vk(_TilePropertiesQCOM, pProperties[]) end function _get_physical_device_optical_flow_image_formats_nv(physical_device, optical_flow_image_format_info::_OpticalFlowImageFormatInfoNV, fptr::FunctionPtr)::ResultTypes.Result{Vector{_OpticalFlowImageFormatPropertiesNV}, VulkanError} pFormatCount = Ref{UInt32}() @repeat_while_incomplete begin @check vkGetPhysicalDeviceOpticalFlowImageFormatsNV(physical_device, optical_flow_image_format_info, pFormatCount, C_NULL, fptr) pImageFormatProperties = Vector{VkOpticalFlowImageFormatPropertiesNV}(undef, pFormatCount[]) @check vkGetPhysicalDeviceOpticalFlowImageFormatsNV(physical_device, optical_flow_image_format_info, pFormatCount, pImageFormatProperties, fptr) end from_vk.(_OpticalFlowImageFormatPropertiesNV, pImageFormatProperties) end function _create_optical_flow_session_nv(device, create_info::_OpticalFlowSessionCreateInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{OpticalFlowSessionNV, VulkanError} pSession = Ref{VkOpticalFlowSessionNV}() @check vkCreateOpticalFlowSessionNV(device, create_info, allocator, pSession, fptr_create) OpticalFlowSessionNV(pSession[], begin parent = Vk.handle(device) x->_destroy_optical_flow_session_nv(parent, x, fptr_destroy; allocator) end, device) end _destroy_optical_flow_session_nv(device, session, fptr::FunctionPtr; allocator = C_NULL)::Cvoid = vkDestroyOpticalFlowSessionNV(device, session, allocator, fptr) _bind_optical_flow_session_image_nv(device, session, binding_point::OpticalFlowSessionBindingPointNV, layout::ImageLayout, fptr::FunctionPtr; view = C_NULL)::ResultTypes.Result{Result, VulkanError} = @check(vkBindOpticalFlowSessionImageNV(device, session, binding_point, view, layout, fptr)) _cmd_optical_flow_execute_nv(command_buffer, session, execute_info::_OpticalFlowExecuteInfoNV, fptr::FunctionPtr)::Cvoid = vkCmdOpticalFlowExecuteNV(command_buffer, session, execute_info, fptr) function _get_device_fault_info_ext(device, fptr::FunctionPtr)::ResultTypes.Result{Tuple{_DeviceFaultCountsEXT, _DeviceFaultInfoEXT}, VulkanError} pFaultCounts = Ref{VkDeviceFaultCountsEXT}() pFaultInfo = Ref{VkDeviceFaultInfoEXT}() @check vkGetDeviceFaultInfoEXT(device, pFaultCounts, pFaultInfo, fptr) (from_vk(_DeviceFaultCountsEXT, pFaultCounts[]), from_vk(_DeviceFaultInfoEXT, pFaultInfo[])) end _release_swapchain_images_ext(device, release_info::_ReleaseSwapchainImagesInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} = @check(vkReleaseSwapchainImagesEXT(device, release_info, fptr)) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_LAYER_NOT_PRESENT` - `ERROR_EXTENSION_NOT_PRESENT` - `ERROR_INCOMPATIBLE_DRIVER` Arguments: - `create_info::InstanceCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateInstance.html) """ function create_instance(create_info::InstanceCreateInfo; allocator = C_NULL)::ResultTypes.Result{Instance, VulkanError} val = @propagate_errors(_create_instance(convert(_InstanceCreateInfo, create_info); allocator)) val end """ Arguments: - `instance::Instance` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyInstance.html) """ function destroy_instance(instance; allocator = C_NULL) _destroy_instance(instance; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `instance::Instance` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumeratePhysicalDevices.html) """ function enumerate_physical_devices(instance)::ResultTypes.Result{Vector{PhysicalDevice}, VulkanError} val = @propagate_errors(_enumerate_physical_devices(instance)) val end """ Arguments: - `device::Device` - `name::String` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceProcAddr.html) """ function get_device_proc_addr(device, name::AbstractString) _get_device_proc_addr(device, name) end """ Arguments: - `name::String` - `instance::Instance`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetInstanceProcAddr.html) """ function get_instance_proc_addr(name::AbstractString; instance = C_NULL) _get_instance_proc_addr(name; instance) end """ Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceProperties.html) """ function get_physical_device_properties(physical_device) PhysicalDeviceProperties(_get_physical_device_properties(physical_device)) end """ Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceQueueFamilyProperties.html) """ function get_physical_device_queue_family_properties(physical_device) QueueFamilyProperties.(_get_physical_device_queue_family_properties(physical_device)) end """ Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceMemoryProperties.html) """ function get_physical_device_memory_properties(physical_device) PhysicalDeviceMemoryProperties(_get_physical_device_memory_properties(physical_device)) end """ Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceFeatures.html) """ function get_physical_device_features(physical_device) PhysicalDeviceFeatures(_get_physical_device_features(physical_device)) end """ Arguments: - `physical_device::PhysicalDevice` - `format::Format` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceFormatProperties.html) """ function get_physical_device_format_properties(physical_device, format::Format) FormatProperties(_get_physical_device_format_properties(physical_device, format)) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_FORMAT_NOT_SUPPORTED` Arguments: - `physical_device::PhysicalDevice` - `format::Format` - `type::ImageType` - `tiling::ImageTiling` - `usage::ImageUsageFlag` - `flags::ImageCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceImageFormatProperties.html) """ function get_physical_device_image_format_properties(physical_device, format::Format, type::ImageType, tiling::ImageTiling, usage::ImageUsageFlag; flags = 0)::ResultTypes.Result{ImageFormatProperties, VulkanError} val = @propagate_errors(_get_physical_device_image_format_properties(physical_device, format, type, tiling, usage; flags)) ImageFormatProperties(val) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_EXTENSION_NOT_PRESENT` - `ERROR_FEATURE_NOT_PRESENT` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_DEVICE_LOST` Arguments: - `physical_device::PhysicalDevice` - `create_info::DeviceCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDevice.html) """ function create_device(physical_device, create_info::DeviceCreateInfo; allocator = C_NULL)::ResultTypes.Result{Device, VulkanError} val = @propagate_errors(_create_device(physical_device, convert(_DeviceCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDevice.html) """ function destroy_device(device; allocator = C_NULL) _destroy_device(device; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumerateInstanceVersion.html) """ function enumerate_instance_version()::ResultTypes.Result{VersionNumber, VulkanError} val = @propagate_errors(_enumerate_instance_version()) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumerateInstanceLayerProperties.html) """ function enumerate_instance_layer_properties()::ResultTypes.Result{Vector{LayerProperties}, VulkanError} val = @propagate_errors(_enumerate_instance_layer_properties()) LayerProperties.(val) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_LAYER_NOT_PRESENT` Arguments: - `layer_name::String`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumerateInstanceExtensionProperties.html) """ function enumerate_instance_extension_properties(; layer_name = C_NULL)::ResultTypes.Result{Vector{ExtensionProperties}, VulkanError} val = @propagate_errors(_enumerate_instance_extension_properties(; layer_name)) ExtensionProperties.(val) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumerateDeviceLayerProperties.html) """ function enumerate_device_layer_properties(physical_device)::ResultTypes.Result{Vector{LayerProperties}, VulkanError} val = @propagate_errors(_enumerate_device_layer_properties(physical_device)) LayerProperties.(val) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_LAYER_NOT_PRESENT` Arguments: - `physical_device::PhysicalDevice` - `layer_name::String`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumerateDeviceExtensionProperties.html) """ function enumerate_device_extension_properties(physical_device; layer_name = C_NULL)::ResultTypes.Result{Vector{ExtensionProperties}, VulkanError} val = @propagate_errors(_enumerate_device_extension_properties(physical_device; layer_name)) ExtensionProperties.(val) end """ Arguments: - `device::Device` - `queue_family_index::UInt32` - `queue_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceQueue.html) """ function get_device_queue(device, queue_family_index::Integer, queue_index::Integer) _get_device_queue(device, queue_family_index, queue_index) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `queue::Queue` (externsync) - `submits::Vector{SubmitInfo}` - `fence::Fence`: defaults to `C_NULL` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueSubmit.html) """ function queue_submit(queue, submits::AbstractArray; fence = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_queue_submit(queue, convert(AbstractArray{_SubmitInfo}, submits); fence)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `queue::Queue` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueWaitIdle.html) """ function queue_wait_idle(queue)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_queue_wait_idle(queue)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDeviceWaitIdle.html) """ function device_wait_idle(device)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_device_wait_idle(device)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `allocate_info::MemoryAllocateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAllocateMemory.html) """ function allocate_memory(device, allocate_info::MemoryAllocateInfo; allocator = C_NULL)::ResultTypes.Result{DeviceMemory, VulkanError} val = @propagate_errors(_allocate_memory(device, convert(_MemoryAllocateInfo, allocate_info); allocator)) val end """ Arguments: - `device::Device` - `memory::DeviceMemory` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkFreeMemory.html) """ function free_memory(device, memory; allocator = C_NULL) _free_memory(device, memory; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_MEMORY_MAP_FAILED` Arguments: - `device::Device` - `memory::DeviceMemory` (externsync) - `offset::UInt64` - `size::UInt64` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkMapMemory.html) """ function map_memory(device, memory, offset::Integer, size::Integer; flags = 0)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} val = @propagate_errors(_map_memory(device, memory, offset, size; flags)) val end """ Arguments: - `device::Device` - `memory::DeviceMemory` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkUnmapMemory.html) """ function unmap_memory(device, memory) _unmap_memory(device, memory) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `memory_ranges::Vector{MappedMemoryRange}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkFlushMappedMemoryRanges.html) """ function flush_mapped_memory_ranges(device, memory_ranges::AbstractArray)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_flush_mapped_memory_ranges(device, convert(AbstractArray{_MappedMemoryRange}, memory_ranges))) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `memory_ranges::Vector{MappedMemoryRange}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkInvalidateMappedMemoryRanges.html) """ function invalidate_mapped_memory_ranges(device, memory_ranges::AbstractArray)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_invalidate_mapped_memory_ranges(device, convert(AbstractArray{_MappedMemoryRange}, memory_ranges))) val end """ Arguments: - `device::Device` - `memory::DeviceMemory` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceMemoryCommitment.html) """ function get_device_memory_commitment(device, memory) _get_device_memory_commitment(device, memory) end """ Arguments: - `device::Device` - `buffer::Buffer` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetBufferMemoryRequirements.html) """ function get_buffer_memory_requirements(device, buffer) MemoryRequirements(_get_buffer_memory_requirements(device, buffer)) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `buffer::Buffer` (externsync) - `memory::DeviceMemory` - `memory_offset::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindBufferMemory.html) """ function bind_buffer_memory(device, buffer, memory, memory_offset::Integer)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_buffer_memory(device, buffer, memory, memory_offset)) val end """ Arguments: - `device::Device` - `image::Image` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageMemoryRequirements.html) """ function get_image_memory_requirements(device, image) MemoryRequirements(_get_image_memory_requirements(device, image)) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `image::Image` (externsync) - `memory::DeviceMemory` - `memory_offset::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindImageMemory.html) """ function bind_image_memory(device, image, memory, memory_offset::Integer)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_image_memory(device, image, memory, memory_offset)) val end """ Arguments: - `device::Device` - `image::Image` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageSparseMemoryRequirements.html) """ function get_image_sparse_memory_requirements(device, image) SparseImageMemoryRequirements.(_get_image_sparse_memory_requirements(device, image)) end """ Arguments: - `physical_device::PhysicalDevice` - `format::Format` - `type::ImageType` - `samples::SampleCountFlag` - `usage::ImageUsageFlag` - `tiling::ImageTiling` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSparseImageFormatProperties.html) """ function get_physical_device_sparse_image_format_properties(physical_device, format::Format, type::ImageType, samples::SampleCountFlag, usage::ImageUsageFlag, tiling::ImageTiling) SparseImageFormatProperties.(_get_physical_device_sparse_image_format_properties(physical_device, format, type, samples, usage, tiling)) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `queue::Queue` (externsync) - `bind_info::Vector{BindSparseInfo}` - `fence::Fence`: defaults to `C_NULL` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueBindSparse.html) """ function queue_bind_sparse(queue, bind_info::AbstractArray; fence = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_queue_bind_sparse(queue, convert(AbstractArray{_BindSparseInfo}, bind_info); fence)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::FenceCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateFence.html) """ function create_fence(device, create_info::FenceCreateInfo; allocator = C_NULL)::ResultTypes.Result{Fence, VulkanError} val = @propagate_errors(_create_fence(device, convert(_FenceCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `fence::Fence` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyFence.html) """ function destroy_fence(device, fence; allocator = C_NULL) _destroy_fence(device, fence; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `fences::Vector{Fence}` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkResetFences.html) """ function reset_fences(device, fences::AbstractArray)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_reset_fences(device, fences)) val end """ Return codes: - `SUCCESS` - `NOT_READY` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` - `fence::Fence` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetFenceStatus.html) """ function get_fence_status(device, fence)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_fence_status(device, fence)) val end """ Return codes: - `SUCCESS` - `TIMEOUT` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` - `fences::Vector{Fence}` - `wait_all::Bool` - `timeout::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkWaitForFences.html) """ function wait_for_fences(device, fences::AbstractArray, wait_all::Bool, timeout::Integer)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_wait_for_fences(device, fences, wait_all, timeout)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::SemaphoreCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSemaphore.html) """ function create_semaphore(device, create_info::SemaphoreCreateInfo; allocator = C_NULL)::ResultTypes.Result{Semaphore, VulkanError} val = @propagate_errors(_create_semaphore(device, convert(_SemaphoreCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `semaphore::Semaphore` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroySemaphore.html) """ function destroy_semaphore(device, semaphore; allocator = C_NULL) _destroy_semaphore(device, semaphore; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::EventCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateEvent.html) """ function create_event(device, create_info::EventCreateInfo; allocator = C_NULL)::ResultTypes.Result{Event, VulkanError} val = @propagate_errors(_create_event(device, convert(_EventCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `event::Event` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyEvent.html) """ function destroy_event(device, event; allocator = C_NULL) _destroy_event(device, event; allocator) end """ Return codes: - `EVENT_SET` - `EVENT_RESET` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` - `event::Event` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetEventStatus.html) """ function get_event_status(device, event)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_event_status(device, event)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `event::Event` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetEvent.html) """ function set_event(device, event)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_set_event(device, event)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `event::Event` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkResetEvent.html) """ function reset_event(device, event)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_reset_event(device, event)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::QueryPoolCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateQueryPool.html) """ function create_query_pool(device, create_info::QueryPoolCreateInfo; allocator = C_NULL)::ResultTypes.Result{QueryPool, VulkanError} val = @propagate_errors(_create_query_pool(device, convert(_QueryPoolCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `query_pool::QueryPool` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyQueryPool.html) """ function destroy_query_pool(device, query_pool; allocator = C_NULL) _destroy_query_pool(device, query_pool; allocator) end """ Return codes: - `SUCCESS` - `NOT_READY` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` - `query_pool::QueryPool` - `first_query::UInt32` - `query_count::UInt32` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) - `stride::UInt64` - `flags::QueryResultFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetQueryPoolResults.html) """ function get_query_pool_results(device, query_pool, first_query::Integer, query_count::Integer, data_size::Integer, data::Ptr{Cvoid}, stride::Integer; flags = 0)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_query_pool_results(device, query_pool, first_query, query_count, data_size, data, stride; flags)) val end """ Arguments: - `device::Device` - `query_pool::QueryPool` - `first_query::UInt32` - `query_count::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkResetQueryPool.html) """ function reset_query_pool(device, query_pool, first_query::Integer, query_count::Integer) _reset_query_pool(device, query_pool, first_query, query_count) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `create_info::BufferCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateBuffer.html) """ function create_buffer(device, create_info::BufferCreateInfo; allocator = C_NULL)::ResultTypes.Result{Buffer, VulkanError} val = @propagate_errors(_create_buffer(device, convert(_BufferCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `buffer::Buffer` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyBuffer.html) """ function destroy_buffer(device, buffer; allocator = C_NULL) _destroy_buffer(device, buffer; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::BufferViewCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateBufferView.html) """ function create_buffer_view(device, create_info::BufferViewCreateInfo; allocator = C_NULL)::ResultTypes.Result{BufferView, VulkanError} val = @propagate_errors(_create_buffer_view(device, convert(_BufferViewCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `buffer_view::BufferView` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyBufferView.html) """ function destroy_buffer_view(device, buffer_view; allocator = C_NULL) _destroy_buffer_view(device, buffer_view; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_COMPRESSION_EXHAUSTED_EXT` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `create_info::ImageCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateImage.html) """ function create_image(device, create_info::ImageCreateInfo; allocator = C_NULL)::ResultTypes.Result{Image, VulkanError} val = @propagate_errors(_create_image(device, convert(_ImageCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `image::Image` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyImage.html) """ function destroy_image(device, image; allocator = C_NULL) _destroy_image(device, image; allocator) end """ Arguments: - `device::Device` - `image::Image` - `subresource::ImageSubresource` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageSubresourceLayout.html) """ function get_image_subresource_layout(device, image, subresource::ImageSubresource) SubresourceLayout(_get_image_subresource_layout(device, image, convert(_ImageSubresource, subresource))) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `create_info::ImageViewCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateImageView.html) """ function create_image_view(device, create_info::ImageViewCreateInfo; allocator = C_NULL)::ResultTypes.Result{ImageView, VulkanError} val = @propagate_errors(_create_image_view(device, convert(_ImageViewCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `image_view::ImageView` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyImageView.html) """ function destroy_image_view(device, image_view; allocator = C_NULL) _destroy_image_view(device, image_view; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_SHADER_NV` Arguments: - `device::Device` - `create_info::ShaderModuleCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateShaderModule.html) """ function create_shader_module(device, create_info::ShaderModuleCreateInfo; allocator = C_NULL)::ResultTypes.Result{ShaderModule, VulkanError} val = @propagate_errors(_create_shader_module(device, convert(_ShaderModuleCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `shader_module::ShaderModule` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyShaderModule.html) """ function destroy_shader_module(device, shader_module; allocator = C_NULL) _destroy_shader_module(device, shader_module; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::PipelineCacheCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePipelineCache.html) """ function create_pipeline_cache(device, create_info::PipelineCacheCreateInfo; allocator = C_NULL)::ResultTypes.Result{PipelineCache, VulkanError} val = @propagate_errors(_create_pipeline_cache(device, convert(_PipelineCacheCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `pipeline_cache::PipelineCache` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyPipelineCache.html) """ function destroy_pipeline_cache(device, pipeline_cache; allocator = C_NULL) _destroy_pipeline_cache(device, pipeline_cache; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `pipeline_cache::PipelineCache` !!! warning The pointer returned by this function holds memory owned by Julia. It is therefore **your** responsibility to free it after use (e.g. with `Libc.free`). [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPipelineCacheData.html) """ function get_pipeline_cache_data(device, pipeline_cache)::ResultTypes.Result{Tuple{UInt, Ptr{Cvoid}}, VulkanError} val = @propagate_errors(_get_pipeline_cache_data(device, pipeline_cache)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `dst_cache::PipelineCache` (externsync) - `src_caches::Vector{PipelineCache}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkMergePipelineCaches.html) """ function merge_pipeline_caches(device, dst_cache, src_caches::AbstractArray)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_merge_pipeline_caches(device, dst_cache, src_caches)) val end """ Return codes: - `SUCCESS` - `PIPELINE_COMPILE_REQUIRED_EXT` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_SHADER_NV` Arguments: - `device::Device` - `create_infos::Vector{GraphicsPipelineCreateInfo}` - `pipeline_cache::PipelineCache`: defaults to `C_NULL` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateGraphicsPipelines.html) """ function create_graphics_pipelines(device, create_infos::AbstractArray; pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} val = @propagate_errors(_create_graphics_pipelines(device, convert(AbstractArray{_GraphicsPipelineCreateInfo}, create_infos); pipeline_cache, allocator)) val end """ Return codes: - `SUCCESS` - `PIPELINE_COMPILE_REQUIRED_EXT` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_SHADER_NV` Arguments: - `device::Device` - `create_infos::Vector{ComputePipelineCreateInfo}` - `pipeline_cache::PipelineCache`: defaults to `C_NULL` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateComputePipelines.html) """ function create_compute_pipelines(device, create_infos::AbstractArray; pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} val = @propagate_errors(_create_compute_pipelines(device, convert(AbstractArray{_ComputePipelineCreateInfo}, create_infos); pipeline_cache, allocator)) val end """ Extension: VK\\_HUAWEI\\_subpass\\_shading Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `renderpass::RenderPass` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceSubpassShadingMaxWorkgroupSizeHUAWEI.html) """ function get_device_subpass_shading_max_workgroup_size_huawei(device, renderpass)::ResultTypes.Result{Extent2D, VulkanError} val = @propagate_errors(_get_device_subpass_shading_max_workgroup_size_huawei(device, renderpass)) Extent2D(val) end """ Arguments: - `device::Device` - `pipeline::Pipeline` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyPipeline.html) """ function destroy_pipeline(device, pipeline; allocator = C_NULL) _destroy_pipeline(device, pipeline; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::PipelineLayoutCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePipelineLayout.html) """ function create_pipeline_layout(device, create_info::PipelineLayoutCreateInfo; allocator = C_NULL)::ResultTypes.Result{PipelineLayout, VulkanError} val = @propagate_errors(_create_pipeline_layout(device, convert(_PipelineLayoutCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `pipeline_layout::PipelineLayout` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyPipelineLayout.html) """ function destroy_pipeline_layout(device, pipeline_layout; allocator = C_NULL) _destroy_pipeline_layout(device, pipeline_layout; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `create_info::SamplerCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSampler.html) """ function create_sampler(device, create_info::SamplerCreateInfo; allocator = C_NULL)::ResultTypes.Result{Sampler, VulkanError} val = @propagate_errors(_create_sampler(device, convert(_SamplerCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `sampler::Sampler` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroySampler.html) """ function destroy_sampler(device, sampler; allocator = C_NULL) _destroy_sampler(device, sampler; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::DescriptorSetLayoutCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorSetLayout.html) """ function create_descriptor_set_layout(device, create_info::DescriptorSetLayoutCreateInfo; allocator = C_NULL)::ResultTypes.Result{DescriptorSetLayout, VulkanError} val = @propagate_errors(_create_descriptor_set_layout(device, convert(_DescriptorSetLayoutCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `descriptor_set_layout::DescriptorSetLayout` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDescriptorSetLayout.html) """ function destroy_descriptor_set_layout(device, descriptor_set_layout; allocator = C_NULL) _destroy_descriptor_set_layout(device, descriptor_set_layout; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_FRAGMENTATION_EXT` Arguments: - `device::Device` - `create_info::DescriptorPoolCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorPool.html) """ function create_descriptor_pool(device, create_info::DescriptorPoolCreateInfo; allocator = C_NULL)::ResultTypes.Result{DescriptorPool, VulkanError} val = @propagate_errors(_create_descriptor_pool(device, convert(_DescriptorPoolCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `descriptor_pool::DescriptorPool` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDescriptorPool.html) """ function destroy_descriptor_pool(device, descriptor_pool; allocator = C_NULL) _destroy_descriptor_pool(device, descriptor_pool; allocator) end """ Arguments: - `device::Device` - `descriptor_pool::DescriptorPool` (externsync) - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkResetDescriptorPool.html) """ function reset_descriptor_pool(device, descriptor_pool; flags = 0) _reset_descriptor_pool(device, descriptor_pool; flags) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_FRAGMENTED_POOL` - `ERROR_OUT_OF_POOL_MEMORY` Arguments: - `device::Device` - `allocate_info::DescriptorSetAllocateInfo` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAllocateDescriptorSets.html) """ function allocate_descriptor_sets(device, allocate_info::DescriptorSetAllocateInfo)::ResultTypes.Result{Vector{DescriptorSet}, VulkanError} val = @propagate_errors(_allocate_descriptor_sets(device, convert(_DescriptorSetAllocateInfo, allocate_info))) val end """ Arguments: - `device::Device` - `descriptor_pool::DescriptorPool` (externsync) - `descriptor_sets::Vector{DescriptorSet}` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkFreeDescriptorSets.html) """ function free_descriptor_sets(device, descriptor_pool, descriptor_sets::AbstractArray) _free_descriptor_sets(device, descriptor_pool, descriptor_sets) end """ Arguments: - `device::Device` - `descriptor_writes::Vector{WriteDescriptorSet}` - `descriptor_copies::Vector{CopyDescriptorSet}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkUpdateDescriptorSets.html) """ function update_descriptor_sets(device, descriptor_writes::AbstractArray, descriptor_copies::AbstractArray) _update_descriptor_sets(device, convert(AbstractArray{_WriteDescriptorSet}, descriptor_writes), convert(AbstractArray{_CopyDescriptorSet}, descriptor_copies)) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::FramebufferCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateFramebuffer.html) """ function create_framebuffer(device, create_info::FramebufferCreateInfo; allocator = C_NULL)::ResultTypes.Result{Framebuffer, VulkanError} val = @propagate_errors(_create_framebuffer(device, convert(_FramebufferCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `framebuffer::Framebuffer` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyFramebuffer.html) """ function destroy_framebuffer(device, framebuffer; allocator = C_NULL) _destroy_framebuffer(device, framebuffer; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::RenderPassCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRenderPass.html) """ function create_render_pass(device, create_info::RenderPassCreateInfo; allocator = C_NULL)::ResultTypes.Result{RenderPass, VulkanError} val = @propagate_errors(_create_render_pass(device, convert(_RenderPassCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `render_pass::RenderPass` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyRenderPass.html) """ function destroy_render_pass(device, render_pass; allocator = C_NULL) _destroy_render_pass(device, render_pass; allocator) end """ Arguments: - `device::Device` - `render_pass::RenderPass` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetRenderAreaGranularity.html) """ function get_render_area_granularity(device, render_pass) Extent2D(_get_render_area_granularity(device, render_pass)) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::CommandPoolCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCommandPool.html) """ function create_command_pool(device, create_info::CommandPoolCreateInfo; allocator = C_NULL)::ResultTypes.Result{CommandPool, VulkanError} val = @propagate_errors(_create_command_pool(device, convert(_CommandPoolCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `command_pool::CommandPool` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyCommandPool.html) """ function destroy_command_pool(device, command_pool; allocator = C_NULL) _destroy_command_pool(device, command_pool; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `command_pool::CommandPool` (externsync) - `flags::CommandPoolResetFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkResetCommandPool.html) """ function reset_command_pool(device, command_pool; flags = 0)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_reset_command_pool(device, command_pool; flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `allocate_info::CommandBufferAllocateInfo` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAllocateCommandBuffers.html) """ function allocate_command_buffers(device, allocate_info::CommandBufferAllocateInfo)::ResultTypes.Result{Vector{CommandBuffer}, VulkanError} val = @propagate_errors(_allocate_command_buffers(device, convert(_CommandBufferAllocateInfo, allocate_info))) val end """ Arguments: - `device::Device` - `command_pool::CommandPool` (externsync) - `command_buffers::Vector{CommandBuffer}` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkFreeCommandBuffers.html) """ function free_command_buffers(device, command_pool, command_buffers::AbstractArray) _free_command_buffers(device, command_pool, command_buffers) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `command_buffer::CommandBuffer` (externsync) - `begin_info::CommandBufferBeginInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBeginCommandBuffer.html) """ function begin_command_buffer(command_buffer, begin_info::CommandBufferBeginInfo)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_begin_command_buffer(command_buffer, convert(_CommandBufferBeginInfo, begin_info))) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEndCommandBuffer.html) """ function end_command_buffer(command_buffer)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_end_command_buffer(command_buffer)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `command_buffer::CommandBuffer` (externsync) - `flags::CommandBufferResetFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkResetCommandBuffer.html) """ function reset_command_buffer(command_buffer; flags = 0)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_reset_command_buffer(command_buffer; flags)) val end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_bind_point::PipelineBindPoint` - `pipeline::Pipeline` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindPipeline.html) """ function cmd_bind_pipeline(command_buffer, pipeline_bind_point::PipelineBindPoint, pipeline) _cmd_bind_pipeline(command_buffer, pipeline_bind_point, pipeline) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `viewports::Vector{Viewport}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetViewport.html) """ function cmd_set_viewport(command_buffer, viewports::AbstractArray) _cmd_set_viewport(command_buffer, convert(AbstractArray{_Viewport}, viewports)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `scissors::Vector{Rect2D}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetScissor.html) """ function cmd_set_scissor(command_buffer, scissors::AbstractArray) _cmd_set_scissor(command_buffer, convert(AbstractArray{_Rect2D}, scissors)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `line_width::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetLineWidth.html) """ function cmd_set_line_width(command_buffer, line_width::Real) _cmd_set_line_width(command_buffer, line_width) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_bias_constant_factor::Float32` - `depth_bias_clamp::Float32` - `depth_bias_slope_factor::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthBias.html) """ function cmd_set_depth_bias(command_buffer, depth_bias_constant_factor::Real, depth_bias_clamp::Real, depth_bias_slope_factor::Real) _cmd_set_depth_bias(command_buffer, depth_bias_constant_factor, depth_bias_clamp, depth_bias_slope_factor) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `blend_constants::NTuple{4, Float32}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetBlendConstants.html) """ function cmd_set_blend_constants(command_buffer, blend_constants::NTuple{4, Float32}) _cmd_set_blend_constants(command_buffer, blend_constants) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `min_depth_bounds::Float32` - `max_depth_bounds::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthBounds.html) """ function cmd_set_depth_bounds(command_buffer, min_depth_bounds::Real, max_depth_bounds::Real) _cmd_set_depth_bounds(command_buffer, min_depth_bounds, max_depth_bounds) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `face_mask::StencilFaceFlag` - `compare_mask::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetStencilCompareMask.html) """ function cmd_set_stencil_compare_mask(command_buffer, face_mask::StencilFaceFlag, compare_mask::Integer) _cmd_set_stencil_compare_mask(command_buffer, face_mask, compare_mask) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `face_mask::StencilFaceFlag` - `write_mask::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetStencilWriteMask.html) """ function cmd_set_stencil_write_mask(command_buffer, face_mask::StencilFaceFlag, write_mask::Integer) _cmd_set_stencil_write_mask(command_buffer, face_mask, write_mask) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `face_mask::StencilFaceFlag` - `reference::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetStencilReference.html) """ function cmd_set_stencil_reference(command_buffer, face_mask::StencilFaceFlag, reference::Integer) _cmd_set_stencil_reference(command_buffer, face_mask, reference) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_bind_point::PipelineBindPoint` - `layout::PipelineLayout` - `first_set::UInt32` - `descriptor_sets::Vector{DescriptorSet}` - `dynamic_offsets::Vector{UInt32}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindDescriptorSets.html) """ function cmd_bind_descriptor_sets(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, first_set::Integer, descriptor_sets::AbstractArray, dynamic_offsets::AbstractArray) _cmd_bind_descriptor_sets(command_buffer, pipeline_bind_point, layout, first_set, descriptor_sets, dynamic_offsets) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `index_type::IndexType` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindIndexBuffer.html) """ function cmd_bind_index_buffer(command_buffer, buffer, offset::Integer, index_type::IndexType) _cmd_bind_index_buffer(command_buffer, buffer, offset, index_type) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffers::Vector{Buffer}` - `offsets::Vector{UInt64}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindVertexBuffers.html) """ function cmd_bind_vertex_buffers(command_buffer, buffers::AbstractArray, offsets::AbstractArray) _cmd_bind_vertex_buffers(command_buffer, buffers, offsets) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `vertex_count::UInt32` - `instance_count::UInt32` - `first_vertex::UInt32` - `first_instance::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDraw.html) """ function cmd_draw(command_buffer, vertex_count::Integer, instance_count::Integer, first_vertex::Integer, first_instance::Integer) _cmd_draw(command_buffer, vertex_count, instance_count, first_vertex, first_instance) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `index_count::UInt32` - `instance_count::UInt32` - `first_index::UInt32` - `vertex_offset::Int32` - `first_instance::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawIndexed.html) """ function cmd_draw_indexed(command_buffer, index_count::Integer, instance_count::Integer, first_index::Integer, vertex_offset::Integer, first_instance::Integer) _cmd_draw_indexed(command_buffer, index_count, instance_count, first_index, vertex_offset, first_instance) end """ Extension: VK\\_EXT\\_multi\\_draw Arguments: - `command_buffer::CommandBuffer` (externsync) - `vertex_info::Vector{MultiDrawInfoEXT}` - `instance_count::UInt32` - `first_instance::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMultiEXT.html) """ function cmd_draw_multi_ext(command_buffer, vertex_info::AbstractArray, instance_count::Integer, first_instance::Integer, stride::Integer) _cmd_draw_multi_ext(command_buffer, convert(AbstractArray{_MultiDrawInfoEXT}, vertex_info), instance_count, first_instance, stride) end """ Extension: VK\\_EXT\\_multi\\_draw Arguments: - `command_buffer::CommandBuffer` (externsync) - `index_info::Vector{MultiDrawIndexedInfoEXT}` - `instance_count::UInt32` - `first_instance::UInt32` - `stride::UInt32` - `vertex_offset::Int32`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMultiIndexedEXT.html) """ function cmd_draw_multi_indexed_ext(command_buffer, index_info::AbstractArray, instance_count::Integer, first_instance::Integer, stride::Integer; vertex_offset = C_NULL) _cmd_draw_multi_indexed_ext(command_buffer, convert(AbstractArray{_MultiDrawIndexedInfoEXT}, index_info), instance_count, first_instance, stride; vertex_offset) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawIndirect.html) """ function cmd_draw_indirect(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer) _cmd_draw_indirect(command_buffer, buffer, offset, draw_count, stride) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawIndexedIndirect.html) """ function cmd_draw_indexed_indirect(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer) _cmd_draw_indexed_indirect(command_buffer, buffer, offset, draw_count, stride) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `group_count_x::UInt32` - `group_count_y::UInt32` - `group_count_z::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDispatch.html) """ function cmd_dispatch(command_buffer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer) _cmd_dispatch(command_buffer, group_count_x, group_count_y, group_count_z) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDispatchIndirect.html) """ function cmd_dispatch_indirect(command_buffer, buffer, offset::Integer) _cmd_dispatch_indirect(command_buffer, buffer, offset) end """ Extension: VK\\_HUAWEI\\_subpass\\_shading Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSubpassShadingHUAWEI.html) """ function cmd_subpass_shading_huawei(command_buffer) _cmd_subpass_shading_huawei(command_buffer) end """ Extension: VK\\_HUAWEI\\_cluster\\_culling\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `group_count_x::UInt32` - `group_count_y::UInt32` - `group_count_z::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawClusterHUAWEI.html) """ function cmd_draw_cluster_huawei(command_buffer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer) _cmd_draw_cluster_huawei(command_buffer, group_count_x, group_count_y, group_count_z) end """ Extension: VK\\_HUAWEI\\_cluster\\_culling\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawClusterIndirectHUAWEI.html) """ function cmd_draw_cluster_indirect_huawei(command_buffer, buffer, offset::Integer) _cmd_draw_cluster_indirect_huawei(command_buffer, buffer, offset) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `src_buffer::Buffer` - `dst_buffer::Buffer` - `regions::Vector{BufferCopy}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyBuffer.html) """ function cmd_copy_buffer(command_buffer, src_buffer, dst_buffer, regions::AbstractArray) _cmd_copy_buffer(command_buffer, src_buffer, dst_buffer, convert(AbstractArray{_BufferCopy}, regions)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{ImageCopy}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyImage.html) """ function cmd_copy_image(command_buffer, src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray) _cmd_copy_image(command_buffer, src_image, src_image_layout, dst_image, dst_image_layout, convert(AbstractArray{_ImageCopy}, regions)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{ImageBlit}` - `filter::Filter` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBlitImage.html) """ function cmd_blit_image(command_buffer, src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray, filter::Filter) _cmd_blit_image(command_buffer, src_image, src_image_layout, dst_image, dst_image_layout, convert(AbstractArray{_ImageBlit}, regions), filter) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `src_buffer::Buffer` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{BufferImageCopy}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyBufferToImage.html) """ function cmd_copy_buffer_to_image(command_buffer, src_buffer, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray) _cmd_copy_buffer_to_image(command_buffer, src_buffer, dst_image, dst_image_layout, convert(AbstractArray{_BufferImageCopy}, regions)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_buffer::Buffer` - `regions::Vector{BufferImageCopy}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyImageToBuffer.html) """ function cmd_copy_image_to_buffer(command_buffer, src_image, src_image_layout::ImageLayout, dst_buffer, regions::AbstractArray) _cmd_copy_image_to_buffer(command_buffer, src_image, src_image_layout, dst_buffer, convert(AbstractArray{_BufferImageCopy}, regions)) end """ Extension: VK\\_NV\\_copy\\_memory\\_indirect Arguments: - `command_buffer::CommandBuffer` (externsync) - `copy_buffer_address::UInt64` - `copy_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyMemoryIndirectNV.html) """ function cmd_copy_memory_indirect_nv(command_buffer, copy_buffer_address::Integer, copy_count::Integer, stride::Integer) _cmd_copy_memory_indirect_nv(command_buffer, copy_buffer_address, copy_count, stride) end """ Extension: VK\\_NV\\_copy\\_memory\\_indirect Arguments: - `command_buffer::CommandBuffer` (externsync) - `copy_buffer_address::UInt64` - `stride::UInt32` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `image_subresources::Vector{ImageSubresourceLayers}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyMemoryToImageIndirectNV.html) """ function cmd_copy_memory_to_image_indirect_nv(command_buffer, copy_buffer_address::Integer, stride::Integer, dst_image, dst_image_layout::ImageLayout, image_subresources::AbstractArray) _cmd_copy_memory_to_image_indirect_nv(command_buffer, copy_buffer_address, stride, dst_image, dst_image_layout, convert(AbstractArray{_ImageSubresourceLayers}, image_subresources)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `dst_buffer::Buffer` - `dst_offset::UInt64` - `data_size::UInt64` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdUpdateBuffer.html) """ function cmd_update_buffer(command_buffer, dst_buffer, dst_offset::Integer, data_size::Integer, data::Ptr{Cvoid}) _cmd_update_buffer(command_buffer, dst_buffer, dst_offset, data_size, data) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `dst_buffer::Buffer` - `dst_offset::UInt64` - `size::UInt64` - `data::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdFillBuffer.html) """ function cmd_fill_buffer(command_buffer, dst_buffer, dst_offset::Integer, size::Integer, data::Integer) _cmd_fill_buffer(command_buffer, dst_buffer, dst_offset, size, data) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `image::Image` - `image_layout::ImageLayout` - `color::ClearColorValue` - `ranges::Vector{ImageSubresourceRange}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdClearColorImage.html) """ function cmd_clear_color_image(command_buffer, image, image_layout::ImageLayout, color::ClearColorValue, ranges::AbstractArray) _cmd_clear_color_image(command_buffer, image, image_layout, convert(_ClearColorValue, color), convert(AbstractArray{_ImageSubresourceRange}, ranges)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `image::Image` - `image_layout::ImageLayout` - `depth_stencil::ClearDepthStencilValue` - `ranges::Vector{ImageSubresourceRange}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdClearDepthStencilImage.html) """ function cmd_clear_depth_stencil_image(command_buffer, image, image_layout::ImageLayout, depth_stencil::ClearDepthStencilValue, ranges::AbstractArray) _cmd_clear_depth_stencil_image(command_buffer, image, image_layout, convert(_ClearDepthStencilValue, depth_stencil), convert(AbstractArray{_ImageSubresourceRange}, ranges)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `attachments::Vector{ClearAttachment}` - `rects::Vector{ClearRect}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdClearAttachments.html) """ function cmd_clear_attachments(command_buffer, attachments::AbstractArray, rects::AbstractArray) _cmd_clear_attachments(command_buffer, convert(AbstractArray{_ClearAttachment}, attachments), convert(AbstractArray{_ClearRect}, rects)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `src_image::Image` - `src_image_layout::ImageLayout` - `dst_image::Image` - `dst_image_layout::ImageLayout` - `regions::Vector{ImageResolve}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdResolveImage.html) """ function cmd_resolve_image(command_buffer, src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray) _cmd_resolve_image(command_buffer, src_image, src_image_layout, dst_image, dst_image_layout, convert(AbstractArray{_ImageResolve}, regions)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `event::Event` - `stage_mask::PipelineStageFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetEvent.html) """ function cmd_set_event(command_buffer, event; stage_mask = 0) _cmd_set_event(command_buffer, event; stage_mask) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `event::Event` - `stage_mask::PipelineStageFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdResetEvent.html) """ function cmd_reset_event(command_buffer, event; stage_mask = 0) _cmd_reset_event(command_buffer, event; stage_mask) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `events::Vector{Event}` - `memory_barriers::Vector{MemoryBarrier}` - `buffer_memory_barriers::Vector{BufferMemoryBarrier}` - `image_memory_barriers::Vector{ImageMemoryBarrier}` - `src_stage_mask::PipelineStageFlag`: defaults to `0` - `dst_stage_mask::PipelineStageFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWaitEvents.html) """ function cmd_wait_events(command_buffer, events::AbstractArray, memory_barriers::AbstractArray, buffer_memory_barriers::AbstractArray, image_memory_barriers::AbstractArray; src_stage_mask = 0, dst_stage_mask = 0) _cmd_wait_events(command_buffer, events, convert(AbstractArray{_MemoryBarrier}, memory_barriers), convert(AbstractArray{_BufferMemoryBarrier}, buffer_memory_barriers), convert(AbstractArray{_ImageMemoryBarrier}, image_memory_barriers); src_stage_mask, dst_stage_mask) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `memory_barriers::Vector{MemoryBarrier}` - `buffer_memory_barriers::Vector{BufferMemoryBarrier}` - `image_memory_barriers::Vector{ImageMemoryBarrier}` - `src_stage_mask::PipelineStageFlag`: defaults to `0` - `dst_stage_mask::PipelineStageFlag`: defaults to `0` - `dependency_flags::DependencyFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdPipelineBarrier.html) """ function cmd_pipeline_barrier(command_buffer, memory_barriers::AbstractArray, buffer_memory_barriers::AbstractArray, image_memory_barriers::AbstractArray; src_stage_mask = 0, dst_stage_mask = 0, dependency_flags = 0) _cmd_pipeline_barrier(command_buffer, convert(AbstractArray{_MemoryBarrier}, memory_barriers), convert(AbstractArray{_BufferMemoryBarrier}, buffer_memory_barriers), convert(AbstractArray{_ImageMemoryBarrier}, image_memory_barriers); src_stage_mask, dst_stage_mask, dependency_flags) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `query::UInt32` - `flags::QueryControlFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginQuery.html) """ function cmd_begin_query(command_buffer, query_pool, query::Integer; flags = 0) _cmd_begin_query(command_buffer, query_pool, query; flags) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `query::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndQuery.html) """ function cmd_end_query(command_buffer, query_pool, query::Integer) _cmd_end_query(command_buffer, query_pool, query) end """ Extension: VK\\_EXT\\_conditional\\_rendering Arguments: - `command_buffer::CommandBuffer` (externsync) - `conditional_rendering_begin::ConditionalRenderingBeginInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginConditionalRenderingEXT.html) """ function cmd_begin_conditional_rendering_ext(command_buffer, conditional_rendering_begin::ConditionalRenderingBeginInfoEXT) _cmd_begin_conditional_rendering_ext(command_buffer, convert(_ConditionalRenderingBeginInfoEXT, conditional_rendering_begin)) end """ Extension: VK\\_EXT\\_conditional\\_rendering Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndConditionalRenderingEXT.html) """ function cmd_end_conditional_rendering_ext(command_buffer) _cmd_end_conditional_rendering_ext(command_buffer) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `first_query::UInt32` - `query_count::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdResetQueryPool.html) """ function cmd_reset_query_pool(command_buffer, query_pool, first_query::Integer, query_count::Integer) _cmd_reset_query_pool(command_buffer, query_pool, first_query, query_count) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_stage::PipelineStageFlag` - `query_pool::QueryPool` - `query::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteTimestamp.html) """ function cmd_write_timestamp(command_buffer, pipeline_stage::PipelineStageFlag, query_pool, query::Integer) _cmd_write_timestamp(command_buffer, pipeline_stage, query_pool, query) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `first_query::UInt32` - `query_count::UInt32` - `dst_buffer::Buffer` - `dst_offset::UInt64` - `stride::UInt64` - `flags::QueryResultFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyQueryPoolResults.html) """ function cmd_copy_query_pool_results(command_buffer, query_pool, first_query::Integer, query_count::Integer, dst_buffer, dst_offset::Integer, stride::Integer; flags = 0) _cmd_copy_query_pool_results(command_buffer, query_pool, first_query, query_count, dst_buffer, dst_offset, stride; flags) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `layout::PipelineLayout` - `stage_flags::ShaderStageFlag` - `offset::UInt32` - `size::UInt32` - `values::Ptr{Cvoid}` (must be a valid pointer with `size` bytes) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdPushConstants.html) """ function cmd_push_constants(command_buffer, layout, stage_flags::ShaderStageFlag, offset::Integer, size::Integer, values::Ptr{Cvoid}) _cmd_push_constants(command_buffer, layout, stage_flags, offset, size, values) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `render_pass_begin::RenderPassBeginInfo` - `contents::SubpassContents` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginRenderPass.html) """ function cmd_begin_render_pass(command_buffer, render_pass_begin::RenderPassBeginInfo, contents::SubpassContents) _cmd_begin_render_pass(command_buffer, convert(_RenderPassBeginInfo, render_pass_begin), contents) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `contents::SubpassContents` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdNextSubpass.html) """ function cmd_next_subpass(command_buffer, contents::SubpassContents) _cmd_next_subpass(command_buffer, contents) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndRenderPass.html) """ function cmd_end_render_pass(command_buffer) _cmd_end_render_pass(command_buffer) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `command_buffers::Vector{CommandBuffer}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdExecuteCommands.html) """ function cmd_execute_commands(command_buffer, command_buffers::AbstractArray) _cmd_execute_commands(command_buffer, command_buffers) end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceDisplayPropertiesKHR.html) """ function get_physical_device_display_properties_khr(physical_device)::ResultTypes.Result{Vector{DisplayPropertiesKHR}, VulkanError} val = @propagate_errors(_get_physical_device_display_properties_khr(physical_device)) DisplayPropertiesKHR.(val) end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceDisplayPlanePropertiesKHR.html) """ function get_physical_device_display_plane_properties_khr(physical_device)::ResultTypes.Result{Vector{DisplayPlanePropertiesKHR}, VulkanError} val = @propagate_errors(_get_physical_device_display_plane_properties_khr(physical_device)) DisplayPlanePropertiesKHR.(val) end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `plane_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDisplayPlaneSupportedDisplaysKHR.html) """ function get_display_plane_supported_displays_khr(physical_device, plane_index::Integer)::ResultTypes.Result{Vector{DisplayKHR}, VulkanError} val = @propagate_errors(_get_display_plane_supported_displays_khr(physical_device, plane_index)) val end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDisplayModePropertiesKHR.html) """ function get_display_mode_properties_khr(physical_device, display)::ResultTypes.Result{Vector{DisplayModePropertiesKHR}, VulkanError} val = @propagate_errors(_get_display_mode_properties_khr(physical_device, display)) DisplayModePropertiesKHR.(val) end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` (externsync) - `create_info::DisplayModeCreateInfoKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDisplayModeKHR.html) """ function create_display_mode_khr(physical_device, display, create_info::DisplayModeCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{DisplayModeKHR, VulkanError} val = @propagate_errors(_create_display_mode_khr(physical_device, display, convert(_DisplayModeCreateInfoKHR, create_info); allocator)) val end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `mode::DisplayModeKHR` (externsync) - `plane_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDisplayPlaneCapabilitiesKHR.html) """ function get_display_plane_capabilities_khr(physical_device, mode, plane_index::Integer)::ResultTypes.Result{DisplayPlaneCapabilitiesKHR, VulkanError} val = @propagate_errors(_get_display_plane_capabilities_khr(physical_device, mode, plane_index)) DisplayPlaneCapabilitiesKHR(val) end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `create_info::DisplaySurfaceCreateInfoKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDisplayPlaneSurfaceKHR.html) """ function create_display_plane_surface_khr(instance, create_info::DisplaySurfaceCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_display_plane_surface_khr(instance, convert(_DisplaySurfaceCreateInfoKHR, create_info); allocator)) val end """ Extension: VK\\_KHR\\_display\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INCOMPATIBLE_DISPLAY_KHR` - `ERROR_DEVICE_LOST` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `create_infos::Vector{SwapchainCreateInfoKHR}` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSharedSwapchainsKHR.html) """ function create_shared_swapchains_khr(device, create_infos::AbstractArray; allocator = C_NULL)::ResultTypes.Result{Vector{SwapchainKHR}, VulkanError} val = @propagate_errors(_create_shared_swapchains_khr(device, convert(AbstractArray{_SwapchainCreateInfoKHR}, create_infos); allocator)) val end """ Extension: VK\\_KHR\\_surface Arguments: - `instance::Instance` - `surface::SurfaceKHR` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroySurfaceKHR.html) """ function destroy_surface_khr(instance, surface; allocator = C_NULL) _destroy_surface_khr(instance, surface; allocator) end """ Extension: VK\\_KHR\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `queue_family_index::UInt32` - `surface::SurfaceKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfaceSupportKHR.html) """ function get_physical_device_surface_support_khr(physical_device, queue_family_index::Integer, surface)::ResultTypes.Result{Bool, VulkanError} val = @propagate_errors(_get_physical_device_surface_support_khr(physical_device, queue_family_index, surface)) val end """ Extension: VK\\_KHR\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface::SurfaceKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfaceCapabilitiesKHR.html) """ function get_physical_device_surface_capabilities_khr(physical_device, surface)::ResultTypes.Result{SurfaceCapabilitiesKHR, VulkanError} val = @propagate_errors(_get_physical_device_surface_capabilities_khr(physical_device, surface)) SurfaceCapabilitiesKHR(val) end """ Extension: VK\\_KHR\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface::SurfaceKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfaceFormatsKHR.html) """ function get_physical_device_surface_formats_khr(physical_device; surface = C_NULL)::ResultTypes.Result{Vector{SurfaceFormatKHR}, VulkanError} val = @propagate_errors(_get_physical_device_surface_formats_khr(physical_device; surface)) SurfaceFormatKHR.(val) end """ Extension: VK\\_KHR\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface::SurfaceKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfacePresentModesKHR.html) """ function get_physical_device_surface_present_modes_khr(physical_device; surface = C_NULL)::ResultTypes.Result{Vector{PresentModeKHR}, VulkanError} val = @propagate_errors(_get_physical_device_surface_present_modes_khr(physical_device; surface)) val end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_SURFACE_LOST_KHR` - `ERROR_NATIVE_WINDOW_IN_USE_KHR` - `ERROR_INITIALIZATION_FAILED` - `ERROR_COMPRESSION_EXHAUSTED_EXT` Arguments: - `device::Device` - `create_info::SwapchainCreateInfoKHR` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSwapchainKHR.html) """ function create_swapchain_khr(device, create_info::SwapchainCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{SwapchainKHR, VulkanError} val = @propagate_errors(_create_swapchain_khr(device, convert(_SwapchainCreateInfoKHR, create_info); allocator)) val end """ Extension: VK\\_KHR\\_swapchain Arguments: - `device::Device` - `swapchain::SwapchainKHR` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroySwapchainKHR.html) """ function destroy_swapchain_khr(device, swapchain; allocator = C_NULL) _destroy_swapchain_khr(device, swapchain; allocator) end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `swapchain::SwapchainKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSwapchainImagesKHR.html) """ function get_swapchain_images_khr(device, swapchain)::ResultTypes.Result{Vector{Image}, VulkanError} val = @propagate_errors(_get_swapchain_images_khr(device, swapchain)) val end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `TIMEOUT` - `NOT_READY` - `SUBOPTIMAL_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` - `ERROR_SURFACE_LOST_KHR` - `ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT` Arguments: - `device::Device` - `swapchain::SwapchainKHR` (externsync) - `timeout::UInt64` - `semaphore::Semaphore`: defaults to `C_NULL` (externsync) - `fence::Fence`: defaults to `C_NULL` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAcquireNextImageKHR.html) """ function acquire_next_image_khr(device, swapchain, timeout::Integer; semaphore = C_NULL, fence = C_NULL)::ResultTypes.Result{Tuple{UInt32, Result}, VulkanError} val = @propagate_errors(_acquire_next_image_khr(device, swapchain, timeout; semaphore, fence)) val end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `SUBOPTIMAL_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` - `ERROR_SURFACE_LOST_KHR` - `ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT` Arguments: - `queue::Queue` (externsync) - `present_info::PresentInfoKHR` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueuePresentKHR.html) """ function queue_present_khr(queue, present_info::PresentInfoKHR)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_queue_present_khr(queue, convert(_PresentInfoKHR, present_info))) val end """ Extension: VK\\_KHR\\_win32\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `create_info::Win32SurfaceCreateInfoKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateWin32SurfaceKHR.html) """ function create_win_32_surface_khr(instance, create_info::Win32SurfaceCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_win_32_surface_khr(instance, convert(_Win32SurfaceCreateInfoKHR, create_info); allocator)) val end """ Extension: VK\\_KHR\\_win32\\_surface Arguments: - `physical_device::PhysicalDevice` - `queue_family_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceWin32PresentationSupportKHR.html) """ function get_physical_device_win_32_presentation_support_khr(physical_device, queue_family_index::Integer) _get_physical_device_win_32_presentation_support_khr(physical_device, queue_family_index) end """ Extension: VK\\_EXT\\_debug\\_report Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `instance::Instance` - `create_info::DebugReportCallbackCreateInfoEXT` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDebugReportCallbackEXT.html) """ function create_debug_report_callback_ext(instance, create_info::DebugReportCallbackCreateInfoEXT; allocator = C_NULL)::ResultTypes.Result{DebugReportCallbackEXT, VulkanError} val = @propagate_errors(_create_debug_report_callback_ext(instance, convert(_DebugReportCallbackCreateInfoEXT, create_info); allocator)) val end """ Extension: VK\\_EXT\\_debug\\_report Arguments: - `instance::Instance` - `callback::DebugReportCallbackEXT` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDebugReportCallbackEXT.html) """ function destroy_debug_report_callback_ext(instance, callback; allocator = C_NULL) _destroy_debug_report_callback_ext(instance, callback; allocator) end """ Extension: VK\\_EXT\\_debug\\_report Arguments: - `instance::Instance` - `flags::DebugReportFlagEXT` - `object_type::DebugReportObjectTypeEXT` - `object::UInt64` - `location::UInt` - `message_code::Int32` - `layer_prefix::String` - `message::String` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDebugReportMessageEXT.html) """ function debug_report_message_ext(instance, flags::DebugReportFlagEXT, object_type::DebugReportObjectTypeEXT, object::Integer, location::Integer, message_code::Integer, layer_prefix::AbstractString, message::AbstractString) _debug_report_message_ext(instance, flags, object_type, object, location, message_code, layer_prefix, message) end """ Extension: VK\\_EXT\\_debug\\_marker Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `name_info::DebugMarkerObjectNameInfoEXT` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDebugMarkerSetObjectNameEXT.html) """ function debug_marker_set_object_name_ext(device, name_info::DebugMarkerObjectNameInfoEXT)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_debug_marker_set_object_name_ext(device, convert(_DebugMarkerObjectNameInfoEXT, name_info))) val end """ Extension: VK\\_EXT\\_debug\\_marker Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `tag_info::DebugMarkerObjectTagInfoEXT` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDebugMarkerSetObjectTagEXT.html) """ function debug_marker_set_object_tag_ext(device, tag_info::DebugMarkerObjectTagInfoEXT)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_debug_marker_set_object_tag_ext(device, convert(_DebugMarkerObjectTagInfoEXT, tag_info))) val end """ Extension: VK\\_EXT\\_debug\\_marker Arguments: - `command_buffer::CommandBuffer` (externsync) - `marker_info::DebugMarkerMarkerInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDebugMarkerBeginEXT.html) """ function cmd_debug_marker_begin_ext(command_buffer, marker_info::DebugMarkerMarkerInfoEXT) _cmd_debug_marker_begin_ext(command_buffer, convert(_DebugMarkerMarkerInfoEXT, marker_info)) end """ Extension: VK\\_EXT\\_debug\\_marker Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDebugMarkerEndEXT.html) """ function cmd_debug_marker_end_ext(command_buffer) _cmd_debug_marker_end_ext(command_buffer) end """ Extension: VK\\_EXT\\_debug\\_marker Arguments: - `command_buffer::CommandBuffer` (externsync) - `marker_info::DebugMarkerMarkerInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDebugMarkerInsertEXT.html) """ function cmd_debug_marker_insert_ext(command_buffer, marker_info::DebugMarkerMarkerInfoEXT) _cmd_debug_marker_insert_ext(command_buffer, convert(_DebugMarkerMarkerInfoEXT, marker_info)) end """ Extension: VK\\_NV\\_external\\_memory\\_capabilities Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_FORMAT_NOT_SUPPORTED` Arguments: - `physical_device::PhysicalDevice` - `format::Format` - `type::ImageType` - `tiling::ImageTiling` - `usage::ImageUsageFlag` - `flags::ImageCreateFlag`: defaults to `0` - `external_handle_type::ExternalMemoryHandleTypeFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceExternalImageFormatPropertiesNV.html) """ function get_physical_device_external_image_format_properties_nv(physical_device, format::Format, type::ImageType, tiling::ImageTiling, usage::ImageUsageFlag; flags = 0, external_handle_type = 0)::ResultTypes.Result{ExternalImageFormatPropertiesNV, VulkanError} val = @propagate_errors(_get_physical_device_external_image_format_properties_nv(physical_device, format, type, tiling, usage; flags, external_handle_type)) ExternalImageFormatPropertiesNV(val) end """ Extension: VK\\_NV\\_external\\_memory\\_win32 Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `memory::DeviceMemory` - `handle_type::ExternalMemoryHandleTypeFlagNV` - `handle::HANDLE` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetMemoryWin32HandleNV.html) """ function get_memory_win_32_handle_nv(device, memory, handle_type::ExternalMemoryHandleTypeFlagNV, handle::vk.HANDLE)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_memory_win_32_handle_nv(device, memory, handle_type, handle)) val end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `command_buffer::CommandBuffer` (externsync) - `is_preprocessed::Bool` - `generated_commands_info::GeneratedCommandsInfoNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdExecuteGeneratedCommandsNV.html) """ function cmd_execute_generated_commands_nv(command_buffer, is_preprocessed::Bool, generated_commands_info::GeneratedCommandsInfoNV) _cmd_execute_generated_commands_nv(command_buffer, is_preprocessed, convert(_GeneratedCommandsInfoNV, generated_commands_info)) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `command_buffer::CommandBuffer` (externsync) - `generated_commands_info::GeneratedCommandsInfoNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdPreprocessGeneratedCommandsNV.html) """ function cmd_preprocess_generated_commands_nv(command_buffer, generated_commands_info::GeneratedCommandsInfoNV) _cmd_preprocess_generated_commands_nv(command_buffer, convert(_GeneratedCommandsInfoNV, generated_commands_info)) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_bind_point::PipelineBindPoint` - `pipeline::Pipeline` - `group_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindPipelineShaderGroupNV.html) """ function cmd_bind_pipeline_shader_group_nv(command_buffer, pipeline_bind_point::PipelineBindPoint, pipeline, group_index::Integer) _cmd_bind_pipeline_shader_group_nv(command_buffer, pipeline_bind_point, pipeline, group_index) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `device::Device` - `info::GeneratedCommandsMemoryRequirementsInfoNV` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetGeneratedCommandsMemoryRequirementsNV.html) """ function get_generated_commands_memory_requirements_nv(device, info::GeneratedCommandsMemoryRequirementsInfoNV, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) MemoryRequirements2(_get_generated_commands_memory_requirements_nv(device, convert(_GeneratedCommandsMemoryRequirementsInfoNV, info), next_types...), next_types_hl...) end """ Extension: VK\\_NV\\_device\\_generated\\_commands Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::IndirectCommandsLayoutCreateInfoNV` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateIndirectCommandsLayoutNV.html) """ function create_indirect_commands_layout_nv(device, create_info::IndirectCommandsLayoutCreateInfoNV; allocator = C_NULL)::ResultTypes.Result{IndirectCommandsLayoutNV, VulkanError} val = @propagate_errors(_create_indirect_commands_layout_nv(device, convert(_IndirectCommandsLayoutCreateInfoNV, create_info); allocator)) val end """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `device::Device` - `indirect_commands_layout::IndirectCommandsLayoutNV` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyIndirectCommandsLayoutNV.html) """ function destroy_indirect_commands_layout_nv(device, indirect_commands_layout; allocator = C_NULL) _destroy_indirect_commands_layout_nv(device, indirect_commands_layout; allocator) end """ Arguments: - `physical_device::PhysicalDevice` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceFeatures2.html) """ function get_physical_device_features_2(physical_device, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) PhysicalDeviceFeatures2(_get_physical_device_features_2(physical_device, next_types...), next_types_hl...) end """ Arguments: - `physical_device::PhysicalDevice` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceProperties2.html) """ function get_physical_device_properties_2(physical_device, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) PhysicalDeviceProperties2(_get_physical_device_properties_2(physical_device, next_types...), next_types_hl...) end """ Arguments: - `physical_device::PhysicalDevice` - `format::Format` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceFormatProperties2.html) """ function get_physical_device_format_properties_2(physical_device, format::Format, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) FormatProperties2(_get_physical_device_format_properties_2(physical_device, format, next_types...), next_types_hl...) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_FORMAT_NOT_SUPPORTED` - `ERROR_IMAGE_USAGE_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_OPERATION_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_FORMAT_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PICTURE_LAYOUT_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_CODEC_NOT_SUPPORTED_KHR` Arguments: - `physical_device::PhysicalDevice` - `image_format_info::PhysicalDeviceImageFormatInfo2` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceImageFormatProperties2.html) """ function get_physical_device_image_format_properties_2(physical_device, image_format_info::PhysicalDeviceImageFormatInfo2, next_types::Type...)::ResultTypes.Result{ImageFormatProperties2, VulkanError} next_types_hl = next_types next_types = intermediate_type.(next_types) val = @propagate_errors(_get_physical_device_image_format_properties_2(physical_device, convert(_PhysicalDeviceImageFormatInfo2, image_format_info), next_types...)) ImageFormatProperties2(val, next_types_hl...) end """ Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceQueueFamilyProperties2.html) """ function get_physical_device_queue_family_properties_2(physical_device) QueueFamilyProperties2.(_get_physical_device_queue_family_properties_2(physical_device)) end """ Arguments: - `physical_device::PhysicalDevice` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceMemoryProperties2.html) """ function get_physical_device_memory_properties_2(physical_device, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) PhysicalDeviceMemoryProperties2(_get_physical_device_memory_properties_2(physical_device, next_types...), next_types_hl...) end """ Arguments: - `physical_device::PhysicalDevice` - `format_info::PhysicalDeviceSparseImageFormatInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSparseImageFormatProperties2.html) """ function get_physical_device_sparse_image_format_properties_2(physical_device, format_info::PhysicalDeviceSparseImageFormatInfo2) SparseImageFormatProperties2.(_get_physical_device_sparse_image_format_properties_2(physical_device, convert(_PhysicalDeviceSparseImageFormatInfo2, format_info))) end """ Extension: VK\\_KHR\\_push\\_descriptor Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_bind_point::PipelineBindPoint` - `layout::PipelineLayout` - `set::UInt32` - `descriptor_writes::Vector{WriteDescriptorSet}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdPushDescriptorSetKHR.html) """ function cmd_push_descriptor_set_khr(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, set::Integer, descriptor_writes::AbstractArray) _cmd_push_descriptor_set_khr(command_buffer, pipeline_bind_point, layout, set, convert(AbstractArray{_WriteDescriptorSet}, descriptor_writes)) end """ Arguments: - `device::Device` - `command_pool::CommandPool` (externsync) - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkTrimCommandPool.html) """ function trim_command_pool(device, command_pool; flags = 0) _trim_command_pool(device, command_pool; flags) end """ Arguments: - `physical_device::PhysicalDevice` - `external_buffer_info::PhysicalDeviceExternalBufferInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceExternalBufferProperties.html) """ function get_physical_device_external_buffer_properties(physical_device, external_buffer_info::PhysicalDeviceExternalBufferInfo) ExternalBufferProperties(_get_physical_device_external_buffer_properties(physical_device, convert(_PhysicalDeviceExternalBufferInfo, external_buffer_info))) end """ Extension: VK\\_KHR\\_external\\_memory\\_win32 Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `get_win_32_handle_info::MemoryGetWin32HandleInfoKHR` - `handle::HANDLE` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetMemoryWin32HandleKHR.html) """ function get_memory_win_32_handle_khr(device, get_win_32_handle_info::MemoryGetWin32HandleInfoKHR, handle::vk.HANDLE)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_memory_win_32_handle_khr(device, convert(_MemoryGetWin32HandleInfoKHR, get_win_32_handle_info), handle)) val end """ Extension: VK\\_KHR\\_external\\_memory\\_win32 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` Arguments: - `device::Device` - `handle_type::ExternalMemoryHandleTypeFlag` - `handle::HANDLE` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetMemoryWin32HandlePropertiesKHR.html) """ function get_memory_win_32_handle_properties_khr(device, handle_type::ExternalMemoryHandleTypeFlag, handle::vk.HANDLE)::ResultTypes.Result{MemoryWin32HandlePropertiesKHR, VulkanError} val = @propagate_errors(_get_memory_win_32_handle_properties_khr(device, handle_type, handle)) MemoryWin32HandlePropertiesKHR(val) end """ Extension: VK\\_KHR\\_external\\_memory\\_fd Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `get_fd_info::MemoryGetFdInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetMemoryFdKHR.html) """ function get_memory_fd_khr(device, get_fd_info::MemoryGetFdInfoKHR)::ResultTypes.Result{Int, VulkanError} val = @propagate_errors(_get_memory_fd_khr(device, convert(_MemoryGetFdInfoKHR, get_fd_info))) val end """ Extension: VK\\_KHR\\_external\\_memory\\_fd Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` Arguments: - `device::Device` - `handle_type::ExternalMemoryHandleTypeFlag` - `fd::Int` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetMemoryFdPropertiesKHR.html) """ function get_memory_fd_properties_khr(device, handle_type::ExternalMemoryHandleTypeFlag, fd::Integer)::ResultTypes.Result{MemoryFdPropertiesKHR, VulkanError} val = @propagate_errors(_get_memory_fd_properties_khr(device, handle_type, fd)) MemoryFdPropertiesKHR(val) end """ Extension: VK\\_NV\\_external\\_memory\\_rdma Return codes: - `SUCCESS` - `ERROR_INVALID_EXTERNAL_HANDLE` Arguments: - `device::Device` - `memory_get_remote_address_info::MemoryGetRemoteAddressInfoNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetMemoryRemoteAddressNV.html) """ function get_memory_remote_address_nv(device, memory_get_remote_address_info::MemoryGetRemoteAddressInfoNV)::ResultTypes.Result{Cvoid, VulkanError} val = @propagate_errors(_get_memory_remote_address_nv(device, convert(_MemoryGetRemoteAddressInfoNV, memory_get_remote_address_info))) val end """ Arguments: - `physical_device::PhysicalDevice` - `external_semaphore_info::PhysicalDeviceExternalSemaphoreInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceExternalSemaphoreProperties.html) """ function get_physical_device_external_semaphore_properties(physical_device, external_semaphore_info::PhysicalDeviceExternalSemaphoreInfo) ExternalSemaphoreProperties(_get_physical_device_external_semaphore_properties(physical_device, convert(_PhysicalDeviceExternalSemaphoreInfo, external_semaphore_info))) end """ Extension: VK\\_KHR\\_external\\_semaphore\\_win32 Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `get_win_32_handle_info::SemaphoreGetWin32HandleInfoKHR` - `handle::HANDLE` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSemaphoreWin32HandleKHR.html) """ function get_semaphore_win_32_handle_khr(device, get_win_32_handle_info::SemaphoreGetWin32HandleInfoKHR, handle::vk.HANDLE)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_semaphore_win_32_handle_khr(device, convert(_SemaphoreGetWin32HandleInfoKHR, get_win_32_handle_info), handle)) val end """ Extension: VK\\_KHR\\_external\\_semaphore\\_win32 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` Arguments: - `device::Device` - `import_semaphore_win_32_handle_info::ImportSemaphoreWin32HandleInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkImportSemaphoreWin32HandleKHR.html) """ function import_semaphore_win_32_handle_khr(device, import_semaphore_win_32_handle_info::ImportSemaphoreWin32HandleInfoKHR)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_import_semaphore_win_32_handle_khr(device, convert(_ImportSemaphoreWin32HandleInfoKHR, import_semaphore_win_32_handle_info))) val end """ Extension: VK\\_KHR\\_external\\_semaphore\\_fd Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `get_fd_info::SemaphoreGetFdInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSemaphoreFdKHR.html) """ function get_semaphore_fd_khr(device, get_fd_info::SemaphoreGetFdInfoKHR)::ResultTypes.Result{Int, VulkanError} val = @propagate_errors(_get_semaphore_fd_khr(device, convert(_SemaphoreGetFdInfoKHR, get_fd_info))) val end """ Extension: VK\\_KHR\\_external\\_semaphore\\_fd Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` Arguments: - `device::Device` - `import_semaphore_fd_info::ImportSemaphoreFdInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkImportSemaphoreFdKHR.html) """ function import_semaphore_fd_khr(device, import_semaphore_fd_info::ImportSemaphoreFdInfoKHR)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_import_semaphore_fd_khr(device, convert(_ImportSemaphoreFdInfoKHR, import_semaphore_fd_info))) val end """ Arguments: - `physical_device::PhysicalDevice` - `external_fence_info::PhysicalDeviceExternalFenceInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceExternalFenceProperties.html) """ function get_physical_device_external_fence_properties(physical_device, external_fence_info::PhysicalDeviceExternalFenceInfo) ExternalFenceProperties(_get_physical_device_external_fence_properties(physical_device, convert(_PhysicalDeviceExternalFenceInfo, external_fence_info))) end """ Extension: VK\\_KHR\\_external\\_fence\\_win32 Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `get_win_32_handle_info::FenceGetWin32HandleInfoKHR` - `handle::HANDLE` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetFenceWin32HandleKHR.html) """ function get_fence_win_32_handle_khr(device, get_win_32_handle_info::FenceGetWin32HandleInfoKHR, handle::vk.HANDLE)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_fence_win_32_handle_khr(device, convert(_FenceGetWin32HandleInfoKHR, get_win_32_handle_info), handle)) val end """ Extension: VK\\_KHR\\_external\\_fence\\_win32 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` Arguments: - `device::Device` - `import_fence_win_32_handle_info::ImportFenceWin32HandleInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkImportFenceWin32HandleKHR.html) """ function import_fence_win_32_handle_khr(device, import_fence_win_32_handle_info::ImportFenceWin32HandleInfoKHR)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_import_fence_win_32_handle_khr(device, convert(_ImportFenceWin32HandleInfoKHR, import_fence_win_32_handle_info))) val end """ Extension: VK\\_KHR\\_external\\_fence\\_fd Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `get_fd_info::FenceGetFdInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetFenceFdKHR.html) """ function get_fence_fd_khr(device, get_fd_info::FenceGetFdInfoKHR)::ResultTypes.Result{Int, VulkanError} val = @propagate_errors(_get_fence_fd_khr(device, convert(_FenceGetFdInfoKHR, get_fd_info))) val end """ Extension: VK\\_KHR\\_external\\_fence\\_fd Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` Arguments: - `device::Device` - `import_fence_fd_info::ImportFenceFdInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkImportFenceFdKHR.html) """ function import_fence_fd_khr(device, import_fence_fd_info::ImportFenceFdInfoKHR)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_import_fence_fd_khr(device, convert(_ImportFenceFdInfoKHR, import_fence_fd_info))) val end """ Extension: VK\\_EXT\\_direct\\_mode\\_display Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkReleaseDisplayEXT.html) """ function release_display_ext(physical_device, display) _release_display_ext(physical_device, display) end """ Extension: VK\\_NV\\_acquire\\_winrt\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_INITIALIZATION_FAILED` Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAcquireWinrtDisplayNV.html) """ function acquire_winrt_display_nv(physical_device, display)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_acquire_winrt_display_nv(physical_device, display)) val end """ Extension: VK\\_NV\\_acquire\\_winrt\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_INITIALIZATION_FAILED` Arguments: - `physical_device::PhysicalDevice` - `device_relative_id::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetWinrtDisplayNV.html) """ function get_winrt_display_nv(physical_device, device_relative_id::Integer)::ResultTypes.Result{DisplayKHR, VulkanError} val = @propagate_errors(_get_winrt_display_nv(physical_device, device_relative_id)) val end """ Extension: VK\\_EXT\\_display\\_control Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `display::DisplayKHR` - `display_power_info::DisplayPowerInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDisplayPowerControlEXT.html) """ function display_power_control_ext(device, display, display_power_info::DisplayPowerInfoEXT)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_display_power_control_ext(device, display, convert(_DisplayPowerInfoEXT, display_power_info))) val end """ Extension: VK\\_EXT\\_display\\_control Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `device_event_info::DeviceEventInfoEXT` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkRegisterDeviceEventEXT.html) """ function register_device_event_ext(device, device_event_info::DeviceEventInfoEXT; allocator = C_NULL)::ResultTypes.Result{Fence, VulkanError} val = @propagate_errors(_register_device_event_ext(device, convert(_DeviceEventInfoEXT, device_event_info); allocator)) val end """ Extension: VK\\_EXT\\_display\\_control Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `display::DisplayKHR` - `display_event_info::DisplayEventInfoEXT` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkRegisterDisplayEventEXT.html) """ function register_display_event_ext(device, display, display_event_info::DisplayEventInfoEXT; allocator = C_NULL)::ResultTypes.Result{Fence, VulkanError} val = @propagate_errors(_register_display_event_ext(device, display, convert(_DisplayEventInfoEXT, display_event_info); allocator)) val end """ Extension: VK\\_EXT\\_display\\_control Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` Arguments: - `device::Device` - `swapchain::SwapchainKHR` - `counter::SurfaceCounterFlagEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSwapchainCounterEXT.html) """ function get_swapchain_counter_ext(device, swapchain, counter::SurfaceCounterFlagEXT)::ResultTypes.Result{UInt64, VulkanError} val = @propagate_errors(_get_swapchain_counter_ext(device, swapchain, counter)) val end """ Extension: VK\\_EXT\\_display\\_surface\\_counter Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface::SurfaceKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfaceCapabilities2EXT.html) """ function get_physical_device_surface_capabilities_2_ext(physical_device, surface)::ResultTypes.Result{SurfaceCapabilities2EXT, VulkanError} val = @propagate_errors(_get_physical_device_surface_capabilities_2_ext(physical_device, surface)) SurfaceCapabilities2EXT(val) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `instance::Instance` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumeratePhysicalDeviceGroups.html) """ function enumerate_physical_device_groups(instance)::ResultTypes.Result{Vector{PhysicalDeviceGroupProperties}, VulkanError} val = @propagate_errors(_enumerate_physical_device_groups(instance)) PhysicalDeviceGroupProperties.(val) end """ Arguments: - `device::Device` - `heap_index::UInt32` - `local_device_index::UInt32` - `remote_device_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceGroupPeerMemoryFeatures.html) """ function get_device_group_peer_memory_features(device, heap_index::Integer, local_device_index::Integer, remote_device_index::Integer) _get_device_group_peer_memory_features(device, heap_index, local_device_index, remote_device_index) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `bind_infos::Vector{BindBufferMemoryInfo}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindBufferMemory2.html) """ function bind_buffer_memory_2(device, bind_infos::AbstractArray)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_buffer_memory_2(device, convert(AbstractArray{_BindBufferMemoryInfo}, bind_infos))) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `bind_infos::Vector{BindImageMemoryInfo}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindImageMemory2.html) """ function bind_image_memory_2(device, bind_infos::AbstractArray)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_image_memory_2(device, convert(AbstractArray{_BindImageMemoryInfo}, bind_infos))) val end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `device_mask::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDeviceMask.html) """ function cmd_set_device_mask(command_buffer, device_mask::Integer) _cmd_set_device_mask(command_buffer, device_mask) end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceGroupPresentCapabilitiesKHR.html) """ function get_device_group_present_capabilities_khr(device)::ResultTypes.Result{DeviceGroupPresentCapabilitiesKHR, VulkanError} val = @propagate_errors(_get_device_group_present_capabilities_khr(device)) DeviceGroupPresentCapabilitiesKHR(val) end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `surface::SurfaceKHR` (externsync) - `modes::DeviceGroupPresentModeFlagKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceGroupSurfacePresentModesKHR.html) """ function get_device_group_surface_present_modes_khr(device, surface, modes::DeviceGroupPresentModeFlagKHR)::ResultTypes.Result{DeviceGroupPresentModeFlagKHR, VulkanError} val = @propagate_errors(_get_device_group_surface_present_modes_khr(device, surface, modes)) val end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `TIMEOUT` - `NOT_READY` - `SUBOPTIMAL_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` - `ERROR_SURFACE_LOST_KHR` - `ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT` Arguments: - `device::Device` - `acquire_info::AcquireNextImageInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAcquireNextImage2KHR.html) """ function acquire_next_image_2_khr(device, acquire_info::AcquireNextImageInfoKHR)::ResultTypes.Result{Tuple{UInt32, Result}, VulkanError} val = @propagate_errors(_acquire_next_image_2_khr(device, convert(_AcquireNextImageInfoKHR, acquire_info))) val end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `base_group_x::UInt32` - `base_group_y::UInt32` - `base_group_z::UInt32` - `group_count_x::UInt32` - `group_count_y::UInt32` - `group_count_z::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDispatchBase.html) """ function cmd_dispatch_base(command_buffer, base_group_x::Integer, base_group_y::Integer, base_group_z::Integer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer) _cmd_dispatch_base(command_buffer, base_group_x, base_group_y, base_group_z, group_count_x, group_count_y, group_count_z) end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `surface::SurfaceKHR` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDevicePresentRectanglesKHR.html) """ function get_physical_device_present_rectangles_khr(physical_device, surface)::ResultTypes.Result{Vector{Rect2D}, VulkanError} val = @propagate_errors(_get_physical_device_present_rectangles_khr(physical_device, surface)) Rect2D.(val) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::DescriptorUpdateTemplateCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorUpdateTemplate.html) """ function create_descriptor_update_template(device, create_info::DescriptorUpdateTemplateCreateInfo; allocator = C_NULL)::ResultTypes.Result{DescriptorUpdateTemplate, VulkanError} val = @propagate_errors(_create_descriptor_update_template(device, convert(_DescriptorUpdateTemplateCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `descriptor_update_template::DescriptorUpdateTemplate` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDescriptorUpdateTemplate.html) """ function destroy_descriptor_update_template(device, descriptor_update_template; allocator = C_NULL) _destroy_descriptor_update_template(device, descriptor_update_template; allocator) end """ Arguments: - `device::Device` - `descriptor_set::DescriptorSet` - `descriptor_update_template::DescriptorUpdateTemplate` - `data::Ptr{Cvoid}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkUpdateDescriptorSetWithTemplate.html) """ function update_descriptor_set_with_template(device, descriptor_set, descriptor_update_template, data::Ptr{Cvoid}) _update_descriptor_set_with_template(device, descriptor_set, descriptor_update_template, data) end """ Extension: VK\\_KHR\\_push\\_descriptor Arguments: - `command_buffer::CommandBuffer` (externsync) - `descriptor_update_template::DescriptorUpdateTemplate` - `layout::PipelineLayout` - `set::UInt32` - `data::Ptr{Cvoid}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdPushDescriptorSetWithTemplateKHR.html) """ function cmd_push_descriptor_set_with_template_khr(command_buffer, descriptor_update_template, layout, set::Integer, data::Ptr{Cvoid}) _cmd_push_descriptor_set_with_template_khr(command_buffer, descriptor_update_template, layout, set, data) end """ Extension: VK\\_EXT\\_hdr\\_metadata Arguments: - `device::Device` - `swapchains::Vector{SwapchainKHR}` - `metadata::Vector{HdrMetadataEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetHdrMetadataEXT.html) """ function set_hdr_metadata_ext(device, swapchains::AbstractArray, metadata::AbstractArray) _set_hdr_metadata_ext(device, swapchains, convert(AbstractArray{_HdrMetadataEXT}, metadata)) end """ Extension: VK\\_KHR\\_shared\\_presentable\\_image Return codes: - `SUCCESS` - `SUBOPTIMAL_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` - `ERROR_SURFACE_LOST_KHR` - `ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT` Arguments: - `device::Device` - `swapchain::SwapchainKHR` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSwapchainStatusKHR.html) """ function get_swapchain_status_khr(device, swapchain)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_swapchain_status_khr(device, swapchain)) val end """ Extension: VK\\_GOOGLE\\_display\\_timing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `swapchain::SwapchainKHR` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetRefreshCycleDurationGOOGLE.html) """ function get_refresh_cycle_duration_google(device, swapchain)::ResultTypes.Result{RefreshCycleDurationGOOGLE, VulkanError} val = @propagate_errors(_get_refresh_cycle_duration_google(device, swapchain)) RefreshCycleDurationGOOGLE(val) end """ Extension: VK\\_GOOGLE\\_display\\_timing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `swapchain::SwapchainKHR` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPastPresentationTimingGOOGLE.html) """ function get_past_presentation_timing_google(device, swapchain)::ResultTypes.Result{Vector{PastPresentationTimingGOOGLE}, VulkanError} val = @propagate_errors(_get_past_presentation_timing_google(device, swapchain)) PastPresentationTimingGOOGLE.(val) end """ Extension: VK\\_NV\\_clip\\_space\\_w\\_scaling Arguments: - `command_buffer::CommandBuffer` (externsync) - `viewport_w_scalings::Vector{ViewportWScalingNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetViewportWScalingNV.html) """ function cmd_set_viewport_w_scaling_nv(command_buffer, viewport_w_scalings::AbstractArray) _cmd_set_viewport_w_scaling_nv(command_buffer, convert(AbstractArray{_ViewportWScalingNV}, viewport_w_scalings)) end """ Extension: VK\\_EXT\\_discard\\_rectangles Arguments: - `command_buffer::CommandBuffer` (externsync) - `discard_rectangles::Vector{Rect2D}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDiscardRectangleEXT.html) """ function cmd_set_discard_rectangle_ext(command_buffer, discard_rectangles::AbstractArray) _cmd_set_discard_rectangle_ext(command_buffer, convert(AbstractArray{_Rect2D}, discard_rectangles)) end """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `command_buffer::CommandBuffer` (externsync) - `sample_locations_info::SampleLocationsInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetSampleLocationsEXT.html) """ function cmd_set_sample_locations_ext(command_buffer, sample_locations_info::SampleLocationsInfoEXT) _cmd_set_sample_locations_ext(command_buffer, convert(_SampleLocationsInfoEXT, sample_locations_info)) end """ Extension: VK\\_EXT\\_sample\\_locations Arguments: - `physical_device::PhysicalDevice` - `samples::SampleCountFlag` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceMultisamplePropertiesEXT.html) """ function get_physical_device_multisample_properties_ext(physical_device, samples::SampleCountFlag) MultisamplePropertiesEXT(_get_physical_device_multisample_properties_ext(physical_device, samples)) end """ Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface_info::PhysicalDeviceSurfaceInfo2KHR` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfaceCapabilities2KHR.html) """ function get_physical_device_surface_capabilities_2_khr(physical_device, surface_info::PhysicalDeviceSurfaceInfo2KHR, next_types::Type...)::ResultTypes.Result{SurfaceCapabilities2KHR, VulkanError} next_types_hl = next_types next_types = intermediate_type.(next_types) val = @propagate_errors(_get_physical_device_surface_capabilities_2_khr(physical_device, convert(_PhysicalDeviceSurfaceInfo2KHR, surface_info), next_types...)) SurfaceCapabilities2KHR(val, next_types_hl...) end """ Extension: VK\\_KHR\\_get\\_surface\\_capabilities2 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface_info::PhysicalDeviceSurfaceInfo2KHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfaceFormats2KHR.html) """ function get_physical_device_surface_formats_2_khr(physical_device, surface_info::PhysicalDeviceSurfaceInfo2KHR)::ResultTypes.Result{Vector{SurfaceFormat2KHR}, VulkanError} val = @propagate_errors(_get_physical_device_surface_formats_2_khr(physical_device, convert(_PhysicalDeviceSurfaceInfo2KHR, surface_info))) SurfaceFormat2KHR.(val) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceDisplayProperties2KHR.html) """ function get_physical_device_display_properties_2_khr(physical_device)::ResultTypes.Result{Vector{DisplayProperties2KHR}, VulkanError} val = @propagate_errors(_get_physical_device_display_properties_2_khr(physical_device)) DisplayProperties2KHR.(val) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceDisplayPlaneProperties2KHR.html) """ function get_physical_device_display_plane_properties_2_khr(physical_device)::ResultTypes.Result{Vector{DisplayPlaneProperties2KHR}, VulkanError} val = @propagate_errors(_get_physical_device_display_plane_properties_2_khr(physical_device)) DisplayPlaneProperties2KHR.(val) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDisplayModeProperties2KHR.html) """ function get_display_mode_properties_2_khr(physical_device, display)::ResultTypes.Result{Vector{DisplayModeProperties2KHR}, VulkanError} val = @propagate_errors(_get_display_mode_properties_2_khr(physical_device, display)) DisplayModeProperties2KHR.(val) end """ Extension: VK\\_KHR\\_get\\_display\\_properties2 Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `display_plane_info::DisplayPlaneInfo2KHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDisplayPlaneCapabilities2KHR.html) """ function get_display_plane_capabilities_2_khr(physical_device, display_plane_info::DisplayPlaneInfo2KHR)::ResultTypes.Result{DisplayPlaneCapabilities2KHR, VulkanError} val = @propagate_errors(_get_display_plane_capabilities_2_khr(physical_device, convert(_DisplayPlaneInfo2KHR, display_plane_info))) DisplayPlaneCapabilities2KHR(val) end """ Arguments: - `device::Device` - `info::BufferMemoryRequirementsInfo2` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetBufferMemoryRequirements2.html) """ function get_buffer_memory_requirements_2(device, info::BufferMemoryRequirementsInfo2, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) MemoryRequirements2(_get_buffer_memory_requirements_2(device, convert(_BufferMemoryRequirementsInfo2, info), next_types...), next_types_hl...) end """ Arguments: - `device::Device` - `info::ImageMemoryRequirementsInfo2` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageMemoryRequirements2.html) """ function get_image_memory_requirements_2(device, info::ImageMemoryRequirementsInfo2, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) MemoryRequirements2(_get_image_memory_requirements_2(device, convert(_ImageMemoryRequirementsInfo2, info), next_types...), next_types_hl...) end """ Arguments: - `device::Device` - `info::ImageSparseMemoryRequirementsInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageSparseMemoryRequirements2.html) """ function get_image_sparse_memory_requirements_2(device, info::ImageSparseMemoryRequirementsInfo2) SparseImageMemoryRequirements2.(_get_image_sparse_memory_requirements_2(device, convert(_ImageSparseMemoryRequirementsInfo2, info))) end """ Arguments: - `device::Device` - `info::DeviceBufferMemoryRequirements` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceBufferMemoryRequirements.html) """ function get_device_buffer_memory_requirements(device, info::DeviceBufferMemoryRequirements, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) MemoryRequirements2(_get_device_buffer_memory_requirements(device, convert(_DeviceBufferMemoryRequirements, info), next_types...), next_types_hl...) end """ Arguments: - `device::Device` - `info::DeviceImageMemoryRequirements` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceImageMemoryRequirements.html) """ function get_device_image_memory_requirements(device, info::DeviceImageMemoryRequirements, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) MemoryRequirements2(_get_device_image_memory_requirements(device, convert(_DeviceImageMemoryRequirements, info), next_types...), next_types_hl...) end """ Arguments: - `device::Device` - `info::DeviceImageMemoryRequirements` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceImageSparseMemoryRequirements.html) """ function get_device_image_sparse_memory_requirements(device, info::DeviceImageMemoryRequirements) SparseImageMemoryRequirements2.(_get_device_image_sparse_memory_requirements(device, convert(_DeviceImageMemoryRequirements, info))) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::SamplerYcbcrConversionCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSamplerYcbcrConversion.html) """ function create_sampler_ycbcr_conversion(device, create_info::SamplerYcbcrConversionCreateInfo; allocator = C_NULL)::ResultTypes.Result{SamplerYcbcrConversion, VulkanError} val = @propagate_errors(_create_sampler_ycbcr_conversion(device, convert(_SamplerYcbcrConversionCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `ycbcr_conversion::SamplerYcbcrConversion` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroySamplerYcbcrConversion.html) """ function destroy_sampler_ycbcr_conversion(device, ycbcr_conversion; allocator = C_NULL) _destroy_sampler_ycbcr_conversion(device, ycbcr_conversion; allocator) end """ Arguments: - `device::Device` - `queue_info::DeviceQueueInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceQueue2.html) """ function get_device_queue_2(device, queue_info::DeviceQueueInfo2) _get_device_queue_2(device, convert(_DeviceQueueInfo2, queue_info)) end """ Extension: VK\\_EXT\\_validation\\_cache Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `create_info::ValidationCacheCreateInfoEXT` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateValidationCacheEXT.html) """ function create_validation_cache_ext(device, create_info::ValidationCacheCreateInfoEXT; allocator = C_NULL)::ResultTypes.Result{ValidationCacheEXT, VulkanError} val = @propagate_errors(_create_validation_cache_ext(device, convert(_ValidationCacheCreateInfoEXT, create_info); allocator)) val end """ Extension: VK\\_EXT\\_validation\\_cache Arguments: - `device::Device` - `validation_cache::ValidationCacheEXT` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyValidationCacheEXT.html) """ function destroy_validation_cache_ext(device, validation_cache; allocator = C_NULL) _destroy_validation_cache_ext(device, validation_cache; allocator) end """ Extension: VK\\_EXT\\_validation\\_cache Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `validation_cache::ValidationCacheEXT` !!! warning The pointer returned by this function holds memory owned by Julia. It is therefore **your** responsibility to free it after use (e.g. with `Libc.free`). [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetValidationCacheDataEXT.html) """ function get_validation_cache_data_ext(device, validation_cache)::ResultTypes.Result{Tuple{UInt, Ptr{Cvoid}}, VulkanError} val = @propagate_errors(_get_validation_cache_data_ext(device, validation_cache)) val end """ Extension: VK\\_EXT\\_validation\\_cache Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `dst_cache::ValidationCacheEXT` (externsync) - `src_caches::Vector{ValidationCacheEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkMergeValidationCachesEXT.html) """ function merge_validation_caches_ext(device, dst_cache, src_caches::AbstractArray)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_merge_validation_caches_ext(device, dst_cache, src_caches)) val end """ Arguments: - `device::Device` - `create_info::DescriptorSetLayoutCreateInfo` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDescriptorSetLayoutSupport.html) """ function get_descriptor_set_layout_support(device, create_info::DescriptorSetLayoutCreateInfo, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) DescriptorSetLayoutSupport(_get_descriptor_set_layout_support(device, convert(_DescriptorSetLayoutCreateInfo, create_info), next_types...), next_types_hl...) end """ Extension: VK\\_AMD\\_shader\\_info Return codes: - `SUCCESS` - `ERROR_FEATURE_NOT_PRESENT` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `pipeline::Pipeline` - `shader_stage::ShaderStageFlag` - `info_type::ShaderInfoTypeAMD` !!! warning The pointer returned by this function holds memory owned by Julia. It is therefore **your** responsibility to free it after use (e.g. with `Libc.free`). [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetShaderInfoAMD.html) """ function get_shader_info_amd(device, pipeline, shader_stage::ShaderStageFlag, info_type::ShaderInfoTypeAMD)::ResultTypes.Result{Tuple{UInt, Ptr{Cvoid}}, VulkanError} val = @propagate_errors(_get_shader_info_amd(device, pipeline, shader_stage, info_type)) val end """ Extension: VK\\_AMD\\_display\\_native\\_hdr Arguments: - `device::Device` - `swap_chain::SwapchainKHR` - `local_dimming_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetLocalDimmingAMD.html) """ function set_local_dimming_amd(device, swap_chain, local_dimming_enable::Bool) _set_local_dimming_amd(device, swap_chain, local_dimming_enable) end """ Extension: VK\\_EXT\\_calibrated\\_timestamps Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceCalibrateableTimeDomainsEXT.html) """ function get_physical_device_calibrateable_time_domains_ext(physical_device)::ResultTypes.Result{Vector{TimeDomainEXT}, VulkanError} val = @propagate_errors(_get_physical_device_calibrateable_time_domains_ext(physical_device)) val end """ Extension: VK\\_EXT\\_calibrated\\_timestamps Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `timestamp_infos::Vector{CalibratedTimestampInfoEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetCalibratedTimestampsEXT.html) """ function get_calibrated_timestamps_ext(device, timestamp_infos::AbstractArray)::ResultTypes.Result{Tuple{Vector{UInt64}, UInt64}, VulkanError} val = @propagate_errors(_get_calibrated_timestamps_ext(device, convert(AbstractArray{_CalibratedTimestampInfoEXT}, timestamp_infos))) val end """ Extension: VK\\_EXT\\_debug\\_utils Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `name_info::DebugUtilsObjectNameInfoEXT` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetDebugUtilsObjectNameEXT.html) """ function set_debug_utils_object_name_ext(device, name_info::DebugUtilsObjectNameInfoEXT)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_set_debug_utils_object_name_ext(device, convert(_DebugUtilsObjectNameInfoEXT, name_info))) val end """ Extension: VK\\_EXT\\_debug\\_utils Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `tag_info::DebugUtilsObjectTagInfoEXT` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetDebugUtilsObjectTagEXT.html) """ function set_debug_utils_object_tag_ext(device, tag_info::DebugUtilsObjectTagInfoEXT)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_set_debug_utils_object_tag_ext(device, convert(_DebugUtilsObjectTagInfoEXT, tag_info))) val end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `queue::Queue` - `label_info::DebugUtilsLabelEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueBeginDebugUtilsLabelEXT.html) """ function queue_begin_debug_utils_label_ext(queue, label_info::DebugUtilsLabelEXT) _queue_begin_debug_utils_label_ext(queue, convert(_DebugUtilsLabelEXT, label_info)) end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `queue::Queue` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueEndDebugUtilsLabelEXT.html) """ function queue_end_debug_utils_label_ext(queue) _queue_end_debug_utils_label_ext(queue) end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `queue::Queue` - `label_info::DebugUtilsLabelEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueInsertDebugUtilsLabelEXT.html) """ function queue_insert_debug_utils_label_ext(queue, label_info::DebugUtilsLabelEXT) _queue_insert_debug_utils_label_ext(queue, convert(_DebugUtilsLabelEXT, label_info)) end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `command_buffer::CommandBuffer` (externsync) - `label_info::DebugUtilsLabelEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginDebugUtilsLabelEXT.html) """ function cmd_begin_debug_utils_label_ext(command_buffer, label_info::DebugUtilsLabelEXT) _cmd_begin_debug_utils_label_ext(command_buffer, convert(_DebugUtilsLabelEXT, label_info)) end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndDebugUtilsLabelEXT.html) """ function cmd_end_debug_utils_label_ext(command_buffer) _cmd_end_debug_utils_label_ext(command_buffer) end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `command_buffer::CommandBuffer` (externsync) - `label_info::DebugUtilsLabelEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdInsertDebugUtilsLabelEXT.html) """ function cmd_insert_debug_utils_label_ext(command_buffer, label_info::DebugUtilsLabelEXT) _cmd_insert_debug_utils_label_ext(command_buffer, convert(_DebugUtilsLabelEXT, label_info)) end """ Extension: VK\\_EXT\\_debug\\_utils Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `instance::Instance` - `create_info::DebugUtilsMessengerCreateInfoEXT` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDebugUtilsMessengerEXT.html) """ function create_debug_utils_messenger_ext(instance, create_info::DebugUtilsMessengerCreateInfoEXT; allocator = C_NULL)::ResultTypes.Result{DebugUtilsMessengerEXT, VulkanError} val = @propagate_errors(_create_debug_utils_messenger_ext(instance, convert(_DebugUtilsMessengerCreateInfoEXT, create_info); allocator)) val end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `instance::Instance` - `messenger::DebugUtilsMessengerEXT` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDebugUtilsMessengerEXT.html) """ function destroy_debug_utils_messenger_ext(instance, messenger; allocator = C_NULL) _destroy_debug_utils_messenger_ext(instance, messenger; allocator) end """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `instance::Instance` - `message_severity::DebugUtilsMessageSeverityFlagEXT` - `message_types::DebugUtilsMessageTypeFlagEXT` - `callback_data::DebugUtilsMessengerCallbackDataEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSubmitDebugUtilsMessageEXT.html) """ function submit_debug_utils_message_ext(instance, message_severity::DebugUtilsMessageSeverityFlagEXT, message_types::DebugUtilsMessageTypeFlagEXT, callback_data::DebugUtilsMessengerCallbackDataEXT) _submit_debug_utils_message_ext(instance, message_severity, message_types, convert(_DebugUtilsMessengerCallbackDataEXT, callback_data)) end """ Extension: VK\\_EXT\\_external\\_memory\\_host Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` Arguments: - `device::Device` - `handle_type::ExternalMemoryHandleTypeFlag` - `host_pointer::Ptr{Cvoid}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetMemoryHostPointerPropertiesEXT.html) """ function get_memory_host_pointer_properties_ext(device, handle_type::ExternalMemoryHandleTypeFlag, host_pointer::Ptr{Cvoid})::ResultTypes.Result{MemoryHostPointerPropertiesEXT, VulkanError} val = @propagate_errors(_get_memory_host_pointer_properties_ext(device, handle_type, host_pointer)) MemoryHostPointerPropertiesEXT(val) end """ Extension: VK\\_AMD\\_buffer\\_marker Arguments: - `command_buffer::CommandBuffer` (externsync) - `dst_buffer::Buffer` - `dst_offset::UInt64` - `marker::UInt32` - `pipeline_stage::PipelineStageFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteBufferMarkerAMD.html) """ function cmd_write_buffer_marker_amd(command_buffer, dst_buffer, dst_offset::Integer, marker::Integer; pipeline_stage = 0) _cmd_write_buffer_marker_amd(command_buffer, dst_buffer, dst_offset, marker; pipeline_stage) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `create_info::RenderPassCreateInfo2` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRenderPass2.html) """ function create_render_pass_2(device, create_info::RenderPassCreateInfo2; allocator = C_NULL)::ResultTypes.Result{RenderPass, VulkanError} val = @propagate_errors(_create_render_pass_2(device, convert(_RenderPassCreateInfo2, create_info); allocator)) val end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `render_pass_begin::RenderPassBeginInfo` - `subpass_begin_info::SubpassBeginInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginRenderPass2.html) """ function cmd_begin_render_pass_2(command_buffer, render_pass_begin::RenderPassBeginInfo, subpass_begin_info::SubpassBeginInfo) _cmd_begin_render_pass_2(command_buffer, convert(_RenderPassBeginInfo, render_pass_begin), convert(_SubpassBeginInfo, subpass_begin_info)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `subpass_begin_info::SubpassBeginInfo` - `subpass_end_info::SubpassEndInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdNextSubpass2.html) """ function cmd_next_subpass_2(command_buffer, subpass_begin_info::SubpassBeginInfo, subpass_end_info::SubpassEndInfo) _cmd_next_subpass_2(command_buffer, convert(_SubpassBeginInfo, subpass_begin_info), convert(_SubpassEndInfo, subpass_end_info)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `subpass_end_info::SubpassEndInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndRenderPass2.html) """ function cmd_end_render_pass_2(command_buffer, subpass_end_info::SubpassEndInfo) _cmd_end_render_pass_2(command_buffer, convert(_SubpassEndInfo, subpass_end_info)) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` - `semaphore::Semaphore` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSemaphoreCounterValue.html) """ function get_semaphore_counter_value(device, semaphore)::ResultTypes.Result{UInt64, VulkanError} val = @propagate_errors(_get_semaphore_counter_value(device, semaphore)) val end """ Return codes: - `SUCCESS` - `TIMEOUT` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `device::Device` - `wait_info::SemaphoreWaitInfo` - `timeout::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkWaitSemaphores.html) """ function wait_semaphores(device, wait_info::SemaphoreWaitInfo, timeout::Integer)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_wait_semaphores(device, convert(_SemaphoreWaitInfo, wait_info), timeout)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `signal_info::SemaphoreSignalInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSignalSemaphore.html) """ function signal_semaphore(device, signal_info::SemaphoreSignalInfo)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_signal_semaphore(device, convert(_SemaphoreSignalInfo, signal_info))) val end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `count_buffer::Buffer` - `count_buffer_offset::UInt64` - `max_draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawIndirectCount.html) """ function cmd_draw_indirect_count(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer) _cmd_draw_indirect_count(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `count_buffer::Buffer` - `count_buffer_offset::UInt64` - `max_draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawIndexedIndirectCount.html) """ function cmd_draw_indexed_indirect_count(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer) _cmd_draw_indexed_indirect_count(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride) end """ Extension: VK\\_NV\\_device\\_diagnostic\\_checkpoints Arguments: - `command_buffer::CommandBuffer` (externsync) - `checkpoint_marker::Ptr{Cvoid}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCheckpointNV.html) """ function cmd_set_checkpoint_nv(command_buffer, checkpoint_marker::Ptr{Cvoid}) _cmd_set_checkpoint_nv(command_buffer, checkpoint_marker) end """ Extension: VK\\_NV\\_device\\_diagnostic\\_checkpoints Arguments: - `queue::Queue` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetQueueCheckpointDataNV.html) """ function get_queue_checkpoint_data_nv(queue) CheckpointDataNV.(_get_queue_checkpoint_data_nv(queue)) end """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffers::Vector{Buffer}` - `offsets::Vector{UInt64}` - `sizes::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindTransformFeedbackBuffersEXT.html) """ function cmd_bind_transform_feedback_buffers_ext(command_buffer, buffers::AbstractArray, offsets::AbstractArray; sizes = C_NULL) _cmd_bind_transform_feedback_buffers_ext(command_buffer, buffers, offsets; sizes) end """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `command_buffer::CommandBuffer` (externsync) - `counter_buffers::Vector{Buffer}` - `counter_buffer_offsets::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginTransformFeedbackEXT.html) """ function cmd_begin_transform_feedback_ext(command_buffer, counter_buffers::AbstractArray; counter_buffer_offsets = C_NULL) _cmd_begin_transform_feedback_ext(command_buffer, counter_buffers; counter_buffer_offsets) end """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `command_buffer::CommandBuffer` (externsync) - `counter_buffers::Vector{Buffer}` - `counter_buffer_offsets::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndTransformFeedbackEXT.html) """ function cmd_end_transform_feedback_ext(command_buffer, counter_buffers::AbstractArray; counter_buffer_offsets = C_NULL) _cmd_end_transform_feedback_ext(command_buffer, counter_buffers; counter_buffer_offsets) end """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `query::UInt32` - `index::UInt32` - `flags::QueryControlFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginQueryIndexedEXT.html) """ function cmd_begin_query_indexed_ext(command_buffer, query_pool, query::Integer, index::Integer; flags = 0) _cmd_begin_query_indexed_ext(command_buffer, query_pool, query, index; flags) end """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `query::UInt32` - `index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndQueryIndexedEXT.html) """ function cmd_end_query_indexed_ext(command_buffer, query_pool, query::Integer, index::Integer) _cmd_end_query_indexed_ext(command_buffer, query_pool, query, index) end """ Extension: VK\\_EXT\\_transform\\_feedback Arguments: - `command_buffer::CommandBuffer` (externsync) - `instance_count::UInt32` - `first_instance::UInt32` - `counter_buffer::Buffer` - `counter_buffer_offset::UInt64` - `counter_offset::UInt32` - `vertex_stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawIndirectByteCountEXT.html) """ function cmd_draw_indirect_byte_count_ext(command_buffer, instance_count::Integer, first_instance::Integer, counter_buffer, counter_buffer_offset::Integer, counter_offset::Integer, vertex_stride::Integer) _cmd_draw_indirect_byte_count_ext(command_buffer, instance_count, first_instance, counter_buffer, counter_buffer_offset, counter_offset, vertex_stride) end """ Extension: VK\\_NV\\_scissor\\_exclusive Arguments: - `command_buffer::CommandBuffer` (externsync) - `exclusive_scissors::Vector{Rect2D}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetExclusiveScissorNV.html) """ function cmd_set_exclusive_scissor_nv(command_buffer, exclusive_scissors::AbstractArray) _cmd_set_exclusive_scissor_nv(command_buffer, convert(AbstractArray{_Rect2D}, exclusive_scissors)) end """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `command_buffer::CommandBuffer` (externsync) - `image_layout::ImageLayout` - `image_view::ImageView`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindShadingRateImageNV.html) """ function cmd_bind_shading_rate_image_nv(command_buffer, image_layout::ImageLayout; image_view = C_NULL) _cmd_bind_shading_rate_image_nv(command_buffer, image_layout; image_view) end """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `command_buffer::CommandBuffer` (externsync) - `shading_rate_palettes::Vector{ShadingRatePaletteNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetViewportShadingRatePaletteNV.html) """ function cmd_set_viewport_shading_rate_palette_nv(command_buffer, shading_rate_palettes::AbstractArray) _cmd_set_viewport_shading_rate_palette_nv(command_buffer, convert(AbstractArray{_ShadingRatePaletteNV}, shading_rate_palettes)) end """ Extension: VK\\_NV\\_shading\\_rate\\_image Arguments: - `command_buffer::CommandBuffer` (externsync) - `sample_order_type::CoarseSampleOrderTypeNV` - `custom_sample_orders::Vector{CoarseSampleOrderCustomNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoarseSampleOrderNV.html) """ function cmd_set_coarse_sample_order_nv(command_buffer, sample_order_type::CoarseSampleOrderTypeNV, custom_sample_orders::AbstractArray) _cmd_set_coarse_sample_order_nv(command_buffer, sample_order_type, convert(AbstractArray{_CoarseSampleOrderCustomNV}, custom_sample_orders)) end """ Extension: VK\\_NV\\_mesh\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `task_count::UInt32` - `first_task::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMeshTasksNV.html) """ function cmd_draw_mesh_tasks_nv(command_buffer, task_count::Integer, first_task::Integer) _cmd_draw_mesh_tasks_nv(command_buffer, task_count, first_task) end """ Extension: VK\\_NV\\_mesh\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMeshTasksIndirectNV.html) """ function cmd_draw_mesh_tasks_indirect_nv(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer) _cmd_draw_mesh_tasks_indirect_nv(command_buffer, buffer, offset, draw_count, stride) end """ Extension: VK\\_NV\\_mesh\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `count_buffer::Buffer` - `count_buffer_offset::UInt64` - `max_draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMeshTasksIndirectCountNV.html) """ function cmd_draw_mesh_tasks_indirect_count_nv(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer) _cmd_draw_mesh_tasks_indirect_count_nv(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride) end """ Extension: VK\\_EXT\\_mesh\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `group_count_x::UInt32` - `group_count_y::UInt32` - `group_count_z::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMeshTasksEXT.html) """ function cmd_draw_mesh_tasks_ext(command_buffer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer) _cmd_draw_mesh_tasks_ext(command_buffer, group_count_x, group_count_y, group_count_z) end """ Extension: VK\\_EXT\\_mesh\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMeshTasksIndirectEXT.html) """ function cmd_draw_mesh_tasks_indirect_ext(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer) _cmd_draw_mesh_tasks_indirect_ext(command_buffer, buffer, offset, draw_count, stride) end """ Extension: VK\\_EXT\\_mesh\\_shader Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffer::Buffer` - `offset::UInt64` - `count_buffer::Buffer` - `count_buffer_offset::UInt64` - `max_draw_count::UInt32` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDrawMeshTasksIndirectCountEXT.html) """ function cmd_draw_mesh_tasks_indirect_count_ext(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer) _cmd_draw_mesh_tasks_indirect_count_ext(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride) end """ Extension: VK\\_NV\\_ray\\_tracing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `pipeline::Pipeline` - `shader::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCompileDeferredNV.html) """ function compile_deferred_nv(device, pipeline, shader::Integer)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_compile_deferred_nv(device, pipeline, shader)) val end """ Extension: VK\\_NV\\_ray\\_tracing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `create_info::AccelerationStructureCreateInfoNV` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateAccelerationStructureNV.html) """ function create_acceleration_structure_nv(device, create_info::AccelerationStructureCreateInfoNV; allocator = C_NULL)::ResultTypes.Result{AccelerationStructureNV, VulkanError} val = @propagate_errors(_create_acceleration_structure_nv(device, convert(_AccelerationStructureCreateInfoNV, create_info); allocator)) val end """ Extension: VK\\_HUAWEI\\_invocation\\_mask Arguments: - `command_buffer::CommandBuffer` (externsync) - `image_layout::ImageLayout` - `image_view::ImageView`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindInvocationMaskHUAWEI.html) """ function cmd_bind_invocation_mask_huawei(command_buffer, image_layout::ImageLayout; image_view = C_NULL) _cmd_bind_invocation_mask_huawei(command_buffer, image_layout; image_view) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `device::Device` - `acceleration_structure::AccelerationStructureKHR` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyAccelerationStructureKHR.html) """ function destroy_acceleration_structure_khr(device, acceleration_structure; allocator = C_NULL) _destroy_acceleration_structure_khr(device, acceleration_structure; allocator) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `device::Device` - `acceleration_structure::AccelerationStructureNV` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyAccelerationStructureNV.html) """ function destroy_acceleration_structure_nv(device, acceleration_structure; allocator = C_NULL) _destroy_acceleration_structure_nv(device, acceleration_structure; allocator) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `device::Device` - `info::AccelerationStructureMemoryRequirementsInfoNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetAccelerationStructureMemoryRequirementsNV.html) """ function get_acceleration_structure_memory_requirements_nv(device, info::AccelerationStructureMemoryRequirementsInfoNV) _get_acceleration_structure_memory_requirements_nv(device, convert(_AccelerationStructureMemoryRequirementsInfoNV, info)) end """ Extension: VK\\_NV\\_ray\\_tracing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `bind_infos::Vector{BindAccelerationStructureMemoryInfoNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindAccelerationStructureMemoryNV.html) """ function bind_acceleration_structure_memory_nv(device, bind_infos::AbstractArray)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_acceleration_structure_memory_nv(device, convert(AbstractArray{_BindAccelerationStructureMemoryInfoNV}, bind_infos))) val end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `command_buffer::CommandBuffer` (externsync) - `dst::AccelerationStructureNV` - `src::AccelerationStructureNV` - `mode::CopyAccelerationStructureModeKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyAccelerationStructureNV.html) """ function cmd_copy_acceleration_structure_nv(command_buffer, dst, src, mode::CopyAccelerationStructureModeKHR) _cmd_copy_acceleration_structure_nv(command_buffer, dst, src, mode) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::CopyAccelerationStructureInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyAccelerationStructureKHR.html) """ function cmd_copy_acceleration_structure_khr(command_buffer, info::CopyAccelerationStructureInfoKHR) _cmd_copy_acceleration_structure_khr(command_buffer, convert(_CopyAccelerationStructureInfoKHR, info)) end """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::CopyAccelerationStructureInfoKHR` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCopyAccelerationStructureKHR.html) """ function copy_acceleration_structure_khr(device, info::CopyAccelerationStructureInfoKHR; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_copy_acceleration_structure_khr(device, convert(_CopyAccelerationStructureInfoKHR, info); deferred_operation)) val end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::CopyAccelerationStructureToMemoryInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyAccelerationStructureToMemoryKHR.html) """ function cmd_copy_acceleration_structure_to_memory_khr(command_buffer, info::CopyAccelerationStructureToMemoryInfoKHR) _cmd_copy_acceleration_structure_to_memory_khr(command_buffer, convert(_CopyAccelerationStructureToMemoryInfoKHR, info)) end """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::CopyAccelerationStructureToMemoryInfoKHR` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCopyAccelerationStructureToMemoryKHR.html) """ function copy_acceleration_structure_to_memory_khr(device, info::CopyAccelerationStructureToMemoryInfoKHR; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_copy_acceleration_structure_to_memory_khr(device, convert(_CopyAccelerationStructureToMemoryInfoKHR, info); deferred_operation)) val end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::CopyMemoryToAccelerationStructureInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyMemoryToAccelerationStructureKHR.html) """ function cmd_copy_memory_to_acceleration_structure_khr(command_buffer, info::CopyMemoryToAccelerationStructureInfoKHR) _cmd_copy_memory_to_acceleration_structure_khr(command_buffer, convert(_CopyMemoryToAccelerationStructureInfoKHR, info)) end """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::CopyMemoryToAccelerationStructureInfoKHR` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCopyMemoryToAccelerationStructureKHR.html) """ function copy_memory_to_acceleration_structure_khr(device, info::CopyMemoryToAccelerationStructureInfoKHR; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_copy_memory_to_acceleration_structure_khr(device, convert(_CopyMemoryToAccelerationStructureInfoKHR, info); deferred_operation)) val end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `command_buffer::CommandBuffer` (externsync) - `acceleration_structures::Vector{AccelerationStructureKHR}` - `query_type::QueryType` - `query_pool::QueryPool` - `first_query::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteAccelerationStructuresPropertiesKHR.html) """ function cmd_write_acceleration_structures_properties_khr(command_buffer, acceleration_structures::AbstractArray, query_type::QueryType, query_pool, first_query::Integer) _cmd_write_acceleration_structures_properties_khr(command_buffer, acceleration_structures, query_type, query_pool, first_query) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `command_buffer::CommandBuffer` (externsync) - `acceleration_structures::Vector{AccelerationStructureNV}` - `query_type::QueryType` - `query_pool::QueryPool` - `first_query::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteAccelerationStructuresPropertiesNV.html) """ function cmd_write_acceleration_structures_properties_nv(command_buffer, acceleration_structures::AbstractArray, query_type::QueryType, query_pool, first_query::Integer) _cmd_write_acceleration_structures_properties_nv(command_buffer, acceleration_structures, query_type, query_pool, first_query) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::AccelerationStructureInfoNV` - `instance_offset::UInt64` - `update::Bool` - `dst::AccelerationStructureNV` - `scratch::Buffer` - `scratch_offset::UInt64` - `instance_data::Buffer`: defaults to `C_NULL` - `src::AccelerationStructureNV`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBuildAccelerationStructureNV.html) """ function cmd_build_acceleration_structure_nv(command_buffer, info::AccelerationStructureInfoNV, instance_offset::Integer, update::Bool, dst, scratch, scratch_offset::Integer; instance_data = C_NULL, src = C_NULL) _cmd_build_acceleration_structure_nv(command_buffer, convert(_AccelerationStructureInfoNV, info), instance_offset, update, dst, scratch, scratch_offset; instance_data, src) end """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `acceleration_structures::Vector{AccelerationStructureKHR}` - `query_type::QueryType` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) - `stride::UInt` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkWriteAccelerationStructuresPropertiesKHR.html) """ function write_acceleration_structures_properties_khr(device, acceleration_structures::AbstractArray, query_type::QueryType, data_size::Integer, data::Ptr{Cvoid}, stride::Integer)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_write_acceleration_structures_properties_khr(device, acceleration_structures, query_type, data_size, data, stride)) val end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `command_buffer::CommandBuffer` (externsync) - `raygen_shader_binding_table::StridedDeviceAddressRegionKHR` - `miss_shader_binding_table::StridedDeviceAddressRegionKHR` - `hit_shader_binding_table::StridedDeviceAddressRegionKHR` - `callable_shader_binding_table::StridedDeviceAddressRegionKHR` - `width::UInt32` - `height::UInt32` - `depth::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdTraceRaysKHR.html) """ function cmd_trace_rays_khr(command_buffer, raygen_shader_binding_table::StridedDeviceAddressRegionKHR, miss_shader_binding_table::StridedDeviceAddressRegionKHR, hit_shader_binding_table::StridedDeviceAddressRegionKHR, callable_shader_binding_table::StridedDeviceAddressRegionKHR, width::Integer, height::Integer, depth::Integer) _cmd_trace_rays_khr(command_buffer, convert(_StridedDeviceAddressRegionKHR, raygen_shader_binding_table), convert(_StridedDeviceAddressRegionKHR, miss_shader_binding_table), convert(_StridedDeviceAddressRegionKHR, hit_shader_binding_table), convert(_StridedDeviceAddressRegionKHR, callable_shader_binding_table), width, height, depth) end """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `command_buffer::CommandBuffer` (externsync) - `raygen_shader_binding_table_buffer::Buffer` - `raygen_shader_binding_offset::UInt64` - `miss_shader_binding_offset::UInt64` - `miss_shader_binding_stride::UInt64` - `hit_shader_binding_offset::UInt64` - `hit_shader_binding_stride::UInt64` - `callable_shader_binding_offset::UInt64` - `callable_shader_binding_stride::UInt64` - `width::UInt32` - `height::UInt32` - `depth::UInt32` - `miss_shader_binding_table_buffer::Buffer`: defaults to `C_NULL` - `hit_shader_binding_table_buffer::Buffer`: defaults to `C_NULL` - `callable_shader_binding_table_buffer::Buffer`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdTraceRaysNV.html) """ function cmd_trace_rays_nv(command_buffer, raygen_shader_binding_table_buffer, raygen_shader_binding_offset::Integer, miss_shader_binding_offset::Integer, miss_shader_binding_stride::Integer, hit_shader_binding_offset::Integer, hit_shader_binding_stride::Integer, callable_shader_binding_offset::Integer, callable_shader_binding_stride::Integer, width::Integer, height::Integer, depth::Integer; miss_shader_binding_table_buffer = C_NULL, hit_shader_binding_table_buffer = C_NULL, callable_shader_binding_table_buffer = C_NULL) _cmd_trace_rays_nv(command_buffer, raygen_shader_binding_table_buffer, raygen_shader_binding_offset, miss_shader_binding_offset, miss_shader_binding_stride, hit_shader_binding_offset, hit_shader_binding_stride, callable_shader_binding_offset, callable_shader_binding_stride, width, height, depth; miss_shader_binding_table_buffer, hit_shader_binding_table_buffer, callable_shader_binding_table_buffer) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `pipeline::Pipeline` - `first_group::UInt32` - `group_count::UInt32` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetRayTracingShaderGroupHandlesKHR.html) """ function get_ray_tracing_shader_group_handles_khr(device, pipeline, first_group::Integer, group_count::Integer, data_size::Integer, data::Ptr{Cvoid})::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_ray_tracing_shader_group_handles_khr(device, pipeline, first_group, group_count, data_size, data)) val end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `pipeline::Pipeline` - `first_group::UInt32` - `group_count::UInt32` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetRayTracingCaptureReplayShaderGroupHandlesKHR.html) """ function get_ray_tracing_capture_replay_shader_group_handles_khr(device, pipeline, first_group::Integer, group_count::Integer, data_size::Integer, data::Ptr{Cvoid})::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_ray_tracing_capture_replay_shader_group_handles_khr(device, pipeline, first_group, group_count, data_size, data)) val end """ Extension: VK\\_NV\\_ray\\_tracing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `acceleration_structure::AccelerationStructureNV` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetAccelerationStructureHandleNV.html) """ function get_acceleration_structure_handle_nv(device, acceleration_structure, data_size::Integer, data::Ptr{Cvoid})::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_acceleration_structure_handle_nv(device, acceleration_structure, data_size, data)) val end """ Extension: VK\\_NV\\_ray\\_tracing Return codes: - `SUCCESS` - `PIPELINE_COMPILE_REQUIRED_EXT` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_SHADER_NV` Arguments: - `device::Device` - `create_infos::Vector{RayTracingPipelineCreateInfoNV}` - `pipeline_cache::PipelineCache`: defaults to `C_NULL` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRayTracingPipelinesNV.html) """ function create_ray_tracing_pipelines_nv(device, create_infos::AbstractArray; pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} val = @propagate_errors(_create_ray_tracing_pipelines_nv(device, convert(AbstractArray{_RayTracingPipelineCreateInfoNV}, create_infos); pipeline_cache, allocator)) val end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `PIPELINE_COMPILE_REQUIRED_EXT` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS` Arguments: - `device::Device` - `create_infos::Vector{RayTracingPipelineCreateInfoKHR}` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` - `pipeline_cache::PipelineCache`: defaults to `C_NULL` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRayTracingPipelinesKHR.html) """ function create_ray_tracing_pipelines_khr(device, create_infos::AbstractArray; deferred_operation = C_NULL, pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} val = @propagate_errors(_create_ray_tracing_pipelines_khr(device, convert(AbstractArray{_RayTracingPipelineCreateInfoKHR}, create_infos); deferred_operation, pipeline_cache, allocator)) val end """ Extension: VK\\_NV\\_cooperative\\_matrix Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceCooperativeMatrixPropertiesNV.html) """ function get_physical_device_cooperative_matrix_properties_nv(physical_device)::ResultTypes.Result{Vector{CooperativeMatrixPropertiesNV}, VulkanError} val = @propagate_errors(_get_physical_device_cooperative_matrix_properties_nv(physical_device)) CooperativeMatrixPropertiesNV.(val) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `command_buffer::CommandBuffer` (externsync) - `raygen_shader_binding_table::StridedDeviceAddressRegionKHR` - `miss_shader_binding_table::StridedDeviceAddressRegionKHR` - `hit_shader_binding_table::StridedDeviceAddressRegionKHR` - `callable_shader_binding_table::StridedDeviceAddressRegionKHR` - `indirect_device_address::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdTraceRaysIndirectKHR.html) """ function cmd_trace_rays_indirect_khr(command_buffer, raygen_shader_binding_table::StridedDeviceAddressRegionKHR, miss_shader_binding_table::StridedDeviceAddressRegionKHR, hit_shader_binding_table::StridedDeviceAddressRegionKHR, callable_shader_binding_table::StridedDeviceAddressRegionKHR, indirect_device_address::Integer) _cmd_trace_rays_indirect_khr(command_buffer, convert(_StridedDeviceAddressRegionKHR, raygen_shader_binding_table), convert(_StridedDeviceAddressRegionKHR, miss_shader_binding_table), convert(_StridedDeviceAddressRegionKHR, hit_shader_binding_table), convert(_StridedDeviceAddressRegionKHR, callable_shader_binding_table), indirect_device_address) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_maintenance1 Arguments: - `command_buffer::CommandBuffer` (externsync) - `indirect_device_address::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdTraceRaysIndirect2KHR.html) """ function cmd_trace_rays_indirect_2_khr(command_buffer, indirect_device_address::Integer) _cmd_trace_rays_indirect_2_khr(command_buffer, indirect_device_address) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `device::Device` - `version_info::AccelerationStructureVersionInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceAccelerationStructureCompatibilityKHR.html) """ function get_device_acceleration_structure_compatibility_khr(device, version_info::AccelerationStructureVersionInfoKHR) _get_device_acceleration_structure_compatibility_khr(device, convert(_AccelerationStructureVersionInfoKHR, version_info)) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `device::Device` - `pipeline::Pipeline` - `group::UInt32` - `group_shader::ShaderGroupShaderKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetRayTracingShaderGroupStackSizeKHR.html) """ function get_ray_tracing_shader_group_stack_size_khr(device, pipeline, group::Integer, group_shader::ShaderGroupShaderKHR) _get_ray_tracing_shader_group_stack_size_khr(device, pipeline, group, group_shader) end """ Extension: VK\\_KHR\\_ray\\_tracing\\_pipeline Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_stack_size::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetRayTracingPipelineStackSizeKHR.html) """ function cmd_set_ray_tracing_pipeline_stack_size_khr(command_buffer, pipeline_stack_size::Integer) _cmd_set_ray_tracing_pipeline_stack_size_khr(command_buffer, pipeline_stack_size) end """ Extension: VK\\_NVX\\_image\\_view\\_handle Arguments: - `device::Device` - `info::ImageViewHandleInfoNVX` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageViewHandleNVX.html) """ function get_image_view_handle_nvx(device, info::ImageViewHandleInfoNVX) _get_image_view_handle_nvx(device, convert(_ImageViewHandleInfoNVX, info)) end """ Extension: VK\\_NVX\\_image\\_view\\_handle Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_UNKNOWN` Arguments: - `device::Device` - `image_view::ImageView` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageViewAddressNVX.html) """ function get_image_view_address_nvx(device, image_view)::ResultTypes.Result{ImageViewAddressPropertiesNVX, VulkanError} val = @propagate_errors(_get_image_view_address_nvx(device, image_view)) ImageViewAddressPropertiesNVX(val) end """ Extension: VK\\_EXT\\_full\\_screen\\_exclusive Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `physical_device::PhysicalDevice` - `surface_info::PhysicalDeviceSurfaceInfo2KHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSurfacePresentModes2EXT.html) """ function get_physical_device_surface_present_modes_2_ext(physical_device, surface_info::PhysicalDeviceSurfaceInfo2KHR)::ResultTypes.Result{Vector{PresentModeKHR}, VulkanError} val = @propagate_errors(_get_physical_device_surface_present_modes_2_ext(physical_device, convert(_PhysicalDeviceSurfaceInfo2KHR, surface_info))) val end """ Extension: VK\\_EXT\\_full\\_screen\\_exclusive Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `surface_info::PhysicalDeviceSurfaceInfo2KHR` - `modes::DeviceGroupPresentModeFlagKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceGroupSurfacePresentModes2EXT.html) """ function get_device_group_surface_present_modes_2_ext(device, surface_info::PhysicalDeviceSurfaceInfo2KHR, modes::DeviceGroupPresentModeFlagKHR)::ResultTypes.Result{DeviceGroupPresentModeFlagKHR, VulkanError} val = @propagate_errors(_get_device_group_surface_present_modes_2_ext(device, convert(_PhysicalDeviceSurfaceInfo2KHR, surface_info), modes)) val end """ Extension: VK\\_EXT\\_full\\_screen\\_exclusive Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `swapchain::SwapchainKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAcquireFullScreenExclusiveModeEXT.html) """ function acquire_full_screen_exclusive_mode_ext(device, swapchain)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_acquire_full_screen_exclusive_mode_ext(device, swapchain)) val end """ Extension: VK\\_EXT\\_full\\_screen\\_exclusive Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `swapchain::SwapchainKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkReleaseFullScreenExclusiveModeEXT.html) """ function release_full_screen_exclusive_mode_ext(device, swapchain)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_release_full_screen_exclusive_mode_ext(device, swapchain)) val end """ Extension: VK\\_KHR\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `physical_device::PhysicalDevice` - `queue_family_index::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumeratePhysicalDeviceQueueFamilyPerformanceQueryCountersKHR.html) """ function enumerate_physical_device_queue_family_performance_query_counters_khr(physical_device, queue_family_index::Integer)::ResultTypes.Result{Tuple{Vector{_PerformanceCounterKHR}, Vector{_PerformanceCounterDescriptionKHR}}, VulkanError} val = @propagate_errors(_enumerate_physical_device_queue_family_performance_query_counters_khr(physical_device, queue_family_index)) val end """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `physical_device::PhysicalDevice` - `performance_query_create_info::QueryPoolPerformanceCreateInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceQueueFamilyPerformanceQueryPassesKHR.html) """ function get_physical_device_queue_family_performance_query_passes_khr(physical_device, performance_query_create_info::QueryPoolPerformanceCreateInfoKHR) _get_physical_device_queue_family_performance_query_passes_khr(physical_device, convert(_QueryPoolPerformanceCreateInfoKHR, performance_query_create_info)) end """ Extension: VK\\_KHR\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `TIMEOUT` Arguments: - `device::Device` - `info::AcquireProfilingLockInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAcquireProfilingLockKHR.html) """ function acquire_profiling_lock_khr(device, info::AcquireProfilingLockInfoKHR)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_acquire_profiling_lock_khr(device, convert(_AcquireProfilingLockInfoKHR, info))) val end """ Extension: VK\\_KHR\\_performance\\_query Arguments: - `device::Device` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkReleaseProfilingLockKHR.html) """ function release_profiling_lock_khr(device) _release_profiling_lock_khr(device) end """ Extension: VK\\_EXT\\_image\\_drm\\_format\\_modifier Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `image::Image` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageDrmFormatModifierPropertiesEXT.html) """ function get_image_drm_format_modifier_properties_ext(device, image)::ResultTypes.Result{ImageDrmFormatModifierPropertiesEXT, VulkanError} val = @propagate_errors(_get_image_drm_format_modifier_properties_ext(device, image)) ImageDrmFormatModifierPropertiesEXT(val) end """ Arguments: - `device::Device` - `info::BufferDeviceAddressInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetBufferOpaqueCaptureAddress.html) """ function get_buffer_opaque_capture_address(device, info::BufferDeviceAddressInfo) _get_buffer_opaque_capture_address(device, convert(_BufferDeviceAddressInfo, info)) end """ Arguments: - `device::Device` - `info::BufferDeviceAddressInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetBufferDeviceAddress.html) """ function get_buffer_device_address(device, info::BufferDeviceAddressInfo) _get_buffer_device_address(device, convert(_BufferDeviceAddressInfo, info)) end """ Extension: VK\\_EXT\\_headless\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `create_info::HeadlessSurfaceCreateInfoEXT` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateHeadlessSurfaceEXT.html) """ function create_headless_surface_ext(instance, create_info::HeadlessSurfaceCreateInfoEXT; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_headless_surface_ext(instance, convert(_HeadlessSurfaceCreateInfoEXT, create_info); allocator)) val end """ Extension: VK\\_NV\\_coverage\\_reduction\\_mode Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceSupportedFramebufferMixedSamplesCombinationsNV.html) """ function get_physical_device_supported_framebuffer_mixed_samples_combinations_nv(physical_device)::ResultTypes.Result{Vector{FramebufferMixedSamplesCombinationNV}, VulkanError} val = @propagate_errors(_get_physical_device_supported_framebuffer_mixed_samples_combinations_nv(physical_device)) FramebufferMixedSamplesCombinationNV.(val) end """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `initialize_info::InitializePerformanceApiInfoINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkInitializePerformanceApiINTEL.html) """ function initialize_performance_api_intel(device, initialize_info::InitializePerformanceApiInfoINTEL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_initialize_performance_api_intel(device, convert(_InitializePerformanceApiInfoINTEL, initialize_info))) val end """ Extension: VK\\_INTEL\\_performance\\_query Arguments: - `device::Device` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkUninitializePerformanceApiINTEL.html) """ function uninitialize_performance_api_intel(device) _uninitialize_performance_api_intel(device) end """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `command_buffer::CommandBuffer` (externsync) - `marker_info::PerformanceMarkerInfoINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPerformanceMarkerINTEL.html) """ function cmd_set_performance_marker_intel(command_buffer, marker_info::PerformanceMarkerInfoINTEL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_cmd_set_performance_marker_intel(command_buffer, convert(_PerformanceMarkerInfoINTEL, marker_info))) val end """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `command_buffer::CommandBuffer` (externsync) - `marker_info::PerformanceStreamMarkerInfoINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPerformanceStreamMarkerINTEL.html) """ function cmd_set_performance_stream_marker_intel(command_buffer, marker_info::PerformanceStreamMarkerInfoINTEL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_cmd_set_performance_stream_marker_intel(command_buffer, convert(_PerformanceStreamMarkerInfoINTEL, marker_info))) val end """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `command_buffer::CommandBuffer` (externsync) - `override_info::PerformanceOverrideInfoINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPerformanceOverrideINTEL.html) """ function cmd_set_performance_override_intel(command_buffer, override_info::PerformanceOverrideInfoINTEL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_cmd_set_performance_override_intel(command_buffer, convert(_PerformanceOverrideInfoINTEL, override_info))) val end """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `acquire_info::PerformanceConfigurationAcquireInfoINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAcquirePerformanceConfigurationINTEL.html) """ function acquire_performance_configuration_intel(device, acquire_info::PerformanceConfigurationAcquireInfoINTEL)::ResultTypes.Result{PerformanceConfigurationINTEL, VulkanError} val = @propagate_errors(_acquire_performance_configuration_intel(device, convert(_PerformanceConfigurationAcquireInfoINTEL, acquire_info))) val end """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `configuration::PerformanceConfigurationINTEL`: defaults to `C_NULL` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkReleasePerformanceConfigurationINTEL.html) """ function release_performance_configuration_intel(device; configuration = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_release_performance_configuration_intel(device; configuration)) val end """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `queue::Queue` - `configuration::PerformanceConfigurationINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueSetPerformanceConfigurationINTEL.html) """ function queue_set_performance_configuration_intel(queue, configuration)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_queue_set_performance_configuration_intel(queue, configuration)) val end """ Extension: VK\\_INTEL\\_performance\\_query Return codes: - `SUCCESS` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `parameter::PerformanceParameterTypeINTEL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPerformanceParameterINTEL.html) """ function get_performance_parameter_intel(device, parameter::PerformanceParameterTypeINTEL)::ResultTypes.Result{PerformanceValueINTEL, VulkanError} val = @propagate_errors(_get_performance_parameter_intel(device, parameter)) PerformanceValueINTEL(val) end """ Arguments: - `device::Device` - `info::DeviceMemoryOpaqueCaptureAddressInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceMemoryOpaqueCaptureAddress.html) """ function get_device_memory_opaque_capture_address(device, info::DeviceMemoryOpaqueCaptureAddressInfo) _get_device_memory_opaque_capture_address(device, convert(_DeviceMemoryOpaqueCaptureAddressInfo, info)) end """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `pipeline_info::PipelineInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPipelineExecutablePropertiesKHR.html) """ function get_pipeline_executable_properties_khr(device, pipeline_info::PipelineInfoKHR)::ResultTypes.Result{Vector{PipelineExecutablePropertiesKHR}, VulkanError} val = @propagate_errors(_get_pipeline_executable_properties_khr(device, convert(_PipelineInfoKHR, pipeline_info))) PipelineExecutablePropertiesKHR.(val) end """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `executable_info::PipelineExecutableInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPipelineExecutableStatisticsKHR.html) """ function get_pipeline_executable_statistics_khr(device, executable_info::PipelineExecutableInfoKHR)::ResultTypes.Result{Vector{PipelineExecutableStatisticKHR}, VulkanError} val = @propagate_errors(_get_pipeline_executable_statistics_khr(device, convert(_PipelineExecutableInfoKHR, executable_info))) PipelineExecutableStatisticKHR.(val) end """ Extension: VK\\_KHR\\_pipeline\\_executable\\_properties Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `executable_info::PipelineExecutableInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPipelineExecutableInternalRepresentationsKHR.html) """ function get_pipeline_executable_internal_representations_khr(device, executable_info::PipelineExecutableInfoKHR)::ResultTypes.Result{Vector{PipelineExecutableInternalRepresentationKHR}, VulkanError} val = @propagate_errors(_get_pipeline_executable_internal_representations_khr(device, convert(_PipelineExecutableInfoKHR, executable_info))) PipelineExecutableInternalRepresentationKHR.(val) end """ Extension: VK\\_EXT\\_line\\_rasterization Arguments: - `command_buffer::CommandBuffer` (externsync) - `line_stipple_factor::UInt32` - `line_stipple_pattern::UInt16` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetLineStippleEXT.html) """ function cmd_set_line_stipple_ext(command_buffer, line_stipple_factor::Integer, line_stipple_pattern::Integer) _cmd_set_line_stipple_ext(command_buffer, line_stipple_factor, line_stipple_pattern) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceToolProperties.html) """ function get_physical_device_tool_properties(physical_device)::ResultTypes.Result{Vector{PhysicalDeviceToolProperties}, VulkanError} val = @propagate_errors(_get_physical_device_tool_properties(physical_device)) PhysicalDeviceToolProperties.(val) end """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `create_info::AccelerationStructureCreateInfoKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateAccelerationStructureKHR.html) """ function create_acceleration_structure_khr(device, create_info::AccelerationStructureCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{AccelerationStructureKHR, VulkanError} val = @propagate_errors(_create_acceleration_structure_khr(device, convert(_AccelerationStructureCreateInfoKHR, create_info); allocator)) val end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `command_buffer::CommandBuffer` (externsync) - `infos::Vector{AccelerationStructureBuildGeometryInfoKHR}` - `build_range_infos::Vector{AccelerationStructureBuildRangeInfoKHR}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBuildAccelerationStructuresKHR.html) """ function cmd_build_acceleration_structures_khr(command_buffer, infos::AbstractArray, build_range_infos::AbstractArray) _cmd_build_acceleration_structures_khr(command_buffer, convert(AbstractArray{_AccelerationStructureBuildGeometryInfoKHR}, infos), convert(AbstractArray{_AccelerationStructureBuildRangeInfoKHR}, build_range_infos)) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `command_buffer::CommandBuffer` (externsync) - `infos::Vector{AccelerationStructureBuildGeometryInfoKHR}` - `indirect_device_addresses::Vector{UInt64}` - `indirect_strides::Vector{UInt32}` - `max_primitive_counts::Vector{UInt32}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBuildAccelerationStructuresIndirectKHR.html) """ function cmd_build_acceleration_structures_indirect_khr(command_buffer, infos::AbstractArray, indirect_device_addresses::AbstractArray, indirect_strides::AbstractArray, max_primitive_counts::AbstractArray) _cmd_build_acceleration_structures_indirect_khr(command_buffer, convert(AbstractArray{_AccelerationStructureBuildGeometryInfoKHR}, infos), indirect_device_addresses, indirect_strides, max_primitive_counts) end """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `infos::Vector{AccelerationStructureBuildGeometryInfoKHR}` - `build_range_infos::Vector{AccelerationStructureBuildRangeInfoKHR}` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBuildAccelerationStructuresKHR.html) """ function build_acceleration_structures_khr(device, infos::AbstractArray, build_range_infos::AbstractArray; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_build_acceleration_structures_khr(device, convert(AbstractArray{_AccelerationStructureBuildGeometryInfoKHR}, infos), convert(AbstractArray{_AccelerationStructureBuildRangeInfoKHR}, build_range_infos); deferred_operation)) val end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `device::Device` - `info::AccelerationStructureDeviceAddressInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetAccelerationStructureDeviceAddressKHR.html) """ function get_acceleration_structure_device_address_khr(device, info::AccelerationStructureDeviceAddressInfoKHR) _get_acceleration_structure_device_address_khr(device, convert(_AccelerationStructureDeviceAddressInfoKHR, info)) end """ Extension: VK\\_KHR\\_deferred\\_host\\_operations Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDeferredOperationKHR.html) """ function create_deferred_operation_khr(device; allocator = C_NULL)::ResultTypes.Result{DeferredOperationKHR, VulkanError} val = @propagate_errors(_create_deferred_operation_khr(device; allocator)) val end """ Extension: VK\\_KHR\\_deferred\\_host\\_operations Arguments: - `device::Device` - `operation::DeferredOperationKHR` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDeferredOperationKHR.html) """ function destroy_deferred_operation_khr(device, operation; allocator = C_NULL) _destroy_deferred_operation_khr(device, operation; allocator) end """ Extension: VK\\_KHR\\_deferred\\_host\\_operations Arguments: - `device::Device` - `operation::DeferredOperationKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeferredOperationMaxConcurrencyKHR.html) """ function get_deferred_operation_max_concurrency_khr(device, operation) _get_deferred_operation_max_concurrency_khr(device, operation) end """ Extension: VK\\_KHR\\_deferred\\_host\\_operations Return codes: - `SUCCESS` - `NOT_READY` Arguments: - `device::Device` - `operation::DeferredOperationKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeferredOperationResultKHR.html) """ function get_deferred_operation_result_khr(device, operation)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_deferred_operation_result_khr(device, operation)) val end """ Extension: VK\\_KHR\\_deferred\\_host\\_operations Return codes: - `SUCCESS` - `THREAD_DONE_KHR` - `THREAD_IDLE_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `operation::DeferredOperationKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDeferredOperationJoinKHR.html) """ function deferred_operation_join_khr(device, operation)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_deferred_operation_join_khr(device, operation)) val end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `cull_mode::CullModeFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCullMode.html) """ function cmd_set_cull_mode(command_buffer; cull_mode = 0) _cmd_set_cull_mode(command_buffer; cull_mode) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `front_face::FrontFace` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetFrontFace.html) """ function cmd_set_front_face(command_buffer, front_face::FrontFace) _cmd_set_front_face(command_buffer, front_face) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `primitive_topology::PrimitiveTopology` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPrimitiveTopology.html) """ function cmd_set_primitive_topology(command_buffer, primitive_topology::PrimitiveTopology) _cmd_set_primitive_topology(command_buffer, primitive_topology) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `viewports::Vector{Viewport}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetViewportWithCount.html) """ function cmd_set_viewport_with_count(command_buffer, viewports::AbstractArray) _cmd_set_viewport_with_count(command_buffer, convert(AbstractArray{_Viewport}, viewports)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `scissors::Vector{Rect2D}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetScissorWithCount.html) """ function cmd_set_scissor_with_count(command_buffer, scissors::AbstractArray) _cmd_set_scissor_with_count(command_buffer, convert(AbstractArray{_Rect2D}, scissors)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `buffers::Vector{Buffer}` - `offsets::Vector{UInt64}` - `sizes::Vector{UInt64}`: defaults to `C_NULL` - `strides::Vector{UInt64}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindVertexBuffers2.html) """ function cmd_bind_vertex_buffers_2(command_buffer, buffers::AbstractArray, offsets::AbstractArray; sizes = C_NULL, strides = C_NULL) _cmd_bind_vertex_buffers_2(command_buffer, buffers, offsets; sizes, strides) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_test_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthTestEnable.html) """ function cmd_set_depth_test_enable(command_buffer, depth_test_enable::Bool) _cmd_set_depth_test_enable(command_buffer, depth_test_enable) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_write_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthWriteEnable.html) """ function cmd_set_depth_write_enable(command_buffer, depth_write_enable::Bool) _cmd_set_depth_write_enable(command_buffer, depth_write_enable) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_compare_op::CompareOp` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthCompareOp.html) """ function cmd_set_depth_compare_op(command_buffer, depth_compare_op::CompareOp) _cmd_set_depth_compare_op(command_buffer, depth_compare_op) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_bounds_test_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthBoundsTestEnable.html) """ function cmd_set_depth_bounds_test_enable(command_buffer, depth_bounds_test_enable::Bool) _cmd_set_depth_bounds_test_enable(command_buffer, depth_bounds_test_enable) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `stencil_test_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetStencilTestEnable.html) """ function cmd_set_stencil_test_enable(command_buffer, stencil_test_enable::Bool) _cmd_set_stencil_test_enable(command_buffer, stencil_test_enable) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `face_mask::StencilFaceFlag` - `fail_op::StencilOp` - `pass_op::StencilOp` - `depth_fail_op::StencilOp` - `compare_op::CompareOp` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetStencilOp.html) """ function cmd_set_stencil_op(command_buffer, face_mask::StencilFaceFlag, fail_op::StencilOp, pass_op::StencilOp, depth_fail_op::StencilOp, compare_op::CompareOp) _cmd_set_stencil_op(command_buffer, face_mask, fail_op, pass_op, depth_fail_op, compare_op) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state2 Arguments: - `command_buffer::CommandBuffer` (externsync) - `patch_control_points::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPatchControlPointsEXT.html) """ function cmd_set_patch_control_points_ext(command_buffer, patch_control_points::Integer) _cmd_set_patch_control_points_ext(command_buffer, patch_control_points) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `rasterizer_discard_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetRasterizerDiscardEnable.html) """ function cmd_set_rasterizer_discard_enable(command_buffer, rasterizer_discard_enable::Bool) _cmd_set_rasterizer_discard_enable(command_buffer, rasterizer_discard_enable) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_bias_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthBiasEnable.html) """ function cmd_set_depth_bias_enable(command_buffer, depth_bias_enable::Bool) _cmd_set_depth_bias_enable(command_buffer, depth_bias_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state2 Arguments: - `command_buffer::CommandBuffer` (externsync) - `logic_op::LogicOp` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetLogicOpEXT.html) """ function cmd_set_logic_op_ext(command_buffer, logic_op::LogicOp) _cmd_set_logic_op_ext(command_buffer, logic_op) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `primitive_restart_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPrimitiveRestartEnable.html) """ function cmd_set_primitive_restart_enable(command_buffer, primitive_restart_enable::Bool) _cmd_set_primitive_restart_enable(command_buffer, primitive_restart_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `domain_origin::TessellationDomainOrigin` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetTessellationDomainOriginEXT.html) """ function cmd_set_tessellation_domain_origin_ext(command_buffer, domain_origin::TessellationDomainOrigin) _cmd_set_tessellation_domain_origin_ext(command_buffer, domain_origin) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_clamp_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthClampEnableEXT.html) """ function cmd_set_depth_clamp_enable_ext(command_buffer, depth_clamp_enable::Bool) _cmd_set_depth_clamp_enable_ext(command_buffer, depth_clamp_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `polygon_mode::PolygonMode` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetPolygonModeEXT.html) """ function cmd_set_polygon_mode_ext(command_buffer, polygon_mode::PolygonMode) _cmd_set_polygon_mode_ext(command_buffer, polygon_mode) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `rasterization_samples::SampleCountFlag` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetRasterizationSamplesEXT.html) """ function cmd_set_rasterization_samples_ext(command_buffer, rasterization_samples::SampleCountFlag) _cmd_set_rasterization_samples_ext(command_buffer, rasterization_samples) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `samples::SampleCountFlag` - `sample_mask::Vector{UInt32}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetSampleMaskEXT.html) """ function cmd_set_sample_mask_ext(command_buffer, samples::SampleCountFlag, sample_mask::AbstractArray) _cmd_set_sample_mask_ext(command_buffer, samples, sample_mask) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `alpha_to_coverage_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetAlphaToCoverageEnableEXT.html) """ function cmd_set_alpha_to_coverage_enable_ext(command_buffer, alpha_to_coverage_enable::Bool) _cmd_set_alpha_to_coverage_enable_ext(command_buffer, alpha_to_coverage_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `alpha_to_one_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetAlphaToOneEnableEXT.html) """ function cmd_set_alpha_to_one_enable_ext(command_buffer, alpha_to_one_enable::Bool) _cmd_set_alpha_to_one_enable_ext(command_buffer, alpha_to_one_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `logic_op_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetLogicOpEnableEXT.html) """ function cmd_set_logic_op_enable_ext(command_buffer, logic_op_enable::Bool) _cmd_set_logic_op_enable_ext(command_buffer, logic_op_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `color_blend_enables::Vector{Bool}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetColorBlendEnableEXT.html) """ function cmd_set_color_blend_enable_ext(command_buffer, color_blend_enables::AbstractArray) _cmd_set_color_blend_enable_ext(command_buffer, color_blend_enables) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `color_blend_equations::Vector{ColorBlendEquationEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetColorBlendEquationEXT.html) """ function cmd_set_color_blend_equation_ext(command_buffer, color_blend_equations::AbstractArray) _cmd_set_color_blend_equation_ext(command_buffer, convert(AbstractArray{_ColorBlendEquationEXT}, color_blend_equations)) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `color_write_masks::Vector{ColorComponentFlag}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetColorWriteMaskEXT.html) """ function cmd_set_color_write_mask_ext(command_buffer, color_write_masks::AbstractArray) _cmd_set_color_write_mask_ext(command_buffer, color_write_masks) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `rasterization_stream::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetRasterizationStreamEXT.html) """ function cmd_set_rasterization_stream_ext(command_buffer, rasterization_stream::Integer) _cmd_set_rasterization_stream_ext(command_buffer, rasterization_stream) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `conservative_rasterization_mode::ConservativeRasterizationModeEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetConservativeRasterizationModeEXT.html) """ function cmd_set_conservative_rasterization_mode_ext(command_buffer, conservative_rasterization_mode::ConservativeRasterizationModeEXT) _cmd_set_conservative_rasterization_mode_ext(command_buffer, conservative_rasterization_mode) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `extra_primitive_overestimation_size::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetExtraPrimitiveOverestimationSizeEXT.html) """ function cmd_set_extra_primitive_overestimation_size_ext(command_buffer, extra_primitive_overestimation_size::Real) _cmd_set_extra_primitive_overestimation_size_ext(command_buffer, extra_primitive_overestimation_size) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `depth_clip_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthClipEnableEXT.html) """ function cmd_set_depth_clip_enable_ext(command_buffer, depth_clip_enable::Bool) _cmd_set_depth_clip_enable_ext(command_buffer, depth_clip_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `sample_locations_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetSampleLocationsEnableEXT.html) """ function cmd_set_sample_locations_enable_ext(command_buffer, sample_locations_enable::Bool) _cmd_set_sample_locations_enable_ext(command_buffer, sample_locations_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `color_blend_advanced::Vector{ColorBlendAdvancedEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetColorBlendAdvancedEXT.html) """ function cmd_set_color_blend_advanced_ext(command_buffer, color_blend_advanced::AbstractArray) _cmd_set_color_blend_advanced_ext(command_buffer, convert(AbstractArray{_ColorBlendAdvancedEXT}, color_blend_advanced)) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `provoking_vertex_mode::ProvokingVertexModeEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetProvokingVertexModeEXT.html) """ function cmd_set_provoking_vertex_mode_ext(command_buffer, provoking_vertex_mode::ProvokingVertexModeEXT) _cmd_set_provoking_vertex_mode_ext(command_buffer, provoking_vertex_mode) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `line_rasterization_mode::LineRasterizationModeEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetLineRasterizationModeEXT.html) """ function cmd_set_line_rasterization_mode_ext(command_buffer, line_rasterization_mode::LineRasterizationModeEXT) _cmd_set_line_rasterization_mode_ext(command_buffer, line_rasterization_mode) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `stippled_line_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetLineStippleEnableEXT.html) """ function cmd_set_line_stipple_enable_ext(command_buffer, stippled_line_enable::Bool) _cmd_set_line_stipple_enable_ext(command_buffer, stippled_line_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `negative_one_to_one::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDepthClipNegativeOneToOneEXT.html) """ function cmd_set_depth_clip_negative_one_to_one_ext(command_buffer, negative_one_to_one::Bool) _cmd_set_depth_clip_negative_one_to_one_ext(command_buffer, negative_one_to_one) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `viewport_w_scaling_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetViewportWScalingEnableNV.html) """ function cmd_set_viewport_w_scaling_enable_nv(command_buffer, viewport_w_scaling_enable::Bool) _cmd_set_viewport_w_scaling_enable_nv(command_buffer, viewport_w_scaling_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `viewport_swizzles::Vector{ViewportSwizzleNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetViewportSwizzleNV.html) """ function cmd_set_viewport_swizzle_nv(command_buffer, viewport_swizzles::AbstractArray) _cmd_set_viewport_swizzle_nv(command_buffer, convert(AbstractArray{_ViewportSwizzleNV}, viewport_swizzles)) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `coverage_to_color_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoverageToColorEnableNV.html) """ function cmd_set_coverage_to_color_enable_nv(command_buffer, coverage_to_color_enable::Bool) _cmd_set_coverage_to_color_enable_nv(command_buffer, coverage_to_color_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `coverage_to_color_location::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoverageToColorLocationNV.html) """ function cmd_set_coverage_to_color_location_nv(command_buffer, coverage_to_color_location::Integer) _cmd_set_coverage_to_color_location_nv(command_buffer, coverage_to_color_location) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `coverage_modulation_mode::CoverageModulationModeNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoverageModulationModeNV.html) """ function cmd_set_coverage_modulation_mode_nv(command_buffer, coverage_modulation_mode::CoverageModulationModeNV) _cmd_set_coverage_modulation_mode_nv(command_buffer, coverage_modulation_mode) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `coverage_modulation_table_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoverageModulationTableEnableNV.html) """ function cmd_set_coverage_modulation_table_enable_nv(command_buffer, coverage_modulation_table_enable::Bool) _cmd_set_coverage_modulation_table_enable_nv(command_buffer, coverage_modulation_table_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `coverage_modulation_table::Vector{Float32}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoverageModulationTableNV.html) """ function cmd_set_coverage_modulation_table_nv(command_buffer, coverage_modulation_table::AbstractArray) _cmd_set_coverage_modulation_table_nv(command_buffer, coverage_modulation_table) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `shading_rate_image_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetShadingRateImageEnableNV.html) """ function cmd_set_shading_rate_image_enable_nv(command_buffer, shading_rate_image_enable::Bool) _cmd_set_shading_rate_image_enable_nv(command_buffer, shading_rate_image_enable) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `coverage_reduction_mode::CoverageReductionModeNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetCoverageReductionModeNV.html) """ function cmd_set_coverage_reduction_mode_nv(command_buffer, coverage_reduction_mode::CoverageReductionModeNV) _cmd_set_coverage_reduction_mode_nv(command_buffer, coverage_reduction_mode) end """ Extension: VK\\_EXT\\_extended\\_dynamic\\_state3 Arguments: - `command_buffer::CommandBuffer` (externsync) - `representative_fragment_test_enable::Bool` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetRepresentativeFragmentTestEnableNV.html) """ function cmd_set_representative_fragment_test_enable_nv(command_buffer, representative_fragment_test_enable::Bool) _cmd_set_representative_fragment_test_enable_nv(command_buffer, representative_fragment_test_enable) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `create_info::PrivateDataSlotCreateInfo` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePrivateDataSlot.html) """ function create_private_data_slot(device, create_info::PrivateDataSlotCreateInfo; allocator = C_NULL)::ResultTypes.Result{PrivateDataSlot, VulkanError} val = @propagate_errors(_create_private_data_slot(device, convert(_PrivateDataSlotCreateInfo, create_info); allocator)) val end """ Arguments: - `device::Device` - `private_data_slot::PrivateDataSlot` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyPrivateDataSlot.html) """ function destroy_private_data_slot(device, private_data_slot; allocator = C_NULL) _destroy_private_data_slot(device, private_data_slot; allocator) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `object_type::ObjectType` - `object_handle::UInt64` - `private_data_slot::PrivateDataSlot` - `data::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetPrivateData.html) """ function set_private_data(device, object_type::ObjectType, object_handle::Integer, private_data_slot, data::Integer)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_set_private_data(device, object_type, object_handle, private_data_slot, data)) val end """ Arguments: - `device::Device` - `object_type::ObjectType` - `object_handle::UInt64` - `private_data_slot::PrivateDataSlot` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPrivateData.html) """ function get_private_data(device, object_type::ObjectType, object_handle::Integer, private_data_slot) _get_private_data(device, object_type, object_handle, private_data_slot) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `copy_buffer_info::CopyBufferInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyBuffer2.html) """ function cmd_copy_buffer_2(command_buffer, copy_buffer_info::CopyBufferInfo2) _cmd_copy_buffer_2(command_buffer, convert(_CopyBufferInfo2, copy_buffer_info)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `copy_image_info::CopyImageInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyImage2.html) """ function cmd_copy_image_2(command_buffer, copy_image_info::CopyImageInfo2) _cmd_copy_image_2(command_buffer, convert(_CopyImageInfo2, copy_image_info)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `blit_image_info::BlitImageInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBlitImage2.html) """ function cmd_blit_image_2(command_buffer, blit_image_info::BlitImageInfo2) _cmd_blit_image_2(command_buffer, convert(_BlitImageInfo2, blit_image_info)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `copy_buffer_to_image_info::CopyBufferToImageInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyBufferToImage2.html) """ function cmd_copy_buffer_to_image_2(command_buffer, copy_buffer_to_image_info::CopyBufferToImageInfo2) _cmd_copy_buffer_to_image_2(command_buffer, convert(_CopyBufferToImageInfo2, copy_buffer_to_image_info)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `copy_image_to_buffer_info::CopyImageToBufferInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyImageToBuffer2.html) """ function cmd_copy_image_to_buffer_2(command_buffer, copy_image_to_buffer_info::CopyImageToBufferInfo2) _cmd_copy_image_to_buffer_2(command_buffer, convert(_CopyImageToBufferInfo2, copy_image_to_buffer_info)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `resolve_image_info::ResolveImageInfo2` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdResolveImage2.html) """ function cmd_resolve_image_2(command_buffer, resolve_image_info::ResolveImageInfo2) _cmd_resolve_image_2(command_buffer, convert(_ResolveImageInfo2, resolve_image_info)) end """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Arguments: - `command_buffer::CommandBuffer` (externsync) - `fragment_size::Extent2D` - `combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetFragmentShadingRateKHR.html) """ function cmd_set_fragment_shading_rate_khr(command_buffer, fragment_size::Extent2D, combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}) _cmd_set_fragment_shading_rate_khr(command_buffer, convert(_Extent2D, fragment_size), combiner_ops) end """ Extension: VK\\_KHR\\_fragment\\_shading\\_rate Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `physical_device::PhysicalDevice` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceFragmentShadingRatesKHR.html) """ function get_physical_device_fragment_shading_rates_khr(physical_device)::ResultTypes.Result{Vector{PhysicalDeviceFragmentShadingRateKHR}, VulkanError} val = @propagate_errors(_get_physical_device_fragment_shading_rates_khr(physical_device)) PhysicalDeviceFragmentShadingRateKHR.(val) end """ Extension: VK\\_NV\\_fragment\\_shading\\_rate\\_enums Arguments: - `command_buffer::CommandBuffer` (externsync) - `shading_rate::FragmentShadingRateNV` - `combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetFragmentShadingRateEnumNV.html) """ function cmd_set_fragment_shading_rate_enum_nv(command_buffer, shading_rate::FragmentShadingRateNV, combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}) _cmd_set_fragment_shading_rate_enum_nv(command_buffer, shading_rate, combiner_ops) end """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `device::Device` - `build_type::AccelerationStructureBuildTypeKHR` - `build_info::AccelerationStructureBuildGeometryInfoKHR` - `max_primitive_counts::Vector{UInt32}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetAccelerationStructureBuildSizesKHR.html) """ function get_acceleration_structure_build_sizes_khr(device, build_type::AccelerationStructureBuildTypeKHR, build_info::AccelerationStructureBuildGeometryInfoKHR; max_primitive_counts = C_NULL) AccelerationStructureBuildSizesInfoKHR(_get_acceleration_structure_build_sizes_khr(device, build_type, convert(_AccelerationStructureBuildGeometryInfoKHR, build_info); max_primitive_counts)) end """ Extension: VK\\_EXT\\_vertex\\_input\\_dynamic\\_state Arguments: - `command_buffer::CommandBuffer` (externsync) - `vertex_binding_descriptions::Vector{VertexInputBindingDescription2EXT}` - `vertex_attribute_descriptions::Vector{VertexInputAttributeDescription2EXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetVertexInputEXT.html) """ function cmd_set_vertex_input_ext(command_buffer, vertex_binding_descriptions::AbstractArray, vertex_attribute_descriptions::AbstractArray) _cmd_set_vertex_input_ext(command_buffer, convert(AbstractArray{_VertexInputBindingDescription2EXT}, vertex_binding_descriptions), convert(AbstractArray{_VertexInputAttributeDescription2EXT}, vertex_attribute_descriptions)) end """ Extension: VK\\_EXT\\_color\\_write\\_enable Arguments: - `command_buffer::CommandBuffer` (externsync) - `color_write_enables::Vector{Bool}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetColorWriteEnableEXT.html) """ function cmd_set_color_write_enable_ext(command_buffer, color_write_enables::AbstractArray) _cmd_set_color_write_enable_ext(command_buffer, color_write_enables) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `event::Event` - `dependency_info::DependencyInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetEvent2.html) """ function cmd_set_event_2(command_buffer, event, dependency_info::DependencyInfo) _cmd_set_event_2(command_buffer, event, convert(_DependencyInfo, dependency_info)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `event::Event` - `stage_mask::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdResetEvent2.html) """ function cmd_reset_event_2(command_buffer, event; stage_mask = 0) _cmd_reset_event_2(command_buffer, event; stage_mask) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `events::Vector{Event}` - `dependency_infos::Vector{DependencyInfo}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWaitEvents2.html) """ function cmd_wait_events_2(command_buffer, events::AbstractArray, dependency_infos::AbstractArray) _cmd_wait_events_2(command_buffer, events, convert(AbstractArray{_DependencyInfo}, dependency_infos)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `dependency_info::DependencyInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdPipelineBarrier2.html) """ function cmd_pipeline_barrier_2(command_buffer, dependency_info::DependencyInfo) _cmd_pipeline_barrier_2(command_buffer, convert(_DependencyInfo, dependency_info)) end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` Arguments: - `queue::Queue` (externsync) - `submits::Vector{SubmitInfo2}` - `fence::Fence`: defaults to `C_NULL` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkQueueSubmit2.html) """ function queue_submit_2(queue, submits::AbstractArray; fence = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_queue_submit_2(queue, convert(AbstractArray{_SubmitInfo2}, submits); fence)) val end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `query_pool::QueryPool` - `query::UInt32` - `stage::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteTimestamp2.html) """ function cmd_write_timestamp_2(command_buffer, query_pool, query::Integer; stage = 0) _cmd_write_timestamp_2(command_buffer, query_pool, query; stage) end """ Extension: VK\\_KHR\\_synchronization2 Arguments: - `command_buffer::CommandBuffer` (externsync) - `dst_buffer::Buffer` - `dst_offset::UInt64` - `marker::UInt32` - `stage::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteBufferMarker2AMD.html) """ function cmd_write_buffer_marker_2_amd(command_buffer, dst_buffer, dst_offset::Integer, marker::Integer; stage = 0) _cmd_write_buffer_marker_2_amd(command_buffer, dst_buffer, dst_offset, marker; stage) end """ Extension: VK\\_KHR\\_synchronization2 Arguments: - `queue::Queue` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetQueueCheckpointData2NV.html) """ function get_queue_checkpoint_data_2_nv(queue) CheckpointData2NV.(_get_queue_checkpoint_data_2_nv(queue)) end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_VIDEO_PROFILE_OPERATION_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_FORMAT_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PICTURE_LAYOUT_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_CODEC_NOT_SUPPORTED_KHR` Arguments: - `physical_device::PhysicalDevice` - `video_profile::VideoProfileInfoKHR` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceVideoCapabilitiesKHR.html) """ function get_physical_device_video_capabilities_khr(physical_device, video_profile::VideoProfileInfoKHR, next_types::Type...)::ResultTypes.Result{VideoCapabilitiesKHR, VulkanError} next_types_hl = next_types next_types = intermediate_type.(next_types) val = @propagate_errors(_get_physical_device_video_capabilities_khr(physical_device, convert(_VideoProfileInfoKHR, video_profile), next_types...)) VideoCapabilitiesKHR(val, next_types_hl...) end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_IMAGE_USAGE_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_OPERATION_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_FORMAT_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PICTURE_LAYOUT_NOT_SUPPORTED_KHR` - `ERROR_VIDEO_PROFILE_CODEC_NOT_SUPPORTED_KHR` Arguments: - `physical_device::PhysicalDevice` - `video_format_info::PhysicalDeviceVideoFormatInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceVideoFormatPropertiesKHR.html) """ function get_physical_device_video_format_properties_khr(physical_device, video_format_info::PhysicalDeviceVideoFormatInfoKHR)::ResultTypes.Result{Vector{VideoFormatPropertiesKHR}, VulkanError} val = @propagate_errors(_get_physical_device_video_format_properties_khr(physical_device, convert(_PhysicalDeviceVideoFormatInfoKHR, video_format_info))) VideoFormatPropertiesKHR.(val) end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_VIDEO_STD_VERSION_NOT_SUPPORTED_KHR` Arguments: - `device::Device` - `create_info::VideoSessionCreateInfoKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateVideoSessionKHR.html) """ function create_video_session_khr(device, create_info::VideoSessionCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{VideoSessionKHR, VulkanError} val = @propagate_errors(_create_video_session_khr(device, convert(_VideoSessionCreateInfoKHR, create_info); allocator)) val end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `device::Device` - `video_session::VideoSessionKHR` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyVideoSessionKHR.html) """ function destroy_video_session_khr(device, video_session; allocator = C_NULL) _destroy_video_session_khr(device, video_session; allocator) end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `create_info::VideoSessionParametersCreateInfoKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateVideoSessionParametersKHR.html) """ function create_video_session_parameters_khr(device, create_info::VideoSessionParametersCreateInfoKHR; allocator = C_NULL)::ResultTypes.Result{VideoSessionParametersKHR, VulkanError} val = @propagate_errors(_create_video_session_parameters_khr(device, convert(_VideoSessionParametersCreateInfoKHR, create_info); allocator)) val end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `video_session_parameters::VideoSessionParametersKHR` - `update_info::VideoSessionParametersUpdateInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkUpdateVideoSessionParametersKHR.html) """ function update_video_session_parameters_khr(device, video_session_parameters, update_info::VideoSessionParametersUpdateInfoKHR)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_update_video_session_parameters_khr(device, video_session_parameters, convert(_VideoSessionParametersUpdateInfoKHR, update_info))) val end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `device::Device` - `video_session_parameters::VideoSessionParametersKHR` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyVideoSessionParametersKHR.html) """ function destroy_video_session_parameters_khr(device, video_session_parameters; allocator = C_NULL) _destroy_video_session_parameters_khr(device, video_session_parameters; allocator) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `device::Device` - `video_session::VideoSessionKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetVideoSessionMemoryRequirementsKHR.html) """ function get_video_session_memory_requirements_khr(device, video_session) VideoSessionMemoryRequirementsKHR.(_get_video_session_memory_requirements_khr(device, video_session)) end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `video_session::VideoSessionKHR` (externsync) - `bind_session_memory_infos::Vector{BindVideoSessionMemoryInfoKHR}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindVideoSessionMemoryKHR.html) """ function bind_video_session_memory_khr(device, video_session, bind_session_memory_infos::AbstractArray)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_video_session_memory_khr(device, video_session, convert(AbstractArray{_BindVideoSessionMemoryInfoKHR}, bind_session_memory_infos))) val end """ Extension: VK\\_KHR\\_video\\_decode\\_queue Arguments: - `command_buffer::CommandBuffer` (externsync) - `decode_info::VideoDecodeInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDecodeVideoKHR.html) """ function cmd_decode_video_khr(command_buffer, decode_info::VideoDecodeInfoKHR) _cmd_decode_video_khr(command_buffer, convert(_VideoDecodeInfoKHR, decode_info)) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `command_buffer::CommandBuffer` (externsync) - `begin_info::VideoBeginCodingInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginVideoCodingKHR.html) """ function cmd_begin_video_coding_khr(command_buffer, begin_info::VideoBeginCodingInfoKHR) _cmd_begin_video_coding_khr(command_buffer, convert(_VideoBeginCodingInfoKHR, begin_info)) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `command_buffer::CommandBuffer` (externsync) - `coding_control_info::VideoCodingControlInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdControlVideoCodingKHR.html) """ function cmd_control_video_coding_khr(command_buffer, coding_control_info::VideoCodingControlInfoKHR) _cmd_control_video_coding_khr(command_buffer, convert(_VideoCodingControlInfoKHR, coding_control_info)) end """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `command_buffer::CommandBuffer` (externsync) - `end_coding_info::VideoEndCodingInfoKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndVideoCodingKHR.html) """ function cmd_end_video_coding_khr(command_buffer, end_coding_info::VideoEndCodingInfoKHR) _cmd_end_video_coding_khr(command_buffer, convert(_VideoEndCodingInfoKHR, end_coding_info)) end """ Extension: VK\\_NV\\_memory\\_decompression Arguments: - `command_buffer::CommandBuffer` (externsync) - `decompress_memory_regions::Vector{DecompressMemoryRegionNV}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDecompressMemoryNV.html) """ function cmd_decompress_memory_nv(command_buffer, decompress_memory_regions::AbstractArray) _cmd_decompress_memory_nv(command_buffer, convert(AbstractArray{_DecompressMemoryRegionNV}, decompress_memory_regions)) end """ Extension: VK\\_NV\\_memory\\_decompression Arguments: - `command_buffer::CommandBuffer` (externsync) - `indirect_commands_address::UInt64` - `indirect_commands_count_address::UInt64` - `stride::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdDecompressMemoryIndirectCountNV.html) """ function cmd_decompress_memory_indirect_count_nv(command_buffer, indirect_commands_address::Integer, indirect_commands_count_address::Integer, stride::Integer) _cmd_decompress_memory_indirect_count_nv(command_buffer, indirect_commands_address, indirect_commands_count_address, stride) end """ Extension: VK\\_NVX\\_binary\\_import Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `create_info::CuModuleCreateInfoNVX` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCuModuleNVX.html) """ function create_cu_module_nvx(device, create_info::CuModuleCreateInfoNVX; allocator = C_NULL)::ResultTypes.Result{CuModuleNVX, VulkanError} val = @propagate_errors(_create_cu_module_nvx(device, convert(_CuModuleCreateInfoNVX, create_info); allocator)) val end """ Extension: VK\\_NVX\\_binary\\_import Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `create_info::CuFunctionCreateInfoNVX` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCuFunctionNVX.html) """ function create_cu_function_nvx(device, create_info::CuFunctionCreateInfoNVX; allocator = C_NULL)::ResultTypes.Result{CuFunctionNVX, VulkanError} val = @propagate_errors(_create_cu_function_nvx(device, convert(_CuFunctionCreateInfoNVX, create_info); allocator)) val end """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `device::Device` - `_module::CuModuleNVX` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyCuModuleNVX.html) """ function destroy_cu_module_nvx(device, _module; allocator = C_NULL) _destroy_cu_module_nvx(device, _module; allocator) end """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `device::Device` - `_function::CuFunctionNVX` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyCuFunctionNVX.html) """ function destroy_cu_function_nvx(device, _function; allocator = C_NULL) _destroy_cu_function_nvx(device, _function; allocator) end """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `command_buffer::CommandBuffer` - `launch_info::CuLaunchInfoNVX` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCuLaunchKernelNVX.html) """ function cmd_cu_launch_kernel_nvx(command_buffer, launch_info::CuLaunchInfoNVX) _cmd_cu_launch_kernel_nvx(command_buffer, convert(_CuLaunchInfoNVX, launch_info)) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `device::Device` - `layout::DescriptorSetLayout` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDescriptorSetLayoutSizeEXT.html) """ function get_descriptor_set_layout_size_ext(device, layout) _get_descriptor_set_layout_size_ext(device, layout) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `device::Device` - `layout::DescriptorSetLayout` - `binding::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDescriptorSetLayoutBindingOffsetEXT.html) """ function get_descriptor_set_layout_binding_offset_ext(device, layout, binding::Integer) _get_descriptor_set_layout_binding_offset_ext(device, layout, binding) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `device::Device` - `descriptor_info::DescriptorGetInfoEXT` - `data_size::UInt` - `descriptor::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDescriptorEXT.html) """ function get_descriptor_ext(device, descriptor_info::DescriptorGetInfoEXT, data_size::Integer, descriptor::Ptr{Cvoid}) _get_descriptor_ext(device, convert(_DescriptorGetInfoEXT, descriptor_info), data_size, descriptor) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `command_buffer::CommandBuffer` (externsync) - `binding_infos::Vector{DescriptorBufferBindingInfoEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindDescriptorBuffersEXT.html) """ function cmd_bind_descriptor_buffers_ext(command_buffer, binding_infos::AbstractArray) _cmd_bind_descriptor_buffers_ext(command_buffer, convert(AbstractArray{_DescriptorBufferBindingInfoEXT}, binding_infos)) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_bind_point::PipelineBindPoint` - `layout::PipelineLayout` - `buffer_indices::Vector{UInt32}` - `offsets::Vector{UInt64}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdSetDescriptorBufferOffsetsEXT.html) """ function cmd_set_descriptor_buffer_offsets_ext(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, buffer_indices::AbstractArray, offsets::AbstractArray) _cmd_set_descriptor_buffer_offsets_ext(command_buffer, pipeline_bind_point, layout, buffer_indices, offsets) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Arguments: - `command_buffer::CommandBuffer` (externsync) - `pipeline_bind_point::PipelineBindPoint` - `layout::PipelineLayout` - `set::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBindDescriptorBufferEmbeddedSamplersEXT.html) """ function cmd_bind_descriptor_buffer_embedded_samplers_ext(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, set::Integer) _cmd_bind_descriptor_buffer_embedded_samplers_ext(command_buffer, pipeline_bind_point, layout, set) end """ Extension: VK\\_EXT\\_descriptor\\_buffer Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::BufferCaptureDescriptorDataInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetBufferOpaqueCaptureDescriptorDataEXT.html) """ function get_buffer_opaque_capture_descriptor_data_ext(device, info::BufferCaptureDescriptorDataInfoEXT)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} val = @propagate_errors(_get_buffer_opaque_capture_descriptor_data_ext(device, convert(_BufferCaptureDescriptorDataInfoEXT, info))) val end """ Extension: VK\\_EXT\\_descriptor\\_buffer Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::ImageCaptureDescriptorDataInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageOpaqueCaptureDescriptorDataEXT.html) """ function get_image_opaque_capture_descriptor_data_ext(device, info::ImageCaptureDescriptorDataInfoEXT)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} val = @propagate_errors(_get_image_opaque_capture_descriptor_data_ext(device, convert(_ImageCaptureDescriptorDataInfoEXT, info))) val end """ Extension: VK\\_EXT\\_descriptor\\_buffer Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::ImageViewCaptureDescriptorDataInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageViewOpaqueCaptureDescriptorDataEXT.html) """ function get_image_view_opaque_capture_descriptor_data_ext(device, info::ImageViewCaptureDescriptorDataInfoEXT)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} val = @propagate_errors(_get_image_view_opaque_capture_descriptor_data_ext(device, convert(_ImageViewCaptureDescriptorDataInfoEXT, info))) val end """ Extension: VK\\_EXT\\_descriptor\\_buffer Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::SamplerCaptureDescriptorDataInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetSamplerOpaqueCaptureDescriptorDataEXT.html) """ function get_sampler_opaque_capture_descriptor_data_ext(device, info::SamplerCaptureDescriptorDataInfoEXT)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} val = @propagate_errors(_get_sampler_opaque_capture_descriptor_data_ext(device, convert(_SamplerCaptureDescriptorDataInfoEXT, info))) val end """ Extension: VK\\_EXT\\_descriptor\\_buffer Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::AccelerationStructureCaptureDescriptorDataInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetAccelerationStructureOpaqueCaptureDescriptorDataEXT.html) """ function get_acceleration_structure_opaque_capture_descriptor_data_ext(device, info::AccelerationStructureCaptureDescriptorDataInfoEXT)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} val = @propagate_errors(_get_acceleration_structure_opaque_capture_descriptor_data_ext(device, convert(_AccelerationStructureCaptureDescriptorDataInfoEXT, info))) val end """ Extension: VK\\_EXT\\_pageable\\_device\\_local\\_memory Arguments: - `device::Device` - `memory::DeviceMemory` - `priority::Float32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkSetDeviceMemoryPriorityEXT.html) """ function set_device_memory_priority_ext(device, memory, priority::Real) _set_device_memory_priority_ext(device, memory, priority) end """ Extension: VK\\_EXT\\_acquire\\_drm\\_display Return codes: - `SUCCESS` - `ERROR_INITIALIZATION_FAILED` Arguments: - `physical_device::PhysicalDevice` - `drm_fd::Int32` - `display::DisplayKHR` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAcquireDrmDisplayEXT.html) """ function acquire_drm_display_ext(physical_device, drm_fd::Integer, display)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_acquire_drm_display_ext(physical_device, drm_fd, display)) val end """ Extension: VK\\_EXT\\_acquire\\_drm\\_display Return codes: - `SUCCESS` - `ERROR_INITIALIZATION_FAILED` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `physical_device::PhysicalDevice` - `drm_fd::Int32` - `connector_id::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDrmDisplayEXT.html) """ function get_drm_display_ext(physical_device, drm_fd::Integer, connector_id::Integer)::ResultTypes.Result{DisplayKHR, VulkanError} val = @propagate_errors(_get_drm_display_ext(physical_device, drm_fd, connector_id)) val end """ Extension: VK\\_KHR\\_present\\_wait Return codes: - `SUCCESS` - `TIMEOUT` - `SUBOPTIMAL_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` - `ERROR_SURFACE_LOST_KHR` - `ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT` Arguments: - `device::Device` - `swapchain::SwapchainKHR` (externsync) - `present_id::UInt64` - `timeout::UInt64` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkWaitForPresentKHR.html) """ function wait_for_present_khr(device, swapchain, present_id::Integer, timeout::Integer)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_wait_for_present_khr(device, swapchain, present_id, timeout)) val end """ Arguments: - `command_buffer::CommandBuffer` (externsync) - `rendering_info::RenderingInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBeginRendering.html) """ function cmd_begin_rendering(command_buffer, rendering_info::RenderingInfo) _cmd_begin_rendering(command_buffer, convert(_RenderingInfo, rendering_info)) end """ Arguments: - `command_buffer::CommandBuffer` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdEndRendering.html) """ function cmd_end_rendering(command_buffer) _cmd_end_rendering(command_buffer) end """ Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping Arguments: - `device::Device` - `binding_reference::DescriptorSetBindingReferenceVALVE` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDescriptorSetLayoutHostMappingInfoVALVE.html) """ function get_descriptor_set_layout_host_mapping_info_valve(device, binding_reference::DescriptorSetBindingReferenceVALVE) DescriptorSetLayoutHostMappingInfoVALVE(_get_descriptor_set_layout_host_mapping_info_valve(device, convert(_DescriptorSetBindingReferenceVALVE, binding_reference))) end """ Extension: VK\\_VALVE\\_descriptor\\_set\\_host\\_mapping Arguments: - `device::Device` - `descriptor_set::DescriptorSet` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDescriptorSetHostMappingVALVE.html) """ function get_descriptor_set_host_mapping_valve(device, descriptor_set) _get_descriptor_set_host_mapping_valve(device, descriptor_set) end """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `create_info::MicromapCreateInfoEXT` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateMicromapEXT.html) """ function create_micromap_ext(device, create_info::MicromapCreateInfoEXT; allocator = C_NULL)::ResultTypes.Result{MicromapEXT, VulkanError} val = @propagate_errors(_create_micromap_ext(device, convert(_MicromapCreateInfoEXT, create_info); allocator)) val end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `command_buffer::CommandBuffer` (externsync) - `infos::Vector{MicromapBuildInfoEXT}` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdBuildMicromapsEXT.html) """ function cmd_build_micromaps_ext(command_buffer, infos::AbstractArray) _cmd_build_micromaps_ext(command_buffer, convert(AbstractArray{_MicromapBuildInfoEXT}, infos)) end """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `infos::Vector{MicromapBuildInfoEXT}` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBuildMicromapsEXT.html) """ function build_micromaps_ext(device, infos::AbstractArray; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_build_micromaps_ext(device, convert(AbstractArray{_MicromapBuildInfoEXT}, infos); deferred_operation)) val end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `device::Device` - `micromap::MicromapEXT` (externsync) - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyMicromapEXT.html) """ function destroy_micromap_ext(device, micromap; allocator = C_NULL) _destroy_micromap_ext(device, micromap; allocator) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::CopyMicromapInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyMicromapEXT.html) """ function cmd_copy_micromap_ext(command_buffer, info::CopyMicromapInfoEXT) _cmd_copy_micromap_ext(command_buffer, convert(_CopyMicromapInfoEXT, info)) end """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::CopyMicromapInfoEXT` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCopyMicromapEXT.html) """ function copy_micromap_ext(device, info::CopyMicromapInfoEXT; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_copy_micromap_ext(device, convert(_CopyMicromapInfoEXT, info); deferred_operation)) val end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::CopyMicromapToMemoryInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyMicromapToMemoryEXT.html) """ function cmd_copy_micromap_to_memory_ext(command_buffer, info::CopyMicromapToMemoryInfoEXT) _cmd_copy_micromap_to_memory_ext(command_buffer, convert(_CopyMicromapToMemoryInfoEXT, info)) end """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::CopyMicromapToMemoryInfoEXT` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCopyMicromapToMemoryEXT.html) """ function copy_micromap_to_memory_ext(device, info::CopyMicromapToMemoryInfoEXT; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_copy_micromap_to_memory_ext(device, convert(_CopyMicromapToMemoryInfoEXT, info); deferred_operation)) val end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `command_buffer::CommandBuffer` (externsync) - `info::CopyMemoryToMicromapInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdCopyMemoryToMicromapEXT.html) """ function cmd_copy_memory_to_micromap_ext(command_buffer, info::CopyMemoryToMicromapInfoEXT) _cmd_copy_memory_to_micromap_ext(command_buffer, convert(_CopyMemoryToMicromapInfoEXT, info)) end """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `OPERATION_DEFERRED_KHR` - `OPERATION_NOT_DEFERRED_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `info::CopyMemoryToMicromapInfoEXT` - `deferred_operation::DeferredOperationKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCopyMemoryToMicromapEXT.html) """ function copy_memory_to_micromap_ext(device, info::CopyMemoryToMicromapInfoEXT; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_copy_memory_to_micromap_ext(device, convert(_CopyMemoryToMicromapInfoEXT, info); deferred_operation)) val end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `command_buffer::CommandBuffer` (externsync) - `micromaps::Vector{MicromapEXT}` - `query_type::QueryType` - `query_pool::QueryPool` - `first_query::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdWriteMicromapsPropertiesEXT.html) """ function cmd_write_micromaps_properties_ext(command_buffer, micromaps::AbstractArray, query_type::QueryType, query_pool, first_query::Integer) _cmd_write_micromaps_properties_ext(command_buffer, micromaps, query_type, query_pool, first_query) end """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `micromaps::Vector{MicromapEXT}` - `query_type::QueryType` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) - `stride::UInt` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkWriteMicromapsPropertiesEXT.html) """ function write_micromaps_properties_ext(device, micromaps::AbstractArray, query_type::QueryType, data_size::Integer, data::Ptr{Cvoid}, stride::Integer)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_write_micromaps_properties_ext(device, micromaps, query_type, data_size, data, stride)) val end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `device::Device` - `version_info::MicromapVersionInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceMicromapCompatibilityEXT.html) """ function get_device_micromap_compatibility_ext(device, version_info::MicromapVersionInfoEXT) _get_device_micromap_compatibility_ext(device, convert(_MicromapVersionInfoEXT, version_info)) end """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `device::Device` - `build_type::AccelerationStructureBuildTypeKHR` - `build_info::MicromapBuildInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetMicromapBuildSizesEXT.html) """ function get_micromap_build_sizes_ext(device, build_type::AccelerationStructureBuildTypeKHR, build_info::MicromapBuildInfoEXT) MicromapBuildSizesInfoEXT(_get_micromap_build_sizes_ext(device, build_type, convert(_MicromapBuildInfoEXT, build_info))) end """ Extension: VK\\_EXT\\_shader\\_module\\_identifier Arguments: - `device::Device` - `shader_module::ShaderModule` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetShaderModuleIdentifierEXT.html) """ function get_shader_module_identifier_ext(device, shader_module) ShaderModuleIdentifierEXT(_get_shader_module_identifier_ext(device, shader_module)) end """ Extension: VK\\_EXT\\_shader\\_module\\_identifier Arguments: - `device::Device` - `create_info::ShaderModuleCreateInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetShaderModuleCreateInfoIdentifierEXT.html) """ function get_shader_module_create_info_identifier_ext(device, create_info::ShaderModuleCreateInfo) ShaderModuleIdentifierEXT(_get_shader_module_create_info_identifier_ext(device, convert(_ShaderModuleCreateInfo, create_info))) end """ Extension: VK\\_EXT\\_image\\_compression\\_control Arguments: - `device::Device` - `image::Image` - `subresource::ImageSubresource2EXT` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetImageSubresourceLayout2EXT.html) """ function get_image_subresource_layout_2_ext(device, image, subresource::ImageSubresource2EXT, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) SubresourceLayout2EXT(_get_image_subresource_layout_2_ext(device, image, convert(_ImageSubresource2EXT, subresource), next_types...), next_types_hl...) end """ Extension: VK\\_EXT\\_pipeline\\_properties Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `pipeline_info::VkPipelineInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPipelinePropertiesEXT.html) """ function get_pipeline_properties_ext(device, pipeline_info::VkPipelineInfoEXT)::ResultTypes.Result{BaseOutStructure, VulkanError} val = @propagate_errors(_get_pipeline_properties_ext(device, pipeline_info)) BaseOutStructure(val) end """ Extension: VK\\_QCOM\\_tile\\_properties Arguments: - `device::Device` - `framebuffer::Framebuffer` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetFramebufferTilePropertiesQCOM.html) """ function get_framebuffer_tile_properties_qcom(device, framebuffer) TilePropertiesQCOM.(_get_framebuffer_tile_properties_qcom(device, framebuffer)) end """ Extension: VK\\_QCOM\\_tile\\_properties Arguments: - `device::Device` - `rendering_info::RenderingInfo` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDynamicRenderingTilePropertiesQCOM.html) """ function get_dynamic_rendering_tile_properties_qcom(device, rendering_info::RenderingInfo) TilePropertiesQCOM(_get_dynamic_rendering_tile_properties_qcom(device, convert(_RenderingInfo, rendering_info))) end """ Extension: VK\\_NV\\_optical\\_flow Return codes: - `SUCCESS` - `ERROR_EXTENSION_NOT_PRESENT` - `ERROR_INITIALIZATION_FAILED` - `ERROR_FORMAT_NOT_SUPPORTED` Arguments: - `physical_device::PhysicalDevice` - `optical_flow_image_format_info::OpticalFlowImageFormatInfoNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPhysicalDeviceOpticalFlowImageFormatsNV.html) """ function get_physical_device_optical_flow_image_formats_nv(physical_device, optical_flow_image_format_info::OpticalFlowImageFormatInfoNV)::ResultTypes.Result{Vector{OpticalFlowImageFormatPropertiesNV}, VulkanError} val = @propagate_errors(_get_physical_device_optical_flow_image_formats_nv(physical_device, convert(_OpticalFlowImageFormatInfoNV, optical_flow_image_format_info))) OpticalFlowImageFormatPropertiesNV.(val) end """ Extension: VK\\_NV\\_optical\\_flow Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `create_info::OpticalFlowSessionCreateInfoNV` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateOpticalFlowSessionNV.html) """ function create_optical_flow_session_nv(device, create_info::OpticalFlowSessionCreateInfoNV; allocator = C_NULL)::ResultTypes.Result{OpticalFlowSessionNV, VulkanError} val = @propagate_errors(_create_optical_flow_session_nv(device, convert(_OpticalFlowSessionCreateInfoNV, create_info); allocator)) val end """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `device::Device` - `session::OpticalFlowSessionNV` - `allocator::AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyOpticalFlowSessionNV.html) """ function destroy_optical_flow_session_nv(device, session; allocator = C_NULL) _destroy_optical_flow_session_nv(device, session; allocator) end """ Extension: VK\\_NV\\_optical\\_flow Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `session::OpticalFlowSessionNV` - `binding_point::OpticalFlowSessionBindingPointNV` - `layout::ImageLayout` - `view::ImageView`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkBindOpticalFlowSessionImageNV.html) """ function bind_optical_flow_session_image_nv(device, session, binding_point::OpticalFlowSessionBindingPointNV, layout::ImageLayout; view = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_optical_flow_session_image_nv(device, session, binding_point, layout; view)) val end """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `command_buffer::CommandBuffer` - `session::OpticalFlowSessionNV` - `execute_info::OpticalFlowExecuteInfoNV` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCmdOpticalFlowExecuteNV.html) """ function cmd_optical_flow_execute_nv(command_buffer, session, execute_info::OpticalFlowExecuteInfoNV) _cmd_optical_flow_execute_nv(command_buffer, session, convert(_OpticalFlowExecuteInfoNV, execute_info)) end """ Extension: VK\\_EXT\\_device\\_fault Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDeviceFaultInfoEXT.html) """ function get_device_fault_info_ext(device)::ResultTypes.Result{Tuple{_DeviceFaultCountsEXT, _DeviceFaultInfoEXT}, VulkanError} val = @propagate_errors(_get_device_fault_info_ext(device)) val end """ Extension: VK\\_EXT\\_swapchain\\_maintenance1 Return codes: - `SUCCESS` - `ERROR_SURFACE_LOST_KHR` Arguments: - `device::Device` - `release_info::ReleaseSwapchainImagesInfoEXT` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkReleaseSwapchainImagesEXT.html) """ function release_swapchain_images_ext(device, release_info::ReleaseSwapchainImagesInfoEXT)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_release_swapchain_images_ext(device, convert(_ReleaseSwapchainImagesInfoEXT, release_info))) val end function create_instance(create_info::InstanceCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Instance, VulkanError} val = @propagate_errors(_create_instance(convert(_InstanceCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_instance(instance, fptr::FunctionPtr; allocator = C_NULL) _destroy_instance(instance, fptr; allocator) end function enumerate_physical_devices(instance, fptr::FunctionPtr)::ResultTypes.Result{Vector{PhysicalDevice}, VulkanError} val = @propagate_errors(_enumerate_physical_devices(instance, fptr)) val end function get_device_proc_addr(device, name::AbstractString, fptr::FunctionPtr) _get_device_proc_addr(device, name, fptr) end function get_instance_proc_addr(name::AbstractString, fptr::FunctionPtr; instance = C_NULL) _get_instance_proc_addr(name, fptr; instance) end function get_physical_device_properties(physical_device, fptr::FunctionPtr) PhysicalDeviceProperties(_get_physical_device_properties(physical_device, fptr)) end function get_physical_device_queue_family_properties(physical_device, fptr::FunctionPtr) QueueFamilyProperties.(_get_physical_device_queue_family_properties(physical_device, fptr)) end function get_physical_device_memory_properties(physical_device, fptr::FunctionPtr) PhysicalDeviceMemoryProperties(_get_physical_device_memory_properties(physical_device, fptr)) end function get_physical_device_features(physical_device, fptr::FunctionPtr) PhysicalDeviceFeatures(_get_physical_device_features(physical_device, fptr)) end function get_physical_device_format_properties(physical_device, format::Format, fptr::FunctionPtr) FormatProperties(_get_physical_device_format_properties(physical_device, format, fptr)) end function get_physical_device_image_format_properties(physical_device, format::Format, type::ImageType, tiling::ImageTiling, usage::ImageUsageFlag, fptr::FunctionPtr; flags = 0)::ResultTypes.Result{ImageFormatProperties, VulkanError} val = @propagate_errors(_get_physical_device_image_format_properties(physical_device, format, type, tiling, usage, fptr; flags)) ImageFormatProperties(val) end function create_device(physical_device, create_info::DeviceCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Device, VulkanError} val = @propagate_errors(_create_device(physical_device, convert(_DeviceCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_device(device, fptr::FunctionPtr; allocator = C_NULL) _destroy_device(device, fptr; allocator) end function enumerate_instance_version(fptr::FunctionPtr)::ResultTypes.Result{VersionNumber, VulkanError} val = @propagate_errors(_enumerate_instance_version(fptr)) val end function enumerate_instance_layer_properties(fptr::FunctionPtr)::ResultTypes.Result{Vector{LayerProperties}, VulkanError} val = @propagate_errors(_enumerate_instance_layer_properties(fptr)) LayerProperties.(val) end function enumerate_instance_extension_properties(fptr::FunctionPtr; layer_name = C_NULL)::ResultTypes.Result{Vector{ExtensionProperties}, VulkanError} val = @propagate_errors(_enumerate_instance_extension_properties(fptr; layer_name)) ExtensionProperties.(val) end function enumerate_device_layer_properties(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{LayerProperties}, VulkanError} val = @propagate_errors(_enumerate_device_layer_properties(physical_device, fptr)) LayerProperties.(val) end function enumerate_device_extension_properties(physical_device, fptr::FunctionPtr; layer_name = C_NULL)::ResultTypes.Result{Vector{ExtensionProperties}, VulkanError} val = @propagate_errors(_enumerate_device_extension_properties(physical_device, fptr; layer_name)) ExtensionProperties.(val) end function get_device_queue(device, queue_family_index::Integer, queue_index::Integer, fptr::FunctionPtr) _get_device_queue(device, queue_family_index, queue_index, fptr) end function queue_submit(queue, submits::AbstractArray, fptr::FunctionPtr; fence = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_queue_submit(queue, convert(AbstractArray{_SubmitInfo}, submits), fptr; fence)) val end function queue_wait_idle(queue, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_queue_wait_idle(queue, fptr)) val end function device_wait_idle(device, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_device_wait_idle(device, fptr)) val end function allocate_memory(device, allocate_info::MemoryAllocateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DeviceMemory, VulkanError} val = @propagate_errors(_allocate_memory(device, convert(_MemoryAllocateInfo, allocate_info), fptr_create, fptr_destroy; allocator)) val end function free_memory(device, memory, fptr::FunctionPtr; allocator = C_NULL) _free_memory(device, memory, fptr; allocator) end function map_memory(device, memory, offset::Integer, size::Integer, fptr::FunctionPtr; flags = 0)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} val = @propagate_errors(_map_memory(device, memory, offset, size, fptr; flags)) val end function unmap_memory(device, memory, fptr::FunctionPtr) _unmap_memory(device, memory, fptr) end function flush_mapped_memory_ranges(device, memory_ranges::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_flush_mapped_memory_ranges(device, convert(AbstractArray{_MappedMemoryRange}, memory_ranges), fptr)) val end function invalidate_mapped_memory_ranges(device, memory_ranges::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_invalidate_mapped_memory_ranges(device, convert(AbstractArray{_MappedMemoryRange}, memory_ranges), fptr)) val end function get_device_memory_commitment(device, memory, fptr::FunctionPtr) _get_device_memory_commitment(device, memory, fptr) end function get_buffer_memory_requirements(device, buffer, fptr::FunctionPtr) MemoryRequirements(_get_buffer_memory_requirements(device, buffer, fptr)) end function bind_buffer_memory(device, buffer, memory, memory_offset::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_buffer_memory(device, buffer, memory, memory_offset, fptr)) val end function get_image_memory_requirements(device, image, fptr::FunctionPtr) MemoryRequirements(_get_image_memory_requirements(device, image, fptr)) end function bind_image_memory(device, image, memory, memory_offset::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_image_memory(device, image, memory, memory_offset, fptr)) val end function get_image_sparse_memory_requirements(device, image, fptr::FunctionPtr) SparseImageMemoryRequirements.(_get_image_sparse_memory_requirements(device, image, fptr)) end function get_physical_device_sparse_image_format_properties(physical_device, format::Format, type::ImageType, samples::SampleCountFlag, usage::ImageUsageFlag, tiling::ImageTiling, fptr::FunctionPtr) SparseImageFormatProperties.(_get_physical_device_sparse_image_format_properties(physical_device, format, type, samples, usage, tiling, fptr)) end function queue_bind_sparse(queue, bind_info::AbstractArray, fptr::FunctionPtr; fence = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_queue_bind_sparse(queue, convert(AbstractArray{_BindSparseInfo}, bind_info), fptr; fence)) val end function create_fence(device, create_info::FenceCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Fence, VulkanError} val = @propagate_errors(_create_fence(device, convert(_FenceCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_fence(device, fence, fptr::FunctionPtr; allocator = C_NULL) _destroy_fence(device, fence, fptr; allocator) end function reset_fences(device, fences::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_reset_fences(device, fences, fptr)) val end function get_fence_status(device, fence, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_fence_status(device, fence, fptr)) val end function wait_for_fences(device, fences::AbstractArray, wait_all::Bool, timeout::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_wait_for_fences(device, fences, wait_all, timeout, fptr)) val end function create_semaphore(device, create_info::SemaphoreCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Semaphore, VulkanError} val = @propagate_errors(_create_semaphore(device, convert(_SemaphoreCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_semaphore(device, semaphore, fptr::FunctionPtr; allocator = C_NULL) _destroy_semaphore(device, semaphore, fptr; allocator) end function create_event(device, create_info::EventCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Event, VulkanError} val = @propagate_errors(_create_event(device, convert(_EventCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_event(device, event, fptr::FunctionPtr; allocator = C_NULL) _destroy_event(device, event, fptr; allocator) end function get_event_status(device, event, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_event_status(device, event, fptr)) val end function set_event(device, event, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_set_event(device, event, fptr)) val end function reset_event(device, event, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_reset_event(device, event, fptr)) val end function create_query_pool(device, create_info::QueryPoolCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{QueryPool, VulkanError} val = @propagate_errors(_create_query_pool(device, convert(_QueryPoolCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_query_pool(device, query_pool, fptr::FunctionPtr; allocator = C_NULL) _destroy_query_pool(device, query_pool, fptr; allocator) end function get_query_pool_results(device, query_pool, first_query::Integer, query_count::Integer, data_size::Integer, data::Ptr{Cvoid}, stride::Integer, fptr::FunctionPtr; flags = 0)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_query_pool_results(device, query_pool, first_query, query_count, data_size, data, stride, fptr; flags)) val end function reset_query_pool(device, query_pool, first_query::Integer, query_count::Integer, fptr::FunctionPtr) _reset_query_pool(device, query_pool, first_query, query_count, fptr) end function create_buffer(device, create_info::BufferCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Buffer, VulkanError} val = @propagate_errors(_create_buffer(device, convert(_BufferCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_buffer(device, buffer, fptr::FunctionPtr; allocator = C_NULL) _destroy_buffer(device, buffer, fptr; allocator) end function create_buffer_view(device, create_info::BufferViewCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{BufferView, VulkanError} val = @propagate_errors(_create_buffer_view(device, convert(_BufferViewCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_buffer_view(device, buffer_view, fptr::FunctionPtr; allocator = C_NULL) _destroy_buffer_view(device, buffer_view, fptr; allocator) end function create_image(device, create_info::ImageCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Image, VulkanError} val = @propagate_errors(_create_image(device, convert(_ImageCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_image(device, image, fptr::FunctionPtr; allocator = C_NULL) _destroy_image(device, image, fptr; allocator) end function get_image_subresource_layout(device, image, subresource::ImageSubresource, fptr::FunctionPtr) SubresourceLayout(_get_image_subresource_layout(device, image, convert(_ImageSubresource, subresource), fptr)) end function create_image_view(device, create_info::ImageViewCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{ImageView, VulkanError} val = @propagate_errors(_create_image_view(device, convert(_ImageViewCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_image_view(device, image_view, fptr::FunctionPtr; allocator = C_NULL) _destroy_image_view(device, image_view, fptr; allocator) end function create_shader_module(device, create_info::ShaderModuleCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{ShaderModule, VulkanError} val = @propagate_errors(_create_shader_module(device, convert(_ShaderModuleCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_shader_module(device, shader_module, fptr::FunctionPtr; allocator = C_NULL) _destroy_shader_module(device, shader_module, fptr; allocator) end function create_pipeline_cache(device, create_info::PipelineCacheCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{PipelineCache, VulkanError} val = @propagate_errors(_create_pipeline_cache(device, convert(_PipelineCacheCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_pipeline_cache(device, pipeline_cache, fptr::FunctionPtr; allocator = C_NULL) _destroy_pipeline_cache(device, pipeline_cache, fptr; allocator) end function get_pipeline_cache_data(device, pipeline_cache, fptr::FunctionPtr)::ResultTypes.Result{Tuple{UInt, Ptr{Cvoid}}, VulkanError} val = @propagate_errors(_get_pipeline_cache_data(device, pipeline_cache, fptr)) val end function merge_pipeline_caches(device, dst_cache, src_caches::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_merge_pipeline_caches(device, dst_cache, src_caches, fptr)) val end function create_graphics_pipelines(device, create_infos::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} val = @propagate_errors(_create_graphics_pipelines(device, convert(AbstractArray{_GraphicsPipelineCreateInfo}, create_infos), fptr_create, fptr_destroy; pipeline_cache, allocator)) val end function create_compute_pipelines(device, create_infos::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} val = @propagate_errors(_create_compute_pipelines(device, convert(AbstractArray{_ComputePipelineCreateInfo}, create_infos), fptr_create, fptr_destroy; pipeline_cache, allocator)) val end function get_device_subpass_shading_max_workgroup_size_huawei(device, renderpass, fptr::FunctionPtr)::ResultTypes.Result{Extent2D, VulkanError} val = @propagate_errors(_get_device_subpass_shading_max_workgroup_size_huawei(device, renderpass, fptr)) Extent2D(val) end function destroy_pipeline(device, pipeline, fptr::FunctionPtr; allocator = C_NULL) _destroy_pipeline(device, pipeline, fptr; allocator) end function create_pipeline_layout(device, create_info::PipelineLayoutCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{PipelineLayout, VulkanError} val = @propagate_errors(_create_pipeline_layout(device, convert(_PipelineLayoutCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_pipeline_layout(device, pipeline_layout, fptr::FunctionPtr; allocator = C_NULL) _destroy_pipeline_layout(device, pipeline_layout, fptr; allocator) end function create_sampler(device, create_info::SamplerCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Sampler, VulkanError} val = @propagate_errors(_create_sampler(device, convert(_SamplerCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_sampler(device, sampler, fptr::FunctionPtr; allocator = C_NULL) _destroy_sampler(device, sampler, fptr; allocator) end function create_descriptor_set_layout(device, create_info::DescriptorSetLayoutCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DescriptorSetLayout, VulkanError} val = @propagate_errors(_create_descriptor_set_layout(device, convert(_DescriptorSetLayoutCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_descriptor_set_layout(device, descriptor_set_layout, fptr::FunctionPtr; allocator = C_NULL) _destroy_descriptor_set_layout(device, descriptor_set_layout, fptr; allocator) end function create_descriptor_pool(device, create_info::DescriptorPoolCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DescriptorPool, VulkanError} val = @propagate_errors(_create_descriptor_pool(device, convert(_DescriptorPoolCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_descriptor_pool(device, descriptor_pool, fptr::FunctionPtr; allocator = C_NULL) _destroy_descriptor_pool(device, descriptor_pool, fptr; allocator) end function reset_descriptor_pool(device, descriptor_pool, fptr::FunctionPtr; flags = 0) _reset_descriptor_pool(device, descriptor_pool, fptr; flags) end function allocate_descriptor_sets(device, allocate_info::DescriptorSetAllocateInfo, fptr_create::FunctionPtr)::ResultTypes.Result{Vector{DescriptorSet}, VulkanError} val = @propagate_errors(_allocate_descriptor_sets(device, convert(_DescriptorSetAllocateInfo, allocate_info), fptr_create)) val end function free_descriptor_sets(device, descriptor_pool, descriptor_sets::AbstractArray, fptr::FunctionPtr) _free_descriptor_sets(device, descriptor_pool, descriptor_sets, fptr) end function update_descriptor_sets(device, descriptor_writes::AbstractArray, descriptor_copies::AbstractArray, fptr::FunctionPtr) _update_descriptor_sets(device, convert(AbstractArray{_WriteDescriptorSet}, descriptor_writes), convert(AbstractArray{_CopyDescriptorSet}, descriptor_copies), fptr) end function create_framebuffer(device, create_info::FramebufferCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Framebuffer, VulkanError} val = @propagate_errors(_create_framebuffer(device, convert(_FramebufferCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_framebuffer(device, framebuffer, fptr::FunctionPtr; allocator = C_NULL) _destroy_framebuffer(device, framebuffer, fptr; allocator) end function create_render_pass(device, create_info::RenderPassCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{RenderPass, VulkanError} val = @propagate_errors(_create_render_pass(device, convert(_RenderPassCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_render_pass(device, render_pass, fptr::FunctionPtr; allocator = C_NULL) _destroy_render_pass(device, render_pass, fptr; allocator) end function get_render_area_granularity(device, render_pass, fptr::FunctionPtr) Extent2D(_get_render_area_granularity(device, render_pass, fptr)) end function create_command_pool(device, create_info::CommandPoolCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{CommandPool, VulkanError} val = @propagate_errors(_create_command_pool(device, convert(_CommandPoolCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_command_pool(device, command_pool, fptr::FunctionPtr; allocator = C_NULL) _destroy_command_pool(device, command_pool, fptr; allocator) end function reset_command_pool(device, command_pool, fptr::FunctionPtr; flags = 0)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_reset_command_pool(device, command_pool, fptr; flags)) val end function allocate_command_buffers(device, allocate_info::CommandBufferAllocateInfo, fptr_create::FunctionPtr)::ResultTypes.Result{Vector{CommandBuffer}, VulkanError} val = @propagate_errors(_allocate_command_buffers(device, convert(_CommandBufferAllocateInfo, allocate_info), fptr_create)) val end function free_command_buffers(device, command_pool, command_buffers::AbstractArray, fptr::FunctionPtr) _free_command_buffers(device, command_pool, command_buffers, fptr) end function begin_command_buffer(command_buffer, begin_info::CommandBufferBeginInfo, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_begin_command_buffer(command_buffer, convert(_CommandBufferBeginInfo, begin_info), fptr)) val end function end_command_buffer(command_buffer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_end_command_buffer(command_buffer, fptr)) val end function reset_command_buffer(command_buffer, fptr::FunctionPtr; flags = 0)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_reset_command_buffer(command_buffer, fptr; flags)) val end function cmd_bind_pipeline(command_buffer, pipeline_bind_point::PipelineBindPoint, pipeline, fptr::FunctionPtr) _cmd_bind_pipeline(command_buffer, pipeline_bind_point, pipeline, fptr) end function cmd_set_viewport(command_buffer, viewports::AbstractArray, fptr::FunctionPtr) _cmd_set_viewport(command_buffer, convert(AbstractArray{_Viewport}, viewports), fptr) end function cmd_set_scissor(command_buffer, scissors::AbstractArray, fptr::FunctionPtr) _cmd_set_scissor(command_buffer, convert(AbstractArray{_Rect2D}, scissors), fptr) end function cmd_set_line_width(command_buffer, line_width::Real, fptr::FunctionPtr) _cmd_set_line_width(command_buffer, line_width, fptr) end function cmd_set_depth_bias(command_buffer, depth_bias_constant_factor::Real, depth_bias_clamp::Real, depth_bias_slope_factor::Real, fptr::FunctionPtr) _cmd_set_depth_bias(command_buffer, depth_bias_constant_factor, depth_bias_clamp, depth_bias_slope_factor, fptr) end function cmd_set_blend_constants(command_buffer, blend_constants::NTuple{4, Float32}, fptr::FunctionPtr) _cmd_set_blend_constants(command_buffer, blend_constants, fptr) end function cmd_set_depth_bounds(command_buffer, min_depth_bounds::Real, max_depth_bounds::Real, fptr::FunctionPtr) _cmd_set_depth_bounds(command_buffer, min_depth_bounds, max_depth_bounds, fptr) end function cmd_set_stencil_compare_mask(command_buffer, face_mask::StencilFaceFlag, compare_mask::Integer, fptr::FunctionPtr) _cmd_set_stencil_compare_mask(command_buffer, face_mask, compare_mask, fptr) end function cmd_set_stencil_write_mask(command_buffer, face_mask::StencilFaceFlag, write_mask::Integer, fptr::FunctionPtr) _cmd_set_stencil_write_mask(command_buffer, face_mask, write_mask, fptr) end function cmd_set_stencil_reference(command_buffer, face_mask::StencilFaceFlag, reference::Integer, fptr::FunctionPtr) _cmd_set_stencil_reference(command_buffer, face_mask, reference, fptr) end function cmd_bind_descriptor_sets(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, first_set::Integer, descriptor_sets::AbstractArray, dynamic_offsets::AbstractArray, fptr::FunctionPtr) _cmd_bind_descriptor_sets(command_buffer, pipeline_bind_point, layout, first_set, descriptor_sets, dynamic_offsets, fptr) end function cmd_bind_index_buffer(command_buffer, buffer, offset::Integer, index_type::IndexType, fptr::FunctionPtr) _cmd_bind_index_buffer(command_buffer, buffer, offset, index_type, fptr) end function cmd_bind_vertex_buffers(command_buffer, buffers::AbstractArray, offsets::AbstractArray, fptr::FunctionPtr) _cmd_bind_vertex_buffers(command_buffer, buffers, offsets, fptr) end function cmd_draw(command_buffer, vertex_count::Integer, instance_count::Integer, first_vertex::Integer, first_instance::Integer, fptr::FunctionPtr) _cmd_draw(command_buffer, vertex_count, instance_count, first_vertex, first_instance, fptr) end function cmd_draw_indexed(command_buffer, index_count::Integer, instance_count::Integer, first_index::Integer, vertex_offset::Integer, first_instance::Integer, fptr::FunctionPtr) _cmd_draw_indexed(command_buffer, index_count, instance_count, first_index, vertex_offset, first_instance, fptr) end function cmd_draw_multi_ext(command_buffer, vertex_info::AbstractArray, instance_count::Integer, first_instance::Integer, stride::Integer, fptr::FunctionPtr) _cmd_draw_multi_ext(command_buffer, convert(AbstractArray{_MultiDrawInfoEXT}, vertex_info), instance_count, first_instance, stride, fptr) end function cmd_draw_multi_indexed_ext(command_buffer, index_info::AbstractArray, instance_count::Integer, first_instance::Integer, stride::Integer, fptr::FunctionPtr; vertex_offset = C_NULL) _cmd_draw_multi_indexed_ext(command_buffer, convert(AbstractArray{_MultiDrawIndexedInfoEXT}, index_info), instance_count, first_instance, stride, fptr; vertex_offset) end function cmd_draw_indirect(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer, fptr::FunctionPtr) _cmd_draw_indirect(command_buffer, buffer, offset, draw_count, stride, fptr) end function cmd_draw_indexed_indirect(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer, fptr::FunctionPtr) _cmd_draw_indexed_indirect(command_buffer, buffer, offset, draw_count, stride, fptr) end function cmd_dispatch(command_buffer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer, fptr::FunctionPtr) _cmd_dispatch(command_buffer, group_count_x, group_count_y, group_count_z, fptr) end function cmd_dispatch_indirect(command_buffer, buffer, offset::Integer, fptr::FunctionPtr) _cmd_dispatch_indirect(command_buffer, buffer, offset, fptr) end function cmd_subpass_shading_huawei(command_buffer, fptr::FunctionPtr) _cmd_subpass_shading_huawei(command_buffer, fptr) end function cmd_draw_cluster_huawei(command_buffer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer, fptr::FunctionPtr) _cmd_draw_cluster_huawei(command_buffer, group_count_x, group_count_y, group_count_z, fptr) end function cmd_draw_cluster_indirect_huawei(command_buffer, buffer, offset::Integer, fptr::FunctionPtr) _cmd_draw_cluster_indirect_huawei(command_buffer, buffer, offset, fptr) end function cmd_copy_buffer(command_buffer, src_buffer, dst_buffer, regions::AbstractArray, fptr::FunctionPtr) _cmd_copy_buffer(command_buffer, src_buffer, dst_buffer, convert(AbstractArray{_BufferCopy}, regions), fptr) end function cmd_copy_image(command_buffer, src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray, fptr::FunctionPtr) _cmd_copy_image(command_buffer, src_image, src_image_layout, dst_image, dst_image_layout, convert(AbstractArray{_ImageCopy}, regions), fptr) end function cmd_blit_image(command_buffer, src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray, filter::Filter, fptr::FunctionPtr) _cmd_blit_image(command_buffer, src_image, src_image_layout, dst_image, dst_image_layout, convert(AbstractArray{_ImageBlit}, regions), filter, fptr) end function cmd_copy_buffer_to_image(command_buffer, src_buffer, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray, fptr::FunctionPtr) _cmd_copy_buffer_to_image(command_buffer, src_buffer, dst_image, dst_image_layout, convert(AbstractArray{_BufferImageCopy}, regions), fptr) end function cmd_copy_image_to_buffer(command_buffer, src_image, src_image_layout::ImageLayout, dst_buffer, regions::AbstractArray, fptr::FunctionPtr) _cmd_copy_image_to_buffer(command_buffer, src_image, src_image_layout, dst_buffer, convert(AbstractArray{_BufferImageCopy}, regions), fptr) end function cmd_copy_memory_indirect_nv(command_buffer, copy_buffer_address::Integer, copy_count::Integer, stride::Integer, fptr::FunctionPtr) _cmd_copy_memory_indirect_nv(command_buffer, copy_buffer_address, copy_count, stride, fptr) end function cmd_copy_memory_to_image_indirect_nv(command_buffer, copy_buffer_address::Integer, stride::Integer, dst_image, dst_image_layout::ImageLayout, image_subresources::AbstractArray, fptr::FunctionPtr) _cmd_copy_memory_to_image_indirect_nv(command_buffer, copy_buffer_address, stride, dst_image, dst_image_layout, convert(AbstractArray{_ImageSubresourceLayers}, image_subresources), fptr) end function cmd_update_buffer(command_buffer, dst_buffer, dst_offset::Integer, data_size::Integer, data::Ptr{Cvoid}, fptr::FunctionPtr) _cmd_update_buffer(command_buffer, dst_buffer, dst_offset, data_size, data, fptr) end function cmd_fill_buffer(command_buffer, dst_buffer, dst_offset::Integer, size::Integer, data::Integer, fptr::FunctionPtr) _cmd_fill_buffer(command_buffer, dst_buffer, dst_offset, size, data, fptr) end function cmd_clear_color_image(command_buffer, image, image_layout::ImageLayout, color::ClearColorValue, ranges::AbstractArray, fptr::FunctionPtr) _cmd_clear_color_image(command_buffer, image, image_layout, convert(_ClearColorValue, color), convert(AbstractArray{_ImageSubresourceRange}, ranges), fptr) end function cmd_clear_depth_stencil_image(command_buffer, image, image_layout::ImageLayout, depth_stencil::ClearDepthStencilValue, ranges::AbstractArray, fptr::FunctionPtr) _cmd_clear_depth_stencil_image(command_buffer, image, image_layout, convert(_ClearDepthStencilValue, depth_stencil), convert(AbstractArray{_ImageSubresourceRange}, ranges), fptr) end function cmd_clear_attachments(command_buffer, attachments::AbstractArray, rects::AbstractArray, fptr::FunctionPtr) _cmd_clear_attachments(command_buffer, convert(AbstractArray{_ClearAttachment}, attachments), convert(AbstractArray{_ClearRect}, rects), fptr) end function cmd_resolve_image(command_buffer, src_image, src_image_layout::ImageLayout, dst_image, dst_image_layout::ImageLayout, regions::AbstractArray, fptr::FunctionPtr) _cmd_resolve_image(command_buffer, src_image, src_image_layout, dst_image, dst_image_layout, convert(AbstractArray{_ImageResolve}, regions), fptr) end function cmd_set_event(command_buffer, event, fptr::FunctionPtr; stage_mask = 0) _cmd_set_event(command_buffer, event, fptr; stage_mask) end function cmd_reset_event(command_buffer, event, fptr::FunctionPtr; stage_mask = 0) _cmd_reset_event(command_buffer, event, fptr; stage_mask) end function cmd_wait_events(command_buffer, events::AbstractArray, memory_barriers::AbstractArray, buffer_memory_barriers::AbstractArray, image_memory_barriers::AbstractArray, fptr::FunctionPtr; src_stage_mask = 0, dst_stage_mask = 0) _cmd_wait_events(command_buffer, events, convert(AbstractArray{_MemoryBarrier}, memory_barriers), convert(AbstractArray{_BufferMemoryBarrier}, buffer_memory_barriers), convert(AbstractArray{_ImageMemoryBarrier}, image_memory_barriers), fptr; src_stage_mask, dst_stage_mask) end function cmd_pipeline_barrier(command_buffer, memory_barriers::AbstractArray, buffer_memory_barriers::AbstractArray, image_memory_barriers::AbstractArray, fptr::FunctionPtr; src_stage_mask = 0, dst_stage_mask = 0, dependency_flags = 0) _cmd_pipeline_barrier(command_buffer, convert(AbstractArray{_MemoryBarrier}, memory_barriers), convert(AbstractArray{_BufferMemoryBarrier}, buffer_memory_barriers), convert(AbstractArray{_ImageMemoryBarrier}, image_memory_barriers), fptr; src_stage_mask, dst_stage_mask, dependency_flags) end function cmd_begin_query(command_buffer, query_pool, query::Integer, fptr::FunctionPtr; flags = 0) _cmd_begin_query(command_buffer, query_pool, query, fptr; flags) end function cmd_end_query(command_buffer, query_pool, query::Integer, fptr::FunctionPtr) _cmd_end_query(command_buffer, query_pool, query, fptr) end function cmd_begin_conditional_rendering_ext(command_buffer, conditional_rendering_begin::ConditionalRenderingBeginInfoEXT, fptr::FunctionPtr) _cmd_begin_conditional_rendering_ext(command_buffer, convert(_ConditionalRenderingBeginInfoEXT, conditional_rendering_begin), fptr) end function cmd_end_conditional_rendering_ext(command_buffer, fptr::FunctionPtr) _cmd_end_conditional_rendering_ext(command_buffer, fptr) end function cmd_reset_query_pool(command_buffer, query_pool, first_query::Integer, query_count::Integer, fptr::FunctionPtr) _cmd_reset_query_pool(command_buffer, query_pool, first_query, query_count, fptr) end function cmd_write_timestamp(command_buffer, pipeline_stage::PipelineStageFlag, query_pool, query::Integer, fptr::FunctionPtr) _cmd_write_timestamp(command_buffer, pipeline_stage, query_pool, query, fptr) end function cmd_copy_query_pool_results(command_buffer, query_pool, first_query::Integer, query_count::Integer, dst_buffer, dst_offset::Integer, stride::Integer, fptr::FunctionPtr; flags = 0) _cmd_copy_query_pool_results(command_buffer, query_pool, first_query, query_count, dst_buffer, dst_offset, stride, fptr; flags) end function cmd_push_constants(command_buffer, layout, stage_flags::ShaderStageFlag, offset::Integer, size::Integer, values::Ptr{Cvoid}, fptr::FunctionPtr) _cmd_push_constants(command_buffer, layout, stage_flags, offset, size, values, fptr) end function cmd_begin_render_pass(command_buffer, render_pass_begin::RenderPassBeginInfo, contents::SubpassContents, fptr::FunctionPtr) _cmd_begin_render_pass(command_buffer, convert(_RenderPassBeginInfo, render_pass_begin), contents, fptr) end function cmd_next_subpass(command_buffer, contents::SubpassContents, fptr::FunctionPtr) _cmd_next_subpass(command_buffer, contents, fptr) end function cmd_end_render_pass(command_buffer, fptr::FunctionPtr) _cmd_end_render_pass(command_buffer, fptr) end function cmd_execute_commands(command_buffer, command_buffers::AbstractArray, fptr::FunctionPtr) _cmd_execute_commands(command_buffer, command_buffers, fptr) end function get_physical_device_display_properties_khr(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{DisplayPropertiesKHR}, VulkanError} val = @propagate_errors(_get_physical_device_display_properties_khr(physical_device, fptr)) DisplayPropertiesKHR.(val) end function get_physical_device_display_plane_properties_khr(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{DisplayPlanePropertiesKHR}, VulkanError} val = @propagate_errors(_get_physical_device_display_plane_properties_khr(physical_device, fptr)) DisplayPlanePropertiesKHR.(val) end function get_display_plane_supported_displays_khr(physical_device, plane_index::Integer, fptr::FunctionPtr)::ResultTypes.Result{Vector{DisplayKHR}, VulkanError} val = @propagate_errors(_get_display_plane_supported_displays_khr(physical_device, plane_index, fptr)) val end function get_display_mode_properties_khr(physical_device, display, fptr::FunctionPtr)::ResultTypes.Result{Vector{DisplayModePropertiesKHR}, VulkanError} val = @propagate_errors(_get_display_mode_properties_khr(physical_device, display, fptr)) DisplayModePropertiesKHR.(val) end function create_display_mode_khr(physical_device, display, create_info::DisplayModeCreateInfoKHR, fptr_create::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DisplayModeKHR, VulkanError} val = @propagate_errors(_create_display_mode_khr(physical_device, display, convert(_DisplayModeCreateInfoKHR, create_info), fptr_create; allocator)) val end function get_display_plane_capabilities_khr(physical_device, mode, plane_index::Integer, fptr::FunctionPtr)::ResultTypes.Result{DisplayPlaneCapabilitiesKHR, VulkanError} val = @propagate_errors(_get_display_plane_capabilities_khr(physical_device, mode, plane_index, fptr)) DisplayPlaneCapabilitiesKHR(val) end function create_display_plane_surface_khr(instance, create_info::DisplaySurfaceCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_display_plane_surface_khr(instance, convert(_DisplaySurfaceCreateInfoKHR, create_info), fptr_create, fptr_destroy; allocator)) val end function create_shared_swapchains_khr(device, create_infos::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Vector{SwapchainKHR}, VulkanError} val = @propagate_errors(_create_shared_swapchains_khr(device, convert(AbstractArray{_SwapchainCreateInfoKHR}, create_infos), fptr_create, fptr_destroy; allocator)) val end function destroy_surface_khr(instance, surface, fptr::FunctionPtr; allocator = C_NULL) _destroy_surface_khr(instance, surface, fptr; allocator) end function get_physical_device_surface_support_khr(physical_device, queue_family_index::Integer, surface, fptr::FunctionPtr)::ResultTypes.Result{Bool, VulkanError} val = @propagate_errors(_get_physical_device_surface_support_khr(physical_device, queue_family_index, surface, fptr)) val end function get_physical_device_surface_capabilities_khr(physical_device, surface, fptr::FunctionPtr)::ResultTypes.Result{SurfaceCapabilitiesKHR, VulkanError} val = @propagate_errors(_get_physical_device_surface_capabilities_khr(physical_device, surface, fptr)) SurfaceCapabilitiesKHR(val) end function get_physical_device_surface_formats_khr(physical_device, fptr::FunctionPtr; surface = C_NULL)::ResultTypes.Result{Vector{SurfaceFormatKHR}, VulkanError} val = @propagate_errors(_get_physical_device_surface_formats_khr(physical_device, fptr; surface)) SurfaceFormatKHR.(val) end function get_physical_device_surface_present_modes_khr(physical_device, fptr::FunctionPtr; surface = C_NULL)::ResultTypes.Result{Vector{PresentModeKHR}, VulkanError} val = @propagate_errors(_get_physical_device_surface_present_modes_khr(physical_device, fptr; surface)) val end function create_swapchain_khr(device, create_info::SwapchainCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SwapchainKHR, VulkanError} val = @propagate_errors(_create_swapchain_khr(device, convert(_SwapchainCreateInfoKHR, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_swapchain_khr(device, swapchain, fptr::FunctionPtr; allocator = C_NULL) _destroy_swapchain_khr(device, swapchain, fptr; allocator) end function get_swapchain_images_khr(device, swapchain, fptr::FunctionPtr)::ResultTypes.Result{Vector{Image}, VulkanError} val = @propagate_errors(_get_swapchain_images_khr(device, swapchain, fptr)) val end function acquire_next_image_khr(device, swapchain, timeout::Integer, fptr::FunctionPtr; semaphore = C_NULL, fence = C_NULL)::ResultTypes.Result{Tuple{UInt32, Result}, VulkanError} val = @propagate_errors(_acquire_next_image_khr(device, swapchain, timeout, fptr; semaphore, fence)) val end function queue_present_khr(queue, present_info::PresentInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_queue_present_khr(queue, convert(_PresentInfoKHR, present_info), fptr)) val end function create_win_32_surface_khr(instance, create_info::Win32SurfaceCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_win_32_surface_khr(instance, convert(_Win32SurfaceCreateInfoKHR, create_info), fptr_create, fptr_destroy; allocator)) val end function get_physical_device_win_32_presentation_support_khr(physical_device, queue_family_index::Integer, fptr::FunctionPtr) _get_physical_device_win_32_presentation_support_khr(physical_device, queue_family_index, fptr) end function create_debug_report_callback_ext(instance, create_info::DebugReportCallbackCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DebugReportCallbackEXT, VulkanError} val = @propagate_errors(_create_debug_report_callback_ext(instance, convert(_DebugReportCallbackCreateInfoEXT, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_debug_report_callback_ext(instance, callback, fptr::FunctionPtr; allocator = C_NULL) _destroy_debug_report_callback_ext(instance, callback, fptr; allocator) end function debug_report_message_ext(instance, flags::DebugReportFlagEXT, object_type::DebugReportObjectTypeEXT, object::Integer, location::Integer, message_code::Integer, layer_prefix::AbstractString, message::AbstractString, fptr::FunctionPtr) _debug_report_message_ext(instance, flags, object_type, object, location, message_code, layer_prefix, message, fptr) end function debug_marker_set_object_name_ext(device, name_info::DebugMarkerObjectNameInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_debug_marker_set_object_name_ext(device, convert(_DebugMarkerObjectNameInfoEXT, name_info), fptr)) val end function debug_marker_set_object_tag_ext(device, tag_info::DebugMarkerObjectTagInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_debug_marker_set_object_tag_ext(device, convert(_DebugMarkerObjectTagInfoEXT, tag_info), fptr)) val end function cmd_debug_marker_begin_ext(command_buffer, marker_info::DebugMarkerMarkerInfoEXT, fptr::FunctionPtr) _cmd_debug_marker_begin_ext(command_buffer, convert(_DebugMarkerMarkerInfoEXT, marker_info), fptr) end function cmd_debug_marker_end_ext(command_buffer, fptr::FunctionPtr) _cmd_debug_marker_end_ext(command_buffer, fptr) end function cmd_debug_marker_insert_ext(command_buffer, marker_info::DebugMarkerMarkerInfoEXT, fptr::FunctionPtr) _cmd_debug_marker_insert_ext(command_buffer, convert(_DebugMarkerMarkerInfoEXT, marker_info), fptr) end function get_physical_device_external_image_format_properties_nv(physical_device, format::Format, type::ImageType, tiling::ImageTiling, usage::ImageUsageFlag, fptr::FunctionPtr; flags = 0, external_handle_type = 0)::ResultTypes.Result{ExternalImageFormatPropertiesNV, VulkanError} val = @propagate_errors(_get_physical_device_external_image_format_properties_nv(physical_device, format, type, tiling, usage, fptr; flags, external_handle_type)) ExternalImageFormatPropertiesNV(val) end function get_memory_win_32_handle_nv(device, memory, handle_type::ExternalMemoryHandleTypeFlagNV, handle::vk.HANDLE, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_memory_win_32_handle_nv(device, memory, handle_type, handle, fptr)) val end function cmd_execute_generated_commands_nv(command_buffer, is_preprocessed::Bool, generated_commands_info::GeneratedCommandsInfoNV, fptr::FunctionPtr) _cmd_execute_generated_commands_nv(command_buffer, is_preprocessed, convert(_GeneratedCommandsInfoNV, generated_commands_info), fptr) end function cmd_preprocess_generated_commands_nv(command_buffer, generated_commands_info::GeneratedCommandsInfoNV, fptr::FunctionPtr) _cmd_preprocess_generated_commands_nv(command_buffer, convert(_GeneratedCommandsInfoNV, generated_commands_info), fptr) end function cmd_bind_pipeline_shader_group_nv(command_buffer, pipeline_bind_point::PipelineBindPoint, pipeline, group_index::Integer, fptr::FunctionPtr) _cmd_bind_pipeline_shader_group_nv(command_buffer, pipeline_bind_point, pipeline, group_index, fptr) end function get_generated_commands_memory_requirements_nv(device, info::GeneratedCommandsMemoryRequirementsInfoNV, fptr::FunctionPtr, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) MemoryRequirements2(_get_generated_commands_memory_requirements_nv(device, convert(_GeneratedCommandsMemoryRequirementsInfoNV, info), fptr, next_types...), next_types_hl...) end function create_indirect_commands_layout_nv(device, create_info::IndirectCommandsLayoutCreateInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{IndirectCommandsLayoutNV, VulkanError} val = @propagate_errors(_create_indirect_commands_layout_nv(device, convert(_IndirectCommandsLayoutCreateInfoNV, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_indirect_commands_layout_nv(device, indirect_commands_layout, fptr::FunctionPtr; allocator = C_NULL) _destroy_indirect_commands_layout_nv(device, indirect_commands_layout, fptr; allocator) end function get_physical_device_features_2(physical_device, fptr::FunctionPtr, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) PhysicalDeviceFeatures2(_get_physical_device_features_2(physical_device, fptr, next_types...), next_types_hl...) end function get_physical_device_properties_2(physical_device, fptr::FunctionPtr, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) PhysicalDeviceProperties2(_get_physical_device_properties_2(physical_device, fptr, next_types...), next_types_hl...) end function get_physical_device_format_properties_2(physical_device, format::Format, fptr::FunctionPtr, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) FormatProperties2(_get_physical_device_format_properties_2(physical_device, format, fptr, next_types...), next_types_hl...) end function get_physical_device_image_format_properties_2(physical_device, image_format_info::PhysicalDeviceImageFormatInfo2, fptr::FunctionPtr, next_types::Type...)::ResultTypes.Result{ImageFormatProperties2, VulkanError} next_types_hl = next_types next_types = intermediate_type.(next_types) val = @propagate_errors(_get_physical_device_image_format_properties_2(physical_device, convert(_PhysicalDeviceImageFormatInfo2, image_format_info), fptr, next_types...)) ImageFormatProperties2(val, next_types_hl...) end function get_physical_device_queue_family_properties_2(physical_device, fptr::FunctionPtr) QueueFamilyProperties2.(_get_physical_device_queue_family_properties_2(physical_device, fptr)) end function get_physical_device_memory_properties_2(physical_device, fptr::FunctionPtr, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) PhysicalDeviceMemoryProperties2(_get_physical_device_memory_properties_2(physical_device, fptr, next_types...), next_types_hl...) end function get_physical_device_sparse_image_format_properties_2(physical_device, format_info::PhysicalDeviceSparseImageFormatInfo2, fptr::FunctionPtr) SparseImageFormatProperties2.(_get_physical_device_sparse_image_format_properties_2(physical_device, convert(_PhysicalDeviceSparseImageFormatInfo2, format_info), fptr)) end function cmd_push_descriptor_set_khr(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, set::Integer, descriptor_writes::AbstractArray, fptr::FunctionPtr) _cmd_push_descriptor_set_khr(command_buffer, pipeline_bind_point, layout, set, convert(AbstractArray{_WriteDescriptorSet}, descriptor_writes), fptr) end function trim_command_pool(device, command_pool, fptr::FunctionPtr; flags = 0) _trim_command_pool(device, command_pool, fptr; flags) end function get_physical_device_external_buffer_properties(physical_device, external_buffer_info::PhysicalDeviceExternalBufferInfo, fptr::FunctionPtr) ExternalBufferProperties(_get_physical_device_external_buffer_properties(physical_device, convert(_PhysicalDeviceExternalBufferInfo, external_buffer_info), fptr)) end function get_memory_win_32_handle_khr(device, get_win_32_handle_info::MemoryGetWin32HandleInfoKHR, handle::vk.HANDLE, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_memory_win_32_handle_khr(device, convert(_MemoryGetWin32HandleInfoKHR, get_win_32_handle_info), handle, fptr)) val end function get_memory_win_32_handle_properties_khr(device, handle_type::ExternalMemoryHandleTypeFlag, handle::vk.HANDLE, fptr::FunctionPtr)::ResultTypes.Result{MemoryWin32HandlePropertiesKHR, VulkanError} val = @propagate_errors(_get_memory_win_32_handle_properties_khr(device, handle_type, handle, fptr)) MemoryWin32HandlePropertiesKHR(val) end function get_memory_fd_khr(device, get_fd_info::MemoryGetFdInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Int, VulkanError} val = @propagate_errors(_get_memory_fd_khr(device, convert(_MemoryGetFdInfoKHR, get_fd_info), fptr)) val end function get_memory_fd_properties_khr(device, handle_type::ExternalMemoryHandleTypeFlag, fd::Integer, fptr::FunctionPtr)::ResultTypes.Result{MemoryFdPropertiesKHR, VulkanError} val = @propagate_errors(_get_memory_fd_properties_khr(device, handle_type, fd, fptr)) MemoryFdPropertiesKHR(val) end function get_memory_remote_address_nv(device, memory_get_remote_address_info::MemoryGetRemoteAddressInfoNV, fptr::FunctionPtr)::ResultTypes.Result{Cvoid, VulkanError} val = @propagate_errors(_get_memory_remote_address_nv(device, convert(_MemoryGetRemoteAddressInfoNV, memory_get_remote_address_info), fptr)) val end function get_physical_device_external_semaphore_properties(physical_device, external_semaphore_info::PhysicalDeviceExternalSemaphoreInfo, fptr::FunctionPtr) ExternalSemaphoreProperties(_get_physical_device_external_semaphore_properties(physical_device, convert(_PhysicalDeviceExternalSemaphoreInfo, external_semaphore_info), fptr)) end function get_semaphore_win_32_handle_khr(device, get_win_32_handle_info::SemaphoreGetWin32HandleInfoKHR, handle::vk.HANDLE, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_semaphore_win_32_handle_khr(device, convert(_SemaphoreGetWin32HandleInfoKHR, get_win_32_handle_info), handle, fptr)) val end function import_semaphore_win_32_handle_khr(device, import_semaphore_win_32_handle_info::ImportSemaphoreWin32HandleInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_import_semaphore_win_32_handle_khr(device, convert(_ImportSemaphoreWin32HandleInfoKHR, import_semaphore_win_32_handle_info), fptr)) val end function get_semaphore_fd_khr(device, get_fd_info::SemaphoreGetFdInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Int, VulkanError} val = @propagate_errors(_get_semaphore_fd_khr(device, convert(_SemaphoreGetFdInfoKHR, get_fd_info), fptr)) val end function import_semaphore_fd_khr(device, import_semaphore_fd_info::ImportSemaphoreFdInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_import_semaphore_fd_khr(device, convert(_ImportSemaphoreFdInfoKHR, import_semaphore_fd_info), fptr)) val end function get_physical_device_external_fence_properties(physical_device, external_fence_info::PhysicalDeviceExternalFenceInfo, fptr::FunctionPtr) ExternalFenceProperties(_get_physical_device_external_fence_properties(physical_device, convert(_PhysicalDeviceExternalFenceInfo, external_fence_info), fptr)) end function get_fence_win_32_handle_khr(device, get_win_32_handle_info::FenceGetWin32HandleInfoKHR, handle::vk.HANDLE, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_fence_win_32_handle_khr(device, convert(_FenceGetWin32HandleInfoKHR, get_win_32_handle_info), handle, fptr)) val end function import_fence_win_32_handle_khr(device, import_fence_win_32_handle_info::ImportFenceWin32HandleInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_import_fence_win_32_handle_khr(device, convert(_ImportFenceWin32HandleInfoKHR, import_fence_win_32_handle_info), fptr)) val end function get_fence_fd_khr(device, get_fd_info::FenceGetFdInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Int, VulkanError} val = @propagate_errors(_get_fence_fd_khr(device, convert(_FenceGetFdInfoKHR, get_fd_info), fptr)) val end function import_fence_fd_khr(device, import_fence_fd_info::ImportFenceFdInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_import_fence_fd_khr(device, convert(_ImportFenceFdInfoKHR, import_fence_fd_info), fptr)) val end function release_display_ext(physical_device, display, fptr::FunctionPtr) _release_display_ext(physical_device, display, fptr) end function acquire_winrt_display_nv(physical_device, display, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_acquire_winrt_display_nv(physical_device, display, fptr)) val end function get_winrt_display_nv(physical_device, device_relative_id::Integer, fptr::FunctionPtr)::ResultTypes.Result{DisplayKHR, VulkanError} val = @propagate_errors(_get_winrt_display_nv(physical_device, device_relative_id, fptr)) val end function display_power_control_ext(device, display, display_power_info::DisplayPowerInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_display_power_control_ext(device, display, convert(_DisplayPowerInfoEXT, display_power_info), fptr)) val end function register_device_event_ext(device, device_event_info::DeviceEventInfoEXT, fptr::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Fence, VulkanError} val = @propagate_errors(_register_device_event_ext(device, convert(_DeviceEventInfoEXT, device_event_info), fptr; allocator)) val end function register_display_event_ext(device, display, display_event_info::DisplayEventInfoEXT, fptr::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{Fence, VulkanError} val = @propagate_errors(_register_display_event_ext(device, display, convert(_DisplayEventInfoEXT, display_event_info), fptr; allocator)) val end function get_swapchain_counter_ext(device, swapchain, counter::SurfaceCounterFlagEXT, fptr::FunctionPtr)::ResultTypes.Result{UInt64, VulkanError} val = @propagate_errors(_get_swapchain_counter_ext(device, swapchain, counter, fptr)) val end function get_physical_device_surface_capabilities_2_ext(physical_device, surface, fptr::FunctionPtr)::ResultTypes.Result{SurfaceCapabilities2EXT, VulkanError} val = @propagate_errors(_get_physical_device_surface_capabilities_2_ext(physical_device, surface, fptr)) SurfaceCapabilities2EXT(val) end function enumerate_physical_device_groups(instance, fptr::FunctionPtr)::ResultTypes.Result{Vector{PhysicalDeviceGroupProperties}, VulkanError} val = @propagate_errors(_enumerate_physical_device_groups(instance, fptr)) PhysicalDeviceGroupProperties.(val) end function get_device_group_peer_memory_features(device, heap_index::Integer, local_device_index::Integer, remote_device_index::Integer, fptr::FunctionPtr) _get_device_group_peer_memory_features(device, heap_index, local_device_index, remote_device_index, fptr) end function bind_buffer_memory_2(device, bind_infos::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_buffer_memory_2(device, convert(AbstractArray{_BindBufferMemoryInfo}, bind_infos), fptr)) val end function bind_image_memory_2(device, bind_infos::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_image_memory_2(device, convert(AbstractArray{_BindImageMemoryInfo}, bind_infos), fptr)) val end function cmd_set_device_mask(command_buffer, device_mask::Integer, fptr::FunctionPtr) _cmd_set_device_mask(command_buffer, device_mask, fptr) end function get_device_group_present_capabilities_khr(device, fptr::FunctionPtr)::ResultTypes.Result{DeviceGroupPresentCapabilitiesKHR, VulkanError} val = @propagate_errors(_get_device_group_present_capabilities_khr(device, fptr)) DeviceGroupPresentCapabilitiesKHR(val) end function get_device_group_surface_present_modes_khr(device, surface, modes::DeviceGroupPresentModeFlagKHR, fptr::FunctionPtr)::ResultTypes.Result{DeviceGroupPresentModeFlagKHR, VulkanError} val = @propagate_errors(_get_device_group_surface_present_modes_khr(device, surface, modes, fptr)) val end function acquire_next_image_2_khr(device, acquire_info::AcquireNextImageInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Tuple{UInt32, Result}, VulkanError} val = @propagate_errors(_acquire_next_image_2_khr(device, convert(_AcquireNextImageInfoKHR, acquire_info), fptr)) val end function cmd_dispatch_base(command_buffer, base_group_x::Integer, base_group_y::Integer, base_group_z::Integer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer, fptr::FunctionPtr) _cmd_dispatch_base(command_buffer, base_group_x, base_group_y, base_group_z, group_count_x, group_count_y, group_count_z, fptr) end function get_physical_device_present_rectangles_khr(physical_device, surface, fptr::FunctionPtr)::ResultTypes.Result{Vector{Rect2D}, VulkanError} val = @propagate_errors(_get_physical_device_present_rectangles_khr(physical_device, surface, fptr)) Rect2D.(val) end function create_descriptor_update_template(device, create_info::DescriptorUpdateTemplateCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DescriptorUpdateTemplate, VulkanError} val = @propagate_errors(_create_descriptor_update_template(device, convert(_DescriptorUpdateTemplateCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_descriptor_update_template(device, descriptor_update_template, fptr::FunctionPtr; allocator = C_NULL) _destroy_descriptor_update_template(device, descriptor_update_template, fptr; allocator) end function update_descriptor_set_with_template(device, descriptor_set, descriptor_update_template, data::Ptr{Cvoid}, fptr::FunctionPtr) _update_descriptor_set_with_template(device, descriptor_set, descriptor_update_template, data, fptr) end function cmd_push_descriptor_set_with_template_khr(command_buffer, descriptor_update_template, layout, set::Integer, data::Ptr{Cvoid}, fptr::FunctionPtr) _cmd_push_descriptor_set_with_template_khr(command_buffer, descriptor_update_template, layout, set, data, fptr) end function set_hdr_metadata_ext(device, swapchains::AbstractArray, metadata::AbstractArray, fptr::FunctionPtr) _set_hdr_metadata_ext(device, swapchains, convert(AbstractArray{_HdrMetadataEXT}, metadata), fptr) end function get_swapchain_status_khr(device, swapchain, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_swapchain_status_khr(device, swapchain, fptr)) val end function get_refresh_cycle_duration_google(device, swapchain, fptr::FunctionPtr)::ResultTypes.Result{RefreshCycleDurationGOOGLE, VulkanError} val = @propagate_errors(_get_refresh_cycle_duration_google(device, swapchain, fptr)) RefreshCycleDurationGOOGLE(val) end function get_past_presentation_timing_google(device, swapchain, fptr::FunctionPtr)::ResultTypes.Result{Vector{PastPresentationTimingGOOGLE}, VulkanError} val = @propagate_errors(_get_past_presentation_timing_google(device, swapchain, fptr)) PastPresentationTimingGOOGLE.(val) end function cmd_set_viewport_w_scaling_nv(command_buffer, viewport_w_scalings::AbstractArray, fptr::FunctionPtr) _cmd_set_viewport_w_scaling_nv(command_buffer, convert(AbstractArray{_ViewportWScalingNV}, viewport_w_scalings), fptr) end function cmd_set_discard_rectangle_ext(command_buffer, discard_rectangles::AbstractArray, fptr::FunctionPtr) _cmd_set_discard_rectangle_ext(command_buffer, convert(AbstractArray{_Rect2D}, discard_rectangles), fptr) end function cmd_set_sample_locations_ext(command_buffer, sample_locations_info::SampleLocationsInfoEXT, fptr::FunctionPtr) _cmd_set_sample_locations_ext(command_buffer, convert(_SampleLocationsInfoEXT, sample_locations_info), fptr) end function get_physical_device_multisample_properties_ext(physical_device, samples::SampleCountFlag, fptr::FunctionPtr) MultisamplePropertiesEXT(_get_physical_device_multisample_properties_ext(physical_device, samples, fptr)) end function get_physical_device_surface_capabilities_2_khr(physical_device, surface_info::PhysicalDeviceSurfaceInfo2KHR, fptr::FunctionPtr, next_types::Type...)::ResultTypes.Result{SurfaceCapabilities2KHR, VulkanError} next_types_hl = next_types next_types = intermediate_type.(next_types) val = @propagate_errors(_get_physical_device_surface_capabilities_2_khr(physical_device, convert(_PhysicalDeviceSurfaceInfo2KHR, surface_info), fptr, next_types...)) SurfaceCapabilities2KHR(val, next_types_hl...) end function get_physical_device_surface_formats_2_khr(physical_device, surface_info::PhysicalDeviceSurfaceInfo2KHR, fptr::FunctionPtr)::ResultTypes.Result{Vector{SurfaceFormat2KHR}, VulkanError} val = @propagate_errors(_get_physical_device_surface_formats_2_khr(physical_device, convert(_PhysicalDeviceSurfaceInfo2KHR, surface_info), fptr)) SurfaceFormat2KHR.(val) end function get_physical_device_display_properties_2_khr(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{DisplayProperties2KHR}, VulkanError} val = @propagate_errors(_get_physical_device_display_properties_2_khr(physical_device, fptr)) DisplayProperties2KHR.(val) end function get_physical_device_display_plane_properties_2_khr(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{DisplayPlaneProperties2KHR}, VulkanError} val = @propagate_errors(_get_physical_device_display_plane_properties_2_khr(physical_device, fptr)) DisplayPlaneProperties2KHR.(val) end function get_display_mode_properties_2_khr(physical_device, display, fptr::FunctionPtr)::ResultTypes.Result{Vector{DisplayModeProperties2KHR}, VulkanError} val = @propagate_errors(_get_display_mode_properties_2_khr(physical_device, display, fptr)) DisplayModeProperties2KHR.(val) end function get_display_plane_capabilities_2_khr(physical_device, display_plane_info::DisplayPlaneInfo2KHR, fptr::FunctionPtr)::ResultTypes.Result{DisplayPlaneCapabilities2KHR, VulkanError} val = @propagate_errors(_get_display_plane_capabilities_2_khr(physical_device, convert(_DisplayPlaneInfo2KHR, display_plane_info), fptr)) DisplayPlaneCapabilities2KHR(val) end function get_buffer_memory_requirements_2(device, info::BufferMemoryRequirementsInfo2, fptr::FunctionPtr, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) MemoryRequirements2(_get_buffer_memory_requirements_2(device, convert(_BufferMemoryRequirementsInfo2, info), fptr, next_types...), next_types_hl...) end function get_image_memory_requirements_2(device, info::ImageMemoryRequirementsInfo2, fptr::FunctionPtr, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) MemoryRequirements2(_get_image_memory_requirements_2(device, convert(_ImageMemoryRequirementsInfo2, info), fptr, next_types...), next_types_hl...) end function get_image_sparse_memory_requirements_2(device, info::ImageSparseMemoryRequirementsInfo2, fptr::FunctionPtr) SparseImageMemoryRequirements2.(_get_image_sparse_memory_requirements_2(device, convert(_ImageSparseMemoryRequirementsInfo2, info), fptr)) end function get_device_buffer_memory_requirements(device, info::DeviceBufferMemoryRequirements, fptr::FunctionPtr, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) MemoryRequirements2(_get_device_buffer_memory_requirements(device, convert(_DeviceBufferMemoryRequirements, info), fptr, next_types...), next_types_hl...) end function get_device_image_memory_requirements(device, info::DeviceImageMemoryRequirements, fptr::FunctionPtr, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) MemoryRequirements2(_get_device_image_memory_requirements(device, convert(_DeviceImageMemoryRequirements, info), fptr, next_types...), next_types_hl...) end function get_device_image_sparse_memory_requirements(device, info::DeviceImageMemoryRequirements, fptr::FunctionPtr) SparseImageMemoryRequirements2.(_get_device_image_sparse_memory_requirements(device, convert(_DeviceImageMemoryRequirements, info), fptr)) end function create_sampler_ycbcr_conversion(device, create_info::SamplerYcbcrConversionCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SamplerYcbcrConversion, VulkanError} val = @propagate_errors(_create_sampler_ycbcr_conversion(device, convert(_SamplerYcbcrConversionCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_sampler_ycbcr_conversion(device, ycbcr_conversion, fptr::FunctionPtr; allocator = C_NULL) _destroy_sampler_ycbcr_conversion(device, ycbcr_conversion, fptr; allocator) end function get_device_queue_2(device, queue_info::DeviceQueueInfo2, fptr::FunctionPtr) _get_device_queue_2(device, convert(_DeviceQueueInfo2, queue_info), fptr) end function create_validation_cache_ext(device, create_info::ValidationCacheCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{ValidationCacheEXT, VulkanError} val = @propagate_errors(_create_validation_cache_ext(device, convert(_ValidationCacheCreateInfoEXT, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_validation_cache_ext(device, validation_cache, fptr::FunctionPtr; allocator = C_NULL) _destroy_validation_cache_ext(device, validation_cache, fptr; allocator) end function get_validation_cache_data_ext(device, validation_cache, fptr::FunctionPtr)::ResultTypes.Result{Tuple{UInt, Ptr{Cvoid}}, VulkanError} val = @propagate_errors(_get_validation_cache_data_ext(device, validation_cache, fptr)) val end function merge_validation_caches_ext(device, dst_cache, src_caches::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_merge_validation_caches_ext(device, dst_cache, src_caches, fptr)) val end function get_descriptor_set_layout_support(device, create_info::DescriptorSetLayoutCreateInfo, fptr::FunctionPtr, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) DescriptorSetLayoutSupport(_get_descriptor_set_layout_support(device, convert(_DescriptorSetLayoutCreateInfo, create_info), fptr, next_types...), next_types_hl...) end function get_shader_info_amd(device, pipeline, shader_stage::ShaderStageFlag, info_type::ShaderInfoTypeAMD, fptr::FunctionPtr)::ResultTypes.Result{Tuple{UInt, Ptr{Cvoid}}, VulkanError} val = @propagate_errors(_get_shader_info_amd(device, pipeline, shader_stage, info_type, fptr)) val end function set_local_dimming_amd(device, swap_chain, local_dimming_enable::Bool, fptr::FunctionPtr) _set_local_dimming_amd(device, swap_chain, local_dimming_enable, fptr) end function get_physical_device_calibrateable_time_domains_ext(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{TimeDomainEXT}, VulkanError} val = @propagate_errors(_get_physical_device_calibrateable_time_domains_ext(physical_device, fptr)) val end function get_calibrated_timestamps_ext(device, timestamp_infos::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Tuple{Vector{UInt64}, UInt64}, VulkanError} val = @propagate_errors(_get_calibrated_timestamps_ext(device, convert(AbstractArray{_CalibratedTimestampInfoEXT}, timestamp_infos), fptr)) val end function set_debug_utils_object_name_ext(device, name_info::DebugUtilsObjectNameInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_set_debug_utils_object_name_ext(device, convert(_DebugUtilsObjectNameInfoEXT, name_info), fptr)) val end function set_debug_utils_object_tag_ext(device, tag_info::DebugUtilsObjectTagInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_set_debug_utils_object_tag_ext(device, convert(_DebugUtilsObjectTagInfoEXT, tag_info), fptr)) val end function queue_begin_debug_utils_label_ext(queue, label_info::DebugUtilsLabelEXT, fptr::FunctionPtr) _queue_begin_debug_utils_label_ext(queue, convert(_DebugUtilsLabelEXT, label_info), fptr) end function queue_end_debug_utils_label_ext(queue, fptr::FunctionPtr) _queue_end_debug_utils_label_ext(queue, fptr) end function queue_insert_debug_utils_label_ext(queue, label_info::DebugUtilsLabelEXT, fptr::FunctionPtr) _queue_insert_debug_utils_label_ext(queue, convert(_DebugUtilsLabelEXT, label_info), fptr) end function cmd_begin_debug_utils_label_ext(command_buffer, label_info::DebugUtilsLabelEXT, fptr::FunctionPtr) _cmd_begin_debug_utils_label_ext(command_buffer, convert(_DebugUtilsLabelEXT, label_info), fptr) end function cmd_end_debug_utils_label_ext(command_buffer, fptr::FunctionPtr) _cmd_end_debug_utils_label_ext(command_buffer, fptr) end function cmd_insert_debug_utils_label_ext(command_buffer, label_info::DebugUtilsLabelEXT, fptr::FunctionPtr) _cmd_insert_debug_utils_label_ext(command_buffer, convert(_DebugUtilsLabelEXT, label_info), fptr) end function create_debug_utils_messenger_ext(instance, create_info::DebugUtilsMessengerCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DebugUtilsMessengerEXT, VulkanError} val = @propagate_errors(_create_debug_utils_messenger_ext(instance, convert(_DebugUtilsMessengerCreateInfoEXT, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_debug_utils_messenger_ext(instance, messenger, fptr::FunctionPtr; allocator = C_NULL) _destroy_debug_utils_messenger_ext(instance, messenger, fptr; allocator) end function submit_debug_utils_message_ext(instance, message_severity::DebugUtilsMessageSeverityFlagEXT, message_types::DebugUtilsMessageTypeFlagEXT, callback_data::DebugUtilsMessengerCallbackDataEXT, fptr::FunctionPtr) _submit_debug_utils_message_ext(instance, message_severity, message_types, convert(_DebugUtilsMessengerCallbackDataEXT, callback_data), fptr) end function get_memory_host_pointer_properties_ext(device, handle_type::ExternalMemoryHandleTypeFlag, host_pointer::Ptr{Cvoid}, fptr::FunctionPtr)::ResultTypes.Result{MemoryHostPointerPropertiesEXT, VulkanError} val = @propagate_errors(_get_memory_host_pointer_properties_ext(device, handle_type, host_pointer, fptr)) MemoryHostPointerPropertiesEXT(val) end function cmd_write_buffer_marker_amd(command_buffer, dst_buffer, dst_offset::Integer, marker::Integer, fptr::FunctionPtr; pipeline_stage = 0) _cmd_write_buffer_marker_amd(command_buffer, dst_buffer, dst_offset, marker, fptr; pipeline_stage) end function create_render_pass_2(device, create_info::RenderPassCreateInfo2, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{RenderPass, VulkanError} val = @propagate_errors(_create_render_pass_2(device, convert(_RenderPassCreateInfo2, create_info), fptr_create, fptr_destroy; allocator)) val end function cmd_begin_render_pass_2(command_buffer, render_pass_begin::RenderPassBeginInfo, subpass_begin_info::SubpassBeginInfo, fptr::FunctionPtr) _cmd_begin_render_pass_2(command_buffer, convert(_RenderPassBeginInfo, render_pass_begin), convert(_SubpassBeginInfo, subpass_begin_info), fptr) end function cmd_next_subpass_2(command_buffer, subpass_begin_info::SubpassBeginInfo, subpass_end_info::SubpassEndInfo, fptr::FunctionPtr) _cmd_next_subpass_2(command_buffer, convert(_SubpassBeginInfo, subpass_begin_info), convert(_SubpassEndInfo, subpass_end_info), fptr) end function cmd_end_render_pass_2(command_buffer, subpass_end_info::SubpassEndInfo, fptr::FunctionPtr) _cmd_end_render_pass_2(command_buffer, convert(_SubpassEndInfo, subpass_end_info), fptr) end function get_semaphore_counter_value(device, semaphore, fptr::FunctionPtr)::ResultTypes.Result{UInt64, VulkanError} val = @propagate_errors(_get_semaphore_counter_value(device, semaphore, fptr)) val end function wait_semaphores(device, wait_info::SemaphoreWaitInfo, timeout::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_wait_semaphores(device, convert(_SemaphoreWaitInfo, wait_info), timeout, fptr)) val end function signal_semaphore(device, signal_info::SemaphoreSignalInfo, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_signal_semaphore(device, convert(_SemaphoreSignalInfo, signal_info), fptr)) val end function cmd_draw_indirect_count(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer, fptr::FunctionPtr) _cmd_draw_indirect_count(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride, fptr) end function cmd_draw_indexed_indirect_count(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer, fptr::FunctionPtr) _cmd_draw_indexed_indirect_count(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride, fptr) end function cmd_set_checkpoint_nv(command_buffer, checkpoint_marker::Ptr{Cvoid}, fptr::FunctionPtr) _cmd_set_checkpoint_nv(command_buffer, checkpoint_marker, fptr) end function get_queue_checkpoint_data_nv(queue, fptr::FunctionPtr) CheckpointDataNV.(_get_queue_checkpoint_data_nv(queue, fptr)) end function cmd_bind_transform_feedback_buffers_ext(command_buffer, buffers::AbstractArray, offsets::AbstractArray, fptr::FunctionPtr; sizes = C_NULL) _cmd_bind_transform_feedback_buffers_ext(command_buffer, buffers, offsets, fptr; sizes) end function cmd_begin_transform_feedback_ext(command_buffer, counter_buffers::AbstractArray, fptr::FunctionPtr; counter_buffer_offsets = C_NULL) _cmd_begin_transform_feedback_ext(command_buffer, counter_buffers, fptr; counter_buffer_offsets) end function cmd_end_transform_feedback_ext(command_buffer, counter_buffers::AbstractArray, fptr::FunctionPtr; counter_buffer_offsets = C_NULL) _cmd_end_transform_feedback_ext(command_buffer, counter_buffers, fptr; counter_buffer_offsets) end function cmd_begin_query_indexed_ext(command_buffer, query_pool, query::Integer, index::Integer, fptr::FunctionPtr; flags = 0) _cmd_begin_query_indexed_ext(command_buffer, query_pool, query, index, fptr; flags) end function cmd_end_query_indexed_ext(command_buffer, query_pool, query::Integer, index::Integer, fptr::FunctionPtr) _cmd_end_query_indexed_ext(command_buffer, query_pool, query, index, fptr) end function cmd_draw_indirect_byte_count_ext(command_buffer, instance_count::Integer, first_instance::Integer, counter_buffer, counter_buffer_offset::Integer, counter_offset::Integer, vertex_stride::Integer, fptr::FunctionPtr) _cmd_draw_indirect_byte_count_ext(command_buffer, instance_count, first_instance, counter_buffer, counter_buffer_offset, counter_offset, vertex_stride, fptr) end function cmd_set_exclusive_scissor_nv(command_buffer, exclusive_scissors::AbstractArray, fptr::FunctionPtr) _cmd_set_exclusive_scissor_nv(command_buffer, convert(AbstractArray{_Rect2D}, exclusive_scissors), fptr) end function cmd_bind_shading_rate_image_nv(command_buffer, image_layout::ImageLayout, fptr::FunctionPtr; image_view = C_NULL) _cmd_bind_shading_rate_image_nv(command_buffer, image_layout, fptr; image_view) end function cmd_set_viewport_shading_rate_palette_nv(command_buffer, shading_rate_palettes::AbstractArray, fptr::FunctionPtr) _cmd_set_viewport_shading_rate_palette_nv(command_buffer, convert(AbstractArray{_ShadingRatePaletteNV}, shading_rate_palettes), fptr) end function cmd_set_coarse_sample_order_nv(command_buffer, sample_order_type::CoarseSampleOrderTypeNV, custom_sample_orders::AbstractArray, fptr::FunctionPtr) _cmd_set_coarse_sample_order_nv(command_buffer, sample_order_type, convert(AbstractArray{_CoarseSampleOrderCustomNV}, custom_sample_orders), fptr) end function cmd_draw_mesh_tasks_nv(command_buffer, task_count::Integer, first_task::Integer, fptr::FunctionPtr) _cmd_draw_mesh_tasks_nv(command_buffer, task_count, first_task, fptr) end function cmd_draw_mesh_tasks_indirect_nv(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer, fptr::FunctionPtr) _cmd_draw_mesh_tasks_indirect_nv(command_buffer, buffer, offset, draw_count, stride, fptr) end function cmd_draw_mesh_tasks_indirect_count_nv(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer, fptr::FunctionPtr) _cmd_draw_mesh_tasks_indirect_count_nv(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride, fptr) end function cmd_draw_mesh_tasks_ext(command_buffer, group_count_x::Integer, group_count_y::Integer, group_count_z::Integer, fptr::FunctionPtr) _cmd_draw_mesh_tasks_ext(command_buffer, group_count_x, group_count_y, group_count_z, fptr) end function cmd_draw_mesh_tasks_indirect_ext(command_buffer, buffer, offset::Integer, draw_count::Integer, stride::Integer, fptr::FunctionPtr) _cmd_draw_mesh_tasks_indirect_ext(command_buffer, buffer, offset, draw_count, stride, fptr) end function cmd_draw_mesh_tasks_indirect_count_ext(command_buffer, buffer, offset::Integer, count_buffer, count_buffer_offset::Integer, max_draw_count::Integer, stride::Integer, fptr::FunctionPtr) _cmd_draw_mesh_tasks_indirect_count_ext(command_buffer, buffer, offset, count_buffer, count_buffer_offset, max_draw_count, stride, fptr) end function compile_deferred_nv(device, pipeline, shader::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_compile_deferred_nv(device, pipeline, shader, fptr)) val end function create_acceleration_structure_nv(device, create_info::AccelerationStructureCreateInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{AccelerationStructureNV, VulkanError} val = @propagate_errors(_create_acceleration_structure_nv(device, convert(_AccelerationStructureCreateInfoNV, create_info), fptr_create, fptr_destroy; allocator)) val end function cmd_bind_invocation_mask_huawei(command_buffer, image_layout::ImageLayout, fptr::FunctionPtr; image_view = C_NULL) _cmd_bind_invocation_mask_huawei(command_buffer, image_layout, fptr; image_view) end function destroy_acceleration_structure_khr(device, acceleration_structure, fptr::FunctionPtr; allocator = C_NULL) _destroy_acceleration_structure_khr(device, acceleration_structure, fptr; allocator) end function destroy_acceleration_structure_nv(device, acceleration_structure, fptr::FunctionPtr; allocator = C_NULL) _destroy_acceleration_structure_nv(device, acceleration_structure, fptr; allocator) end function get_acceleration_structure_memory_requirements_nv(device, info::AccelerationStructureMemoryRequirementsInfoNV, fptr::FunctionPtr) _get_acceleration_structure_memory_requirements_nv(device, convert(_AccelerationStructureMemoryRequirementsInfoNV, info), fptr) end function bind_acceleration_structure_memory_nv(device, bind_infos::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_acceleration_structure_memory_nv(device, convert(AbstractArray{_BindAccelerationStructureMemoryInfoNV}, bind_infos), fptr)) val end function cmd_copy_acceleration_structure_nv(command_buffer, dst, src, mode::CopyAccelerationStructureModeKHR, fptr::FunctionPtr) _cmd_copy_acceleration_structure_nv(command_buffer, dst, src, mode, fptr) end function cmd_copy_acceleration_structure_khr(command_buffer, info::CopyAccelerationStructureInfoKHR, fptr::FunctionPtr) _cmd_copy_acceleration_structure_khr(command_buffer, convert(_CopyAccelerationStructureInfoKHR, info), fptr) end function copy_acceleration_structure_khr(device, info::CopyAccelerationStructureInfoKHR, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_copy_acceleration_structure_khr(device, convert(_CopyAccelerationStructureInfoKHR, info), fptr; deferred_operation)) val end function cmd_copy_acceleration_structure_to_memory_khr(command_buffer, info::CopyAccelerationStructureToMemoryInfoKHR, fptr::FunctionPtr) _cmd_copy_acceleration_structure_to_memory_khr(command_buffer, convert(_CopyAccelerationStructureToMemoryInfoKHR, info), fptr) end function copy_acceleration_structure_to_memory_khr(device, info::CopyAccelerationStructureToMemoryInfoKHR, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_copy_acceleration_structure_to_memory_khr(device, convert(_CopyAccelerationStructureToMemoryInfoKHR, info), fptr; deferred_operation)) val end function cmd_copy_memory_to_acceleration_structure_khr(command_buffer, info::CopyMemoryToAccelerationStructureInfoKHR, fptr::FunctionPtr) _cmd_copy_memory_to_acceleration_structure_khr(command_buffer, convert(_CopyMemoryToAccelerationStructureInfoKHR, info), fptr) end function copy_memory_to_acceleration_structure_khr(device, info::CopyMemoryToAccelerationStructureInfoKHR, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_copy_memory_to_acceleration_structure_khr(device, convert(_CopyMemoryToAccelerationStructureInfoKHR, info), fptr; deferred_operation)) val end function cmd_write_acceleration_structures_properties_khr(command_buffer, acceleration_structures::AbstractArray, query_type::QueryType, query_pool, first_query::Integer, fptr::FunctionPtr) _cmd_write_acceleration_structures_properties_khr(command_buffer, acceleration_structures, query_type, query_pool, first_query, fptr) end function cmd_write_acceleration_structures_properties_nv(command_buffer, acceleration_structures::AbstractArray, query_type::QueryType, query_pool, first_query::Integer, fptr::FunctionPtr) _cmd_write_acceleration_structures_properties_nv(command_buffer, acceleration_structures, query_type, query_pool, first_query, fptr) end function cmd_build_acceleration_structure_nv(command_buffer, info::AccelerationStructureInfoNV, instance_offset::Integer, update::Bool, dst, scratch, scratch_offset::Integer, fptr::FunctionPtr; instance_data = C_NULL, src = C_NULL) _cmd_build_acceleration_structure_nv(command_buffer, convert(_AccelerationStructureInfoNV, info), instance_offset, update, dst, scratch, scratch_offset, fptr; instance_data, src) end function write_acceleration_structures_properties_khr(device, acceleration_structures::AbstractArray, query_type::QueryType, data_size::Integer, data::Ptr{Cvoid}, stride::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_write_acceleration_structures_properties_khr(device, acceleration_structures, query_type, data_size, data, stride, fptr)) val end function cmd_trace_rays_khr(command_buffer, raygen_shader_binding_table::StridedDeviceAddressRegionKHR, miss_shader_binding_table::StridedDeviceAddressRegionKHR, hit_shader_binding_table::StridedDeviceAddressRegionKHR, callable_shader_binding_table::StridedDeviceAddressRegionKHR, width::Integer, height::Integer, depth::Integer, fptr::FunctionPtr) _cmd_trace_rays_khr(command_buffer, convert(_StridedDeviceAddressRegionKHR, raygen_shader_binding_table), convert(_StridedDeviceAddressRegionKHR, miss_shader_binding_table), convert(_StridedDeviceAddressRegionKHR, hit_shader_binding_table), convert(_StridedDeviceAddressRegionKHR, callable_shader_binding_table), width, height, depth, fptr) end function cmd_trace_rays_nv(command_buffer, raygen_shader_binding_table_buffer, raygen_shader_binding_offset::Integer, miss_shader_binding_offset::Integer, miss_shader_binding_stride::Integer, hit_shader_binding_offset::Integer, hit_shader_binding_stride::Integer, callable_shader_binding_offset::Integer, callable_shader_binding_stride::Integer, width::Integer, height::Integer, depth::Integer, fptr::FunctionPtr; miss_shader_binding_table_buffer = C_NULL, hit_shader_binding_table_buffer = C_NULL, callable_shader_binding_table_buffer = C_NULL) _cmd_trace_rays_nv(command_buffer, raygen_shader_binding_table_buffer, raygen_shader_binding_offset, miss_shader_binding_offset, miss_shader_binding_stride, hit_shader_binding_offset, hit_shader_binding_stride, callable_shader_binding_offset, callable_shader_binding_stride, width, height, depth, fptr; miss_shader_binding_table_buffer, hit_shader_binding_table_buffer, callable_shader_binding_table_buffer) end function get_ray_tracing_shader_group_handles_khr(device, pipeline, first_group::Integer, group_count::Integer, data_size::Integer, data::Ptr{Cvoid}, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_ray_tracing_shader_group_handles_khr(device, pipeline, first_group, group_count, data_size, data, fptr)) val end function get_ray_tracing_capture_replay_shader_group_handles_khr(device, pipeline, first_group::Integer, group_count::Integer, data_size::Integer, data::Ptr{Cvoid}, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_ray_tracing_capture_replay_shader_group_handles_khr(device, pipeline, first_group, group_count, data_size, data, fptr)) val end function get_acceleration_structure_handle_nv(device, acceleration_structure, data_size::Integer, data::Ptr{Cvoid}, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_acceleration_structure_handle_nv(device, acceleration_structure, data_size, data, fptr)) val end function create_ray_tracing_pipelines_nv(device, create_infos::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} val = @propagate_errors(_create_ray_tracing_pipelines_nv(device, convert(AbstractArray{_RayTracingPipelineCreateInfoNV}, create_infos), fptr_create, fptr_destroy; pipeline_cache, allocator)) val end function create_ray_tracing_pipelines_khr(device, create_infos::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; deferred_operation = C_NULL, pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline}, Result}, VulkanError} val = @propagate_errors(_create_ray_tracing_pipelines_khr(device, convert(AbstractArray{_RayTracingPipelineCreateInfoKHR}, create_infos), fptr_create, fptr_destroy; deferred_operation, pipeline_cache, allocator)) val end function get_physical_device_cooperative_matrix_properties_nv(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{CooperativeMatrixPropertiesNV}, VulkanError} val = @propagate_errors(_get_physical_device_cooperative_matrix_properties_nv(physical_device, fptr)) CooperativeMatrixPropertiesNV.(val) end function cmd_trace_rays_indirect_khr(command_buffer, raygen_shader_binding_table::StridedDeviceAddressRegionKHR, miss_shader_binding_table::StridedDeviceAddressRegionKHR, hit_shader_binding_table::StridedDeviceAddressRegionKHR, callable_shader_binding_table::StridedDeviceAddressRegionKHR, indirect_device_address::Integer, fptr::FunctionPtr) _cmd_trace_rays_indirect_khr(command_buffer, convert(_StridedDeviceAddressRegionKHR, raygen_shader_binding_table), convert(_StridedDeviceAddressRegionKHR, miss_shader_binding_table), convert(_StridedDeviceAddressRegionKHR, hit_shader_binding_table), convert(_StridedDeviceAddressRegionKHR, callable_shader_binding_table), indirect_device_address, fptr) end function cmd_trace_rays_indirect_2_khr(command_buffer, indirect_device_address::Integer, fptr::FunctionPtr) _cmd_trace_rays_indirect_2_khr(command_buffer, indirect_device_address, fptr) end function get_device_acceleration_structure_compatibility_khr(device, version_info::AccelerationStructureVersionInfoKHR, fptr::FunctionPtr) _get_device_acceleration_structure_compatibility_khr(device, convert(_AccelerationStructureVersionInfoKHR, version_info), fptr) end function get_ray_tracing_shader_group_stack_size_khr(device, pipeline, group::Integer, group_shader::ShaderGroupShaderKHR, fptr::FunctionPtr) _get_ray_tracing_shader_group_stack_size_khr(device, pipeline, group, group_shader, fptr) end function cmd_set_ray_tracing_pipeline_stack_size_khr(command_buffer, pipeline_stack_size::Integer, fptr::FunctionPtr) _cmd_set_ray_tracing_pipeline_stack_size_khr(command_buffer, pipeline_stack_size, fptr) end function get_image_view_handle_nvx(device, info::ImageViewHandleInfoNVX, fptr::FunctionPtr) _get_image_view_handle_nvx(device, convert(_ImageViewHandleInfoNVX, info), fptr) end function get_image_view_address_nvx(device, image_view, fptr::FunctionPtr)::ResultTypes.Result{ImageViewAddressPropertiesNVX, VulkanError} val = @propagate_errors(_get_image_view_address_nvx(device, image_view, fptr)) ImageViewAddressPropertiesNVX(val) end function get_physical_device_surface_present_modes_2_ext(physical_device, surface_info::PhysicalDeviceSurfaceInfo2KHR, fptr::FunctionPtr)::ResultTypes.Result{Vector{PresentModeKHR}, VulkanError} val = @propagate_errors(_get_physical_device_surface_present_modes_2_ext(physical_device, convert(_PhysicalDeviceSurfaceInfo2KHR, surface_info), fptr)) val end function get_device_group_surface_present_modes_2_ext(device, surface_info::PhysicalDeviceSurfaceInfo2KHR, modes::DeviceGroupPresentModeFlagKHR, fptr::FunctionPtr)::ResultTypes.Result{DeviceGroupPresentModeFlagKHR, VulkanError} val = @propagate_errors(_get_device_group_surface_present_modes_2_ext(device, convert(_PhysicalDeviceSurfaceInfo2KHR, surface_info), modes, fptr)) val end function acquire_full_screen_exclusive_mode_ext(device, swapchain, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_acquire_full_screen_exclusive_mode_ext(device, swapchain, fptr)) val end function release_full_screen_exclusive_mode_ext(device, swapchain, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_release_full_screen_exclusive_mode_ext(device, swapchain, fptr)) val end function enumerate_physical_device_queue_family_performance_query_counters_khr(physical_device, queue_family_index::Integer, fptr::FunctionPtr)::ResultTypes.Result{Tuple{Vector{_PerformanceCounterKHR}, Vector{_PerformanceCounterDescriptionKHR}}, VulkanError} val = @propagate_errors(_enumerate_physical_device_queue_family_performance_query_counters_khr(physical_device, queue_family_index, fptr)) val end function get_physical_device_queue_family_performance_query_passes_khr(physical_device, performance_query_create_info::QueryPoolPerformanceCreateInfoKHR, fptr::FunctionPtr) _get_physical_device_queue_family_performance_query_passes_khr(physical_device, convert(_QueryPoolPerformanceCreateInfoKHR, performance_query_create_info), fptr) end function acquire_profiling_lock_khr(device, info::AcquireProfilingLockInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_acquire_profiling_lock_khr(device, convert(_AcquireProfilingLockInfoKHR, info), fptr)) val end function release_profiling_lock_khr(device, fptr::FunctionPtr) _release_profiling_lock_khr(device, fptr) end function get_image_drm_format_modifier_properties_ext(device, image, fptr::FunctionPtr)::ResultTypes.Result{ImageDrmFormatModifierPropertiesEXT, VulkanError} val = @propagate_errors(_get_image_drm_format_modifier_properties_ext(device, image, fptr)) ImageDrmFormatModifierPropertiesEXT(val) end function get_buffer_opaque_capture_address(device, info::BufferDeviceAddressInfo, fptr::FunctionPtr) _get_buffer_opaque_capture_address(device, convert(_BufferDeviceAddressInfo, info), fptr) end function get_buffer_device_address(device, info::BufferDeviceAddressInfo, fptr::FunctionPtr) _get_buffer_device_address(device, convert(_BufferDeviceAddressInfo, info), fptr) end function create_headless_surface_ext(instance, create_info::HeadlessSurfaceCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_headless_surface_ext(instance, convert(_HeadlessSurfaceCreateInfoEXT, create_info), fptr_create, fptr_destroy; allocator)) val end function get_physical_device_supported_framebuffer_mixed_samples_combinations_nv(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{FramebufferMixedSamplesCombinationNV}, VulkanError} val = @propagate_errors(_get_physical_device_supported_framebuffer_mixed_samples_combinations_nv(physical_device, fptr)) FramebufferMixedSamplesCombinationNV.(val) end function initialize_performance_api_intel(device, initialize_info::InitializePerformanceApiInfoINTEL, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_initialize_performance_api_intel(device, convert(_InitializePerformanceApiInfoINTEL, initialize_info), fptr)) val end function uninitialize_performance_api_intel(device, fptr::FunctionPtr) _uninitialize_performance_api_intel(device, fptr) end function cmd_set_performance_marker_intel(command_buffer, marker_info::PerformanceMarkerInfoINTEL, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_cmd_set_performance_marker_intel(command_buffer, convert(_PerformanceMarkerInfoINTEL, marker_info), fptr)) val end function cmd_set_performance_stream_marker_intel(command_buffer, marker_info::PerformanceStreamMarkerInfoINTEL, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_cmd_set_performance_stream_marker_intel(command_buffer, convert(_PerformanceStreamMarkerInfoINTEL, marker_info), fptr)) val end function cmd_set_performance_override_intel(command_buffer, override_info::PerformanceOverrideInfoINTEL, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_cmd_set_performance_override_intel(command_buffer, convert(_PerformanceOverrideInfoINTEL, override_info), fptr)) val end function acquire_performance_configuration_intel(device, acquire_info::PerformanceConfigurationAcquireInfoINTEL, fptr::FunctionPtr)::ResultTypes.Result{PerformanceConfigurationINTEL, VulkanError} val = @propagate_errors(_acquire_performance_configuration_intel(device, convert(_PerformanceConfigurationAcquireInfoINTEL, acquire_info), fptr)) val end function release_performance_configuration_intel(device, fptr::FunctionPtr; configuration = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_release_performance_configuration_intel(device, fptr; configuration)) val end function queue_set_performance_configuration_intel(queue, configuration, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_queue_set_performance_configuration_intel(queue, configuration, fptr)) val end function get_performance_parameter_intel(device, parameter::PerformanceParameterTypeINTEL, fptr::FunctionPtr)::ResultTypes.Result{PerformanceValueINTEL, VulkanError} val = @propagate_errors(_get_performance_parameter_intel(device, parameter, fptr)) PerformanceValueINTEL(val) end function get_device_memory_opaque_capture_address(device, info::DeviceMemoryOpaqueCaptureAddressInfo, fptr::FunctionPtr) _get_device_memory_opaque_capture_address(device, convert(_DeviceMemoryOpaqueCaptureAddressInfo, info), fptr) end function get_pipeline_executable_properties_khr(device, pipeline_info::PipelineInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Vector{PipelineExecutablePropertiesKHR}, VulkanError} val = @propagate_errors(_get_pipeline_executable_properties_khr(device, convert(_PipelineInfoKHR, pipeline_info), fptr)) PipelineExecutablePropertiesKHR.(val) end function get_pipeline_executable_statistics_khr(device, executable_info::PipelineExecutableInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Vector{PipelineExecutableStatisticKHR}, VulkanError} val = @propagate_errors(_get_pipeline_executable_statistics_khr(device, convert(_PipelineExecutableInfoKHR, executable_info), fptr)) PipelineExecutableStatisticKHR.(val) end function get_pipeline_executable_internal_representations_khr(device, executable_info::PipelineExecutableInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Vector{PipelineExecutableInternalRepresentationKHR}, VulkanError} val = @propagate_errors(_get_pipeline_executable_internal_representations_khr(device, convert(_PipelineExecutableInfoKHR, executable_info), fptr)) PipelineExecutableInternalRepresentationKHR.(val) end function cmd_set_line_stipple_ext(command_buffer, line_stipple_factor::Integer, line_stipple_pattern::Integer, fptr::FunctionPtr) _cmd_set_line_stipple_ext(command_buffer, line_stipple_factor, line_stipple_pattern, fptr) end function get_physical_device_tool_properties(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{PhysicalDeviceToolProperties}, VulkanError} val = @propagate_errors(_get_physical_device_tool_properties(physical_device, fptr)) PhysicalDeviceToolProperties.(val) end function create_acceleration_structure_khr(device, create_info::AccelerationStructureCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{AccelerationStructureKHR, VulkanError} val = @propagate_errors(_create_acceleration_structure_khr(device, convert(_AccelerationStructureCreateInfoKHR, create_info), fptr_create, fptr_destroy; allocator)) val end function cmd_build_acceleration_structures_khr(command_buffer, infos::AbstractArray, build_range_infos::AbstractArray, fptr::FunctionPtr) _cmd_build_acceleration_structures_khr(command_buffer, convert(AbstractArray{_AccelerationStructureBuildGeometryInfoKHR}, infos), convert(AbstractArray{_AccelerationStructureBuildRangeInfoKHR}, build_range_infos), fptr) end function cmd_build_acceleration_structures_indirect_khr(command_buffer, infos::AbstractArray, indirect_device_addresses::AbstractArray, indirect_strides::AbstractArray, max_primitive_counts::AbstractArray, fptr::FunctionPtr) _cmd_build_acceleration_structures_indirect_khr(command_buffer, convert(AbstractArray{_AccelerationStructureBuildGeometryInfoKHR}, infos), indirect_device_addresses, indirect_strides, max_primitive_counts, fptr) end function build_acceleration_structures_khr(device, infos::AbstractArray, build_range_infos::AbstractArray, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_build_acceleration_structures_khr(device, convert(AbstractArray{_AccelerationStructureBuildGeometryInfoKHR}, infos), convert(AbstractArray{_AccelerationStructureBuildRangeInfoKHR}, build_range_infos), fptr; deferred_operation)) val end function get_acceleration_structure_device_address_khr(device, info::AccelerationStructureDeviceAddressInfoKHR, fptr::FunctionPtr) _get_acceleration_structure_device_address_khr(device, convert(_AccelerationStructureDeviceAddressInfoKHR, info), fptr) end function create_deferred_operation_khr(device, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DeferredOperationKHR, VulkanError} val = @propagate_errors(_create_deferred_operation_khr(device, fptr_create, fptr_destroy; allocator)) val end function destroy_deferred_operation_khr(device, operation, fptr::FunctionPtr; allocator = C_NULL) _destroy_deferred_operation_khr(device, operation, fptr; allocator) end function get_deferred_operation_max_concurrency_khr(device, operation, fptr::FunctionPtr) _get_deferred_operation_max_concurrency_khr(device, operation, fptr) end function get_deferred_operation_result_khr(device, operation, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_get_deferred_operation_result_khr(device, operation, fptr)) val end function deferred_operation_join_khr(device, operation, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_deferred_operation_join_khr(device, operation, fptr)) val end function cmd_set_cull_mode(command_buffer, fptr::FunctionPtr; cull_mode = 0) _cmd_set_cull_mode(command_buffer, fptr; cull_mode) end function cmd_set_front_face(command_buffer, front_face::FrontFace, fptr::FunctionPtr) _cmd_set_front_face(command_buffer, front_face, fptr) end function cmd_set_primitive_topology(command_buffer, primitive_topology::PrimitiveTopology, fptr::FunctionPtr) _cmd_set_primitive_topology(command_buffer, primitive_topology, fptr) end function cmd_set_viewport_with_count(command_buffer, viewports::AbstractArray, fptr::FunctionPtr) _cmd_set_viewport_with_count(command_buffer, convert(AbstractArray{_Viewport}, viewports), fptr) end function cmd_set_scissor_with_count(command_buffer, scissors::AbstractArray, fptr::FunctionPtr) _cmd_set_scissor_with_count(command_buffer, convert(AbstractArray{_Rect2D}, scissors), fptr) end function cmd_bind_vertex_buffers_2(command_buffer, buffers::AbstractArray, offsets::AbstractArray, fptr::FunctionPtr; sizes = C_NULL, strides = C_NULL) _cmd_bind_vertex_buffers_2(command_buffer, buffers, offsets, fptr; sizes, strides) end function cmd_set_depth_test_enable(command_buffer, depth_test_enable::Bool, fptr::FunctionPtr) _cmd_set_depth_test_enable(command_buffer, depth_test_enable, fptr) end function cmd_set_depth_write_enable(command_buffer, depth_write_enable::Bool, fptr::FunctionPtr) _cmd_set_depth_write_enable(command_buffer, depth_write_enable, fptr) end function cmd_set_depth_compare_op(command_buffer, depth_compare_op::CompareOp, fptr::FunctionPtr) _cmd_set_depth_compare_op(command_buffer, depth_compare_op, fptr) end function cmd_set_depth_bounds_test_enable(command_buffer, depth_bounds_test_enable::Bool, fptr::FunctionPtr) _cmd_set_depth_bounds_test_enable(command_buffer, depth_bounds_test_enable, fptr) end function cmd_set_stencil_test_enable(command_buffer, stencil_test_enable::Bool, fptr::FunctionPtr) _cmd_set_stencil_test_enable(command_buffer, stencil_test_enable, fptr) end function cmd_set_stencil_op(command_buffer, face_mask::StencilFaceFlag, fail_op::StencilOp, pass_op::StencilOp, depth_fail_op::StencilOp, compare_op::CompareOp, fptr::FunctionPtr) _cmd_set_stencil_op(command_buffer, face_mask, fail_op, pass_op, depth_fail_op, compare_op, fptr) end function cmd_set_patch_control_points_ext(command_buffer, patch_control_points::Integer, fptr::FunctionPtr) _cmd_set_patch_control_points_ext(command_buffer, patch_control_points, fptr) end function cmd_set_rasterizer_discard_enable(command_buffer, rasterizer_discard_enable::Bool, fptr::FunctionPtr) _cmd_set_rasterizer_discard_enable(command_buffer, rasterizer_discard_enable, fptr) end function cmd_set_depth_bias_enable(command_buffer, depth_bias_enable::Bool, fptr::FunctionPtr) _cmd_set_depth_bias_enable(command_buffer, depth_bias_enable, fptr) end function cmd_set_logic_op_ext(command_buffer, logic_op::LogicOp, fptr::FunctionPtr) _cmd_set_logic_op_ext(command_buffer, logic_op, fptr) end function cmd_set_primitive_restart_enable(command_buffer, primitive_restart_enable::Bool, fptr::FunctionPtr) _cmd_set_primitive_restart_enable(command_buffer, primitive_restart_enable, fptr) end function cmd_set_tessellation_domain_origin_ext(command_buffer, domain_origin::TessellationDomainOrigin, fptr::FunctionPtr) _cmd_set_tessellation_domain_origin_ext(command_buffer, domain_origin, fptr) end function cmd_set_depth_clamp_enable_ext(command_buffer, depth_clamp_enable::Bool, fptr::FunctionPtr) _cmd_set_depth_clamp_enable_ext(command_buffer, depth_clamp_enable, fptr) end function cmd_set_polygon_mode_ext(command_buffer, polygon_mode::PolygonMode, fptr::FunctionPtr) _cmd_set_polygon_mode_ext(command_buffer, polygon_mode, fptr) end function cmd_set_rasterization_samples_ext(command_buffer, rasterization_samples::SampleCountFlag, fptr::FunctionPtr) _cmd_set_rasterization_samples_ext(command_buffer, rasterization_samples, fptr) end function cmd_set_sample_mask_ext(command_buffer, samples::SampleCountFlag, sample_mask::AbstractArray, fptr::FunctionPtr) _cmd_set_sample_mask_ext(command_buffer, samples, sample_mask, fptr) end function cmd_set_alpha_to_coverage_enable_ext(command_buffer, alpha_to_coverage_enable::Bool, fptr::FunctionPtr) _cmd_set_alpha_to_coverage_enable_ext(command_buffer, alpha_to_coverage_enable, fptr) end function cmd_set_alpha_to_one_enable_ext(command_buffer, alpha_to_one_enable::Bool, fptr::FunctionPtr) _cmd_set_alpha_to_one_enable_ext(command_buffer, alpha_to_one_enable, fptr) end function cmd_set_logic_op_enable_ext(command_buffer, logic_op_enable::Bool, fptr::FunctionPtr) _cmd_set_logic_op_enable_ext(command_buffer, logic_op_enable, fptr) end function cmd_set_color_blend_enable_ext(command_buffer, color_blend_enables::AbstractArray, fptr::FunctionPtr) _cmd_set_color_blend_enable_ext(command_buffer, color_blend_enables, fptr) end function cmd_set_color_blend_equation_ext(command_buffer, color_blend_equations::AbstractArray, fptr::FunctionPtr) _cmd_set_color_blend_equation_ext(command_buffer, convert(AbstractArray{_ColorBlendEquationEXT}, color_blend_equations), fptr) end function cmd_set_color_write_mask_ext(command_buffer, color_write_masks::AbstractArray, fptr::FunctionPtr) _cmd_set_color_write_mask_ext(command_buffer, color_write_masks, fptr) end function cmd_set_rasterization_stream_ext(command_buffer, rasterization_stream::Integer, fptr::FunctionPtr) _cmd_set_rasterization_stream_ext(command_buffer, rasterization_stream, fptr) end function cmd_set_conservative_rasterization_mode_ext(command_buffer, conservative_rasterization_mode::ConservativeRasterizationModeEXT, fptr::FunctionPtr) _cmd_set_conservative_rasterization_mode_ext(command_buffer, conservative_rasterization_mode, fptr) end function cmd_set_extra_primitive_overestimation_size_ext(command_buffer, extra_primitive_overestimation_size::Real, fptr::FunctionPtr) _cmd_set_extra_primitive_overestimation_size_ext(command_buffer, extra_primitive_overestimation_size, fptr) end function cmd_set_depth_clip_enable_ext(command_buffer, depth_clip_enable::Bool, fptr::FunctionPtr) _cmd_set_depth_clip_enable_ext(command_buffer, depth_clip_enable, fptr) end function cmd_set_sample_locations_enable_ext(command_buffer, sample_locations_enable::Bool, fptr::FunctionPtr) _cmd_set_sample_locations_enable_ext(command_buffer, sample_locations_enable, fptr) end function cmd_set_color_blend_advanced_ext(command_buffer, color_blend_advanced::AbstractArray, fptr::FunctionPtr) _cmd_set_color_blend_advanced_ext(command_buffer, convert(AbstractArray{_ColorBlendAdvancedEXT}, color_blend_advanced), fptr) end function cmd_set_provoking_vertex_mode_ext(command_buffer, provoking_vertex_mode::ProvokingVertexModeEXT, fptr::FunctionPtr) _cmd_set_provoking_vertex_mode_ext(command_buffer, provoking_vertex_mode, fptr) end function cmd_set_line_rasterization_mode_ext(command_buffer, line_rasterization_mode::LineRasterizationModeEXT, fptr::FunctionPtr) _cmd_set_line_rasterization_mode_ext(command_buffer, line_rasterization_mode, fptr) end function cmd_set_line_stipple_enable_ext(command_buffer, stippled_line_enable::Bool, fptr::FunctionPtr) _cmd_set_line_stipple_enable_ext(command_buffer, stippled_line_enable, fptr) end function cmd_set_depth_clip_negative_one_to_one_ext(command_buffer, negative_one_to_one::Bool, fptr::FunctionPtr) _cmd_set_depth_clip_negative_one_to_one_ext(command_buffer, negative_one_to_one, fptr) end function cmd_set_viewport_w_scaling_enable_nv(command_buffer, viewport_w_scaling_enable::Bool, fptr::FunctionPtr) _cmd_set_viewport_w_scaling_enable_nv(command_buffer, viewport_w_scaling_enable, fptr) end function cmd_set_viewport_swizzle_nv(command_buffer, viewport_swizzles::AbstractArray, fptr::FunctionPtr) _cmd_set_viewport_swizzle_nv(command_buffer, convert(AbstractArray{_ViewportSwizzleNV}, viewport_swizzles), fptr) end function cmd_set_coverage_to_color_enable_nv(command_buffer, coverage_to_color_enable::Bool, fptr::FunctionPtr) _cmd_set_coverage_to_color_enable_nv(command_buffer, coverage_to_color_enable, fptr) end function cmd_set_coverage_to_color_location_nv(command_buffer, coverage_to_color_location::Integer, fptr::FunctionPtr) _cmd_set_coverage_to_color_location_nv(command_buffer, coverage_to_color_location, fptr) end function cmd_set_coverage_modulation_mode_nv(command_buffer, coverage_modulation_mode::CoverageModulationModeNV, fptr::FunctionPtr) _cmd_set_coverage_modulation_mode_nv(command_buffer, coverage_modulation_mode, fptr) end function cmd_set_coverage_modulation_table_enable_nv(command_buffer, coverage_modulation_table_enable::Bool, fptr::FunctionPtr) _cmd_set_coverage_modulation_table_enable_nv(command_buffer, coverage_modulation_table_enable, fptr) end function cmd_set_coverage_modulation_table_nv(command_buffer, coverage_modulation_table::AbstractArray, fptr::FunctionPtr) _cmd_set_coverage_modulation_table_nv(command_buffer, coverage_modulation_table, fptr) end function cmd_set_shading_rate_image_enable_nv(command_buffer, shading_rate_image_enable::Bool, fptr::FunctionPtr) _cmd_set_shading_rate_image_enable_nv(command_buffer, shading_rate_image_enable, fptr) end function cmd_set_coverage_reduction_mode_nv(command_buffer, coverage_reduction_mode::CoverageReductionModeNV, fptr::FunctionPtr) _cmd_set_coverage_reduction_mode_nv(command_buffer, coverage_reduction_mode, fptr) end function cmd_set_representative_fragment_test_enable_nv(command_buffer, representative_fragment_test_enable::Bool, fptr::FunctionPtr) _cmd_set_representative_fragment_test_enable_nv(command_buffer, representative_fragment_test_enable, fptr) end function create_private_data_slot(device, create_info::PrivateDataSlotCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{PrivateDataSlot, VulkanError} val = @propagate_errors(_create_private_data_slot(device, convert(_PrivateDataSlotCreateInfo, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_private_data_slot(device, private_data_slot, fptr::FunctionPtr; allocator = C_NULL) _destroy_private_data_slot(device, private_data_slot, fptr; allocator) end function set_private_data(device, object_type::ObjectType, object_handle::Integer, private_data_slot, data::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_set_private_data(device, object_type, object_handle, private_data_slot, data, fptr)) val end function get_private_data(device, object_type::ObjectType, object_handle::Integer, private_data_slot, fptr::FunctionPtr) _get_private_data(device, object_type, object_handle, private_data_slot, fptr) end function cmd_copy_buffer_2(command_buffer, copy_buffer_info::CopyBufferInfo2, fptr::FunctionPtr) _cmd_copy_buffer_2(command_buffer, convert(_CopyBufferInfo2, copy_buffer_info), fptr) end function cmd_copy_image_2(command_buffer, copy_image_info::CopyImageInfo2, fptr::FunctionPtr) _cmd_copy_image_2(command_buffer, convert(_CopyImageInfo2, copy_image_info), fptr) end function cmd_blit_image_2(command_buffer, blit_image_info::BlitImageInfo2, fptr::FunctionPtr) _cmd_blit_image_2(command_buffer, convert(_BlitImageInfo2, blit_image_info), fptr) end function cmd_copy_buffer_to_image_2(command_buffer, copy_buffer_to_image_info::CopyBufferToImageInfo2, fptr::FunctionPtr) _cmd_copy_buffer_to_image_2(command_buffer, convert(_CopyBufferToImageInfo2, copy_buffer_to_image_info), fptr) end function cmd_copy_image_to_buffer_2(command_buffer, copy_image_to_buffer_info::CopyImageToBufferInfo2, fptr::FunctionPtr) _cmd_copy_image_to_buffer_2(command_buffer, convert(_CopyImageToBufferInfo2, copy_image_to_buffer_info), fptr) end function cmd_resolve_image_2(command_buffer, resolve_image_info::ResolveImageInfo2, fptr::FunctionPtr) _cmd_resolve_image_2(command_buffer, convert(_ResolveImageInfo2, resolve_image_info), fptr) end function cmd_set_fragment_shading_rate_khr(command_buffer, fragment_size::Extent2D, combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}, fptr::FunctionPtr) _cmd_set_fragment_shading_rate_khr(command_buffer, convert(_Extent2D, fragment_size), combiner_ops, fptr) end function get_physical_device_fragment_shading_rates_khr(physical_device, fptr::FunctionPtr)::ResultTypes.Result{Vector{PhysicalDeviceFragmentShadingRateKHR}, VulkanError} val = @propagate_errors(_get_physical_device_fragment_shading_rates_khr(physical_device, fptr)) PhysicalDeviceFragmentShadingRateKHR.(val) end function cmd_set_fragment_shading_rate_enum_nv(command_buffer, shading_rate::FragmentShadingRateNV, combiner_ops::NTuple{2, FragmentShadingRateCombinerOpKHR}, fptr::FunctionPtr) _cmd_set_fragment_shading_rate_enum_nv(command_buffer, shading_rate, combiner_ops, fptr) end function get_acceleration_structure_build_sizes_khr(device, build_type::AccelerationStructureBuildTypeKHR, build_info::AccelerationStructureBuildGeometryInfoKHR, fptr::FunctionPtr; max_primitive_counts = C_NULL) AccelerationStructureBuildSizesInfoKHR(_get_acceleration_structure_build_sizes_khr(device, build_type, convert(_AccelerationStructureBuildGeometryInfoKHR, build_info), fptr; max_primitive_counts)) end function cmd_set_vertex_input_ext(command_buffer, vertex_binding_descriptions::AbstractArray, vertex_attribute_descriptions::AbstractArray, fptr::FunctionPtr) _cmd_set_vertex_input_ext(command_buffer, convert(AbstractArray{_VertexInputBindingDescription2EXT}, vertex_binding_descriptions), convert(AbstractArray{_VertexInputAttributeDescription2EXT}, vertex_attribute_descriptions), fptr) end function cmd_set_color_write_enable_ext(command_buffer, color_write_enables::AbstractArray, fptr::FunctionPtr) _cmd_set_color_write_enable_ext(command_buffer, color_write_enables, fptr) end function cmd_set_event_2(command_buffer, event, dependency_info::DependencyInfo, fptr::FunctionPtr) _cmd_set_event_2(command_buffer, event, convert(_DependencyInfo, dependency_info), fptr) end function cmd_reset_event_2(command_buffer, event, fptr::FunctionPtr; stage_mask = 0) _cmd_reset_event_2(command_buffer, event, fptr; stage_mask) end function cmd_wait_events_2(command_buffer, events::AbstractArray, dependency_infos::AbstractArray, fptr::FunctionPtr) _cmd_wait_events_2(command_buffer, events, convert(AbstractArray{_DependencyInfo}, dependency_infos), fptr) end function cmd_pipeline_barrier_2(command_buffer, dependency_info::DependencyInfo, fptr::FunctionPtr) _cmd_pipeline_barrier_2(command_buffer, convert(_DependencyInfo, dependency_info), fptr) end function queue_submit_2(queue, submits::AbstractArray, fptr::FunctionPtr; fence = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_queue_submit_2(queue, convert(AbstractArray{_SubmitInfo2}, submits), fptr; fence)) val end function cmd_write_timestamp_2(command_buffer, query_pool, query::Integer, fptr::FunctionPtr; stage = 0) _cmd_write_timestamp_2(command_buffer, query_pool, query, fptr; stage) end function cmd_write_buffer_marker_2_amd(command_buffer, dst_buffer, dst_offset::Integer, marker::Integer, fptr::FunctionPtr; stage = 0) _cmd_write_buffer_marker_2_amd(command_buffer, dst_buffer, dst_offset, marker, fptr; stage) end function get_queue_checkpoint_data_2_nv(queue, fptr::FunctionPtr) CheckpointData2NV.(_get_queue_checkpoint_data_2_nv(queue, fptr)) end function get_physical_device_video_capabilities_khr(physical_device, video_profile::VideoProfileInfoKHR, fptr::FunctionPtr, next_types::Type...)::ResultTypes.Result{VideoCapabilitiesKHR, VulkanError} next_types_hl = next_types next_types = intermediate_type.(next_types) val = @propagate_errors(_get_physical_device_video_capabilities_khr(physical_device, convert(_VideoProfileInfoKHR, video_profile), fptr, next_types...)) VideoCapabilitiesKHR(val, next_types_hl...) end function get_physical_device_video_format_properties_khr(physical_device, video_format_info::PhysicalDeviceVideoFormatInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Vector{VideoFormatPropertiesKHR}, VulkanError} val = @propagate_errors(_get_physical_device_video_format_properties_khr(physical_device, convert(_PhysicalDeviceVideoFormatInfoKHR, video_format_info), fptr)) VideoFormatPropertiesKHR.(val) end function create_video_session_khr(device, create_info::VideoSessionCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{VideoSessionKHR, VulkanError} val = @propagate_errors(_create_video_session_khr(device, convert(_VideoSessionCreateInfoKHR, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_video_session_khr(device, video_session, fptr::FunctionPtr; allocator = C_NULL) _destroy_video_session_khr(device, video_session, fptr; allocator) end function create_video_session_parameters_khr(device, create_info::VideoSessionParametersCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{VideoSessionParametersKHR, VulkanError} val = @propagate_errors(_create_video_session_parameters_khr(device, convert(_VideoSessionParametersCreateInfoKHR, create_info), fptr_create, fptr_destroy; allocator)) val end function update_video_session_parameters_khr(device, video_session_parameters, update_info::VideoSessionParametersUpdateInfoKHR, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_update_video_session_parameters_khr(device, video_session_parameters, convert(_VideoSessionParametersUpdateInfoKHR, update_info), fptr)) val end function destroy_video_session_parameters_khr(device, video_session_parameters, fptr::FunctionPtr; allocator = C_NULL) _destroy_video_session_parameters_khr(device, video_session_parameters, fptr; allocator) end function get_video_session_memory_requirements_khr(device, video_session, fptr::FunctionPtr) VideoSessionMemoryRequirementsKHR.(_get_video_session_memory_requirements_khr(device, video_session, fptr)) end function bind_video_session_memory_khr(device, video_session, bind_session_memory_infos::AbstractArray, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_video_session_memory_khr(device, video_session, convert(AbstractArray{_BindVideoSessionMemoryInfoKHR}, bind_session_memory_infos), fptr)) val end function cmd_decode_video_khr(command_buffer, decode_info::VideoDecodeInfoKHR, fptr::FunctionPtr) _cmd_decode_video_khr(command_buffer, convert(_VideoDecodeInfoKHR, decode_info), fptr) end function cmd_begin_video_coding_khr(command_buffer, begin_info::VideoBeginCodingInfoKHR, fptr::FunctionPtr) _cmd_begin_video_coding_khr(command_buffer, convert(_VideoBeginCodingInfoKHR, begin_info), fptr) end function cmd_control_video_coding_khr(command_buffer, coding_control_info::VideoCodingControlInfoKHR, fptr::FunctionPtr) _cmd_control_video_coding_khr(command_buffer, convert(_VideoCodingControlInfoKHR, coding_control_info), fptr) end function cmd_end_video_coding_khr(command_buffer, end_coding_info::VideoEndCodingInfoKHR, fptr::FunctionPtr) _cmd_end_video_coding_khr(command_buffer, convert(_VideoEndCodingInfoKHR, end_coding_info), fptr) end function cmd_decompress_memory_nv(command_buffer, decompress_memory_regions::AbstractArray, fptr::FunctionPtr) _cmd_decompress_memory_nv(command_buffer, convert(AbstractArray{_DecompressMemoryRegionNV}, decompress_memory_regions), fptr) end function cmd_decompress_memory_indirect_count_nv(command_buffer, indirect_commands_address::Integer, indirect_commands_count_address::Integer, stride::Integer, fptr::FunctionPtr) _cmd_decompress_memory_indirect_count_nv(command_buffer, indirect_commands_address, indirect_commands_count_address, stride, fptr) end function create_cu_module_nvx(device, create_info::CuModuleCreateInfoNVX, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{CuModuleNVX, VulkanError} val = @propagate_errors(_create_cu_module_nvx(device, convert(_CuModuleCreateInfoNVX, create_info), fptr_create, fptr_destroy; allocator)) val end function create_cu_function_nvx(device, create_info::CuFunctionCreateInfoNVX, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{CuFunctionNVX, VulkanError} val = @propagate_errors(_create_cu_function_nvx(device, convert(_CuFunctionCreateInfoNVX, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_cu_module_nvx(device, _module, fptr::FunctionPtr; allocator = C_NULL) _destroy_cu_module_nvx(device, _module, fptr; allocator) end function destroy_cu_function_nvx(device, _function, fptr::FunctionPtr; allocator = C_NULL) _destroy_cu_function_nvx(device, _function, fptr; allocator) end function cmd_cu_launch_kernel_nvx(command_buffer, launch_info::CuLaunchInfoNVX, fptr::FunctionPtr) _cmd_cu_launch_kernel_nvx(command_buffer, convert(_CuLaunchInfoNVX, launch_info), fptr) end function get_descriptor_set_layout_size_ext(device, layout, fptr::FunctionPtr) _get_descriptor_set_layout_size_ext(device, layout, fptr) end function get_descriptor_set_layout_binding_offset_ext(device, layout, binding::Integer, fptr::FunctionPtr) _get_descriptor_set_layout_binding_offset_ext(device, layout, binding, fptr) end function get_descriptor_ext(device, descriptor_info::DescriptorGetInfoEXT, data_size::Integer, descriptor::Ptr{Cvoid}, fptr::FunctionPtr) _get_descriptor_ext(device, convert(_DescriptorGetInfoEXT, descriptor_info), data_size, descriptor, fptr) end function cmd_bind_descriptor_buffers_ext(command_buffer, binding_infos::AbstractArray, fptr::FunctionPtr) _cmd_bind_descriptor_buffers_ext(command_buffer, convert(AbstractArray{_DescriptorBufferBindingInfoEXT}, binding_infos), fptr) end function cmd_set_descriptor_buffer_offsets_ext(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, buffer_indices::AbstractArray, offsets::AbstractArray, fptr::FunctionPtr) _cmd_set_descriptor_buffer_offsets_ext(command_buffer, pipeline_bind_point, layout, buffer_indices, offsets, fptr) end function cmd_bind_descriptor_buffer_embedded_samplers_ext(command_buffer, pipeline_bind_point::PipelineBindPoint, layout, set::Integer, fptr::FunctionPtr) _cmd_bind_descriptor_buffer_embedded_samplers_ext(command_buffer, pipeline_bind_point, layout, set, fptr) end function get_buffer_opaque_capture_descriptor_data_ext(device, info::BufferCaptureDescriptorDataInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} val = @propagate_errors(_get_buffer_opaque_capture_descriptor_data_ext(device, convert(_BufferCaptureDescriptorDataInfoEXT, info), fptr)) val end function get_image_opaque_capture_descriptor_data_ext(device, info::ImageCaptureDescriptorDataInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} val = @propagate_errors(_get_image_opaque_capture_descriptor_data_ext(device, convert(_ImageCaptureDescriptorDataInfoEXT, info), fptr)) val end function get_image_view_opaque_capture_descriptor_data_ext(device, info::ImageViewCaptureDescriptorDataInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} val = @propagate_errors(_get_image_view_opaque_capture_descriptor_data_ext(device, convert(_ImageViewCaptureDescriptorDataInfoEXT, info), fptr)) val end function get_sampler_opaque_capture_descriptor_data_ext(device, info::SamplerCaptureDescriptorDataInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} val = @propagate_errors(_get_sampler_opaque_capture_descriptor_data_ext(device, convert(_SamplerCaptureDescriptorDataInfoEXT, info), fptr)) val end function get_acceleration_structure_opaque_capture_descriptor_data_ext(device, info::AccelerationStructureCaptureDescriptorDataInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Ptr{Cvoid}, VulkanError} val = @propagate_errors(_get_acceleration_structure_opaque_capture_descriptor_data_ext(device, convert(_AccelerationStructureCaptureDescriptorDataInfoEXT, info), fptr)) val end function set_device_memory_priority_ext(device, memory, priority::Real, fptr::FunctionPtr) _set_device_memory_priority_ext(device, memory, priority, fptr) end function acquire_drm_display_ext(physical_device, drm_fd::Integer, display, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_acquire_drm_display_ext(physical_device, drm_fd, display, fptr)) val end function get_drm_display_ext(physical_device, drm_fd::Integer, connector_id::Integer, fptr::FunctionPtr)::ResultTypes.Result{DisplayKHR, VulkanError} val = @propagate_errors(_get_drm_display_ext(physical_device, drm_fd, connector_id, fptr)) val end function wait_for_present_khr(device, swapchain, present_id::Integer, timeout::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_wait_for_present_khr(device, swapchain, present_id, timeout, fptr)) val end function cmd_begin_rendering(command_buffer, rendering_info::RenderingInfo, fptr::FunctionPtr) _cmd_begin_rendering(command_buffer, convert(_RenderingInfo, rendering_info), fptr) end function cmd_end_rendering(command_buffer, fptr::FunctionPtr) _cmd_end_rendering(command_buffer, fptr) end function get_descriptor_set_layout_host_mapping_info_valve(device, binding_reference::DescriptorSetBindingReferenceVALVE, fptr::FunctionPtr) DescriptorSetLayoutHostMappingInfoVALVE(_get_descriptor_set_layout_host_mapping_info_valve(device, convert(_DescriptorSetBindingReferenceVALVE, binding_reference), fptr)) end function get_descriptor_set_host_mapping_valve(device, descriptor_set, fptr::FunctionPtr) _get_descriptor_set_host_mapping_valve(device, descriptor_set, fptr) end function create_micromap_ext(device, create_info::MicromapCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{MicromapEXT, VulkanError} val = @propagate_errors(_create_micromap_ext(device, convert(_MicromapCreateInfoEXT, create_info), fptr_create, fptr_destroy; allocator)) val end function cmd_build_micromaps_ext(command_buffer, infos::AbstractArray, fptr::FunctionPtr) _cmd_build_micromaps_ext(command_buffer, convert(AbstractArray{_MicromapBuildInfoEXT}, infos), fptr) end function build_micromaps_ext(device, infos::AbstractArray, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_build_micromaps_ext(device, convert(AbstractArray{_MicromapBuildInfoEXT}, infos), fptr; deferred_operation)) val end function destroy_micromap_ext(device, micromap, fptr::FunctionPtr; allocator = C_NULL) _destroy_micromap_ext(device, micromap, fptr; allocator) end function cmd_copy_micromap_ext(command_buffer, info::CopyMicromapInfoEXT, fptr::FunctionPtr) _cmd_copy_micromap_ext(command_buffer, convert(_CopyMicromapInfoEXT, info), fptr) end function copy_micromap_ext(device, info::CopyMicromapInfoEXT, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_copy_micromap_ext(device, convert(_CopyMicromapInfoEXT, info), fptr; deferred_operation)) val end function cmd_copy_micromap_to_memory_ext(command_buffer, info::CopyMicromapToMemoryInfoEXT, fptr::FunctionPtr) _cmd_copy_micromap_to_memory_ext(command_buffer, convert(_CopyMicromapToMemoryInfoEXT, info), fptr) end function copy_micromap_to_memory_ext(device, info::CopyMicromapToMemoryInfoEXT, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_copy_micromap_to_memory_ext(device, convert(_CopyMicromapToMemoryInfoEXT, info), fptr; deferred_operation)) val end function cmd_copy_memory_to_micromap_ext(command_buffer, info::CopyMemoryToMicromapInfoEXT, fptr::FunctionPtr) _cmd_copy_memory_to_micromap_ext(command_buffer, convert(_CopyMemoryToMicromapInfoEXT, info), fptr) end function copy_memory_to_micromap_ext(device, info::CopyMemoryToMicromapInfoEXT, fptr::FunctionPtr; deferred_operation = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_copy_memory_to_micromap_ext(device, convert(_CopyMemoryToMicromapInfoEXT, info), fptr; deferred_operation)) val end function cmd_write_micromaps_properties_ext(command_buffer, micromaps::AbstractArray, query_type::QueryType, query_pool, first_query::Integer, fptr::FunctionPtr) _cmd_write_micromaps_properties_ext(command_buffer, micromaps, query_type, query_pool, first_query, fptr) end function write_micromaps_properties_ext(device, micromaps::AbstractArray, query_type::QueryType, data_size::Integer, data::Ptr{Cvoid}, stride::Integer, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_write_micromaps_properties_ext(device, micromaps, query_type, data_size, data, stride, fptr)) val end function get_device_micromap_compatibility_ext(device, version_info::MicromapVersionInfoEXT, fptr::FunctionPtr) _get_device_micromap_compatibility_ext(device, convert(_MicromapVersionInfoEXT, version_info), fptr) end function get_micromap_build_sizes_ext(device, build_type::AccelerationStructureBuildTypeKHR, build_info::MicromapBuildInfoEXT, fptr::FunctionPtr) MicromapBuildSizesInfoEXT(_get_micromap_build_sizes_ext(device, build_type, convert(_MicromapBuildInfoEXT, build_info), fptr)) end function get_shader_module_identifier_ext(device, shader_module, fptr::FunctionPtr) ShaderModuleIdentifierEXT(_get_shader_module_identifier_ext(device, shader_module, fptr)) end function get_shader_module_create_info_identifier_ext(device, create_info::ShaderModuleCreateInfo, fptr::FunctionPtr) ShaderModuleIdentifierEXT(_get_shader_module_create_info_identifier_ext(device, convert(_ShaderModuleCreateInfo, create_info), fptr)) end function get_image_subresource_layout_2_ext(device, image, subresource::ImageSubresource2EXT, fptr::FunctionPtr, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) SubresourceLayout2EXT(_get_image_subresource_layout_2_ext(device, image, convert(_ImageSubresource2EXT, subresource), fptr, next_types...), next_types_hl...) end function get_pipeline_properties_ext(device, pipeline_info::VkPipelineInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{BaseOutStructure, VulkanError} val = @propagate_errors(_get_pipeline_properties_ext(device, pipeline_info, fptr)) BaseOutStructure(val) end function get_framebuffer_tile_properties_qcom(device, framebuffer, fptr::FunctionPtr) TilePropertiesQCOM.(_get_framebuffer_tile_properties_qcom(device, framebuffer, fptr)) end function get_dynamic_rendering_tile_properties_qcom(device, rendering_info::RenderingInfo, fptr::FunctionPtr) TilePropertiesQCOM(_get_dynamic_rendering_tile_properties_qcom(device, convert(_RenderingInfo, rendering_info), fptr)) end function get_physical_device_optical_flow_image_formats_nv(physical_device, optical_flow_image_format_info::OpticalFlowImageFormatInfoNV, fptr::FunctionPtr)::ResultTypes.Result{Vector{OpticalFlowImageFormatPropertiesNV}, VulkanError} val = @propagate_errors(_get_physical_device_optical_flow_image_formats_nv(physical_device, convert(_OpticalFlowImageFormatInfoNV, optical_flow_image_format_info), fptr)) OpticalFlowImageFormatPropertiesNV.(val) end function create_optical_flow_session_nv(device, create_info::OpticalFlowSessionCreateInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{OpticalFlowSessionNV, VulkanError} val = @propagate_errors(_create_optical_flow_session_nv(device, convert(_OpticalFlowSessionCreateInfoNV, create_info), fptr_create, fptr_destroy; allocator)) val end function destroy_optical_flow_session_nv(device, session, fptr::FunctionPtr; allocator = C_NULL) _destroy_optical_flow_session_nv(device, session, fptr; allocator) end function bind_optical_flow_session_image_nv(device, session, binding_point::OpticalFlowSessionBindingPointNV, layout::ImageLayout, fptr::FunctionPtr; view = C_NULL)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_bind_optical_flow_session_image_nv(device, session, binding_point, layout, fptr; view)) val end function cmd_optical_flow_execute_nv(command_buffer, session, execute_info::OpticalFlowExecuteInfoNV, fptr::FunctionPtr) _cmd_optical_flow_execute_nv(command_buffer, session, convert(_OpticalFlowExecuteInfoNV, execute_info), fptr) end function get_device_fault_info_ext(device, fptr::FunctionPtr)::ResultTypes.Result{Tuple{_DeviceFaultCountsEXT, _DeviceFaultInfoEXT}, VulkanError} val = @propagate_errors(_get_device_fault_info_ext(device, fptr)) val end function release_swapchain_images_ext(device, release_info::ReleaseSwapchainImagesInfoEXT, fptr::FunctionPtr)::ResultTypes.Result{Result, VulkanError} val = @propagate_errors(_release_swapchain_images_ext(device, convert(_ReleaseSwapchainImagesInfoEXT, release_info), fptr)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_LAYER_NOT_PRESENT` - `ERROR_EXTENSION_NOT_PRESENT` - `ERROR_INCOMPATIBLE_DRIVER` Arguments: - `enabled_layer_names::Vector{String}` - `enabled_extension_names::Vector{String}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::InstanceCreateFlag`: defaults to `0` - `application_info::_ApplicationInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateInstance.html) """ _create_instance(enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0, application_info = C_NULL) = _create_instance(_InstanceCreateInfo(enabled_layer_names, enabled_extension_names; next, flags, application_info); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_EXTENSION_NOT_PRESENT` - `ERROR_FEATURE_NOT_PRESENT` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_DEVICE_LOST` Arguments: - `physical_device::PhysicalDevice` - `queue_create_infos::Vector{_DeviceQueueCreateInfo}` - `enabled_layer_names::Vector{String}` - `enabled_extension_names::Vector{String}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `enabled_features::_PhysicalDeviceFeatures`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDevice.html) """ _create_device(physical_device, queue_create_infos::AbstractArray, enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0, enabled_features = C_NULL) = _create_device(physical_device, _DeviceCreateInfo(queue_create_infos, enabled_layer_names, enabled_extension_names; next, flags, enabled_features); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `allocation_size::UInt64` - `memory_type_index::UInt32` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAllocateMemory.html) """ _allocate_memory(device, allocation_size::Integer, memory_type_index::Integer; allocator = C_NULL, next = C_NULL) = _allocate_memory(device, _MemoryAllocateInfo(allocation_size, memory_type_index; next); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `queue_family_index::UInt32` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::CommandPoolCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCommandPool.html) """ _create_command_pool(device, queue_family_index::Integer; allocator = C_NULL, next = C_NULL, flags = 0) = _create_command_pool(device, _CommandPoolCreateInfo(queue_family_index; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `size::UInt64` - `usage::BufferUsageFlag` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::BufferCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateBuffer.html) """ _create_buffer(device, size::Integer, usage::BufferUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = _create_buffer(device, _BufferCreateInfo(size, usage, sharing_mode, queue_family_indices; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `buffer::Buffer` - `format::Format` - `offset::UInt64` - `range::UInt64` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateBufferView.html) """ _create_buffer_view(device, buffer, format::Format, offset::Integer, range::Integer; allocator = C_NULL, next = C_NULL, flags = 0) = _create_buffer_view(device, _BufferViewCreateInfo(buffer, format, offset, range; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_COMPRESSION_EXHAUSTED_EXT` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `image_type::ImageType` - `format::Format` - `extent::_Extent3D` - `mip_levels::UInt32` - `array_layers::UInt32` - `samples::SampleCountFlag` - `tiling::ImageTiling` - `usage::ImageUsageFlag` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `initial_layout::ImageLayout` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::ImageCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateImage.html) """ _create_image(device, image_type::ImageType, format::Format, extent::_Extent3D, mip_levels::Integer, array_layers::Integer, samples::SampleCountFlag, tiling::ImageTiling, usage::ImageUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, initial_layout::ImageLayout; allocator = C_NULL, next = C_NULL, flags = 0) = _create_image(device, _ImageCreateInfo(image_type, format, extent, mip_levels, array_layers, samples, tiling, usage, sharing_mode, queue_family_indices, initial_layout; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `image::Image` - `view_type::ImageViewType` - `format::Format` - `components::_ComponentMapping` - `subresource_range::_ImageSubresourceRange` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::ImageViewCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateImageView.html) """ _create_image_view(device, image, view_type::ImageViewType, format::Format, components::_ComponentMapping, subresource_range::_ImageSubresourceRange; allocator = C_NULL, next = C_NULL, flags = 0) = _create_image_view(device, _ImageViewCreateInfo(image, view_type, format, components, subresource_range; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_SHADER_NV` Arguments: - `device::Device` - `code_size::UInt` - `code::Vector{UInt32}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateShaderModule.html) """ _create_shader_module(device, code_size::Integer, code::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = _create_shader_module(device, _ShaderModuleCreateInfo(code_size, code; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `set_layouts::Vector{DescriptorSetLayout}` - `push_constant_ranges::Vector{_PushConstantRange}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PipelineLayoutCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePipelineLayout.html) """ _create_pipeline_layout(device, set_layouts::AbstractArray, push_constant_ranges::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = _create_pipeline_layout(device, _PipelineLayoutCreateInfo(set_layouts, push_constant_ranges; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `mag_filter::Filter` - `min_filter::Filter` - `mipmap_mode::SamplerMipmapMode` - `address_mode_u::SamplerAddressMode` - `address_mode_v::SamplerAddressMode` - `address_mode_w::SamplerAddressMode` - `mip_lod_bias::Float32` - `anisotropy_enable::Bool` - `max_anisotropy::Float32` - `compare_enable::Bool` - `compare_op::CompareOp` - `min_lod::Float32` - `max_lod::Float32` - `border_color::BorderColor` - `unnormalized_coordinates::Bool` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::SamplerCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSampler.html) """ _create_sampler(device, mag_filter::Filter, min_filter::Filter, mipmap_mode::SamplerMipmapMode, address_mode_u::SamplerAddressMode, address_mode_v::SamplerAddressMode, address_mode_w::SamplerAddressMode, mip_lod_bias::Real, anisotropy_enable::Bool, max_anisotropy::Real, compare_enable::Bool, compare_op::CompareOp, min_lod::Real, max_lod::Real, border_color::BorderColor, unnormalized_coordinates::Bool; allocator = C_NULL, next = C_NULL, flags = 0) = _create_sampler(device, _SamplerCreateInfo(mag_filter, min_filter, mipmap_mode, address_mode_u, address_mode_v, address_mode_w, mip_lod_bias, anisotropy_enable, max_anisotropy, compare_enable, compare_op, min_lod, max_lod, border_color, unnormalized_coordinates; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `bindings::Vector{_DescriptorSetLayoutBinding}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::DescriptorSetLayoutCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorSetLayout.html) """ _create_descriptor_set_layout(device, bindings::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = _create_descriptor_set_layout(device, _DescriptorSetLayoutCreateInfo(bindings; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_FRAGMENTATION_EXT` Arguments: - `device::Device` - `max_sets::UInt32` - `pool_sizes::Vector{_DescriptorPoolSize}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::DescriptorPoolCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorPool.html) """ _create_descriptor_pool(device, max_sets::Integer, pool_sizes::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = _create_descriptor_pool(device, _DescriptorPoolCreateInfo(max_sets, pool_sizes; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::FenceCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateFence.html) """ _create_fence(device; allocator = C_NULL, next = C_NULL, flags = 0) = _create_fence(device, _FenceCreateInfo(; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSemaphore.html) """ _create_semaphore(device; allocator = C_NULL, next = C_NULL, flags = 0) = _create_semaphore(device, _SemaphoreCreateInfo(; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::EventCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateEvent.html) """ _create_event(device; allocator = C_NULL, next = C_NULL, flags = 0) = _create_event(device, _EventCreateInfo(; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `query_type::QueryType` - `query_count::UInt32` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `pipeline_statistics::QueryPipelineStatisticFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateQueryPool.html) """ _create_query_pool(device, query_type::QueryType, query_count::Integer; allocator = C_NULL, next = C_NULL, flags = 0, pipeline_statistics = 0) = _create_query_pool(device, _QueryPoolCreateInfo(query_type, query_count; next, flags, pipeline_statistics); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `render_pass::RenderPass` - `attachments::Vector{ImageView}` - `width::UInt32` - `height::UInt32` - `layers::UInt32` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::FramebufferCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateFramebuffer.html) """ _create_framebuffer(device, render_pass, attachments::AbstractArray, width::Integer, height::Integer, layers::Integer; allocator = C_NULL, next = C_NULL, flags = 0) = _create_framebuffer(device, _FramebufferCreateInfo(render_pass, attachments, width, height, layers; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `attachments::Vector{_AttachmentDescription}` - `subpasses::Vector{_SubpassDescription}` - `dependencies::Vector{_SubpassDependency}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::RenderPassCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRenderPass.html) """ _create_render_pass(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = _create_render_pass(device, _RenderPassCreateInfo(attachments, subpasses, dependencies; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `attachments::Vector{_AttachmentDescription2}` - `subpasses::Vector{_SubpassDescription2}` - `dependencies::Vector{_SubpassDependency2}` - `correlated_view_masks::Vector{UInt32}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::RenderPassCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRenderPass2.html) """ _create_render_pass_2(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray, correlated_view_masks::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = _create_render_pass_2(device, _RenderPassCreateInfo2(attachments, subpasses, dependencies, correlated_view_masks; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `initial_data::Ptr{Cvoid}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PipelineCacheCreateFlag`: defaults to `0` - `initial_data_size::UInt`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePipelineCache.html) """ _create_pipeline_cache(device, initial_data::Ptr{Cvoid}; allocator = C_NULL, next = C_NULL, flags = 0, initial_data_size = 0) = _create_pipeline_cache(device, _PipelineCacheCreateInfo(initial_data; next, flags, initial_data_size); allocator) """ Extension: VK\\_NV\\_device\\_generated\\_commands Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `pipeline_bind_point::PipelineBindPoint` - `tokens::Vector{_IndirectCommandsLayoutTokenNV}` - `stream_strides::Vector{UInt32}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::IndirectCommandsLayoutUsageFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateIndirectCommandsLayoutNV.html) """ _create_indirect_commands_layout_nv(device, pipeline_bind_point::PipelineBindPoint, tokens::AbstractArray, stream_strides::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = _create_indirect_commands_layout_nv(device, _IndirectCommandsLayoutCreateInfoNV(pipeline_bind_point, tokens, stream_strides; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `descriptor_update_entries::Vector{_DescriptorUpdateTemplateEntry}` - `template_type::DescriptorUpdateTemplateType` - `descriptor_set_layout::DescriptorSetLayout` - `pipeline_bind_point::PipelineBindPoint` - `pipeline_layout::PipelineLayout` - `set::UInt32` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorUpdateTemplate.html) """ _create_descriptor_update_template(device, descriptor_update_entries::AbstractArray, template_type::DescriptorUpdateTemplateType, descriptor_set_layout, pipeline_bind_point::PipelineBindPoint, pipeline_layout, set::Integer; allocator = C_NULL, next = C_NULL, flags = 0) = _create_descriptor_update_template(device, _DescriptorUpdateTemplateCreateInfo(descriptor_update_entries, template_type, descriptor_set_layout, pipeline_bind_point, pipeline_layout, set; next, flags); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `format::Format` - `ycbcr_model::SamplerYcbcrModelConversion` - `ycbcr_range::SamplerYcbcrRange` - `components::_ComponentMapping` - `x_chroma_offset::ChromaLocation` - `y_chroma_offset::ChromaLocation` - `chroma_filter::Filter` - `force_explicit_reconstruction::Bool` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSamplerYcbcrConversion.html) """ _create_sampler_ycbcr_conversion(device, format::Format, ycbcr_model::SamplerYcbcrModelConversion, ycbcr_range::SamplerYcbcrRange, components::_ComponentMapping, x_chroma_offset::ChromaLocation, y_chroma_offset::ChromaLocation, chroma_filter::Filter, force_explicit_reconstruction::Bool; allocator = C_NULL, next = C_NULL) = _create_sampler_ycbcr_conversion(device, _SamplerYcbcrConversionCreateInfo(format, ycbcr_model, ycbcr_range, components, x_chroma_offset, y_chroma_offset, chroma_filter, force_explicit_reconstruction; next); allocator) """ Extension: VK\\_EXT\\_validation\\_cache Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `initial_data::Ptr{Cvoid}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `initial_data_size::UInt`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateValidationCacheEXT.html) """ _create_validation_cache_ext(device, initial_data::Ptr{Cvoid}; allocator = C_NULL, next = C_NULL, flags = 0, initial_data_size = 0) = _create_validation_cache_ext(device, _ValidationCacheCreateInfoEXT(initial_data; next, flags, initial_data_size); allocator) """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `type::AccelerationStructureTypeKHR` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `create_flags::AccelerationStructureCreateFlagKHR`: defaults to `0` - `device_address::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateAccelerationStructureKHR.html) """ _create_acceleration_structure_khr(device, buffer, offset::Integer, size::Integer, type::AccelerationStructureTypeKHR; allocator = C_NULL, next = C_NULL, create_flags = 0, device_address = 0) = _create_acceleration_structure_khr(device, _AccelerationStructureCreateInfoKHR(buffer, offset, size, type; next, create_flags, device_address); allocator) """ Extension: VK\\_NV\\_ray\\_tracing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `compacted_size::UInt64` - `info::_AccelerationStructureInfoNV` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateAccelerationStructureNV.html) """ _create_acceleration_structure_nv(device, compacted_size::Integer, info::_AccelerationStructureInfoNV; allocator = C_NULL, next = C_NULL) = _create_acceleration_structure_nv(device, _AccelerationStructureCreateInfoNV(compacted_size, info; next); allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `flags::UInt32` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePrivateDataSlot.html) """ _create_private_data_slot(device, flags::Integer; allocator = C_NULL, next = C_NULL) = _create_private_data_slot(device, _PrivateDataSlotCreateInfo(flags; next); allocator) """ Extension: VK\\_NVX\\_binary\\_import Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `data_size::UInt` - `data::Ptr{Cvoid}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCuModuleNVX.html) """ _create_cu_module_nvx(device, data_size::Integer, data::Ptr{Cvoid}; allocator = C_NULL, next = C_NULL) = _create_cu_module_nvx(device, _CuModuleCreateInfoNVX(data_size, data; next); allocator) """ Extension: VK\\_NVX\\_binary\\_import Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `_module::CuModuleNVX` - `name::String` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCuFunctionNVX.html) """ _create_cu_function_nvx(device, _module, name::AbstractString; allocator = C_NULL, next = C_NULL) = _create_cu_function_nvx(device, _CuFunctionCreateInfoNVX(_module, name; next); allocator) """ Extension: VK\\_NV\\_optical\\_flow Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `width::UInt32` - `height::UInt32` - `image_format::Format` - `flow_vector_format::Format` - `output_grid_size::OpticalFlowGridSizeFlagNV` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `cost_format::Format`: defaults to `0` - `hint_grid_size::OpticalFlowGridSizeFlagNV`: defaults to `0` - `performance_level::OpticalFlowPerformanceLevelNV`: defaults to `0` - `flags::OpticalFlowSessionCreateFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateOpticalFlowSessionNV.html) """ _create_optical_flow_session_nv(device, width::Integer, height::Integer, image_format::Format, flow_vector_format::Format, output_grid_size::OpticalFlowGridSizeFlagNV; allocator = C_NULL, next = C_NULL, cost_format = 0, hint_grid_size = 0, performance_level = 0, flags = 0) = _create_optical_flow_session_nv(device, _OpticalFlowSessionCreateInfoNV(width, height, image_format, flow_vector_format, output_grid_size; next, cost_format, hint_grid_size, performance_level, flags); allocator) """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `type::MicromapTypeEXT` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `create_flags::MicromapCreateFlagEXT`: defaults to `0` - `device_address::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateMicromapEXT.html) """ _create_micromap_ext(device, buffer, offset::Integer, size::Integer, type::MicromapTypeEXT; allocator = C_NULL, next = C_NULL, create_flags = 0, device_address = 0) = _create_micromap_ext(device, _MicromapCreateInfoEXT(buffer, offset, size, type; next, create_flags, device_address); allocator) """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` (externsync) - `parameters::_DisplayModeParametersKHR` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDisplayModeKHR.html) """ _create_display_mode_khr(physical_device, display, parameters::_DisplayModeParametersKHR; allocator = C_NULL, next = C_NULL, flags = 0) = _create_display_mode_khr(physical_device, display, _DisplayModeCreateInfoKHR(parameters; next, flags); allocator) """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `display_mode::DisplayModeKHR` - `plane_index::UInt32` - `plane_stack_index::UInt32` - `transform::SurfaceTransformFlagKHR` - `global_alpha::Float32` - `alpha_mode::DisplayPlaneAlphaFlagKHR` - `image_extent::_Extent2D` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDisplayPlaneSurfaceKHR.html) """ _create_display_plane_surface_khr(instance, display_mode, plane_index::Integer, plane_stack_index::Integer, transform::SurfaceTransformFlagKHR, global_alpha::Real, alpha_mode::DisplayPlaneAlphaFlagKHR, image_extent::_Extent2D; allocator = C_NULL, next = C_NULL, flags = 0) = _create_display_plane_surface_khr(instance, _DisplaySurfaceCreateInfoKHR(display_mode, plane_index, plane_stack_index, transform, global_alpha, alpha_mode, image_extent; next, flags); allocator) """ Extension: VK\\_KHR\\_win32\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `hinstance::HINSTANCE` - `hwnd::HWND` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateWin32SurfaceKHR.html) """ _create_win_32_surface_khr(instance, hinstance::vk.HINSTANCE, hwnd::vk.HWND; allocator = C_NULL, next = C_NULL, flags = 0) = _create_win_32_surface_khr(instance, _Win32SurfaceCreateInfoKHR(hinstance, hwnd; next, flags); allocator) """ Extension: VK\\_EXT\\_headless\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateHeadlessSurfaceEXT.html) """ _create_headless_surface_ext(instance; allocator = C_NULL, next = C_NULL, flags = 0) = _create_headless_surface_ext(instance, _HeadlessSurfaceCreateInfoEXT(; next, flags); allocator) """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_SURFACE_LOST_KHR` - `ERROR_NATIVE_WINDOW_IN_USE_KHR` - `ERROR_INITIALIZATION_FAILED` - `ERROR_COMPRESSION_EXHAUSTED_EXT` Arguments: - `device::Device` - `surface::SurfaceKHR` - `min_image_count::UInt32` - `image_format::Format` - `image_color_space::ColorSpaceKHR` - `image_extent::_Extent2D` - `image_array_layers::UInt32` - `image_usage::ImageUsageFlag` - `image_sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `pre_transform::SurfaceTransformFlagKHR` - `composite_alpha::CompositeAlphaFlagKHR` - `present_mode::PresentModeKHR` - `clipped::Bool` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::SwapchainCreateFlagKHR`: defaults to `0` - `old_swapchain::SwapchainKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSwapchainKHR.html) """ _create_swapchain_khr(device, surface, min_image_count::Integer, image_format::Format, image_color_space::ColorSpaceKHR, image_extent::_Extent2D, image_array_layers::Integer, image_usage::ImageUsageFlag, image_sharing_mode::SharingMode, queue_family_indices::AbstractArray, pre_transform::SurfaceTransformFlagKHR, composite_alpha::CompositeAlphaFlagKHR, present_mode::PresentModeKHR, clipped::Bool; allocator = C_NULL, next = C_NULL, flags = 0, old_swapchain = C_NULL) = _create_swapchain_khr(device, _SwapchainCreateInfoKHR(surface, min_image_count, image_format, image_color_space, image_extent, image_array_layers, image_usage, image_sharing_mode, queue_family_indices, pre_transform, composite_alpha, present_mode, clipped; next, flags, old_swapchain); allocator) """ Extension: VK\\_EXT\\_debug\\_report Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `instance::Instance` - `pfn_callback::FunctionPtr` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::DebugReportFlagEXT`: defaults to `0` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDebugReportCallbackEXT.html) """ _create_debug_report_callback_ext(instance, pfn_callback::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL) = _create_debug_report_callback_ext(instance, _DebugReportCallbackCreateInfoEXT(pfn_callback; next, flags, user_data); allocator) """ Extension: VK\\_EXT\\_debug\\_utils Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `instance::Instance` - `message_severity::DebugUtilsMessageSeverityFlagEXT` - `message_type::DebugUtilsMessageTypeFlagEXT` - `pfn_user_callback::FunctionPtr` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDebugUtilsMessengerEXT.html) """ _create_debug_utils_messenger_ext(instance, message_severity::DebugUtilsMessageSeverityFlagEXT, message_type::DebugUtilsMessageTypeFlagEXT, pfn_user_callback::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL) = _create_debug_utils_messenger_ext(instance, _DebugUtilsMessengerCreateInfoEXT(message_severity, message_type, pfn_user_callback; next, flags, user_data); allocator) """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_VIDEO_STD_VERSION_NOT_SUPPORTED_KHR` Arguments: - `device::Device` - `queue_family_index::UInt32` - `video_profile::_VideoProfileInfoKHR` - `picture_format::Format` - `max_coded_extent::_Extent2D` - `reference_picture_format::Format` - `max_dpb_slots::UInt32` - `max_active_reference_pictures::UInt32` - `std_header_version::_ExtensionProperties` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::VideoSessionCreateFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateVideoSessionKHR.html) """ _create_video_session_khr(device, queue_family_index::Integer, video_profile::_VideoProfileInfoKHR, picture_format::Format, max_coded_extent::_Extent2D, reference_picture_format::Format, max_dpb_slots::Integer, max_active_reference_pictures::Integer, std_header_version::_ExtensionProperties; allocator = C_NULL, next = C_NULL, flags = 0) = _create_video_session_khr(device, _VideoSessionCreateInfoKHR(queue_family_index, video_profile, picture_format, max_coded_extent, reference_picture_format, max_dpb_slots, max_active_reference_pictures, std_header_version; next, flags); allocator) """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `video_session::VideoSessionKHR` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `video_session_parameters_template::VideoSessionParametersKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateVideoSessionParametersKHR.html) """ _create_video_session_parameters_khr(device, video_session; allocator = C_NULL, next = C_NULL, flags = 0, video_session_parameters_template = C_NULL) = _create_video_session_parameters_khr(device, _VideoSessionParametersCreateInfoKHR(video_session; next, flags, video_session_parameters_template); allocator) _create_instance(enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, application_info = C_NULL) = _create_instance(_InstanceCreateInfo(enabled_layer_names, enabled_extension_names; next, flags, application_info), fptr_create, fptr_destroy; allocator) _create_device(physical_device, queue_create_infos::AbstractArray, enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, enabled_features = C_NULL) = _create_device(physical_device, _DeviceCreateInfo(queue_create_infos, enabled_layer_names, enabled_extension_names; next, flags, enabled_features), fptr_create, fptr_destroy; allocator) _allocate_memory(device, allocation_size::Integer, memory_type_index::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = _allocate_memory(device, _MemoryAllocateInfo(allocation_size, memory_type_index; next), fptr_create, fptr_destroy; allocator) _create_command_pool(device, queue_family_index::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_command_pool(device, _CommandPoolCreateInfo(queue_family_index; next, flags), fptr_create, fptr_destroy; allocator) _create_buffer(device, size::Integer, usage::BufferUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_buffer(device, _BufferCreateInfo(size, usage, sharing_mode, queue_family_indices; next, flags), fptr_create, fptr_destroy; allocator) _create_buffer_view(device, buffer, format::Format, offset::Integer, range::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_buffer_view(device, _BufferViewCreateInfo(buffer, format, offset, range; next, flags), fptr_create, fptr_destroy; allocator) _create_image(device, image_type::ImageType, format::Format, extent::_Extent3D, mip_levels::Integer, array_layers::Integer, samples::SampleCountFlag, tiling::ImageTiling, usage::ImageUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, initial_layout::ImageLayout, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_image(device, _ImageCreateInfo(image_type, format, extent, mip_levels, array_layers, samples, tiling, usage, sharing_mode, queue_family_indices, initial_layout; next, flags), fptr_create, fptr_destroy; allocator) _create_image_view(device, image, view_type::ImageViewType, format::Format, components::_ComponentMapping, subresource_range::_ImageSubresourceRange, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_image_view(device, _ImageViewCreateInfo(image, view_type, format, components, subresource_range; next, flags), fptr_create, fptr_destroy; allocator) _create_shader_module(device, code_size::Integer, code::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_shader_module(device, _ShaderModuleCreateInfo(code_size, code; next, flags), fptr_create, fptr_destroy; allocator) _create_pipeline_layout(device, set_layouts::AbstractArray, push_constant_ranges::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_pipeline_layout(device, _PipelineLayoutCreateInfo(set_layouts, push_constant_ranges; next, flags), fptr_create, fptr_destroy; allocator) _create_sampler(device, mag_filter::Filter, min_filter::Filter, mipmap_mode::SamplerMipmapMode, address_mode_u::SamplerAddressMode, address_mode_v::SamplerAddressMode, address_mode_w::SamplerAddressMode, mip_lod_bias::Real, anisotropy_enable::Bool, max_anisotropy::Real, compare_enable::Bool, compare_op::CompareOp, min_lod::Real, max_lod::Real, border_color::BorderColor, unnormalized_coordinates::Bool, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_sampler(device, _SamplerCreateInfo(mag_filter, min_filter, mipmap_mode, address_mode_u, address_mode_v, address_mode_w, mip_lod_bias, anisotropy_enable, max_anisotropy, compare_enable, compare_op, min_lod, max_lod, border_color, unnormalized_coordinates; next, flags), fptr_create, fptr_destroy; allocator) _create_descriptor_set_layout(device, bindings::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_descriptor_set_layout(device, _DescriptorSetLayoutCreateInfo(bindings; next, flags), fptr_create, fptr_destroy; allocator) _create_descriptor_pool(device, max_sets::Integer, pool_sizes::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_descriptor_pool(device, _DescriptorPoolCreateInfo(max_sets, pool_sizes; next, flags), fptr_create, fptr_destroy; allocator) _create_fence(device, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_fence(device, _FenceCreateInfo(; next, flags), fptr_create, fptr_destroy; allocator) _create_semaphore(device, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_semaphore(device, _SemaphoreCreateInfo(; next, flags), fptr_create, fptr_destroy; allocator) _create_event(device, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_event(device, _EventCreateInfo(; next, flags), fptr_create, fptr_destroy; allocator) _create_query_pool(device, query_type::QueryType, query_count::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, pipeline_statistics = 0) = _create_query_pool(device, _QueryPoolCreateInfo(query_type, query_count; next, flags, pipeline_statistics), fptr_create, fptr_destroy; allocator) _create_framebuffer(device, render_pass, attachments::AbstractArray, width::Integer, height::Integer, layers::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_framebuffer(device, _FramebufferCreateInfo(render_pass, attachments, width, height, layers; next, flags), fptr_create, fptr_destroy; allocator) _create_render_pass(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_render_pass(device, _RenderPassCreateInfo(attachments, subpasses, dependencies; next, flags), fptr_create, fptr_destroy; allocator) _create_render_pass_2(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray, correlated_view_masks::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_render_pass_2(device, _RenderPassCreateInfo2(attachments, subpasses, dependencies, correlated_view_masks; next, flags), fptr_create, fptr_destroy; allocator) _create_pipeline_cache(device, initial_data::Ptr{Cvoid}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, initial_data_size = 0) = _create_pipeline_cache(device, _PipelineCacheCreateInfo(initial_data; next, flags, initial_data_size), fptr_create, fptr_destroy; allocator) _create_indirect_commands_layout_nv(device, pipeline_bind_point::PipelineBindPoint, tokens::AbstractArray, stream_strides::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_indirect_commands_layout_nv(device, _IndirectCommandsLayoutCreateInfoNV(pipeline_bind_point, tokens, stream_strides; next, flags), fptr_create, fptr_destroy; allocator) _create_descriptor_update_template(device, descriptor_update_entries::AbstractArray, template_type::DescriptorUpdateTemplateType, descriptor_set_layout, pipeline_bind_point::PipelineBindPoint, pipeline_layout, set::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_descriptor_update_template(device, _DescriptorUpdateTemplateCreateInfo(descriptor_update_entries, template_type, descriptor_set_layout, pipeline_bind_point, pipeline_layout, set; next, flags), fptr_create, fptr_destroy; allocator) _create_sampler_ycbcr_conversion(device, format::Format, ycbcr_model::SamplerYcbcrModelConversion, ycbcr_range::SamplerYcbcrRange, components::_ComponentMapping, x_chroma_offset::ChromaLocation, y_chroma_offset::ChromaLocation, chroma_filter::Filter, force_explicit_reconstruction::Bool, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = _create_sampler_ycbcr_conversion(device, _SamplerYcbcrConversionCreateInfo(format, ycbcr_model, ycbcr_range, components, x_chroma_offset, y_chroma_offset, chroma_filter, force_explicit_reconstruction; next), fptr_create, fptr_destroy; allocator) _create_validation_cache_ext(device, initial_data::Ptr{Cvoid}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, initial_data_size = 0) = _create_validation_cache_ext(device, _ValidationCacheCreateInfoEXT(initial_data; next, flags, initial_data_size), fptr_create, fptr_destroy; allocator) _create_acceleration_structure_khr(device, buffer, offset::Integer, size::Integer, type::AccelerationStructureTypeKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, create_flags = 0, device_address = 0) = _create_acceleration_structure_khr(device, _AccelerationStructureCreateInfoKHR(buffer, offset, size, type; next, create_flags, device_address), fptr_create, fptr_destroy; allocator) _create_acceleration_structure_nv(device, compacted_size::Integer, info::_AccelerationStructureInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = _create_acceleration_structure_nv(device, _AccelerationStructureCreateInfoNV(compacted_size, info; next), fptr_create, fptr_destroy; allocator) _create_private_data_slot(device, flags::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = _create_private_data_slot(device, _PrivateDataSlotCreateInfo(flags; next), fptr_create, fptr_destroy; allocator) _create_cu_module_nvx(device, data_size::Integer, data::Ptr{Cvoid}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = _create_cu_module_nvx(device, _CuModuleCreateInfoNVX(data_size, data; next), fptr_create, fptr_destroy; allocator) _create_cu_function_nvx(device, _module, name::AbstractString, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = _create_cu_function_nvx(device, _CuFunctionCreateInfoNVX(_module, name; next), fptr_create, fptr_destroy; allocator) _create_optical_flow_session_nv(device, width::Integer, height::Integer, image_format::Format, flow_vector_format::Format, output_grid_size::OpticalFlowGridSizeFlagNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, cost_format = 0, hint_grid_size = 0, performance_level = 0, flags = 0) = _create_optical_flow_session_nv(device, _OpticalFlowSessionCreateInfoNV(width, height, image_format, flow_vector_format, output_grid_size; next, cost_format, hint_grid_size, performance_level, flags), fptr_create, fptr_destroy; allocator) _create_micromap_ext(device, buffer, offset::Integer, size::Integer, type::MicromapTypeEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, create_flags = 0, device_address = 0) = _create_micromap_ext(device, _MicromapCreateInfoEXT(buffer, offset, size, type; next, create_flags, device_address), fptr_create, fptr_destroy; allocator) _create_display_mode_khr(physical_device, display, parameters::_DisplayModeParametersKHR, fptr_create::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_display_mode_khr(physical_device, display, _DisplayModeCreateInfoKHR(parameters; next, flags), fptr_create; allocator) _create_display_plane_surface_khr(instance, display_mode, plane_index::Integer, plane_stack_index::Integer, transform::SurfaceTransformFlagKHR, global_alpha::Real, alpha_mode::DisplayPlaneAlphaFlagKHR, image_extent::_Extent2D, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_display_plane_surface_khr(instance, _DisplaySurfaceCreateInfoKHR(display_mode, plane_index, plane_stack_index, transform, global_alpha, alpha_mode, image_extent; next, flags), fptr_create, fptr_destroy; allocator) _create_win_32_surface_khr(instance, hinstance::vk.HINSTANCE, hwnd::vk.HWND, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_win_32_surface_khr(instance, _Win32SurfaceCreateInfoKHR(hinstance, hwnd; next, flags), fptr_create, fptr_destroy; allocator) _create_headless_surface_ext(instance, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_headless_surface_ext(instance, _HeadlessSurfaceCreateInfoEXT(; next, flags), fptr_create, fptr_destroy; allocator) _create_swapchain_khr(device, surface, min_image_count::Integer, image_format::Format, image_color_space::ColorSpaceKHR, image_extent::_Extent2D, image_array_layers::Integer, image_usage::ImageUsageFlag, image_sharing_mode::SharingMode, queue_family_indices::AbstractArray, pre_transform::SurfaceTransformFlagKHR, composite_alpha::CompositeAlphaFlagKHR, present_mode::PresentModeKHR, clipped::Bool, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, old_swapchain = C_NULL) = _create_swapchain_khr(device, _SwapchainCreateInfoKHR(surface, min_image_count, image_format, image_color_space, image_extent, image_array_layers, image_usage, image_sharing_mode, queue_family_indices, pre_transform, composite_alpha, present_mode, clipped; next, flags, old_swapchain), fptr_create, fptr_destroy; allocator) _create_debug_report_callback_ext(instance, pfn_callback::FunctionPtr, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL) = _create_debug_report_callback_ext(instance, _DebugReportCallbackCreateInfoEXT(pfn_callback; next, flags, user_data), fptr_create, fptr_destroy; allocator) _create_debug_utils_messenger_ext(instance, message_severity::DebugUtilsMessageSeverityFlagEXT, message_type::DebugUtilsMessageTypeFlagEXT, pfn_user_callback::FunctionPtr, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL) = _create_debug_utils_messenger_ext(instance, _DebugUtilsMessengerCreateInfoEXT(message_severity, message_type, pfn_user_callback; next, flags, user_data), fptr_create, fptr_destroy; allocator) _create_video_session_khr(device, queue_family_index::Integer, video_profile::_VideoProfileInfoKHR, picture_format::Format, max_coded_extent::_Extent2D, reference_picture_format::Format, max_dpb_slots::Integer, max_active_reference_pictures::Integer, std_header_version::_ExtensionProperties, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = _create_video_session_khr(device, _VideoSessionCreateInfoKHR(queue_family_index, video_profile, picture_format, max_coded_extent, reference_picture_format, max_dpb_slots, max_active_reference_pictures, std_header_version; next, flags), fptr_create, fptr_destroy; allocator) _create_video_session_parameters_khr(device, video_session, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, video_session_parameters_template = C_NULL) = _create_video_session_parameters_khr(device, _VideoSessionParametersCreateInfoKHR(video_session; next, flags, video_session_parameters_template), fptr_create, fptr_destroy; allocator) """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_LAYER_NOT_PRESENT` - `ERROR_EXTENSION_NOT_PRESENT` - `ERROR_INCOMPATIBLE_DRIVER` Arguments: - `enabled_layer_names::Vector{String}` - `enabled_extension_names::Vector{String}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::InstanceCreateFlag`: defaults to `0` - `application_info::ApplicationInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateInstance.html) """ function create_instance(enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0, application_info = C_NULL)::ResultTypes.Result{Instance, VulkanError} val = @propagate_errors(_create_instance(enabled_layer_names, enabled_extension_names; allocator, next, flags, application_info)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_EXTENSION_NOT_PRESENT` - `ERROR_FEATURE_NOT_PRESENT` - `ERROR_TOO_MANY_OBJECTS` - `ERROR_DEVICE_LOST` Arguments: - `physical_device::PhysicalDevice` - `queue_create_infos::Vector{DeviceQueueCreateInfo}` - `enabled_layer_names::Vector{String}` - `enabled_extension_names::Vector{String}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `enabled_features::PhysicalDeviceFeatures`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDevice.html) """ function create_device(physical_device, queue_create_infos::AbstractArray, enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0, enabled_features = C_NULL)::ResultTypes.Result{Device, VulkanError} val = @propagate_errors(_create_device(physical_device, convert(AbstractArray{_DeviceQueueCreateInfo}, queue_create_infos), enabled_layer_names, enabled_extension_names; allocator, next, flags, enabled_features)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_EXTERNAL_HANDLE` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `allocation_size::UInt64` - `memory_type_index::UInt32` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAllocateMemory.html) """ function allocate_memory(device, allocation_size::Integer, memory_type_index::Integer; allocator = C_NULL, next = C_NULL)::ResultTypes.Result{DeviceMemory, VulkanError} val = @propagate_errors(_allocate_memory(device, allocation_size, memory_type_index; allocator, next)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `queue_family_index::UInt32` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::CommandPoolCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCommandPool.html) """ function create_command_pool(device, queue_family_index::Integer; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{CommandPool, VulkanError} val = @propagate_errors(_create_command_pool(device, queue_family_index; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `size::UInt64` - `usage::BufferUsageFlag` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::BufferCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateBuffer.html) """ function create_buffer(device, size::Integer, usage::BufferUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Buffer, VulkanError} val = @propagate_errors(_create_buffer(device, size, usage, sharing_mode, queue_family_indices; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `buffer::Buffer` - `format::Format` - `offset::UInt64` - `range::UInt64` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateBufferView.html) """ function create_buffer_view(device, buffer, format::Format, offset::Integer, range::Integer; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{BufferView, VulkanError} val = @propagate_errors(_create_buffer_view(device, buffer, format, offset, range; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_COMPRESSION_EXHAUSTED_EXT` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `image_type::ImageType` - `format::Format` - `extent::Extent3D` - `mip_levels::UInt32` - `array_layers::UInt32` - `samples::SampleCountFlag` - `tiling::ImageTiling` - `usage::ImageUsageFlag` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `initial_layout::ImageLayout` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::ImageCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateImage.html) """ function create_image(device, image_type::ImageType, format::Format, extent::Extent3D, mip_levels::Integer, array_layers::Integer, samples::SampleCountFlag, tiling::ImageTiling, usage::ImageUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, initial_layout::ImageLayout; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Image, VulkanError} val = @propagate_errors(_create_image(device, image_type, format, convert(_Extent3D, extent), mip_levels, array_layers, samples, tiling, usage, sharing_mode, queue_family_indices, initial_layout; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `image::Image` - `view_type::ImageViewType` - `format::Format` - `components::ComponentMapping` - `subresource_range::ImageSubresourceRange` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::ImageViewCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateImageView.html) """ function create_image_view(device, image, view_type::ImageViewType, format::Format, components::ComponentMapping, subresource_range::ImageSubresourceRange; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{ImageView, VulkanError} val = @propagate_errors(_create_image_view(device, image, view_type, format, convert(_ComponentMapping, components), convert(_ImageSubresourceRange, subresource_range); allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_SHADER_NV` Arguments: - `device::Device` - `code_size::UInt` - `code::Vector{UInt32}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateShaderModule.html) """ function create_shader_module(device, code_size::Integer, code::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{ShaderModule, VulkanError} val = @propagate_errors(_create_shader_module(device, code_size, code; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `set_layouts::Vector{DescriptorSetLayout}` - `push_constant_ranges::Vector{PushConstantRange}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::PipelineLayoutCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePipelineLayout.html) """ function create_pipeline_layout(device, set_layouts::AbstractArray, push_constant_ranges::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{PipelineLayout, VulkanError} val = @propagate_errors(_create_pipeline_layout(device, set_layouts, convert(AbstractArray{_PushConstantRange}, push_constant_ranges); allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `mag_filter::Filter` - `min_filter::Filter` - `mipmap_mode::SamplerMipmapMode` - `address_mode_u::SamplerAddressMode` - `address_mode_v::SamplerAddressMode` - `address_mode_w::SamplerAddressMode` - `mip_lod_bias::Float32` - `anisotropy_enable::Bool` - `max_anisotropy::Float32` - `compare_enable::Bool` - `compare_op::CompareOp` - `min_lod::Float32` - `max_lod::Float32` - `border_color::BorderColor` - `unnormalized_coordinates::Bool` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::SamplerCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSampler.html) """ function create_sampler(device, mag_filter::Filter, min_filter::Filter, mipmap_mode::SamplerMipmapMode, address_mode_u::SamplerAddressMode, address_mode_v::SamplerAddressMode, address_mode_w::SamplerAddressMode, mip_lod_bias::Real, anisotropy_enable::Bool, max_anisotropy::Real, compare_enable::Bool, compare_op::CompareOp, min_lod::Real, max_lod::Real, border_color::BorderColor, unnormalized_coordinates::Bool; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Sampler, VulkanError} val = @propagate_errors(_create_sampler(device, mag_filter, min_filter, mipmap_mode, address_mode_u, address_mode_v, address_mode_w, mip_lod_bias, anisotropy_enable, max_anisotropy, compare_enable, compare_op, min_lod, max_lod, border_color, unnormalized_coordinates; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `bindings::Vector{DescriptorSetLayoutBinding}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::DescriptorSetLayoutCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorSetLayout.html) """ function create_descriptor_set_layout(device, bindings::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{DescriptorSetLayout, VulkanError} val = @propagate_errors(_create_descriptor_set_layout(device, convert(AbstractArray{_DescriptorSetLayoutBinding}, bindings); allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_FRAGMENTATION_EXT` Arguments: - `device::Device` - `max_sets::UInt32` - `pool_sizes::Vector{DescriptorPoolSize}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::DescriptorPoolCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorPool.html) """ function create_descriptor_pool(device, max_sets::Integer, pool_sizes::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{DescriptorPool, VulkanError} val = @propagate_errors(_create_descriptor_pool(device, max_sets, convert(AbstractArray{_DescriptorPoolSize}, pool_sizes); allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::FenceCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateFence.html) """ function create_fence(device; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Fence, VulkanError} val = @propagate_errors(_create_fence(device; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSemaphore.html) """ function create_semaphore(device; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Semaphore, VulkanError} val = @propagate_errors(_create_semaphore(device; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::EventCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateEvent.html) """ function create_event(device; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Event, VulkanError} val = @propagate_errors(_create_event(device; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `query_type::QueryType` - `query_count::UInt32` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `pipeline_statistics::QueryPipelineStatisticFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateQueryPool.html) """ function create_query_pool(device, query_type::QueryType, query_count::Integer; allocator = C_NULL, next = C_NULL, flags = 0, pipeline_statistics = 0)::ResultTypes.Result{QueryPool, VulkanError} val = @propagate_errors(_create_query_pool(device, query_type, query_count; allocator, next, flags, pipeline_statistics)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `render_pass::RenderPass` - `attachments::Vector{ImageView}` - `width::UInt32` - `height::UInt32` - `layers::UInt32` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::FramebufferCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateFramebuffer.html) """ function create_framebuffer(device, render_pass, attachments::AbstractArray, width::Integer, height::Integer, layers::Integer; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Framebuffer, VulkanError} val = @propagate_errors(_create_framebuffer(device, render_pass, attachments, width, height, layers; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `attachments::Vector{AttachmentDescription}` - `subpasses::Vector{SubpassDescription}` - `dependencies::Vector{SubpassDependency}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::RenderPassCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRenderPass.html) """ function create_render_pass(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{RenderPass, VulkanError} val = @propagate_errors(_create_render_pass(device, convert(AbstractArray{_AttachmentDescription}, attachments), convert(AbstractArray{_SubpassDescription}, subpasses), convert(AbstractArray{_SubpassDependency}, dependencies); allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `attachments::Vector{AttachmentDescription2}` - `subpasses::Vector{SubpassDescription2}` - `dependencies::Vector{SubpassDependency2}` - `correlated_view_masks::Vector{UInt32}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::RenderPassCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRenderPass2.html) """ function create_render_pass_2(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray, correlated_view_masks::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{RenderPass, VulkanError} val = @propagate_errors(_create_render_pass_2(device, convert(AbstractArray{_AttachmentDescription2}, attachments), convert(AbstractArray{_SubpassDescription2}, subpasses), convert(AbstractArray{_SubpassDependency2}, dependencies), correlated_view_masks; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `initial_data::Ptr{Cvoid}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::PipelineCacheCreateFlag`: defaults to `0` - `initial_data_size::UInt`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePipelineCache.html) """ function create_pipeline_cache(device, initial_data::Ptr{Cvoid}; allocator = C_NULL, next = C_NULL, flags = 0, initial_data_size = 0)::ResultTypes.Result{PipelineCache, VulkanError} val = @propagate_errors(_create_pipeline_cache(device, initial_data; allocator, next, flags, initial_data_size)) val end """ Extension: VK\\_NV\\_device\\_generated\\_commands Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `pipeline_bind_point::PipelineBindPoint` - `tokens::Vector{IndirectCommandsLayoutTokenNV}` - `stream_strides::Vector{UInt32}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::IndirectCommandsLayoutUsageFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateIndirectCommandsLayoutNV.html) """ function create_indirect_commands_layout_nv(device, pipeline_bind_point::PipelineBindPoint, tokens::AbstractArray, stream_strides::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{IndirectCommandsLayoutNV, VulkanError} val = @propagate_errors(_create_indirect_commands_layout_nv(device, pipeline_bind_point, convert(AbstractArray{_IndirectCommandsLayoutTokenNV}, tokens), stream_strides; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `descriptor_update_entries::Vector{DescriptorUpdateTemplateEntry}` - `template_type::DescriptorUpdateTemplateType` - `descriptor_set_layout::DescriptorSetLayout` - `pipeline_bind_point::PipelineBindPoint` - `pipeline_layout::PipelineLayout` - `set::UInt32` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorUpdateTemplate.html) """ function create_descriptor_update_template(device, descriptor_update_entries::AbstractArray, template_type::DescriptorUpdateTemplateType, descriptor_set_layout, pipeline_bind_point::PipelineBindPoint, pipeline_layout, set::Integer; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{DescriptorUpdateTemplate, VulkanError} val = @propagate_errors(_create_descriptor_update_template(device, convert(AbstractArray{_DescriptorUpdateTemplateEntry}, descriptor_update_entries), template_type, descriptor_set_layout, pipeline_bind_point, pipeline_layout, set; allocator, next, flags)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `format::Format` - `ycbcr_model::SamplerYcbcrModelConversion` - `ycbcr_range::SamplerYcbcrRange` - `components::ComponentMapping` - `x_chroma_offset::ChromaLocation` - `y_chroma_offset::ChromaLocation` - `chroma_filter::Filter` - `force_explicit_reconstruction::Bool` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSamplerYcbcrConversion.html) """ function create_sampler_ycbcr_conversion(device, format::Format, ycbcr_model::SamplerYcbcrModelConversion, ycbcr_range::SamplerYcbcrRange, components::ComponentMapping, x_chroma_offset::ChromaLocation, y_chroma_offset::ChromaLocation, chroma_filter::Filter, force_explicit_reconstruction::Bool; allocator = C_NULL, next = C_NULL)::ResultTypes.Result{SamplerYcbcrConversion, VulkanError} val = @propagate_errors(_create_sampler_ycbcr_conversion(device, format, ycbcr_model, ycbcr_range, convert(_ComponentMapping, components), x_chroma_offset, y_chroma_offset, chroma_filter, force_explicit_reconstruction; allocator, next)) val end """ Extension: VK\\_EXT\\_validation\\_cache Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `initial_data::Ptr{Cvoid}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `initial_data_size::UInt`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateValidationCacheEXT.html) """ function create_validation_cache_ext(device, initial_data::Ptr{Cvoid}; allocator = C_NULL, next = C_NULL, flags = 0, initial_data_size = 0)::ResultTypes.Result{ValidationCacheEXT, VulkanError} val = @propagate_errors(_create_validation_cache_ext(device, initial_data; allocator, next, flags, initial_data_size)) val end """ Extension: VK\\_KHR\\_acceleration\\_structure Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `type::AccelerationStructureTypeKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `create_flags::AccelerationStructureCreateFlagKHR`: defaults to `0` - `device_address::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateAccelerationStructureKHR.html) """ function create_acceleration_structure_khr(device, buffer, offset::Integer, size::Integer, type::AccelerationStructureTypeKHR; allocator = C_NULL, next = C_NULL, create_flags = 0, device_address = 0)::ResultTypes.Result{AccelerationStructureKHR, VulkanError} val = @propagate_errors(_create_acceleration_structure_khr(device, buffer, offset, size, type; allocator, next, create_flags, device_address)) val end """ Extension: VK\\_NV\\_ray\\_tracing Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `compacted_size::UInt64` - `info::AccelerationStructureInfoNV` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateAccelerationStructureNV.html) """ function create_acceleration_structure_nv(device, compacted_size::Integer, info::AccelerationStructureInfoNV; allocator = C_NULL, next = C_NULL)::ResultTypes.Result{AccelerationStructureNV, VulkanError} val = @propagate_errors(_create_acceleration_structure_nv(device, compacted_size, convert(_AccelerationStructureInfoNV, info); allocator, next)) val end """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `device::Device` - `flags::UInt32` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePrivateDataSlot.html) """ function create_private_data_slot(device, flags::Integer; allocator = C_NULL, next = C_NULL)::ResultTypes.Result{PrivateDataSlot, VulkanError} val = @propagate_errors(_create_private_data_slot(device, flags; allocator, next)) val end """ Extension: VK\\_NVX\\_binary\\_import Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `data_size::UInt` - `data::Ptr{Cvoid}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCuModuleNVX.html) """ function create_cu_module_nvx(device, data_size::Integer, data::Ptr{Cvoid}; allocator = C_NULL, next = C_NULL)::ResultTypes.Result{CuModuleNVX, VulkanError} val = @propagate_errors(_create_cu_module_nvx(device, data_size, data; allocator, next)) val end """ Extension: VK\\_NVX\\_binary\\_import Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `_module::CuModuleNVX` - `name::String` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCuFunctionNVX.html) """ function create_cu_function_nvx(device, _module, name::AbstractString; allocator = C_NULL, next = C_NULL)::ResultTypes.Result{CuFunctionNVX, VulkanError} val = @propagate_errors(_create_cu_function_nvx(device, _module, name; allocator, next)) val end """ Extension: VK\\_NV\\_optical\\_flow Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `width::UInt32` - `height::UInt32` - `image_format::Format` - `flow_vector_format::Format` - `output_grid_size::OpticalFlowGridSizeFlagNV` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `cost_format::Format`: defaults to `0` - `hint_grid_size::OpticalFlowGridSizeFlagNV`: defaults to `0` - `performance_level::OpticalFlowPerformanceLevelNV`: defaults to `0` - `flags::OpticalFlowSessionCreateFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateOpticalFlowSessionNV.html) """ function create_optical_flow_session_nv(device, width::Integer, height::Integer, image_format::Format, flow_vector_format::Format, output_grid_size::OpticalFlowGridSizeFlagNV; allocator = C_NULL, next = C_NULL, cost_format = 0, hint_grid_size = 0, performance_level = 0, flags = 0)::ResultTypes.Result{OpticalFlowSessionNV, VulkanError} val = @propagate_errors(_create_optical_flow_session_nv(device, width, height, image_format, flow_vector_format, output_grid_size; allocator, next, cost_format, hint_grid_size, performance_level, flags)) val end """ Extension: VK\\_EXT\\_opacity\\_micromap Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR` Arguments: - `device::Device` - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `type::MicromapTypeEXT` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `create_flags::MicromapCreateFlagEXT`: defaults to `0` - `device_address::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateMicromapEXT.html) """ function create_micromap_ext(device, buffer, offset::Integer, size::Integer, type::MicromapTypeEXT; allocator = C_NULL, next = C_NULL, create_flags = 0, device_address = 0)::ResultTypes.Result{MicromapEXT, VulkanError} val = @propagate_errors(_create_micromap_ext(device, buffer, offset, size, type; allocator, next, create_flags, device_address)) val end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` (externsync) - `parameters::DisplayModeParametersKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDisplayModeKHR.html) """ function create_display_mode_khr(physical_device, display, parameters::DisplayModeParametersKHR; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{DisplayModeKHR, VulkanError} val = @propagate_errors(_create_display_mode_khr(physical_device, display, convert(_DisplayModeParametersKHR, parameters); allocator, next, flags)) val end """ Extension: VK\\_KHR\\_display Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `display_mode::DisplayModeKHR` - `plane_index::UInt32` - `plane_stack_index::UInt32` - `transform::SurfaceTransformFlagKHR` - `global_alpha::Float32` - `alpha_mode::DisplayPlaneAlphaFlagKHR` - `image_extent::Extent2D` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDisplayPlaneSurfaceKHR.html) """ function create_display_plane_surface_khr(instance, display_mode, plane_index::Integer, plane_stack_index::Integer, transform::SurfaceTransformFlagKHR, global_alpha::Real, alpha_mode::DisplayPlaneAlphaFlagKHR, image_extent::Extent2D; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_display_plane_surface_khr(instance, display_mode, plane_index, plane_stack_index, transform, global_alpha, alpha_mode, convert(_Extent2D, image_extent); allocator, next, flags)) val end """ Extension: VK\\_KHR\\_win32\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `hinstance::HINSTANCE` - `hwnd::HWND` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateWin32SurfaceKHR.html) """ function create_win_32_surface_khr(instance, hinstance::vk.HINSTANCE, hwnd::vk.HWND; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_win_32_surface_khr(instance, hinstance, hwnd; allocator, next, flags)) val end """ Extension: VK\\_EXT\\_headless\\_surface Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `instance::Instance` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateHeadlessSurfaceEXT.html) """ function create_headless_surface_ext(instance; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_headless_surface_ext(instance; allocator, next, flags)) val end """ Extension: VK\\_KHR\\_swapchain Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_SURFACE_LOST_KHR` - `ERROR_NATIVE_WINDOW_IN_USE_KHR` - `ERROR_INITIALIZATION_FAILED` - `ERROR_COMPRESSION_EXHAUSTED_EXT` Arguments: - `device::Device` - `surface::SurfaceKHR` - `min_image_count::UInt32` - `image_format::Format` - `image_color_space::ColorSpaceKHR` - `image_extent::Extent2D` - `image_array_layers::UInt32` - `image_usage::ImageUsageFlag` - `image_sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `pre_transform::SurfaceTransformFlagKHR` - `composite_alpha::CompositeAlphaFlagKHR` - `present_mode::PresentModeKHR` - `clipped::Bool` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::SwapchainCreateFlagKHR`: defaults to `0` - `old_swapchain::SwapchainKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSwapchainKHR.html) """ function create_swapchain_khr(device, surface, min_image_count::Integer, image_format::Format, image_color_space::ColorSpaceKHR, image_extent::Extent2D, image_array_layers::Integer, image_usage::ImageUsageFlag, image_sharing_mode::SharingMode, queue_family_indices::AbstractArray, pre_transform::SurfaceTransformFlagKHR, composite_alpha::CompositeAlphaFlagKHR, present_mode::PresentModeKHR, clipped::Bool; allocator = C_NULL, next = C_NULL, flags = 0, old_swapchain = C_NULL)::ResultTypes.Result{SwapchainKHR, VulkanError} val = @propagate_errors(_create_swapchain_khr(device, surface, min_image_count, image_format, image_color_space, convert(_Extent2D, image_extent), image_array_layers, image_usage, image_sharing_mode, queue_family_indices, pre_transform, composite_alpha, present_mode, clipped; allocator, next, flags, old_swapchain)) val end """ Extension: VK\\_EXT\\_debug\\_report Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `instance::Instance` - `pfn_callback::FunctionPtr` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::DebugReportFlagEXT`: defaults to `0` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDebugReportCallbackEXT.html) """ function create_debug_report_callback_ext(instance, pfn_callback::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL)::ResultTypes.Result{DebugReportCallbackEXT, VulkanError} val = @propagate_errors(_create_debug_report_callback_ext(instance, pfn_callback; allocator, next, flags, user_data)) val end """ Extension: VK\\_EXT\\_debug\\_utils Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` Arguments: - `instance::Instance` - `message_severity::DebugUtilsMessageSeverityFlagEXT` - `message_type::DebugUtilsMessageTypeFlagEXT` - `pfn_user_callback::FunctionPtr` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDebugUtilsMessengerEXT.html) """ function create_debug_utils_messenger_ext(instance, message_severity::DebugUtilsMessageSeverityFlagEXT, message_type::DebugUtilsMessageTypeFlagEXT, pfn_user_callback::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL)::ResultTypes.Result{DebugUtilsMessengerEXT, VulkanError} val = @propagate_errors(_create_debug_utils_messenger_ext(instance, message_severity, message_type, pfn_user_callback; allocator, next, flags, user_data)) val end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_VIDEO_STD_VERSION_NOT_SUPPORTED_KHR` Arguments: - `device::Device` - `queue_family_index::UInt32` - `video_profile::VideoProfileInfoKHR` - `picture_format::Format` - `max_coded_extent::Extent2D` - `reference_picture_format::Format` - `max_dpb_slots::UInt32` - `max_active_reference_pictures::UInt32` - `std_header_version::ExtensionProperties` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::VideoSessionCreateFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateVideoSessionKHR.html) """ function create_video_session_khr(device, queue_family_index::Integer, video_profile::VideoProfileInfoKHR, picture_format::Format, max_coded_extent::Extent2D, reference_picture_format::Format, max_dpb_slots::Integer, max_active_reference_pictures::Integer, std_header_version::ExtensionProperties; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{VideoSessionKHR, VulkanError} val = @propagate_errors(_create_video_session_khr(device, queue_family_index, convert(_VideoProfileInfoKHR, video_profile), picture_format, convert(_Extent2D, max_coded_extent), reference_picture_format, max_dpb_slots, max_active_reference_pictures, convert(_ExtensionProperties, std_header_version); allocator, next, flags)) val end """ Extension: VK\\_KHR\\_video\\_queue Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` Arguments: - `device::Device` - `video_session::VideoSessionKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `video_session_parameters_template::VideoSessionParametersKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateVideoSessionParametersKHR.html) """ function create_video_session_parameters_khr(device, video_session; allocator = C_NULL, next = C_NULL, flags = 0, video_session_parameters_template = C_NULL)::ResultTypes.Result{VideoSessionParametersKHR, VulkanError} val = @propagate_errors(_create_video_session_parameters_khr(device, video_session; allocator, next, flags, video_session_parameters_template)) val end function create_instance(enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, application_info = C_NULL)::ResultTypes.Result{Instance, VulkanError} val = @propagate_errors(_create_instance(enabled_layer_names, enabled_extension_names, fptr_create, fptr_destroy; allocator, next, flags, application_info)) val end function create_device(physical_device, queue_create_infos::AbstractArray, enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, enabled_features = C_NULL)::ResultTypes.Result{Device, VulkanError} val = @propagate_errors(_create_device(physical_device, convert(AbstractArray{_DeviceQueueCreateInfo}, queue_create_infos), enabled_layer_names, enabled_extension_names, fptr_create, fptr_destroy; allocator, next, flags, enabled_features)) val end function allocate_memory(device, allocation_size::Integer, memory_type_index::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL)::ResultTypes.Result{DeviceMemory, VulkanError} val = @propagate_errors(_allocate_memory(device, allocation_size, memory_type_index, fptr_create, fptr_destroy; allocator, next)) val end function create_command_pool(device, queue_family_index::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{CommandPool, VulkanError} val = @propagate_errors(_create_command_pool(device, queue_family_index, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_buffer(device, size::Integer, usage::BufferUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Buffer, VulkanError} val = @propagate_errors(_create_buffer(device, size, usage, sharing_mode, queue_family_indices, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_buffer_view(device, buffer, format::Format, offset::Integer, range::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{BufferView, VulkanError} val = @propagate_errors(_create_buffer_view(device, buffer, format, offset, range, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_image(device, image_type::ImageType, format::Format, extent::Extent3D, mip_levels::Integer, array_layers::Integer, samples::SampleCountFlag, tiling::ImageTiling, usage::ImageUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, initial_layout::ImageLayout, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Image, VulkanError} val = @propagate_errors(_create_image(device, image_type, format, convert(_Extent3D, extent), mip_levels, array_layers, samples, tiling, usage, sharing_mode, queue_family_indices, initial_layout, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_image_view(device, image, view_type::ImageViewType, format::Format, components::ComponentMapping, subresource_range::ImageSubresourceRange, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{ImageView, VulkanError} val = @propagate_errors(_create_image_view(device, image, view_type, format, convert(_ComponentMapping, components), convert(_ImageSubresourceRange, subresource_range), fptr_create, fptr_destroy; allocator, next, flags)) val end function create_shader_module(device, code_size::Integer, code::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{ShaderModule, VulkanError} val = @propagate_errors(_create_shader_module(device, code_size, code, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_pipeline_layout(device, set_layouts::AbstractArray, push_constant_ranges::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{PipelineLayout, VulkanError} val = @propagate_errors(_create_pipeline_layout(device, set_layouts, convert(AbstractArray{_PushConstantRange}, push_constant_ranges), fptr_create, fptr_destroy; allocator, next, flags)) val end function create_sampler(device, mag_filter::Filter, min_filter::Filter, mipmap_mode::SamplerMipmapMode, address_mode_u::SamplerAddressMode, address_mode_v::SamplerAddressMode, address_mode_w::SamplerAddressMode, mip_lod_bias::Real, anisotropy_enable::Bool, max_anisotropy::Real, compare_enable::Bool, compare_op::CompareOp, min_lod::Real, max_lod::Real, border_color::BorderColor, unnormalized_coordinates::Bool, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Sampler, VulkanError} val = @propagate_errors(_create_sampler(device, mag_filter, min_filter, mipmap_mode, address_mode_u, address_mode_v, address_mode_w, mip_lod_bias, anisotropy_enable, max_anisotropy, compare_enable, compare_op, min_lod, max_lod, border_color, unnormalized_coordinates, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_descriptor_set_layout(device, bindings::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{DescriptorSetLayout, VulkanError} val = @propagate_errors(_create_descriptor_set_layout(device, convert(AbstractArray{_DescriptorSetLayoutBinding}, bindings), fptr_create, fptr_destroy; allocator, next, flags)) val end function create_descriptor_pool(device, max_sets::Integer, pool_sizes::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{DescriptorPool, VulkanError} val = @propagate_errors(_create_descriptor_pool(device, max_sets, convert(AbstractArray{_DescriptorPoolSize}, pool_sizes), fptr_create, fptr_destroy; allocator, next, flags)) val end function create_fence(device, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Fence, VulkanError} val = @propagate_errors(_create_fence(device, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_semaphore(device, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Semaphore, VulkanError} val = @propagate_errors(_create_semaphore(device, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_event(device, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Event, VulkanError} val = @propagate_errors(_create_event(device, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_query_pool(device, query_type::QueryType, query_count::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, pipeline_statistics = 0)::ResultTypes.Result{QueryPool, VulkanError} val = @propagate_errors(_create_query_pool(device, query_type, query_count, fptr_create, fptr_destroy; allocator, next, flags, pipeline_statistics)) val end function create_framebuffer(device, render_pass, attachments::AbstractArray, width::Integer, height::Integer, layers::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{Framebuffer, VulkanError} val = @propagate_errors(_create_framebuffer(device, render_pass, attachments, width, height, layers, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_render_pass(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{RenderPass, VulkanError} val = @propagate_errors(_create_render_pass(device, convert(AbstractArray{_AttachmentDescription}, attachments), convert(AbstractArray{_SubpassDescription}, subpasses), convert(AbstractArray{_SubpassDependency}, dependencies), fptr_create, fptr_destroy; allocator, next, flags)) val end function create_render_pass_2(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray, correlated_view_masks::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{RenderPass, VulkanError} val = @propagate_errors(_create_render_pass_2(device, convert(AbstractArray{_AttachmentDescription2}, attachments), convert(AbstractArray{_SubpassDescription2}, subpasses), convert(AbstractArray{_SubpassDependency2}, dependencies), correlated_view_masks, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_pipeline_cache(device, initial_data::Ptr{Cvoid}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, initial_data_size = 0)::ResultTypes.Result{PipelineCache, VulkanError} val = @propagate_errors(_create_pipeline_cache(device, initial_data, fptr_create, fptr_destroy; allocator, next, flags, initial_data_size)) val end function create_indirect_commands_layout_nv(device, pipeline_bind_point::PipelineBindPoint, tokens::AbstractArray, stream_strides::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{IndirectCommandsLayoutNV, VulkanError} val = @propagate_errors(_create_indirect_commands_layout_nv(device, pipeline_bind_point, convert(AbstractArray{_IndirectCommandsLayoutTokenNV}, tokens), stream_strides, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_descriptor_update_template(device, descriptor_update_entries::AbstractArray, template_type::DescriptorUpdateTemplateType, descriptor_set_layout, pipeline_bind_point::PipelineBindPoint, pipeline_layout, set::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{DescriptorUpdateTemplate, VulkanError} val = @propagate_errors(_create_descriptor_update_template(device, convert(AbstractArray{_DescriptorUpdateTemplateEntry}, descriptor_update_entries), template_type, descriptor_set_layout, pipeline_bind_point, pipeline_layout, set, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_sampler_ycbcr_conversion(device, format::Format, ycbcr_model::SamplerYcbcrModelConversion, ycbcr_range::SamplerYcbcrRange, components::ComponentMapping, x_chroma_offset::ChromaLocation, y_chroma_offset::ChromaLocation, chroma_filter::Filter, force_explicit_reconstruction::Bool, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL)::ResultTypes.Result{SamplerYcbcrConversion, VulkanError} val = @propagate_errors(_create_sampler_ycbcr_conversion(device, format, ycbcr_model, ycbcr_range, convert(_ComponentMapping, components), x_chroma_offset, y_chroma_offset, chroma_filter, force_explicit_reconstruction, fptr_create, fptr_destroy; allocator, next)) val end function create_validation_cache_ext(device, initial_data::Ptr{Cvoid}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, initial_data_size = 0)::ResultTypes.Result{ValidationCacheEXT, VulkanError} val = @propagate_errors(_create_validation_cache_ext(device, initial_data, fptr_create, fptr_destroy; allocator, next, flags, initial_data_size)) val end function create_acceleration_structure_khr(device, buffer, offset::Integer, size::Integer, type::AccelerationStructureTypeKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, create_flags = 0, device_address = 0)::ResultTypes.Result{AccelerationStructureKHR, VulkanError} val = @propagate_errors(_create_acceleration_structure_khr(device, buffer, offset, size, type, fptr_create, fptr_destroy; allocator, next, create_flags, device_address)) val end function create_acceleration_structure_nv(device, compacted_size::Integer, info::AccelerationStructureInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL)::ResultTypes.Result{AccelerationStructureNV, VulkanError} val = @propagate_errors(_create_acceleration_structure_nv(device, compacted_size, convert(_AccelerationStructureInfoNV, info), fptr_create, fptr_destroy; allocator, next)) val end function create_private_data_slot(device, flags::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL)::ResultTypes.Result{PrivateDataSlot, VulkanError} val = @propagate_errors(_create_private_data_slot(device, flags, fptr_create, fptr_destroy; allocator, next)) val end function create_cu_module_nvx(device, data_size::Integer, data::Ptr{Cvoid}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL)::ResultTypes.Result{CuModuleNVX, VulkanError} val = @propagate_errors(_create_cu_module_nvx(device, data_size, data, fptr_create, fptr_destroy; allocator, next)) val end function create_cu_function_nvx(device, _module, name::AbstractString, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL)::ResultTypes.Result{CuFunctionNVX, VulkanError} val = @propagate_errors(_create_cu_function_nvx(device, _module, name, fptr_create, fptr_destroy; allocator, next)) val end function create_optical_flow_session_nv(device, width::Integer, height::Integer, image_format::Format, flow_vector_format::Format, output_grid_size::OpticalFlowGridSizeFlagNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, cost_format = 0, hint_grid_size = 0, performance_level = 0, flags = 0)::ResultTypes.Result{OpticalFlowSessionNV, VulkanError} val = @propagate_errors(_create_optical_flow_session_nv(device, width, height, image_format, flow_vector_format, output_grid_size, fptr_create, fptr_destroy; allocator, next, cost_format, hint_grid_size, performance_level, flags)) val end function create_micromap_ext(device, buffer, offset::Integer, size::Integer, type::MicromapTypeEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, create_flags = 0, device_address = 0)::ResultTypes.Result{MicromapEXT, VulkanError} val = @propagate_errors(_create_micromap_ext(device, buffer, offset, size, type, fptr_create, fptr_destroy; allocator, next, create_flags, device_address)) val end function create_display_mode_khr(physical_device, display, parameters::DisplayModeParametersKHR, fptr_create::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{DisplayModeKHR, VulkanError} val = @propagate_errors(_create_display_mode_khr(physical_device, display, convert(_DisplayModeParametersKHR, parameters), fptr_create; allocator, next, flags)) val end function create_display_plane_surface_khr(instance, display_mode, plane_index::Integer, plane_stack_index::Integer, transform::SurfaceTransformFlagKHR, global_alpha::Real, alpha_mode::DisplayPlaneAlphaFlagKHR, image_extent::Extent2D, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_display_plane_surface_khr(instance, display_mode, plane_index, plane_stack_index, transform, global_alpha, alpha_mode, convert(_Extent2D, image_extent), fptr_create, fptr_destroy; allocator, next, flags)) val end function create_win_32_surface_khr(instance, hinstance::vk.HINSTANCE, hwnd::vk.HWND, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_win_32_surface_khr(instance, hinstance, hwnd, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_headless_surface_ext(instance, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{SurfaceKHR, VulkanError} val = @propagate_errors(_create_headless_surface_ext(instance, fptr_create, fptr_destroy; allocator, next, flags)) val end function create_swapchain_khr(device, surface, min_image_count::Integer, image_format::Format, image_color_space::ColorSpaceKHR, image_extent::Extent2D, image_array_layers::Integer, image_usage::ImageUsageFlag, image_sharing_mode::SharingMode, queue_family_indices::AbstractArray, pre_transform::SurfaceTransformFlagKHR, composite_alpha::CompositeAlphaFlagKHR, present_mode::PresentModeKHR, clipped::Bool, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, old_swapchain = C_NULL)::ResultTypes.Result{SwapchainKHR, VulkanError} val = @propagate_errors(_create_swapchain_khr(device, surface, min_image_count, image_format, image_color_space, convert(_Extent2D, image_extent), image_array_layers, image_usage, image_sharing_mode, queue_family_indices, pre_transform, composite_alpha, present_mode, clipped, fptr_create, fptr_destroy; allocator, next, flags, old_swapchain)) val end function create_debug_report_callback_ext(instance, pfn_callback::FunctionPtr, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL)::ResultTypes.Result{DebugReportCallbackEXT, VulkanError} val = @propagate_errors(_create_debug_report_callback_ext(instance, pfn_callback, fptr_create, fptr_destroy; allocator, next, flags, user_data)) val end function create_debug_utils_messenger_ext(instance, message_severity::DebugUtilsMessageSeverityFlagEXT, message_type::DebugUtilsMessageTypeFlagEXT, pfn_user_callback::FunctionPtr, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL)::ResultTypes.Result{DebugUtilsMessengerEXT, VulkanError} val = @propagate_errors(_create_debug_utils_messenger_ext(instance, message_severity, message_type, pfn_user_callback, fptr_create, fptr_destroy; allocator, next, flags, user_data)) val end function create_video_session_khr(device, queue_family_index::Integer, video_profile::VideoProfileInfoKHR, picture_format::Format, max_coded_extent::Extent2D, reference_picture_format::Format, max_dpb_slots::Integer, max_active_reference_pictures::Integer, std_header_version::ExtensionProperties, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0)::ResultTypes.Result{VideoSessionKHR, VulkanError} val = @propagate_errors(_create_video_session_khr(device, queue_family_index, convert(_VideoProfileInfoKHR, video_profile), picture_format, convert(_Extent2D, max_coded_extent), reference_picture_format, max_dpb_slots, max_active_reference_pictures, convert(_ExtensionProperties, std_header_version), fptr_create, fptr_destroy; allocator, next, flags)) val end function create_video_session_parameters_khr(device, video_session, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, video_session_parameters_template = C_NULL)::ResultTypes.Result{VideoSessionParametersKHR, VulkanError} val = @propagate_errors(_create_video_session_parameters_khr(device, video_session, fptr_create, fptr_destroy; allocator, next, flags, video_session_parameters_template)) val end """ Arguments: - `physical_device::PhysicalDevice` - `queue_create_infos::Vector{_DeviceQueueCreateInfo}` - `enabled_layer_names::Vector{String}` - `enabled_extension_names::Vector{String}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `enabled_features::_PhysicalDeviceFeatures`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDevice.html) """ Device(physical_device, queue_create_infos::AbstractArray{_DeviceQueueCreateInfo}, enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0, enabled_features = C_NULL) = unwrap(_create_device(physical_device, queue_create_infos, enabled_layer_names, enabled_extension_names; allocator, next, flags, enabled_features)) """ Arguments: - `device::Device` - `image_type::ImageType` - `format::Format` - `extent::_Extent3D` - `mip_levels::UInt32` - `array_layers::UInt32` - `samples::SampleCountFlag` - `tiling::ImageTiling` - `usage::ImageUsageFlag` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `initial_layout::ImageLayout` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::ImageCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateImage.html) """ Image(device, image_type::ImageType, format::Format, extent::_Extent3D, mip_levels::Integer, array_layers::Integer, samples::SampleCountFlag, tiling::ImageTiling, usage::ImageUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, initial_layout::ImageLayout; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_image(device, image_type, format, extent, mip_levels, array_layers, samples, tiling, usage, sharing_mode, queue_family_indices, initial_layout; allocator, next, flags)) """ Arguments: - `device::Device` - `image::Image` - `view_type::ImageViewType` - `format::Format` - `components::_ComponentMapping` - `subresource_range::_ImageSubresourceRange` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::ImageViewCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateImageView.html) """ ImageView(device, image, view_type::ImageViewType, format::Format, components::_ComponentMapping, subresource_range::_ImageSubresourceRange; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_image_view(device, image, view_type, format, components, subresource_range; allocator, next, flags)) """ Arguments: - `device::Device` - `set_layouts::Vector{DescriptorSetLayout}` - `push_constant_ranges::Vector{_PushConstantRange}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::PipelineLayoutCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePipelineLayout.html) """ PipelineLayout(device, set_layouts::AbstractArray, push_constant_ranges::AbstractArray{_PushConstantRange}; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_pipeline_layout(device, set_layouts, push_constant_ranges; allocator, next, flags)) """ Arguments: - `device::Device` - `bindings::Vector{_DescriptorSetLayoutBinding}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::DescriptorSetLayoutCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorSetLayout.html) """ DescriptorSetLayout(device, bindings::AbstractArray{_DescriptorSetLayoutBinding}; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_descriptor_set_layout(device, bindings; allocator, next, flags)) """ Arguments: - `device::Device` - `max_sets::UInt32` - `pool_sizes::Vector{_DescriptorPoolSize}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::DescriptorPoolCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorPool.html) """ DescriptorPool(device, max_sets::Integer, pool_sizes::AbstractArray{_DescriptorPoolSize}; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_descriptor_pool(device, max_sets, pool_sizes; allocator, next, flags)) """ Arguments: - `device::Device` - `attachments::Vector{_AttachmentDescription}` - `subpasses::Vector{_SubpassDescription}` - `dependencies::Vector{_SubpassDependency}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::RenderPassCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRenderPass.html) """ RenderPass(device, attachments::AbstractArray{_AttachmentDescription}, subpasses::AbstractArray{_SubpassDescription}, dependencies::AbstractArray{_SubpassDependency}; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_render_pass(device, attachments, subpasses, dependencies; allocator, next, flags)) """ Arguments: - `device::Device` - `attachments::Vector{_AttachmentDescription2}` - `subpasses::Vector{_SubpassDescription2}` - `dependencies::Vector{_SubpassDependency2}` - `correlated_view_masks::Vector{UInt32}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::RenderPassCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRenderPass2.html) """ RenderPass(device, attachments::AbstractArray{_AttachmentDescription2}, subpasses::AbstractArray{_SubpassDescription2}, dependencies::AbstractArray{_SubpassDependency2}, correlated_view_masks::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_render_pass_2(device, attachments, subpasses, dependencies, correlated_view_masks; allocator, next, flags)) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `device::Device` - `pipeline_bind_point::PipelineBindPoint` - `tokens::Vector{_IndirectCommandsLayoutTokenNV}` - `stream_strides::Vector{UInt32}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::IndirectCommandsLayoutUsageFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateIndirectCommandsLayoutNV.html) """ IndirectCommandsLayoutNV(device, pipeline_bind_point::PipelineBindPoint, tokens::AbstractArray{_IndirectCommandsLayoutTokenNV}, stream_strides::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_indirect_commands_layout_nv(device, pipeline_bind_point, tokens, stream_strides; allocator, next, flags)) """ Arguments: - `device::Device` - `descriptor_update_entries::Vector{_DescriptorUpdateTemplateEntry}` - `template_type::DescriptorUpdateTemplateType` - `descriptor_set_layout::DescriptorSetLayout` - `pipeline_bind_point::PipelineBindPoint` - `pipeline_layout::PipelineLayout` - `set::UInt32` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorUpdateTemplate.html) """ DescriptorUpdateTemplate(device, descriptor_update_entries::AbstractArray{_DescriptorUpdateTemplateEntry}, template_type::DescriptorUpdateTemplateType, descriptor_set_layout, pipeline_bind_point::PipelineBindPoint, pipeline_layout, set::Integer; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_descriptor_update_template(device, descriptor_update_entries, template_type, descriptor_set_layout, pipeline_bind_point, pipeline_layout, set; allocator, next, flags)) """ Arguments: - `device::Device` - `format::Format` - `ycbcr_model::SamplerYcbcrModelConversion` - `ycbcr_range::SamplerYcbcrRange` - `components::_ComponentMapping` - `x_chroma_offset::ChromaLocation` - `y_chroma_offset::ChromaLocation` - `chroma_filter::Filter` - `force_explicit_reconstruction::Bool` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSamplerYcbcrConversion.html) """ SamplerYcbcrConversion(device, format::Format, ycbcr_model::SamplerYcbcrModelConversion, ycbcr_range::SamplerYcbcrRange, components::_ComponentMapping, x_chroma_offset::ChromaLocation, y_chroma_offset::ChromaLocation, chroma_filter::Filter, force_explicit_reconstruction::Bool; allocator = C_NULL, next = C_NULL) = unwrap(_create_sampler_ycbcr_conversion(device, format, ycbcr_model, ycbcr_range, components, x_chroma_offset, y_chroma_offset, chroma_filter, force_explicit_reconstruction; allocator, next)) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `device::Device` - `compacted_size::UInt64` - `info::_AccelerationStructureInfoNV` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateAccelerationStructureNV.html) """ AccelerationStructureNV(device, compacted_size::Integer, info::_AccelerationStructureInfoNV; allocator = C_NULL, next = C_NULL) = unwrap(_create_acceleration_structure_nv(device, compacted_size, info; allocator, next)) """ Extension: VK\\_KHR\\_display Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` (externsync) - `parameters::_DisplayModeParametersKHR` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDisplayModeKHR.html) """ DisplayModeKHR(physical_device, display, parameters::_DisplayModeParametersKHR; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_display_mode_khr(physical_device, display, parameters; allocator, next, flags)) """ Extension: VK\\_KHR\\_swapchain Arguments: - `device::Device` - `surface::SurfaceKHR` - `min_image_count::UInt32` - `image_format::Format` - `image_color_space::ColorSpaceKHR` - `image_extent::_Extent2D` - `image_array_layers::UInt32` - `image_usage::ImageUsageFlag` - `image_sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `pre_transform::SurfaceTransformFlagKHR` - `composite_alpha::CompositeAlphaFlagKHR` - `present_mode::PresentModeKHR` - `clipped::Bool` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::SwapchainCreateFlagKHR`: defaults to `0` - `old_swapchain::SwapchainKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSwapchainKHR.html) """ SwapchainKHR(device, surface, min_image_count::Integer, image_format::Format, image_color_space::ColorSpaceKHR, image_extent::_Extent2D, image_array_layers::Integer, image_usage::ImageUsageFlag, image_sharing_mode::SharingMode, queue_family_indices::AbstractArray, pre_transform::SurfaceTransformFlagKHR, composite_alpha::CompositeAlphaFlagKHR, present_mode::PresentModeKHR, clipped::Bool; allocator = C_NULL, next = C_NULL, flags = 0, old_swapchain = C_NULL) = unwrap(_create_swapchain_khr(device, surface, min_image_count, image_format, image_color_space, image_extent, image_array_layers, image_usage, image_sharing_mode, queue_family_indices, pre_transform, composite_alpha, present_mode, clipped; allocator, next, flags, old_swapchain)) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `device::Device` - `queue_family_index::UInt32` - `video_profile::_VideoProfileInfoKHR` - `picture_format::Format` - `max_coded_extent::_Extent2D` - `reference_picture_format::Format` - `max_dpb_slots::UInt32` - `max_active_reference_pictures::UInt32` - `std_header_version::_ExtensionProperties` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::VideoSessionCreateFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateVideoSessionKHR.html) """ VideoSessionKHR(device, queue_family_index::Integer, video_profile::_VideoProfileInfoKHR, picture_format::Format, max_coded_extent::_Extent2D, reference_picture_format::Format, max_dpb_slots::Integer, max_active_reference_pictures::Integer, std_header_version::_ExtensionProperties; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_video_session_khr(device, queue_family_index, video_profile, picture_format, max_coded_extent, reference_picture_format, max_dpb_slots, max_active_reference_pictures, std_header_version; allocator, next, flags)) Device(physical_device, queue_create_infos::AbstractArray{_DeviceQueueCreateInfo}, enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, enabled_features = C_NULL) = unwrap(_create_device(physical_device, queue_create_infos, enabled_layer_names, enabled_extension_names, fptr_create, fptr_destroy; allocator, next, flags, enabled_features)) Image(device, image_type::ImageType, format::Format, extent::_Extent3D, mip_levels::Integer, array_layers::Integer, samples::SampleCountFlag, tiling::ImageTiling, usage::ImageUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, initial_layout::ImageLayout, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_image(device, image_type, format, extent, mip_levels, array_layers, samples, tiling, usage, sharing_mode, queue_family_indices, initial_layout, fptr_create, fptr_destroy; allocator, next, flags)) ImageView(device, image, view_type::ImageViewType, format::Format, components::_ComponentMapping, subresource_range::_ImageSubresourceRange, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_image_view(device, image, view_type, format, components, subresource_range, fptr_create, fptr_destroy; allocator, next, flags)) PipelineLayout(device, set_layouts::AbstractArray, push_constant_ranges::AbstractArray{_PushConstantRange}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_pipeline_layout(device, set_layouts, push_constant_ranges, fptr_create, fptr_destroy; allocator, next, flags)) DescriptorSetLayout(device, bindings::AbstractArray{_DescriptorSetLayoutBinding}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_descriptor_set_layout(device, bindings, fptr_create, fptr_destroy; allocator, next, flags)) DescriptorPool(device, max_sets::Integer, pool_sizes::AbstractArray{_DescriptorPoolSize}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_descriptor_pool(device, max_sets, pool_sizes, fptr_create, fptr_destroy; allocator, next, flags)) RenderPass(device, attachments::AbstractArray{_AttachmentDescription}, subpasses::AbstractArray{_SubpassDescription}, dependencies::AbstractArray{_SubpassDependency}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_render_pass(device, attachments, subpasses, dependencies, fptr_create, fptr_destroy; allocator, next, flags)) RenderPass(device, attachments::AbstractArray{_AttachmentDescription2}, subpasses::AbstractArray{_SubpassDescription2}, dependencies::AbstractArray{_SubpassDependency2}, correlated_view_masks::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_render_pass_2(device, attachments, subpasses, dependencies, correlated_view_masks, fptr_create, fptr_destroy; allocator, next, flags)) IndirectCommandsLayoutNV(device, pipeline_bind_point::PipelineBindPoint, tokens::AbstractArray{_IndirectCommandsLayoutTokenNV}, stream_strides::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_indirect_commands_layout_nv(device, pipeline_bind_point, tokens, stream_strides, fptr_create, fptr_destroy; allocator, next, flags)) DescriptorUpdateTemplate(device, descriptor_update_entries::AbstractArray{_DescriptorUpdateTemplateEntry}, template_type::DescriptorUpdateTemplateType, descriptor_set_layout, pipeline_bind_point::PipelineBindPoint, pipeline_layout, set::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_descriptor_update_template(device, descriptor_update_entries, template_type, descriptor_set_layout, pipeline_bind_point, pipeline_layout, set, fptr_create, fptr_destroy; allocator, next, flags)) SamplerYcbcrConversion(device, format::Format, ycbcr_model::SamplerYcbcrModelConversion, ycbcr_range::SamplerYcbcrRange, components::_ComponentMapping, x_chroma_offset::ChromaLocation, y_chroma_offset::ChromaLocation, chroma_filter::Filter, force_explicit_reconstruction::Bool, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = unwrap(_create_sampler_ycbcr_conversion(device, format, ycbcr_model, ycbcr_range, components, x_chroma_offset, y_chroma_offset, chroma_filter, force_explicit_reconstruction, fptr_create, fptr_destroy; allocator, next)) AccelerationStructureNV(device, compacted_size::Integer, info::_AccelerationStructureInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = unwrap(_create_acceleration_structure_nv(device, compacted_size, info, fptr_create, fptr_destroy; allocator, next)) DisplayModeKHR(physical_device, display, parameters::_DisplayModeParametersKHR, fptr_create::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_display_mode_khr(physical_device, display, parameters, fptr_create; allocator, next, flags)) SwapchainKHR(device, surface, min_image_count::Integer, image_format::Format, image_color_space::ColorSpaceKHR, image_extent::_Extent2D, image_array_layers::Integer, image_usage::ImageUsageFlag, image_sharing_mode::SharingMode, queue_family_indices::AbstractArray, pre_transform::SurfaceTransformFlagKHR, composite_alpha::CompositeAlphaFlagKHR, present_mode::PresentModeKHR, clipped::Bool, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, old_swapchain = C_NULL) = unwrap(_create_swapchain_khr(device, surface, min_image_count, image_format, image_color_space, image_extent, image_array_layers, image_usage, image_sharing_mode, queue_family_indices, pre_transform, composite_alpha, present_mode, clipped, fptr_create, fptr_destroy; allocator, next, flags, old_swapchain)) VideoSessionKHR(device, queue_family_index::Integer, video_profile::_VideoProfileInfoKHR, picture_format::Format, max_coded_extent::_Extent2D, reference_picture_format::Format, max_dpb_slots::Integer, max_active_reference_pictures::Integer, std_header_version::_ExtensionProperties, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(_create_video_session_khr(device, queue_family_index, video_profile, picture_format, max_coded_extent, reference_picture_format, max_dpb_slots, max_active_reference_pictures, std_header_version, fptr_create, fptr_destroy; allocator, next, flags)) """ Arguments: - `enabled_layer_names::Vector{String}` - `enabled_extension_names::Vector{String}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::InstanceCreateFlag`: defaults to `0` - `application_info::ApplicationInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateInstance.html) """ Instance(enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0, application_info = C_NULL) = unwrap(create_instance(enabled_layer_names, enabled_extension_names; allocator, next, flags, application_info)) """ Arguments: - `physical_device::PhysicalDevice` - `queue_create_infos::Vector{DeviceQueueCreateInfo}` - `enabled_layer_names::Vector{String}` - `enabled_extension_names::Vector{String}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `enabled_features::PhysicalDeviceFeatures`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDevice.html) """ Device(physical_device, queue_create_infos::AbstractArray, enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0, enabled_features = C_NULL) = unwrap(create_device(physical_device, queue_create_infos, enabled_layer_names, enabled_extension_names; allocator, next, flags, enabled_features)) """ Arguments: - `device::Device` - `allocation_size::UInt64` - `memory_type_index::UInt32` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAllocateMemory.html) """ DeviceMemory(device, allocation_size::Integer, memory_type_index::Integer; allocator = C_NULL, next = C_NULL) = unwrap(allocate_memory(device, allocation_size, memory_type_index; allocator, next)) """ Arguments: - `device::Device` - `queue_family_index::UInt32` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::CommandPoolCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCommandPool.html) """ CommandPool(device, queue_family_index::Integer; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_command_pool(device, queue_family_index; allocator, next, flags)) """ Arguments: - `device::Device` - `size::UInt64` - `usage::BufferUsageFlag` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::BufferCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateBuffer.html) """ Buffer(device, size::Integer, usage::BufferUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_buffer(device, size, usage, sharing_mode, queue_family_indices; allocator, next, flags)) """ Arguments: - `device::Device` - `buffer::Buffer` - `format::Format` - `offset::UInt64` - `range::UInt64` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateBufferView.html) """ BufferView(device, buffer, format::Format, offset::Integer, range::Integer; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_buffer_view(device, buffer, format, offset, range; allocator, next, flags)) """ Arguments: - `device::Device` - `image_type::ImageType` - `format::Format` - `extent::Extent3D` - `mip_levels::UInt32` - `array_layers::UInt32` - `samples::SampleCountFlag` - `tiling::ImageTiling` - `usage::ImageUsageFlag` - `sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `initial_layout::ImageLayout` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::ImageCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateImage.html) """ Image(device, image_type::ImageType, format::Format, extent::Extent3D, mip_levels::Integer, array_layers::Integer, samples::SampleCountFlag, tiling::ImageTiling, usage::ImageUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, initial_layout::ImageLayout; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_image(device, image_type, format, extent, mip_levels, array_layers, samples, tiling, usage, sharing_mode, queue_family_indices, initial_layout; allocator, next, flags)) """ Arguments: - `device::Device` - `image::Image` - `view_type::ImageViewType` - `format::Format` - `components::ComponentMapping` - `subresource_range::ImageSubresourceRange` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::ImageViewCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateImageView.html) """ ImageView(device, image, view_type::ImageViewType, format::Format, components::ComponentMapping, subresource_range::ImageSubresourceRange; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_image_view(device, image, view_type, format, components, subresource_range; allocator, next, flags)) """ Arguments: - `device::Device` - `code_size::UInt` - `code::Vector{UInt32}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateShaderModule.html) """ ShaderModule(device, code_size::Integer, code::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_shader_module(device, code_size, code; allocator, next, flags)) """ Arguments: - `device::Device` - `set_layouts::Vector{DescriptorSetLayout}` - `push_constant_ranges::Vector{PushConstantRange}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::PipelineLayoutCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePipelineLayout.html) """ PipelineLayout(device, set_layouts::AbstractArray, push_constant_ranges::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_pipeline_layout(device, set_layouts, push_constant_ranges; allocator, next, flags)) """ Arguments: - `device::Device` - `mag_filter::Filter` - `min_filter::Filter` - `mipmap_mode::SamplerMipmapMode` - `address_mode_u::SamplerAddressMode` - `address_mode_v::SamplerAddressMode` - `address_mode_w::SamplerAddressMode` - `mip_lod_bias::Float32` - `anisotropy_enable::Bool` - `max_anisotropy::Float32` - `compare_enable::Bool` - `compare_op::CompareOp` - `min_lod::Float32` - `max_lod::Float32` - `border_color::BorderColor` - `unnormalized_coordinates::Bool` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::SamplerCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSampler.html) """ Sampler(device, mag_filter::Filter, min_filter::Filter, mipmap_mode::SamplerMipmapMode, address_mode_u::SamplerAddressMode, address_mode_v::SamplerAddressMode, address_mode_w::SamplerAddressMode, mip_lod_bias::Real, anisotropy_enable::Bool, max_anisotropy::Real, compare_enable::Bool, compare_op::CompareOp, min_lod::Real, max_lod::Real, border_color::BorderColor, unnormalized_coordinates::Bool; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_sampler(device, mag_filter, min_filter, mipmap_mode, address_mode_u, address_mode_v, address_mode_w, mip_lod_bias, anisotropy_enable, max_anisotropy, compare_enable, compare_op, min_lod, max_lod, border_color, unnormalized_coordinates; allocator, next, flags)) """ Arguments: - `device::Device` - `bindings::Vector{DescriptorSetLayoutBinding}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::DescriptorSetLayoutCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorSetLayout.html) """ DescriptorSetLayout(device, bindings::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_descriptor_set_layout(device, bindings; allocator, next, flags)) """ Arguments: - `device::Device` - `max_sets::UInt32` - `pool_sizes::Vector{DescriptorPoolSize}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::DescriptorPoolCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorPool.html) """ DescriptorPool(device, max_sets::Integer, pool_sizes::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_descriptor_pool(device, max_sets, pool_sizes; allocator, next, flags)) """ Arguments: - `device::Device` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::FenceCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateFence.html) """ Fence(device; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_fence(device; allocator, next, flags)) """ Arguments: - `device::Device` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSemaphore.html) """ Semaphore(device; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_semaphore(device; allocator, next, flags)) """ Arguments: - `device::Device` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::EventCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateEvent.html) """ Event(device; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_event(device; allocator, next, flags)) """ Arguments: - `device::Device` - `query_type::QueryType` - `query_count::UInt32` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `pipeline_statistics::QueryPipelineStatisticFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateQueryPool.html) """ QueryPool(device, query_type::QueryType, query_count::Integer; allocator = C_NULL, next = C_NULL, flags = 0, pipeline_statistics = 0) = unwrap(create_query_pool(device, query_type, query_count; allocator, next, flags, pipeline_statistics)) """ Arguments: - `device::Device` - `render_pass::RenderPass` - `attachments::Vector{ImageView}` - `width::UInt32` - `height::UInt32` - `layers::UInt32` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::FramebufferCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateFramebuffer.html) """ Framebuffer(device, render_pass, attachments::AbstractArray, width::Integer, height::Integer, layers::Integer; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_framebuffer(device, render_pass, attachments, width, height, layers; allocator, next, flags)) """ Arguments: - `device::Device` - `attachments::Vector{AttachmentDescription}` - `subpasses::Vector{SubpassDescription}` - `dependencies::Vector{SubpassDependency}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::RenderPassCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRenderPass.html) """ RenderPass(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_render_pass(device, attachments, subpasses, dependencies; allocator, next, flags)) """ Arguments: - `device::Device` - `attachments::Vector{AttachmentDescription2}` - `subpasses::Vector{SubpassDescription2}` - `dependencies::Vector{SubpassDependency2}` - `correlated_view_masks::Vector{UInt32}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::RenderPassCreateFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateRenderPass2.html) """ RenderPass(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray, correlated_view_masks::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_render_pass_2(device, attachments, subpasses, dependencies, correlated_view_masks; allocator, next, flags)) """ Arguments: - `device::Device` - `initial_data::Ptr{Cvoid}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::PipelineCacheCreateFlag`: defaults to `0` - `initial_data_size::UInt`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePipelineCache.html) """ PipelineCache(device, initial_data::Ptr{Cvoid}; allocator = C_NULL, next = C_NULL, flags = 0, initial_data_size = 0) = unwrap(create_pipeline_cache(device, initial_data; allocator, next, flags, initial_data_size)) """ Extension: VK\\_NV\\_device\\_generated\\_commands Arguments: - `device::Device` - `pipeline_bind_point::PipelineBindPoint` - `tokens::Vector{IndirectCommandsLayoutTokenNV}` - `stream_strides::Vector{UInt32}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::IndirectCommandsLayoutUsageFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateIndirectCommandsLayoutNV.html) """ IndirectCommandsLayoutNV(device, pipeline_bind_point::PipelineBindPoint, tokens::AbstractArray, stream_strides::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_indirect_commands_layout_nv(device, pipeline_bind_point, tokens, stream_strides; allocator, next, flags)) """ Arguments: - `device::Device` - `descriptor_update_entries::Vector{DescriptorUpdateTemplateEntry}` - `template_type::DescriptorUpdateTemplateType` - `descriptor_set_layout::DescriptorSetLayout` - `pipeline_bind_point::PipelineBindPoint` - `pipeline_layout::PipelineLayout` - `set::UInt32` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDescriptorUpdateTemplate.html) """ DescriptorUpdateTemplate(device, descriptor_update_entries::AbstractArray, template_type::DescriptorUpdateTemplateType, descriptor_set_layout, pipeline_bind_point::PipelineBindPoint, pipeline_layout, set::Integer; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_descriptor_update_template(device, descriptor_update_entries, template_type, descriptor_set_layout, pipeline_bind_point, pipeline_layout, set; allocator, next, flags)) """ Arguments: - `device::Device` - `format::Format` - `ycbcr_model::SamplerYcbcrModelConversion` - `ycbcr_range::SamplerYcbcrRange` - `components::ComponentMapping` - `x_chroma_offset::ChromaLocation` - `y_chroma_offset::ChromaLocation` - `chroma_filter::Filter` - `force_explicit_reconstruction::Bool` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSamplerYcbcrConversion.html) """ SamplerYcbcrConversion(device, format::Format, ycbcr_model::SamplerYcbcrModelConversion, ycbcr_range::SamplerYcbcrRange, components::ComponentMapping, x_chroma_offset::ChromaLocation, y_chroma_offset::ChromaLocation, chroma_filter::Filter, force_explicit_reconstruction::Bool; allocator = C_NULL, next = C_NULL) = unwrap(create_sampler_ycbcr_conversion(device, format, ycbcr_model, ycbcr_range, components, x_chroma_offset, y_chroma_offset, chroma_filter, force_explicit_reconstruction; allocator, next)) """ Extension: VK\\_EXT\\_validation\\_cache Arguments: - `device::Device` - `initial_data::Ptr{Cvoid}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `initial_data_size::UInt`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateValidationCacheEXT.html) """ ValidationCacheEXT(device, initial_data::Ptr{Cvoid}; allocator = C_NULL, next = C_NULL, flags = 0, initial_data_size = 0) = unwrap(create_validation_cache_ext(device, initial_data; allocator, next, flags, initial_data_size)) """ Extension: VK\\_KHR\\_acceleration\\_structure Arguments: - `device::Device` - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `type::AccelerationStructureTypeKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `create_flags::AccelerationStructureCreateFlagKHR`: defaults to `0` - `device_address::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateAccelerationStructureKHR.html) """ AccelerationStructureKHR(device, buffer, offset::Integer, size::Integer, type::AccelerationStructureTypeKHR; allocator = C_NULL, next = C_NULL, create_flags = 0, device_address = 0) = unwrap(create_acceleration_structure_khr(device, buffer, offset, size, type; allocator, next, create_flags, device_address)) """ Extension: VK\\_NV\\_ray\\_tracing Arguments: - `device::Device` - `compacted_size::UInt64` - `info::AccelerationStructureInfoNV` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateAccelerationStructureNV.html) """ AccelerationStructureNV(device, compacted_size::Integer, info::AccelerationStructureInfoNV; allocator = C_NULL, next = C_NULL) = unwrap(create_acceleration_structure_nv(device, compacted_size, info; allocator, next)) """ Arguments: - `device::Device` - `flags::UInt32` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreatePrivateDataSlot.html) """ PrivateDataSlot(device, flags::Integer; allocator = C_NULL, next = C_NULL) = unwrap(create_private_data_slot(device, flags; allocator, next)) """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `device::Device` - `data_size::UInt` - `data::Ptr{Cvoid}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCuModuleNVX.html) """ CuModuleNVX(device, data_size::Integer, data::Ptr{Cvoid}; allocator = C_NULL, next = C_NULL) = unwrap(create_cu_module_nvx(device, data_size, data; allocator, next)) """ Extension: VK\\_NVX\\_binary\\_import Arguments: - `device::Device` - `_module::CuModuleNVX` - `name::String` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateCuFunctionNVX.html) """ CuFunctionNVX(device, _module, name::AbstractString; allocator = C_NULL, next = C_NULL) = unwrap(create_cu_function_nvx(device, _module, name; allocator, next)) """ Extension: VK\\_NV\\_optical\\_flow Arguments: - `device::Device` - `width::UInt32` - `height::UInt32` - `image_format::Format` - `flow_vector_format::Format` - `output_grid_size::OpticalFlowGridSizeFlagNV` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `cost_format::Format`: defaults to `0` - `hint_grid_size::OpticalFlowGridSizeFlagNV`: defaults to `0` - `performance_level::OpticalFlowPerformanceLevelNV`: defaults to `0` - `flags::OpticalFlowSessionCreateFlagNV`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateOpticalFlowSessionNV.html) """ OpticalFlowSessionNV(device, width::Integer, height::Integer, image_format::Format, flow_vector_format::Format, output_grid_size::OpticalFlowGridSizeFlagNV; allocator = C_NULL, next = C_NULL, cost_format = 0, hint_grid_size = 0, performance_level = 0, flags = 0) = unwrap(create_optical_flow_session_nv(device, width, height, image_format, flow_vector_format, output_grid_size; allocator, next, cost_format, hint_grid_size, performance_level, flags)) """ Extension: VK\\_EXT\\_opacity\\_micromap Arguments: - `device::Device` - `buffer::Buffer` - `offset::UInt64` - `size::UInt64` - `type::MicromapTypeEXT` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `create_flags::MicromapCreateFlagEXT`: defaults to `0` - `device_address::UInt64`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateMicromapEXT.html) """ MicromapEXT(device, buffer, offset::Integer, size::Integer, type::MicromapTypeEXT; allocator = C_NULL, next = C_NULL, create_flags = 0, device_address = 0) = unwrap(create_micromap_ext(device, buffer, offset, size, type; allocator, next, create_flags, device_address)) """ Extension: VK\\_KHR\\_display Arguments: - `physical_device::PhysicalDevice` - `display::DisplayKHR` (externsync) - `parameters::DisplayModeParametersKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDisplayModeKHR.html) """ DisplayModeKHR(physical_device, display, parameters::DisplayModeParametersKHR; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_display_mode_khr(physical_device, display, parameters; allocator, next, flags)) """ Extension: VK\\_KHR\\_swapchain Arguments: - `device::Device` - `surface::SurfaceKHR` - `min_image_count::UInt32` - `image_format::Format` - `image_color_space::ColorSpaceKHR` - `image_extent::Extent2D` - `image_array_layers::UInt32` - `image_usage::ImageUsageFlag` - `image_sharing_mode::SharingMode` - `queue_family_indices::Vector{UInt32}` - `pre_transform::SurfaceTransformFlagKHR` - `composite_alpha::CompositeAlphaFlagKHR` - `present_mode::PresentModeKHR` - `clipped::Bool` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::SwapchainCreateFlagKHR`: defaults to `0` - `old_swapchain::SwapchainKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateSwapchainKHR.html) """ SwapchainKHR(device, surface, min_image_count::Integer, image_format::Format, image_color_space::ColorSpaceKHR, image_extent::Extent2D, image_array_layers::Integer, image_usage::ImageUsageFlag, image_sharing_mode::SharingMode, queue_family_indices::AbstractArray, pre_transform::SurfaceTransformFlagKHR, composite_alpha::CompositeAlphaFlagKHR, present_mode::PresentModeKHR, clipped::Bool; allocator = C_NULL, next = C_NULL, flags = 0, old_swapchain = C_NULL) = unwrap(create_swapchain_khr(device, surface, min_image_count, image_format, image_color_space, image_extent, image_array_layers, image_usage, image_sharing_mode, queue_family_indices, pre_transform, composite_alpha, present_mode, clipped; allocator, next, flags, old_swapchain)) """ Extension: VK\\_EXT\\_debug\\_report Arguments: - `instance::Instance` - `pfn_callback::FunctionPtr` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::DebugReportFlagEXT`: defaults to `0` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDebugReportCallbackEXT.html) """ DebugReportCallbackEXT(instance, pfn_callback::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL) = unwrap(create_debug_report_callback_ext(instance, pfn_callback; allocator, next, flags, user_data)) """ Extension: VK\\_EXT\\_debug\\_utils Arguments: - `instance::Instance` - `message_severity::DebugUtilsMessageSeverityFlagEXT` - `message_type::DebugUtilsMessageTypeFlagEXT` - `pfn_user_callback::FunctionPtr` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `user_data::Ptr{Cvoid}`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateDebugUtilsMessengerEXT.html) """ DebugUtilsMessengerEXT(instance, message_severity::DebugUtilsMessageSeverityFlagEXT, message_type::DebugUtilsMessageTypeFlagEXT, pfn_user_callback::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL) = unwrap(create_debug_utils_messenger_ext(instance, message_severity, message_type, pfn_user_callback; allocator, next, flags, user_data)) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `device::Device` - `queue_family_index::UInt32` - `video_profile::VideoProfileInfoKHR` - `picture_format::Format` - `max_coded_extent::Extent2D` - `reference_picture_format::Format` - `max_dpb_slots::UInt32` - `max_active_reference_pictures::UInt32` - `std_header_version::ExtensionProperties` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::VideoSessionCreateFlagKHR`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateVideoSessionKHR.html) """ VideoSessionKHR(device, queue_family_index::Integer, video_profile::VideoProfileInfoKHR, picture_format::Format, max_coded_extent::Extent2D, reference_picture_format::Format, max_dpb_slots::Integer, max_active_reference_pictures::Integer, std_header_version::ExtensionProperties; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_video_session_khr(device, queue_family_index, video_profile, picture_format, max_coded_extent, reference_picture_format, max_dpb_slots, max_active_reference_pictures, std_header_version; allocator, next, flags)) """ Extension: VK\\_KHR\\_video\\_queue Arguments: - `device::Device` - `video_session::VideoSessionKHR` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::UInt32`: defaults to `0` - `video_session_parameters_template::VideoSessionParametersKHR`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateVideoSessionParametersKHR.html) """ VideoSessionParametersKHR(device, video_session; allocator = C_NULL, next = C_NULL, flags = 0, video_session_parameters_template = C_NULL) = unwrap(create_video_session_parameters_khr(device, video_session; allocator, next, flags, video_session_parameters_template)) Instance(enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, application_info = C_NULL) = unwrap(create_instance(enabled_layer_names, enabled_extension_names, fptr_create, fptr_destroy; allocator, next, flags, application_info)) Device(physical_device, queue_create_infos::AbstractArray, enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, enabled_features = C_NULL) = unwrap(create_device(physical_device, queue_create_infos, enabled_layer_names, enabled_extension_names, fptr_create, fptr_destroy; allocator, next, flags, enabled_features)) DeviceMemory(device, allocation_size::Integer, memory_type_index::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = unwrap(allocate_memory(device, allocation_size, memory_type_index, fptr_create, fptr_destroy; allocator, next)) CommandPool(device, queue_family_index::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_command_pool(device, queue_family_index, fptr_create, fptr_destroy; allocator, next, flags)) Buffer(device, size::Integer, usage::BufferUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_buffer(device, size, usage, sharing_mode, queue_family_indices, fptr_create, fptr_destroy; allocator, next, flags)) BufferView(device, buffer, format::Format, offset::Integer, range::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_buffer_view(device, buffer, format, offset, range, fptr_create, fptr_destroy; allocator, next, flags)) Image(device, image_type::ImageType, format::Format, extent::Extent3D, mip_levels::Integer, array_layers::Integer, samples::SampleCountFlag, tiling::ImageTiling, usage::ImageUsageFlag, sharing_mode::SharingMode, queue_family_indices::AbstractArray, initial_layout::ImageLayout, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_image(device, image_type, format, extent, mip_levels, array_layers, samples, tiling, usage, sharing_mode, queue_family_indices, initial_layout, fptr_create, fptr_destroy; allocator, next, flags)) ImageView(device, image, view_type::ImageViewType, format::Format, components::ComponentMapping, subresource_range::ImageSubresourceRange, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_image_view(device, image, view_type, format, components, subresource_range, fptr_create, fptr_destroy; allocator, next, flags)) ShaderModule(device, code_size::Integer, code::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_shader_module(device, code_size, code, fptr_create, fptr_destroy; allocator, next, flags)) PipelineLayout(device, set_layouts::AbstractArray, push_constant_ranges::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_pipeline_layout(device, set_layouts, push_constant_ranges, fptr_create, fptr_destroy; allocator, next, flags)) Sampler(device, mag_filter::Filter, min_filter::Filter, mipmap_mode::SamplerMipmapMode, address_mode_u::SamplerAddressMode, address_mode_v::SamplerAddressMode, address_mode_w::SamplerAddressMode, mip_lod_bias::Real, anisotropy_enable::Bool, max_anisotropy::Real, compare_enable::Bool, compare_op::CompareOp, min_lod::Real, max_lod::Real, border_color::BorderColor, unnormalized_coordinates::Bool, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_sampler(device, mag_filter, min_filter, mipmap_mode, address_mode_u, address_mode_v, address_mode_w, mip_lod_bias, anisotropy_enable, max_anisotropy, compare_enable, compare_op, min_lod, max_lod, border_color, unnormalized_coordinates, fptr_create, fptr_destroy; allocator, next, flags)) DescriptorSetLayout(device, bindings::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_descriptor_set_layout(device, bindings, fptr_create, fptr_destroy; allocator, next, flags)) DescriptorPool(device, max_sets::Integer, pool_sizes::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_descriptor_pool(device, max_sets, pool_sizes, fptr_create, fptr_destroy; allocator, next, flags)) Fence(device, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_fence(device, fptr_create, fptr_destroy; allocator, next, flags)) Semaphore(device, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_semaphore(device, fptr_create, fptr_destroy; allocator, next, flags)) Event(device, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_event(device, fptr_create, fptr_destroy; allocator, next, flags)) QueryPool(device, query_type::QueryType, query_count::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, pipeline_statistics = 0) = unwrap(create_query_pool(device, query_type, query_count, fptr_create, fptr_destroy; allocator, next, flags, pipeline_statistics)) Framebuffer(device, render_pass, attachments::AbstractArray, width::Integer, height::Integer, layers::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_framebuffer(device, render_pass, attachments, width, height, layers, fptr_create, fptr_destroy; allocator, next, flags)) RenderPass(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_render_pass(device, attachments, subpasses, dependencies, fptr_create, fptr_destroy; allocator, next, flags)) RenderPass(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray, correlated_view_masks::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_render_pass_2(device, attachments, subpasses, dependencies, correlated_view_masks, fptr_create, fptr_destroy; allocator, next, flags)) PipelineCache(device, initial_data::Ptr{Cvoid}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, initial_data_size = 0) = unwrap(create_pipeline_cache(device, initial_data, fptr_create, fptr_destroy; allocator, next, flags, initial_data_size)) IndirectCommandsLayoutNV(device, pipeline_bind_point::PipelineBindPoint, tokens::AbstractArray, stream_strides::AbstractArray, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_indirect_commands_layout_nv(device, pipeline_bind_point, tokens, stream_strides, fptr_create, fptr_destroy; allocator, next, flags)) DescriptorUpdateTemplate(device, descriptor_update_entries::AbstractArray, template_type::DescriptorUpdateTemplateType, descriptor_set_layout, pipeline_bind_point::PipelineBindPoint, pipeline_layout, set::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_descriptor_update_template(device, descriptor_update_entries, template_type, descriptor_set_layout, pipeline_bind_point, pipeline_layout, set, fptr_create, fptr_destroy; allocator, next, flags)) SamplerYcbcrConversion(device, format::Format, ycbcr_model::SamplerYcbcrModelConversion, ycbcr_range::SamplerYcbcrRange, components::ComponentMapping, x_chroma_offset::ChromaLocation, y_chroma_offset::ChromaLocation, chroma_filter::Filter, force_explicit_reconstruction::Bool, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = unwrap(create_sampler_ycbcr_conversion(device, format, ycbcr_model, ycbcr_range, components, x_chroma_offset, y_chroma_offset, chroma_filter, force_explicit_reconstruction, fptr_create, fptr_destroy; allocator, next)) ValidationCacheEXT(device, initial_data::Ptr{Cvoid}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, initial_data_size = 0) = unwrap(create_validation_cache_ext(device, initial_data, fptr_create, fptr_destroy; allocator, next, flags, initial_data_size)) AccelerationStructureKHR(device, buffer, offset::Integer, size::Integer, type::AccelerationStructureTypeKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, create_flags = 0, device_address = 0) = unwrap(create_acceleration_structure_khr(device, buffer, offset, size, type, fptr_create, fptr_destroy; allocator, next, create_flags, device_address)) AccelerationStructureNV(device, compacted_size::Integer, info::AccelerationStructureInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = unwrap(create_acceleration_structure_nv(device, compacted_size, info, fptr_create, fptr_destroy; allocator, next)) PrivateDataSlot(device, flags::Integer, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = unwrap(create_private_data_slot(device, flags, fptr_create, fptr_destroy; allocator, next)) CuModuleNVX(device, data_size::Integer, data::Ptr{Cvoid}, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = unwrap(create_cu_module_nvx(device, data_size, data, fptr_create, fptr_destroy; allocator, next)) CuFunctionNVX(device, _module, name::AbstractString, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL) = unwrap(create_cu_function_nvx(device, _module, name, fptr_create, fptr_destroy; allocator, next)) OpticalFlowSessionNV(device, width::Integer, height::Integer, image_format::Format, flow_vector_format::Format, output_grid_size::OpticalFlowGridSizeFlagNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, cost_format = 0, hint_grid_size = 0, performance_level = 0, flags = 0) = unwrap(create_optical_flow_session_nv(device, width, height, image_format, flow_vector_format, output_grid_size, fptr_create, fptr_destroy; allocator, next, cost_format, hint_grid_size, performance_level, flags)) MicromapEXT(device, buffer, offset::Integer, size::Integer, type::MicromapTypeEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, create_flags = 0, device_address = 0) = unwrap(create_micromap_ext(device, buffer, offset, size, type, fptr_create, fptr_destroy; allocator, next, create_flags, device_address)) DisplayModeKHR(physical_device, display, parameters::DisplayModeParametersKHR, fptr_create::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_display_mode_khr(physical_device, display, parameters, fptr_create; allocator, next, flags)) SwapchainKHR(device, surface, min_image_count::Integer, image_format::Format, image_color_space::ColorSpaceKHR, image_extent::Extent2D, image_array_layers::Integer, image_usage::ImageUsageFlag, image_sharing_mode::SharingMode, queue_family_indices::AbstractArray, pre_transform::SurfaceTransformFlagKHR, composite_alpha::CompositeAlphaFlagKHR, present_mode::PresentModeKHR, clipped::Bool, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, old_swapchain = C_NULL) = unwrap(create_swapchain_khr(device, surface, min_image_count, image_format, image_color_space, image_extent, image_array_layers, image_usage, image_sharing_mode, queue_family_indices, pre_transform, composite_alpha, present_mode, clipped, fptr_create, fptr_destroy; allocator, next, flags, old_swapchain)) DebugReportCallbackEXT(instance, pfn_callback::FunctionPtr, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL) = unwrap(create_debug_report_callback_ext(instance, pfn_callback, fptr_create, fptr_destroy; allocator, next, flags, user_data)) DebugUtilsMessengerEXT(instance, message_severity::DebugUtilsMessageSeverityFlagEXT, message_type::DebugUtilsMessageTypeFlagEXT, pfn_user_callback::FunctionPtr, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL) = unwrap(create_debug_utils_messenger_ext(instance, message_severity, message_type, pfn_user_callback, fptr_create, fptr_destroy; allocator, next, flags, user_data)) VideoSessionKHR(device, queue_family_index::Integer, video_profile::VideoProfileInfoKHR, picture_format::Format, max_coded_extent::Extent2D, reference_picture_format::Format, max_dpb_slots::Integer, max_active_reference_pictures::Integer, std_header_version::ExtensionProperties, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_video_session_khr(device, queue_family_index, video_profile, picture_format, max_coded_extent, reference_picture_format, max_dpb_slots, max_active_reference_pictures, std_header_version, fptr_create, fptr_destroy; allocator, next, flags)) VideoSessionParametersKHR(device, video_session, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, video_session_parameters_template = C_NULL) = unwrap(create_video_session_parameters_khr(device, video_session, fptr_create, fptr_destroy; allocator, next, flags, video_session_parameters_template)) Instance(create_info::_InstanceCreateInfo; allocator = C_NULL) = unwrap(_create_instance(create_info; allocator)) Device(physical_device, create_info::_DeviceCreateInfo; allocator = C_NULL) = unwrap(_create_device(physical_device, create_info; allocator)) DeviceMemory(device, allocate_info::_MemoryAllocateInfo; allocator = C_NULL) = unwrap(_allocate_memory(device, allocate_info; allocator)) CommandPool(device, create_info::_CommandPoolCreateInfo; allocator = C_NULL) = unwrap(_create_command_pool(device, create_info; allocator)) Buffer(device, create_info::_BufferCreateInfo; allocator = C_NULL) = unwrap(_create_buffer(device, create_info; allocator)) BufferView(device, create_info::_BufferViewCreateInfo; allocator = C_NULL) = unwrap(_create_buffer_view(device, create_info; allocator)) Image(device, create_info::_ImageCreateInfo; allocator = C_NULL) = unwrap(_create_image(device, create_info; allocator)) ImageView(device, create_info::_ImageViewCreateInfo; allocator = C_NULL) = unwrap(_create_image_view(device, create_info; allocator)) ShaderModule(device, create_info::_ShaderModuleCreateInfo; allocator = C_NULL) = unwrap(_create_shader_module(device, create_info; allocator)) PipelineLayout(device, create_info::_PipelineLayoutCreateInfo; allocator = C_NULL) = unwrap(_create_pipeline_layout(device, create_info; allocator)) Sampler(device, create_info::_SamplerCreateInfo; allocator = C_NULL) = unwrap(_create_sampler(device, create_info; allocator)) DescriptorSetLayout(device, create_info::_DescriptorSetLayoutCreateInfo; allocator = C_NULL) = unwrap(_create_descriptor_set_layout(device, create_info; allocator)) DescriptorPool(device, create_info::_DescriptorPoolCreateInfo; allocator = C_NULL) = unwrap(_create_descriptor_pool(device, create_info; allocator)) Fence(device, create_info::_FenceCreateInfo; allocator = C_NULL) = unwrap(_create_fence(device, create_info; allocator)) Semaphore(device, create_info::_SemaphoreCreateInfo; allocator = C_NULL) = unwrap(_create_semaphore(device, create_info; allocator)) Event(device, create_info::_EventCreateInfo; allocator = C_NULL) = unwrap(_create_event(device, create_info; allocator)) QueryPool(device, create_info::_QueryPoolCreateInfo; allocator = C_NULL) = unwrap(_create_query_pool(device, create_info; allocator)) Framebuffer(device, create_info::_FramebufferCreateInfo; allocator = C_NULL) = unwrap(_create_framebuffer(device, create_info; allocator)) RenderPass(device, create_info::_RenderPassCreateInfo; allocator = C_NULL) = unwrap(_create_render_pass(device, create_info; allocator)) RenderPass(device, create_info::_RenderPassCreateInfo2; allocator = C_NULL) = unwrap(_create_render_pass_2(device, create_info; allocator)) PipelineCache(device, create_info::_PipelineCacheCreateInfo; allocator = C_NULL) = unwrap(_create_pipeline_cache(device, create_info; allocator)) IndirectCommandsLayoutNV(device, create_info::_IndirectCommandsLayoutCreateInfoNV; allocator = C_NULL) = unwrap(_create_indirect_commands_layout_nv(device, create_info; allocator)) DescriptorUpdateTemplate(device, create_info::_DescriptorUpdateTemplateCreateInfo; allocator = C_NULL) = unwrap(_create_descriptor_update_template(device, create_info; allocator)) SamplerYcbcrConversion(device, create_info::_SamplerYcbcrConversionCreateInfo; allocator = C_NULL) = unwrap(_create_sampler_ycbcr_conversion(device, create_info; allocator)) ValidationCacheEXT(device, create_info::_ValidationCacheCreateInfoEXT; allocator = C_NULL) = unwrap(_create_validation_cache_ext(device, create_info; allocator)) AccelerationStructureKHR(device, create_info::_AccelerationStructureCreateInfoKHR; allocator = C_NULL) = unwrap(_create_acceleration_structure_khr(device, create_info; allocator)) AccelerationStructureNV(device, create_info::_AccelerationStructureCreateInfoNV; allocator = C_NULL) = unwrap(_create_acceleration_structure_nv(device, create_info; allocator)) PrivateDataSlot(device, create_info::_PrivateDataSlotCreateInfo; allocator = C_NULL) = unwrap(_create_private_data_slot(device, create_info; allocator)) CuModuleNVX(device, create_info::_CuModuleCreateInfoNVX; allocator = C_NULL) = unwrap(_create_cu_module_nvx(device, create_info; allocator)) CuFunctionNVX(device, create_info::_CuFunctionCreateInfoNVX; allocator = C_NULL) = unwrap(_create_cu_function_nvx(device, create_info; allocator)) OpticalFlowSessionNV(device, create_info::_OpticalFlowSessionCreateInfoNV; allocator = C_NULL) = unwrap(_create_optical_flow_session_nv(device, create_info; allocator)) MicromapEXT(device, create_info::_MicromapCreateInfoEXT; allocator = C_NULL) = unwrap(_create_micromap_ext(device, create_info; allocator)) DisplayModeKHR(physical_device, display, create_info::_DisplayModeCreateInfoKHR; allocator = C_NULL) = unwrap(_create_display_mode_khr(physical_device, display, create_info; allocator)) SwapchainKHR(device, create_info::_SwapchainCreateInfoKHR; allocator = C_NULL) = unwrap(_create_swapchain_khr(device, create_info; allocator)) DebugReportCallbackEXT(instance, create_info::_DebugReportCallbackCreateInfoEXT; allocator = C_NULL) = unwrap(_create_debug_report_callback_ext(instance, create_info; allocator)) DebugUtilsMessengerEXT(instance, create_info::_DebugUtilsMessengerCreateInfoEXT; allocator = C_NULL) = unwrap(_create_debug_utils_messenger_ext(instance, create_info; allocator)) VideoSessionKHR(device, create_info::_VideoSessionCreateInfoKHR; allocator = C_NULL) = unwrap(_create_video_session_khr(device, create_info; allocator)) VideoSessionParametersKHR(device, create_info::_VideoSessionParametersCreateInfoKHR; allocator = C_NULL) = unwrap(_create_video_session_parameters_khr(device, create_info; allocator)) Instance(create_info::_InstanceCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_instance(create_info, fptr_create, fptr_destroy; allocator)) Device(physical_device, create_info::_DeviceCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_device(physical_device, create_info, fptr_create, fptr_destroy; allocator)) DeviceMemory(device, allocate_info::_MemoryAllocateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_allocate_memory(device, allocate_info, fptr_create, fptr_destroy; allocator)) CommandPool(device, create_info::_CommandPoolCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_command_pool(device, create_info, fptr_create, fptr_destroy; allocator)) Buffer(device, create_info::_BufferCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_buffer(device, create_info, fptr_create, fptr_destroy; allocator)) BufferView(device, create_info::_BufferViewCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_buffer_view(device, create_info, fptr_create, fptr_destroy; allocator)) Image(device, create_info::_ImageCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_image(device, create_info, fptr_create, fptr_destroy; allocator)) ImageView(device, create_info::_ImageViewCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_image_view(device, create_info, fptr_create, fptr_destroy; allocator)) ShaderModule(device, create_info::_ShaderModuleCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_shader_module(device, create_info, fptr_create, fptr_destroy; allocator)) PipelineLayout(device, create_info::_PipelineLayoutCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_pipeline_layout(device, create_info, fptr_create, fptr_destroy; allocator)) Sampler(device, create_info::_SamplerCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_sampler(device, create_info, fptr_create, fptr_destroy; allocator)) DescriptorSetLayout(device, create_info::_DescriptorSetLayoutCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_descriptor_set_layout(device, create_info, fptr_create, fptr_destroy; allocator)) DescriptorPool(device, create_info::_DescriptorPoolCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_descriptor_pool(device, create_info, fptr_create, fptr_destroy; allocator)) Fence(device, create_info::_FenceCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_fence(device, create_info, fptr_create, fptr_destroy; allocator)) Semaphore(device, create_info::_SemaphoreCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_semaphore(device, create_info, fptr_create, fptr_destroy; allocator)) Event(device, create_info::_EventCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_event(device, create_info, fptr_create, fptr_destroy; allocator)) QueryPool(device, create_info::_QueryPoolCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_query_pool(device, create_info, fptr_create, fptr_destroy; allocator)) Framebuffer(device, create_info::_FramebufferCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_framebuffer(device, create_info, fptr_create, fptr_destroy; allocator)) RenderPass(device, create_info::_RenderPassCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_render_pass(device, create_info, fptr_create, fptr_destroy; allocator)) RenderPass(device, create_info::_RenderPassCreateInfo2, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_render_pass_2(device, create_info, fptr_create, fptr_destroy; allocator)) PipelineCache(device, create_info::_PipelineCacheCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_pipeline_cache(device, create_info, fptr_create, fptr_destroy; allocator)) IndirectCommandsLayoutNV(device, create_info::_IndirectCommandsLayoutCreateInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_indirect_commands_layout_nv(device, create_info, fptr_create, fptr_destroy; allocator)) DescriptorUpdateTemplate(device, create_info::_DescriptorUpdateTemplateCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_descriptor_update_template(device, create_info, fptr_create, fptr_destroy; allocator)) SamplerYcbcrConversion(device, create_info::_SamplerYcbcrConversionCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_sampler_ycbcr_conversion(device, create_info, fptr_create, fptr_destroy; allocator)) ValidationCacheEXT(device, create_info::_ValidationCacheCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_validation_cache_ext(device, create_info, fptr_create, fptr_destroy; allocator)) AccelerationStructureKHR(device, create_info::_AccelerationStructureCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_acceleration_structure_khr(device, create_info, fptr_create, fptr_destroy; allocator)) AccelerationStructureNV(device, create_info::_AccelerationStructureCreateInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_acceleration_structure_nv(device, create_info, fptr_create, fptr_destroy; allocator)) PrivateDataSlot(device, create_info::_PrivateDataSlotCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_private_data_slot(device, create_info, fptr_create, fptr_destroy; allocator)) CuModuleNVX(device, create_info::_CuModuleCreateInfoNVX, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_cu_module_nvx(device, create_info, fptr_create, fptr_destroy; allocator)) CuFunctionNVX(device, create_info::_CuFunctionCreateInfoNVX, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_cu_function_nvx(device, create_info, fptr_create, fptr_destroy; allocator)) OpticalFlowSessionNV(device, create_info::_OpticalFlowSessionCreateInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_optical_flow_session_nv(device, create_info, fptr_create, fptr_destroy; allocator)) MicromapEXT(device, create_info::_MicromapCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_micromap_ext(device, create_info, fptr_create, fptr_destroy; allocator)) DisplayModeKHR(physical_device, display, create_info::_DisplayModeCreateInfoKHR, fptr_create::FunctionPtr; allocator = C_NULL) = unwrap(_create_display_mode_khr(physical_device, display, create_info, fptr_create; allocator)) SwapchainKHR(device, create_info::_SwapchainCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_swapchain_khr(device, create_info, fptr_create, fptr_destroy; allocator)) DebugReportCallbackEXT(instance, create_info::_DebugReportCallbackCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_debug_report_callback_ext(instance, create_info, fptr_create, fptr_destroy; allocator)) DebugUtilsMessengerEXT(instance, create_info::_DebugUtilsMessengerCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_debug_utils_messenger_ext(instance, create_info, fptr_create, fptr_destroy; allocator)) VideoSessionKHR(device, create_info::_VideoSessionCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_video_session_khr(device, create_info, fptr_create, fptr_destroy; allocator)) VideoSessionParametersKHR(device, create_info::_VideoSessionParametersCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(_create_video_session_parameters_khr(device, create_info, fptr_create, fptr_destroy; allocator)) Instance(create_info::InstanceCreateInfo; allocator = C_NULL) = unwrap(create_instance(create_info; allocator)) Device(physical_device, create_info::DeviceCreateInfo; allocator = C_NULL) = unwrap(create_device(physical_device, create_info; allocator)) DeviceMemory(device, allocate_info::MemoryAllocateInfo; allocator = C_NULL) = unwrap(allocate_memory(device, allocate_info; allocator)) CommandPool(device, create_info::CommandPoolCreateInfo; allocator = C_NULL) = unwrap(create_command_pool(device, create_info; allocator)) Buffer(device, create_info::BufferCreateInfo; allocator = C_NULL) = unwrap(create_buffer(device, create_info; allocator)) BufferView(device, create_info::BufferViewCreateInfo; allocator = C_NULL) = unwrap(create_buffer_view(device, create_info; allocator)) Image(device, create_info::ImageCreateInfo; allocator = C_NULL) = unwrap(create_image(device, create_info; allocator)) ImageView(device, create_info::ImageViewCreateInfo; allocator = C_NULL) = unwrap(create_image_view(device, create_info; allocator)) ShaderModule(device, create_info::ShaderModuleCreateInfo; allocator = C_NULL) = unwrap(create_shader_module(device, create_info; allocator)) PipelineLayout(device, create_info::PipelineLayoutCreateInfo; allocator = C_NULL) = unwrap(create_pipeline_layout(device, create_info; allocator)) Sampler(device, create_info::SamplerCreateInfo; allocator = C_NULL) = unwrap(create_sampler(device, create_info; allocator)) DescriptorSetLayout(device, create_info::DescriptorSetLayoutCreateInfo; allocator = C_NULL) = unwrap(create_descriptor_set_layout(device, create_info; allocator)) DescriptorPool(device, create_info::DescriptorPoolCreateInfo; allocator = C_NULL) = unwrap(create_descriptor_pool(device, create_info; allocator)) Fence(device, create_info::FenceCreateInfo; allocator = C_NULL) = unwrap(create_fence(device, create_info; allocator)) Semaphore(device, create_info::SemaphoreCreateInfo; allocator = C_NULL) = unwrap(create_semaphore(device, create_info; allocator)) Event(device, create_info::EventCreateInfo; allocator = C_NULL) = unwrap(create_event(device, create_info; allocator)) QueryPool(device, create_info::QueryPoolCreateInfo; allocator = C_NULL) = unwrap(create_query_pool(device, create_info; allocator)) Framebuffer(device, create_info::FramebufferCreateInfo; allocator = C_NULL) = unwrap(create_framebuffer(device, create_info; allocator)) RenderPass(device, create_info::RenderPassCreateInfo; allocator = C_NULL) = unwrap(create_render_pass(device, create_info; allocator)) RenderPass(device, create_info::RenderPassCreateInfo2; allocator = C_NULL) = unwrap(create_render_pass_2(device, create_info; allocator)) PipelineCache(device, create_info::PipelineCacheCreateInfo; allocator = C_NULL) = unwrap(create_pipeline_cache(device, create_info; allocator)) IndirectCommandsLayoutNV(device, create_info::IndirectCommandsLayoutCreateInfoNV; allocator = C_NULL) = unwrap(create_indirect_commands_layout_nv(device, create_info; allocator)) DescriptorUpdateTemplate(device, create_info::DescriptorUpdateTemplateCreateInfo; allocator = C_NULL) = unwrap(create_descriptor_update_template(device, create_info; allocator)) SamplerYcbcrConversion(device, create_info::SamplerYcbcrConversionCreateInfo; allocator = C_NULL) = unwrap(create_sampler_ycbcr_conversion(device, create_info; allocator)) ValidationCacheEXT(device, create_info::ValidationCacheCreateInfoEXT; allocator = C_NULL) = unwrap(create_validation_cache_ext(device, create_info; allocator)) AccelerationStructureKHR(device, create_info::AccelerationStructureCreateInfoKHR; allocator = C_NULL) = unwrap(create_acceleration_structure_khr(device, create_info; allocator)) AccelerationStructureNV(device, create_info::AccelerationStructureCreateInfoNV; allocator = C_NULL) = unwrap(create_acceleration_structure_nv(device, create_info; allocator)) DeferredOperationKHR(device; allocator = C_NULL) = unwrap(create_deferred_operation_khr(device; allocator)) PrivateDataSlot(device, create_info::PrivateDataSlotCreateInfo; allocator = C_NULL) = unwrap(create_private_data_slot(device, create_info; allocator)) CuModuleNVX(device, create_info::CuModuleCreateInfoNVX; allocator = C_NULL) = unwrap(create_cu_module_nvx(device, create_info; allocator)) CuFunctionNVX(device, create_info::CuFunctionCreateInfoNVX; allocator = C_NULL) = unwrap(create_cu_function_nvx(device, create_info; allocator)) OpticalFlowSessionNV(device, create_info::OpticalFlowSessionCreateInfoNV; allocator = C_NULL) = unwrap(create_optical_flow_session_nv(device, create_info; allocator)) MicromapEXT(device, create_info::MicromapCreateInfoEXT; allocator = C_NULL) = unwrap(create_micromap_ext(device, create_info; allocator)) DisplayModeKHR(physical_device, display, create_info::DisplayModeCreateInfoKHR; allocator = C_NULL) = unwrap(create_display_mode_khr(physical_device, display, create_info; allocator)) SwapchainKHR(device, create_info::SwapchainCreateInfoKHR; allocator = C_NULL) = unwrap(create_swapchain_khr(device, create_info; allocator)) DebugReportCallbackEXT(instance, create_info::DebugReportCallbackCreateInfoEXT; allocator = C_NULL) = unwrap(create_debug_report_callback_ext(instance, create_info; allocator)) DebugUtilsMessengerEXT(instance, create_info::DebugUtilsMessengerCreateInfoEXT; allocator = C_NULL) = unwrap(create_debug_utils_messenger_ext(instance, create_info; allocator)) VideoSessionKHR(device, create_info::VideoSessionCreateInfoKHR; allocator = C_NULL) = unwrap(create_video_session_khr(device, create_info; allocator)) VideoSessionParametersKHR(device, create_info::VideoSessionParametersCreateInfoKHR; allocator = C_NULL) = unwrap(create_video_session_parameters_khr(device, create_info; allocator)) Instance(create_info::InstanceCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_instance(create_info, fptr_create, fptr_destroy; allocator)) Device(physical_device, create_info::DeviceCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_device(physical_device, create_info, fptr_create, fptr_destroy; allocator)) DeviceMemory(device, allocate_info::MemoryAllocateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(allocate_memory(device, allocate_info, fptr_create, fptr_destroy; allocator)) CommandPool(device, create_info::CommandPoolCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_command_pool(device, create_info, fptr_create, fptr_destroy; allocator)) Buffer(device, create_info::BufferCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_buffer(device, create_info, fptr_create, fptr_destroy; allocator)) BufferView(device, create_info::BufferViewCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_buffer_view(device, create_info, fptr_create, fptr_destroy; allocator)) Image(device, create_info::ImageCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_image(device, create_info, fptr_create, fptr_destroy; allocator)) ImageView(device, create_info::ImageViewCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_image_view(device, create_info, fptr_create, fptr_destroy; allocator)) ShaderModule(device, create_info::ShaderModuleCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_shader_module(device, create_info, fptr_create, fptr_destroy; allocator)) PipelineLayout(device, create_info::PipelineLayoutCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_pipeline_layout(device, create_info, fptr_create, fptr_destroy; allocator)) Sampler(device, create_info::SamplerCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_sampler(device, create_info, fptr_create, fptr_destroy; allocator)) DescriptorSetLayout(device, create_info::DescriptorSetLayoutCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_descriptor_set_layout(device, create_info, fptr_create, fptr_destroy; allocator)) DescriptorPool(device, create_info::DescriptorPoolCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_descriptor_pool(device, create_info, fptr_create, fptr_destroy; allocator)) Fence(device, create_info::FenceCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_fence(device, create_info, fptr_create, fptr_destroy; allocator)) Semaphore(device, create_info::SemaphoreCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_semaphore(device, create_info, fptr_create, fptr_destroy; allocator)) Event(device, create_info::EventCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_event(device, create_info, fptr_create, fptr_destroy; allocator)) QueryPool(device, create_info::QueryPoolCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_query_pool(device, create_info, fptr_create, fptr_destroy; allocator)) Framebuffer(device, create_info::FramebufferCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_framebuffer(device, create_info, fptr_create, fptr_destroy; allocator)) RenderPass(device, create_info::RenderPassCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_render_pass(device, create_info, fptr_create, fptr_destroy; allocator)) RenderPass(device, create_info::RenderPassCreateInfo2, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_render_pass_2(device, create_info, fptr_create, fptr_destroy; allocator)) PipelineCache(device, create_info::PipelineCacheCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_pipeline_cache(device, create_info, fptr_create, fptr_destroy; allocator)) IndirectCommandsLayoutNV(device, create_info::IndirectCommandsLayoutCreateInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_indirect_commands_layout_nv(device, create_info, fptr_create, fptr_destroy; allocator)) DescriptorUpdateTemplate(device, create_info::DescriptorUpdateTemplateCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_descriptor_update_template(device, create_info, fptr_create, fptr_destroy; allocator)) SamplerYcbcrConversion(device, create_info::SamplerYcbcrConversionCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_sampler_ycbcr_conversion(device, create_info, fptr_create, fptr_destroy; allocator)) ValidationCacheEXT(device, create_info::ValidationCacheCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_validation_cache_ext(device, create_info, fptr_create, fptr_destroy; allocator)) AccelerationStructureKHR(device, create_info::AccelerationStructureCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_acceleration_structure_khr(device, create_info, fptr_create, fptr_destroy; allocator)) AccelerationStructureNV(device, create_info::AccelerationStructureCreateInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_acceleration_structure_nv(device, create_info, fptr_create, fptr_destroy; allocator)) DeferredOperationKHR(device, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_deferred_operation_khr(device, fptr_create, fptr_destroy; allocator)) PrivateDataSlot(device, create_info::PrivateDataSlotCreateInfo, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_private_data_slot(device, create_info, fptr_create, fptr_destroy; allocator)) CuModuleNVX(device, create_info::CuModuleCreateInfoNVX, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_cu_module_nvx(device, create_info, fptr_create, fptr_destroy; allocator)) CuFunctionNVX(device, create_info::CuFunctionCreateInfoNVX, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_cu_function_nvx(device, create_info, fptr_create, fptr_destroy; allocator)) OpticalFlowSessionNV(device, create_info::OpticalFlowSessionCreateInfoNV, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_optical_flow_session_nv(device, create_info, fptr_create, fptr_destroy; allocator)) MicromapEXT(device, create_info::MicromapCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_micromap_ext(device, create_info, fptr_create, fptr_destroy; allocator)) DisplayModeKHR(physical_device, display, create_info::DisplayModeCreateInfoKHR, fptr_create::FunctionPtr; allocator = C_NULL) = unwrap(create_display_mode_khr(physical_device, display, create_info, fptr_create; allocator)) SwapchainKHR(device, create_info::SwapchainCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_swapchain_khr(device, create_info, fptr_create, fptr_destroy; allocator)) DebugReportCallbackEXT(instance, create_info::DebugReportCallbackCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_debug_report_callback_ext(instance, create_info, fptr_create, fptr_destroy; allocator)) DebugUtilsMessengerEXT(instance, create_info::DebugUtilsMessengerCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_debug_utils_messenger_ext(instance, create_info, fptr_create, fptr_destroy; allocator)) VideoSessionKHR(device, create_info::VideoSessionCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_video_session_khr(device, create_info, fptr_create, fptr_destroy; allocator)) VideoSessionParametersKHR(device, create_info::VideoSessionParametersCreateInfoKHR, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL) = unwrap(create_video_session_parameters_khr(device, create_info, fptr_create, fptr_destroy; allocator)) structure_type(@nospecialize(_::Union{Type{VkApplicationInfo}, Type{_ApplicationInfo}, Type{ApplicationInfo}})) = VK_STRUCTURE_TYPE_APPLICATION_INFO structure_type(@nospecialize(_::Union{Type{VkDeviceQueueCreateInfo}, Type{_DeviceQueueCreateInfo}, Type{DeviceQueueCreateInfo}})) = VK_STRUCTURE_TYPE_DEVICE_QUEUE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkDeviceCreateInfo}, Type{_DeviceCreateInfo}, Type{DeviceCreateInfo}})) = VK_STRUCTURE_TYPE_DEVICE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkInstanceCreateInfo}, Type{_InstanceCreateInfo}, Type{InstanceCreateInfo}})) = VK_STRUCTURE_TYPE_INSTANCE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkMemoryAllocateInfo}, Type{_MemoryAllocateInfo}, Type{MemoryAllocateInfo}})) = VK_STRUCTURE_TYPE_MEMORY_ALLOCATE_INFO structure_type(@nospecialize(_::Union{Type{VkMappedMemoryRange}, Type{_MappedMemoryRange}, Type{MappedMemoryRange}})) = VK_STRUCTURE_TYPE_MAPPED_MEMORY_RANGE structure_type(@nospecialize(_::Union{Type{VkWriteDescriptorSet}, Type{_WriteDescriptorSet}, Type{WriteDescriptorSet}})) = VK_STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET structure_type(@nospecialize(_::Union{Type{VkCopyDescriptorSet}, Type{_CopyDescriptorSet}, Type{CopyDescriptorSet}})) = VK_STRUCTURE_TYPE_COPY_DESCRIPTOR_SET structure_type(@nospecialize(_::Union{Type{VkBufferCreateInfo}, Type{_BufferCreateInfo}, Type{BufferCreateInfo}})) = VK_STRUCTURE_TYPE_BUFFER_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkBufferViewCreateInfo}, Type{_BufferViewCreateInfo}, Type{BufferViewCreateInfo}})) = VK_STRUCTURE_TYPE_BUFFER_VIEW_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkMemoryBarrier}, Type{_MemoryBarrier}, Type{MemoryBarrier}})) = VK_STRUCTURE_TYPE_MEMORY_BARRIER structure_type(@nospecialize(_::Union{Type{VkBufferMemoryBarrier}, Type{_BufferMemoryBarrier}, Type{BufferMemoryBarrier}})) = VK_STRUCTURE_TYPE_BUFFER_MEMORY_BARRIER structure_type(@nospecialize(_::Union{Type{VkImageMemoryBarrier}, Type{_ImageMemoryBarrier}, Type{ImageMemoryBarrier}})) = VK_STRUCTURE_TYPE_IMAGE_MEMORY_BARRIER structure_type(@nospecialize(_::Union{Type{VkImageCreateInfo}, Type{_ImageCreateInfo}, Type{ImageCreateInfo}})) = VK_STRUCTURE_TYPE_IMAGE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkImageViewCreateInfo}, Type{_ImageViewCreateInfo}, Type{ImageViewCreateInfo}})) = VK_STRUCTURE_TYPE_IMAGE_VIEW_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkBindSparseInfo}, Type{_BindSparseInfo}, Type{BindSparseInfo}})) = VK_STRUCTURE_TYPE_BIND_SPARSE_INFO structure_type(@nospecialize(_::Union{Type{VkShaderModuleCreateInfo}, Type{_ShaderModuleCreateInfo}, Type{ShaderModuleCreateInfo}})) = VK_STRUCTURE_TYPE_SHADER_MODULE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutCreateInfo}, Type{_DescriptorSetLayoutCreateInfo}, Type{DescriptorSetLayoutCreateInfo}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkDescriptorPoolCreateInfo}, Type{_DescriptorPoolCreateInfo}, Type{DescriptorPoolCreateInfo}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_POOL_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkDescriptorSetAllocateInfo}, Type{_DescriptorSetAllocateInfo}, Type{DescriptorSetAllocateInfo}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_SET_ALLOCATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineShaderStageCreateInfo}, Type{_PipelineShaderStageCreateInfo}, Type{PipelineShaderStageCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_SHADER_STAGE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkComputePipelineCreateInfo}, Type{_ComputePipelineCreateInfo}, Type{ComputePipelineCreateInfo}})) = VK_STRUCTURE_TYPE_COMPUTE_PIPELINE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineVertexInputStateCreateInfo}, Type{_PipelineVertexInputStateCreateInfo}, Type{PipelineVertexInputStateCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_VERTEX_INPUT_STATE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineInputAssemblyStateCreateInfo}, Type{_PipelineInputAssemblyStateCreateInfo}, Type{PipelineInputAssemblyStateCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_INPUT_ASSEMBLY_STATE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineTessellationStateCreateInfo}, Type{_PipelineTessellationStateCreateInfo}, Type{PipelineTessellationStateCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_TESSELLATION_STATE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineViewportStateCreateInfo}, Type{_PipelineViewportStateCreateInfo}, Type{PipelineViewportStateCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_VIEWPORT_STATE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineRasterizationStateCreateInfo}, Type{_PipelineRasterizationStateCreateInfo}, Type{PipelineRasterizationStateCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_RASTERIZATION_STATE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineMultisampleStateCreateInfo}, Type{_PipelineMultisampleStateCreateInfo}, Type{PipelineMultisampleStateCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_MULTISAMPLE_STATE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineColorBlendStateCreateInfo}, Type{_PipelineColorBlendStateCreateInfo}, Type{PipelineColorBlendStateCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_COLOR_BLEND_STATE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineDynamicStateCreateInfo}, Type{_PipelineDynamicStateCreateInfo}, Type{PipelineDynamicStateCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_DYNAMIC_STATE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineDepthStencilStateCreateInfo}, Type{_PipelineDepthStencilStateCreateInfo}, Type{PipelineDepthStencilStateCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_DEPTH_STENCIL_STATE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkGraphicsPipelineCreateInfo}, Type{_GraphicsPipelineCreateInfo}, Type{GraphicsPipelineCreateInfo}})) = VK_STRUCTURE_TYPE_GRAPHICS_PIPELINE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineCacheCreateInfo}, Type{_PipelineCacheCreateInfo}, Type{PipelineCacheCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_CACHE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineLayoutCreateInfo}, Type{_PipelineLayoutCreateInfo}, Type{PipelineLayoutCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_LAYOUT_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkSamplerCreateInfo}, Type{_SamplerCreateInfo}, Type{SamplerCreateInfo}})) = VK_STRUCTURE_TYPE_SAMPLER_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkCommandPoolCreateInfo}, Type{_CommandPoolCreateInfo}, Type{CommandPoolCreateInfo}})) = VK_STRUCTURE_TYPE_COMMAND_POOL_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkCommandBufferAllocateInfo}, Type{_CommandBufferAllocateInfo}, Type{CommandBufferAllocateInfo}})) = VK_STRUCTURE_TYPE_COMMAND_BUFFER_ALLOCATE_INFO structure_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceInfo}, Type{_CommandBufferInheritanceInfo}, Type{CommandBufferInheritanceInfo}})) = VK_STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_INFO structure_type(@nospecialize(_::Union{Type{VkCommandBufferBeginInfo}, Type{_CommandBufferBeginInfo}, Type{CommandBufferBeginInfo}})) = VK_STRUCTURE_TYPE_COMMAND_BUFFER_BEGIN_INFO structure_type(@nospecialize(_::Union{Type{VkRenderPassBeginInfo}, Type{_RenderPassBeginInfo}, Type{RenderPassBeginInfo}})) = VK_STRUCTURE_TYPE_RENDER_PASS_BEGIN_INFO structure_type(@nospecialize(_::Union{Type{VkRenderPassCreateInfo}, Type{_RenderPassCreateInfo}, Type{RenderPassCreateInfo}})) = VK_STRUCTURE_TYPE_RENDER_PASS_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkEventCreateInfo}, Type{_EventCreateInfo}, Type{EventCreateInfo}})) = VK_STRUCTURE_TYPE_EVENT_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkFenceCreateInfo}, Type{_FenceCreateInfo}, Type{FenceCreateInfo}})) = VK_STRUCTURE_TYPE_FENCE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkSemaphoreCreateInfo}, Type{_SemaphoreCreateInfo}, Type{SemaphoreCreateInfo}})) = VK_STRUCTURE_TYPE_SEMAPHORE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkQueryPoolCreateInfo}, Type{_QueryPoolCreateInfo}, Type{QueryPoolCreateInfo}})) = VK_STRUCTURE_TYPE_QUERY_POOL_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkFramebufferCreateInfo}, Type{_FramebufferCreateInfo}, Type{FramebufferCreateInfo}})) = VK_STRUCTURE_TYPE_FRAMEBUFFER_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkSubmitInfo}, Type{_SubmitInfo}, Type{SubmitInfo}})) = VK_STRUCTURE_TYPE_SUBMIT_INFO structure_type(@nospecialize(_::Union{Type{VkDisplayModeCreateInfoKHR}, Type{_DisplayModeCreateInfoKHR}, Type{DisplayModeCreateInfoKHR}})) = VK_STRUCTURE_TYPE_DISPLAY_MODE_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkDisplaySurfaceCreateInfoKHR}, Type{_DisplaySurfaceCreateInfoKHR}, Type{DisplaySurfaceCreateInfoKHR}})) = VK_STRUCTURE_TYPE_DISPLAY_SURFACE_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkDisplayPresentInfoKHR}, Type{_DisplayPresentInfoKHR}, Type{DisplayPresentInfoKHR}})) = VK_STRUCTURE_TYPE_DISPLAY_PRESENT_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkWin32SurfaceCreateInfoKHR}, Type{_Win32SurfaceCreateInfoKHR}, Type{Win32SurfaceCreateInfoKHR}})) = VK_STRUCTURE_TYPE_WIN32_SURFACE_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkSwapchainCreateInfoKHR}, Type{_SwapchainCreateInfoKHR}, Type{SwapchainCreateInfoKHR}})) = VK_STRUCTURE_TYPE_SWAPCHAIN_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPresentInfoKHR}, Type{_PresentInfoKHR}, Type{PresentInfoKHR}})) = VK_STRUCTURE_TYPE_PRESENT_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkDebugReportCallbackCreateInfoEXT}, Type{_DebugReportCallbackCreateInfoEXT}, Type{DebugReportCallbackCreateInfoEXT}})) = VK_STRUCTURE_TYPE_DEBUG_REPORT_CALLBACK_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkValidationFlagsEXT}, Type{_ValidationFlagsEXT}, Type{ValidationFlagsEXT}})) = VK_STRUCTURE_TYPE_VALIDATION_FLAGS_EXT structure_type(@nospecialize(_::Union{Type{VkValidationFeaturesEXT}, Type{_ValidationFeaturesEXT}, Type{ValidationFeaturesEXT}})) = VK_STRUCTURE_TYPE_VALIDATION_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineRasterizationStateRasterizationOrderAMD}, Type{_PipelineRasterizationStateRasterizationOrderAMD}, Type{PipelineRasterizationStateRasterizationOrderAMD}})) = VK_STRUCTURE_TYPE_PIPELINE_RASTERIZATION_STATE_RASTERIZATION_ORDER_AMD structure_type(@nospecialize(_::Union{Type{VkDebugMarkerObjectNameInfoEXT}, Type{_DebugMarkerObjectNameInfoEXT}, Type{DebugMarkerObjectNameInfoEXT}})) = VK_STRUCTURE_TYPE_DEBUG_MARKER_OBJECT_NAME_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkDebugMarkerObjectTagInfoEXT}, Type{_DebugMarkerObjectTagInfoEXT}, Type{DebugMarkerObjectTagInfoEXT}})) = VK_STRUCTURE_TYPE_DEBUG_MARKER_OBJECT_TAG_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkDebugMarkerMarkerInfoEXT}, Type{_DebugMarkerMarkerInfoEXT}, Type{DebugMarkerMarkerInfoEXT}})) = VK_STRUCTURE_TYPE_DEBUG_MARKER_MARKER_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkDedicatedAllocationImageCreateInfoNV}, Type{_DedicatedAllocationImageCreateInfoNV}, Type{DedicatedAllocationImageCreateInfoNV}})) = VK_STRUCTURE_TYPE_DEDICATED_ALLOCATION_IMAGE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkDedicatedAllocationBufferCreateInfoNV}, Type{_DedicatedAllocationBufferCreateInfoNV}, Type{DedicatedAllocationBufferCreateInfoNV}})) = VK_STRUCTURE_TYPE_DEDICATED_ALLOCATION_BUFFER_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkDedicatedAllocationMemoryAllocateInfoNV}, Type{_DedicatedAllocationMemoryAllocateInfoNV}, Type{DedicatedAllocationMemoryAllocateInfoNV}})) = VK_STRUCTURE_TYPE_DEDICATED_ALLOCATION_MEMORY_ALLOCATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkExternalMemoryImageCreateInfoNV}, Type{_ExternalMemoryImageCreateInfoNV}, Type{ExternalMemoryImageCreateInfoNV}})) = VK_STRUCTURE_TYPE_EXTERNAL_MEMORY_IMAGE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkExportMemoryAllocateInfoNV}, Type{_ExportMemoryAllocateInfoNV}, Type{ExportMemoryAllocateInfoNV}})) = VK_STRUCTURE_TYPE_EXPORT_MEMORY_ALLOCATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkImportMemoryWin32HandleInfoNV}, Type{_ImportMemoryWin32HandleInfoNV}, Type{ImportMemoryWin32HandleInfoNV}})) = VK_STRUCTURE_TYPE_IMPORT_MEMORY_WIN32_HANDLE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkExportMemoryWin32HandleInfoNV}, Type{_ExportMemoryWin32HandleInfoNV}, Type{ExportMemoryWin32HandleInfoNV}})) = VK_STRUCTURE_TYPE_EXPORT_MEMORY_WIN32_HANDLE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkWin32KeyedMutexAcquireReleaseInfoNV}, Type{_Win32KeyedMutexAcquireReleaseInfoNV}, Type{Win32KeyedMutexAcquireReleaseInfoNV}})) = VK_STRUCTURE_TYPE_WIN32_KEYED_MUTEX_ACQUIRE_RELEASE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV}, Type{_PhysicalDeviceDeviceGeneratedCommandsFeaturesNV}, Type{PhysicalDeviceDeviceGeneratedCommandsFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DEVICE_GENERATED_COMMANDS_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkDevicePrivateDataCreateInfo}, Type{_DevicePrivateDataCreateInfo}, Type{DevicePrivateDataCreateInfo}})) = VK_STRUCTURE_TYPE_DEVICE_PRIVATE_DATA_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPrivateDataSlotCreateInfo}, Type{_PrivateDataSlotCreateInfo}, Type{PrivateDataSlotCreateInfo}})) = VK_STRUCTURE_TYPE_PRIVATE_DATA_SLOT_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePrivateDataFeatures}, Type{_PhysicalDevicePrivateDataFeatures}, Type{PhysicalDevicePrivateDataFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PRIVATE_DATA_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV}, Type{_PhysicalDeviceDeviceGeneratedCommandsPropertiesNV}, Type{PhysicalDeviceDeviceGeneratedCommandsPropertiesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DEVICE_GENERATED_COMMANDS_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiDrawPropertiesEXT}, Type{_PhysicalDeviceMultiDrawPropertiesEXT}, Type{PhysicalDeviceMultiDrawPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTI_DRAW_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkGraphicsShaderGroupCreateInfoNV}, Type{_GraphicsShaderGroupCreateInfoNV}, Type{GraphicsShaderGroupCreateInfoNV}})) = VK_STRUCTURE_TYPE_GRAPHICS_SHADER_GROUP_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkGraphicsPipelineShaderGroupsCreateInfoNV}, Type{_GraphicsPipelineShaderGroupsCreateInfoNV}, Type{GraphicsPipelineShaderGroupsCreateInfoNV}})) = VK_STRUCTURE_TYPE_GRAPHICS_PIPELINE_SHADER_GROUPS_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkIndirectCommandsLayoutTokenNV}, Type{_IndirectCommandsLayoutTokenNV}, Type{IndirectCommandsLayoutTokenNV}})) = VK_STRUCTURE_TYPE_INDIRECT_COMMANDS_LAYOUT_TOKEN_NV structure_type(@nospecialize(_::Union{Type{VkIndirectCommandsLayoutCreateInfoNV}, Type{_IndirectCommandsLayoutCreateInfoNV}, Type{IndirectCommandsLayoutCreateInfoNV}})) = VK_STRUCTURE_TYPE_INDIRECT_COMMANDS_LAYOUT_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkGeneratedCommandsInfoNV}, Type{_GeneratedCommandsInfoNV}, Type{GeneratedCommandsInfoNV}})) = VK_STRUCTURE_TYPE_GENERATED_COMMANDS_INFO_NV structure_type(@nospecialize(_::Union{Type{VkGeneratedCommandsMemoryRequirementsInfoNV}, Type{_GeneratedCommandsMemoryRequirementsInfoNV}, Type{GeneratedCommandsMemoryRequirementsInfoNV}})) = VK_STRUCTURE_TYPE_GENERATED_COMMANDS_MEMORY_REQUIREMENTS_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFeatures2}, Type{_PhysicalDeviceFeatures2}, Type{PhysicalDeviceFeatures2}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FEATURES_2 structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProperties2}, Type{_PhysicalDeviceProperties2}, Type{PhysicalDeviceProperties2}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PROPERTIES_2 structure_type(@nospecialize(_::Union{Type{VkFormatProperties2}, Type{_FormatProperties2}, Type{FormatProperties2}})) = VK_STRUCTURE_TYPE_FORMAT_PROPERTIES_2 structure_type(@nospecialize(_::Union{Type{VkImageFormatProperties2}, Type{_ImageFormatProperties2}, Type{ImageFormatProperties2}})) = VK_STRUCTURE_TYPE_IMAGE_FORMAT_PROPERTIES_2 structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageFormatInfo2}, Type{_PhysicalDeviceImageFormatInfo2}, Type{PhysicalDeviceImageFormatInfo2}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_FORMAT_INFO_2 structure_type(@nospecialize(_::Union{Type{VkQueueFamilyProperties2}, Type{_QueueFamilyProperties2}, Type{QueueFamilyProperties2}})) = VK_STRUCTURE_TYPE_QUEUE_FAMILY_PROPERTIES_2 structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryProperties2}, Type{_PhysicalDeviceMemoryProperties2}, Type{PhysicalDeviceMemoryProperties2}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_PROPERTIES_2 structure_type(@nospecialize(_::Union{Type{VkSparseImageFormatProperties2}, Type{_SparseImageFormatProperties2}, Type{SparseImageFormatProperties2}})) = VK_STRUCTURE_TYPE_SPARSE_IMAGE_FORMAT_PROPERTIES_2 structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSparseImageFormatInfo2}, Type{_PhysicalDeviceSparseImageFormatInfo2}, Type{PhysicalDeviceSparseImageFormatInfo2}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SPARSE_IMAGE_FORMAT_INFO_2 structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePushDescriptorPropertiesKHR}, Type{_PhysicalDevicePushDescriptorPropertiesKHR}, Type{PhysicalDevicePushDescriptorPropertiesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PUSH_DESCRIPTOR_PROPERTIES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDriverProperties}, Type{_PhysicalDeviceDriverProperties}, Type{PhysicalDeviceDriverProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DRIVER_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkPresentRegionsKHR}, Type{_PresentRegionsKHR}, Type{PresentRegionsKHR}})) = VK_STRUCTURE_TYPE_PRESENT_REGIONS_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVariablePointersFeatures}, Type{_PhysicalDeviceVariablePointersFeatures}, Type{PhysicalDeviceVariablePointersFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_VARIABLE_POINTERS_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalImageFormatInfo}, Type{_PhysicalDeviceExternalImageFormatInfo}, Type{PhysicalDeviceExternalImageFormatInfo}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_IMAGE_FORMAT_INFO structure_type(@nospecialize(_::Union{Type{VkExternalImageFormatProperties}, Type{_ExternalImageFormatProperties}, Type{ExternalImageFormatProperties}})) = VK_STRUCTURE_TYPE_EXTERNAL_IMAGE_FORMAT_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalBufferInfo}, Type{_PhysicalDeviceExternalBufferInfo}, Type{PhysicalDeviceExternalBufferInfo}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_BUFFER_INFO structure_type(@nospecialize(_::Union{Type{VkExternalBufferProperties}, Type{_ExternalBufferProperties}, Type{ExternalBufferProperties}})) = VK_STRUCTURE_TYPE_EXTERNAL_BUFFER_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceIDProperties}, Type{_PhysicalDeviceIDProperties}, Type{PhysicalDeviceIDProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_ID_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkExternalMemoryImageCreateInfo}, Type{_ExternalMemoryImageCreateInfo}, Type{ExternalMemoryImageCreateInfo}})) = VK_STRUCTURE_TYPE_EXTERNAL_MEMORY_IMAGE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkExternalMemoryBufferCreateInfo}, Type{_ExternalMemoryBufferCreateInfo}, Type{ExternalMemoryBufferCreateInfo}})) = VK_STRUCTURE_TYPE_EXTERNAL_MEMORY_BUFFER_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkExportMemoryAllocateInfo}, Type{_ExportMemoryAllocateInfo}, Type{ExportMemoryAllocateInfo}})) = VK_STRUCTURE_TYPE_EXPORT_MEMORY_ALLOCATE_INFO structure_type(@nospecialize(_::Union{Type{VkImportMemoryWin32HandleInfoKHR}, Type{_ImportMemoryWin32HandleInfoKHR}, Type{ImportMemoryWin32HandleInfoKHR}})) = VK_STRUCTURE_TYPE_IMPORT_MEMORY_WIN32_HANDLE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkExportMemoryWin32HandleInfoKHR}, Type{_ExportMemoryWin32HandleInfoKHR}, Type{ExportMemoryWin32HandleInfoKHR}})) = VK_STRUCTURE_TYPE_EXPORT_MEMORY_WIN32_HANDLE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkMemoryWin32HandlePropertiesKHR}, Type{_MemoryWin32HandlePropertiesKHR}, Type{MemoryWin32HandlePropertiesKHR}})) = VK_STRUCTURE_TYPE_MEMORY_WIN32_HANDLE_PROPERTIES_KHR structure_type(@nospecialize(_::Union{Type{VkMemoryGetWin32HandleInfoKHR}, Type{_MemoryGetWin32HandleInfoKHR}, Type{MemoryGetWin32HandleInfoKHR}})) = VK_STRUCTURE_TYPE_MEMORY_GET_WIN32_HANDLE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkImportMemoryFdInfoKHR}, Type{_ImportMemoryFdInfoKHR}, Type{ImportMemoryFdInfoKHR}})) = VK_STRUCTURE_TYPE_IMPORT_MEMORY_FD_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkMemoryFdPropertiesKHR}, Type{_MemoryFdPropertiesKHR}, Type{MemoryFdPropertiesKHR}})) = VK_STRUCTURE_TYPE_MEMORY_FD_PROPERTIES_KHR structure_type(@nospecialize(_::Union{Type{VkMemoryGetFdInfoKHR}, Type{_MemoryGetFdInfoKHR}, Type{MemoryGetFdInfoKHR}})) = VK_STRUCTURE_TYPE_MEMORY_GET_FD_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkWin32KeyedMutexAcquireReleaseInfoKHR}, Type{_Win32KeyedMutexAcquireReleaseInfoKHR}, Type{Win32KeyedMutexAcquireReleaseInfoKHR}})) = VK_STRUCTURE_TYPE_WIN32_KEYED_MUTEX_ACQUIRE_RELEASE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalSemaphoreInfo}, Type{_PhysicalDeviceExternalSemaphoreInfo}, Type{PhysicalDeviceExternalSemaphoreInfo}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_SEMAPHORE_INFO structure_type(@nospecialize(_::Union{Type{VkExternalSemaphoreProperties}, Type{_ExternalSemaphoreProperties}, Type{ExternalSemaphoreProperties}})) = VK_STRUCTURE_TYPE_EXTERNAL_SEMAPHORE_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkExportSemaphoreCreateInfo}, Type{_ExportSemaphoreCreateInfo}, Type{ExportSemaphoreCreateInfo}})) = VK_STRUCTURE_TYPE_EXPORT_SEMAPHORE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkImportSemaphoreWin32HandleInfoKHR}, Type{_ImportSemaphoreWin32HandleInfoKHR}, Type{ImportSemaphoreWin32HandleInfoKHR}})) = VK_STRUCTURE_TYPE_IMPORT_SEMAPHORE_WIN32_HANDLE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkExportSemaphoreWin32HandleInfoKHR}, Type{_ExportSemaphoreWin32HandleInfoKHR}, Type{ExportSemaphoreWin32HandleInfoKHR}})) = VK_STRUCTURE_TYPE_EXPORT_SEMAPHORE_WIN32_HANDLE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkD3D12FenceSubmitInfoKHR}, Type{_D3D12FenceSubmitInfoKHR}, Type{D3D12FenceSubmitInfoKHR}})) = VK_STRUCTURE_TYPE_D3D12_FENCE_SUBMIT_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkSemaphoreGetWin32HandleInfoKHR}, Type{_SemaphoreGetWin32HandleInfoKHR}, Type{SemaphoreGetWin32HandleInfoKHR}})) = VK_STRUCTURE_TYPE_SEMAPHORE_GET_WIN32_HANDLE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkImportSemaphoreFdInfoKHR}, Type{_ImportSemaphoreFdInfoKHR}, Type{ImportSemaphoreFdInfoKHR}})) = VK_STRUCTURE_TYPE_IMPORT_SEMAPHORE_FD_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkSemaphoreGetFdInfoKHR}, Type{_SemaphoreGetFdInfoKHR}, Type{SemaphoreGetFdInfoKHR}})) = VK_STRUCTURE_TYPE_SEMAPHORE_GET_FD_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalFenceInfo}, Type{_PhysicalDeviceExternalFenceInfo}, Type{PhysicalDeviceExternalFenceInfo}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_FENCE_INFO structure_type(@nospecialize(_::Union{Type{VkExternalFenceProperties}, Type{_ExternalFenceProperties}, Type{ExternalFenceProperties}})) = VK_STRUCTURE_TYPE_EXTERNAL_FENCE_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkExportFenceCreateInfo}, Type{_ExportFenceCreateInfo}, Type{ExportFenceCreateInfo}})) = VK_STRUCTURE_TYPE_EXPORT_FENCE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkImportFenceWin32HandleInfoKHR}, Type{_ImportFenceWin32HandleInfoKHR}, Type{ImportFenceWin32HandleInfoKHR}})) = VK_STRUCTURE_TYPE_IMPORT_FENCE_WIN32_HANDLE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkExportFenceWin32HandleInfoKHR}, Type{_ExportFenceWin32HandleInfoKHR}, Type{ExportFenceWin32HandleInfoKHR}})) = VK_STRUCTURE_TYPE_EXPORT_FENCE_WIN32_HANDLE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkFenceGetWin32HandleInfoKHR}, Type{_FenceGetWin32HandleInfoKHR}, Type{FenceGetWin32HandleInfoKHR}})) = VK_STRUCTURE_TYPE_FENCE_GET_WIN32_HANDLE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkImportFenceFdInfoKHR}, Type{_ImportFenceFdInfoKHR}, Type{ImportFenceFdInfoKHR}})) = VK_STRUCTURE_TYPE_IMPORT_FENCE_FD_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkFenceGetFdInfoKHR}, Type{_FenceGetFdInfoKHR}, Type{FenceGetFdInfoKHR}})) = VK_STRUCTURE_TYPE_FENCE_GET_FD_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiviewFeatures}, Type{_PhysicalDeviceMultiviewFeatures}, Type{PhysicalDeviceMultiviewFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiviewProperties}, Type{_PhysicalDeviceMultiviewProperties}, Type{PhysicalDeviceMultiviewProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkRenderPassMultiviewCreateInfo}, Type{_RenderPassMultiviewCreateInfo}, Type{RenderPassMultiviewCreateInfo}})) = VK_STRUCTURE_TYPE_RENDER_PASS_MULTIVIEW_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkSurfaceCapabilities2EXT}, Type{_SurfaceCapabilities2EXT}, Type{SurfaceCapabilities2EXT}})) = VK_STRUCTURE_TYPE_SURFACE_CAPABILITIES_2_EXT structure_type(@nospecialize(_::Union{Type{VkDisplayPowerInfoEXT}, Type{_DisplayPowerInfoEXT}, Type{DisplayPowerInfoEXT}})) = VK_STRUCTURE_TYPE_DISPLAY_POWER_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkDeviceEventInfoEXT}, Type{_DeviceEventInfoEXT}, Type{DeviceEventInfoEXT}})) = VK_STRUCTURE_TYPE_DEVICE_EVENT_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkDisplayEventInfoEXT}, Type{_DisplayEventInfoEXT}, Type{DisplayEventInfoEXT}})) = VK_STRUCTURE_TYPE_DISPLAY_EVENT_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkSwapchainCounterCreateInfoEXT}, Type{_SwapchainCounterCreateInfoEXT}, Type{SwapchainCounterCreateInfoEXT}})) = VK_STRUCTURE_TYPE_SWAPCHAIN_COUNTER_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceGroupProperties}, Type{_PhysicalDeviceGroupProperties}, Type{PhysicalDeviceGroupProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_GROUP_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkMemoryAllocateFlagsInfo}, Type{_MemoryAllocateFlagsInfo}, Type{MemoryAllocateFlagsInfo}})) = VK_STRUCTURE_TYPE_MEMORY_ALLOCATE_FLAGS_INFO structure_type(@nospecialize(_::Union{Type{VkBindBufferMemoryInfo}, Type{_BindBufferMemoryInfo}, Type{BindBufferMemoryInfo}})) = VK_STRUCTURE_TYPE_BIND_BUFFER_MEMORY_INFO structure_type(@nospecialize(_::Union{Type{VkBindBufferMemoryDeviceGroupInfo}, Type{_BindBufferMemoryDeviceGroupInfo}, Type{BindBufferMemoryDeviceGroupInfo}})) = VK_STRUCTURE_TYPE_BIND_BUFFER_MEMORY_DEVICE_GROUP_INFO structure_type(@nospecialize(_::Union{Type{VkBindImageMemoryInfo}, Type{_BindImageMemoryInfo}, Type{BindImageMemoryInfo}})) = VK_STRUCTURE_TYPE_BIND_IMAGE_MEMORY_INFO structure_type(@nospecialize(_::Union{Type{VkBindImageMemoryDeviceGroupInfo}, Type{_BindImageMemoryDeviceGroupInfo}, Type{BindImageMemoryDeviceGroupInfo}})) = VK_STRUCTURE_TYPE_BIND_IMAGE_MEMORY_DEVICE_GROUP_INFO structure_type(@nospecialize(_::Union{Type{VkDeviceGroupRenderPassBeginInfo}, Type{_DeviceGroupRenderPassBeginInfo}, Type{DeviceGroupRenderPassBeginInfo}})) = VK_STRUCTURE_TYPE_DEVICE_GROUP_RENDER_PASS_BEGIN_INFO structure_type(@nospecialize(_::Union{Type{VkDeviceGroupCommandBufferBeginInfo}, Type{_DeviceGroupCommandBufferBeginInfo}, Type{DeviceGroupCommandBufferBeginInfo}})) = VK_STRUCTURE_TYPE_DEVICE_GROUP_COMMAND_BUFFER_BEGIN_INFO structure_type(@nospecialize(_::Union{Type{VkDeviceGroupSubmitInfo}, Type{_DeviceGroupSubmitInfo}, Type{DeviceGroupSubmitInfo}})) = VK_STRUCTURE_TYPE_DEVICE_GROUP_SUBMIT_INFO structure_type(@nospecialize(_::Union{Type{VkDeviceGroupBindSparseInfo}, Type{_DeviceGroupBindSparseInfo}, Type{DeviceGroupBindSparseInfo}})) = VK_STRUCTURE_TYPE_DEVICE_GROUP_BIND_SPARSE_INFO structure_type(@nospecialize(_::Union{Type{VkDeviceGroupPresentCapabilitiesKHR}, Type{_DeviceGroupPresentCapabilitiesKHR}, Type{DeviceGroupPresentCapabilitiesKHR}})) = VK_STRUCTURE_TYPE_DEVICE_GROUP_PRESENT_CAPABILITIES_KHR structure_type(@nospecialize(_::Union{Type{VkImageSwapchainCreateInfoKHR}, Type{_ImageSwapchainCreateInfoKHR}, Type{ImageSwapchainCreateInfoKHR}})) = VK_STRUCTURE_TYPE_IMAGE_SWAPCHAIN_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkBindImageMemorySwapchainInfoKHR}, Type{_BindImageMemorySwapchainInfoKHR}, Type{BindImageMemorySwapchainInfoKHR}})) = VK_STRUCTURE_TYPE_BIND_IMAGE_MEMORY_SWAPCHAIN_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkAcquireNextImageInfoKHR}, Type{_AcquireNextImageInfoKHR}, Type{AcquireNextImageInfoKHR}})) = VK_STRUCTURE_TYPE_ACQUIRE_NEXT_IMAGE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkDeviceGroupPresentInfoKHR}, Type{_DeviceGroupPresentInfoKHR}, Type{DeviceGroupPresentInfoKHR}})) = VK_STRUCTURE_TYPE_DEVICE_GROUP_PRESENT_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkDeviceGroupDeviceCreateInfo}, Type{_DeviceGroupDeviceCreateInfo}, Type{DeviceGroupDeviceCreateInfo}})) = VK_STRUCTURE_TYPE_DEVICE_GROUP_DEVICE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkDeviceGroupSwapchainCreateInfoKHR}, Type{_DeviceGroupSwapchainCreateInfoKHR}, Type{DeviceGroupSwapchainCreateInfoKHR}})) = VK_STRUCTURE_TYPE_DEVICE_GROUP_SWAPCHAIN_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkDescriptorUpdateTemplateCreateInfo}, Type{_DescriptorUpdateTemplateCreateInfo}, Type{DescriptorUpdateTemplateCreateInfo}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePresentIdFeaturesKHR}, Type{_PhysicalDevicePresentIdFeaturesKHR}, Type{PhysicalDevicePresentIdFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PRESENT_ID_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkPresentIdKHR}, Type{_PresentIdKHR}, Type{PresentIdKHR}})) = VK_STRUCTURE_TYPE_PRESENT_ID_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePresentWaitFeaturesKHR}, Type{_PhysicalDevicePresentWaitFeaturesKHR}, Type{PhysicalDevicePresentWaitFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PRESENT_WAIT_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkHdrMetadataEXT}, Type{_HdrMetadataEXT}, Type{HdrMetadataEXT}})) = VK_STRUCTURE_TYPE_HDR_METADATA_EXT structure_type(@nospecialize(_::Union{Type{VkDisplayNativeHdrSurfaceCapabilitiesAMD}, Type{_DisplayNativeHdrSurfaceCapabilitiesAMD}, Type{DisplayNativeHdrSurfaceCapabilitiesAMD}})) = VK_STRUCTURE_TYPE_DISPLAY_NATIVE_HDR_SURFACE_CAPABILITIES_AMD structure_type(@nospecialize(_::Union{Type{VkSwapchainDisplayNativeHdrCreateInfoAMD}, Type{_SwapchainDisplayNativeHdrCreateInfoAMD}, Type{SwapchainDisplayNativeHdrCreateInfoAMD}})) = VK_STRUCTURE_TYPE_SWAPCHAIN_DISPLAY_NATIVE_HDR_CREATE_INFO_AMD structure_type(@nospecialize(_::Union{Type{VkPresentTimesInfoGOOGLE}, Type{_PresentTimesInfoGOOGLE}, Type{PresentTimesInfoGOOGLE}})) = VK_STRUCTURE_TYPE_PRESENT_TIMES_INFO_GOOGLE structure_type(@nospecialize(_::Union{Type{VkPipelineViewportWScalingStateCreateInfoNV}, Type{_PipelineViewportWScalingStateCreateInfoNV}, Type{PipelineViewportWScalingStateCreateInfoNV}})) = VK_STRUCTURE_TYPE_PIPELINE_VIEWPORT_W_SCALING_STATE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPipelineViewportSwizzleStateCreateInfoNV}, Type{_PipelineViewportSwizzleStateCreateInfoNV}, Type{PipelineViewportSwizzleStateCreateInfoNV}})) = VK_STRUCTURE_TYPE_PIPELINE_VIEWPORT_SWIZZLE_STATE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDiscardRectanglePropertiesEXT}, Type{_PhysicalDeviceDiscardRectanglePropertiesEXT}, Type{PhysicalDeviceDiscardRectanglePropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DISCARD_RECTANGLE_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineDiscardRectangleStateCreateInfoEXT}, Type{_PipelineDiscardRectangleStateCreateInfoEXT}, Type{PipelineDiscardRectangleStateCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_DISCARD_RECTANGLE_STATE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX}, Type{_PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX}, Type{PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_PER_VIEW_ATTRIBUTES_PROPERTIES_NVX structure_type(@nospecialize(_::Union{Type{VkRenderPassInputAttachmentAspectCreateInfo}, Type{_RenderPassInputAttachmentAspectCreateInfo}, Type{RenderPassInputAttachmentAspectCreateInfo}})) = VK_STRUCTURE_TYPE_RENDER_PASS_INPUT_ATTACHMENT_ASPECT_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSurfaceInfo2KHR}, Type{_PhysicalDeviceSurfaceInfo2KHR}, Type{PhysicalDeviceSurfaceInfo2KHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SURFACE_INFO_2_KHR structure_type(@nospecialize(_::Union{Type{VkSurfaceCapabilities2KHR}, Type{_SurfaceCapabilities2KHR}, Type{SurfaceCapabilities2KHR}})) = VK_STRUCTURE_TYPE_SURFACE_CAPABILITIES_2_KHR structure_type(@nospecialize(_::Union{Type{VkSurfaceFormat2KHR}, Type{_SurfaceFormat2KHR}, Type{SurfaceFormat2KHR}})) = VK_STRUCTURE_TYPE_SURFACE_FORMAT_2_KHR structure_type(@nospecialize(_::Union{Type{VkDisplayProperties2KHR}, Type{_DisplayProperties2KHR}, Type{DisplayProperties2KHR}})) = VK_STRUCTURE_TYPE_DISPLAY_PROPERTIES_2_KHR structure_type(@nospecialize(_::Union{Type{VkDisplayPlaneProperties2KHR}, Type{_DisplayPlaneProperties2KHR}, Type{DisplayPlaneProperties2KHR}})) = VK_STRUCTURE_TYPE_DISPLAY_PLANE_PROPERTIES_2_KHR structure_type(@nospecialize(_::Union{Type{VkDisplayModeProperties2KHR}, Type{_DisplayModeProperties2KHR}, Type{DisplayModeProperties2KHR}})) = VK_STRUCTURE_TYPE_DISPLAY_MODE_PROPERTIES_2_KHR structure_type(@nospecialize(_::Union{Type{VkDisplayPlaneInfo2KHR}, Type{_DisplayPlaneInfo2KHR}, Type{DisplayPlaneInfo2KHR}})) = VK_STRUCTURE_TYPE_DISPLAY_PLANE_INFO_2_KHR structure_type(@nospecialize(_::Union{Type{VkDisplayPlaneCapabilities2KHR}, Type{_DisplayPlaneCapabilities2KHR}, Type{DisplayPlaneCapabilities2KHR}})) = VK_STRUCTURE_TYPE_DISPLAY_PLANE_CAPABILITIES_2_KHR structure_type(@nospecialize(_::Union{Type{VkSharedPresentSurfaceCapabilitiesKHR}, Type{_SharedPresentSurfaceCapabilitiesKHR}, Type{SharedPresentSurfaceCapabilitiesKHR}})) = VK_STRUCTURE_TYPE_SHARED_PRESENT_SURFACE_CAPABILITIES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDevice16BitStorageFeatures}, Type{_PhysicalDevice16BitStorageFeatures}, Type{PhysicalDevice16BitStorageFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_16BIT_STORAGE_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubgroupProperties}, Type{_PhysicalDeviceSubgroupProperties}, Type{PhysicalDeviceSubgroupProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures}, Type{_PhysicalDeviceShaderSubgroupExtendedTypesFeatures}, Type{PhysicalDeviceShaderSubgroupExtendedTypesFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SUBGROUP_EXTENDED_TYPES_FEATURES structure_type(@nospecialize(_::Union{Type{VkBufferMemoryRequirementsInfo2}, Type{_BufferMemoryRequirementsInfo2}, Type{BufferMemoryRequirementsInfo2}})) = VK_STRUCTURE_TYPE_BUFFER_MEMORY_REQUIREMENTS_INFO_2 structure_type(@nospecialize(_::Union{Type{VkDeviceBufferMemoryRequirements}, Type{_DeviceBufferMemoryRequirements}, Type{DeviceBufferMemoryRequirements}})) = VK_STRUCTURE_TYPE_DEVICE_BUFFER_MEMORY_REQUIREMENTS structure_type(@nospecialize(_::Union{Type{VkImageMemoryRequirementsInfo2}, Type{_ImageMemoryRequirementsInfo2}, Type{ImageMemoryRequirementsInfo2}})) = VK_STRUCTURE_TYPE_IMAGE_MEMORY_REQUIREMENTS_INFO_2 structure_type(@nospecialize(_::Union{Type{VkImageSparseMemoryRequirementsInfo2}, Type{_ImageSparseMemoryRequirementsInfo2}, Type{ImageSparseMemoryRequirementsInfo2}})) = VK_STRUCTURE_TYPE_IMAGE_SPARSE_MEMORY_REQUIREMENTS_INFO_2 structure_type(@nospecialize(_::Union{Type{VkDeviceImageMemoryRequirements}, Type{_DeviceImageMemoryRequirements}, Type{DeviceImageMemoryRequirements}})) = VK_STRUCTURE_TYPE_DEVICE_IMAGE_MEMORY_REQUIREMENTS structure_type(@nospecialize(_::Union{Type{VkMemoryRequirements2}, Type{_MemoryRequirements2}, Type{MemoryRequirements2}})) = VK_STRUCTURE_TYPE_MEMORY_REQUIREMENTS_2 structure_type(@nospecialize(_::Union{Type{VkSparseImageMemoryRequirements2}, Type{_SparseImageMemoryRequirements2}, Type{SparseImageMemoryRequirements2}})) = VK_STRUCTURE_TYPE_SPARSE_IMAGE_MEMORY_REQUIREMENTS_2 structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePointClippingProperties}, Type{_PhysicalDevicePointClippingProperties}, Type{PhysicalDevicePointClippingProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_POINT_CLIPPING_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkMemoryDedicatedRequirements}, Type{_MemoryDedicatedRequirements}, Type{MemoryDedicatedRequirements}})) = VK_STRUCTURE_TYPE_MEMORY_DEDICATED_REQUIREMENTS structure_type(@nospecialize(_::Union{Type{VkMemoryDedicatedAllocateInfo}, Type{_MemoryDedicatedAllocateInfo}, Type{MemoryDedicatedAllocateInfo}})) = VK_STRUCTURE_TYPE_MEMORY_DEDICATED_ALLOCATE_INFO structure_type(@nospecialize(_::Union{Type{VkImageViewUsageCreateInfo}, Type{_ImageViewUsageCreateInfo}, Type{ImageViewUsageCreateInfo}})) = VK_STRUCTURE_TYPE_IMAGE_VIEW_USAGE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineTessellationDomainOriginStateCreateInfo}, Type{_PipelineTessellationDomainOriginStateCreateInfo}, Type{PipelineTessellationDomainOriginStateCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_TESSELLATION_DOMAIN_ORIGIN_STATE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkSamplerYcbcrConversionInfo}, Type{_SamplerYcbcrConversionInfo}, Type{SamplerYcbcrConversionInfo}})) = VK_STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_INFO structure_type(@nospecialize(_::Union{Type{VkSamplerYcbcrConversionCreateInfo}, Type{_SamplerYcbcrConversionCreateInfo}, Type{SamplerYcbcrConversionCreateInfo}})) = VK_STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkBindImagePlaneMemoryInfo}, Type{_BindImagePlaneMemoryInfo}, Type{BindImagePlaneMemoryInfo}})) = VK_STRUCTURE_TYPE_BIND_IMAGE_PLANE_MEMORY_INFO structure_type(@nospecialize(_::Union{Type{VkImagePlaneMemoryRequirementsInfo}, Type{_ImagePlaneMemoryRequirementsInfo}, Type{ImagePlaneMemoryRequirementsInfo}})) = VK_STRUCTURE_TYPE_IMAGE_PLANE_MEMORY_REQUIREMENTS_INFO structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSamplerYcbcrConversionFeatures}, Type{_PhysicalDeviceSamplerYcbcrConversionFeatures}, Type{PhysicalDeviceSamplerYcbcrConversionFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLER_YCBCR_CONVERSION_FEATURES structure_type(@nospecialize(_::Union{Type{VkSamplerYcbcrConversionImageFormatProperties}, Type{_SamplerYcbcrConversionImageFormatProperties}, Type{SamplerYcbcrConversionImageFormatProperties}})) = VK_STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_IMAGE_FORMAT_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkTextureLODGatherFormatPropertiesAMD}, Type{_TextureLODGatherFormatPropertiesAMD}, Type{TextureLODGatherFormatPropertiesAMD}})) = VK_STRUCTURE_TYPE_TEXTURE_LOD_GATHER_FORMAT_PROPERTIES_AMD structure_type(@nospecialize(_::Union{Type{VkConditionalRenderingBeginInfoEXT}, Type{_ConditionalRenderingBeginInfoEXT}, Type{ConditionalRenderingBeginInfoEXT}})) = VK_STRUCTURE_TYPE_CONDITIONAL_RENDERING_BEGIN_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkProtectedSubmitInfo}, Type{_ProtectedSubmitInfo}, Type{ProtectedSubmitInfo}})) = VK_STRUCTURE_TYPE_PROTECTED_SUBMIT_INFO structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProtectedMemoryFeatures}, Type{_PhysicalDeviceProtectedMemoryFeatures}, Type{PhysicalDeviceProtectedMemoryFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PROTECTED_MEMORY_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProtectedMemoryProperties}, Type{_PhysicalDeviceProtectedMemoryProperties}, Type{PhysicalDeviceProtectedMemoryProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PROTECTED_MEMORY_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkDeviceQueueInfo2}, Type{_DeviceQueueInfo2}, Type{DeviceQueueInfo2}})) = VK_STRUCTURE_TYPE_DEVICE_QUEUE_INFO_2 structure_type(@nospecialize(_::Union{Type{VkPipelineCoverageToColorStateCreateInfoNV}, Type{_PipelineCoverageToColorStateCreateInfoNV}, Type{PipelineCoverageToColorStateCreateInfoNV}})) = VK_STRUCTURE_TYPE_PIPELINE_COVERAGE_TO_COLOR_STATE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSamplerFilterMinmaxProperties}, Type{_PhysicalDeviceSamplerFilterMinmaxProperties}, Type{PhysicalDeviceSamplerFilterMinmaxProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLER_FILTER_MINMAX_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkSampleLocationsInfoEXT}, Type{_SampleLocationsInfoEXT}, Type{SampleLocationsInfoEXT}})) = VK_STRUCTURE_TYPE_SAMPLE_LOCATIONS_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkRenderPassSampleLocationsBeginInfoEXT}, Type{_RenderPassSampleLocationsBeginInfoEXT}, Type{RenderPassSampleLocationsBeginInfoEXT}})) = VK_STRUCTURE_TYPE_RENDER_PASS_SAMPLE_LOCATIONS_BEGIN_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineSampleLocationsStateCreateInfoEXT}, Type{_PipelineSampleLocationsStateCreateInfoEXT}, Type{PipelineSampleLocationsStateCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_SAMPLE_LOCATIONS_STATE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSampleLocationsPropertiesEXT}, Type{_PhysicalDeviceSampleLocationsPropertiesEXT}, Type{PhysicalDeviceSampleLocationsPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLE_LOCATIONS_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkMultisamplePropertiesEXT}, Type{_MultisamplePropertiesEXT}, Type{MultisamplePropertiesEXT}})) = VK_STRUCTURE_TYPE_MULTISAMPLE_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkSamplerReductionModeCreateInfo}, Type{_SamplerReductionModeCreateInfo}, Type{SamplerReductionModeCreateInfo}})) = VK_STRUCTURE_TYPE_SAMPLER_REDUCTION_MODE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT}, Type{_PhysicalDeviceBlendOperationAdvancedFeaturesEXT}, Type{PhysicalDeviceBlendOperationAdvancedFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_BLEND_OPERATION_ADVANCED_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiDrawFeaturesEXT}, Type{_PhysicalDeviceMultiDrawFeaturesEXT}, Type{PhysicalDeviceMultiDrawFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTI_DRAW_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT}, Type{_PhysicalDeviceBlendOperationAdvancedPropertiesEXT}, Type{PhysicalDeviceBlendOperationAdvancedPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_BLEND_OPERATION_ADVANCED_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineColorBlendAdvancedStateCreateInfoEXT}, Type{_PipelineColorBlendAdvancedStateCreateInfoEXT}, Type{PipelineColorBlendAdvancedStateCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_COLOR_BLEND_ADVANCED_STATE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceInlineUniformBlockFeatures}, Type{_PhysicalDeviceInlineUniformBlockFeatures}, Type{PhysicalDeviceInlineUniformBlockFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_INLINE_UNIFORM_BLOCK_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceInlineUniformBlockProperties}, Type{_PhysicalDeviceInlineUniformBlockProperties}, Type{PhysicalDeviceInlineUniformBlockProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_INLINE_UNIFORM_BLOCK_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkWriteDescriptorSetInlineUniformBlock}, Type{_WriteDescriptorSetInlineUniformBlock}, Type{WriteDescriptorSetInlineUniformBlock}})) = VK_STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET_INLINE_UNIFORM_BLOCK structure_type(@nospecialize(_::Union{Type{VkDescriptorPoolInlineUniformBlockCreateInfo}, Type{_DescriptorPoolInlineUniformBlockCreateInfo}, Type{DescriptorPoolInlineUniformBlockCreateInfo}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_POOL_INLINE_UNIFORM_BLOCK_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineCoverageModulationStateCreateInfoNV}, Type{_PipelineCoverageModulationStateCreateInfoNV}, Type{PipelineCoverageModulationStateCreateInfoNV}})) = VK_STRUCTURE_TYPE_PIPELINE_COVERAGE_MODULATION_STATE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkImageFormatListCreateInfo}, Type{_ImageFormatListCreateInfo}, Type{ImageFormatListCreateInfo}})) = VK_STRUCTURE_TYPE_IMAGE_FORMAT_LIST_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkValidationCacheCreateInfoEXT}, Type{_ValidationCacheCreateInfoEXT}, Type{ValidationCacheCreateInfoEXT}})) = VK_STRUCTURE_TYPE_VALIDATION_CACHE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkShaderModuleValidationCacheCreateInfoEXT}, Type{_ShaderModuleValidationCacheCreateInfoEXT}, Type{ShaderModuleValidationCacheCreateInfoEXT}})) = VK_STRUCTURE_TYPE_SHADER_MODULE_VALIDATION_CACHE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMaintenance3Properties}, Type{_PhysicalDeviceMaintenance3Properties}, Type{PhysicalDeviceMaintenance3Properties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_3_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMaintenance4Features}, Type{_PhysicalDeviceMaintenance4Features}, Type{PhysicalDeviceMaintenance4Features}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_4_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMaintenance4Properties}, Type{_PhysicalDeviceMaintenance4Properties}, Type{PhysicalDeviceMaintenance4Properties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_4_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutSupport}, Type{_DescriptorSetLayoutSupport}, Type{DescriptorSetLayoutSupport}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_SUPPORT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderDrawParametersFeatures}, Type{_PhysicalDeviceShaderDrawParametersFeatures}, Type{PhysicalDeviceShaderDrawParametersFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_DRAW_PARAMETERS_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderFloat16Int8Features}, Type{_PhysicalDeviceShaderFloat16Int8Features}, Type{PhysicalDeviceShaderFloat16Int8Features}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_FLOAT16_INT8_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFloatControlsProperties}, Type{_PhysicalDeviceFloatControlsProperties}, Type{PhysicalDeviceFloatControlsProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FLOAT_CONTROLS_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceHostQueryResetFeatures}, Type{_PhysicalDeviceHostQueryResetFeatures}, Type{PhysicalDeviceHostQueryResetFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_HOST_QUERY_RESET_FEATURES structure_type(@nospecialize(_::Union{Type{VkDeviceQueueGlobalPriorityCreateInfoKHR}, Type{_DeviceQueueGlobalPriorityCreateInfoKHR}, Type{DeviceQueueGlobalPriorityCreateInfoKHR}})) = VK_STRUCTURE_TYPE_DEVICE_QUEUE_GLOBAL_PRIORITY_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR}, Type{_PhysicalDeviceGlobalPriorityQueryFeaturesKHR}, Type{PhysicalDeviceGlobalPriorityQueryFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_GLOBAL_PRIORITY_QUERY_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkQueueFamilyGlobalPriorityPropertiesKHR}, Type{_QueueFamilyGlobalPriorityPropertiesKHR}, Type{QueueFamilyGlobalPriorityPropertiesKHR}})) = VK_STRUCTURE_TYPE_QUEUE_FAMILY_GLOBAL_PRIORITY_PROPERTIES_KHR structure_type(@nospecialize(_::Union{Type{VkDebugUtilsObjectNameInfoEXT}, Type{_DebugUtilsObjectNameInfoEXT}, Type{DebugUtilsObjectNameInfoEXT}})) = VK_STRUCTURE_TYPE_DEBUG_UTILS_OBJECT_NAME_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkDebugUtilsObjectTagInfoEXT}, Type{_DebugUtilsObjectTagInfoEXT}, Type{DebugUtilsObjectTagInfoEXT}})) = VK_STRUCTURE_TYPE_DEBUG_UTILS_OBJECT_TAG_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkDebugUtilsLabelEXT}, Type{_DebugUtilsLabelEXT}, Type{DebugUtilsLabelEXT}})) = VK_STRUCTURE_TYPE_DEBUG_UTILS_LABEL_EXT structure_type(@nospecialize(_::Union{Type{VkDebugUtilsMessengerCreateInfoEXT}, Type{_DebugUtilsMessengerCreateInfoEXT}, Type{DebugUtilsMessengerCreateInfoEXT}})) = VK_STRUCTURE_TYPE_DEBUG_UTILS_MESSENGER_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkDebugUtilsMessengerCallbackDataEXT}, Type{_DebugUtilsMessengerCallbackDataEXT}, Type{DebugUtilsMessengerCallbackDataEXT}})) = VK_STRUCTURE_TYPE_DEBUG_UTILS_MESSENGER_CALLBACK_DATA_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDeviceMemoryReportFeaturesEXT}, Type{_PhysicalDeviceDeviceMemoryReportFeaturesEXT}, Type{PhysicalDeviceDeviceMemoryReportFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DEVICE_MEMORY_REPORT_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkDeviceDeviceMemoryReportCreateInfoEXT}, Type{_DeviceDeviceMemoryReportCreateInfoEXT}, Type{DeviceDeviceMemoryReportCreateInfoEXT}})) = VK_STRUCTURE_TYPE_DEVICE_DEVICE_MEMORY_REPORT_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkDeviceMemoryReportCallbackDataEXT}, Type{_DeviceMemoryReportCallbackDataEXT}, Type{DeviceMemoryReportCallbackDataEXT}})) = VK_STRUCTURE_TYPE_DEVICE_MEMORY_REPORT_CALLBACK_DATA_EXT structure_type(@nospecialize(_::Union{Type{VkImportMemoryHostPointerInfoEXT}, Type{_ImportMemoryHostPointerInfoEXT}, Type{ImportMemoryHostPointerInfoEXT}})) = VK_STRUCTURE_TYPE_IMPORT_MEMORY_HOST_POINTER_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkMemoryHostPointerPropertiesEXT}, Type{_MemoryHostPointerPropertiesEXT}, Type{MemoryHostPointerPropertiesEXT}})) = VK_STRUCTURE_TYPE_MEMORY_HOST_POINTER_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalMemoryHostPropertiesEXT}, Type{_PhysicalDeviceExternalMemoryHostPropertiesEXT}, Type{PhysicalDeviceExternalMemoryHostPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_MEMORY_HOST_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceConservativeRasterizationPropertiesEXT}, Type{_PhysicalDeviceConservativeRasterizationPropertiesEXT}, Type{PhysicalDeviceConservativeRasterizationPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_CONSERVATIVE_RASTERIZATION_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkCalibratedTimestampInfoEXT}, Type{_CalibratedTimestampInfoEXT}, Type{CalibratedTimestampInfoEXT}})) = VK_STRUCTURE_TYPE_CALIBRATED_TIMESTAMP_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderCorePropertiesAMD}, Type{_PhysicalDeviceShaderCorePropertiesAMD}, Type{PhysicalDeviceShaderCorePropertiesAMD}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CORE_PROPERTIES_AMD structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderCoreProperties2AMD}, Type{_PhysicalDeviceShaderCoreProperties2AMD}, Type{PhysicalDeviceShaderCoreProperties2AMD}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CORE_PROPERTIES_2_AMD structure_type(@nospecialize(_::Union{Type{VkPipelineRasterizationConservativeStateCreateInfoEXT}, Type{_PipelineRasterizationConservativeStateCreateInfoEXT}, Type{PipelineRasterizationConservativeStateCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_RASTERIZATION_CONSERVATIVE_STATE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorIndexingFeatures}, Type{_PhysicalDeviceDescriptorIndexingFeatures}, Type{PhysicalDeviceDescriptorIndexingFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_INDEXING_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorIndexingProperties}, Type{_PhysicalDeviceDescriptorIndexingProperties}, Type{PhysicalDeviceDescriptorIndexingProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_INDEXING_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutBindingFlagsCreateInfo}, Type{_DescriptorSetLayoutBindingFlagsCreateInfo}, Type{DescriptorSetLayoutBindingFlagsCreateInfo}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_BINDING_FLAGS_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkDescriptorSetVariableDescriptorCountAllocateInfo}, Type{_DescriptorSetVariableDescriptorCountAllocateInfo}, Type{DescriptorSetVariableDescriptorCountAllocateInfo}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_SET_VARIABLE_DESCRIPTOR_COUNT_ALLOCATE_INFO structure_type(@nospecialize(_::Union{Type{VkDescriptorSetVariableDescriptorCountLayoutSupport}, Type{_DescriptorSetVariableDescriptorCountLayoutSupport}, Type{DescriptorSetVariableDescriptorCountLayoutSupport}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_SET_VARIABLE_DESCRIPTOR_COUNT_LAYOUT_SUPPORT structure_type(@nospecialize(_::Union{Type{VkAttachmentDescription2}, Type{_AttachmentDescription2}, Type{AttachmentDescription2}})) = VK_STRUCTURE_TYPE_ATTACHMENT_DESCRIPTION_2 structure_type(@nospecialize(_::Union{Type{VkAttachmentReference2}, Type{_AttachmentReference2}, Type{AttachmentReference2}})) = VK_STRUCTURE_TYPE_ATTACHMENT_REFERENCE_2 structure_type(@nospecialize(_::Union{Type{VkSubpassDescription2}, Type{_SubpassDescription2}, Type{SubpassDescription2}})) = VK_STRUCTURE_TYPE_SUBPASS_DESCRIPTION_2 structure_type(@nospecialize(_::Union{Type{VkSubpassDependency2}, Type{_SubpassDependency2}, Type{SubpassDependency2}})) = VK_STRUCTURE_TYPE_SUBPASS_DEPENDENCY_2 structure_type(@nospecialize(_::Union{Type{VkRenderPassCreateInfo2}, Type{_RenderPassCreateInfo2}, Type{RenderPassCreateInfo2}})) = VK_STRUCTURE_TYPE_RENDER_PASS_CREATE_INFO_2 structure_type(@nospecialize(_::Union{Type{VkSubpassBeginInfo}, Type{_SubpassBeginInfo}, Type{SubpassBeginInfo}})) = VK_STRUCTURE_TYPE_SUBPASS_BEGIN_INFO structure_type(@nospecialize(_::Union{Type{VkSubpassEndInfo}, Type{_SubpassEndInfo}, Type{SubpassEndInfo}})) = VK_STRUCTURE_TYPE_SUBPASS_END_INFO structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTimelineSemaphoreFeatures}, Type{_PhysicalDeviceTimelineSemaphoreFeatures}, Type{PhysicalDeviceTimelineSemaphoreFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_TIMELINE_SEMAPHORE_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTimelineSemaphoreProperties}, Type{_PhysicalDeviceTimelineSemaphoreProperties}, Type{PhysicalDeviceTimelineSemaphoreProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_TIMELINE_SEMAPHORE_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkSemaphoreTypeCreateInfo}, Type{_SemaphoreTypeCreateInfo}, Type{SemaphoreTypeCreateInfo}})) = VK_STRUCTURE_TYPE_SEMAPHORE_TYPE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkTimelineSemaphoreSubmitInfo}, Type{_TimelineSemaphoreSubmitInfo}, Type{TimelineSemaphoreSubmitInfo}})) = VK_STRUCTURE_TYPE_TIMELINE_SEMAPHORE_SUBMIT_INFO structure_type(@nospecialize(_::Union{Type{VkSemaphoreWaitInfo}, Type{_SemaphoreWaitInfo}, Type{SemaphoreWaitInfo}})) = VK_STRUCTURE_TYPE_SEMAPHORE_WAIT_INFO structure_type(@nospecialize(_::Union{Type{VkSemaphoreSignalInfo}, Type{_SemaphoreSignalInfo}, Type{SemaphoreSignalInfo}})) = VK_STRUCTURE_TYPE_SEMAPHORE_SIGNAL_INFO structure_type(@nospecialize(_::Union{Type{VkPipelineVertexInputDivisorStateCreateInfoEXT}, Type{_PipelineVertexInputDivisorStateCreateInfoEXT}, Type{PipelineVertexInputDivisorStateCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_VERTEX_INPUT_DIVISOR_STATE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT}, Type{_PhysicalDeviceVertexAttributeDivisorPropertiesEXT}, Type{PhysicalDeviceVertexAttributeDivisorPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_VERTEX_ATTRIBUTE_DIVISOR_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePCIBusInfoPropertiesEXT}, Type{_PhysicalDevicePCIBusInfoPropertiesEXT}, Type{PhysicalDevicePCIBusInfoPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PCI_BUS_INFO_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceConditionalRenderingInfoEXT}, Type{_CommandBufferInheritanceConditionalRenderingInfoEXT}, Type{CommandBufferInheritanceConditionalRenderingInfoEXT}})) = VK_STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_CONDITIONAL_RENDERING_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDevice8BitStorageFeatures}, Type{_PhysicalDevice8BitStorageFeatures}, Type{PhysicalDevice8BitStorageFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_8BIT_STORAGE_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceConditionalRenderingFeaturesEXT}, Type{_PhysicalDeviceConditionalRenderingFeaturesEXT}, Type{PhysicalDeviceConditionalRenderingFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_CONDITIONAL_RENDERING_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkanMemoryModelFeatures}, Type{_PhysicalDeviceVulkanMemoryModelFeatures}, Type{PhysicalDeviceVulkanMemoryModelFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_MEMORY_MODEL_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderAtomicInt64Features}, Type{_PhysicalDeviceShaderAtomicInt64Features}, Type{PhysicalDeviceShaderAtomicInt64Features}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_ATOMIC_INT64_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderAtomicFloatFeaturesEXT}, Type{_PhysicalDeviceShaderAtomicFloatFeaturesEXT}, Type{PhysicalDeviceShaderAtomicFloatFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_ATOMIC_FLOAT_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT}, Type{_PhysicalDeviceShaderAtomicFloat2FeaturesEXT}, Type{PhysicalDeviceShaderAtomicFloat2FeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_ATOMIC_FLOAT_2_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT}, Type{_PhysicalDeviceVertexAttributeDivisorFeaturesEXT}, Type{PhysicalDeviceVertexAttributeDivisorFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_VERTEX_ATTRIBUTE_DIVISOR_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkQueueFamilyCheckpointPropertiesNV}, Type{_QueueFamilyCheckpointPropertiesNV}, Type{QueueFamilyCheckpointPropertiesNV}})) = VK_STRUCTURE_TYPE_QUEUE_FAMILY_CHECKPOINT_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkCheckpointDataNV}, Type{_CheckpointDataNV}, Type{CheckpointDataNV}})) = VK_STRUCTURE_TYPE_CHECKPOINT_DATA_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDepthStencilResolveProperties}, Type{_PhysicalDeviceDepthStencilResolveProperties}, Type{PhysicalDeviceDepthStencilResolveProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_STENCIL_RESOLVE_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkSubpassDescriptionDepthStencilResolve}, Type{_SubpassDescriptionDepthStencilResolve}, Type{SubpassDescriptionDepthStencilResolve}})) = VK_STRUCTURE_TYPE_SUBPASS_DESCRIPTION_DEPTH_STENCIL_RESOLVE structure_type(@nospecialize(_::Union{Type{VkImageViewASTCDecodeModeEXT}, Type{_ImageViewASTCDecodeModeEXT}, Type{ImageViewASTCDecodeModeEXT}})) = VK_STRUCTURE_TYPE_IMAGE_VIEW_ASTC_DECODE_MODE_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceASTCDecodeFeaturesEXT}, Type{_PhysicalDeviceASTCDecodeFeaturesEXT}, Type{PhysicalDeviceASTCDecodeFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_ASTC_DECODE_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTransformFeedbackFeaturesEXT}, Type{_PhysicalDeviceTransformFeedbackFeaturesEXT}, Type{PhysicalDeviceTransformFeedbackFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_TRANSFORM_FEEDBACK_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTransformFeedbackPropertiesEXT}, Type{_PhysicalDeviceTransformFeedbackPropertiesEXT}, Type{PhysicalDeviceTransformFeedbackPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_TRANSFORM_FEEDBACK_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineRasterizationStateStreamCreateInfoEXT}, Type{_PipelineRasterizationStateStreamCreateInfoEXT}, Type{PipelineRasterizationStateStreamCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_RASTERIZATION_STATE_STREAM_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV}, Type{_PhysicalDeviceRepresentativeFragmentTestFeaturesNV}, Type{PhysicalDeviceRepresentativeFragmentTestFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_REPRESENTATIVE_FRAGMENT_TEST_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPipelineRepresentativeFragmentTestStateCreateInfoNV}, Type{_PipelineRepresentativeFragmentTestStateCreateInfoNV}, Type{PipelineRepresentativeFragmentTestStateCreateInfoNV}})) = VK_STRUCTURE_TYPE_PIPELINE_REPRESENTATIVE_FRAGMENT_TEST_STATE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExclusiveScissorFeaturesNV}, Type{_PhysicalDeviceExclusiveScissorFeaturesNV}, Type{PhysicalDeviceExclusiveScissorFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_EXCLUSIVE_SCISSOR_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPipelineViewportExclusiveScissorStateCreateInfoNV}, Type{_PipelineViewportExclusiveScissorStateCreateInfoNV}, Type{PipelineViewportExclusiveScissorStateCreateInfoNV}})) = VK_STRUCTURE_TYPE_PIPELINE_VIEWPORT_EXCLUSIVE_SCISSOR_STATE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCornerSampledImageFeaturesNV}, Type{_PhysicalDeviceCornerSampledImageFeaturesNV}, Type{PhysicalDeviceCornerSampledImageFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_CORNER_SAMPLED_IMAGE_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceComputeShaderDerivativesFeaturesNV}, Type{_PhysicalDeviceComputeShaderDerivativesFeaturesNV}, Type{PhysicalDeviceComputeShaderDerivativesFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_COMPUTE_SHADER_DERIVATIVES_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderImageFootprintFeaturesNV}, Type{_PhysicalDeviceShaderImageFootprintFeaturesNV}, Type{PhysicalDeviceShaderImageFootprintFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_IMAGE_FOOTPRINT_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV}, Type{_PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV}, Type{PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DEDICATED_ALLOCATION_IMAGE_ALIASING_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCopyMemoryIndirectFeaturesNV}, Type{_PhysicalDeviceCopyMemoryIndirectFeaturesNV}, Type{PhysicalDeviceCopyMemoryIndirectFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_COPY_MEMORY_INDIRECT_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCopyMemoryIndirectPropertiesNV}, Type{_PhysicalDeviceCopyMemoryIndirectPropertiesNV}, Type{PhysicalDeviceCopyMemoryIndirectPropertiesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_COPY_MEMORY_INDIRECT_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryDecompressionFeaturesNV}, Type{_PhysicalDeviceMemoryDecompressionFeaturesNV}, Type{PhysicalDeviceMemoryDecompressionFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_DECOMPRESSION_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryDecompressionPropertiesNV}, Type{_PhysicalDeviceMemoryDecompressionPropertiesNV}, Type{PhysicalDeviceMemoryDecompressionPropertiesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_DECOMPRESSION_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkPipelineViewportShadingRateImageStateCreateInfoNV}, Type{_PipelineViewportShadingRateImageStateCreateInfoNV}, Type{PipelineViewportShadingRateImageStateCreateInfoNV}})) = VK_STRUCTURE_TYPE_PIPELINE_VIEWPORT_SHADING_RATE_IMAGE_STATE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShadingRateImageFeaturesNV}, Type{_PhysicalDeviceShadingRateImageFeaturesNV}, Type{PhysicalDeviceShadingRateImageFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADING_RATE_IMAGE_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShadingRateImagePropertiesNV}, Type{_PhysicalDeviceShadingRateImagePropertiesNV}, Type{PhysicalDeviceShadingRateImagePropertiesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADING_RATE_IMAGE_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceInvocationMaskFeaturesHUAWEI}, Type{_PhysicalDeviceInvocationMaskFeaturesHUAWEI}, Type{PhysicalDeviceInvocationMaskFeaturesHUAWEI}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_INVOCATION_MASK_FEATURES_HUAWEI structure_type(@nospecialize(_::Union{Type{VkPipelineViewportCoarseSampleOrderStateCreateInfoNV}, Type{_PipelineViewportCoarseSampleOrderStateCreateInfoNV}, Type{PipelineViewportCoarseSampleOrderStateCreateInfoNV}})) = VK_STRUCTURE_TYPE_PIPELINE_VIEWPORT_COARSE_SAMPLE_ORDER_STATE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMeshShaderFeaturesNV}, Type{_PhysicalDeviceMeshShaderFeaturesNV}, Type{PhysicalDeviceMeshShaderFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MESH_SHADER_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMeshShaderPropertiesNV}, Type{_PhysicalDeviceMeshShaderPropertiesNV}, Type{PhysicalDeviceMeshShaderPropertiesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MESH_SHADER_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMeshShaderFeaturesEXT}, Type{_PhysicalDeviceMeshShaderFeaturesEXT}, Type{PhysicalDeviceMeshShaderFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MESH_SHADER_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMeshShaderPropertiesEXT}, Type{_PhysicalDeviceMeshShaderPropertiesEXT}, Type{PhysicalDeviceMeshShaderPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MESH_SHADER_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkRayTracingShaderGroupCreateInfoNV}, Type{_RayTracingShaderGroupCreateInfoNV}, Type{RayTracingShaderGroupCreateInfoNV}})) = VK_STRUCTURE_TYPE_RAY_TRACING_SHADER_GROUP_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkRayTracingShaderGroupCreateInfoKHR}, Type{_RayTracingShaderGroupCreateInfoKHR}, Type{RayTracingShaderGroupCreateInfoKHR}})) = VK_STRUCTURE_TYPE_RAY_TRACING_SHADER_GROUP_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkRayTracingPipelineCreateInfoNV}, Type{_RayTracingPipelineCreateInfoNV}, Type{RayTracingPipelineCreateInfoNV}})) = VK_STRUCTURE_TYPE_RAY_TRACING_PIPELINE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkRayTracingPipelineCreateInfoKHR}, Type{_RayTracingPipelineCreateInfoKHR}, Type{RayTracingPipelineCreateInfoKHR}})) = VK_STRUCTURE_TYPE_RAY_TRACING_PIPELINE_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkGeometryTrianglesNV}, Type{_GeometryTrianglesNV}, Type{GeometryTrianglesNV}})) = VK_STRUCTURE_TYPE_GEOMETRY_TRIANGLES_NV structure_type(@nospecialize(_::Union{Type{VkGeometryAABBNV}, Type{_GeometryAABBNV}, Type{GeometryAABBNV}})) = VK_STRUCTURE_TYPE_GEOMETRY_AABB_NV structure_type(@nospecialize(_::Union{Type{VkGeometryNV}, Type{_GeometryNV}, Type{GeometryNV}})) = VK_STRUCTURE_TYPE_GEOMETRY_NV structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureInfoNV}, Type{_AccelerationStructureInfoNV}, Type{AccelerationStructureInfoNV}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureCreateInfoNV}, Type{_AccelerationStructureCreateInfoNV}, Type{AccelerationStructureCreateInfoNV}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkBindAccelerationStructureMemoryInfoNV}, Type{_BindAccelerationStructureMemoryInfoNV}, Type{BindAccelerationStructureMemoryInfoNV}})) = VK_STRUCTURE_TYPE_BIND_ACCELERATION_STRUCTURE_MEMORY_INFO_NV structure_type(@nospecialize(_::Union{Type{VkWriteDescriptorSetAccelerationStructureKHR}, Type{_WriteDescriptorSetAccelerationStructureKHR}, Type{WriteDescriptorSetAccelerationStructureKHR}})) = VK_STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET_ACCELERATION_STRUCTURE_KHR structure_type(@nospecialize(_::Union{Type{VkWriteDescriptorSetAccelerationStructureNV}, Type{_WriteDescriptorSetAccelerationStructureNV}, Type{WriteDescriptorSetAccelerationStructureNV}})) = VK_STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET_ACCELERATION_STRUCTURE_NV structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureMemoryRequirementsInfoNV}, Type{_AccelerationStructureMemoryRequirementsInfoNV}, Type{AccelerationStructureMemoryRequirementsInfoNV}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_MEMORY_REQUIREMENTS_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAccelerationStructureFeaturesKHR}, Type{_PhysicalDeviceAccelerationStructureFeaturesKHR}, Type{PhysicalDeviceAccelerationStructureFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_ACCELERATION_STRUCTURE_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingPipelineFeaturesKHR}, Type{_PhysicalDeviceRayTracingPipelineFeaturesKHR}, Type{PhysicalDeviceRayTracingPipelineFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_PIPELINE_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayQueryFeaturesKHR}, Type{_PhysicalDeviceRayQueryFeaturesKHR}, Type{PhysicalDeviceRayQueryFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_QUERY_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAccelerationStructurePropertiesKHR}, Type{_PhysicalDeviceAccelerationStructurePropertiesKHR}, Type{PhysicalDeviceAccelerationStructurePropertiesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_ACCELERATION_STRUCTURE_PROPERTIES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingPipelinePropertiesKHR}, Type{_PhysicalDeviceRayTracingPipelinePropertiesKHR}, Type{PhysicalDeviceRayTracingPipelinePropertiesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_PIPELINE_PROPERTIES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingPropertiesNV}, Type{_PhysicalDeviceRayTracingPropertiesNV}, Type{PhysicalDeviceRayTracingPropertiesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR}, Type{_PhysicalDeviceRayTracingMaintenance1FeaturesKHR}, Type{PhysicalDeviceRayTracingMaintenance1FeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_MAINTENANCE_1_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkDrmFormatModifierPropertiesListEXT}, Type{_DrmFormatModifierPropertiesListEXT}, Type{DrmFormatModifierPropertiesListEXT}})) = VK_STRUCTURE_TYPE_DRM_FORMAT_MODIFIER_PROPERTIES_LIST_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageDrmFormatModifierInfoEXT}, Type{_PhysicalDeviceImageDrmFormatModifierInfoEXT}, Type{PhysicalDeviceImageDrmFormatModifierInfoEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_DRM_FORMAT_MODIFIER_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkImageDrmFormatModifierListCreateInfoEXT}, Type{_ImageDrmFormatModifierListCreateInfoEXT}, Type{ImageDrmFormatModifierListCreateInfoEXT}})) = VK_STRUCTURE_TYPE_IMAGE_DRM_FORMAT_MODIFIER_LIST_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkImageDrmFormatModifierExplicitCreateInfoEXT}, Type{_ImageDrmFormatModifierExplicitCreateInfoEXT}, Type{ImageDrmFormatModifierExplicitCreateInfoEXT}})) = VK_STRUCTURE_TYPE_IMAGE_DRM_FORMAT_MODIFIER_EXPLICIT_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkImageDrmFormatModifierPropertiesEXT}, Type{_ImageDrmFormatModifierPropertiesEXT}, Type{ImageDrmFormatModifierPropertiesEXT}})) = VK_STRUCTURE_TYPE_IMAGE_DRM_FORMAT_MODIFIER_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkImageStencilUsageCreateInfo}, Type{_ImageStencilUsageCreateInfo}, Type{ImageStencilUsageCreateInfo}})) = VK_STRUCTURE_TYPE_IMAGE_STENCIL_USAGE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkDeviceMemoryOverallocationCreateInfoAMD}, Type{_DeviceMemoryOverallocationCreateInfoAMD}, Type{DeviceMemoryOverallocationCreateInfoAMD}})) = VK_STRUCTURE_TYPE_DEVICE_MEMORY_OVERALLOCATION_CREATE_INFO_AMD structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMapFeaturesEXT}, Type{_PhysicalDeviceFragmentDensityMapFeaturesEXT}, Type{PhysicalDeviceFragmentDensityMapFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMap2FeaturesEXT}, Type{_PhysicalDeviceFragmentDensityMap2FeaturesEXT}, Type{PhysicalDeviceFragmentDensityMap2FeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_2_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM}, Type{_PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM}, Type{PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_OFFSET_FEATURES_QCOM structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMapPropertiesEXT}, Type{_PhysicalDeviceFragmentDensityMapPropertiesEXT}, Type{PhysicalDeviceFragmentDensityMapPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMap2PropertiesEXT}, Type{_PhysicalDeviceFragmentDensityMap2PropertiesEXT}, Type{PhysicalDeviceFragmentDensityMap2PropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_2_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM}, Type{_PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM}, Type{PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_OFFSET_PROPERTIES_QCOM structure_type(@nospecialize(_::Union{Type{VkRenderPassFragmentDensityMapCreateInfoEXT}, Type{_RenderPassFragmentDensityMapCreateInfoEXT}, Type{RenderPassFragmentDensityMapCreateInfoEXT}})) = VK_STRUCTURE_TYPE_RENDER_PASS_FRAGMENT_DENSITY_MAP_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkSubpassFragmentDensityMapOffsetEndInfoQCOM}, Type{_SubpassFragmentDensityMapOffsetEndInfoQCOM}, Type{SubpassFragmentDensityMapOffsetEndInfoQCOM}})) = VK_STRUCTURE_TYPE_SUBPASS_FRAGMENT_DENSITY_MAP_OFFSET_END_INFO_QCOM structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceScalarBlockLayoutFeatures}, Type{_PhysicalDeviceScalarBlockLayoutFeatures}, Type{PhysicalDeviceScalarBlockLayoutFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SCALAR_BLOCK_LAYOUT_FEATURES structure_type(@nospecialize(_::Union{Type{VkSurfaceProtectedCapabilitiesKHR}, Type{_SurfaceProtectedCapabilitiesKHR}, Type{SurfaceProtectedCapabilitiesKHR}})) = VK_STRUCTURE_TYPE_SURFACE_PROTECTED_CAPABILITIES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceUniformBufferStandardLayoutFeatures}, Type{_PhysicalDeviceUniformBufferStandardLayoutFeatures}, Type{PhysicalDeviceUniformBufferStandardLayoutFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_UNIFORM_BUFFER_STANDARD_LAYOUT_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDepthClipEnableFeaturesEXT}, Type{_PhysicalDeviceDepthClipEnableFeaturesEXT}, Type{PhysicalDeviceDepthClipEnableFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_CLIP_ENABLE_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineRasterizationDepthClipStateCreateInfoEXT}, Type{_PipelineRasterizationDepthClipStateCreateInfoEXT}, Type{PipelineRasterizationDepthClipStateCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_RASTERIZATION_DEPTH_CLIP_STATE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryBudgetPropertiesEXT}, Type{_PhysicalDeviceMemoryBudgetPropertiesEXT}, Type{PhysicalDeviceMemoryBudgetPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_BUDGET_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryPriorityFeaturesEXT}, Type{_PhysicalDeviceMemoryPriorityFeaturesEXT}, Type{PhysicalDeviceMemoryPriorityFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_PRIORITY_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkMemoryPriorityAllocateInfoEXT}, Type{_MemoryPriorityAllocateInfoEXT}, Type{MemoryPriorityAllocateInfoEXT}})) = VK_STRUCTURE_TYPE_MEMORY_PRIORITY_ALLOCATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT}, Type{_PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT}, Type{PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PAGEABLE_DEVICE_LOCAL_MEMORY_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBufferDeviceAddressFeatures}, Type{_PhysicalDeviceBufferDeviceAddressFeatures}, Type{PhysicalDeviceBufferDeviceAddressFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_BUFFER_DEVICE_ADDRESS_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBufferDeviceAddressFeaturesEXT}, Type{_PhysicalDeviceBufferDeviceAddressFeaturesEXT}, Type{PhysicalDeviceBufferDeviceAddressFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_BUFFER_DEVICE_ADDRESS_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkBufferDeviceAddressInfo}, Type{_BufferDeviceAddressInfo}, Type{BufferDeviceAddressInfo}})) = VK_STRUCTURE_TYPE_BUFFER_DEVICE_ADDRESS_INFO structure_type(@nospecialize(_::Union{Type{VkBufferOpaqueCaptureAddressCreateInfo}, Type{_BufferOpaqueCaptureAddressCreateInfo}, Type{BufferOpaqueCaptureAddressCreateInfo}})) = VK_STRUCTURE_TYPE_BUFFER_OPAQUE_CAPTURE_ADDRESS_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkBufferDeviceAddressCreateInfoEXT}, Type{_BufferDeviceAddressCreateInfoEXT}, Type{BufferDeviceAddressCreateInfoEXT}})) = VK_STRUCTURE_TYPE_BUFFER_DEVICE_ADDRESS_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageViewImageFormatInfoEXT}, Type{_PhysicalDeviceImageViewImageFormatInfoEXT}, Type{PhysicalDeviceImageViewImageFormatInfoEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_VIEW_IMAGE_FORMAT_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkFilterCubicImageViewImageFormatPropertiesEXT}, Type{_FilterCubicImageViewImageFormatPropertiesEXT}, Type{FilterCubicImageViewImageFormatPropertiesEXT}})) = VK_STRUCTURE_TYPE_FILTER_CUBIC_IMAGE_VIEW_IMAGE_FORMAT_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImagelessFramebufferFeatures}, Type{_PhysicalDeviceImagelessFramebufferFeatures}, Type{PhysicalDeviceImagelessFramebufferFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGELESS_FRAMEBUFFER_FEATURES structure_type(@nospecialize(_::Union{Type{VkFramebufferAttachmentsCreateInfo}, Type{_FramebufferAttachmentsCreateInfo}, Type{FramebufferAttachmentsCreateInfo}})) = VK_STRUCTURE_TYPE_FRAMEBUFFER_ATTACHMENTS_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkFramebufferAttachmentImageInfo}, Type{_FramebufferAttachmentImageInfo}, Type{FramebufferAttachmentImageInfo}})) = VK_STRUCTURE_TYPE_FRAMEBUFFER_ATTACHMENT_IMAGE_INFO structure_type(@nospecialize(_::Union{Type{VkRenderPassAttachmentBeginInfo}, Type{_RenderPassAttachmentBeginInfo}, Type{RenderPassAttachmentBeginInfo}})) = VK_STRUCTURE_TYPE_RENDER_PASS_ATTACHMENT_BEGIN_INFO structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTextureCompressionASTCHDRFeatures}, Type{_PhysicalDeviceTextureCompressionASTCHDRFeatures}, Type{PhysicalDeviceTextureCompressionASTCHDRFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXTURE_COMPRESSION_ASTC_HDR_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCooperativeMatrixFeaturesNV}, Type{_PhysicalDeviceCooperativeMatrixFeaturesNV}, Type{PhysicalDeviceCooperativeMatrixFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_COOPERATIVE_MATRIX_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCooperativeMatrixPropertiesNV}, Type{_PhysicalDeviceCooperativeMatrixPropertiesNV}, Type{PhysicalDeviceCooperativeMatrixPropertiesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_COOPERATIVE_MATRIX_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkCooperativeMatrixPropertiesNV}, Type{_CooperativeMatrixPropertiesNV}, Type{CooperativeMatrixPropertiesNV}})) = VK_STRUCTURE_TYPE_COOPERATIVE_MATRIX_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceYcbcrImageArraysFeaturesEXT}, Type{_PhysicalDeviceYcbcrImageArraysFeaturesEXT}, Type{PhysicalDeviceYcbcrImageArraysFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_YCBCR_IMAGE_ARRAYS_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkImageViewHandleInfoNVX}, Type{_ImageViewHandleInfoNVX}, Type{ImageViewHandleInfoNVX}})) = VK_STRUCTURE_TYPE_IMAGE_VIEW_HANDLE_INFO_NVX structure_type(@nospecialize(_::Union{Type{VkImageViewAddressPropertiesNVX}, Type{_ImageViewAddressPropertiesNVX}, Type{ImageViewAddressPropertiesNVX}})) = VK_STRUCTURE_TYPE_IMAGE_VIEW_ADDRESS_PROPERTIES_NVX structure_type(@nospecialize(_::Union{Type{VkPipelineCreationFeedbackCreateInfo}, Type{_PipelineCreationFeedbackCreateInfo}, Type{PipelineCreationFeedbackCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_CREATION_FEEDBACK_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkSurfaceFullScreenExclusiveInfoEXT}, Type{_SurfaceFullScreenExclusiveInfoEXT}, Type{SurfaceFullScreenExclusiveInfoEXT}})) = VK_STRUCTURE_TYPE_SURFACE_FULL_SCREEN_EXCLUSIVE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkSurfaceFullScreenExclusiveWin32InfoEXT}, Type{_SurfaceFullScreenExclusiveWin32InfoEXT}, Type{SurfaceFullScreenExclusiveWin32InfoEXT}})) = VK_STRUCTURE_TYPE_SURFACE_FULL_SCREEN_EXCLUSIVE_WIN32_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkSurfaceCapabilitiesFullScreenExclusiveEXT}, Type{_SurfaceCapabilitiesFullScreenExclusiveEXT}, Type{SurfaceCapabilitiesFullScreenExclusiveEXT}})) = VK_STRUCTURE_TYPE_SURFACE_CAPABILITIES_FULL_SCREEN_EXCLUSIVE_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePresentBarrierFeaturesNV}, Type{_PhysicalDevicePresentBarrierFeaturesNV}, Type{PhysicalDevicePresentBarrierFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PRESENT_BARRIER_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkSurfaceCapabilitiesPresentBarrierNV}, Type{_SurfaceCapabilitiesPresentBarrierNV}, Type{SurfaceCapabilitiesPresentBarrierNV}})) = VK_STRUCTURE_TYPE_SURFACE_CAPABILITIES_PRESENT_BARRIER_NV structure_type(@nospecialize(_::Union{Type{VkSwapchainPresentBarrierCreateInfoNV}, Type{_SwapchainPresentBarrierCreateInfoNV}, Type{SwapchainPresentBarrierCreateInfoNV}})) = VK_STRUCTURE_TYPE_SWAPCHAIN_PRESENT_BARRIER_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePerformanceQueryFeaturesKHR}, Type{_PhysicalDevicePerformanceQueryFeaturesKHR}, Type{PhysicalDevicePerformanceQueryFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PERFORMANCE_QUERY_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePerformanceQueryPropertiesKHR}, Type{_PhysicalDevicePerformanceQueryPropertiesKHR}, Type{PhysicalDevicePerformanceQueryPropertiesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PERFORMANCE_QUERY_PROPERTIES_KHR structure_type(@nospecialize(_::Union{Type{VkPerformanceCounterKHR}, Type{_PerformanceCounterKHR}, Type{PerformanceCounterKHR}})) = VK_STRUCTURE_TYPE_PERFORMANCE_COUNTER_KHR structure_type(@nospecialize(_::Union{Type{VkPerformanceCounterDescriptionKHR}, Type{_PerformanceCounterDescriptionKHR}, Type{PerformanceCounterDescriptionKHR}})) = VK_STRUCTURE_TYPE_PERFORMANCE_COUNTER_DESCRIPTION_KHR structure_type(@nospecialize(_::Union{Type{VkQueryPoolPerformanceCreateInfoKHR}, Type{_QueryPoolPerformanceCreateInfoKHR}, Type{QueryPoolPerformanceCreateInfoKHR}})) = VK_STRUCTURE_TYPE_QUERY_POOL_PERFORMANCE_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkAcquireProfilingLockInfoKHR}, Type{_AcquireProfilingLockInfoKHR}, Type{AcquireProfilingLockInfoKHR}})) = VK_STRUCTURE_TYPE_ACQUIRE_PROFILING_LOCK_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPerformanceQuerySubmitInfoKHR}, Type{_PerformanceQuerySubmitInfoKHR}, Type{PerformanceQuerySubmitInfoKHR}})) = VK_STRUCTURE_TYPE_PERFORMANCE_QUERY_SUBMIT_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkHeadlessSurfaceCreateInfoEXT}, Type{_HeadlessSurfaceCreateInfoEXT}, Type{HeadlessSurfaceCreateInfoEXT}})) = VK_STRUCTURE_TYPE_HEADLESS_SURFACE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCoverageReductionModeFeaturesNV}, Type{_PhysicalDeviceCoverageReductionModeFeaturesNV}, Type{PhysicalDeviceCoverageReductionModeFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_COVERAGE_REDUCTION_MODE_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPipelineCoverageReductionStateCreateInfoNV}, Type{_PipelineCoverageReductionStateCreateInfoNV}, Type{PipelineCoverageReductionStateCreateInfoNV}})) = VK_STRUCTURE_TYPE_PIPELINE_COVERAGE_REDUCTION_STATE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkFramebufferMixedSamplesCombinationNV}, Type{_FramebufferMixedSamplesCombinationNV}, Type{FramebufferMixedSamplesCombinationNV}})) = VK_STRUCTURE_TYPE_FRAMEBUFFER_MIXED_SAMPLES_COMBINATION_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL}, Type{_PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL}, Type{PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_FUNCTIONS_2_FEATURES_INTEL structure_type(@nospecialize(_::Union{Type{VkInitializePerformanceApiInfoINTEL}, Type{_InitializePerformanceApiInfoINTEL}, Type{InitializePerformanceApiInfoINTEL}})) = VK_STRUCTURE_TYPE_INITIALIZE_PERFORMANCE_API_INFO_INTEL structure_type(@nospecialize(_::Union{Type{VkQueryPoolPerformanceQueryCreateInfoINTEL}, Type{_QueryPoolPerformanceQueryCreateInfoINTEL}, Type{QueryPoolPerformanceQueryCreateInfoINTEL}})) = VK_STRUCTURE_TYPE_QUERY_POOL_PERFORMANCE_QUERY_CREATE_INFO_INTEL structure_type(@nospecialize(_::Union{Type{VkPerformanceMarkerInfoINTEL}, Type{_PerformanceMarkerInfoINTEL}, Type{PerformanceMarkerInfoINTEL}})) = VK_STRUCTURE_TYPE_PERFORMANCE_MARKER_INFO_INTEL structure_type(@nospecialize(_::Union{Type{VkPerformanceStreamMarkerInfoINTEL}, Type{_PerformanceStreamMarkerInfoINTEL}, Type{PerformanceStreamMarkerInfoINTEL}})) = VK_STRUCTURE_TYPE_PERFORMANCE_STREAM_MARKER_INFO_INTEL structure_type(@nospecialize(_::Union{Type{VkPerformanceOverrideInfoINTEL}, Type{_PerformanceOverrideInfoINTEL}, Type{PerformanceOverrideInfoINTEL}})) = VK_STRUCTURE_TYPE_PERFORMANCE_OVERRIDE_INFO_INTEL structure_type(@nospecialize(_::Union{Type{VkPerformanceConfigurationAcquireInfoINTEL}, Type{_PerformanceConfigurationAcquireInfoINTEL}, Type{PerformanceConfigurationAcquireInfoINTEL}})) = VK_STRUCTURE_TYPE_PERFORMANCE_CONFIGURATION_ACQUIRE_INFO_INTEL structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderClockFeaturesKHR}, Type{_PhysicalDeviceShaderClockFeaturesKHR}, Type{PhysicalDeviceShaderClockFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CLOCK_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceIndexTypeUint8FeaturesEXT}, Type{_PhysicalDeviceIndexTypeUint8FeaturesEXT}, Type{PhysicalDeviceIndexTypeUint8FeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_INDEX_TYPE_UINT8_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderSMBuiltinsPropertiesNV}, Type{_PhysicalDeviceShaderSMBuiltinsPropertiesNV}, Type{PhysicalDeviceShaderSMBuiltinsPropertiesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SM_BUILTINS_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderSMBuiltinsFeaturesNV}, Type{_PhysicalDeviceShaderSMBuiltinsFeaturesNV}, Type{PhysicalDeviceShaderSMBuiltinsFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SM_BUILTINS_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT}, Type{_PhysicalDeviceFragmentShaderInterlockFeaturesEXT}, Type{PhysicalDeviceFragmentShaderInterlockFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADER_INTERLOCK_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures}, Type{_PhysicalDeviceSeparateDepthStencilLayoutsFeatures}, Type{PhysicalDeviceSeparateDepthStencilLayoutsFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SEPARATE_DEPTH_STENCIL_LAYOUTS_FEATURES structure_type(@nospecialize(_::Union{Type{VkAttachmentReferenceStencilLayout}, Type{_AttachmentReferenceStencilLayout}, Type{AttachmentReferenceStencilLayout}})) = VK_STRUCTURE_TYPE_ATTACHMENT_REFERENCE_STENCIL_LAYOUT structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT}, Type{_PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT}, Type{PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PRIMITIVE_TOPOLOGY_LIST_RESTART_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkAttachmentDescriptionStencilLayout}, Type{_AttachmentDescriptionStencilLayout}, Type{AttachmentDescriptionStencilLayout}})) = VK_STRUCTURE_TYPE_ATTACHMENT_DESCRIPTION_STENCIL_LAYOUT structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR}, Type{_PhysicalDevicePipelineExecutablePropertiesFeaturesKHR}, Type{PhysicalDevicePipelineExecutablePropertiesFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_EXECUTABLE_PROPERTIES_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkPipelineInfoKHR}, Type{_PipelineInfoKHR}, Type{PipelineInfoKHR}})) = VK_STRUCTURE_TYPE_PIPELINE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPipelineExecutablePropertiesKHR}, Type{_PipelineExecutablePropertiesKHR}, Type{PipelineExecutablePropertiesKHR}})) = VK_STRUCTURE_TYPE_PIPELINE_EXECUTABLE_PROPERTIES_KHR structure_type(@nospecialize(_::Union{Type{VkPipelineExecutableInfoKHR}, Type{_PipelineExecutableInfoKHR}, Type{PipelineExecutableInfoKHR}})) = VK_STRUCTURE_TYPE_PIPELINE_EXECUTABLE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPipelineExecutableStatisticKHR}, Type{_PipelineExecutableStatisticKHR}, Type{PipelineExecutableStatisticKHR}})) = VK_STRUCTURE_TYPE_PIPELINE_EXECUTABLE_STATISTIC_KHR structure_type(@nospecialize(_::Union{Type{VkPipelineExecutableInternalRepresentationKHR}, Type{_PipelineExecutableInternalRepresentationKHR}, Type{PipelineExecutableInternalRepresentationKHR}})) = VK_STRUCTURE_TYPE_PIPELINE_EXECUTABLE_INTERNAL_REPRESENTATION_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures}, Type{_PhysicalDeviceShaderDemoteToHelperInvocationFeatures}, Type{PhysicalDeviceShaderDemoteToHelperInvocationFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_DEMOTE_TO_HELPER_INVOCATION_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT}, Type{_PhysicalDeviceTexelBufferAlignmentFeaturesEXT}, Type{PhysicalDeviceTexelBufferAlignmentFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXEL_BUFFER_ALIGNMENT_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTexelBufferAlignmentProperties}, Type{_PhysicalDeviceTexelBufferAlignmentProperties}, Type{PhysicalDeviceTexelBufferAlignmentProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXEL_BUFFER_ALIGNMENT_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubgroupSizeControlFeatures}, Type{_PhysicalDeviceSubgroupSizeControlFeatures}, Type{PhysicalDeviceSubgroupSizeControlFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_SIZE_CONTROL_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubgroupSizeControlProperties}, Type{_PhysicalDeviceSubgroupSizeControlProperties}, Type{PhysicalDeviceSubgroupSizeControlProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_SIZE_CONTROL_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkPipelineShaderStageRequiredSubgroupSizeCreateInfo}, Type{_PipelineShaderStageRequiredSubgroupSizeCreateInfo}, Type{PipelineShaderStageRequiredSubgroupSizeCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_SHADER_STAGE_REQUIRED_SUBGROUP_SIZE_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkSubpassShadingPipelineCreateInfoHUAWEI}, Type{_SubpassShadingPipelineCreateInfoHUAWEI}, Type{SubpassShadingPipelineCreateInfoHUAWEI}})) = VK_STRUCTURE_TYPE_SUBPASS_SHADING_PIPELINE_CREATE_INFO_HUAWEI structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubpassShadingPropertiesHUAWEI}, Type{_PhysicalDeviceSubpassShadingPropertiesHUAWEI}, Type{PhysicalDeviceSubpassShadingPropertiesHUAWEI}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBPASS_SHADING_PROPERTIES_HUAWEI structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI}, Type{_PhysicalDeviceClusterCullingShaderPropertiesHUAWEI}, Type{PhysicalDeviceClusterCullingShaderPropertiesHUAWEI}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_CLUSTER_CULLING_SHADER_PROPERTIES_HUAWEI structure_type(@nospecialize(_::Union{Type{VkMemoryOpaqueCaptureAddressAllocateInfo}, Type{_MemoryOpaqueCaptureAddressAllocateInfo}, Type{MemoryOpaqueCaptureAddressAllocateInfo}})) = VK_STRUCTURE_TYPE_MEMORY_OPAQUE_CAPTURE_ADDRESS_ALLOCATE_INFO structure_type(@nospecialize(_::Union{Type{VkDeviceMemoryOpaqueCaptureAddressInfo}, Type{_DeviceMemoryOpaqueCaptureAddressInfo}, Type{DeviceMemoryOpaqueCaptureAddressInfo}})) = VK_STRUCTURE_TYPE_DEVICE_MEMORY_OPAQUE_CAPTURE_ADDRESS_INFO structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLineRasterizationFeaturesEXT}, Type{_PhysicalDeviceLineRasterizationFeaturesEXT}, Type{PhysicalDeviceLineRasterizationFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_LINE_RASTERIZATION_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLineRasterizationPropertiesEXT}, Type{_PhysicalDeviceLineRasterizationPropertiesEXT}, Type{PhysicalDeviceLineRasterizationPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_LINE_RASTERIZATION_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineRasterizationLineStateCreateInfoEXT}, Type{_PipelineRasterizationLineStateCreateInfoEXT}, Type{PipelineRasterizationLineStateCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_RASTERIZATION_LINE_STATE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineCreationCacheControlFeatures}, Type{_PhysicalDevicePipelineCreationCacheControlFeatures}, Type{PhysicalDevicePipelineCreationCacheControlFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_CREATION_CACHE_CONTROL_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan11Features}, Type{_PhysicalDeviceVulkan11Features}, Type{PhysicalDeviceVulkan11Features}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_1_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan11Properties}, Type{_PhysicalDeviceVulkan11Properties}, Type{PhysicalDeviceVulkan11Properties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_1_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan12Features}, Type{_PhysicalDeviceVulkan12Features}, Type{PhysicalDeviceVulkan12Features}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_2_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan12Properties}, Type{_PhysicalDeviceVulkan12Properties}, Type{PhysicalDeviceVulkan12Properties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_2_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan13Features}, Type{_PhysicalDeviceVulkan13Features}, Type{PhysicalDeviceVulkan13Features}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_3_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan13Properties}, Type{_PhysicalDeviceVulkan13Properties}, Type{PhysicalDeviceVulkan13Properties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_3_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkPipelineCompilerControlCreateInfoAMD}, Type{_PipelineCompilerControlCreateInfoAMD}, Type{PipelineCompilerControlCreateInfoAMD}})) = VK_STRUCTURE_TYPE_PIPELINE_COMPILER_CONTROL_CREATE_INFO_AMD structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCoherentMemoryFeaturesAMD}, Type{_PhysicalDeviceCoherentMemoryFeaturesAMD}, Type{PhysicalDeviceCoherentMemoryFeaturesAMD}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_COHERENT_MEMORY_FEATURES_AMD structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceToolProperties}, Type{_PhysicalDeviceToolProperties}, Type{PhysicalDeviceToolProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_TOOL_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkSamplerCustomBorderColorCreateInfoEXT}, Type{_SamplerCustomBorderColorCreateInfoEXT}, Type{SamplerCustomBorderColorCreateInfoEXT}})) = VK_STRUCTURE_TYPE_SAMPLER_CUSTOM_BORDER_COLOR_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCustomBorderColorPropertiesEXT}, Type{_PhysicalDeviceCustomBorderColorPropertiesEXT}, Type{PhysicalDeviceCustomBorderColorPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_CUSTOM_BORDER_COLOR_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCustomBorderColorFeaturesEXT}, Type{_PhysicalDeviceCustomBorderColorFeaturesEXT}, Type{PhysicalDeviceCustomBorderColorFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_CUSTOM_BORDER_COLOR_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkSamplerBorderColorComponentMappingCreateInfoEXT}, Type{_SamplerBorderColorComponentMappingCreateInfoEXT}, Type{SamplerBorderColorComponentMappingCreateInfoEXT}})) = VK_STRUCTURE_TYPE_SAMPLER_BORDER_COLOR_COMPONENT_MAPPING_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBorderColorSwizzleFeaturesEXT}, Type{_PhysicalDeviceBorderColorSwizzleFeaturesEXT}, Type{PhysicalDeviceBorderColorSwizzleFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_BORDER_COLOR_SWIZZLE_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryTrianglesDataKHR}, Type{_AccelerationStructureGeometryTrianglesDataKHR}, Type{AccelerationStructureGeometryTrianglesDataKHR}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_TRIANGLES_DATA_KHR structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryAabbsDataKHR}, Type{_AccelerationStructureGeometryAabbsDataKHR}, Type{AccelerationStructureGeometryAabbsDataKHR}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_AABBS_DATA_KHR structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryInstancesDataKHR}, Type{_AccelerationStructureGeometryInstancesDataKHR}, Type{AccelerationStructureGeometryInstancesDataKHR}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_INSTANCES_DATA_KHR structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryKHR}, Type{_AccelerationStructureGeometryKHR}, Type{AccelerationStructureGeometryKHR}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_KHR structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureBuildGeometryInfoKHR}, Type{_AccelerationStructureBuildGeometryInfoKHR}, Type{AccelerationStructureBuildGeometryInfoKHR}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_BUILD_GEOMETRY_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureCreateInfoKHR}, Type{_AccelerationStructureCreateInfoKHR}, Type{AccelerationStructureCreateInfoKHR}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureDeviceAddressInfoKHR}, Type{_AccelerationStructureDeviceAddressInfoKHR}, Type{AccelerationStructureDeviceAddressInfoKHR}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_DEVICE_ADDRESS_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureVersionInfoKHR}, Type{_AccelerationStructureVersionInfoKHR}, Type{AccelerationStructureVersionInfoKHR}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_VERSION_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkCopyAccelerationStructureInfoKHR}, Type{_CopyAccelerationStructureInfoKHR}, Type{CopyAccelerationStructureInfoKHR}})) = VK_STRUCTURE_TYPE_COPY_ACCELERATION_STRUCTURE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkCopyAccelerationStructureToMemoryInfoKHR}, Type{_CopyAccelerationStructureToMemoryInfoKHR}, Type{CopyAccelerationStructureToMemoryInfoKHR}})) = VK_STRUCTURE_TYPE_COPY_ACCELERATION_STRUCTURE_TO_MEMORY_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkCopyMemoryToAccelerationStructureInfoKHR}, Type{_CopyMemoryToAccelerationStructureInfoKHR}, Type{CopyMemoryToAccelerationStructureInfoKHR}})) = VK_STRUCTURE_TYPE_COPY_MEMORY_TO_ACCELERATION_STRUCTURE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkRayTracingPipelineInterfaceCreateInfoKHR}, Type{_RayTracingPipelineInterfaceCreateInfoKHR}, Type{RayTracingPipelineInterfaceCreateInfoKHR}})) = VK_STRUCTURE_TYPE_RAY_TRACING_PIPELINE_INTERFACE_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPipelineLibraryCreateInfoKHR}, Type{_PipelineLibraryCreateInfoKHR}, Type{PipelineLibraryCreateInfoKHR}})) = VK_STRUCTURE_TYPE_PIPELINE_LIBRARY_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExtendedDynamicStateFeaturesEXT}, Type{_PhysicalDeviceExtendedDynamicStateFeaturesEXT}, Type{PhysicalDeviceExtendedDynamicStateFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTENDED_DYNAMIC_STATE_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExtendedDynamicState2FeaturesEXT}, Type{_PhysicalDeviceExtendedDynamicState2FeaturesEXT}, Type{PhysicalDeviceExtendedDynamicState2FeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTENDED_DYNAMIC_STATE_2_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExtendedDynamicState3FeaturesEXT}, Type{_PhysicalDeviceExtendedDynamicState3FeaturesEXT}, Type{PhysicalDeviceExtendedDynamicState3FeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTENDED_DYNAMIC_STATE_3_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExtendedDynamicState3PropertiesEXT}, Type{_PhysicalDeviceExtendedDynamicState3PropertiesEXT}, Type{PhysicalDeviceExtendedDynamicState3PropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTENDED_DYNAMIC_STATE_3_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkRenderPassTransformBeginInfoQCOM}, Type{_RenderPassTransformBeginInfoQCOM}, Type{RenderPassTransformBeginInfoQCOM}})) = VK_STRUCTURE_TYPE_RENDER_PASS_TRANSFORM_BEGIN_INFO_QCOM structure_type(@nospecialize(_::Union{Type{VkCopyCommandTransformInfoQCOM}, Type{_CopyCommandTransformInfoQCOM}, Type{CopyCommandTransformInfoQCOM}})) = VK_STRUCTURE_TYPE_COPY_COMMAND_TRANSFORM_INFO_QCOM structure_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceRenderPassTransformInfoQCOM}, Type{_CommandBufferInheritanceRenderPassTransformInfoQCOM}, Type{CommandBufferInheritanceRenderPassTransformInfoQCOM}})) = VK_STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_RENDER_PASS_TRANSFORM_INFO_QCOM structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDiagnosticsConfigFeaturesNV}, Type{_PhysicalDeviceDiagnosticsConfigFeaturesNV}, Type{PhysicalDeviceDiagnosticsConfigFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DIAGNOSTICS_CONFIG_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkDeviceDiagnosticsConfigCreateInfoNV}, Type{_DeviceDiagnosticsConfigCreateInfoNV}, Type{DeviceDiagnosticsConfigCreateInfoNV}})) = VK_STRUCTURE_TYPE_DEVICE_DIAGNOSTICS_CONFIG_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures}, Type{_PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures}, Type{PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_ZERO_INITIALIZE_WORKGROUP_MEMORY_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR}, Type{_PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR}, Type{PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SUBGROUP_UNIFORM_CONTROL_FLOW_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRobustness2FeaturesEXT}, Type{_PhysicalDeviceRobustness2FeaturesEXT}, Type{PhysicalDeviceRobustness2FeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_ROBUSTNESS_2_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRobustness2PropertiesEXT}, Type{_PhysicalDeviceRobustness2PropertiesEXT}, Type{PhysicalDeviceRobustness2PropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_ROBUSTNESS_2_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageRobustnessFeatures}, Type{_PhysicalDeviceImageRobustnessFeatures}, Type{PhysicalDeviceImageRobustnessFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_ROBUSTNESS_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR}, Type{_PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR}, Type{PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_WORKGROUP_MEMORY_EXPLICIT_LAYOUT_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDevice4444FormatsFeaturesEXT}, Type{_PhysicalDevice4444FormatsFeaturesEXT}, Type{PhysicalDevice4444FormatsFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_4444_FORMATS_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubpassShadingFeaturesHUAWEI}, Type{_PhysicalDeviceSubpassShadingFeaturesHUAWEI}, Type{PhysicalDeviceSubpassShadingFeaturesHUAWEI}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBPASS_SHADING_FEATURES_HUAWEI structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI}, Type{_PhysicalDeviceClusterCullingShaderFeaturesHUAWEI}, Type{PhysicalDeviceClusterCullingShaderFeaturesHUAWEI}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_CLUSTER_CULLING_SHADER_FEATURES_HUAWEI structure_type(@nospecialize(_::Union{Type{VkBufferCopy2}, Type{_BufferCopy2}, Type{BufferCopy2}})) = VK_STRUCTURE_TYPE_BUFFER_COPY_2 structure_type(@nospecialize(_::Union{Type{VkImageCopy2}, Type{_ImageCopy2}, Type{ImageCopy2}})) = VK_STRUCTURE_TYPE_IMAGE_COPY_2 structure_type(@nospecialize(_::Union{Type{VkImageBlit2}, Type{_ImageBlit2}, Type{ImageBlit2}})) = VK_STRUCTURE_TYPE_IMAGE_BLIT_2 structure_type(@nospecialize(_::Union{Type{VkBufferImageCopy2}, Type{_BufferImageCopy2}, Type{BufferImageCopy2}})) = VK_STRUCTURE_TYPE_BUFFER_IMAGE_COPY_2 structure_type(@nospecialize(_::Union{Type{VkImageResolve2}, Type{_ImageResolve2}, Type{ImageResolve2}})) = VK_STRUCTURE_TYPE_IMAGE_RESOLVE_2 structure_type(@nospecialize(_::Union{Type{VkCopyBufferInfo2}, Type{_CopyBufferInfo2}, Type{CopyBufferInfo2}})) = VK_STRUCTURE_TYPE_COPY_BUFFER_INFO_2 structure_type(@nospecialize(_::Union{Type{VkCopyImageInfo2}, Type{_CopyImageInfo2}, Type{CopyImageInfo2}})) = VK_STRUCTURE_TYPE_COPY_IMAGE_INFO_2 structure_type(@nospecialize(_::Union{Type{VkBlitImageInfo2}, Type{_BlitImageInfo2}, Type{BlitImageInfo2}})) = VK_STRUCTURE_TYPE_BLIT_IMAGE_INFO_2 structure_type(@nospecialize(_::Union{Type{VkCopyBufferToImageInfo2}, Type{_CopyBufferToImageInfo2}, Type{CopyBufferToImageInfo2}})) = VK_STRUCTURE_TYPE_COPY_BUFFER_TO_IMAGE_INFO_2 structure_type(@nospecialize(_::Union{Type{VkCopyImageToBufferInfo2}, Type{_CopyImageToBufferInfo2}, Type{CopyImageToBufferInfo2}})) = VK_STRUCTURE_TYPE_COPY_IMAGE_TO_BUFFER_INFO_2 structure_type(@nospecialize(_::Union{Type{VkResolveImageInfo2}, Type{_ResolveImageInfo2}, Type{ResolveImageInfo2}})) = VK_STRUCTURE_TYPE_RESOLVE_IMAGE_INFO_2 structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT}, Type{_PhysicalDeviceShaderImageAtomicInt64FeaturesEXT}, Type{PhysicalDeviceShaderImageAtomicInt64FeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_IMAGE_ATOMIC_INT64_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkFragmentShadingRateAttachmentInfoKHR}, Type{_FragmentShadingRateAttachmentInfoKHR}, Type{FragmentShadingRateAttachmentInfoKHR}})) = VK_STRUCTURE_TYPE_FRAGMENT_SHADING_RATE_ATTACHMENT_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPipelineFragmentShadingRateStateCreateInfoKHR}, Type{_PipelineFragmentShadingRateStateCreateInfoKHR}, Type{PipelineFragmentShadingRateStateCreateInfoKHR}})) = VK_STRUCTURE_TYPE_PIPELINE_FRAGMENT_SHADING_RATE_STATE_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRateFeaturesKHR}, Type{_PhysicalDeviceFragmentShadingRateFeaturesKHR}, Type{PhysicalDeviceFragmentShadingRateFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRatePropertiesKHR}, Type{_PhysicalDeviceFragmentShadingRatePropertiesKHR}, Type{PhysicalDeviceFragmentShadingRatePropertiesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_PROPERTIES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRateKHR}, Type{_PhysicalDeviceFragmentShadingRateKHR}, Type{PhysicalDeviceFragmentShadingRateKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderTerminateInvocationFeatures}, Type{_PhysicalDeviceShaderTerminateInvocationFeatures}, Type{PhysicalDeviceShaderTerminateInvocationFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_TERMINATE_INVOCATION_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV}, Type{_PhysicalDeviceFragmentShadingRateEnumsFeaturesNV}, Type{PhysicalDeviceFragmentShadingRateEnumsFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_ENUMS_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV}, Type{_PhysicalDeviceFragmentShadingRateEnumsPropertiesNV}, Type{PhysicalDeviceFragmentShadingRateEnumsPropertiesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_ENUMS_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkPipelineFragmentShadingRateEnumStateCreateInfoNV}, Type{_PipelineFragmentShadingRateEnumStateCreateInfoNV}, Type{PipelineFragmentShadingRateEnumStateCreateInfoNV}})) = VK_STRUCTURE_TYPE_PIPELINE_FRAGMENT_SHADING_RATE_ENUM_STATE_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureBuildSizesInfoKHR}, Type{_AccelerationStructureBuildSizesInfoKHR}, Type{AccelerationStructureBuildSizesInfoKHR}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_BUILD_SIZES_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImage2DViewOf3DFeaturesEXT}, Type{_PhysicalDeviceImage2DViewOf3DFeaturesEXT}, Type{PhysicalDeviceImage2DViewOf3DFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_2D_VIEW_OF_3D_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT}, Type{_PhysicalDeviceMutableDescriptorTypeFeaturesEXT}, Type{PhysicalDeviceMutableDescriptorTypeFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MUTABLE_DESCRIPTOR_TYPE_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkMutableDescriptorTypeCreateInfoEXT}, Type{_MutableDescriptorTypeCreateInfoEXT}, Type{MutableDescriptorTypeCreateInfoEXT}})) = VK_STRUCTURE_TYPE_MUTABLE_DESCRIPTOR_TYPE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDepthClipControlFeaturesEXT}, Type{_PhysicalDeviceDepthClipControlFeaturesEXT}, Type{PhysicalDeviceDepthClipControlFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_CLIP_CONTROL_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineViewportDepthClipControlCreateInfoEXT}, Type{_PipelineViewportDepthClipControlCreateInfoEXT}, Type{PipelineViewportDepthClipControlCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_VIEWPORT_DEPTH_CLIP_CONTROL_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT}, Type{_PhysicalDeviceVertexInputDynamicStateFeaturesEXT}, Type{PhysicalDeviceVertexInputDynamicStateFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_VERTEX_INPUT_DYNAMIC_STATE_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalMemoryRDMAFeaturesNV}, Type{_PhysicalDeviceExternalMemoryRDMAFeaturesNV}, Type{PhysicalDeviceExternalMemoryRDMAFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_MEMORY_RDMA_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkVertexInputBindingDescription2EXT}, Type{_VertexInputBindingDescription2EXT}, Type{VertexInputBindingDescription2EXT}})) = VK_STRUCTURE_TYPE_VERTEX_INPUT_BINDING_DESCRIPTION_2_EXT structure_type(@nospecialize(_::Union{Type{VkVertexInputAttributeDescription2EXT}, Type{_VertexInputAttributeDescription2EXT}, Type{VertexInputAttributeDescription2EXT}})) = VK_STRUCTURE_TYPE_VERTEX_INPUT_ATTRIBUTE_DESCRIPTION_2_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceColorWriteEnableFeaturesEXT}, Type{_PhysicalDeviceColorWriteEnableFeaturesEXT}, Type{PhysicalDeviceColorWriteEnableFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_COLOR_WRITE_ENABLE_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineColorWriteCreateInfoEXT}, Type{_PipelineColorWriteCreateInfoEXT}, Type{PipelineColorWriteCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_COLOR_WRITE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkMemoryBarrier2}, Type{_MemoryBarrier2}, Type{MemoryBarrier2}})) = VK_STRUCTURE_TYPE_MEMORY_BARRIER_2 structure_type(@nospecialize(_::Union{Type{VkImageMemoryBarrier2}, Type{_ImageMemoryBarrier2}, Type{ImageMemoryBarrier2}})) = VK_STRUCTURE_TYPE_IMAGE_MEMORY_BARRIER_2 structure_type(@nospecialize(_::Union{Type{VkBufferMemoryBarrier2}, Type{_BufferMemoryBarrier2}, Type{BufferMemoryBarrier2}})) = VK_STRUCTURE_TYPE_BUFFER_MEMORY_BARRIER_2 structure_type(@nospecialize(_::Union{Type{VkDependencyInfo}, Type{_DependencyInfo}, Type{DependencyInfo}})) = VK_STRUCTURE_TYPE_DEPENDENCY_INFO structure_type(@nospecialize(_::Union{Type{VkSemaphoreSubmitInfo}, Type{_SemaphoreSubmitInfo}, Type{SemaphoreSubmitInfo}})) = VK_STRUCTURE_TYPE_SEMAPHORE_SUBMIT_INFO structure_type(@nospecialize(_::Union{Type{VkCommandBufferSubmitInfo}, Type{_CommandBufferSubmitInfo}, Type{CommandBufferSubmitInfo}})) = VK_STRUCTURE_TYPE_COMMAND_BUFFER_SUBMIT_INFO structure_type(@nospecialize(_::Union{Type{VkSubmitInfo2}, Type{_SubmitInfo2}, Type{SubmitInfo2}})) = VK_STRUCTURE_TYPE_SUBMIT_INFO_2 structure_type(@nospecialize(_::Union{Type{VkQueueFamilyCheckpointProperties2NV}, Type{_QueueFamilyCheckpointProperties2NV}, Type{QueueFamilyCheckpointProperties2NV}})) = VK_STRUCTURE_TYPE_QUEUE_FAMILY_CHECKPOINT_PROPERTIES_2_NV structure_type(@nospecialize(_::Union{Type{VkCheckpointData2NV}, Type{_CheckpointData2NV}, Type{CheckpointData2NV}})) = VK_STRUCTURE_TYPE_CHECKPOINT_DATA_2_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSynchronization2Features}, Type{_PhysicalDeviceSynchronization2Features}, Type{PhysicalDeviceSynchronization2Features}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SYNCHRONIZATION_2_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT}, Type{_PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT}, Type{PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PRIMITIVES_GENERATED_QUERY_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLegacyDitheringFeaturesEXT}, Type{_PhysicalDeviceLegacyDitheringFeaturesEXT}, Type{PhysicalDeviceLegacyDitheringFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_LEGACY_DITHERING_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT}, Type{_PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT}, Type{PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTISAMPLED_RENDER_TO_SINGLE_SAMPLED_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkSubpassResolvePerformanceQueryEXT}, Type{_SubpassResolvePerformanceQueryEXT}, Type{SubpassResolvePerformanceQueryEXT}})) = VK_STRUCTURE_TYPE_SUBPASS_RESOLVE_PERFORMANCE_QUERY_EXT structure_type(@nospecialize(_::Union{Type{VkMultisampledRenderToSingleSampledInfoEXT}, Type{_MultisampledRenderToSingleSampledInfoEXT}, Type{MultisampledRenderToSingleSampledInfoEXT}})) = VK_STRUCTURE_TYPE_MULTISAMPLED_RENDER_TO_SINGLE_SAMPLED_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineProtectedAccessFeaturesEXT}, Type{_PhysicalDevicePipelineProtectedAccessFeaturesEXT}, Type{PhysicalDevicePipelineProtectedAccessFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_PROTECTED_ACCESS_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkQueueFamilyVideoPropertiesKHR}, Type{_QueueFamilyVideoPropertiesKHR}, Type{QueueFamilyVideoPropertiesKHR}})) = VK_STRUCTURE_TYPE_QUEUE_FAMILY_VIDEO_PROPERTIES_KHR structure_type(@nospecialize(_::Union{Type{VkQueueFamilyQueryResultStatusPropertiesKHR}, Type{_QueueFamilyQueryResultStatusPropertiesKHR}, Type{QueueFamilyQueryResultStatusPropertiesKHR}})) = VK_STRUCTURE_TYPE_QUEUE_FAMILY_QUERY_RESULT_STATUS_PROPERTIES_KHR structure_type(@nospecialize(_::Union{Type{VkVideoProfileListInfoKHR}, Type{_VideoProfileListInfoKHR}, Type{VideoProfileListInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_PROFILE_LIST_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVideoFormatInfoKHR}, Type{_PhysicalDeviceVideoFormatInfoKHR}, Type{PhysicalDeviceVideoFormatInfoKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_VIDEO_FORMAT_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoFormatPropertiesKHR}, Type{_VideoFormatPropertiesKHR}, Type{VideoFormatPropertiesKHR}})) = VK_STRUCTURE_TYPE_VIDEO_FORMAT_PROPERTIES_KHR structure_type(@nospecialize(_::Union{Type{VkVideoProfileInfoKHR}, Type{_VideoProfileInfoKHR}, Type{VideoProfileInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_PROFILE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoCapabilitiesKHR}, Type{_VideoCapabilitiesKHR}, Type{VideoCapabilitiesKHR}})) = VK_STRUCTURE_TYPE_VIDEO_CAPABILITIES_KHR structure_type(@nospecialize(_::Union{Type{VkVideoSessionMemoryRequirementsKHR}, Type{_VideoSessionMemoryRequirementsKHR}, Type{VideoSessionMemoryRequirementsKHR}})) = VK_STRUCTURE_TYPE_VIDEO_SESSION_MEMORY_REQUIREMENTS_KHR structure_type(@nospecialize(_::Union{Type{VkBindVideoSessionMemoryInfoKHR}, Type{_BindVideoSessionMemoryInfoKHR}, Type{BindVideoSessionMemoryInfoKHR}})) = VK_STRUCTURE_TYPE_BIND_VIDEO_SESSION_MEMORY_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoPictureResourceInfoKHR}, Type{_VideoPictureResourceInfoKHR}, Type{VideoPictureResourceInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_PICTURE_RESOURCE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoReferenceSlotInfoKHR}, Type{_VideoReferenceSlotInfoKHR}, Type{VideoReferenceSlotInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_REFERENCE_SLOT_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeCapabilitiesKHR}, Type{_VideoDecodeCapabilitiesKHR}, Type{VideoDecodeCapabilitiesKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_CAPABILITIES_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeUsageInfoKHR}, Type{_VideoDecodeUsageInfoKHR}, Type{VideoDecodeUsageInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_USAGE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeInfoKHR}, Type{_VideoDecodeInfoKHR}, Type{VideoDecodeInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeH264ProfileInfoKHR}, Type{_VideoDecodeH264ProfileInfoKHR}, Type{VideoDecodeH264ProfileInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_H264_PROFILE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeH264CapabilitiesKHR}, Type{_VideoDecodeH264CapabilitiesKHR}, Type{VideoDecodeH264CapabilitiesKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_H264_CAPABILITIES_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeH264SessionParametersAddInfoKHR}, Type{_VideoDecodeH264SessionParametersAddInfoKHR}, Type{VideoDecodeH264SessionParametersAddInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_H264_SESSION_PARAMETERS_ADD_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeH264SessionParametersCreateInfoKHR}, Type{_VideoDecodeH264SessionParametersCreateInfoKHR}, Type{VideoDecodeH264SessionParametersCreateInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_H264_SESSION_PARAMETERS_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeH264PictureInfoKHR}, Type{_VideoDecodeH264PictureInfoKHR}, Type{VideoDecodeH264PictureInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_H264_PICTURE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeH264DpbSlotInfoKHR}, Type{_VideoDecodeH264DpbSlotInfoKHR}, Type{VideoDecodeH264DpbSlotInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_H264_DPB_SLOT_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeH265ProfileInfoKHR}, Type{_VideoDecodeH265ProfileInfoKHR}, Type{VideoDecodeH265ProfileInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_H265_PROFILE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeH265CapabilitiesKHR}, Type{_VideoDecodeH265CapabilitiesKHR}, Type{VideoDecodeH265CapabilitiesKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_H265_CAPABILITIES_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeH265SessionParametersAddInfoKHR}, Type{_VideoDecodeH265SessionParametersAddInfoKHR}, Type{VideoDecodeH265SessionParametersAddInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_H265_SESSION_PARAMETERS_ADD_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeH265SessionParametersCreateInfoKHR}, Type{_VideoDecodeH265SessionParametersCreateInfoKHR}, Type{VideoDecodeH265SessionParametersCreateInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_H265_SESSION_PARAMETERS_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeH265PictureInfoKHR}, Type{_VideoDecodeH265PictureInfoKHR}, Type{VideoDecodeH265PictureInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_H265_PICTURE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoDecodeH265DpbSlotInfoKHR}, Type{_VideoDecodeH265DpbSlotInfoKHR}, Type{VideoDecodeH265DpbSlotInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_DECODE_H265_DPB_SLOT_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoSessionCreateInfoKHR}, Type{_VideoSessionCreateInfoKHR}, Type{VideoSessionCreateInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_SESSION_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoSessionParametersCreateInfoKHR}, Type{_VideoSessionParametersCreateInfoKHR}, Type{VideoSessionParametersCreateInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_SESSION_PARAMETERS_CREATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoSessionParametersUpdateInfoKHR}, Type{_VideoSessionParametersUpdateInfoKHR}, Type{VideoSessionParametersUpdateInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_SESSION_PARAMETERS_UPDATE_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoBeginCodingInfoKHR}, Type{_VideoBeginCodingInfoKHR}, Type{VideoBeginCodingInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_BEGIN_CODING_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoEndCodingInfoKHR}, Type{_VideoEndCodingInfoKHR}, Type{VideoEndCodingInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_END_CODING_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkVideoCodingControlInfoKHR}, Type{_VideoCodingControlInfoKHR}, Type{VideoCodingControlInfoKHR}})) = VK_STRUCTURE_TYPE_VIDEO_CODING_CONTROL_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceInheritedViewportScissorFeaturesNV}, Type{_PhysicalDeviceInheritedViewportScissorFeaturesNV}, Type{PhysicalDeviceInheritedViewportScissorFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_INHERITED_VIEWPORT_SCISSOR_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceViewportScissorInfoNV}, Type{_CommandBufferInheritanceViewportScissorInfoNV}, Type{CommandBufferInheritanceViewportScissorInfoNV}})) = VK_STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_VIEWPORT_SCISSOR_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT}, Type{_PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT}, Type{PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_YCBCR_2_PLANE_444_FORMATS_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProvokingVertexFeaturesEXT}, Type{_PhysicalDeviceProvokingVertexFeaturesEXT}, Type{PhysicalDeviceProvokingVertexFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PROVOKING_VERTEX_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProvokingVertexPropertiesEXT}, Type{_PhysicalDeviceProvokingVertexPropertiesEXT}, Type{PhysicalDeviceProvokingVertexPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PROVOKING_VERTEX_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineRasterizationProvokingVertexStateCreateInfoEXT}, Type{_PipelineRasterizationProvokingVertexStateCreateInfoEXT}, Type{PipelineRasterizationProvokingVertexStateCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_RASTERIZATION_PROVOKING_VERTEX_STATE_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkCuModuleCreateInfoNVX}, Type{_CuModuleCreateInfoNVX}, Type{CuModuleCreateInfoNVX}})) = VK_STRUCTURE_TYPE_CU_MODULE_CREATE_INFO_NVX structure_type(@nospecialize(_::Union{Type{VkCuFunctionCreateInfoNVX}, Type{_CuFunctionCreateInfoNVX}, Type{CuFunctionCreateInfoNVX}})) = VK_STRUCTURE_TYPE_CU_FUNCTION_CREATE_INFO_NVX structure_type(@nospecialize(_::Union{Type{VkCuLaunchInfoNVX}, Type{_CuLaunchInfoNVX}, Type{CuLaunchInfoNVX}})) = VK_STRUCTURE_TYPE_CU_LAUNCH_INFO_NVX structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorBufferFeaturesEXT}, Type{_PhysicalDeviceDescriptorBufferFeaturesEXT}, Type{PhysicalDeviceDescriptorBufferFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_BUFFER_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorBufferPropertiesEXT}, Type{_PhysicalDeviceDescriptorBufferPropertiesEXT}, Type{PhysicalDeviceDescriptorBufferPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_BUFFER_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT}, Type{_PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT}, Type{PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_BUFFER_DENSITY_MAP_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkDescriptorAddressInfoEXT}, Type{_DescriptorAddressInfoEXT}, Type{DescriptorAddressInfoEXT}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_ADDRESS_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkDescriptorBufferBindingInfoEXT}, Type{_DescriptorBufferBindingInfoEXT}, Type{DescriptorBufferBindingInfoEXT}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_BUFFER_BINDING_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkDescriptorBufferBindingPushDescriptorBufferHandleEXT}, Type{_DescriptorBufferBindingPushDescriptorBufferHandleEXT}, Type{DescriptorBufferBindingPushDescriptorBufferHandleEXT}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_BUFFER_BINDING_PUSH_DESCRIPTOR_BUFFER_HANDLE_EXT structure_type(@nospecialize(_::Union{Type{VkDescriptorGetInfoEXT}, Type{_DescriptorGetInfoEXT}, Type{DescriptorGetInfoEXT}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_GET_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkBufferCaptureDescriptorDataInfoEXT}, Type{_BufferCaptureDescriptorDataInfoEXT}, Type{BufferCaptureDescriptorDataInfoEXT}})) = VK_STRUCTURE_TYPE_BUFFER_CAPTURE_DESCRIPTOR_DATA_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkImageCaptureDescriptorDataInfoEXT}, Type{_ImageCaptureDescriptorDataInfoEXT}, Type{ImageCaptureDescriptorDataInfoEXT}})) = VK_STRUCTURE_TYPE_IMAGE_CAPTURE_DESCRIPTOR_DATA_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkImageViewCaptureDescriptorDataInfoEXT}, Type{_ImageViewCaptureDescriptorDataInfoEXT}, Type{ImageViewCaptureDescriptorDataInfoEXT}})) = VK_STRUCTURE_TYPE_IMAGE_VIEW_CAPTURE_DESCRIPTOR_DATA_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkSamplerCaptureDescriptorDataInfoEXT}, Type{_SamplerCaptureDescriptorDataInfoEXT}, Type{SamplerCaptureDescriptorDataInfoEXT}})) = VK_STRUCTURE_TYPE_SAMPLER_CAPTURE_DESCRIPTOR_DATA_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureCaptureDescriptorDataInfoEXT}, Type{_AccelerationStructureCaptureDescriptorDataInfoEXT}, Type{AccelerationStructureCaptureDescriptorDataInfoEXT}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_CAPTURE_DESCRIPTOR_DATA_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkOpaqueCaptureDescriptorDataCreateInfoEXT}, Type{_OpaqueCaptureDescriptorDataCreateInfoEXT}, Type{OpaqueCaptureDescriptorDataCreateInfoEXT}})) = VK_STRUCTURE_TYPE_OPAQUE_CAPTURE_DESCRIPTOR_DATA_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderIntegerDotProductFeatures}, Type{_PhysicalDeviceShaderIntegerDotProductFeatures}, Type{PhysicalDeviceShaderIntegerDotProductFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_DOT_PRODUCT_FEATURES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderIntegerDotProductProperties}, Type{_PhysicalDeviceShaderIntegerDotProductProperties}, Type{PhysicalDeviceShaderIntegerDotProductProperties}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_DOT_PRODUCT_PROPERTIES structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDrmPropertiesEXT}, Type{_PhysicalDeviceDrmPropertiesEXT}, Type{PhysicalDeviceDrmPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DRM_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR}, Type{_PhysicalDeviceFragmentShaderBarycentricFeaturesKHR}, Type{PhysicalDeviceFragmentShaderBarycentricFeaturesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADER_BARYCENTRIC_FEATURES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR}, Type{_PhysicalDeviceFragmentShaderBarycentricPropertiesKHR}, Type{PhysicalDeviceFragmentShaderBarycentricPropertiesKHR}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADER_BARYCENTRIC_PROPERTIES_KHR structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingMotionBlurFeaturesNV}, Type{_PhysicalDeviceRayTracingMotionBlurFeaturesNV}, Type{PhysicalDeviceRayTracingMotionBlurFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_MOTION_BLUR_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryMotionTrianglesDataNV}, Type{_AccelerationStructureGeometryMotionTrianglesDataNV}, Type{AccelerationStructureGeometryMotionTrianglesDataNV}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_MOTION_TRIANGLES_DATA_NV structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureMotionInfoNV}, Type{_AccelerationStructureMotionInfoNV}, Type{AccelerationStructureMotionInfoNV}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_MOTION_INFO_NV structure_type(@nospecialize(_::Union{Type{VkMemoryGetRemoteAddressInfoNV}, Type{_MemoryGetRemoteAddressInfoNV}, Type{MemoryGetRemoteAddressInfoNV}})) = VK_STRUCTURE_TYPE_MEMORY_GET_REMOTE_ADDRESS_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT}, Type{_PhysicalDeviceRGBA10X6FormatsFeaturesEXT}, Type{PhysicalDeviceRGBA10X6FormatsFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_RGBA10X6_FORMATS_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkFormatProperties3}, Type{_FormatProperties3}, Type{FormatProperties3}})) = VK_STRUCTURE_TYPE_FORMAT_PROPERTIES_3 structure_type(@nospecialize(_::Union{Type{VkDrmFormatModifierPropertiesList2EXT}, Type{_DrmFormatModifierPropertiesList2EXT}, Type{DrmFormatModifierPropertiesList2EXT}})) = VK_STRUCTURE_TYPE_DRM_FORMAT_MODIFIER_PROPERTIES_LIST_2_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineRenderingCreateInfo}, Type{_PipelineRenderingCreateInfo}, Type{PipelineRenderingCreateInfo}})) = VK_STRUCTURE_TYPE_PIPELINE_RENDERING_CREATE_INFO structure_type(@nospecialize(_::Union{Type{VkRenderingInfo}, Type{_RenderingInfo}, Type{RenderingInfo}})) = VK_STRUCTURE_TYPE_RENDERING_INFO structure_type(@nospecialize(_::Union{Type{VkRenderingAttachmentInfo}, Type{_RenderingAttachmentInfo}, Type{RenderingAttachmentInfo}})) = VK_STRUCTURE_TYPE_RENDERING_ATTACHMENT_INFO structure_type(@nospecialize(_::Union{Type{VkRenderingFragmentShadingRateAttachmentInfoKHR}, Type{_RenderingFragmentShadingRateAttachmentInfoKHR}, Type{RenderingFragmentShadingRateAttachmentInfoKHR}})) = VK_STRUCTURE_TYPE_RENDERING_FRAGMENT_SHADING_RATE_ATTACHMENT_INFO_KHR structure_type(@nospecialize(_::Union{Type{VkRenderingFragmentDensityMapAttachmentInfoEXT}, Type{_RenderingFragmentDensityMapAttachmentInfoEXT}, Type{RenderingFragmentDensityMapAttachmentInfoEXT}})) = VK_STRUCTURE_TYPE_RENDERING_FRAGMENT_DENSITY_MAP_ATTACHMENT_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDynamicRenderingFeatures}, Type{_PhysicalDeviceDynamicRenderingFeatures}, Type{PhysicalDeviceDynamicRenderingFeatures}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DYNAMIC_RENDERING_FEATURES structure_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceRenderingInfo}, Type{_CommandBufferInheritanceRenderingInfo}, Type{CommandBufferInheritanceRenderingInfo}})) = VK_STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_RENDERING_INFO structure_type(@nospecialize(_::Union{Type{VkAttachmentSampleCountInfoAMD}, Type{_AttachmentSampleCountInfoAMD}, Type{AttachmentSampleCountInfoAMD}})) = VK_STRUCTURE_TYPE_ATTACHMENT_SAMPLE_COUNT_INFO_AMD structure_type(@nospecialize(_::Union{Type{VkMultiviewPerViewAttributesInfoNVX}, Type{_MultiviewPerViewAttributesInfoNVX}, Type{MultiviewPerViewAttributesInfoNVX}})) = VK_STRUCTURE_TYPE_MULTIVIEW_PER_VIEW_ATTRIBUTES_INFO_NVX structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageViewMinLodFeaturesEXT}, Type{_PhysicalDeviceImageViewMinLodFeaturesEXT}, Type{PhysicalDeviceImageViewMinLodFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_VIEW_MIN_LOD_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkImageViewMinLodCreateInfoEXT}, Type{_ImageViewMinLodCreateInfoEXT}, Type{ImageViewMinLodCreateInfoEXT}})) = VK_STRUCTURE_TYPE_IMAGE_VIEW_MIN_LOD_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT}, Type{_PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT}, Type{PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_RASTERIZATION_ORDER_ATTACHMENT_ACCESS_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLinearColorAttachmentFeaturesNV}, Type{_PhysicalDeviceLinearColorAttachmentFeaturesNV}, Type{PhysicalDeviceLinearColorAttachmentFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_LINEAR_COLOR_ATTACHMENT_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT}, Type{_PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT}, Type{PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_GRAPHICS_PIPELINE_LIBRARY_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT}, Type{_PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT}, Type{PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_GRAPHICS_PIPELINE_LIBRARY_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkGraphicsPipelineLibraryCreateInfoEXT}, Type{_GraphicsPipelineLibraryCreateInfoEXT}, Type{GraphicsPipelineLibraryCreateInfoEXT}})) = VK_STRUCTURE_TYPE_GRAPHICS_PIPELINE_LIBRARY_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE}, Type{_PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE}, Type{PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_SET_HOST_MAPPING_FEATURES_VALVE structure_type(@nospecialize(_::Union{Type{VkDescriptorSetBindingReferenceVALVE}, Type{_DescriptorSetBindingReferenceVALVE}, Type{DescriptorSetBindingReferenceVALVE}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_SET_BINDING_REFERENCE_VALVE structure_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutHostMappingInfoVALVE}, Type{_DescriptorSetLayoutHostMappingInfoVALVE}, Type{DescriptorSetLayoutHostMappingInfoVALVE}})) = VK_STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_HOST_MAPPING_INFO_VALVE structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT}, Type{_PhysicalDeviceShaderModuleIdentifierFeaturesEXT}, Type{PhysicalDeviceShaderModuleIdentifierFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_MODULE_IDENTIFIER_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT}, Type{_PhysicalDeviceShaderModuleIdentifierPropertiesEXT}, Type{PhysicalDeviceShaderModuleIdentifierPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_MODULE_IDENTIFIER_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineShaderStageModuleIdentifierCreateInfoEXT}, Type{_PipelineShaderStageModuleIdentifierCreateInfoEXT}, Type{PipelineShaderStageModuleIdentifierCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_SHADER_STAGE_MODULE_IDENTIFIER_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkShaderModuleIdentifierEXT}, Type{_ShaderModuleIdentifierEXT}, Type{ShaderModuleIdentifierEXT}})) = VK_STRUCTURE_TYPE_SHADER_MODULE_IDENTIFIER_EXT structure_type(@nospecialize(_::Union{Type{VkImageCompressionControlEXT}, Type{_ImageCompressionControlEXT}, Type{ImageCompressionControlEXT}})) = VK_STRUCTURE_TYPE_IMAGE_COMPRESSION_CONTROL_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageCompressionControlFeaturesEXT}, Type{_PhysicalDeviceImageCompressionControlFeaturesEXT}, Type{PhysicalDeviceImageCompressionControlFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_COMPRESSION_CONTROL_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkImageCompressionPropertiesEXT}, Type{_ImageCompressionPropertiesEXT}, Type{ImageCompressionPropertiesEXT}})) = VK_STRUCTURE_TYPE_IMAGE_COMPRESSION_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT}, Type{_PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT}, Type{PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_COMPRESSION_CONTROL_SWAPCHAIN_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkImageSubresource2EXT}, Type{_ImageSubresource2EXT}, Type{ImageSubresource2EXT}})) = VK_STRUCTURE_TYPE_IMAGE_SUBRESOURCE_2_EXT structure_type(@nospecialize(_::Union{Type{VkSubresourceLayout2EXT}, Type{_SubresourceLayout2EXT}, Type{SubresourceLayout2EXT}})) = VK_STRUCTURE_TYPE_SUBRESOURCE_LAYOUT_2_EXT structure_type(@nospecialize(_::Union{Type{VkRenderPassCreationControlEXT}, Type{_RenderPassCreationControlEXT}, Type{RenderPassCreationControlEXT}})) = VK_STRUCTURE_TYPE_RENDER_PASS_CREATION_CONTROL_EXT structure_type(@nospecialize(_::Union{Type{VkRenderPassCreationFeedbackCreateInfoEXT}, Type{_RenderPassCreationFeedbackCreateInfoEXT}, Type{RenderPassCreationFeedbackCreateInfoEXT}})) = VK_STRUCTURE_TYPE_RENDER_PASS_CREATION_FEEDBACK_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkRenderPassSubpassFeedbackCreateInfoEXT}, Type{_RenderPassSubpassFeedbackCreateInfoEXT}, Type{RenderPassSubpassFeedbackCreateInfoEXT}})) = VK_STRUCTURE_TYPE_RENDER_PASS_SUBPASS_FEEDBACK_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT}, Type{_PhysicalDeviceSubpassMergeFeedbackFeaturesEXT}, Type{PhysicalDeviceSubpassMergeFeedbackFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBPASS_MERGE_FEEDBACK_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkMicromapBuildInfoEXT}, Type{_MicromapBuildInfoEXT}, Type{MicromapBuildInfoEXT}})) = VK_STRUCTURE_TYPE_MICROMAP_BUILD_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkMicromapCreateInfoEXT}, Type{_MicromapCreateInfoEXT}, Type{MicromapCreateInfoEXT}})) = VK_STRUCTURE_TYPE_MICROMAP_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkMicromapVersionInfoEXT}, Type{_MicromapVersionInfoEXT}, Type{MicromapVersionInfoEXT}})) = VK_STRUCTURE_TYPE_MICROMAP_VERSION_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkCopyMicromapInfoEXT}, Type{_CopyMicromapInfoEXT}, Type{CopyMicromapInfoEXT}})) = VK_STRUCTURE_TYPE_COPY_MICROMAP_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkCopyMicromapToMemoryInfoEXT}, Type{_CopyMicromapToMemoryInfoEXT}, Type{CopyMicromapToMemoryInfoEXT}})) = VK_STRUCTURE_TYPE_COPY_MICROMAP_TO_MEMORY_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkCopyMemoryToMicromapInfoEXT}, Type{_CopyMemoryToMicromapInfoEXT}, Type{CopyMemoryToMicromapInfoEXT}})) = VK_STRUCTURE_TYPE_COPY_MEMORY_TO_MICROMAP_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkMicromapBuildSizesInfoEXT}, Type{_MicromapBuildSizesInfoEXT}, Type{MicromapBuildSizesInfoEXT}})) = VK_STRUCTURE_TYPE_MICROMAP_BUILD_SIZES_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceOpacityMicromapFeaturesEXT}, Type{_PhysicalDeviceOpacityMicromapFeaturesEXT}, Type{PhysicalDeviceOpacityMicromapFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_OPACITY_MICROMAP_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceOpacityMicromapPropertiesEXT}, Type{_PhysicalDeviceOpacityMicromapPropertiesEXT}, Type{PhysicalDeviceOpacityMicromapPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_OPACITY_MICROMAP_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkAccelerationStructureTrianglesOpacityMicromapEXT}, Type{_AccelerationStructureTrianglesOpacityMicromapEXT}, Type{AccelerationStructureTrianglesOpacityMicromapEXT}})) = VK_STRUCTURE_TYPE_ACCELERATION_STRUCTURE_TRIANGLES_OPACITY_MICROMAP_EXT structure_type(@nospecialize(_::Union{Type{VkPipelinePropertiesIdentifierEXT}, Type{_PipelinePropertiesIdentifierEXT}, Type{PipelinePropertiesIdentifierEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_PROPERTIES_IDENTIFIER_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelinePropertiesFeaturesEXT}, Type{_PhysicalDevicePipelinePropertiesFeaturesEXT}, Type{PhysicalDevicePipelinePropertiesFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_PROPERTIES_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD}, Type{_PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD}, Type{PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_EARLY_AND_LATE_FRAGMENT_TESTS_FEATURES_AMD structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT}, Type{_PhysicalDeviceNonSeamlessCubeMapFeaturesEXT}, Type{PhysicalDeviceNonSeamlessCubeMapFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_NON_SEAMLESS_CUBE_MAP_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineRobustnessFeaturesEXT}, Type{_PhysicalDevicePipelineRobustnessFeaturesEXT}, Type{PhysicalDevicePipelineRobustnessFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_ROBUSTNESS_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPipelineRobustnessCreateInfoEXT}, Type{_PipelineRobustnessCreateInfoEXT}, Type{PipelineRobustnessCreateInfoEXT}})) = VK_STRUCTURE_TYPE_PIPELINE_ROBUSTNESS_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineRobustnessPropertiesEXT}, Type{_PhysicalDevicePipelineRobustnessPropertiesEXT}, Type{PhysicalDevicePipelineRobustnessPropertiesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_ROBUSTNESS_PROPERTIES_EXT structure_type(@nospecialize(_::Union{Type{VkImageViewSampleWeightCreateInfoQCOM}, Type{_ImageViewSampleWeightCreateInfoQCOM}, Type{ImageViewSampleWeightCreateInfoQCOM}})) = VK_STRUCTURE_TYPE_IMAGE_VIEW_SAMPLE_WEIGHT_CREATE_INFO_QCOM structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageProcessingFeaturesQCOM}, Type{_PhysicalDeviceImageProcessingFeaturesQCOM}, Type{PhysicalDeviceImageProcessingFeaturesQCOM}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_PROCESSING_FEATURES_QCOM structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageProcessingPropertiesQCOM}, Type{_PhysicalDeviceImageProcessingPropertiesQCOM}, Type{PhysicalDeviceImageProcessingPropertiesQCOM}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_PROCESSING_PROPERTIES_QCOM structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTilePropertiesFeaturesQCOM}, Type{_PhysicalDeviceTilePropertiesFeaturesQCOM}, Type{PhysicalDeviceTilePropertiesFeaturesQCOM}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_TILE_PROPERTIES_FEATURES_QCOM structure_type(@nospecialize(_::Union{Type{VkTilePropertiesQCOM}, Type{_TilePropertiesQCOM}, Type{TilePropertiesQCOM}})) = VK_STRUCTURE_TYPE_TILE_PROPERTIES_QCOM structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAmigoProfilingFeaturesSEC}, Type{_PhysicalDeviceAmigoProfilingFeaturesSEC}, Type{PhysicalDeviceAmigoProfilingFeaturesSEC}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_AMIGO_PROFILING_FEATURES_SEC structure_type(@nospecialize(_::Union{Type{VkAmigoProfilingSubmitInfoSEC}, Type{_AmigoProfilingSubmitInfoSEC}, Type{AmigoProfilingSubmitInfoSEC}})) = VK_STRUCTURE_TYPE_AMIGO_PROFILING_SUBMIT_INFO_SEC structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT}, Type{_PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT}, Type{PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_ATTACHMENT_FEEDBACK_LOOP_LAYOUT_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDepthClampZeroOneFeaturesEXT}, Type{_PhysicalDeviceDepthClampZeroOneFeaturesEXT}, Type{PhysicalDeviceDepthClampZeroOneFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_CLAMP_ZERO_ONE_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAddressBindingReportFeaturesEXT}, Type{_PhysicalDeviceAddressBindingReportFeaturesEXT}, Type{PhysicalDeviceAddressBindingReportFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_ADDRESS_BINDING_REPORT_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkDeviceAddressBindingCallbackDataEXT}, Type{_DeviceAddressBindingCallbackDataEXT}, Type{DeviceAddressBindingCallbackDataEXT}})) = VK_STRUCTURE_TYPE_DEVICE_ADDRESS_BINDING_CALLBACK_DATA_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceOpticalFlowFeaturesNV}, Type{_PhysicalDeviceOpticalFlowFeaturesNV}, Type{PhysicalDeviceOpticalFlowFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_OPTICAL_FLOW_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceOpticalFlowPropertiesNV}, Type{_PhysicalDeviceOpticalFlowPropertiesNV}, Type{PhysicalDeviceOpticalFlowPropertiesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_OPTICAL_FLOW_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkOpticalFlowImageFormatInfoNV}, Type{_OpticalFlowImageFormatInfoNV}, Type{OpticalFlowImageFormatInfoNV}})) = VK_STRUCTURE_TYPE_OPTICAL_FLOW_IMAGE_FORMAT_INFO_NV structure_type(@nospecialize(_::Union{Type{VkOpticalFlowImageFormatPropertiesNV}, Type{_OpticalFlowImageFormatPropertiesNV}, Type{OpticalFlowImageFormatPropertiesNV}})) = VK_STRUCTURE_TYPE_OPTICAL_FLOW_IMAGE_FORMAT_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkOpticalFlowSessionCreateInfoNV}, Type{_OpticalFlowSessionCreateInfoNV}, Type{OpticalFlowSessionCreateInfoNV}})) = VK_STRUCTURE_TYPE_OPTICAL_FLOW_SESSION_CREATE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkOpticalFlowSessionCreatePrivateDataInfoNV}, Type{_OpticalFlowSessionCreatePrivateDataInfoNV}, Type{OpticalFlowSessionCreatePrivateDataInfoNV}})) = VK_STRUCTURE_TYPE_OPTICAL_FLOW_SESSION_CREATE_PRIVATE_DATA_INFO_NV structure_type(@nospecialize(_::Union{Type{VkOpticalFlowExecuteInfoNV}, Type{_OpticalFlowExecuteInfoNV}, Type{OpticalFlowExecuteInfoNV}})) = VK_STRUCTURE_TYPE_OPTICAL_FLOW_EXECUTE_INFO_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFaultFeaturesEXT}, Type{_PhysicalDeviceFaultFeaturesEXT}, Type{PhysicalDeviceFaultFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_FAULT_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkDeviceFaultCountsEXT}, Type{_DeviceFaultCountsEXT}, Type{DeviceFaultCountsEXT}})) = VK_STRUCTURE_TYPE_DEVICE_FAULT_COUNTS_EXT structure_type(@nospecialize(_::Union{Type{VkDeviceFaultInfoEXT}, Type{_DeviceFaultInfoEXT}, Type{DeviceFaultInfoEXT}})) = VK_STRUCTURE_TYPE_DEVICE_FAULT_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT}, Type{_PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT}, Type{PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_LIBRARY_GROUP_HANDLES_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM}, Type{_PhysicalDeviceShaderCoreBuiltinsPropertiesARM}, Type{PhysicalDeviceShaderCoreBuiltinsPropertiesARM}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CORE_BUILTINS_PROPERTIES_ARM structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM}, Type{_PhysicalDeviceShaderCoreBuiltinsFeaturesARM}, Type{PhysicalDeviceShaderCoreBuiltinsFeaturesARM}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CORE_BUILTINS_FEATURES_ARM structure_type(@nospecialize(_::Union{Type{VkSurfacePresentModeEXT}, Type{_SurfacePresentModeEXT}, Type{SurfacePresentModeEXT}})) = VK_STRUCTURE_TYPE_SURFACE_PRESENT_MODE_EXT structure_type(@nospecialize(_::Union{Type{VkSurfacePresentScalingCapabilitiesEXT}, Type{_SurfacePresentScalingCapabilitiesEXT}, Type{SurfacePresentScalingCapabilitiesEXT}})) = VK_STRUCTURE_TYPE_SURFACE_PRESENT_SCALING_CAPABILITIES_EXT structure_type(@nospecialize(_::Union{Type{VkSurfacePresentModeCompatibilityEXT}, Type{_SurfacePresentModeCompatibilityEXT}, Type{SurfacePresentModeCompatibilityEXT}})) = VK_STRUCTURE_TYPE_SURFACE_PRESENT_MODE_COMPATIBILITY_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT}, Type{_PhysicalDeviceSwapchainMaintenance1FeaturesEXT}, Type{PhysicalDeviceSwapchainMaintenance1FeaturesEXT}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_SWAPCHAIN_MAINTENANCE_1_FEATURES_EXT structure_type(@nospecialize(_::Union{Type{VkSwapchainPresentFenceInfoEXT}, Type{_SwapchainPresentFenceInfoEXT}, Type{SwapchainPresentFenceInfoEXT}})) = VK_STRUCTURE_TYPE_SWAPCHAIN_PRESENT_FENCE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkSwapchainPresentModesCreateInfoEXT}, Type{_SwapchainPresentModesCreateInfoEXT}, Type{SwapchainPresentModesCreateInfoEXT}})) = VK_STRUCTURE_TYPE_SWAPCHAIN_PRESENT_MODES_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkSwapchainPresentModeInfoEXT}, Type{_SwapchainPresentModeInfoEXT}, Type{SwapchainPresentModeInfoEXT}})) = VK_STRUCTURE_TYPE_SWAPCHAIN_PRESENT_MODE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkSwapchainPresentScalingCreateInfoEXT}, Type{_SwapchainPresentScalingCreateInfoEXT}, Type{SwapchainPresentScalingCreateInfoEXT}})) = VK_STRUCTURE_TYPE_SWAPCHAIN_PRESENT_SCALING_CREATE_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkReleaseSwapchainImagesInfoEXT}, Type{_ReleaseSwapchainImagesInfoEXT}, Type{ReleaseSwapchainImagesInfoEXT}})) = VK_STRUCTURE_TYPE_RELEASE_SWAPCHAIN_IMAGES_INFO_EXT structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV}, Type{_PhysicalDeviceRayTracingInvocationReorderFeaturesNV}, Type{PhysicalDeviceRayTracingInvocationReorderFeaturesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_INVOCATION_REORDER_FEATURES_NV structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV}, Type{_PhysicalDeviceRayTracingInvocationReorderPropertiesNV}, Type{PhysicalDeviceRayTracingInvocationReorderPropertiesNV}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_INVOCATION_REORDER_PROPERTIES_NV structure_type(@nospecialize(_::Union{Type{VkDirectDriverLoadingInfoLUNARG}, Type{_DirectDriverLoadingInfoLUNARG}, Type{DirectDriverLoadingInfoLUNARG}})) = VK_STRUCTURE_TYPE_DIRECT_DRIVER_LOADING_INFO_LUNARG structure_type(@nospecialize(_::Union{Type{VkDirectDriverLoadingListLUNARG}, Type{_DirectDriverLoadingListLUNARG}, Type{DirectDriverLoadingListLUNARG}})) = VK_STRUCTURE_TYPE_DIRECT_DRIVER_LOADING_LIST_LUNARG structure_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM}, Type{_PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM}, Type{PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM}})) = VK_STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_PER_VIEW_VIEWPORTS_FEATURES_QCOM hl_type(@nospecialize(_::Union{Type{VkBaseOutStructure}, Type{_BaseOutStructure}})) = BaseOutStructure hl_type(@nospecialize(_::Union{Type{VkBaseInStructure}, Type{_BaseInStructure}})) = BaseInStructure hl_type(@nospecialize(_::Union{Type{VkOffset2D}, Type{_Offset2D}})) = Offset2D hl_type(@nospecialize(_::Union{Type{VkOffset3D}, Type{_Offset3D}})) = Offset3D hl_type(@nospecialize(_::Union{Type{VkExtent2D}, Type{_Extent2D}})) = Extent2D hl_type(@nospecialize(_::Union{Type{VkExtent3D}, Type{_Extent3D}})) = Extent3D hl_type(@nospecialize(_::Union{Type{VkViewport}, Type{_Viewport}})) = Viewport hl_type(@nospecialize(_::Union{Type{VkRect2D}, Type{_Rect2D}})) = Rect2D hl_type(@nospecialize(_::Union{Type{VkClearRect}, Type{_ClearRect}})) = ClearRect hl_type(@nospecialize(_::Union{Type{VkComponentMapping}, Type{_ComponentMapping}})) = ComponentMapping hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProperties}, Type{_PhysicalDeviceProperties}})) = PhysicalDeviceProperties hl_type(@nospecialize(_::Union{Type{VkExtensionProperties}, Type{_ExtensionProperties}})) = ExtensionProperties hl_type(@nospecialize(_::Union{Type{VkLayerProperties}, Type{_LayerProperties}})) = LayerProperties hl_type(@nospecialize(_::Union{Type{VkApplicationInfo}, Type{_ApplicationInfo}})) = ApplicationInfo hl_type(@nospecialize(_::Union{Type{VkAllocationCallbacks}, Type{_AllocationCallbacks}})) = AllocationCallbacks hl_type(@nospecialize(_::Union{Type{VkDeviceQueueCreateInfo}, Type{_DeviceQueueCreateInfo}})) = DeviceQueueCreateInfo hl_type(@nospecialize(_::Union{Type{VkDeviceCreateInfo}, Type{_DeviceCreateInfo}})) = DeviceCreateInfo hl_type(@nospecialize(_::Union{Type{VkInstanceCreateInfo}, Type{_InstanceCreateInfo}})) = InstanceCreateInfo hl_type(@nospecialize(_::Union{Type{VkQueueFamilyProperties}, Type{_QueueFamilyProperties}})) = QueueFamilyProperties hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryProperties}, Type{_PhysicalDeviceMemoryProperties}})) = PhysicalDeviceMemoryProperties hl_type(@nospecialize(_::Union{Type{VkMemoryAllocateInfo}, Type{_MemoryAllocateInfo}})) = MemoryAllocateInfo hl_type(@nospecialize(_::Union{Type{VkMemoryRequirements}, Type{_MemoryRequirements}})) = MemoryRequirements hl_type(@nospecialize(_::Union{Type{VkSparseImageFormatProperties}, Type{_SparseImageFormatProperties}})) = SparseImageFormatProperties hl_type(@nospecialize(_::Union{Type{VkSparseImageMemoryRequirements}, Type{_SparseImageMemoryRequirements}})) = SparseImageMemoryRequirements hl_type(@nospecialize(_::Union{Type{VkMemoryType}, Type{_MemoryType}})) = MemoryType hl_type(@nospecialize(_::Union{Type{VkMemoryHeap}, Type{_MemoryHeap}})) = MemoryHeap hl_type(@nospecialize(_::Union{Type{VkMappedMemoryRange}, Type{_MappedMemoryRange}})) = MappedMemoryRange hl_type(@nospecialize(_::Union{Type{VkFormatProperties}, Type{_FormatProperties}})) = FormatProperties hl_type(@nospecialize(_::Union{Type{VkImageFormatProperties}, Type{_ImageFormatProperties}})) = ImageFormatProperties hl_type(@nospecialize(_::Union{Type{VkDescriptorBufferInfo}, Type{_DescriptorBufferInfo}})) = DescriptorBufferInfo hl_type(@nospecialize(_::Union{Type{VkDescriptorImageInfo}, Type{_DescriptorImageInfo}})) = DescriptorImageInfo hl_type(@nospecialize(_::Union{Type{VkWriteDescriptorSet}, Type{_WriteDescriptorSet}})) = WriteDescriptorSet hl_type(@nospecialize(_::Union{Type{VkCopyDescriptorSet}, Type{_CopyDescriptorSet}})) = CopyDescriptorSet hl_type(@nospecialize(_::Union{Type{VkBufferCreateInfo}, Type{_BufferCreateInfo}})) = BufferCreateInfo hl_type(@nospecialize(_::Union{Type{VkBufferViewCreateInfo}, Type{_BufferViewCreateInfo}})) = BufferViewCreateInfo hl_type(@nospecialize(_::Union{Type{VkImageSubresource}, Type{_ImageSubresource}})) = ImageSubresource hl_type(@nospecialize(_::Union{Type{VkImageSubresourceLayers}, Type{_ImageSubresourceLayers}})) = ImageSubresourceLayers hl_type(@nospecialize(_::Union{Type{VkImageSubresourceRange}, Type{_ImageSubresourceRange}})) = ImageSubresourceRange hl_type(@nospecialize(_::Union{Type{VkMemoryBarrier}, Type{_MemoryBarrier}})) = MemoryBarrier hl_type(@nospecialize(_::Union{Type{VkBufferMemoryBarrier}, Type{_BufferMemoryBarrier}})) = BufferMemoryBarrier hl_type(@nospecialize(_::Union{Type{VkImageMemoryBarrier}, Type{_ImageMemoryBarrier}})) = ImageMemoryBarrier hl_type(@nospecialize(_::Union{Type{VkImageCreateInfo}, Type{_ImageCreateInfo}})) = ImageCreateInfo hl_type(@nospecialize(_::Union{Type{VkSubresourceLayout}, Type{_SubresourceLayout}})) = SubresourceLayout hl_type(@nospecialize(_::Union{Type{VkImageViewCreateInfo}, Type{_ImageViewCreateInfo}})) = ImageViewCreateInfo hl_type(@nospecialize(_::Union{Type{VkBufferCopy}, Type{_BufferCopy}})) = BufferCopy hl_type(@nospecialize(_::Union{Type{VkSparseMemoryBind}, Type{_SparseMemoryBind}})) = SparseMemoryBind hl_type(@nospecialize(_::Union{Type{VkSparseImageMemoryBind}, Type{_SparseImageMemoryBind}})) = SparseImageMemoryBind hl_type(@nospecialize(_::Union{Type{VkSparseBufferMemoryBindInfo}, Type{_SparseBufferMemoryBindInfo}})) = SparseBufferMemoryBindInfo hl_type(@nospecialize(_::Union{Type{VkSparseImageOpaqueMemoryBindInfo}, Type{_SparseImageOpaqueMemoryBindInfo}})) = SparseImageOpaqueMemoryBindInfo hl_type(@nospecialize(_::Union{Type{VkSparseImageMemoryBindInfo}, Type{_SparseImageMemoryBindInfo}})) = SparseImageMemoryBindInfo hl_type(@nospecialize(_::Union{Type{VkBindSparseInfo}, Type{_BindSparseInfo}})) = BindSparseInfo hl_type(@nospecialize(_::Union{Type{VkImageCopy}, Type{_ImageCopy}})) = ImageCopy hl_type(@nospecialize(_::Union{Type{VkImageBlit}, Type{_ImageBlit}})) = ImageBlit hl_type(@nospecialize(_::Union{Type{VkBufferImageCopy}, Type{_BufferImageCopy}})) = BufferImageCopy hl_type(@nospecialize(_::Union{Type{VkCopyMemoryIndirectCommandNV}, Type{_CopyMemoryIndirectCommandNV}})) = CopyMemoryIndirectCommandNV hl_type(@nospecialize(_::Union{Type{VkCopyMemoryToImageIndirectCommandNV}, Type{_CopyMemoryToImageIndirectCommandNV}})) = CopyMemoryToImageIndirectCommandNV hl_type(@nospecialize(_::Union{Type{VkImageResolve}, Type{_ImageResolve}})) = ImageResolve hl_type(@nospecialize(_::Union{Type{VkShaderModuleCreateInfo}, Type{_ShaderModuleCreateInfo}})) = ShaderModuleCreateInfo hl_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutBinding}, Type{_DescriptorSetLayoutBinding}})) = DescriptorSetLayoutBinding hl_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutCreateInfo}, Type{_DescriptorSetLayoutCreateInfo}})) = DescriptorSetLayoutCreateInfo hl_type(@nospecialize(_::Union{Type{VkDescriptorPoolSize}, Type{_DescriptorPoolSize}})) = DescriptorPoolSize hl_type(@nospecialize(_::Union{Type{VkDescriptorPoolCreateInfo}, Type{_DescriptorPoolCreateInfo}})) = DescriptorPoolCreateInfo hl_type(@nospecialize(_::Union{Type{VkDescriptorSetAllocateInfo}, Type{_DescriptorSetAllocateInfo}})) = DescriptorSetAllocateInfo hl_type(@nospecialize(_::Union{Type{VkSpecializationMapEntry}, Type{_SpecializationMapEntry}})) = SpecializationMapEntry hl_type(@nospecialize(_::Union{Type{VkSpecializationInfo}, Type{_SpecializationInfo}})) = SpecializationInfo hl_type(@nospecialize(_::Union{Type{VkPipelineShaderStageCreateInfo}, Type{_PipelineShaderStageCreateInfo}})) = PipelineShaderStageCreateInfo hl_type(@nospecialize(_::Union{Type{VkComputePipelineCreateInfo}, Type{_ComputePipelineCreateInfo}})) = ComputePipelineCreateInfo hl_type(@nospecialize(_::Union{Type{VkVertexInputBindingDescription}, Type{_VertexInputBindingDescription}})) = VertexInputBindingDescription hl_type(@nospecialize(_::Union{Type{VkVertexInputAttributeDescription}, Type{_VertexInputAttributeDescription}})) = VertexInputAttributeDescription hl_type(@nospecialize(_::Union{Type{VkPipelineVertexInputStateCreateInfo}, Type{_PipelineVertexInputStateCreateInfo}})) = PipelineVertexInputStateCreateInfo hl_type(@nospecialize(_::Union{Type{VkPipelineInputAssemblyStateCreateInfo}, Type{_PipelineInputAssemblyStateCreateInfo}})) = PipelineInputAssemblyStateCreateInfo hl_type(@nospecialize(_::Union{Type{VkPipelineTessellationStateCreateInfo}, Type{_PipelineTessellationStateCreateInfo}})) = PipelineTessellationStateCreateInfo hl_type(@nospecialize(_::Union{Type{VkPipelineViewportStateCreateInfo}, Type{_PipelineViewportStateCreateInfo}})) = PipelineViewportStateCreateInfo hl_type(@nospecialize(_::Union{Type{VkPipelineRasterizationStateCreateInfo}, Type{_PipelineRasterizationStateCreateInfo}})) = PipelineRasterizationStateCreateInfo hl_type(@nospecialize(_::Union{Type{VkPipelineMultisampleStateCreateInfo}, Type{_PipelineMultisampleStateCreateInfo}})) = PipelineMultisampleStateCreateInfo hl_type(@nospecialize(_::Union{Type{VkPipelineColorBlendAttachmentState}, Type{_PipelineColorBlendAttachmentState}})) = PipelineColorBlendAttachmentState hl_type(@nospecialize(_::Union{Type{VkPipelineColorBlendStateCreateInfo}, Type{_PipelineColorBlendStateCreateInfo}})) = PipelineColorBlendStateCreateInfo hl_type(@nospecialize(_::Union{Type{VkPipelineDynamicStateCreateInfo}, Type{_PipelineDynamicStateCreateInfo}})) = PipelineDynamicStateCreateInfo hl_type(@nospecialize(_::Union{Type{VkStencilOpState}, Type{_StencilOpState}})) = StencilOpState hl_type(@nospecialize(_::Union{Type{VkPipelineDepthStencilStateCreateInfo}, Type{_PipelineDepthStencilStateCreateInfo}})) = PipelineDepthStencilStateCreateInfo hl_type(@nospecialize(_::Union{Type{VkGraphicsPipelineCreateInfo}, Type{_GraphicsPipelineCreateInfo}})) = GraphicsPipelineCreateInfo hl_type(@nospecialize(_::Union{Type{VkPipelineCacheCreateInfo}, Type{_PipelineCacheCreateInfo}})) = PipelineCacheCreateInfo hl_type(@nospecialize(_::Union{Type{VkPipelineCacheHeaderVersionOne}, Type{_PipelineCacheHeaderVersionOne}})) = PipelineCacheHeaderVersionOne hl_type(@nospecialize(_::Union{Type{VkPushConstantRange}, Type{_PushConstantRange}})) = PushConstantRange hl_type(@nospecialize(_::Union{Type{VkPipelineLayoutCreateInfo}, Type{_PipelineLayoutCreateInfo}})) = PipelineLayoutCreateInfo hl_type(@nospecialize(_::Union{Type{VkSamplerCreateInfo}, Type{_SamplerCreateInfo}})) = SamplerCreateInfo hl_type(@nospecialize(_::Union{Type{VkCommandPoolCreateInfo}, Type{_CommandPoolCreateInfo}})) = CommandPoolCreateInfo hl_type(@nospecialize(_::Union{Type{VkCommandBufferAllocateInfo}, Type{_CommandBufferAllocateInfo}})) = CommandBufferAllocateInfo hl_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceInfo}, Type{_CommandBufferInheritanceInfo}})) = CommandBufferInheritanceInfo hl_type(@nospecialize(_::Union{Type{VkCommandBufferBeginInfo}, Type{_CommandBufferBeginInfo}})) = CommandBufferBeginInfo hl_type(@nospecialize(_::Union{Type{VkRenderPassBeginInfo}, Type{_RenderPassBeginInfo}})) = RenderPassBeginInfo hl_type(@nospecialize(_::Union{Type{VkClearDepthStencilValue}, Type{_ClearDepthStencilValue}})) = ClearDepthStencilValue hl_type(@nospecialize(_::Union{Type{VkClearAttachment}, Type{_ClearAttachment}})) = ClearAttachment hl_type(@nospecialize(_::Union{Type{VkAttachmentDescription}, Type{_AttachmentDescription}})) = AttachmentDescription hl_type(@nospecialize(_::Union{Type{VkAttachmentReference}, Type{_AttachmentReference}})) = AttachmentReference hl_type(@nospecialize(_::Union{Type{VkSubpassDescription}, Type{_SubpassDescription}})) = SubpassDescription hl_type(@nospecialize(_::Union{Type{VkSubpassDependency}, Type{_SubpassDependency}})) = SubpassDependency hl_type(@nospecialize(_::Union{Type{VkRenderPassCreateInfo}, Type{_RenderPassCreateInfo}})) = RenderPassCreateInfo hl_type(@nospecialize(_::Union{Type{VkEventCreateInfo}, Type{_EventCreateInfo}})) = EventCreateInfo hl_type(@nospecialize(_::Union{Type{VkFenceCreateInfo}, Type{_FenceCreateInfo}})) = FenceCreateInfo hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFeatures}, Type{_PhysicalDeviceFeatures}})) = PhysicalDeviceFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSparseProperties}, Type{_PhysicalDeviceSparseProperties}})) = PhysicalDeviceSparseProperties hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLimits}, Type{_PhysicalDeviceLimits}})) = PhysicalDeviceLimits hl_type(@nospecialize(_::Union{Type{VkSemaphoreCreateInfo}, Type{_SemaphoreCreateInfo}})) = SemaphoreCreateInfo hl_type(@nospecialize(_::Union{Type{VkQueryPoolCreateInfo}, Type{_QueryPoolCreateInfo}})) = QueryPoolCreateInfo hl_type(@nospecialize(_::Union{Type{VkFramebufferCreateInfo}, Type{_FramebufferCreateInfo}})) = FramebufferCreateInfo hl_type(@nospecialize(_::Union{Type{VkDrawIndirectCommand}, Type{_DrawIndirectCommand}})) = DrawIndirectCommand hl_type(@nospecialize(_::Union{Type{VkDrawIndexedIndirectCommand}, Type{_DrawIndexedIndirectCommand}})) = DrawIndexedIndirectCommand hl_type(@nospecialize(_::Union{Type{VkDispatchIndirectCommand}, Type{_DispatchIndirectCommand}})) = DispatchIndirectCommand hl_type(@nospecialize(_::Union{Type{VkMultiDrawInfoEXT}, Type{_MultiDrawInfoEXT}})) = MultiDrawInfoEXT hl_type(@nospecialize(_::Union{Type{VkMultiDrawIndexedInfoEXT}, Type{_MultiDrawIndexedInfoEXT}})) = MultiDrawIndexedInfoEXT hl_type(@nospecialize(_::Union{Type{VkSubmitInfo}, Type{_SubmitInfo}})) = SubmitInfo hl_type(@nospecialize(_::Union{Type{VkDisplayPropertiesKHR}, Type{_DisplayPropertiesKHR}})) = DisplayPropertiesKHR hl_type(@nospecialize(_::Union{Type{VkDisplayPlanePropertiesKHR}, Type{_DisplayPlanePropertiesKHR}})) = DisplayPlanePropertiesKHR hl_type(@nospecialize(_::Union{Type{VkDisplayModeParametersKHR}, Type{_DisplayModeParametersKHR}})) = DisplayModeParametersKHR hl_type(@nospecialize(_::Union{Type{VkDisplayModePropertiesKHR}, Type{_DisplayModePropertiesKHR}})) = DisplayModePropertiesKHR hl_type(@nospecialize(_::Union{Type{VkDisplayModeCreateInfoKHR}, Type{_DisplayModeCreateInfoKHR}})) = DisplayModeCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkDisplayPlaneCapabilitiesKHR}, Type{_DisplayPlaneCapabilitiesKHR}})) = DisplayPlaneCapabilitiesKHR hl_type(@nospecialize(_::Union{Type{VkDisplaySurfaceCreateInfoKHR}, Type{_DisplaySurfaceCreateInfoKHR}})) = DisplaySurfaceCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkDisplayPresentInfoKHR}, Type{_DisplayPresentInfoKHR}})) = DisplayPresentInfoKHR hl_type(@nospecialize(_::Union{Type{VkSurfaceCapabilitiesKHR}, Type{_SurfaceCapabilitiesKHR}})) = SurfaceCapabilitiesKHR hl_type(@nospecialize(_::Union{Type{VkWin32SurfaceCreateInfoKHR}, Type{_Win32SurfaceCreateInfoKHR}})) = Win32SurfaceCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkSurfaceFormatKHR}, Type{_SurfaceFormatKHR}})) = SurfaceFormatKHR hl_type(@nospecialize(_::Union{Type{VkSwapchainCreateInfoKHR}, Type{_SwapchainCreateInfoKHR}})) = SwapchainCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkPresentInfoKHR}, Type{_PresentInfoKHR}})) = PresentInfoKHR hl_type(@nospecialize(_::Union{Type{VkDebugReportCallbackCreateInfoEXT}, Type{_DebugReportCallbackCreateInfoEXT}})) = DebugReportCallbackCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkValidationFlagsEXT}, Type{_ValidationFlagsEXT}})) = ValidationFlagsEXT hl_type(@nospecialize(_::Union{Type{VkValidationFeaturesEXT}, Type{_ValidationFeaturesEXT}})) = ValidationFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPipelineRasterizationStateRasterizationOrderAMD}, Type{_PipelineRasterizationStateRasterizationOrderAMD}})) = PipelineRasterizationStateRasterizationOrderAMD hl_type(@nospecialize(_::Union{Type{VkDebugMarkerObjectNameInfoEXT}, Type{_DebugMarkerObjectNameInfoEXT}})) = DebugMarkerObjectNameInfoEXT hl_type(@nospecialize(_::Union{Type{VkDebugMarkerObjectTagInfoEXT}, Type{_DebugMarkerObjectTagInfoEXT}})) = DebugMarkerObjectTagInfoEXT hl_type(@nospecialize(_::Union{Type{VkDebugMarkerMarkerInfoEXT}, Type{_DebugMarkerMarkerInfoEXT}})) = DebugMarkerMarkerInfoEXT hl_type(@nospecialize(_::Union{Type{VkDedicatedAllocationImageCreateInfoNV}, Type{_DedicatedAllocationImageCreateInfoNV}})) = DedicatedAllocationImageCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkDedicatedAllocationBufferCreateInfoNV}, Type{_DedicatedAllocationBufferCreateInfoNV}})) = DedicatedAllocationBufferCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkDedicatedAllocationMemoryAllocateInfoNV}, Type{_DedicatedAllocationMemoryAllocateInfoNV}})) = DedicatedAllocationMemoryAllocateInfoNV hl_type(@nospecialize(_::Union{Type{VkExternalImageFormatPropertiesNV}, Type{_ExternalImageFormatPropertiesNV}})) = ExternalImageFormatPropertiesNV hl_type(@nospecialize(_::Union{Type{VkExternalMemoryImageCreateInfoNV}, Type{_ExternalMemoryImageCreateInfoNV}})) = ExternalMemoryImageCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkExportMemoryAllocateInfoNV}, Type{_ExportMemoryAllocateInfoNV}})) = ExportMemoryAllocateInfoNV hl_type(@nospecialize(_::Union{Type{VkImportMemoryWin32HandleInfoNV}, Type{_ImportMemoryWin32HandleInfoNV}})) = ImportMemoryWin32HandleInfoNV hl_type(@nospecialize(_::Union{Type{VkExportMemoryWin32HandleInfoNV}, Type{_ExportMemoryWin32HandleInfoNV}})) = ExportMemoryWin32HandleInfoNV hl_type(@nospecialize(_::Union{Type{VkWin32KeyedMutexAcquireReleaseInfoNV}, Type{_Win32KeyedMutexAcquireReleaseInfoNV}})) = Win32KeyedMutexAcquireReleaseInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV}, Type{_PhysicalDeviceDeviceGeneratedCommandsFeaturesNV}})) = PhysicalDeviceDeviceGeneratedCommandsFeaturesNV hl_type(@nospecialize(_::Union{Type{VkDevicePrivateDataCreateInfo}, Type{_DevicePrivateDataCreateInfo}})) = DevicePrivateDataCreateInfo hl_type(@nospecialize(_::Union{Type{VkPrivateDataSlotCreateInfo}, Type{_PrivateDataSlotCreateInfo}})) = PrivateDataSlotCreateInfo hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePrivateDataFeatures}, Type{_PhysicalDevicePrivateDataFeatures}})) = PhysicalDevicePrivateDataFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV}, Type{_PhysicalDeviceDeviceGeneratedCommandsPropertiesNV}})) = PhysicalDeviceDeviceGeneratedCommandsPropertiesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiDrawPropertiesEXT}, Type{_PhysicalDeviceMultiDrawPropertiesEXT}})) = PhysicalDeviceMultiDrawPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkGraphicsShaderGroupCreateInfoNV}, Type{_GraphicsShaderGroupCreateInfoNV}})) = GraphicsShaderGroupCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkGraphicsPipelineShaderGroupsCreateInfoNV}, Type{_GraphicsPipelineShaderGroupsCreateInfoNV}})) = GraphicsPipelineShaderGroupsCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkBindShaderGroupIndirectCommandNV}, Type{_BindShaderGroupIndirectCommandNV}})) = BindShaderGroupIndirectCommandNV hl_type(@nospecialize(_::Union{Type{VkBindIndexBufferIndirectCommandNV}, Type{_BindIndexBufferIndirectCommandNV}})) = BindIndexBufferIndirectCommandNV hl_type(@nospecialize(_::Union{Type{VkBindVertexBufferIndirectCommandNV}, Type{_BindVertexBufferIndirectCommandNV}})) = BindVertexBufferIndirectCommandNV hl_type(@nospecialize(_::Union{Type{VkSetStateFlagsIndirectCommandNV}, Type{_SetStateFlagsIndirectCommandNV}})) = SetStateFlagsIndirectCommandNV hl_type(@nospecialize(_::Union{Type{VkIndirectCommandsStreamNV}, Type{_IndirectCommandsStreamNV}})) = IndirectCommandsStreamNV hl_type(@nospecialize(_::Union{Type{VkIndirectCommandsLayoutTokenNV}, Type{_IndirectCommandsLayoutTokenNV}})) = IndirectCommandsLayoutTokenNV hl_type(@nospecialize(_::Union{Type{VkIndirectCommandsLayoutCreateInfoNV}, Type{_IndirectCommandsLayoutCreateInfoNV}})) = IndirectCommandsLayoutCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkGeneratedCommandsInfoNV}, Type{_GeneratedCommandsInfoNV}})) = GeneratedCommandsInfoNV hl_type(@nospecialize(_::Union{Type{VkGeneratedCommandsMemoryRequirementsInfoNV}, Type{_GeneratedCommandsMemoryRequirementsInfoNV}})) = GeneratedCommandsMemoryRequirementsInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFeatures2}, Type{_PhysicalDeviceFeatures2}})) = PhysicalDeviceFeatures2 hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProperties2}, Type{_PhysicalDeviceProperties2}})) = PhysicalDeviceProperties2 hl_type(@nospecialize(_::Union{Type{VkFormatProperties2}, Type{_FormatProperties2}})) = FormatProperties2 hl_type(@nospecialize(_::Union{Type{VkImageFormatProperties2}, Type{_ImageFormatProperties2}})) = ImageFormatProperties2 hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageFormatInfo2}, Type{_PhysicalDeviceImageFormatInfo2}})) = PhysicalDeviceImageFormatInfo2 hl_type(@nospecialize(_::Union{Type{VkQueueFamilyProperties2}, Type{_QueueFamilyProperties2}})) = QueueFamilyProperties2 hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryProperties2}, Type{_PhysicalDeviceMemoryProperties2}})) = PhysicalDeviceMemoryProperties2 hl_type(@nospecialize(_::Union{Type{VkSparseImageFormatProperties2}, Type{_SparseImageFormatProperties2}})) = SparseImageFormatProperties2 hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSparseImageFormatInfo2}, Type{_PhysicalDeviceSparseImageFormatInfo2}})) = PhysicalDeviceSparseImageFormatInfo2 hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePushDescriptorPropertiesKHR}, Type{_PhysicalDevicePushDescriptorPropertiesKHR}})) = PhysicalDevicePushDescriptorPropertiesKHR hl_type(@nospecialize(_::Union{Type{VkConformanceVersion}, Type{_ConformanceVersion}})) = ConformanceVersion hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDriverProperties}, Type{_PhysicalDeviceDriverProperties}})) = PhysicalDeviceDriverProperties hl_type(@nospecialize(_::Union{Type{VkPresentRegionsKHR}, Type{_PresentRegionsKHR}})) = PresentRegionsKHR hl_type(@nospecialize(_::Union{Type{VkPresentRegionKHR}, Type{_PresentRegionKHR}})) = PresentRegionKHR hl_type(@nospecialize(_::Union{Type{VkRectLayerKHR}, Type{_RectLayerKHR}})) = RectLayerKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVariablePointersFeatures}, Type{_PhysicalDeviceVariablePointersFeatures}})) = PhysicalDeviceVariablePointersFeatures hl_type(@nospecialize(_::Union{Type{VkExternalMemoryProperties}, Type{_ExternalMemoryProperties}})) = ExternalMemoryProperties hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalImageFormatInfo}, Type{_PhysicalDeviceExternalImageFormatInfo}})) = PhysicalDeviceExternalImageFormatInfo hl_type(@nospecialize(_::Union{Type{VkExternalImageFormatProperties}, Type{_ExternalImageFormatProperties}})) = ExternalImageFormatProperties hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalBufferInfo}, Type{_PhysicalDeviceExternalBufferInfo}})) = PhysicalDeviceExternalBufferInfo hl_type(@nospecialize(_::Union{Type{VkExternalBufferProperties}, Type{_ExternalBufferProperties}})) = ExternalBufferProperties hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceIDProperties}, Type{_PhysicalDeviceIDProperties}})) = PhysicalDeviceIDProperties hl_type(@nospecialize(_::Union{Type{VkExternalMemoryImageCreateInfo}, Type{_ExternalMemoryImageCreateInfo}})) = ExternalMemoryImageCreateInfo hl_type(@nospecialize(_::Union{Type{VkExternalMemoryBufferCreateInfo}, Type{_ExternalMemoryBufferCreateInfo}})) = ExternalMemoryBufferCreateInfo hl_type(@nospecialize(_::Union{Type{VkExportMemoryAllocateInfo}, Type{_ExportMemoryAllocateInfo}})) = ExportMemoryAllocateInfo hl_type(@nospecialize(_::Union{Type{VkImportMemoryWin32HandleInfoKHR}, Type{_ImportMemoryWin32HandleInfoKHR}})) = ImportMemoryWin32HandleInfoKHR hl_type(@nospecialize(_::Union{Type{VkExportMemoryWin32HandleInfoKHR}, Type{_ExportMemoryWin32HandleInfoKHR}})) = ExportMemoryWin32HandleInfoKHR hl_type(@nospecialize(_::Union{Type{VkMemoryWin32HandlePropertiesKHR}, Type{_MemoryWin32HandlePropertiesKHR}})) = MemoryWin32HandlePropertiesKHR hl_type(@nospecialize(_::Union{Type{VkMemoryGetWin32HandleInfoKHR}, Type{_MemoryGetWin32HandleInfoKHR}})) = MemoryGetWin32HandleInfoKHR hl_type(@nospecialize(_::Union{Type{VkImportMemoryFdInfoKHR}, Type{_ImportMemoryFdInfoKHR}})) = ImportMemoryFdInfoKHR hl_type(@nospecialize(_::Union{Type{VkMemoryFdPropertiesKHR}, Type{_MemoryFdPropertiesKHR}})) = MemoryFdPropertiesKHR hl_type(@nospecialize(_::Union{Type{VkMemoryGetFdInfoKHR}, Type{_MemoryGetFdInfoKHR}})) = MemoryGetFdInfoKHR hl_type(@nospecialize(_::Union{Type{VkWin32KeyedMutexAcquireReleaseInfoKHR}, Type{_Win32KeyedMutexAcquireReleaseInfoKHR}})) = Win32KeyedMutexAcquireReleaseInfoKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalSemaphoreInfo}, Type{_PhysicalDeviceExternalSemaphoreInfo}})) = PhysicalDeviceExternalSemaphoreInfo hl_type(@nospecialize(_::Union{Type{VkExternalSemaphoreProperties}, Type{_ExternalSemaphoreProperties}})) = ExternalSemaphoreProperties hl_type(@nospecialize(_::Union{Type{VkExportSemaphoreCreateInfo}, Type{_ExportSemaphoreCreateInfo}})) = ExportSemaphoreCreateInfo hl_type(@nospecialize(_::Union{Type{VkImportSemaphoreWin32HandleInfoKHR}, Type{_ImportSemaphoreWin32HandleInfoKHR}})) = ImportSemaphoreWin32HandleInfoKHR hl_type(@nospecialize(_::Union{Type{VkExportSemaphoreWin32HandleInfoKHR}, Type{_ExportSemaphoreWin32HandleInfoKHR}})) = ExportSemaphoreWin32HandleInfoKHR hl_type(@nospecialize(_::Union{Type{VkD3D12FenceSubmitInfoKHR}, Type{_D3D12FenceSubmitInfoKHR}})) = D3D12FenceSubmitInfoKHR hl_type(@nospecialize(_::Union{Type{VkSemaphoreGetWin32HandleInfoKHR}, Type{_SemaphoreGetWin32HandleInfoKHR}})) = SemaphoreGetWin32HandleInfoKHR hl_type(@nospecialize(_::Union{Type{VkImportSemaphoreFdInfoKHR}, Type{_ImportSemaphoreFdInfoKHR}})) = ImportSemaphoreFdInfoKHR hl_type(@nospecialize(_::Union{Type{VkSemaphoreGetFdInfoKHR}, Type{_SemaphoreGetFdInfoKHR}})) = SemaphoreGetFdInfoKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalFenceInfo}, Type{_PhysicalDeviceExternalFenceInfo}})) = PhysicalDeviceExternalFenceInfo hl_type(@nospecialize(_::Union{Type{VkExternalFenceProperties}, Type{_ExternalFenceProperties}})) = ExternalFenceProperties hl_type(@nospecialize(_::Union{Type{VkExportFenceCreateInfo}, Type{_ExportFenceCreateInfo}})) = ExportFenceCreateInfo hl_type(@nospecialize(_::Union{Type{VkImportFenceWin32HandleInfoKHR}, Type{_ImportFenceWin32HandleInfoKHR}})) = ImportFenceWin32HandleInfoKHR hl_type(@nospecialize(_::Union{Type{VkExportFenceWin32HandleInfoKHR}, Type{_ExportFenceWin32HandleInfoKHR}})) = ExportFenceWin32HandleInfoKHR hl_type(@nospecialize(_::Union{Type{VkFenceGetWin32HandleInfoKHR}, Type{_FenceGetWin32HandleInfoKHR}})) = FenceGetWin32HandleInfoKHR hl_type(@nospecialize(_::Union{Type{VkImportFenceFdInfoKHR}, Type{_ImportFenceFdInfoKHR}})) = ImportFenceFdInfoKHR hl_type(@nospecialize(_::Union{Type{VkFenceGetFdInfoKHR}, Type{_FenceGetFdInfoKHR}})) = FenceGetFdInfoKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiviewFeatures}, Type{_PhysicalDeviceMultiviewFeatures}})) = PhysicalDeviceMultiviewFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiviewProperties}, Type{_PhysicalDeviceMultiviewProperties}})) = PhysicalDeviceMultiviewProperties hl_type(@nospecialize(_::Union{Type{VkRenderPassMultiviewCreateInfo}, Type{_RenderPassMultiviewCreateInfo}})) = RenderPassMultiviewCreateInfo hl_type(@nospecialize(_::Union{Type{VkSurfaceCapabilities2EXT}, Type{_SurfaceCapabilities2EXT}})) = SurfaceCapabilities2EXT hl_type(@nospecialize(_::Union{Type{VkDisplayPowerInfoEXT}, Type{_DisplayPowerInfoEXT}})) = DisplayPowerInfoEXT hl_type(@nospecialize(_::Union{Type{VkDeviceEventInfoEXT}, Type{_DeviceEventInfoEXT}})) = DeviceEventInfoEXT hl_type(@nospecialize(_::Union{Type{VkDisplayEventInfoEXT}, Type{_DisplayEventInfoEXT}})) = DisplayEventInfoEXT hl_type(@nospecialize(_::Union{Type{VkSwapchainCounterCreateInfoEXT}, Type{_SwapchainCounterCreateInfoEXT}})) = SwapchainCounterCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceGroupProperties}, Type{_PhysicalDeviceGroupProperties}})) = PhysicalDeviceGroupProperties hl_type(@nospecialize(_::Union{Type{VkMemoryAllocateFlagsInfo}, Type{_MemoryAllocateFlagsInfo}})) = MemoryAllocateFlagsInfo hl_type(@nospecialize(_::Union{Type{VkBindBufferMemoryInfo}, Type{_BindBufferMemoryInfo}})) = BindBufferMemoryInfo hl_type(@nospecialize(_::Union{Type{VkBindBufferMemoryDeviceGroupInfo}, Type{_BindBufferMemoryDeviceGroupInfo}})) = BindBufferMemoryDeviceGroupInfo hl_type(@nospecialize(_::Union{Type{VkBindImageMemoryInfo}, Type{_BindImageMemoryInfo}})) = BindImageMemoryInfo hl_type(@nospecialize(_::Union{Type{VkBindImageMemoryDeviceGroupInfo}, Type{_BindImageMemoryDeviceGroupInfo}})) = BindImageMemoryDeviceGroupInfo hl_type(@nospecialize(_::Union{Type{VkDeviceGroupRenderPassBeginInfo}, Type{_DeviceGroupRenderPassBeginInfo}})) = DeviceGroupRenderPassBeginInfo hl_type(@nospecialize(_::Union{Type{VkDeviceGroupCommandBufferBeginInfo}, Type{_DeviceGroupCommandBufferBeginInfo}})) = DeviceGroupCommandBufferBeginInfo hl_type(@nospecialize(_::Union{Type{VkDeviceGroupSubmitInfo}, Type{_DeviceGroupSubmitInfo}})) = DeviceGroupSubmitInfo hl_type(@nospecialize(_::Union{Type{VkDeviceGroupBindSparseInfo}, Type{_DeviceGroupBindSparseInfo}})) = DeviceGroupBindSparseInfo hl_type(@nospecialize(_::Union{Type{VkDeviceGroupPresentCapabilitiesKHR}, Type{_DeviceGroupPresentCapabilitiesKHR}})) = DeviceGroupPresentCapabilitiesKHR hl_type(@nospecialize(_::Union{Type{VkImageSwapchainCreateInfoKHR}, Type{_ImageSwapchainCreateInfoKHR}})) = ImageSwapchainCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkBindImageMemorySwapchainInfoKHR}, Type{_BindImageMemorySwapchainInfoKHR}})) = BindImageMemorySwapchainInfoKHR hl_type(@nospecialize(_::Union{Type{VkAcquireNextImageInfoKHR}, Type{_AcquireNextImageInfoKHR}})) = AcquireNextImageInfoKHR hl_type(@nospecialize(_::Union{Type{VkDeviceGroupPresentInfoKHR}, Type{_DeviceGroupPresentInfoKHR}})) = DeviceGroupPresentInfoKHR hl_type(@nospecialize(_::Union{Type{VkDeviceGroupDeviceCreateInfo}, Type{_DeviceGroupDeviceCreateInfo}})) = DeviceGroupDeviceCreateInfo hl_type(@nospecialize(_::Union{Type{VkDeviceGroupSwapchainCreateInfoKHR}, Type{_DeviceGroupSwapchainCreateInfoKHR}})) = DeviceGroupSwapchainCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkDescriptorUpdateTemplateEntry}, Type{_DescriptorUpdateTemplateEntry}})) = DescriptorUpdateTemplateEntry hl_type(@nospecialize(_::Union{Type{VkDescriptorUpdateTemplateCreateInfo}, Type{_DescriptorUpdateTemplateCreateInfo}})) = DescriptorUpdateTemplateCreateInfo hl_type(@nospecialize(_::Union{Type{VkXYColorEXT}, Type{_XYColorEXT}})) = XYColorEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePresentIdFeaturesKHR}, Type{_PhysicalDevicePresentIdFeaturesKHR}})) = PhysicalDevicePresentIdFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkPresentIdKHR}, Type{_PresentIdKHR}})) = PresentIdKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePresentWaitFeaturesKHR}, Type{_PhysicalDevicePresentWaitFeaturesKHR}})) = PhysicalDevicePresentWaitFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkHdrMetadataEXT}, Type{_HdrMetadataEXT}})) = HdrMetadataEXT hl_type(@nospecialize(_::Union{Type{VkDisplayNativeHdrSurfaceCapabilitiesAMD}, Type{_DisplayNativeHdrSurfaceCapabilitiesAMD}})) = DisplayNativeHdrSurfaceCapabilitiesAMD hl_type(@nospecialize(_::Union{Type{VkSwapchainDisplayNativeHdrCreateInfoAMD}, Type{_SwapchainDisplayNativeHdrCreateInfoAMD}})) = SwapchainDisplayNativeHdrCreateInfoAMD hl_type(@nospecialize(_::Union{Type{VkRefreshCycleDurationGOOGLE}, Type{_RefreshCycleDurationGOOGLE}})) = RefreshCycleDurationGOOGLE hl_type(@nospecialize(_::Union{Type{VkPastPresentationTimingGOOGLE}, Type{_PastPresentationTimingGOOGLE}})) = PastPresentationTimingGOOGLE hl_type(@nospecialize(_::Union{Type{VkPresentTimesInfoGOOGLE}, Type{_PresentTimesInfoGOOGLE}})) = PresentTimesInfoGOOGLE hl_type(@nospecialize(_::Union{Type{VkPresentTimeGOOGLE}, Type{_PresentTimeGOOGLE}})) = PresentTimeGOOGLE hl_type(@nospecialize(_::Union{Type{VkViewportWScalingNV}, Type{_ViewportWScalingNV}})) = ViewportWScalingNV hl_type(@nospecialize(_::Union{Type{VkPipelineViewportWScalingStateCreateInfoNV}, Type{_PipelineViewportWScalingStateCreateInfoNV}})) = PipelineViewportWScalingStateCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkViewportSwizzleNV}, Type{_ViewportSwizzleNV}})) = ViewportSwizzleNV hl_type(@nospecialize(_::Union{Type{VkPipelineViewportSwizzleStateCreateInfoNV}, Type{_PipelineViewportSwizzleStateCreateInfoNV}})) = PipelineViewportSwizzleStateCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDiscardRectanglePropertiesEXT}, Type{_PhysicalDeviceDiscardRectanglePropertiesEXT}})) = PhysicalDeviceDiscardRectanglePropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPipelineDiscardRectangleStateCreateInfoEXT}, Type{_PipelineDiscardRectangleStateCreateInfoEXT}})) = PipelineDiscardRectangleStateCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX}, Type{_PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX}})) = PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX hl_type(@nospecialize(_::Union{Type{VkInputAttachmentAspectReference}, Type{_InputAttachmentAspectReference}})) = InputAttachmentAspectReference hl_type(@nospecialize(_::Union{Type{VkRenderPassInputAttachmentAspectCreateInfo}, Type{_RenderPassInputAttachmentAspectCreateInfo}})) = RenderPassInputAttachmentAspectCreateInfo hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSurfaceInfo2KHR}, Type{_PhysicalDeviceSurfaceInfo2KHR}})) = PhysicalDeviceSurfaceInfo2KHR hl_type(@nospecialize(_::Union{Type{VkSurfaceCapabilities2KHR}, Type{_SurfaceCapabilities2KHR}})) = SurfaceCapabilities2KHR hl_type(@nospecialize(_::Union{Type{VkSurfaceFormat2KHR}, Type{_SurfaceFormat2KHR}})) = SurfaceFormat2KHR hl_type(@nospecialize(_::Union{Type{VkDisplayProperties2KHR}, Type{_DisplayProperties2KHR}})) = DisplayProperties2KHR hl_type(@nospecialize(_::Union{Type{VkDisplayPlaneProperties2KHR}, Type{_DisplayPlaneProperties2KHR}})) = DisplayPlaneProperties2KHR hl_type(@nospecialize(_::Union{Type{VkDisplayModeProperties2KHR}, Type{_DisplayModeProperties2KHR}})) = DisplayModeProperties2KHR hl_type(@nospecialize(_::Union{Type{VkDisplayPlaneInfo2KHR}, Type{_DisplayPlaneInfo2KHR}})) = DisplayPlaneInfo2KHR hl_type(@nospecialize(_::Union{Type{VkDisplayPlaneCapabilities2KHR}, Type{_DisplayPlaneCapabilities2KHR}})) = DisplayPlaneCapabilities2KHR hl_type(@nospecialize(_::Union{Type{VkSharedPresentSurfaceCapabilitiesKHR}, Type{_SharedPresentSurfaceCapabilitiesKHR}})) = SharedPresentSurfaceCapabilitiesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDevice16BitStorageFeatures}, Type{_PhysicalDevice16BitStorageFeatures}})) = PhysicalDevice16BitStorageFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubgroupProperties}, Type{_PhysicalDeviceSubgroupProperties}})) = PhysicalDeviceSubgroupProperties hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures}, Type{_PhysicalDeviceShaderSubgroupExtendedTypesFeatures}})) = PhysicalDeviceShaderSubgroupExtendedTypesFeatures hl_type(@nospecialize(_::Union{Type{VkBufferMemoryRequirementsInfo2}, Type{_BufferMemoryRequirementsInfo2}})) = BufferMemoryRequirementsInfo2 hl_type(@nospecialize(_::Union{Type{VkDeviceBufferMemoryRequirements}, Type{_DeviceBufferMemoryRequirements}})) = DeviceBufferMemoryRequirements hl_type(@nospecialize(_::Union{Type{VkImageMemoryRequirementsInfo2}, Type{_ImageMemoryRequirementsInfo2}})) = ImageMemoryRequirementsInfo2 hl_type(@nospecialize(_::Union{Type{VkImageSparseMemoryRequirementsInfo2}, Type{_ImageSparseMemoryRequirementsInfo2}})) = ImageSparseMemoryRequirementsInfo2 hl_type(@nospecialize(_::Union{Type{VkDeviceImageMemoryRequirements}, Type{_DeviceImageMemoryRequirements}})) = DeviceImageMemoryRequirements hl_type(@nospecialize(_::Union{Type{VkMemoryRequirements2}, Type{_MemoryRequirements2}})) = MemoryRequirements2 hl_type(@nospecialize(_::Union{Type{VkSparseImageMemoryRequirements2}, Type{_SparseImageMemoryRequirements2}})) = SparseImageMemoryRequirements2 hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePointClippingProperties}, Type{_PhysicalDevicePointClippingProperties}})) = PhysicalDevicePointClippingProperties hl_type(@nospecialize(_::Union{Type{VkMemoryDedicatedRequirements}, Type{_MemoryDedicatedRequirements}})) = MemoryDedicatedRequirements hl_type(@nospecialize(_::Union{Type{VkMemoryDedicatedAllocateInfo}, Type{_MemoryDedicatedAllocateInfo}})) = MemoryDedicatedAllocateInfo hl_type(@nospecialize(_::Union{Type{VkImageViewUsageCreateInfo}, Type{_ImageViewUsageCreateInfo}})) = ImageViewUsageCreateInfo hl_type(@nospecialize(_::Union{Type{VkPipelineTessellationDomainOriginStateCreateInfo}, Type{_PipelineTessellationDomainOriginStateCreateInfo}})) = PipelineTessellationDomainOriginStateCreateInfo hl_type(@nospecialize(_::Union{Type{VkSamplerYcbcrConversionInfo}, Type{_SamplerYcbcrConversionInfo}})) = SamplerYcbcrConversionInfo hl_type(@nospecialize(_::Union{Type{VkSamplerYcbcrConversionCreateInfo}, Type{_SamplerYcbcrConversionCreateInfo}})) = SamplerYcbcrConversionCreateInfo hl_type(@nospecialize(_::Union{Type{VkBindImagePlaneMemoryInfo}, Type{_BindImagePlaneMemoryInfo}})) = BindImagePlaneMemoryInfo hl_type(@nospecialize(_::Union{Type{VkImagePlaneMemoryRequirementsInfo}, Type{_ImagePlaneMemoryRequirementsInfo}})) = ImagePlaneMemoryRequirementsInfo hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSamplerYcbcrConversionFeatures}, Type{_PhysicalDeviceSamplerYcbcrConversionFeatures}})) = PhysicalDeviceSamplerYcbcrConversionFeatures hl_type(@nospecialize(_::Union{Type{VkSamplerYcbcrConversionImageFormatProperties}, Type{_SamplerYcbcrConversionImageFormatProperties}})) = SamplerYcbcrConversionImageFormatProperties hl_type(@nospecialize(_::Union{Type{VkTextureLODGatherFormatPropertiesAMD}, Type{_TextureLODGatherFormatPropertiesAMD}})) = TextureLODGatherFormatPropertiesAMD hl_type(@nospecialize(_::Union{Type{VkConditionalRenderingBeginInfoEXT}, Type{_ConditionalRenderingBeginInfoEXT}})) = ConditionalRenderingBeginInfoEXT hl_type(@nospecialize(_::Union{Type{VkProtectedSubmitInfo}, Type{_ProtectedSubmitInfo}})) = ProtectedSubmitInfo hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProtectedMemoryFeatures}, Type{_PhysicalDeviceProtectedMemoryFeatures}})) = PhysicalDeviceProtectedMemoryFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProtectedMemoryProperties}, Type{_PhysicalDeviceProtectedMemoryProperties}})) = PhysicalDeviceProtectedMemoryProperties hl_type(@nospecialize(_::Union{Type{VkDeviceQueueInfo2}, Type{_DeviceQueueInfo2}})) = DeviceQueueInfo2 hl_type(@nospecialize(_::Union{Type{VkPipelineCoverageToColorStateCreateInfoNV}, Type{_PipelineCoverageToColorStateCreateInfoNV}})) = PipelineCoverageToColorStateCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSamplerFilterMinmaxProperties}, Type{_PhysicalDeviceSamplerFilterMinmaxProperties}})) = PhysicalDeviceSamplerFilterMinmaxProperties hl_type(@nospecialize(_::Union{Type{VkSampleLocationEXT}, Type{_SampleLocationEXT}})) = SampleLocationEXT hl_type(@nospecialize(_::Union{Type{VkSampleLocationsInfoEXT}, Type{_SampleLocationsInfoEXT}})) = SampleLocationsInfoEXT hl_type(@nospecialize(_::Union{Type{VkAttachmentSampleLocationsEXT}, Type{_AttachmentSampleLocationsEXT}})) = AttachmentSampleLocationsEXT hl_type(@nospecialize(_::Union{Type{VkSubpassSampleLocationsEXT}, Type{_SubpassSampleLocationsEXT}})) = SubpassSampleLocationsEXT hl_type(@nospecialize(_::Union{Type{VkRenderPassSampleLocationsBeginInfoEXT}, Type{_RenderPassSampleLocationsBeginInfoEXT}})) = RenderPassSampleLocationsBeginInfoEXT hl_type(@nospecialize(_::Union{Type{VkPipelineSampleLocationsStateCreateInfoEXT}, Type{_PipelineSampleLocationsStateCreateInfoEXT}})) = PipelineSampleLocationsStateCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSampleLocationsPropertiesEXT}, Type{_PhysicalDeviceSampleLocationsPropertiesEXT}})) = PhysicalDeviceSampleLocationsPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkMultisamplePropertiesEXT}, Type{_MultisamplePropertiesEXT}})) = MultisamplePropertiesEXT hl_type(@nospecialize(_::Union{Type{VkSamplerReductionModeCreateInfo}, Type{_SamplerReductionModeCreateInfo}})) = SamplerReductionModeCreateInfo hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT}, Type{_PhysicalDeviceBlendOperationAdvancedFeaturesEXT}})) = PhysicalDeviceBlendOperationAdvancedFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiDrawFeaturesEXT}, Type{_PhysicalDeviceMultiDrawFeaturesEXT}})) = PhysicalDeviceMultiDrawFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT}, Type{_PhysicalDeviceBlendOperationAdvancedPropertiesEXT}})) = PhysicalDeviceBlendOperationAdvancedPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPipelineColorBlendAdvancedStateCreateInfoEXT}, Type{_PipelineColorBlendAdvancedStateCreateInfoEXT}})) = PipelineColorBlendAdvancedStateCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceInlineUniformBlockFeatures}, Type{_PhysicalDeviceInlineUniformBlockFeatures}})) = PhysicalDeviceInlineUniformBlockFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceInlineUniformBlockProperties}, Type{_PhysicalDeviceInlineUniformBlockProperties}})) = PhysicalDeviceInlineUniformBlockProperties hl_type(@nospecialize(_::Union{Type{VkWriteDescriptorSetInlineUniformBlock}, Type{_WriteDescriptorSetInlineUniformBlock}})) = WriteDescriptorSetInlineUniformBlock hl_type(@nospecialize(_::Union{Type{VkDescriptorPoolInlineUniformBlockCreateInfo}, Type{_DescriptorPoolInlineUniformBlockCreateInfo}})) = DescriptorPoolInlineUniformBlockCreateInfo hl_type(@nospecialize(_::Union{Type{VkPipelineCoverageModulationStateCreateInfoNV}, Type{_PipelineCoverageModulationStateCreateInfoNV}})) = PipelineCoverageModulationStateCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkImageFormatListCreateInfo}, Type{_ImageFormatListCreateInfo}})) = ImageFormatListCreateInfo hl_type(@nospecialize(_::Union{Type{VkValidationCacheCreateInfoEXT}, Type{_ValidationCacheCreateInfoEXT}})) = ValidationCacheCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkShaderModuleValidationCacheCreateInfoEXT}, Type{_ShaderModuleValidationCacheCreateInfoEXT}})) = ShaderModuleValidationCacheCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMaintenance3Properties}, Type{_PhysicalDeviceMaintenance3Properties}})) = PhysicalDeviceMaintenance3Properties hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMaintenance4Features}, Type{_PhysicalDeviceMaintenance4Features}})) = PhysicalDeviceMaintenance4Features hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMaintenance4Properties}, Type{_PhysicalDeviceMaintenance4Properties}})) = PhysicalDeviceMaintenance4Properties hl_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutSupport}, Type{_DescriptorSetLayoutSupport}})) = DescriptorSetLayoutSupport hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderDrawParametersFeatures}, Type{_PhysicalDeviceShaderDrawParametersFeatures}})) = PhysicalDeviceShaderDrawParametersFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderFloat16Int8Features}, Type{_PhysicalDeviceShaderFloat16Int8Features}})) = PhysicalDeviceShaderFloat16Int8Features hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFloatControlsProperties}, Type{_PhysicalDeviceFloatControlsProperties}})) = PhysicalDeviceFloatControlsProperties hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceHostQueryResetFeatures}, Type{_PhysicalDeviceHostQueryResetFeatures}})) = PhysicalDeviceHostQueryResetFeatures hl_type(@nospecialize(_::Union{Type{VkShaderResourceUsageAMD}, Type{_ShaderResourceUsageAMD}})) = ShaderResourceUsageAMD hl_type(@nospecialize(_::Union{Type{VkShaderStatisticsInfoAMD}, Type{_ShaderStatisticsInfoAMD}})) = ShaderStatisticsInfoAMD hl_type(@nospecialize(_::Union{Type{VkDeviceQueueGlobalPriorityCreateInfoKHR}, Type{_DeviceQueueGlobalPriorityCreateInfoKHR}})) = DeviceQueueGlobalPriorityCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR}, Type{_PhysicalDeviceGlobalPriorityQueryFeaturesKHR}})) = PhysicalDeviceGlobalPriorityQueryFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkQueueFamilyGlobalPriorityPropertiesKHR}, Type{_QueueFamilyGlobalPriorityPropertiesKHR}})) = QueueFamilyGlobalPriorityPropertiesKHR hl_type(@nospecialize(_::Union{Type{VkDebugUtilsObjectNameInfoEXT}, Type{_DebugUtilsObjectNameInfoEXT}})) = DebugUtilsObjectNameInfoEXT hl_type(@nospecialize(_::Union{Type{VkDebugUtilsObjectTagInfoEXT}, Type{_DebugUtilsObjectTagInfoEXT}})) = DebugUtilsObjectTagInfoEXT hl_type(@nospecialize(_::Union{Type{VkDebugUtilsLabelEXT}, Type{_DebugUtilsLabelEXT}})) = DebugUtilsLabelEXT hl_type(@nospecialize(_::Union{Type{VkDebugUtilsMessengerCreateInfoEXT}, Type{_DebugUtilsMessengerCreateInfoEXT}})) = DebugUtilsMessengerCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkDebugUtilsMessengerCallbackDataEXT}, Type{_DebugUtilsMessengerCallbackDataEXT}})) = DebugUtilsMessengerCallbackDataEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDeviceMemoryReportFeaturesEXT}, Type{_PhysicalDeviceDeviceMemoryReportFeaturesEXT}})) = PhysicalDeviceDeviceMemoryReportFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkDeviceDeviceMemoryReportCreateInfoEXT}, Type{_DeviceDeviceMemoryReportCreateInfoEXT}})) = DeviceDeviceMemoryReportCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkDeviceMemoryReportCallbackDataEXT}, Type{_DeviceMemoryReportCallbackDataEXT}})) = DeviceMemoryReportCallbackDataEXT hl_type(@nospecialize(_::Union{Type{VkImportMemoryHostPointerInfoEXT}, Type{_ImportMemoryHostPointerInfoEXT}})) = ImportMemoryHostPointerInfoEXT hl_type(@nospecialize(_::Union{Type{VkMemoryHostPointerPropertiesEXT}, Type{_MemoryHostPointerPropertiesEXT}})) = MemoryHostPointerPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalMemoryHostPropertiesEXT}, Type{_PhysicalDeviceExternalMemoryHostPropertiesEXT}})) = PhysicalDeviceExternalMemoryHostPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceConservativeRasterizationPropertiesEXT}, Type{_PhysicalDeviceConservativeRasterizationPropertiesEXT}})) = PhysicalDeviceConservativeRasterizationPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkCalibratedTimestampInfoEXT}, Type{_CalibratedTimestampInfoEXT}})) = CalibratedTimestampInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderCorePropertiesAMD}, Type{_PhysicalDeviceShaderCorePropertiesAMD}})) = PhysicalDeviceShaderCorePropertiesAMD hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderCoreProperties2AMD}, Type{_PhysicalDeviceShaderCoreProperties2AMD}})) = PhysicalDeviceShaderCoreProperties2AMD hl_type(@nospecialize(_::Union{Type{VkPipelineRasterizationConservativeStateCreateInfoEXT}, Type{_PipelineRasterizationConservativeStateCreateInfoEXT}})) = PipelineRasterizationConservativeStateCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorIndexingFeatures}, Type{_PhysicalDeviceDescriptorIndexingFeatures}})) = PhysicalDeviceDescriptorIndexingFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorIndexingProperties}, Type{_PhysicalDeviceDescriptorIndexingProperties}})) = PhysicalDeviceDescriptorIndexingProperties hl_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutBindingFlagsCreateInfo}, Type{_DescriptorSetLayoutBindingFlagsCreateInfo}})) = DescriptorSetLayoutBindingFlagsCreateInfo hl_type(@nospecialize(_::Union{Type{VkDescriptorSetVariableDescriptorCountAllocateInfo}, Type{_DescriptorSetVariableDescriptorCountAllocateInfo}})) = DescriptorSetVariableDescriptorCountAllocateInfo hl_type(@nospecialize(_::Union{Type{VkDescriptorSetVariableDescriptorCountLayoutSupport}, Type{_DescriptorSetVariableDescriptorCountLayoutSupport}})) = DescriptorSetVariableDescriptorCountLayoutSupport hl_type(@nospecialize(_::Union{Type{VkAttachmentDescription2}, Type{_AttachmentDescription2}})) = AttachmentDescription2 hl_type(@nospecialize(_::Union{Type{VkAttachmentReference2}, Type{_AttachmentReference2}})) = AttachmentReference2 hl_type(@nospecialize(_::Union{Type{VkSubpassDescription2}, Type{_SubpassDescription2}})) = SubpassDescription2 hl_type(@nospecialize(_::Union{Type{VkSubpassDependency2}, Type{_SubpassDependency2}})) = SubpassDependency2 hl_type(@nospecialize(_::Union{Type{VkRenderPassCreateInfo2}, Type{_RenderPassCreateInfo2}})) = RenderPassCreateInfo2 hl_type(@nospecialize(_::Union{Type{VkSubpassBeginInfo}, Type{_SubpassBeginInfo}})) = SubpassBeginInfo hl_type(@nospecialize(_::Union{Type{VkSubpassEndInfo}, Type{_SubpassEndInfo}})) = SubpassEndInfo hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTimelineSemaphoreFeatures}, Type{_PhysicalDeviceTimelineSemaphoreFeatures}})) = PhysicalDeviceTimelineSemaphoreFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTimelineSemaphoreProperties}, Type{_PhysicalDeviceTimelineSemaphoreProperties}})) = PhysicalDeviceTimelineSemaphoreProperties hl_type(@nospecialize(_::Union{Type{VkSemaphoreTypeCreateInfo}, Type{_SemaphoreTypeCreateInfo}})) = SemaphoreTypeCreateInfo hl_type(@nospecialize(_::Union{Type{VkTimelineSemaphoreSubmitInfo}, Type{_TimelineSemaphoreSubmitInfo}})) = TimelineSemaphoreSubmitInfo hl_type(@nospecialize(_::Union{Type{VkSemaphoreWaitInfo}, Type{_SemaphoreWaitInfo}})) = SemaphoreWaitInfo hl_type(@nospecialize(_::Union{Type{VkSemaphoreSignalInfo}, Type{_SemaphoreSignalInfo}})) = SemaphoreSignalInfo hl_type(@nospecialize(_::Union{Type{VkVertexInputBindingDivisorDescriptionEXT}, Type{_VertexInputBindingDivisorDescriptionEXT}})) = VertexInputBindingDivisorDescriptionEXT hl_type(@nospecialize(_::Union{Type{VkPipelineVertexInputDivisorStateCreateInfoEXT}, Type{_PipelineVertexInputDivisorStateCreateInfoEXT}})) = PipelineVertexInputDivisorStateCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT}, Type{_PhysicalDeviceVertexAttributeDivisorPropertiesEXT}})) = PhysicalDeviceVertexAttributeDivisorPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePCIBusInfoPropertiesEXT}, Type{_PhysicalDevicePCIBusInfoPropertiesEXT}})) = PhysicalDevicePCIBusInfoPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceConditionalRenderingInfoEXT}, Type{_CommandBufferInheritanceConditionalRenderingInfoEXT}})) = CommandBufferInheritanceConditionalRenderingInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDevice8BitStorageFeatures}, Type{_PhysicalDevice8BitStorageFeatures}})) = PhysicalDevice8BitStorageFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceConditionalRenderingFeaturesEXT}, Type{_PhysicalDeviceConditionalRenderingFeaturesEXT}})) = PhysicalDeviceConditionalRenderingFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkanMemoryModelFeatures}, Type{_PhysicalDeviceVulkanMemoryModelFeatures}})) = PhysicalDeviceVulkanMemoryModelFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderAtomicInt64Features}, Type{_PhysicalDeviceShaderAtomicInt64Features}})) = PhysicalDeviceShaderAtomicInt64Features hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderAtomicFloatFeaturesEXT}, Type{_PhysicalDeviceShaderAtomicFloatFeaturesEXT}})) = PhysicalDeviceShaderAtomicFloatFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT}, Type{_PhysicalDeviceShaderAtomicFloat2FeaturesEXT}})) = PhysicalDeviceShaderAtomicFloat2FeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT}, Type{_PhysicalDeviceVertexAttributeDivisorFeaturesEXT}})) = PhysicalDeviceVertexAttributeDivisorFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkQueueFamilyCheckpointPropertiesNV}, Type{_QueueFamilyCheckpointPropertiesNV}})) = QueueFamilyCheckpointPropertiesNV hl_type(@nospecialize(_::Union{Type{VkCheckpointDataNV}, Type{_CheckpointDataNV}})) = CheckpointDataNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDepthStencilResolveProperties}, Type{_PhysicalDeviceDepthStencilResolveProperties}})) = PhysicalDeviceDepthStencilResolveProperties hl_type(@nospecialize(_::Union{Type{VkSubpassDescriptionDepthStencilResolve}, Type{_SubpassDescriptionDepthStencilResolve}})) = SubpassDescriptionDepthStencilResolve hl_type(@nospecialize(_::Union{Type{VkImageViewASTCDecodeModeEXT}, Type{_ImageViewASTCDecodeModeEXT}})) = ImageViewASTCDecodeModeEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceASTCDecodeFeaturesEXT}, Type{_PhysicalDeviceASTCDecodeFeaturesEXT}})) = PhysicalDeviceASTCDecodeFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTransformFeedbackFeaturesEXT}, Type{_PhysicalDeviceTransformFeedbackFeaturesEXT}})) = PhysicalDeviceTransformFeedbackFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTransformFeedbackPropertiesEXT}, Type{_PhysicalDeviceTransformFeedbackPropertiesEXT}})) = PhysicalDeviceTransformFeedbackPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPipelineRasterizationStateStreamCreateInfoEXT}, Type{_PipelineRasterizationStateStreamCreateInfoEXT}})) = PipelineRasterizationStateStreamCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV}, Type{_PhysicalDeviceRepresentativeFragmentTestFeaturesNV}})) = PhysicalDeviceRepresentativeFragmentTestFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPipelineRepresentativeFragmentTestStateCreateInfoNV}, Type{_PipelineRepresentativeFragmentTestStateCreateInfoNV}})) = PipelineRepresentativeFragmentTestStateCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExclusiveScissorFeaturesNV}, Type{_PhysicalDeviceExclusiveScissorFeaturesNV}})) = PhysicalDeviceExclusiveScissorFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPipelineViewportExclusiveScissorStateCreateInfoNV}, Type{_PipelineViewportExclusiveScissorStateCreateInfoNV}})) = PipelineViewportExclusiveScissorStateCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCornerSampledImageFeaturesNV}, Type{_PhysicalDeviceCornerSampledImageFeaturesNV}})) = PhysicalDeviceCornerSampledImageFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceComputeShaderDerivativesFeaturesNV}, Type{_PhysicalDeviceComputeShaderDerivativesFeaturesNV}})) = PhysicalDeviceComputeShaderDerivativesFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderImageFootprintFeaturesNV}, Type{_PhysicalDeviceShaderImageFootprintFeaturesNV}})) = PhysicalDeviceShaderImageFootprintFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV}, Type{_PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV}})) = PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCopyMemoryIndirectFeaturesNV}, Type{_PhysicalDeviceCopyMemoryIndirectFeaturesNV}})) = PhysicalDeviceCopyMemoryIndirectFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCopyMemoryIndirectPropertiesNV}, Type{_PhysicalDeviceCopyMemoryIndirectPropertiesNV}})) = PhysicalDeviceCopyMemoryIndirectPropertiesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryDecompressionFeaturesNV}, Type{_PhysicalDeviceMemoryDecompressionFeaturesNV}})) = PhysicalDeviceMemoryDecompressionFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryDecompressionPropertiesNV}, Type{_PhysicalDeviceMemoryDecompressionPropertiesNV}})) = PhysicalDeviceMemoryDecompressionPropertiesNV hl_type(@nospecialize(_::Union{Type{VkShadingRatePaletteNV}, Type{_ShadingRatePaletteNV}})) = ShadingRatePaletteNV hl_type(@nospecialize(_::Union{Type{VkPipelineViewportShadingRateImageStateCreateInfoNV}, Type{_PipelineViewportShadingRateImageStateCreateInfoNV}})) = PipelineViewportShadingRateImageStateCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShadingRateImageFeaturesNV}, Type{_PhysicalDeviceShadingRateImageFeaturesNV}})) = PhysicalDeviceShadingRateImageFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShadingRateImagePropertiesNV}, Type{_PhysicalDeviceShadingRateImagePropertiesNV}})) = PhysicalDeviceShadingRateImagePropertiesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceInvocationMaskFeaturesHUAWEI}, Type{_PhysicalDeviceInvocationMaskFeaturesHUAWEI}})) = PhysicalDeviceInvocationMaskFeaturesHUAWEI hl_type(@nospecialize(_::Union{Type{VkCoarseSampleLocationNV}, Type{_CoarseSampleLocationNV}})) = CoarseSampleLocationNV hl_type(@nospecialize(_::Union{Type{VkCoarseSampleOrderCustomNV}, Type{_CoarseSampleOrderCustomNV}})) = CoarseSampleOrderCustomNV hl_type(@nospecialize(_::Union{Type{VkPipelineViewportCoarseSampleOrderStateCreateInfoNV}, Type{_PipelineViewportCoarseSampleOrderStateCreateInfoNV}})) = PipelineViewportCoarseSampleOrderStateCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMeshShaderFeaturesNV}, Type{_PhysicalDeviceMeshShaderFeaturesNV}})) = PhysicalDeviceMeshShaderFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMeshShaderPropertiesNV}, Type{_PhysicalDeviceMeshShaderPropertiesNV}})) = PhysicalDeviceMeshShaderPropertiesNV hl_type(@nospecialize(_::Union{Type{VkDrawMeshTasksIndirectCommandNV}, Type{_DrawMeshTasksIndirectCommandNV}})) = DrawMeshTasksIndirectCommandNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMeshShaderFeaturesEXT}, Type{_PhysicalDeviceMeshShaderFeaturesEXT}})) = PhysicalDeviceMeshShaderFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMeshShaderPropertiesEXT}, Type{_PhysicalDeviceMeshShaderPropertiesEXT}})) = PhysicalDeviceMeshShaderPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkDrawMeshTasksIndirectCommandEXT}, Type{_DrawMeshTasksIndirectCommandEXT}})) = DrawMeshTasksIndirectCommandEXT hl_type(@nospecialize(_::Union{Type{VkRayTracingShaderGroupCreateInfoNV}, Type{_RayTracingShaderGroupCreateInfoNV}})) = RayTracingShaderGroupCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkRayTracingShaderGroupCreateInfoKHR}, Type{_RayTracingShaderGroupCreateInfoKHR}})) = RayTracingShaderGroupCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkRayTracingPipelineCreateInfoNV}, Type{_RayTracingPipelineCreateInfoNV}})) = RayTracingPipelineCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkRayTracingPipelineCreateInfoKHR}, Type{_RayTracingPipelineCreateInfoKHR}})) = RayTracingPipelineCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkGeometryTrianglesNV}, Type{_GeometryTrianglesNV}})) = GeometryTrianglesNV hl_type(@nospecialize(_::Union{Type{VkGeometryAABBNV}, Type{_GeometryAABBNV}})) = GeometryAABBNV hl_type(@nospecialize(_::Union{Type{VkGeometryDataNV}, Type{_GeometryDataNV}})) = GeometryDataNV hl_type(@nospecialize(_::Union{Type{VkGeometryNV}, Type{_GeometryNV}})) = GeometryNV hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureInfoNV}, Type{_AccelerationStructureInfoNV}})) = AccelerationStructureInfoNV hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureCreateInfoNV}, Type{_AccelerationStructureCreateInfoNV}})) = AccelerationStructureCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkBindAccelerationStructureMemoryInfoNV}, Type{_BindAccelerationStructureMemoryInfoNV}})) = BindAccelerationStructureMemoryInfoNV hl_type(@nospecialize(_::Union{Type{VkWriteDescriptorSetAccelerationStructureKHR}, Type{_WriteDescriptorSetAccelerationStructureKHR}})) = WriteDescriptorSetAccelerationStructureKHR hl_type(@nospecialize(_::Union{Type{VkWriteDescriptorSetAccelerationStructureNV}, Type{_WriteDescriptorSetAccelerationStructureNV}})) = WriteDescriptorSetAccelerationStructureNV hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureMemoryRequirementsInfoNV}, Type{_AccelerationStructureMemoryRequirementsInfoNV}})) = AccelerationStructureMemoryRequirementsInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAccelerationStructureFeaturesKHR}, Type{_PhysicalDeviceAccelerationStructureFeaturesKHR}})) = PhysicalDeviceAccelerationStructureFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingPipelineFeaturesKHR}, Type{_PhysicalDeviceRayTracingPipelineFeaturesKHR}})) = PhysicalDeviceRayTracingPipelineFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayQueryFeaturesKHR}, Type{_PhysicalDeviceRayQueryFeaturesKHR}})) = PhysicalDeviceRayQueryFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAccelerationStructurePropertiesKHR}, Type{_PhysicalDeviceAccelerationStructurePropertiesKHR}})) = PhysicalDeviceAccelerationStructurePropertiesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingPipelinePropertiesKHR}, Type{_PhysicalDeviceRayTracingPipelinePropertiesKHR}})) = PhysicalDeviceRayTracingPipelinePropertiesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingPropertiesNV}, Type{_PhysicalDeviceRayTracingPropertiesNV}})) = PhysicalDeviceRayTracingPropertiesNV hl_type(@nospecialize(_::Union{Type{VkStridedDeviceAddressRegionKHR}, Type{_StridedDeviceAddressRegionKHR}})) = StridedDeviceAddressRegionKHR hl_type(@nospecialize(_::Union{Type{VkTraceRaysIndirectCommandKHR}, Type{_TraceRaysIndirectCommandKHR}})) = TraceRaysIndirectCommandKHR hl_type(@nospecialize(_::Union{Type{VkTraceRaysIndirectCommand2KHR}, Type{_TraceRaysIndirectCommand2KHR}})) = TraceRaysIndirectCommand2KHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR}, Type{_PhysicalDeviceRayTracingMaintenance1FeaturesKHR}})) = PhysicalDeviceRayTracingMaintenance1FeaturesKHR hl_type(@nospecialize(_::Union{Type{VkDrmFormatModifierPropertiesListEXT}, Type{_DrmFormatModifierPropertiesListEXT}})) = DrmFormatModifierPropertiesListEXT hl_type(@nospecialize(_::Union{Type{VkDrmFormatModifierPropertiesEXT}, Type{_DrmFormatModifierPropertiesEXT}})) = DrmFormatModifierPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageDrmFormatModifierInfoEXT}, Type{_PhysicalDeviceImageDrmFormatModifierInfoEXT}})) = PhysicalDeviceImageDrmFormatModifierInfoEXT hl_type(@nospecialize(_::Union{Type{VkImageDrmFormatModifierListCreateInfoEXT}, Type{_ImageDrmFormatModifierListCreateInfoEXT}})) = ImageDrmFormatModifierListCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkImageDrmFormatModifierExplicitCreateInfoEXT}, Type{_ImageDrmFormatModifierExplicitCreateInfoEXT}})) = ImageDrmFormatModifierExplicitCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkImageDrmFormatModifierPropertiesEXT}, Type{_ImageDrmFormatModifierPropertiesEXT}})) = ImageDrmFormatModifierPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkImageStencilUsageCreateInfo}, Type{_ImageStencilUsageCreateInfo}})) = ImageStencilUsageCreateInfo hl_type(@nospecialize(_::Union{Type{VkDeviceMemoryOverallocationCreateInfoAMD}, Type{_DeviceMemoryOverallocationCreateInfoAMD}})) = DeviceMemoryOverallocationCreateInfoAMD hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMapFeaturesEXT}, Type{_PhysicalDeviceFragmentDensityMapFeaturesEXT}})) = PhysicalDeviceFragmentDensityMapFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMap2FeaturesEXT}, Type{_PhysicalDeviceFragmentDensityMap2FeaturesEXT}})) = PhysicalDeviceFragmentDensityMap2FeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM}, Type{_PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM}})) = PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMapPropertiesEXT}, Type{_PhysicalDeviceFragmentDensityMapPropertiesEXT}})) = PhysicalDeviceFragmentDensityMapPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMap2PropertiesEXT}, Type{_PhysicalDeviceFragmentDensityMap2PropertiesEXT}})) = PhysicalDeviceFragmentDensityMap2PropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM}, Type{_PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM}})) = PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM hl_type(@nospecialize(_::Union{Type{VkRenderPassFragmentDensityMapCreateInfoEXT}, Type{_RenderPassFragmentDensityMapCreateInfoEXT}})) = RenderPassFragmentDensityMapCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkSubpassFragmentDensityMapOffsetEndInfoQCOM}, Type{_SubpassFragmentDensityMapOffsetEndInfoQCOM}})) = SubpassFragmentDensityMapOffsetEndInfoQCOM hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceScalarBlockLayoutFeatures}, Type{_PhysicalDeviceScalarBlockLayoutFeatures}})) = PhysicalDeviceScalarBlockLayoutFeatures hl_type(@nospecialize(_::Union{Type{VkSurfaceProtectedCapabilitiesKHR}, Type{_SurfaceProtectedCapabilitiesKHR}})) = SurfaceProtectedCapabilitiesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceUniformBufferStandardLayoutFeatures}, Type{_PhysicalDeviceUniformBufferStandardLayoutFeatures}})) = PhysicalDeviceUniformBufferStandardLayoutFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDepthClipEnableFeaturesEXT}, Type{_PhysicalDeviceDepthClipEnableFeaturesEXT}})) = PhysicalDeviceDepthClipEnableFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPipelineRasterizationDepthClipStateCreateInfoEXT}, Type{_PipelineRasterizationDepthClipStateCreateInfoEXT}})) = PipelineRasterizationDepthClipStateCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryBudgetPropertiesEXT}, Type{_PhysicalDeviceMemoryBudgetPropertiesEXT}})) = PhysicalDeviceMemoryBudgetPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryPriorityFeaturesEXT}, Type{_PhysicalDeviceMemoryPriorityFeaturesEXT}})) = PhysicalDeviceMemoryPriorityFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkMemoryPriorityAllocateInfoEXT}, Type{_MemoryPriorityAllocateInfoEXT}})) = MemoryPriorityAllocateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT}, Type{_PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT}})) = PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBufferDeviceAddressFeatures}, Type{_PhysicalDeviceBufferDeviceAddressFeatures}})) = PhysicalDeviceBufferDeviceAddressFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBufferDeviceAddressFeaturesEXT}, Type{_PhysicalDeviceBufferDeviceAddressFeaturesEXT}})) = PhysicalDeviceBufferDeviceAddressFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkBufferDeviceAddressInfo}, Type{_BufferDeviceAddressInfo}})) = BufferDeviceAddressInfo hl_type(@nospecialize(_::Union{Type{VkBufferOpaqueCaptureAddressCreateInfo}, Type{_BufferOpaqueCaptureAddressCreateInfo}})) = BufferOpaqueCaptureAddressCreateInfo hl_type(@nospecialize(_::Union{Type{VkBufferDeviceAddressCreateInfoEXT}, Type{_BufferDeviceAddressCreateInfoEXT}})) = BufferDeviceAddressCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageViewImageFormatInfoEXT}, Type{_PhysicalDeviceImageViewImageFormatInfoEXT}})) = PhysicalDeviceImageViewImageFormatInfoEXT hl_type(@nospecialize(_::Union{Type{VkFilterCubicImageViewImageFormatPropertiesEXT}, Type{_FilterCubicImageViewImageFormatPropertiesEXT}})) = FilterCubicImageViewImageFormatPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImagelessFramebufferFeatures}, Type{_PhysicalDeviceImagelessFramebufferFeatures}})) = PhysicalDeviceImagelessFramebufferFeatures hl_type(@nospecialize(_::Union{Type{VkFramebufferAttachmentsCreateInfo}, Type{_FramebufferAttachmentsCreateInfo}})) = FramebufferAttachmentsCreateInfo hl_type(@nospecialize(_::Union{Type{VkFramebufferAttachmentImageInfo}, Type{_FramebufferAttachmentImageInfo}})) = FramebufferAttachmentImageInfo hl_type(@nospecialize(_::Union{Type{VkRenderPassAttachmentBeginInfo}, Type{_RenderPassAttachmentBeginInfo}})) = RenderPassAttachmentBeginInfo hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTextureCompressionASTCHDRFeatures}, Type{_PhysicalDeviceTextureCompressionASTCHDRFeatures}})) = PhysicalDeviceTextureCompressionASTCHDRFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCooperativeMatrixFeaturesNV}, Type{_PhysicalDeviceCooperativeMatrixFeaturesNV}})) = PhysicalDeviceCooperativeMatrixFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCooperativeMatrixPropertiesNV}, Type{_PhysicalDeviceCooperativeMatrixPropertiesNV}})) = PhysicalDeviceCooperativeMatrixPropertiesNV hl_type(@nospecialize(_::Union{Type{VkCooperativeMatrixPropertiesNV}, Type{_CooperativeMatrixPropertiesNV}})) = CooperativeMatrixPropertiesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceYcbcrImageArraysFeaturesEXT}, Type{_PhysicalDeviceYcbcrImageArraysFeaturesEXT}})) = PhysicalDeviceYcbcrImageArraysFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkImageViewHandleInfoNVX}, Type{_ImageViewHandleInfoNVX}})) = ImageViewHandleInfoNVX hl_type(@nospecialize(_::Union{Type{VkImageViewAddressPropertiesNVX}, Type{_ImageViewAddressPropertiesNVX}})) = ImageViewAddressPropertiesNVX hl_type(@nospecialize(_::Union{Type{VkPipelineCreationFeedback}, Type{_PipelineCreationFeedback}})) = PipelineCreationFeedback hl_type(@nospecialize(_::Union{Type{VkPipelineCreationFeedbackCreateInfo}, Type{_PipelineCreationFeedbackCreateInfo}})) = PipelineCreationFeedbackCreateInfo hl_type(@nospecialize(_::Union{Type{VkSurfaceFullScreenExclusiveInfoEXT}, Type{_SurfaceFullScreenExclusiveInfoEXT}})) = SurfaceFullScreenExclusiveInfoEXT hl_type(@nospecialize(_::Union{Type{VkSurfaceFullScreenExclusiveWin32InfoEXT}, Type{_SurfaceFullScreenExclusiveWin32InfoEXT}})) = SurfaceFullScreenExclusiveWin32InfoEXT hl_type(@nospecialize(_::Union{Type{VkSurfaceCapabilitiesFullScreenExclusiveEXT}, Type{_SurfaceCapabilitiesFullScreenExclusiveEXT}})) = SurfaceCapabilitiesFullScreenExclusiveEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePresentBarrierFeaturesNV}, Type{_PhysicalDevicePresentBarrierFeaturesNV}})) = PhysicalDevicePresentBarrierFeaturesNV hl_type(@nospecialize(_::Union{Type{VkSurfaceCapabilitiesPresentBarrierNV}, Type{_SurfaceCapabilitiesPresentBarrierNV}})) = SurfaceCapabilitiesPresentBarrierNV hl_type(@nospecialize(_::Union{Type{VkSwapchainPresentBarrierCreateInfoNV}, Type{_SwapchainPresentBarrierCreateInfoNV}})) = SwapchainPresentBarrierCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePerformanceQueryFeaturesKHR}, Type{_PhysicalDevicePerformanceQueryFeaturesKHR}})) = PhysicalDevicePerformanceQueryFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePerformanceQueryPropertiesKHR}, Type{_PhysicalDevicePerformanceQueryPropertiesKHR}})) = PhysicalDevicePerformanceQueryPropertiesKHR hl_type(@nospecialize(_::Union{Type{VkPerformanceCounterKHR}, Type{_PerformanceCounterKHR}})) = PerformanceCounterKHR hl_type(@nospecialize(_::Union{Type{VkPerformanceCounterDescriptionKHR}, Type{_PerformanceCounterDescriptionKHR}})) = PerformanceCounterDescriptionKHR hl_type(@nospecialize(_::Union{Type{VkQueryPoolPerformanceCreateInfoKHR}, Type{_QueryPoolPerformanceCreateInfoKHR}})) = QueryPoolPerformanceCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkAcquireProfilingLockInfoKHR}, Type{_AcquireProfilingLockInfoKHR}})) = AcquireProfilingLockInfoKHR hl_type(@nospecialize(_::Union{Type{VkPerformanceQuerySubmitInfoKHR}, Type{_PerformanceQuerySubmitInfoKHR}})) = PerformanceQuerySubmitInfoKHR hl_type(@nospecialize(_::Union{Type{VkHeadlessSurfaceCreateInfoEXT}, Type{_HeadlessSurfaceCreateInfoEXT}})) = HeadlessSurfaceCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCoverageReductionModeFeaturesNV}, Type{_PhysicalDeviceCoverageReductionModeFeaturesNV}})) = PhysicalDeviceCoverageReductionModeFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPipelineCoverageReductionStateCreateInfoNV}, Type{_PipelineCoverageReductionStateCreateInfoNV}})) = PipelineCoverageReductionStateCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkFramebufferMixedSamplesCombinationNV}, Type{_FramebufferMixedSamplesCombinationNV}})) = FramebufferMixedSamplesCombinationNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL}, Type{_PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL}})) = PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL hl_type(@nospecialize(_::Union{Type{VkPerformanceValueINTEL}, Type{_PerformanceValueINTEL}})) = PerformanceValueINTEL hl_type(@nospecialize(_::Union{Type{VkInitializePerformanceApiInfoINTEL}, Type{_InitializePerformanceApiInfoINTEL}})) = InitializePerformanceApiInfoINTEL hl_type(@nospecialize(_::Union{Type{VkQueryPoolPerformanceQueryCreateInfoINTEL}, Type{_QueryPoolPerformanceQueryCreateInfoINTEL}})) = QueryPoolPerformanceQueryCreateInfoINTEL hl_type(@nospecialize(_::Union{Type{VkPerformanceMarkerInfoINTEL}, Type{_PerformanceMarkerInfoINTEL}})) = PerformanceMarkerInfoINTEL hl_type(@nospecialize(_::Union{Type{VkPerformanceStreamMarkerInfoINTEL}, Type{_PerformanceStreamMarkerInfoINTEL}})) = PerformanceStreamMarkerInfoINTEL hl_type(@nospecialize(_::Union{Type{VkPerformanceOverrideInfoINTEL}, Type{_PerformanceOverrideInfoINTEL}})) = PerformanceOverrideInfoINTEL hl_type(@nospecialize(_::Union{Type{VkPerformanceConfigurationAcquireInfoINTEL}, Type{_PerformanceConfigurationAcquireInfoINTEL}})) = PerformanceConfigurationAcquireInfoINTEL hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderClockFeaturesKHR}, Type{_PhysicalDeviceShaderClockFeaturesKHR}})) = PhysicalDeviceShaderClockFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceIndexTypeUint8FeaturesEXT}, Type{_PhysicalDeviceIndexTypeUint8FeaturesEXT}})) = PhysicalDeviceIndexTypeUint8FeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderSMBuiltinsPropertiesNV}, Type{_PhysicalDeviceShaderSMBuiltinsPropertiesNV}})) = PhysicalDeviceShaderSMBuiltinsPropertiesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderSMBuiltinsFeaturesNV}, Type{_PhysicalDeviceShaderSMBuiltinsFeaturesNV}})) = PhysicalDeviceShaderSMBuiltinsFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT}, Type{_PhysicalDeviceFragmentShaderInterlockFeaturesEXT}})) = PhysicalDeviceFragmentShaderInterlockFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures}, Type{_PhysicalDeviceSeparateDepthStencilLayoutsFeatures}})) = PhysicalDeviceSeparateDepthStencilLayoutsFeatures hl_type(@nospecialize(_::Union{Type{VkAttachmentReferenceStencilLayout}, Type{_AttachmentReferenceStencilLayout}})) = AttachmentReferenceStencilLayout hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT}, Type{_PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT}})) = PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkAttachmentDescriptionStencilLayout}, Type{_AttachmentDescriptionStencilLayout}})) = AttachmentDescriptionStencilLayout hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR}, Type{_PhysicalDevicePipelineExecutablePropertiesFeaturesKHR}})) = PhysicalDevicePipelineExecutablePropertiesFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkPipelineInfoKHR}, Type{_PipelineInfoKHR}})) = PipelineInfoKHR hl_type(@nospecialize(_::Union{Type{VkPipelineExecutablePropertiesKHR}, Type{_PipelineExecutablePropertiesKHR}})) = PipelineExecutablePropertiesKHR hl_type(@nospecialize(_::Union{Type{VkPipelineExecutableInfoKHR}, Type{_PipelineExecutableInfoKHR}})) = PipelineExecutableInfoKHR hl_type(@nospecialize(_::Union{Type{VkPipelineExecutableStatisticKHR}, Type{_PipelineExecutableStatisticKHR}})) = PipelineExecutableStatisticKHR hl_type(@nospecialize(_::Union{Type{VkPipelineExecutableInternalRepresentationKHR}, Type{_PipelineExecutableInternalRepresentationKHR}})) = PipelineExecutableInternalRepresentationKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures}, Type{_PhysicalDeviceShaderDemoteToHelperInvocationFeatures}})) = PhysicalDeviceShaderDemoteToHelperInvocationFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT}, Type{_PhysicalDeviceTexelBufferAlignmentFeaturesEXT}})) = PhysicalDeviceTexelBufferAlignmentFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTexelBufferAlignmentProperties}, Type{_PhysicalDeviceTexelBufferAlignmentProperties}})) = PhysicalDeviceTexelBufferAlignmentProperties hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubgroupSizeControlFeatures}, Type{_PhysicalDeviceSubgroupSizeControlFeatures}})) = PhysicalDeviceSubgroupSizeControlFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubgroupSizeControlProperties}, Type{_PhysicalDeviceSubgroupSizeControlProperties}})) = PhysicalDeviceSubgroupSizeControlProperties hl_type(@nospecialize(_::Union{Type{VkPipelineShaderStageRequiredSubgroupSizeCreateInfo}, Type{_PipelineShaderStageRequiredSubgroupSizeCreateInfo}})) = PipelineShaderStageRequiredSubgroupSizeCreateInfo hl_type(@nospecialize(_::Union{Type{VkSubpassShadingPipelineCreateInfoHUAWEI}, Type{_SubpassShadingPipelineCreateInfoHUAWEI}})) = SubpassShadingPipelineCreateInfoHUAWEI hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubpassShadingPropertiesHUAWEI}, Type{_PhysicalDeviceSubpassShadingPropertiesHUAWEI}})) = PhysicalDeviceSubpassShadingPropertiesHUAWEI hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI}, Type{_PhysicalDeviceClusterCullingShaderPropertiesHUAWEI}})) = PhysicalDeviceClusterCullingShaderPropertiesHUAWEI hl_type(@nospecialize(_::Union{Type{VkMemoryOpaqueCaptureAddressAllocateInfo}, Type{_MemoryOpaqueCaptureAddressAllocateInfo}})) = MemoryOpaqueCaptureAddressAllocateInfo hl_type(@nospecialize(_::Union{Type{VkDeviceMemoryOpaqueCaptureAddressInfo}, Type{_DeviceMemoryOpaqueCaptureAddressInfo}})) = DeviceMemoryOpaqueCaptureAddressInfo hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLineRasterizationFeaturesEXT}, Type{_PhysicalDeviceLineRasterizationFeaturesEXT}})) = PhysicalDeviceLineRasterizationFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLineRasterizationPropertiesEXT}, Type{_PhysicalDeviceLineRasterizationPropertiesEXT}})) = PhysicalDeviceLineRasterizationPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPipelineRasterizationLineStateCreateInfoEXT}, Type{_PipelineRasterizationLineStateCreateInfoEXT}})) = PipelineRasterizationLineStateCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineCreationCacheControlFeatures}, Type{_PhysicalDevicePipelineCreationCacheControlFeatures}})) = PhysicalDevicePipelineCreationCacheControlFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan11Features}, Type{_PhysicalDeviceVulkan11Features}})) = PhysicalDeviceVulkan11Features hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan11Properties}, Type{_PhysicalDeviceVulkan11Properties}})) = PhysicalDeviceVulkan11Properties hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan12Features}, Type{_PhysicalDeviceVulkan12Features}})) = PhysicalDeviceVulkan12Features hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan12Properties}, Type{_PhysicalDeviceVulkan12Properties}})) = PhysicalDeviceVulkan12Properties hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan13Features}, Type{_PhysicalDeviceVulkan13Features}})) = PhysicalDeviceVulkan13Features hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan13Properties}, Type{_PhysicalDeviceVulkan13Properties}})) = PhysicalDeviceVulkan13Properties hl_type(@nospecialize(_::Union{Type{VkPipelineCompilerControlCreateInfoAMD}, Type{_PipelineCompilerControlCreateInfoAMD}})) = PipelineCompilerControlCreateInfoAMD hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCoherentMemoryFeaturesAMD}, Type{_PhysicalDeviceCoherentMemoryFeaturesAMD}})) = PhysicalDeviceCoherentMemoryFeaturesAMD hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceToolProperties}, Type{_PhysicalDeviceToolProperties}})) = PhysicalDeviceToolProperties hl_type(@nospecialize(_::Union{Type{VkSamplerCustomBorderColorCreateInfoEXT}, Type{_SamplerCustomBorderColorCreateInfoEXT}})) = SamplerCustomBorderColorCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCustomBorderColorPropertiesEXT}, Type{_PhysicalDeviceCustomBorderColorPropertiesEXT}})) = PhysicalDeviceCustomBorderColorPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCustomBorderColorFeaturesEXT}, Type{_PhysicalDeviceCustomBorderColorFeaturesEXT}})) = PhysicalDeviceCustomBorderColorFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkSamplerBorderColorComponentMappingCreateInfoEXT}, Type{_SamplerBorderColorComponentMappingCreateInfoEXT}})) = SamplerBorderColorComponentMappingCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBorderColorSwizzleFeaturesEXT}, Type{_PhysicalDeviceBorderColorSwizzleFeaturesEXT}})) = PhysicalDeviceBorderColorSwizzleFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryTrianglesDataKHR}, Type{_AccelerationStructureGeometryTrianglesDataKHR}})) = AccelerationStructureGeometryTrianglesDataKHR hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryAabbsDataKHR}, Type{_AccelerationStructureGeometryAabbsDataKHR}})) = AccelerationStructureGeometryAabbsDataKHR hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryInstancesDataKHR}, Type{_AccelerationStructureGeometryInstancesDataKHR}})) = AccelerationStructureGeometryInstancesDataKHR hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryKHR}, Type{_AccelerationStructureGeometryKHR}})) = AccelerationStructureGeometryKHR hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureBuildGeometryInfoKHR}, Type{_AccelerationStructureBuildGeometryInfoKHR}})) = AccelerationStructureBuildGeometryInfoKHR hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureBuildRangeInfoKHR}, Type{_AccelerationStructureBuildRangeInfoKHR}})) = AccelerationStructureBuildRangeInfoKHR hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureCreateInfoKHR}, Type{_AccelerationStructureCreateInfoKHR}})) = AccelerationStructureCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkAabbPositionsKHR}, Type{_AabbPositionsKHR}})) = AabbPositionsKHR hl_type(@nospecialize(_::Union{Type{VkTransformMatrixKHR}, Type{_TransformMatrixKHR}})) = TransformMatrixKHR hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureInstanceKHR}, Type{_AccelerationStructureInstanceKHR}})) = AccelerationStructureInstanceKHR hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureDeviceAddressInfoKHR}, Type{_AccelerationStructureDeviceAddressInfoKHR}})) = AccelerationStructureDeviceAddressInfoKHR hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureVersionInfoKHR}, Type{_AccelerationStructureVersionInfoKHR}})) = AccelerationStructureVersionInfoKHR hl_type(@nospecialize(_::Union{Type{VkCopyAccelerationStructureInfoKHR}, Type{_CopyAccelerationStructureInfoKHR}})) = CopyAccelerationStructureInfoKHR hl_type(@nospecialize(_::Union{Type{VkCopyAccelerationStructureToMemoryInfoKHR}, Type{_CopyAccelerationStructureToMemoryInfoKHR}})) = CopyAccelerationStructureToMemoryInfoKHR hl_type(@nospecialize(_::Union{Type{VkCopyMemoryToAccelerationStructureInfoKHR}, Type{_CopyMemoryToAccelerationStructureInfoKHR}})) = CopyMemoryToAccelerationStructureInfoKHR hl_type(@nospecialize(_::Union{Type{VkRayTracingPipelineInterfaceCreateInfoKHR}, Type{_RayTracingPipelineInterfaceCreateInfoKHR}})) = RayTracingPipelineInterfaceCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkPipelineLibraryCreateInfoKHR}, Type{_PipelineLibraryCreateInfoKHR}})) = PipelineLibraryCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExtendedDynamicStateFeaturesEXT}, Type{_PhysicalDeviceExtendedDynamicStateFeaturesEXT}})) = PhysicalDeviceExtendedDynamicStateFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExtendedDynamicState2FeaturesEXT}, Type{_PhysicalDeviceExtendedDynamicState2FeaturesEXT}})) = PhysicalDeviceExtendedDynamicState2FeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExtendedDynamicState3FeaturesEXT}, Type{_PhysicalDeviceExtendedDynamicState3FeaturesEXT}})) = PhysicalDeviceExtendedDynamicState3FeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExtendedDynamicState3PropertiesEXT}, Type{_PhysicalDeviceExtendedDynamicState3PropertiesEXT}})) = PhysicalDeviceExtendedDynamicState3PropertiesEXT hl_type(@nospecialize(_::Union{Type{VkColorBlendEquationEXT}, Type{_ColorBlendEquationEXT}})) = ColorBlendEquationEXT hl_type(@nospecialize(_::Union{Type{VkColorBlendAdvancedEXT}, Type{_ColorBlendAdvancedEXT}})) = ColorBlendAdvancedEXT hl_type(@nospecialize(_::Union{Type{VkRenderPassTransformBeginInfoQCOM}, Type{_RenderPassTransformBeginInfoQCOM}})) = RenderPassTransformBeginInfoQCOM hl_type(@nospecialize(_::Union{Type{VkCopyCommandTransformInfoQCOM}, Type{_CopyCommandTransformInfoQCOM}})) = CopyCommandTransformInfoQCOM hl_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceRenderPassTransformInfoQCOM}, Type{_CommandBufferInheritanceRenderPassTransformInfoQCOM}})) = CommandBufferInheritanceRenderPassTransformInfoQCOM hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDiagnosticsConfigFeaturesNV}, Type{_PhysicalDeviceDiagnosticsConfigFeaturesNV}})) = PhysicalDeviceDiagnosticsConfigFeaturesNV hl_type(@nospecialize(_::Union{Type{VkDeviceDiagnosticsConfigCreateInfoNV}, Type{_DeviceDiagnosticsConfigCreateInfoNV}})) = DeviceDiagnosticsConfigCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures}, Type{_PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures}})) = PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR}, Type{_PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR}})) = PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRobustness2FeaturesEXT}, Type{_PhysicalDeviceRobustness2FeaturesEXT}})) = PhysicalDeviceRobustness2FeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRobustness2PropertiesEXT}, Type{_PhysicalDeviceRobustness2PropertiesEXT}})) = PhysicalDeviceRobustness2PropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageRobustnessFeatures}, Type{_PhysicalDeviceImageRobustnessFeatures}})) = PhysicalDeviceImageRobustnessFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR}, Type{_PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR}})) = PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDevice4444FormatsFeaturesEXT}, Type{_PhysicalDevice4444FormatsFeaturesEXT}})) = PhysicalDevice4444FormatsFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubpassShadingFeaturesHUAWEI}, Type{_PhysicalDeviceSubpassShadingFeaturesHUAWEI}})) = PhysicalDeviceSubpassShadingFeaturesHUAWEI hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI}, Type{_PhysicalDeviceClusterCullingShaderFeaturesHUAWEI}})) = PhysicalDeviceClusterCullingShaderFeaturesHUAWEI hl_type(@nospecialize(_::Union{Type{VkBufferCopy2}, Type{_BufferCopy2}})) = BufferCopy2 hl_type(@nospecialize(_::Union{Type{VkImageCopy2}, Type{_ImageCopy2}})) = ImageCopy2 hl_type(@nospecialize(_::Union{Type{VkImageBlit2}, Type{_ImageBlit2}})) = ImageBlit2 hl_type(@nospecialize(_::Union{Type{VkBufferImageCopy2}, Type{_BufferImageCopy2}})) = BufferImageCopy2 hl_type(@nospecialize(_::Union{Type{VkImageResolve2}, Type{_ImageResolve2}})) = ImageResolve2 hl_type(@nospecialize(_::Union{Type{VkCopyBufferInfo2}, Type{_CopyBufferInfo2}})) = CopyBufferInfo2 hl_type(@nospecialize(_::Union{Type{VkCopyImageInfo2}, Type{_CopyImageInfo2}})) = CopyImageInfo2 hl_type(@nospecialize(_::Union{Type{VkBlitImageInfo2}, Type{_BlitImageInfo2}})) = BlitImageInfo2 hl_type(@nospecialize(_::Union{Type{VkCopyBufferToImageInfo2}, Type{_CopyBufferToImageInfo2}})) = CopyBufferToImageInfo2 hl_type(@nospecialize(_::Union{Type{VkCopyImageToBufferInfo2}, Type{_CopyImageToBufferInfo2}})) = CopyImageToBufferInfo2 hl_type(@nospecialize(_::Union{Type{VkResolveImageInfo2}, Type{_ResolveImageInfo2}})) = ResolveImageInfo2 hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT}, Type{_PhysicalDeviceShaderImageAtomicInt64FeaturesEXT}})) = PhysicalDeviceShaderImageAtomicInt64FeaturesEXT hl_type(@nospecialize(_::Union{Type{VkFragmentShadingRateAttachmentInfoKHR}, Type{_FragmentShadingRateAttachmentInfoKHR}})) = FragmentShadingRateAttachmentInfoKHR hl_type(@nospecialize(_::Union{Type{VkPipelineFragmentShadingRateStateCreateInfoKHR}, Type{_PipelineFragmentShadingRateStateCreateInfoKHR}})) = PipelineFragmentShadingRateStateCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRateFeaturesKHR}, Type{_PhysicalDeviceFragmentShadingRateFeaturesKHR}})) = PhysicalDeviceFragmentShadingRateFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRatePropertiesKHR}, Type{_PhysicalDeviceFragmentShadingRatePropertiesKHR}})) = PhysicalDeviceFragmentShadingRatePropertiesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRateKHR}, Type{_PhysicalDeviceFragmentShadingRateKHR}})) = PhysicalDeviceFragmentShadingRateKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderTerminateInvocationFeatures}, Type{_PhysicalDeviceShaderTerminateInvocationFeatures}})) = PhysicalDeviceShaderTerminateInvocationFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV}, Type{_PhysicalDeviceFragmentShadingRateEnumsFeaturesNV}})) = PhysicalDeviceFragmentShadingRateEnumsFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV}, Type{_PhysicalDeviceFragmentShadingRateEnumsPropertiesNV}})) = PhysicalDeviceFragmentShadingRateEnumsPropertiesNV hl_type(@nospecialize(_::Union{Type{VkPipelineFragmentShadingRateEnumStateCreateInfoNV}, Type{_PipelineFragmentShadingRateEnumStateCreateInfoNV}})) = PipelineFragmentShadingRateEnumStateCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureBuildSizesInfoKHR}, Type{_AccelerationStructureBuildSizesInfoKHR}})) = AccelerationStructureBuildSizesInfoKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImage2DViewOf3DFeaturesEXT}, Type{_PhysicalDeviceImage2DViewOf3DFeaturesEXT}})) = PhysicalDeviceImage2DViewOf3DFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT}, Type{_PhysicalDeviceMutableDescriptorTypeFeaturesEXT}})) = PhysicalDeviceMutableDescriptorTypeFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkMutableDescriptorTypeListEXT}, Type{_MutableDescriptorTypeListEXT}})) = MutableDescriptorTypeListEXT hl_type(@nospecialize(_::Union{Type{VkMutableDescriptorTypeCreateInfoEXT}, Type{_MutableDescriptorTypeCreateInfoEXT}})) = MutableDescriptorTypeCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDepthClipControlFeaturesEXT}, Type{_PhysicalDeviceDepthClipControlFeaturesEXT}})) = PhysicalDeviceDepthClipControlFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPipelineViewportDepthClipControlCreateInfoEXT}, Type{_PipelineViewportDepthClipControlCreateInfoEXT}})) = PipelineViewportDepthClipControlCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT}, Type{_PhysicalDeviceVertexInputDynamicStateFeaturesEXT}})) = PhysicalDeviceVertexInputDynamicStateFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalMemoryRDMAFeaturesNV}, Type{_PhysicalDeviceExternalMemoryRDMAFeaturesNV}})) = PhysicalDeviceExternalMemoryRDMAFeaturesNV hl_type(@nospecialize(_::Union{Type{VkVertexInputBindingDescription2EXT}, Type{_VertexInputBindingDescription2EXT}})) = VertexInputBindingDescription2EXT hl_type(@nospecialize(_::Union{Type{VkVertexInputAttributeDescription2EXT}, Type{_VertexInputAttributeDescription2EXT}})) = VertexInputAttributeDescription2EXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceColorWriteEnableFeaturesEXT}, Type{_PhysicalDeviceColorWriteEnableFeaturesEXT}})) = PhysicalDeviceColorWriteEnableFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPipelineColorWriteCreateInfoEXT}, Type{_PipelineColorWriteCreateInfoEXT}})) = PipelineColorWriteCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkMemoryBarrier2}, Type{_MemoryBarrier2}})) = MemoryBarrier2 hl_type(@nospecialize(_::Union{Type{VkImageMemoryBarrier2}, Type{_ImageMemoryBarrier2}})) = ImageMemoryBarrier2 hl_type(@nospecialize(_::Union{Type{VkBufferMemoryBarrier2}, Type{_BufferMemoryBarrier2}})) = BufferMemoryBarrier2 hl_type(@nospecialize(_::Union{Type{VkDependencyInfo}, Type{_DependencyInfo}})) = DependencyInfo hl_type(@nospecialize(_::Union{Type{VkSemaphoreSubmitInfo}, Type{_SemaphoreSubmitInfo}})) = SemaphoreSubmitInfo hl_type(@nospecialize(_::Union{Type{VkCommandBufferSubmitInfo}, Type{_CommandBufferSubmitInfo}})) = CommandBufferSubmitInfo hl_type(@nospecialize(_::Union{Type{VkSubmitInfo2}, Type{_SubmitInfo2}})) = SubmitInfo2 hl_type(@nospecialize(_::Union{Type{VkQueueFamilyCheckpointProperties2NV}, Type{_QueueFamilyCheckpointProperties2NV}})) = QueueFamilyCheckpointProperties2NV hl_type(@nospecialize(_::Union{Type{VkCheckpointData2NV}, Type{_CheckpointData2NV}})) = CheckpointData2NV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSynchronization2Features}, Type{_PhysicalDeviceSynchronization2Features}})) = PhysicalDeviceSynchronization2Features hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT}, Type{_PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT}})) = PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLegacyDitheringFeaturesEXT}, Type{_PhysicalDeviceLegacyDitheringFeaturesEXT}})) = PhysicalDeviceLegacyDitheringFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT}, Type{_PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT}})) = PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkSubpassResolvePerformanceQueryEXT}, Type{_SubpassResolvePerformanceQueryEXT}})) = SubpassResolvePerformanceQueryEXT hl_type(@nospecialize(_::Union{Type{VkMultisampledRenderToSingleSampledInfoEXT}, Type{_MultisampledRenderToSingleSampledInfoEXT}})) = MultisampledRenderToSingleSampledInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineProtectedAccessFeaturesEXT}, Type{_PhysicalDevicePipelineProtectedAccessFeaturesEXT}})) = PhysicalDevicePipelineProtectedAccessFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkQueueFamilyVideoPropertiesKHR}, Type{_QueueFamilyVideoPropertiesKHR}})) = QueueFamilyVideoPropertiesKHR hl_type(@nospecialize(_::Union{Type{VkQueueFamilyQueryResultStatusPropertiesKHR}, Type{_QueueFamilyQueryResultStatusPropertiesKHR}})) = QueueFamilyQueryResultStatusPropertiesKHR hl_type(@nospecialize(_::Union{Type{VkVideoProfileListInfoKHR}, Type{_VideoProfileListInfoKHR}})) = VideoProfileListInfoKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVideoFormatInfoKHR}, Type{_PhysicalDeviceVideoFormatInfoKHR}})) = PhysicalDeviceVideoFormatInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoFormatPropertiesKHR}, Type{_VideoFormatPropertiesKHR}})) = VideoFormatPropertiesKHR hl_type(@nospecialize(_::Union{Type{VkVideoProfileInfoKHR}, Type{_VideoProfileInfoKHR}})) = VideoProfileInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoCapabilitiesKHR}, Type{_VideoCapabilitiesKHR}})) = VideoCapabilitiesKHR hl_type(@nospecialize(_::Union{Type{VkVideoSessionMemoryRequirementsKHR}, Type{_VideoSessionMemoryRequirementsKHR}})) = VideoSessionMemoryRequirementsKHR hl_type(@nospecialize(_::Union{Type{VkBindVideoSessionMemoryInfoKHR}, Type{_BindVideoSessionMemoryInfoKHR}})) = BindVideoSessionMemoryInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoPictureResourceInfoKHR}, Type{_VideoPictureResourceInfoKHR}})) = VideoPictureResourceInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoReferenceSlotInfoKHR}, Type{_VideoReferenceSlotInfoKHR}})) = VideoReferenceSlotInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeCapabilitiesKHR}, Type{_VideoDecodeCapabilitiesKHR}})) = VideoDecodeCapabilitiesKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeUsageInfoKHR}, Type{_VideoDecodeUsageInfoKHR}})) = VideoDecodeUsageInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeInfoKHR}, Type{_VideoDecodeInfoKHR}})) = VideoDecodeInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeH264ProfileInfoKHR}, Type{_VideoDecodeH264ProfileInfoKHR}})) = VideoDecodeH264ProfileInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeH264CapabilitiesKHR}, Type{_VideoDecodeH264CapabilitiesKHR}})) = VideoDecodeH264CapabilitiesKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeH264SessionParametersAddInfoKHR}, Type{_VideoDecodeH264SessionParametersAddInfoKHR}})) = VideoDecodeH264SessionParametersAddInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeH264SessionParametersCreateInfoKHR}, Type{_VideoDecodeH264SessionParametersCreateInfoKHR}})) = VideoDecodeH264SessionParametersCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeH264PictureInfoKHR}, Type{_VideoDecodeH264PictureInfoKHR}})) = VideoDecodeH264PictureInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeH264DpbSlotInfoKHR}, Type{_VideoDecodeH264DpbSlotInfoKHR}})) = VideoDecodeH264DpbSlotInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeH265ProfileInfoKHR}, Type{_VideoDecodeH265ProfileInfoKHR}})) = VideoDecodeH265ProfileInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeH265CapabilitiesKHR}, Type{_VideoDecodeH265CapabilitiesKHR}})) = VideoDecodeH265CapabilitiesKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeH265SessionParametersAddInfoKHR}, Type{_VideoDecodeH265SessionParametersAddInfoKHR}})) = VideoDecodeH265SessionParametersAddInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeH265SessionParametersCreateInfoKHR}, Type{_VideoDecodeH265SessionParametersCreateInfoKHR}})) = VideoDecodeH265SessionParametersCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeH265PictureInfoKHR}, Type{_VideoDecodeH265PictureInfoKHR}})) = VideoDecodeH265PictureInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoDecodeH265DpbSlotInfoKHR}, Type{_VideoDecodeH265DpbSlotInfoKHR}})) = VideoDecodeH265DpbSlotInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoSessionCreateInfoKHR}, Type{_VideoSessionCreateInfoKHR}})) = VideoSessionCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoSessionParametersCreateInfoKHR}, Type{_VideoSessionParametersCreateInfoKHR}})) = VideoSessionParametersCreateInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoSessionParametersUpdateInfoKHR}, Type{_VideoSessionParametersUpdateInfoKHR}})) = VideoSessionParametersUpdateInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoBeginCodingInfoKHR}, Type{_VideoBeginCodingInfoKHR}})) = VideoBeginCodingInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoEndCodingInfoKHR}, Type{_VideoEndCodingInfoKHR}})) = VideoEndCodingInfoKHR hl_type(@nospecialize(_::Union{Type{VkVideoCodingControlInfoKHR}, Type{_VideoCodingControlInfoKHR}})) = VideoCodingControlInfoKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceInheritedViewportScissorFeaturesNV}, Type{_PhysicalDeviceInheritedViewportScissorFeaturesNV}})) = PhysicalDeviceInheritedViewportScissorFeaturesNV hl_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceViewportScissorInfoNV}, Type{_CommandBufferInheritanceViewportScissorInfoNV}})) = CommandBufferInheritanceViewportScissorInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT}, Type{_PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT}})) = PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProvokingVertexFeaturesEXT}, Type{_PhysicalDeviceProvokingVertexFeaturesEXT}})) = PhysicalDeviceProvokingVertexFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProvokingVertexPropertiesEXT}, Type{_PhysicalDeviceProvokingVertexPropertiesEXT}})) = PhysicalDeviceProvokingVertexPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPipelineRasterizationProvokingVertexStateCreateInfoEXT}, Type{_PipelineRasterizationProvokingVertexStateCreateInfoEXT}})) = PipelineRasterizationProvokingVertexStateCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkCuModuleCreateInfoNVX}, Type{_CuModuleCreateInfoNVX}})) = CuModuleCreateInfoNVX hl_type(@nospecialize(_::Union{Type{VkCuFunctionCreateInfoNVX}, Type{_CuFunctionCreateInfoNVX}})) = CuFunctionCreateInfoNVX hl_type(@nospecialize(_::Union{Type{VkCuLaunchInfoNVX}, Type{_CuLaunchInfoNVX}})) = CuLaunchInfoNVX hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorBufferFeaturesEXT}, Type{_PhysicalDeviceDescriptorBufferFeaturesEXT}})) = PhysicalDeviceDescriptorBufferFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorBufferPropertiesEXT}, Type{_PhysicalDeviceDescriptorBufferPropertiesEXT}})) = PhysicalDeviceDescriptorBufferPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT}, Type{_PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT}})) = PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkDescriptorAddressInfoEXT}, Type{_DescriptorAddressInfoEXT}})) = DescriptorAddressInfoEXT hl_type(@nospecialize(_::Union{Type{VkDescriptorBufferBindingInfoEXT}, Type{_DescriptorBufferBindingInfoEXT}})) = DescriptorBufferBindingInfoEXT hl_type(@nospecialize(_::Union{Type{VkDescriptorBufferBindingPushDescriptorBufferHandleEXT}, Type{_DescriptorBufferBindingPushDescriptorBufferHandleEXT}})) = DescriptorBufferBindingPushDescriptorBufferHandleEXT hl_type(@nospecialize(_::Union{Type{VkDescriptorGetInfoEXT}, Type{_DescriptorGetInfoEXT}})) = DescriptorGetInfoEXT hl_type(@nospecialize(_::Union{Type{VkBufferCaptureDescriptorDataInfoEXT}, Type{_BufferCaptureDescriptorDataInfoEXT}})) = BufferCaptureDescriptorDataInfoEXT hl_type(@nospecialize(_::Union{Type{VkImageCaptureDescriptorDataInfoEXT}, Type{_ImageCaptureDescriptorDataInfoEXT}})) = ImageCaptureDescriptorDataInfoEXT hl_type(@nospecialize(_::Union{Type{VkImageViewCaptureDescriptorDataInfoEXT}, Type{_ImageViewCaptureDescriptorDataInfoEXT}})) = ImageViewCaptureDescriptorDataInfoEXT hl_type(@nospecialize(_::Union{Type{VkSamplerCaptureDescriptorDataInfoEXT}, Type{_SamplerCaptureDescriptorDataInfoEXT}})) = SamplerCaptureDescriptorDataInfoEXT hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureCaptureDescriptorDataInfoEXT}, Type{_AccelerationStructureCaptureDescriptorDataInfoEXT}})) = AccelerationStructureCaptureDescriptorDataInfoEXT hl_type(@nospecialize(_::Union{Type{VkOpaqueCaptureDescriptorDataCreateInfoEXT}, Type{_OpaqueCaptureDescriptorDataCreateInfoEXT}})) = OpaqueCaptureDescriptorDataCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderIntegerDotProductFeatures}, Type{_PhysicalDeviceShaderIntegerDotProductFeatures}})) = PhysicalDeviceShaderIntegerDotProductFeatures hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderIntegerDotProductProperties}, Type{_PhysicalDeviceShaderIntegerDotProductProperties}})) = PhysicalDeviceShaderIntegerDotProductProperties hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDrmPropertiesEXT}, Type{_PhysicalDeviceDrmPropertiesEXT}})) = PhysicalDeviceDrmPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR}, Type{_PhysicalDeviceFragmentShaderBarycentricFeaturesKHR}})) = PhysicalDeviceFragmentShaderBarycentricFeaturesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR}, Type{_PhysicalDeviceFragmentShaderBarycentricPropertiesKHR}})) = PhysicalDeviceFragmentShaderBarycentricPropertiesKHR hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingMotionBlurFeaturesNV}, Type{_PhysicalDeviceRayTracingMotionBlurFeaturesNV}})) = PhysicalDeviceRayTracingMotionBlurFeaturesNV hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryMotionTrianglesDataNV}, Type{_AccelerationStructureGeometryMotionTrianglesDataNV}})) = AccelerationStructureGeometryMotionTrianglesDataNV hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureMotionInfoNV}, Type{_AccelerationStructureMotionInfoNV}})) = AccelerationStructureMotionInfoNV hl_type(@nospecialize(_::Union{Type{VkSRTDataNV}, Type{_SRTDataNV}})) = SRTDataNV hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureSRTMotionInstanceNV}, Type{_AccelerationStructureSRTMotionInstanceNV}})) = AccelerationStructureSRTMotionInstanceNV hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureMatrixMotionInstanceNV}, Type{_AccelerationStructureMatrixMotionInstanceNV}})) = AccelerationStructureMatrixMotionInstanceNV hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureMotionInstanceNV}, Type{_AccelerationStructureMotionInstanceNV}})) = AccelerationStructureMotionInstanceNV hl_type(@nospecialize(_::Union{Type{VkMemoryGetRemoteAddressInfoNV}, Type{_MemoryGetRemoteAddressInfoNV}})) = MemoryGetRemoteAddressInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT}, Type{_PhysicalDeviceRGBA10X6FormatsFeaturesEXT}})) = PhysicalDeviceRGBA10X6FormatsFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkFormatProperties3}, Type{_FormatProperties3}})) = FormatProperties3 hl_type(@nospecialize(_::Union{Type{VkDrmFormatModifierPropertiesList2EXT}, Type{_DrmFormatModifierPropertiesList2EXT}})) = DrmFormatModifierPropertiesList2EXT hl_type(@nospecialize(_::Union{Type{VkDrmFormatModifierProperties2EXT}, Type{_DrmFormatModifierProperties2EXT}})) = DrmFormatModifierProperties2EXT hl_type(@nospecialize(_::Union{Type{VkPipelineRenderingCreateInfo}, Type{_PipelineRenderingCreateInfo}})) = PipelineRenderingCreateInfo hl_type(@nospecialize(_::Union{Type{VkRenderingInfo}, Type{_RenderingInfo}})) = RenderingInfo hl_type(@nospecialize(_::Union{Type{VkRenderingAttachmentInfo}, Type{_RenderingAttachmentInfo}})) = RenderingAttachmentInfo hl_type(@nospecialize(_::Union{Type{VkRenderingFragmentShadingRateAttachmentInfoKHR}, Type{_RenderingFragmentShadingRateAttachmentInfoKHR}})) = RenderingFragmentShadingRateAttachmentInfoKHR hl_type(@nospecialize(_::Union{Type{VkRenderingFragmentDensityMapAttachmentInfoEXT}, Type{_RenderingFragmentDensityMapAttachmentInfoEXT}})) = RenderingFragmentDensityMapAttachmentInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDynamicRenderingFeatures}, Type{_PhysicalDeviceDynamicRenderingFeatures}})) = PhysicalDeviceDynamicRenderingFeatures hl_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceRenderingInfo}, Type{_CommandBufferInheritanceRenderingInfo}})) = CommandBufferInheritanceRenderingInfo hl_type(@nospecialize(_::Union{Type{VkAttachmentSampleCountInfoAMD}, Type{_AttachmentSampleCountInfoAMD}})) = AttachmentSampleCountInfoAMD hl_type(@nospecialize(_::Union{Type{VkMultiviewPerViewAttributesInfoNVX}, Type{_MultiviewPerViewAttributesInfoNVX}})) = MultiviewPerViewAttributesInfoNVX hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageViewMinLodFeaturesEXT}, Type{_PhysicalDeviceImageViewMinLodFeaturesEXT}})) = PhysicalDeviceImageViewMinLodFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkImageViewMinLodCreateInfoEXT}, Type{_ImageViewMinLodCreateInfoEXT}})) = ImageViewMinLodCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT}, Type{_PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT}})) = PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLinearColorAttachmentFeaturesNV}, Type{_PhysicalDeviceLinearColorAttachmentFeaturesNV}})) = PhysicalDeviceLinearColorAttachmentFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT}, Type{_PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT}})) = PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT}, Type{_PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT}})) = PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkGraphicsPipelineLibraryCreateInfoEXT}, Type{_GraphicsPipelineLibraryCreateInfoEXT}})) = GraphicsPipelineLibraryCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE}, Type{_PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE}})) = PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE hl_type(@nospecialize(_::Union{Type{VkDescriptorSetBindingReferenceVALVE}, Type{_DescriptorSetBindingReferenceVALVE}})) = DescriptorSetBindingReferenceVALVE hl_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutHostMappingInfoVALVE}, Type{_DescriptorSetLayoutHostMappingInfoVALVE}})) = DescriptorSetLayoutHostMappingInfoVALVE hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT}, Type{_PhysicalDeviceShaderModuleIdentifierFeaturesEXT}})) = PhysicalDeviceShaderModuleIdentifierFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT}, Type{_PhysicalDeviceShaderModuleIdentifierPropertiesEXT}})) = PhysicalDeviceShaderModuleIdentifierPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPipelineShaderStageModuleIdentifierCreateInfoEXT}, Type{_PipelineShaderStageModuleIdentifierCreateInfoEXT}})) = PipelineShaderStageModuleIdentifierCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkShaderModuleIdentifierEXT}, Type{_ShaderModuleIdentifierEXT}})) = ShaderModuleIdentifierEXT hl_type(@nospecialize(_::Union{Type{VkImageCompressionControlEXT}, Type{_ImageCompressionControlEXT}})) = ImageCompressionControlEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageCompressionControlFeaturesEXT}, Type{_PhysicalDeviceImageCompressionControlFeaturesEXT}})) = PhysicalDeviceImageCompressionControlFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkImageCompressionPropertiesEXT}, Type{_ImageCompressionPropertiesEXT}})) = ImageCompressionPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT}, Type{_PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT}})) = PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkImageSubresource2EXT}, Type{_ImageSubresource2EXT}})) = ImageSubresource2EXT hl_type(@nospecialize(_::Union{Type{VkSubresourceLayout2EXT}, Type{_SubresourceLayout2EXT}})) = SubresourceLayout2EXT hl_type(@nospecialize(_::Union{Type{VkRenderPassCreationControlEXT}, Type{_RenderPassCreationControlEXT}})) = RenderPassCreationControlEXT hl_type(@nospecialize(_::Union{Type{VkRenderPassCreationFeedbackInfoEXT}, Type{_RenderPassCreationFeedbackInfoEXT}})) = RenderPassCreationFeedbackInfoEXT hl_type(@nospecialize(_::Union{Type{VkRenderPassCreationFeedbackCreateInfoEXT}, Type{_RenderPassCreationFeedbackCreateInfoEXT}})) = RenderPassCreationFeedbackCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkRenderPassSubpassFeedbackInfoEXT}, Type{_RenderPassSubpassFeedbackInfoEXT}})) = RenderPassSubpassFeedbackInfoEXT hl_type(@nospecialize(_::Union{Type{VkRenderPassSubpassFeedbackCreateInfoEXT}, Type{_RenderPassSubpassFeedbackCreateInfoEXT}})) = RenderPassSubpassFeedbackCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT}, Type{_PhysicalDeviceSubpassMergeFeedbackFeaturesEXT}})) = PhysicalDeviceSubpassMergeFeedbackFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkMicromapBuildInfoEXT}, Type{_MicromapBuildInfoEXT}})) = MicromapBuildInfoEXT hl_type(@nospecialize(_::Union{Type{VkMicromapCreateInfoEXT}, Type{_MicromapCreateInfoEXT}})) = MicromapCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkMicromapVersionInfoEXT}, Type{_MicromapVersionInfoEXT}})) = MicromapVersionInfoEXT hl_type(@nospecialize(_::Union{Type{VkCopyMicromapInfoEXT}, Type{_CopyMicromapInfoEXT}})) = CopyMicromapInfoEXT hl_type(@nospecialize(_::Union{Type{VkCopyMicromapToMemoryInfoEXT}, Type{_CopyMicromapToMemoryInfoEXT}})) = CopyMicromapToMemoryInfoEXT hl_type(@nospecialize(_::Union{Type{VkCopyMemoryToMicromapInfoEXT}, Type{_CopyMemoryToMicromapInfoEXT}})) = CopyMemoryToMicromapInfoEXT hl_type(@nospecialize(_::Union{Type{VkMicromapBuildSizesInfoEXT}, Type{_MicromapBuildSizesInfoEXT}})) = MicromapBuildSizesInfoEXT hl_type(@nospecialize(_::Union{Type{VkMicromapUsageEXT}, Type{_MicromapUsageEXT}})) = MicromapUsageEXT hl_type(@nospecialize(_::Union{Type{VkMicromapTriangleEXT}, Type{_MicromapTriangleEXT}})) = MicromapTriangleEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceOpacityMicromapFeaturesEXT}, Type{_PhysicalDeviceOpacityMicromapFeaturesEXT}})) = PhysicalDeviceOpacityMicromapFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceOpacityMicromapPropertiesEXT}, Type{_PhysicalDeviceOpacityMicromapPropertiesEXT}})) = PhysicalDeviceOpacityMicromapPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureTrianglesOpacityMicromapEXT}, Type{_AccelerationStructureTrianglesOpacityMicromapEXT}})) = AccelerationStructureTrianglesOpacityMicromapEXT hl_type(@nospecialize(_::Union{Type{VkPipelinePropertiesIdentifierEXT}, Type{_PipelinePropertiesIdentifierEXT}})) = PipelinePropertiesIdentifierEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelinePropertiesFeaturesEXT}, Type{_PhysicalDevicePipelinePropertiesFeaturesEXT}})) = PhysicalDevicePipelinePropertiesFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD}, Type{_PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD}})) = PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT}, Type{_PhysicalDeviceNonSeamlessCubeMapFeaturesEXT}})) = PhysicalDeviceNonSeamlessCubeMapFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineRobustnessFeaturesEXT}, Type{_PhysicalDevicePipelineRobustnessFeaturesEXT}})) = PhysicalDevicePipelineRobustnessFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPipelineRobustnessCreateInfoEXT}, Type{_PipelineRobustnessCreateInfoEXT}})) = PipelineRobustnessCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineRobustnessPropertiesEXT}, Type{_PhysicalDevicePipelineRobustnessPropertiesEXT}})) = PhysicalDevicePipelineRobustnessPropertiesEXT hl_type(@nospecialize(_::Union{Type{VkImageViewSampleWeightCreateInfoQCOM}, Type{_ImageViewSampleWeightCreateInfoQCOM}})) = ImageViewSampleWeightCreateInfoQCOM hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageProcessingFeaturesQCOM}, Type{_PhysicalDeviceImageProcessingFeaturesQCOM}})) = PhysicalDeviceImageProcessingFeaturesQCOM hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageProcessingPropertiesQCOM}, Type{_PhysicalDeviceImageProcessingPropertiesQCOM}})) = PhysicalDeviceImageProcessingPropertiesQCOM hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTilePropertiesFeaturesQCOM}, Type{_PhysicalDeviceTilePropertiesFeaturesQCOM}})) = PhysicalDeviceTilePropertiesFeaturesQCOM hl_type(@nospecialize(_::Union{Type{VkTilePropertiesQCOM}, Type{_TilePropertiesQCOM}})) = TilePropertiesQCOM hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAmigoProfilingFeaturesSEC}, Type{_PhysicalDeviceAmigoProfilingFeaturesSEC}})) = PhysicalDeviceAmigoProfilingFeaturesSEC hl_type(@nospecialize(_::Union{Type{VkAmigoProfilingSubmitInfoSEC}, Type{_AmigoProfilingSubmitInfoSEC}})) = AmigoProfilingSubmitInfoSEC hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT}, Type{_PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT}})) = PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDepthClampZeroOneFeaturesEXT}, Type{_PhysicalDeviceDepthClampZeroOneFeaturesEXT}})) = PhysicalDeviceDepthClampZeroOneFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAddressBindingReportFeaturesEXT}, Type{_PhysicalDeviceAddressBindingReportFeaturesEXT}})) = PhysicalDeviceAddressBindingReportFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkDeviceAddressBindingCallbackDataEXT}, Type{_DeviceAddressBindingCallbackDataEXT}})) = DeviceAddressBindingCallbackDataEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceOpticalFlowFeaturesNV}, Type{_PhysicalDeviceOpticalFlowFeaturesNV}})) = PhysicalDeviceOpticalFlowFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceOpticalFlowPropertiesNV}, Type{_PhysicalDeviceOpticalFlowPropertiesNV}})) = PhysicalDeviceOpticalFlowPropertiesNV hl_type(@nospecialize(_::Union{Type{VkOpticalFlowImageFormatInfoNV}, Type{_OpticalFlowImageFormatInfoNV}})) = OpticalFlowImageFormatInfoNV hl_type(@nospecialize(_::Union{Type{VkOpticalFlowImageFormatPropertiesNV}, Type{_OpticalFlowImageFormatPropertiesNV}})) = OpticalFlowImageFormatPropertiesNV hl_type(@nospecialize(_::Union{Type{VkOpticalFlowSessionCreateInfoNV}, Type{_OpticalFlowSessionCreateInfoNV}})) = OpticalFlowSessionCreateInfoNV hl_type(@nospecialize(_::Union{Type{VkOpticalFlowSessionCreatePrivateDataInfoNV}, Type{_OpticalFlowSessionCreatePrivateDataInfoNV}})) = OpticalFlowSessionCreatePrivateDataInfoNV hl_type(@nospecialize(_::Union{Type{VkOpticalFlowExecuteInfoNV}, Type{_OpticalFlowExecuteInfoNV}})) = OpticalFlowExecuteInfoNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFaultFeaturesEXT}, Type{_PhysicalDeviceFaultFeaturesEXT}})) = PhysicalDeviceFaultFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkDeviceFaultAddressInfoEXT}, Type{_DeviceFaultAddressInfoEXT}})) = DeviceFaultAddressInfoEXT hl_type(@nospecialize(_::Union{Type{VkDeviceFaultVendorInfoEXT}, Type{_DeviceFaultVendorInfoEXT}})) = DeviceFaultVendorInfoEXT hl_type(@nospecialize(_::Union{Type{VkDeviceFaultCountsEXT}, Type{_DeviceFaultCountsEXT}})) = DeviceFaultCountsEXT hl_type(@nospecialize(_::Union{Type{VkDeviceFaultInfoEXT}, Type{_DeviceFaultInfoEXT}})) = DeviceFaultInfoEXT hl_type(@nospecialize(_::Union{Type{VkDeviceFaultVendorBinaryHeaderVersionOneEXT}, Type{_DeviceFaultVendorBinaryHeaderVersionOneEXT}})) = DeviceFaultVendorBinaryHeaderVersionOneEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT}, Type{_PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT}})) = PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT hl_type(@nospecialize(_::Union{Type{VkDecompressMemoryRegionNV}, Type{_DecompressMemoryRegionNV}})) = DecompressMemoryRegionNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM}, Type{_PhysicalDeviceShaderCoreBuiltinsPropertiesARM}})) = PhysicalDeviceShaderCoreBuiltinsPropertiesARM hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM}, Type{_PhysicalDeviceShaderCoreBuiltinsFeaturesARM}})) = PhysicalDeviceShaderCoreBuiltinsFeaturesARM hl_type(@nospecialize(_::Union{Type{VkSurfacePresentModeEXT}, Type{_SurfacePresentModeEXT}})) = SurfacePresentModeEXT hl_type(@nospecialize(_::Union{Type{VkSurfacePresentScalingCapabilitiesEXT}, Type{_SurfacePresentScalingCapabilitiesEXT}})) = SurfacePresentScalingCapabilitiesEXT hl_type(@nospecialize(_::Union{Type{VkSurfacePresentModeCompatibilityEXT}, Type{_SurfacePresentModeCompatibilityEXT}})) = SurfacePresentModeCompatibilityEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT}, Type{_PhysicalDeviceSwapchainMaintenance1FeaturesEXT}})) = PhysicalDeviceSwapchainMaintenance1FeaturesEXT hl_type(@nospecialize(_::Union{Type{VkSwapchainPresentFenceInfoEXT}, Type{_SwapchainPresentFenceInfoEXT}})) = SwapchainPresentFenceInfoEXT hl_type(@nospecialize(_::Union{Type{VkSwapchainPresentModesCreateInfoEXT}, Type{_SwapchainPresentModesCreateInfoEXT}})) = SwapchainPresentModesCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkSwapchainPresentModeInfoEXT}, Type{_SwapchainPresentModeInfoEXT}})) = SwapchainPresentModeInfoEXT hl_type(@nospecialize(_::Union{Type{VkSwapchainPresentScalingCreateInfoEXT}, Type{_SwapchainPresentScalingCreateInfoEXT}})) = SwapchainPresentScalingCreateInfoEXT hl_type(@nospecialize(_::Union{Type{VkReleaseSwapchainImagesInfoEXT}, Type{_ReleaseSwapchainImagesInfoEXT}})) = ReleaseSwapchainImagesInfoEXT hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV}, Type{_PhysicalDeviceRayTracingInvocationReorderFeaturesNV}})) = PhysicalDeviceRayTracingInvocationReorderFeaturesNV hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV}, Type{_PhysicalDeviceRayTracingInvocationReorderPropertiesNV}})) = PhysicalDeviceRayTracingInvocationReorderPropertiesNV hl_type(@nospecialize(_::Union{Type{VkDirectDriverLoadingInfoLUNARG}, Type{_DirectDriverLoadingInfoLUNARG}})) = DirectDriverLoadingInfoLUNARG hl_type(@nospecialize(_::Union{Type{VkDirectDriverLoadingListLUNARG}, Type{_DirectDriverLoadingListLUNARG}})) = DirectDriverLoadingListLUNARG hl_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM}, Type{_PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM}})) = PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM hl_type(@nospecialize(_::Union{Type{VkClearColorValue}, Type{_ClearColorValue}})) = ClearColorValue hl_type(@nospecialize(_::Union{Type{VkClearValue}, Type{_ClearValue}})) = ClearValue hl_type(@nospecialize(_::Union{Type{VkPerformanceCounterResultKHR}, Type{_PerformanceCounterResultKHR}})) = PerformanceCounterResultKHR hl_type(@nospecialize(_::Union{Type{VkPerformanceValueDataINTEL}, Type{_PerformanceValueDataINTEL}})) = PerformanceValueDataINTEL hl_type(@nospecialize(_::Union{Type{VkPipelineExecutableStatisticValueKHR}, Type{_PipelineExecutableStatisticValueKHR}})) = PipelineExecutableStatisticValueKHR hl_type(@nospecialize(_::Union{Type{VkDeviceOrHostAddressKHR}, Type{_DeviceOrHostAddressKHR}})) = DeviceOrHostAddressKHR hl_type(@nospecialize(_::Union{Type{VkDeviceOrHostAddressConstKHR}, Type{_DeviceOrHostAddressConstKHR}})) = DeviceOrHostAddressConstKHR hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryDataKHR}, Type{_AccelerationStructureGeometryDataKHR}})) = AccelerationStructureGeometryDataKHR hl_type(@nospecialize(_::Union{Type{VkDescriptorDataEXT}, Type{_DescriptorDataEXT}})) = DescriptorDataEXT hl_type(@nospecialize(_::Union{Type{VkAccelerationStructureMotionInstanceDataNV}, Type{_AccelerationStructureMotionInstanceDataNV}})) = AccelerationStructureMotionInstanceDataNV core_type(@nospecialize(_::Union{Type{VkBaseOutStructure}, Type{BaseOutStructure}, Type{_BaseOutStructure}})) = VkBaseOutStructure core_type(@nospecialize(_::Union{Type{VkBaseInStructure}, Type{BaseInStructure}, Type{_BaseInStructure}})) = VkBaseInStructure core_type(@nospecialize(_::Union{Type{VkOffset2D}, Type{Offset2D}, Type{_Offset2D}})) = VkOffset2D core_type(@nospecialize(_::Union{Type{VkOffset3D}, Type{Offset3D}, Type{_Offset3D}})) = VkOffset3D core_type(@nospecialize(_::Union{Type{VkExtent2D}, Type{Extent2D}, Type{_Extent2D}})) = VkExtent2D core_type(@nospecialize(_::Union{Type{VkExtent3D}, Type{Extent3D}, Type{_Extent3D}})) = VkExtent3D core_type(@nospecialize(_::Union{Type{VkViewport}, Type{Viewport}, Type{_Viewport}})) = VkViewport core_type(@nospecialize(_::Union{Type{VkRect2D}, Type{Rect2D}, Type{_Rect2D}})) = VkRect2D core_type(@nospecialize(_::Union{Type{VkClearRect}, Type{ClearRect}, Type{_ClearRect}})) = VkClearRect core_type(@nospecialize(_::Union{Type{VkComponentMapping}, Type{ComponentMapping}, Type{_ComponentMapping}})) = VkComponentMapping core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProperties}, Type{PhysicalDeviceProperties}, Type{_PhysicalDeviceProperties}})) = VkPhysicalDeviceProperties core_type(@nospecialize(_::Union{Type{VkExtensionProperties}, Type{ExtensionProperties}, Type{_ExtensionProperties}})) = VkExtensionProperties core_type(@nospecialize(_::Union{Type{VkLayerProperties}, Type{LayerProperties}, Type{_LayerProperties}})) = VkLayerProperties core_type(@nospecialize(_::Union{Type{VkApplicationInfo}, Type{ApplicationInfo}, Type{_ApplicationInfo}})) = VkApplicationInfo core_type(@nospecialize(_::Union{Type{VkAllocationCallbacks}, Type{AllocationCallbacks}, Type{_AllocationCallbacks}})) = VkAllocationCallbacks core_type(@nospecialize(_::Union{Type{VkDeviceQueueCreateInfo}, Type{DeviceQueueCreateInfo}, Type{_DeviceQueueCreateInfo}})) = VkDeviceQueueCreateInfo core_type(@nospecialize(_::Union{Type{VkDeviceCreateInfo}, Type{DeviceCreateInfo}, Type{_DeviceCreateInfo}})) = VkDeviceCreateInfo core_type(@nospecialize(_::Union{Type{VkInstanceCreateInfo}, Type{InstanceCreateInfo}, Type{_InstanceCreateInfo}})) = VkInstanceCreateInfo core_type(@nospecialize(_::Union{Type{VkQueueFamilyProperties}, Type{QueueFamilyProperties}, Type{_QueueFamilyProperties}})) = VkQueueFamilyProperties core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryProperties}, Type{PhysicalDeviceMemoryProperties}, Type{_PhysicalDeviceMemoryProperties}})) = VkPhysicalDeviceMemoryProperties core_type(@nospecialize(_::Union{Type{VkMemoryAllocateInfo}, Type{MemoryAllocateInfo}, Type{_MemoryAllocateInfo}})) = VkMemoryAllocateInfo core_type(@nospecialize(_::Union{Type{VkMemoryRequirements}, Type{MemoryRequirements}, Type{_MemoryRequirements}})) = VkMemoryRequirements core_type(@nospecialize(_::Union{Type{VkSparseImageFormatProperties}, Type{SparseImageFormatProperties}, Type{_SparseImageFormatProperties}})) = VkSparseImageFormatProperties core_type(@nospecialize(_::Union{Type{VkSparseImageMemoryRequirements}, Type{SparseImageMemoryRequirements}, Type{_SparseImageMemoryRequirements}})) = VkSparseImageMemoryRequirements core_type(@nospecialize(_::Union{Type{VkMemoryType}, Type{MemoryType}, Type{_MemoryType}})) = VkMemoryType core_type(@nospecialize(_::Union{Type{VkMemoryHeap}, Type{MemoryHeap}, Type{_MemoryHeap}})) = VkMemoryHeap core_type(@nospecialize(_::Union{Type{VkMappedMemoryRange}, Type{MappedMemoryRange}, Type{_MappedMemoryRange}})) = VkMappedMemoryRange core_type(@nospecialize(_::Union{Type{VkFormatProperties}, Type{FormatProperties}, Type{_FormatProperties}})) = VkFormatProperties core_type(@nospecialize(_::Union{Type{VkImageFormatProperties}, Type{ImageFormatProperties}, Type{_ImageFormatProperties}})) = VkImageFormatProperties core_type(@nospecialize(_::Union{Type{VkDescriptorBufferInfo}, Type{DescriptorBufferInfo}, Type{_DescriptorBufferInfo}})) = VkDescriptorBufferInfo core_type(@nospecialize(_::Union{Type{VkDescriptorImageInfo}, Type{DescriptorImageInfo}, Type{_DescriptorImageInfo}})) = VkDescriptorImageInfo core_type(@nospecialize(_::Union{Type{VkWriteDescriptorSet}, Type{WriteDescriptorSet}, Type{_WriteDescriptorSet}})) = VkWriteDescriptorSet core_type(@nospecialize(_::Union{Type{VkCopyDescriptorSet}, Type{CopyDescriptorSet}, Type{_CopyDescriptorSet}})) = VkCopyDescriptorSet core_type(@nospecialize(_::Union{Type{VkBufferCreateInfo}, Type{BufferCreateInfo}, Type{_BufferCreateInfo}})) = VkBufferCreateInfo core_type(@nospecialize(_::Union{Type{VkBufferViewCreateInfo}, Type{BufferViewCreateInfo}, Type{_BufferViewCreateInfo}})) = VkBufferViewCreateInfo core_type(@nospecialize(_::Union{Type{VkImageSubresource}, Type{ImageSubresource}, Type{_ImageSubresource}})) = VkImageSubresource core_type(@nospecialize(_::Union{Type{VkImageSubresourceLayers}, Type{ImageSubresourceLayers}, Type{_ImageSubresourceLayers}})) = VkImageSubresourceLayers core_type(@nospecialize(_::Union{Type{VkImageSubresourceRange}, Type{ImageSubresourceRange}, Type{_ImageSubresourceRange}})) = VkImageSubresourceRange core_type(@nospecialize(_::Union{Type{VkMemoryBarrier}, Type{MemoryBarrier}, Type{_MemoryBarrier}})) = VkMemoryBarrier core_type(@nospecialize(_::Union{Type{VkBufferMemoryBarrier}, Type{BufferMemoryBarrier}, Type{_BufferMemoryBarrier}})) = VkBufferMemoryBarrier core_type(@nospecialize(_::Union{Type{VkImageMemoryBarrier}, Type{ImageMemoryBarrier}, Type{_ImageMemoryBarrier}})) = VkImageMemoryBarrier core_type(@nospecialize(_::Union{Type{VkImageCreateInfo}, Type{ImageCreateInfo}, Type{_ImageCreateInfo}})) = VkImageCreateInfo core_type(@nospecialize(_::Union{Type{VkSubresourceLayout}, Type{SubresourceLayout}, Type{_SubresourceLayout}})) = VkSubresourceLayout core_type(@nospecialize(_::Union{Type{VkImageViewCreateInfo}, Type{ImageViewCreateInfo}, Type{_ImageViewCreateInfo}})) = VkImageViewCreateInfo core_type(@nospecialize(_::Union{Type{VkBufferCopy}, Type{BufferCopy}, Type{_BufferCopy}})) = VkBufferCopy core_type(@nospecialize(_::Union{Type{VkSparseMemoryBind}, Type{SparseMemoryBind}, Type{_SparseMemoryBind}})) = VkSparseMemoryBind core_type(@nospecialize(_::Union{Type{VkSparseImageMemoryBind}, Type{SparseImageMemoryBind}, Type{_SparseImageMemoryBind}})) = VkSparseImageMemoryBind core_type(@nospecialize(_::Union{Type{VkSparseBufferMemoryBindInfo}, Type{SparseBufferMemoryBindInfo}, Type{_SparseBufferMemoryBindInfo}})) = VkSparseBufferMemoryBindInfo core_type(@nospecialize(_::Union{Type{VkSparseImageOpaqueMemoryBindInfo}, Type{SparseImageOpaqueMemoryBindInfo}, Type{_SparseImageOpaqueMemoryBindInfo}})) = VkSparseImageOpaqueMemoryBindInfo core_type(@nospecialize(_::Union{Type{VkSparseImageMemoryBindInfo}, Type{SparseImageMemoryBindInfo}, Type{_SparseImageMemoryBindInfo}})) = VkSparseImageMemoryBindInfo core_type(@nospecialize(_::Union{Type{VkBindSparseInfo}, Type{BindSparseInfo}, Type{_BindSparseInfo}})) = VkBindSparseInfo core_type(@nospecialize(_::Union{Type{VkImageCopy}, Type{ImageCopy}, Type{_ImageCopy}})) = VkImageCopy core_type(@nospecialize(_::Union{Type{VkImageBlit}, Type{ImageBlit}, Type{_ImageBlit}})) = VkImageBlit core_type(@nospecialize(_::Union{Type{VkBufferImageCopy}, Type{BufferImageCopy}, Type{_BufferImageCopy}})) = VkBufferImageCopy core_type(@nospecialize(_::Union{Type{VkCopyMemoryIndirectCommandNV}, Type{CopyMemoryIndirectCommandNV}, Type{_CopyMemoryIndirectCommandNV}})) = VkCopyMemoryIndirectCommandNV core_type(@nospecialize(_::Union{Type{VkCopyMemoryToImageIndirectCommandNV}, Type{CopyMemoryToImageIndirectCommandNV}, Type{_CopyMemoryToImageIndirectCommandNV}})) = VkCopyMemoryToImageIndirectCommandNV core_type(@nospecialize(_::Union{Type{VkImageResolve}, Type{ImageResolve}, Type{_ImageResolve}})) = VkImageResolve core_type(@nospecialize(_::Union{Type{VkShaderModuleCreateInfo}, Type{ShaderModuleCreateInfo}, Type{_ShaderModuleCreateInfo}})) = VkShaderModuleCreateInfo core_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutBinding}, Type{DescriptorSetLayoutBinding}, Type{_DescriptorSetLayoutBinding}})) = VkDescriptorSetLayoutBinding core_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutCreateInfo}, Type{DescriptorSetLayoutCreateInfo}, Type{_DescriptorSetLayoutCreateInfo}})) = VkDescriptorSetLayoutCreateInfo core_type(@nospecialize(_::Union{Type{VkDescriptorPoolSize}, Type{DescriptorPoolSize}, Type{_DescriptorPoolSize}})) = VkDescriptorPoolSize core_type(@nospecialize(_::Union{Type{VkDescriptorPoolCreateInfo}, Type{DescriptorPoolCreateInfo}, Type{_DescriptorPoolCreateInfo}})) = VkDescriptorPoolCreateInfo core_type(@nospecialize(_::Union{Type{VkDescriptorSetAllocateInfo}, Type{DescriptorSetAllocateInfo}, Type{_DescriptorSetAllocateInfo}})) = VkDescriptorSetAllocateInfo core_type(@nospecialize(_::Union{Type{VkSpecializationMapEntry}, Type{SpecializationMapEntry}, Type{_SpecializationMapEntry}})) = VkSpecializationMapEntry core_type(@nospecialize(_::Union{Type{VkSpecializationInfo}, Type{SpecializationInfo}, Type{_SpecializationInfo}})) = VkSpecializationInfo core_type(@nospecialize(_::Union{Type{VkPipelineShaderStageCreateInfo}, Type{PipelineShaderStageCreateInfo}, Type{_PipelineShaderStageCreateInfo}})) = VkPipelineShaderStageCreateInfo core_type(@nospecialize(_::Union{Type{VkComputePipelineCreateInfo}, Type{ComputePipelineCreateInfo}, Type{_ComputePipelineCreateInfo}})) = VkComputePipelineCreateInfo core_type(@nospecialize(_::Union{Type{VkVertexInputBindingDescription}, Type{VertexInputBindingDescription}, Type{_VertexInputBindingDescription}})) = VkVertexInputBindingDescription core_type(@nospecialize(_::Union{Type{VkVertexInputAttributeDescription}, Type{VertexInputAttributeDescription}, Type{_VertexInputAttributeDescription}})) = VkVertexInputAttributeDescription core_type(@nospecialize(_::Union{Type{VkPipelineVertexInputStateCreateInfo}, Type{PipelineVertexInputStateCreateInfo}, Type{_PipelineVertexInputStateCreateInfo}})) = VkPipelineVertexInputStateCreateInfo core_type(@nospecialize(_::Union{Type{VkPipelineInputAssemblyStateCreateInfo}, Type{PipelineInputAssemblyStateCreateInfo}, Type{_PipelineInputAssemblyStateCreateInfo}})) = VkPipelineInputAssemblyStateCreateInfo core_type(@nospecialize(_::Union{Type{VkPipelineTessellationStateCreateInfo}, Type{PipelineTessellationStateCreateInfo}, Type{_PipelineTessellationStateCreateInfo}})) = VkPipelineTessellationStateCreateInfo core_type(@nospecialize(_::Union{Type{VkPipelineViewportStateCreateInfo}, Type{PipelineViewportStateCreateInfo}, Type{_PipelineViewportStateCreateInfo}})) = VkPipelineViewportStateCreateInfo core_type(@nospecialize(_::Union{Type{VkPipelineRasterizationStateCreateInfo}, Type{PipelineRasterizationStateCreateInfo}, Type{_PipelineRasterizationStateCreateInfo}})) = VkPipelineRasterizationStateCreateInfo core_type(@nospecialize(_::Union{Type{VkPipelineMultisampleStateCreateInfo}, Type{PipelineMultisampleStateCreateInfo}, Type{_PipelineMultisampleStateCreateInfo}})) = VkPipelineMultisampleStateCreateInfo core_type(@nospecialize(_::Union{Type{VkPipelineColorBlendAttachmentState}, Type{PipelineColorBlendAttachmentState}, Type{_PipelineColorBlendAttachmentState}})) = VkPipelineColorBlendAttachmentState core_type(@nospecialize(_::Union{Type{VkPipelineColorBlendStateCreateInfo}, Type{PipelineColorBlendStateCreateInfo}, Type{_PipelineColorBlendStateCreateInfo}})) = VkPipelineColorBlendStateCreateInfo core_type(@nospecialize(_::Union{Type{VkPipelineDynamicStateCreateInfo}, Type{PipelineDynamicStateCreateInfo}, Type{_PipelineDynamicStateCreateInfo}})) = VkPipelineDynamicStateCreateInfo core_type(@nospecialize(_::Union{Type{VkStencilOpState}, Type{StencilOpState}, Type{_StencilOpState}})) = VkStencilOpState core_type(@nospecialize(_::Union{Type{VkPipelineDepthStencilStateCreateInfo}, Type{PipelineDepthStencilStateCreateInfo}, Type{_PipelineDepthStencilStateCreateInfo}})) = VkPipelineDepthStencilStateCreateInfo core_type(@nospecialize(_::Union{Type{VkGraphicsPipelineCreateInfo}, Type{GraphicsPipelineCreateInfo}, Type{_GraphicsPipelineCreateInfo}})) = VkGraphicsPipelineCreateInfo core_type(@nospecialize(_::Union{Type{VkPipelineCacheCreateInfo}, Type{PipelineCacheCreateInfo}, Type{_PipelineCacheCreateInfo}})) = VkPipelineCacheCreateInfo core_type(@nospecialize(_::Union{Type{VkPipelineCacheHeaderVersionOne}, Type{PipelineCacheHeaderVersionOne}, Type{_PipelineCacheHeaderVersionOne}})) = VkPipelineCacheHeaderVersionOne core_type(@nospecialize(_::Union{Type{VkPushConstantRange}, Type{PushConstantRange}, Type{_PushConstantRange}})) = VkPushConstantRange core_type(@nospecialize(_::Union{Type{VkPipelineLayoutCreateInfo}, Type{PipelineLayoutCreateInfo}, Type{_PipelineLayoutCreateInfo}})) = VkPipelineLayoutCreateInfo core_type(@nospecialize(_::Union{Type{VkSamplerCreateInfo}, Type{SamplerCreateInfo}, Type{_SamplerCreateInfo}})) = VkSamplerCreateInfo core_type(@nospecialize(_::Union{Type{VkCommandPoolCreateInfo}, Type{CommandPoolCreateInfo}, Type{_CommandPoolCreateInfo}})) = VkCommandPoolCreateInfo core_type(@nospecialize(_::Union{Type{VkCommandBufferAllocateInfo}, Type{CommandBufferAllocateInfo}, Type{_CommandBufferAllocateInfo}})) = VkCommandBufferAllocateInfo core_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceInfo}, Type{CommandBufferInheritanceInfo}, Type{_CommandBufferInheritanceInfo}})) = VkCommandBufferInheritanceInfo core_type(@nospecialize(_::Union{Type{VkCommandBufferBeginInfo}, Type{CommandBufferBeginInfo}, Type{_CommandBufferBeginInfo}})) = VkCommandBufferBeginInfo core_type(@nospecialize(_::Union{Type{VkRenderPassBeginInfo}, Type{RenderPassBeginInfo}, Type{_RenderPassBeginInfo}})) = VkRenderPassBeginInfo core_type(@nospecialize(_::Union{Type{VkClearDepthStencilValue}, Type{ClearDepthStencilValue}, Type{_ClearDepthStencilValue}})) = VkClearDepthStencilValue core_type(@nospecialize(_::Union{Type{VkClearAttachment}, Type{ClearAttachment}, Type{_ClearAttachment}})) = VkClearAttachment core_type(@nospecialize(_::Union{Type{VkAttachmentDescription}, Type{AttachmentDescription}, Type{_AttachmentDescription}})) = VkAttachmentDescription core_type(@nospecialize(_::Union{Type{VkAttachmentReference}, Type{AttachmentReference}, Type{_AttachmentReference}})) = VkAttachmentReference core_type(@nospecialize(_::Union{Type{VkSubpassDescription}, Type{SubpassDescription}, Type{_SubpassDescription}})) = VkSubpassDescription core_type(@nospecialize(_::Union{Type{VkSubpassDependency}, Type{SubpassDependency}, Type{_SubpassDependency}})) = VkSubpassDependency core_type(@nospecialize(_::Union{Type{VkRenderPassCreateInfo}, Type{RenderPassCreateInfo}, Type{_RenderPassCreateInfo}})) = VkRenderPassCreateInfo core_type(@nospecialize(_::Union{Type{VkEventCreateInfo}, Type{EventCreateInfo}, Type{_EventCreateInfo}})) = VkEventCreateInfo core_type(@nospecialize(_::Union{Type{VkFenceCreateInfo}, Type{FenceCreateInfo}, Type{_FenceCreateInfo}})) = VkFenceCreateInfo core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFeatures}, Type{PhysicalDeviceFeatures}, Type{_PhysicalDeviceFeatures}})) = VkPhysicalDeviceFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSparseProperties}, Type{PhysicalDeviceSparseProperties}, Type{_PhysicalDeviceSparseProperties}})) = VkPhysicalDeviceSparseProperties core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLimits}, Type{PhysicalDeviceLimits}, Type{_PhysicalDeviceLimits}})) = VkPhysicalDeviceLimits core_type(@nospecialize(_::Union{Type{VkSemaphoreCreateInfo}, Type{SemaphoreCreateInfo}, Type{_SemaphoreCreateInfo}})) = VkSemaphoreCreateInfo core_type(@nospecialize(_::Union{Type{VkQueryPoolCreateInfo}, Type{QueryPoolCreateInfo}, Type{_QueryPoolCreateInfo}})) = VkQueryPoolCreateInfo core_type(@nospecialize(_::Union{Type{VkFramebufferCreateInfo}, Type{FramebufferCreateInfo}, Type{_FramebufferCreateInfo}})) = VkFramebufferCreateInfo core_type(@nospecialize(_::Union{Type{VkDrawIndirectCommand}, Type{DrawIndirectCommand}, Type{_DrawIndirectCommand}})) = VkDrawIndirectCommand core_type(@nospecialize(_::Union{Type{VkDrawIndexedIndirectCommand}, Type{DrawIndexedIndirectCommand}, Type{_DrawIndexedIndirectCommand}})) = VkDrawIndexedIndirectCommand core_type(@nospecialize(_::Union{Type{VkDispatchIndirectCommand}, Type{DispatchIndirectCommand}, Type{_DispatchIndirectCommand}})) = VkDispatchIndirectCommand core_type(@nospecialize(_::Union{Type{VkMultiDrawInfoEXT}, Type{MultiDrawInfoEXT}, Type{_MultiDrawInfoEXT}})) = VkMultiDrawInfoEXT core_type(@nospecialize(_::Union{Type{VkMultiDrawIndexedInfoEXT}, Type{MultiDrawIndexedInfoEXT}, Type{_MultiDrawIndexedInfoEXT}})) = VkMultiDrawIndexedInfoEXT core_type(@nospecialize(_::Union{Type{VkSubmitInfo}, Type{SubmitInfo}, Type{_SubmitInfo}})) = VkSubmitInfo core_type(@nospecialize(_::Union{Type{VkDisplayPropertiesKHR}, Type{DisplayPropertiesKHR}, Type{_DisplayPropertiesKHR}})) = VkDisplayPropertiesKHR core_type(@nospecialize(_::Union{Type{VkDisplayPlanePropertiesKHR}, Type{DisplayPlanePropertiesKHR}, Type{_DisplayPlanePropertiesKHR}})) = VkDisplayPlanePropertiesKHR core_type(@nospecialize(_::Union{Type{VkDisplayModeParametersKHR}, Type{DisplayModeParametersKHR}, Type{_DisplayModeParametersKHR}})) = VkDisplayModeParametersKHR core_type(@nospecialize(_::Union{Type{VkDisplayModePropertiesKHR}, Type{DisplayModePropertiesKHR}, Type{_DisplayModePropertiesKHR}})) = VkDisplayModePropertiesKHR core_type(@nospecialize(_::Union{Type{VkDisplayModeCreateInfoKHR}, Type{DisplayModeCreateInfoKHR}, Type{_DisplayModeCreateInfoKHR}})) = VkDisplayModeCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkDisplayPlaneCapabilitiesKHR}, Type{DisplayPlaneCapabilitiesKHR}, Type{_DisplayPlaneCapabilitiesKHR}})) = VkDisplayPlaneCapabilitiesKHR core_type(@nospecialize(_::Union{Type{VkDisplaySurfaceCreateInfoKHR}, Type{DisplaySurfaceCreateInfoKHR}, Type{_DisplaySurfaceCreateInfoKHR}})) = VkDisplaySurfaceCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkDisplayPresentInfoKHR}, Type{DisplayPresentInfoKHR}, Type{_DisplayPresentInfoKHR}})) = VkDisplayPresentInfoKHR core_type(@nospecialize(_::Union{Type{VkSurfaceCapabilitiesKHR}, Type{SurfaceCapabilitiesKHR}, Type{_SurfaceCapabilitiesKHR}})) = VkSurfaceCapabilitiesKHR core_type(@nospecialize(_::Union{Type{VkWin32SurfaceCreateInfoKHR}, Type{Win32SurfaceCreateInfoKHR}, Type{_Win32SurfaceCreateInfoKHR}})) = VkWin32SurfaceCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkSurfaceFormatKHR}, Type{SurfaceFormatKHR}, Type{_SurfaceFormatKHR}})) = VkSurfaceFormatKHR core_type(@nospecialize(_::Union{Type{VkSwapchainCreateInfoKHR}, Type{SwapchainCreateInfoKHR}, Type{_SwapchainCreateInfoKHR}})) = VkSwapchainCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkPresentInfoKHR}, Type{PresentInfoKHR}, Type{_PresentInfoKHR}})) = VkPresentInfoKHR core_type(@nospecialize(_::Union{Type{VkDebugReportCallbackCreateInfoEXT}, Type{DebugReportCallbackCreateInfoEXT}, Type{_DebugReportCallbackCreateInfoEXT}})) = VkDebugReportCallbackCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkValidationFlagsEXT}, Type{ValidationFlagsEXT}, Type{_ValidationFlagsEXT}})) = VkValidationFlagsEXT core_type(@nospecialize(_::Union{Type{VkValidationFeaturesEXT}, Type{ValidationFeaturesEXT}, Type{_ValidationFeaturesEXT}})) = VkValidationFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPipelineRasterizationStateRasterizationOrderAMD}, Type{PipelineRasterizationStateRasterizationOrderAMD}, Type{_PipelineRasterizationStateRasterizationOrderAMD}})) = VkPipelineRasterizationStateRasterizationOrderAMD core_type(@nospecialize(_::Union{Type{VkDebugMarkerObjectNameInfoEXT}, Type{DebugMarkerObjectNameInfoEXT}, Type{_DebugMarkerObjectNameInfoEXT}})) = VkDebugMarkerObjectNameInfoEXT core_type(@nospecialize(_::Union{Type{VkDebugMarkerObjectTagInfoEXT}, Type{DebugMarkerObjectTagInfoEXT}, Type{_DebugMarkerObjectTagInfoEXT}})) = VkDebugMarkerObjectTagInfoEXT core_type(@nospecialize(_::Union{Type{VkDebugMarkerMarkerInfoEXT}, Type{DebugMarkerMarkerInfoEXT}, Type{_DebugMarkerMarkerInfoEXT}})) = VkDebugMarkerMarkerInfoEXT core_type(@nospecialize(_::Union{Type{VkDedicatedAllocationImageCreateInfoNV}, Type{DedicatedAllocationImageCreateInfoNV}, Type{_DedicatedAllocationImageCreateInfoNV}})) = VkDedicatedAllocationImageCreateInfoNV core_type(@nospecialize(_::Union{Type{VkDedicatedAllocationBufferCreateInfoNV}, Type{DedicatedAllocationBufferCreateInfoNV}, Type{_DedicatedAllocationBufferCreateInfoNV}})) = VkDedicatedAllocationBufferCreateInfoNV core_type(@nospecialize(_::Union{Type{VkDedicatedAllocationMemoryAllocateInfoNV}, Type{DedicatedAllocationMemoryAllocateInfoNV}, Type{_DedicatedAllocationMemoryAllocateInfoNV}})) = VkDedicatedAllocationMemoryAllocateInfoNV core_type(@nospecialize(_::Union{Type{VkExternalImageFormatPropertiesNV}, Type{ExternalImageFormatPropertiesNV}, Type{_ExternalImageFormatPropertiesNV}})) = VkExternalImageFormatPropertiesNV core_type(@nospecialize(_::Union{Type{VkExternalMemoryImageCreateInfoNV}, Type{ExternalMemoryImageCreateInfoNV}, Type{_ExternalMemoryImageCreateInfoNV}})) = VkExternalMemoryImageCreateInfoNV core_type(@nospecialize(_::Union{Type{VkExportMemoryAllocateInfoNV}, Type{ExportMemoryAllocateInfoNV}, Type{_ExportMemoryAllocateInfoNV}})) = VkExportMemoryAllocateInfoNV core_type(@nospecialize(_::Union{Type{VkImportMemoryWin32HandleInfoNV}, Type{ImportMemoryWin32HandleInfoNV}, Type{_ImportMemoryWin32HandleInfoNV}})) = VkImportMemoryWin32HandleInfoNV core_type(@nospecialize(_::Union{Type{VkExportMemoryWin32HandleInfoNV}, Type{ExportMemoryWin32HandleInfoNV}, Type{_ExportMemoryWin32HandleInfoNV}})) = VkExportMemoryWin32HandleInfoNV core_type(@nospecialize(_::Union{Type{VkWin32KeyedMutexAcquireReleaseInfoNV}, Type{Win32KeyedMutexAcquireReleaseInfoNV}, Type{_Win32KeyedMutexAcquireReleaseInfoNV}})) = VkWin32KeyedMutexAcquireReleaseInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV}, Type{PhysicalDeviceDeviceGeneratedCommandsFeaturesNV}, Type{_PhysicalDeviceDeviceGeneratedCommandsFeaturesNV}})) = VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV core_type(@nospecialize(_::Union{Type{VkDevicePrivateDataCreateInfo}, Type{DevicePrivateDataCreateInfo}, Type{_DevicePrivateDataCreateInfo}})) = VkDevicePrivateDataCreateInfo core_type(@nospecialize(_::Union{Type{VkPrivateDataSlotCreateInfo}, Type{PrivateDataSlotCreateInfo}, Type{_PrivateDataSlotCreateInfo}})) = VkPrivateDataSlotCreateInfo core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePrivateDataFeatures}, Type{PhysicalDevicePrivateDataFeatures}, Type{_PhysicalDevicePrivateDataFeatures}})) = VkPhysicalDevicePrivateDataFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV}, Type{PhysicalDeviceDeviceGeneratedCommandsPropertiesNV}, Type{_PhysicalDeviceDeviceGeneratedCommandsPropertiesNV}})) = VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiDrawPropertiesEXT}, Type{PhysicalDeviceMultiDrawPropertiesEXT}, Type{_PhysicalDeviceMultiDrawPropertiesEXT}})) = VkPhysicalDeviceMultiDrawPropertiesEXT core_type(@nospecialize(_::Union{Type{VkGraphicsShaderGroupCreateInfoNV}, Type{GraphicsShaderGroupCreateInfoNV}, Type{_GraphicsShaderGroupCreateInfoNV}})) = VkGraphicsShaderGroupCreateInfoNV core_type(@nospecialize(_::Union{Type{VkGraphicsPipelineShaderGroupsCreateInfoNV}, Type{GraphicsPipelineShaderGroupsCreateInfoNV}, Type{_GraphicsPipelineShaderGroupsCreateInfoNV}})) = VkGraphicsPipelineShaderGroupsCreateInfoNV core_type(@nospecialize(_::Union{Type{VkBindShaderGroupIndirectCommandNV}, Type{BindShaderGroupIndirectCommandNV}, Type{_BindShaderGroupIndirectCommandNV}})) = VkBindShaderGroupIndirectCommandNV core_type(@nospecialize(_::Union{Type{VkBindIndexBufferIndirectCommandNV}, Type{BindIndexBufferIndirectCommandNV}, Type{_BindIndexBufferIndirectCommandNV}})) = VkBindIndexBufferIndirectCommandNV core_type(@nospecialize(_::Union{Type{VkBindVertexBufferIndirectCommandNV}, Type{BindVertexBufferIndirectCommandNV}, Type{_BindVertexBufferIndirectCommandNV}})) = VkBindVertexBufferIndirectCommandNV core_type(@nospecialize(_::Union{Type{VkSetStateFlagsIndirectCommandNV}, Type{SetStateFlagsIndirectCommandNV}, Type{_SetStateFlagsIndirectCommandNV}})) = VkSetStateFlagsIndirectCommandNV core_type(@nospecialize(_::Union{Type{VkIndirectCommandsStreamNV}, Type{IndirectCommandsStreamNV}, Type{_IndirectCommandsStreamNV}})) = VkIndirectCommandsStreamNV core_type(@nospecialize(_::Union{Type{VkIndirectCommandsLayoutTokenNV}, Type{IndirectCommandsLayoutTokenNV}, Type{_IndirectCommandsLayoutTokenNV}})) = VkIndirectCommandsLayoutTokenNV core_type(@nospecialize(_::Union{Type{VkIndirectCommandsLayoutCreateInfoNV}, Type{IndirectCommandsLayoutCreateInfoNV}, Type{_IndirectCommandsLayoutCreateInfoNV}})) = VkIndirectCommandsLayoutCreateInfoNV core_type(@nospecialize(_::Union{Type{VkGeneratedCommandsInfoNV}, Type{GeneratedCommandsInfoNV}, Type{_GeneratedCommandsInfoNV}})) = VkGeneratedCommandsInfoNV core_type(@nospecialize(_::Union{Type{VkGeneratedCommandsMemoryRequirementsInfoNV}, Type{GeneratedCommandsMemoryRequirementsInfoNV}, Type{_GeneratedCommandsMemoryRequirementsInfoNV}})) = VkGeneratedCommandsMemoryRequirementsInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFeatures2}, Type{PhysicalDeviceFeatures2}, Type{_PhysicalDeviceFeatures2}})) = VkPhysicalDeviceFeatures2 core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProperties2}, Type{PhysicalDeviceProperties2}, Type{_PhysicalDeviceProperties2}})) = VkPhysicalDeviceProperties2 core_type(@nospecialize(_::Union{Type{VkFormatProperties2}, Type{FormatProperties2}, Type{_FormatProperties2}})) = VkFormatProperties2 core_type(@nospecialize(_::Union{Type{VkImageFormatProperties2}, Type{ImageFormatProperties2}, Type{_ImageFormatProperties2}})) = VkImageFormatProperties2 core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageFormatInfo2}, Type{PhysicalDeviceImageFormatInfo2}, Type{_PhysicalDeviceImageFormatInfo2}})) = VkPhysicalDeviceImageFormatInfo2 core_type(@nospecialize(_::Union{Type{VkQueueFamilyProperties2}, Type{QueueFamilyProperties2}, Type{_QueueFamilyProperties2}})) = VkQueueFamilyProperties2 core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryProperties2}, Type{PhysicalDeviceMemoryProperties2}, Type{_PhysicalDeviceMemoryProperties2}})) = VkPhysicalDeviceMemoryProperties2 core_type(@nospecialize(_::Union{Type{VkSparseImageFormatProperties2}, Type{SparseImageFormatProperties2}, Type{_SparseImageFormatProperties2}})) = VkSparseImageFormatProperties2 core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSparseImageFormatInfo2}, Type{PhysicalDeviceSparseImageFormatInfo2}, Type{_PhysicalDeviceSparseImageFormatInfo2}})) = VkPhysicalDeviceSparseImageFormatInfo2 core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePushDescriptorPropertiesKHR}, Type{PhysicalDevicePushDescriptorPropertiesKHR}, Type{_PhysicalDevicePushDescriptorPropertiesKHR}})) = VkPhysicalDevicePushDescriptorPropertiesKHR core_type(@nospecialize(_::Union{Type{VkConformanceVersion}, Type{ConformanceVersion}, Type{_ConformanceVersion}})) = VkConformanceVersion core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDriverProperties}, Type{PhysicalDeviceDriverProperties}, Type{_PhysicalDeviceDriverProperties}})) = VkPhysicalDeviceDriverProperties core_type(@nospecialize(_::Union{Type{VkPresentRegionsKHR}, Type{PresentRegionsKHR}, Type{_PresentRegionsKHR}})) = VkPresentRegionsKHR core_type(@nospecialize(_::Union{Type{VkPresentRegionKHR}, Type{PresentRegionKHR}, Type{_PresentRegionKHR}})) = VkPresentRegionKHR core_type(@nospecialize(_::Union{Type{VkRectLayerKHR}, Type{RectLayerKHR}, Type{_RectLayerKHR}})) = VkRectLayerKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVariablePointersFeatures}, Type{PhysicalDeviceVariablePointersFeatures}, Type{_PhysicalDeviceVariablePointersFeatures}})) = VkPhysicalDeviceVariablePointersFeatures core_type(@nospecialize(_::Union{Type{VkExternalMemoryProperties}, Type{ExternalMemoryProperties}, Type{_ExternalMemoryProperties}})) = VkExternalMemoryProperties core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalImageFormatInfo}, Type{PhysicalDeviceExternalImageFormatInfo}, Type{_PhysicalDeviceExternalImageFormatInfo}})) = VkPhysicalDeviceExternalImageFormatInfo core_type(@nospecialize(_::Union{Type{VkExternalImageFormatProperties}, Type{ExternalImageFormatProperties}, Type{_ExternalImageFormatProperties}})) = VkExternalImageFormatProperties core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalBufferInfo}, Type{PhysicalDeviceExternalBufferInfo}, Type{_PhysicalDeviceExternalBufferInfo}})) = VkPhysicalDeviceExternalBufferInfo core_type(@nospecialize(_::Union{Type{VkExternalBufferProperties}, Type{ExternalBufferProperties}, Type{_ExternalBufferProperties}})) = VkExternalBufferProperties core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceIDProperties}, Type{PhysicalDeviceIDProperties}, Type{_PhysicalDeviceIDProperties}})) = VkPhysicalDeviceIDProperties core_type(@nospecialize(_::Union{Type{VkExternalMemoryImageCreateInfo}, Type{ExternalMemoryImageCreateInfo}, Type{_ExternalMemoryImageCreateInfo}})) = VkExternalMemoryImageCreateInfo core_type(@nospecialize(_::Union{Type{VkExternalMemoryBufferCreateInfo}, Type{ExternalMemoryBufferCreateInfo}, Type{_ExternalMemoryBufferCreateInfo}})) = VkExternalMemoryBufferCreateInfo core_type(@nospecialize(_::Union{Type{VkExportMemoryAllocateInfo}, Type{ExportMemoryAllocateInfo}, Type{_ExportMemoryAllocateInfo}})) = VkExportMemoryAllocateInfo core_type(@nospecialize(_::Union{Type{VkImportMemoryWin32HandleInfoKHR}, Type{ImportMemoryWin32HandleInfoKHR}, Type{_ImportMemoryWin32HandleInfoKHR}})) = VkImportMemoryWin32HandleInfoKHR core_type(@nospecialize(_::Union{Type{VkExportMemoryWin32HandleInfoKHR}, Type{ExportMemoryWin32HandleInfoKHR}, Type{_ExportMemoryWin32HandleInfoKHR}})) = VkExportMemoryWin32HandleInfoKHR core_type(@nospecialize(_::Union{Type{VkMemoryWin32HandlePropertiesKHR}, Type{MemoryWin32HandlePropertiesKHR}, Type{_MemoryWin32HandlePropertiesKHR}})) = VkMemoryWin32HandlePropertiesKHR core_type(@nospecialize(_::Union{Type{VkMemoryGetWin32HandleInfoKHR}, Type{MemoryGetWin32HandleInfoKHR}, Type{_MemoryGetWin32HandleInfoKHR}})) = VkMemoryGetWin32HandleInfoKHR core_type(@nospecialize(_::Union{Type{VkImportMemoryFdInfoKHR}, Type{ImportMemoryFdInfoKHR}, Type{_ImportMemoryFdInfoKHR}})) = VkImportMemoryFdInfoKHR core_type(@nospecialize(_::Union{Type{VkMemoryFdPropertiesKHR}, Type{MemoryFdPropertiesKHR}, Type{_MemoryFdPropertiesKHR}})) = VkMemoryFdPropertiesKHR core_type(@nospecialize(_::Union{Type{VkMemoryGetFdInfoKHR}, Type{MemoryGetFdInfoKHR}, Type{_MemoryGetFdInfoKHR}})) = VkMemoryGetFdInfoKHR core_type(@nospecialize(_::Union{Type{VkWin32KeyedMutexAcquireReleaseInfoKHR}, Type{Win32KeyedMutexAcquireReleaseInfoKHR}, Type{_Win32KeyedMutexAcquireReleaseInfoKHR}})) = VkWin32KeyedMutexAcquireReleaseInfoKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalSemaphoreInfo}, Type{PhysicalDeviceExternalSemaphoreInfo}, Type{_PhysicalDeviceExternalSemaphoreInfo}})) = VkPhysicalDeviceExternalSemaphoreInfo core_type(@nospecialize(_::Union{Type{VkExternalSemaphoreProperties}, Type{ExternalSemaphoreProperties}, Type{_ExternalSemaphoreProperties}})) = VkExternalSemaphoreProperties core_type(@nospecialize(_::Union{Type{VkExportSemaphoreCreateInfo}, Type{ExportSemaphoreCreateInfo}, Type{_ExportSemaphoreCreateInfo}})) = VkExportSemaphoreCreateInfo core_type(@nospecialize(_::Union{Type{VkImportSemaphoreWin32HandleInfoKHR}, Type{ImportSemaphoreWin32HandleInfoKHR}, Type{_ImportSemaphoreWin32HandleInfoKHR}})) = VkImportSemaphoreWin32HandleInfoKHR core_type(@nospecialize(_::Union{Type{VkExportSemaphoreWin32HandleInfoKHR}, Type{ExportSemaphoreWin32HandleInfoKHR}, Type{_ExportSemaphoreWin32HandleInfoKHR}})) = VkExportSemaphoreWin32HandleInfoKHR core_type(@nospecialize(_::Union{Type{VkD3D12FenceSubmitInfoKHR}, Type{D3D12FenceSubmitInfoKHR}, Type{_D3D12FenceSubmitInfoKHR}})) = VkD3D12FenceSubmitInfoKHR core_type(@nospecialize(_::Union{Type{VkSemaphoreGetWin32HandleInfoKHR}, Type{SemaphoreGetWin32HandleInfoKHR}, Type{_SemaphoreGetWin32HandleInfoKHR}})) = VkSemaphoreGetWin32HandleInfoKHR core_type(@nospecialize(_::Union{Type{VkImportSemaphoreFdInfoKHR}, Type{ImportSemaphoreFdInfoKHR}, Type{_ImportSemaphoreFdInfoKHR}})) = VkImportSemaphoreFdInfoKHR core_type(@nospecialize(_::Union{Type{VkSemaphoreGetFdInfoKHR}, Type{SemaphoreGetFdInfoKHR}, Type{_SemaphoreGetFdInfoKHR}})) = VkSemaphoreGetFdInfoKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalFenceInfo}, Type{PhysicalDeviceExternalFenceInfo}, Type{_PhysicalDeviceExternalFenceInfo}})) = VkPhysicalDeviceExternalFenceInfo core_type(@nospecialize(_::Union{Type{VkExternalFenceProperties}, Type{ExternalFenceProperties}, Type{_ExternalFenceProperties}})) = VkExternalFenceProperties core_type(@nospecialize(_::Union{Type{VkExportFenceCreateInfo}, Type{ExportFenceCreateInfo}, Type{_ExportFenceCreateInfo}})) = VkExportFenceCreateInfo core_type(@nospecialize(_::Union{Type{VkImportFenceWin32HandleInfoKHR}, Type{ImportFenceWin32HandleInfoKHR}, Type{_ImportFenceWin32HandleInfoKHR}})) = VkImportFenceWin32HandleInfoKHR core_type(@nospecialize(_::Union{Type{VkExportFenceWin32HandleInfoKHR}, Type{ExportFenceWin32HandleInfoKHR}, Type{_ExportFenceWin32HandleInfoKHR}})) = VkExportFenceWin32HandleInfoKHR core_type(@nospecialize(_::Union{Type{VkFenceGetWin32HandleInfoKHR}, Type{FenceGetWin32HandleInfoKHR}, Type{_FenceGetWin32HandleInfoKHR}})) = VkFenceGetWin32HandleInfoKHR core_type(@nospecialize(_::Union{Type{VkImportFenceFdInfoKHR}, Type{ImportFenceFdInfoKHR}, Type{_ImportFenceFdInfoKHR}})) = VkImportFenceFdInfoKHR core_type(@nospecialize(_::Union{Type{VkFenceGetFdInfoKHR}, Type{FenceGetFdInfoKHR}, Type{_FenceGetFdInfoKHR}})) = VkFenceGetFdInfoKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiviewFeatures}, Type{PhysicalDeviceMultiviewFeatures}, Type{_PhysicalDeviceMultiviewFeatures}})) = VkPhysicalDeviceMultiviewFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiviewProperties}, Type{PhysicalDeviceMultiviewProperties}, Type{_PhysicalDeviceMultiviewProperties}})) = VkPhysicalDeviceMultiviewProperties core_type(@nospecialize(_::Union{Type{VkRenderPassMultiviewCreateInfo}, Type{RenderPassMultiviewCreateInfo}, Type{_RenderPassMultiviewCreateInfo}})) = VkRenderPassMultiviewCreateInfo core_type(@nospecialize(_::Union{Type{VkSurfaceCapabilities2EXT}, Type{SurfaceCapabilities2EXT}, Type{_SurfaceCapabilities2EXT}})) = VkSurfaceCapabilities2EXT core_type(@nospecialize(_::Union{Type{VkDisplayPowerInfoEXT}, Type{DisplayPowerInfoEXT}, Type{_DisplayPowerInfoEXT}})) = VkDisplayPowerInfoEXT core_type(@nospecialize(_::Union{Type{VkDeviceEventInfoEXT}, Type{DeviceEventInfoEXT}, Type{_DeviceEventInfoEXT}})) = VkDeviceEventInfoEXT core_type(@nospecialize(_::Union{Type{VkDisplayEventInfoEXT}, Type{DisplayEventInfoEXT}, Type{_DisplayEventInfoEXT}})) = VkDisplayEventInfoEXT core_type(@nospecialize(_::Union{Type{VkSwapchainCounterCreateInfoEXT}, Type{SwapchainCounterCreateInfoEXT}, Type{_SwapchainCounterCreateInfoEXT}})) = VkSwapchainCounterCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceGroupProperties}, Type{PhysicalDeviceGroupProperties}, Type{_PhysicalDeviceGroupProperties}})) = VkPhysicalDeviceGroupProperties core_type(@nospecialize(_::Union{Type{VkMemoryAllocateFlagsInfo}, Type{MemoryAllocateFlagsInfo}, Type{_MemoryAllocateFlagsInfo}})) = VkMemoryAllocateFlagsInfo core_type(@nospecialize(_::Union{Type{VkBindBufferMemoryInfo}, Type{BindBufferMemoryInfo}, Type{_BindBufferMemoryInfo}})) = VkBindBufferMemoryInfo core_type(@nospecialize(_::Union{Type{VkBindBufferMemoryDeviceGroupInfo}, Type{BindBufferMemoryDeviceGroupInfo}, Type{_BindBufferMemoryDeviceGroupInfo}})) = VkBindBufferMemoryDeviceGroupInfo core_type(@nospecialize(_::Union{Type{VkBindImageMemoryInfo}, Type{BindImageMemoryInfo}, Type{_BindImageMemoryInfo}})) = VkBindImageMemoryInfo core_type(@nospecialize(_::Union{Type{VkBindImageMemoryDeviceGroupInfo}, Type{BindImageMemoryDeviceGroupInfo}, Type{_BindImageMemoryDeviceGroupInfo}})) = VkBindImageMemoryDeviceGroupInfo core_type(@nospecialize(_::Union{Type{VkDeviceGroupRenderPassBeginInfo}, Type{DeviceGroupRenderPassBeginInfo}, Type{_DeviceGroupRenderPassBeginInfo}})) = VkDeviceGroupRenderPassBeginInfo core_type(@nospecialize(_::Union{Type{VkDeviceGroupCommandBufferBeginInfo}, Type{DeviceGroupCommandBufferBeginInfo}, Type{_DeviceGroupCommandBufferBeginInfo}})) = VkDeviceGroupCommandBufferBeginInfo core_type(@nospecialize(_::Union{Type{VkDeviceGroupSubmitInfo}, Type{DeviceGroupSubmitInfo}, Type{_DeviceGroupSubmitInfo}})) = VkDeviceGroupSubmitInfo core_type(@nospecialize(_::Union{Type{VkDeviceGroupBindSparseInfo}, Type{DeviceGroupBindSparseInfo}, Type{_DeviceGroupBindSparseInfo}})) = VkDeviceGroupBindSparseInfo core_type(@nospecialize(_::Union{Type{VkDeviceGroupPresentCapabilitiesKHR}, Type{DeviceGroupPresentCapabilitiesKHR}, Type{_DeviceGroupPresentCapabilitiesKHR}})) = VkDeviceGroupPresentCapabilitiesKHR core_type(@nospecialize(_::Union{Type{VkImageSwapchainCreateInfoKHR}, Type{ImageSwapchainCreateInfoKHR}, Type{_ImageSwapchainCreateInfoKHR}})) = VkImageSwapchainCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkBindImageMemorySwapchainInfoKHR}, Type{BindImageMemorySwapchainInfoKHR}, Type{_BindImageMemorySwapchainInfoKHR}})) = VkBindImageMemorySwapchainInfoKHR core_type(@nospecialize(_::Union{Type{VkAcquireNextImageInfoKHR}, Type{AcquireNextImageInfoKHR}, Type{_AcquireNextImageInfoKHR}})) = VkAcquireNextImageInfoKHR core_type(@nospecialize(_::Union{Type{VkDeviceGroupPresentInfoKHR}, Type{DeviceGroupPresentInfoKHR}, Type{_DeviceGroupPresentInfoKHR}})) = VkDeviceGroupPresentInfoKHR core_type(@nospecialize(_::Union{Type{VkDeviceGroupDeviceCreateInfo}, Type{DeviceGroupDeviceCreateInfo}, Type{_DeviceGroupDeviceCreateInfo}})) = VkDeviceGroupDeviceCreateInfo core_type(@nospecialize(_::Union{Type{VkDeviceGroupSwapchainCreateInfoKHR}, Type{DeviceGroupSwapchainCreateInfoKHR}, Type{_DeviceGroupSwapchainCreateInfoKHR}})) = VkDeviceGroupSwapchainCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkDescriptorUpdateTemplateEntry}, Type{DescriptorUpdateTemplateEntry}, Type{_DescriptorUpdateTemplateEntry}})) = VkDescriptorUpdateTemplateEntry core_type(@nospecialize(_::Union{Type{VkDescriptorUpdateTemplateCreateInfo}, Type{DescriptorUpdateTemplateCreateInfo}, Type{_DescriptorUpdateTemplateCreateInfo}})) = VkDescriptorUpdateTemplateCreateInfo core_type(@nospecialize(_::Union{Type{VkXYColorEXT}, Type{XYColorEXT}, Type{_XYColorEXT}})) = VkXYColorEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePresentIdFeaturesKHR}, Type{PhysicalDevicePresentIdFeaturesKHR}, Type{_PhysicalDevicePresentIdFeaturesKHR}})) = VkPhysicalDevicePresentIdFeaturesKHR core_type(@nospecialize(_::Union{Type{VkPresentIdKHR}, Type{PresentIdKHR}, Type{_PresentIdKHR}})) = VkPresentIdKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePresentWaitFeaturesKHR}, Type{PhysicalDevicePresentWaitFeaturesKHR}, Type{_PhysicalDevicePresentWaitFeaturesKHR}})) = VkPhysicalDevicePresentWaitFeaturesKHR core_type(@nospecialize(_::Union{Type{VkHdrMetadataEXT}, Type{HdrMetadataEXT}, Type{_HdrMetadataEXT}})) = VkHdrMetadataEXT core_type(@nospecialize(_::Union{Type{VkDisplayNativeHdrSurfaceCapabilitiesAMD}, Type{DisplayNativeHdrSurfaceCapabilitiesAMD}, Type{_DisplayNativeHdrSurfaceCapabilitiesAMD}})) = VkDisplayNativeHdrSurfaceCapabilitiesAMD core_type(@nospecialize(_::Union{Type{VkSwapchainDisplayNativeHdrCreateInfoAMD}, Type{SwapchainDisplayNativeHdrCreateInfoAMD}, Type{_SwapchainDisplayNativeHdrCreateInfoAMD}})) = VkSwapchainDisplayNativeHdrCreateInfoAMD core_type(@nospecialize(_::Union{Type{VkRefreshCycleDurationGOOGLE}, Type{RefreshCycleDurationGOOGLE}, Type{_RefreshCycleDurationGOOGLE}})) = VkRefreshCycleDurationGOOGLE core_type(@nospecialize(_::Union{Type{VkPastPresentationTimingGOOGLE}, Type{PastPresentationTimingGOOGLE}, Type{_PastPresentationTimingGOOGLE}})) = VkPastPresentationTimingGOOGLE core_type(@nospecialize(_::Union{Type{VkPresentTimesInfoGOOGLE}, Type{PresentTimesInfoGOOGLE}, Type{_PresentTimesInfoGOOGLE}})) = VkPresentTimesInfoGOOGLE core_type(@nospecialize(_::Union{Type{VkPresentTimeGOOGLE}, Type{PresentTimeGOOGLE}, Type{_PresentTimeGOOGLE}})) = VkPresentTimeGOOGLE core_type(@nospecialize(_::Union{Type{VkViewportWScalingNV}, Type{ViewportWScalingNV}, Type{_ViewportWScalingNV}})) = VkViewportWScalingNV core_type(@nospecialize(_::Union{Type{VkPipelineViewportWScalingStateCreateInfoNV}, Type{PipelineViewportWScalingStateCreateInfoNV}, Type{_PipelineViewportWScalingStateCreateInfoNV}})) = VkPipelineViewportWScalingStateCreateInfoNV core_type(@nospecialize(_::Union{Type{VkViewportSwizzleNV}, Type{ViewportSwizzleNV}, Type{_ViewportSwizzleNV}})) = VkViewportSwizzleNV core_type(@nospecialize(_::Union{Type{VkPipelineViewportSwizzleStateCreateInfoNV}, Type{PipelineViewportSwizzleStateCreateInfoNV}, Type{_PipelineViewportSwizzleStateCreateInfoNV}})) = VkPipelineViewportSwizzleStateCreateInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDiscardRectanglePropertiesEXT}, Type{PhysicalDeviceDiscardRectanglePropertiesEXT}, Type{_PhysicalDeviceDiscardRectanglePropertiesEXT}})) = VkPhysicalDeviceDiscardRectanglePropertiesEXT core_type(@nospecialize(_::Union{Type{VkPipelineDiscardRectangleStateCreateInfoEXT}, Type{PipelineDiscardRectangleStateCreateInfoEXT}, Type{_PipelineDiscardRectangleStateCreateInfoEXT}})) = VkPipelineDiscardRectangleStateCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX}, Type{PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX}, Type{_PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX}})) = VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX core_type(@nospecialize(_::Union{Type{VkInputAttachmentAspectReference}, Type{InputAttachmentAspectReference}, Type{_InputAttachmentAspectReference}})) = VkInputAttachmentAspectReference core_type(@nospecialize(_::Union{Type{VkRenderPassInputAttachmentAspectCreateInfo}, Type{RenderPassInputAttachmentAspectCreateInfo}, Type{_RenderPassInputAttachmentAspectCreateInfo}})) = VkRenderPassInputAttachmentAspectCreateInfo core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSurfaceInfo2KHR}, Type{PhysicalDeviceSurfaceInfo2KHR}, Type{_PhysicalDeviceSurfaceInfo2KHR}})) = VkPhysicalDeviceSurfaceInfo2KHR core_type(@nospecialize(_::Union{Type{VkSurfaceCapabilities2KHR}, Type{SurfaceCapabilities2KHR}, Type{_SurfaceCapabilities2KHR}})) = VkSurfaceCapabilities2KHR core_type(@nospecialize(_::Union{Type{VkSurfaceFormat2KHR}, Type{SurfaceFormat2KHR}, Type{_SurfaceFormat2KHR}})) = VkSurfaceFormat2KHR core_type(@nospecialize(_::Union{Type{VkDisplayProperties2KHR}, Type{DisplayProperties2KHR}, Type{_DisplayProperties2KHR}})) = VkDisplayProperties2KHR core_type(@nospecialize(_::Union{Type{VkDisplayPlaneProperties2KHR}, Type{DisplayPlaneProperties2KHR}, Type{_DisplayPlaneProperties2KHR}})) = VkDisplayPlaneProperties2KHR core_type(@nospecialize(_::Union{Type{VkDisplayModeProperties2KHR}, Type{DisplayModeProperties2KHR}, Type{_DisplayModeProperties2KHR}})) = VkDisplayModeProperties2KHR core_type(@nospecialize(_::Union{Type{VkDisplayPlaneInfo2KHR}, Type{DisplayPlaneInfo2KHR}, Type{_DisplayPlaneInfo2KHR}})) = VkDisplayPlaneInfo2KHR core_type(@nospecialize(_::Union{Type{VkDisplayPlaneCapabilities2KHR}, Type{DisplayPlaneCapabilities2KHR}, Type{_DisplayPlaneCapabilities2KHR}})) = VkDisplayPlaneCapabilities2KHR core_type(@nospecialize(_::Union{Type{VkSharedPresentSurfaceCapabilitiesKHR}, Type{SharedPresentSurfaceCapabilitiesKHR}, Type{_SharedPresentSurfaceCapabilitiesKHR}})) = VkSharedPresentSurfaceCapabilitiesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDevice16BitStorageFeatures}, Type{PhysicalDevice16BitStorageFeatures}, Type{_PhysicalDevice16BitStorageFeatures}})) = VkPhysicalDevice16BitStorageFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubgroupProperties}, Type{PhysicalDeviceSubgroupProperties}, Type{_PhysicalDeviceSubgroupProperties}})) = VkPhysicalDeviceSubgroupProperties core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures}, Type{PhysicalDeviceShaderSubgroupExtendedTypesFeatures}, Type{_PhysicalDeviceShaderSubgroupExtendedTypesFeatures}})) = VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures core_type(@nospecialize(_::Union{Type{VkBufferMemoryRequirementsInfo2}, Type{BufferMemoryRequirementsInfo2}, Type{_BufferMemoryRequirementsInfo2}})) = VkBufferMemoryRequirementsInfo2 core_type(@nospecialize(_::Union{Type{VkDeviceBufferMemoryRequirements}, Type{DeviceBufferMemoryRequirements}, Type{_DeviceBufferMemoryRequirements}})) = VkDeviceBufferMemoryRequirements core_type(@nospecialize(_::Union{Type{VkImageMemoryRequirementsInfo2}, Type{ImageMemoryRequirementsInfo2}, Type{_ImageMemoryRequirementsInfo2}})) = VkImageMemoryRequirementsInfo2 core_type(@nospecialize(_::Union{Type{VkImageSparseMemoryRequirementsInfo2}, Type{ImageSparseMemoryRequirementsInfo2}, Type{_ImageSparseMemoryRequirementsInfo2}})) = VkImageSparseMemoryRequirementsInfo2 core_type(@nospecialize(_::Union{Type{VkDeviceImageMemoryRequirements}, Type{DeviceImageMemoryRequirements}, Type{_DeviceImageMemoryRequirements}})) = VkDeviceImageMemoryRequirements core_type(@nospecialize(_::Union{Type{VkMemoryRequirements2}, Type{MemoryRequirements2}, Type{_MemoryRequirements2}})) = VkMemoryRequirements2 core_type(@nospecialize(_::Union{Type{VkSparseImageMemoryRequirements2}, Type{SparseImageMemoryRequirements2}, Type{_SparseImageMemoryRequirements2}})) = VkSparseImageMemoryRequirements2 core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePointClippingProperties}, Type{PhysicalDevicePointClippingProperties}, Type{_PhysicalDevicePointClippingProperties}})) = VkPhysicalDevicePointClippingProperties core_type(@nospecialize(_::Union{Type{VkMemoryDedicatedRequirements}, Type{MemoryDedicatedRequirements}, Type{_MemoryDedicatedRequirements}})) = VkMemoryDedicatedRequirements core_type(@nospecialize(_::Union{Type{VkMemoryDedicatedAllocateInfo}, Type{MemoryDedicatedAllocateInfo}, Type{_MemoryDedicatedAllocateInfo}})) = VkMemoryDedicatedAllocateInfo core_type(@nospecialize(_::Union{Type{VkImageViewUsageCreateInfo}, Type{ImageViewUsageCreateInfo}, Type{_ImageViewUsageCreateInfo}})) = VkImageViewUsageCreateInfo core_type(@nospecialize(_::Union{Type{VkPipelineTessellationDomainOriginStateCreateInfo}, Type{PipelineTessellationDomainOriginStateCreateInfo}, Type{_PipelineTessellationDomainOriginStateCreateInfo}})) = VkPipelineTessellationDomainOriginStateCreateInfo core_type(@nospecialize(_::Union{Type{VkSamplerYcbcrConversionInfo}, Type{SamplerYcbcrConversionInfo}, Type{_SamplerYcbcrConversionInfo}})) = VkSamplerYcbcrConversionInfo core_type(@nospecialize(_::Union{Type{VkSamplerYcbcrConversionCreateInfo}, Type{SamplerYcbcrConversionCreateInfo}, Type{_SamplerYcbcrConversionCreateInfo}})) = VkSamplerYcbcrConversionCreateInfo core_type(@nospecialize(_::Union{Type{VkBindImagePlaneMemoryInfo}, Type{BindImagePlaneMemoryInfo}, Type{_BindImagePlaneMemoryInfo}})) = VkBindImagePlaneMemoryInfo core_type(@nospecialize(_::Union{Type{VkImagePlaneMemoryRequirementsInfo}, Type{ImagePlaneMemoryRequirementsInfo}, Type{_ImagePlaneMemoryRequirementsInfo}})) = VkImagePlaneMemoryRequirementsInfo core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSamplerYcbcrConversionFeatures}, Type{PhysicalDeviceSamplerYcbcrConversionFeatures}, Type{_PhysicalDeviceSamplerYcbcrConversionFeatures}})) = VkPhysicalDeviceSamplerYcbcrConversionFeatures core_type(@nospecialize(_::Union{Type{VkSamplerYcbcrConversionImageFormatProperties}, Type{SamplerYcbcrConversionImageFormatProperties}, Type{_SamplerYcbcrConversionImageFormatProperties}})) = VkSamplerYcbcrConversionImageFormatProperties core_type(@nospecialize(_::Union{Type{VkTextureLODGatherFormatPropertiesAMD}, Type{TextureLODGatherFormatPropertiesAMD}, Type{_TextureLODGatherFormatPropertiesAMD}})) = VkTextureLODGatherFormatPropertiesAMD core_type(@nospecialize(_::Union{Type{VkConditionalRenderingBeginInfoEXT}, Type{ConditionalRenderingBeginInfoEXT}, Type{_ConditionalRenderingBeginInfoEXT}})) = VkConditionalRenderingBeginInfoEXT core_type(@nospecialize(_::Union{Type{VkProtectedSubmitInfo}, Type{ProtectedSubmitInfo}, Type{_ProtectedSubmitInfo}})) = VkProtectedSubmitInfo core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProtectedMemoryFeatures}, Type{PhysicalDeviceProtectedMemoryFeatures}, Type{_PhysicalDeviceProtectedMemoryFeatures}})) = VkPhysicalDeviceProtectedMemoryFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProtectedMemoryProperties}, Type{PhysicalDeviceProtectedMemoryProperties}, Type{_PhysicalDeviceProtectedMemoryProperties}})) = VkPhysicalDeviceProtectedMemoryProperties core_type(@nospecialize(_::Union{Type{VkDeviceQueueInfo2}, Type{DeviceQueueInfo2}, Type{_DeviceQueueInfo2}})) = VkDeviceQueueInfo2 core_type(@nospecialize(_::Union{Type{VkPipelineCoverageToColorStateCreateInfoNV}, Type{PipelineCoverageToColorStateCreateInfoNV}, Type{_PipelineCoverageToColorStateCreateInfoNV}})) = VkPipelineCoverageToColorStateCreateInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSamplerFilterMinmaxProperties}, Type{PhysicalDeviceSamplerFilterMinmaxProperties}, Type{_PhysicalDeviceSamplerFilterMinmaxProperties}})) = VkPhysicalDeviceSamplerFilterMinmaxProperties core_type(@nospecialize(_::Union{Type{VkSampleLocationEXT}, Type{SampleLocationEXT}, Type{_SampleLocationEXT}})) = VkSampleLocationEXT core_type(@nospecialize(_::Union{Type{VkSampleLocationsInfoEXT}, Type{SampleLocationsInfoEXT}, Type{_SampleLocationsInfoEXT}})) = VkSampleLocationsInfoEXT core_type(@nospecialize(_::Union{Type{VkAttachmentSampleLocationsEXT}, Type{AttachmentSampleLocationsEXT}, Type{_AttachmentSampleLocationsEXT}})) = VkAttachmentSampleLocationsEXT core_type(@nospecialize(_::Union{Type{VkSubpassSampleLocationsEXT}, Type{SubpassSampleLocationsEXT}, Type{_SubpassSampleLocationsEXT}})) = VkSubpassSampleLocationsEXT core_type(@nospecialize(_::Union{Type{VkRenderPassSampleLocationsBeginInfoEXT}, Type{RenderPassSampleLocationsBeginInfoEXT}, Type{_RenderPassSampleLocationsBeginInfoEXT}})) = VkRenderPassSampleLocationsBeginInfoEXT core_type(@nospecialize(_::Union{Type{VkPipelineSampleLocationsStateCreateInfoEXT}, Type{PipelineSampleLocationsStateCreateInfoEXT}, Type{_PipelineSampleLocationsStateCreateInfoEXT}})) = VkPipelineSampleLocationsStateCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSampleLocationsPropertiesEXT}, Type{PhysicalDeviceSampleLocationsPropertiesEXT}, Type{_PhysicalDeviceSampleLocationsPropertiesEXT}})) = VkPhysicalDeviceSampleLocationsPropertiesEXT core_type(@nospecialize(_::Union{Type{VkMultisamplePropertiesEXT}, Type{MultisamplePropertiesEXT}, Type{_MultisamplePropertiesEXT}})) = VkMultisamplePropertiesEXT core_type(@nospecialize(_::Union{Type{VkSamplerReductionModeCreateInfo}, Type{SamplerReductionModeCreateInfo}, Type{_SamplerReductionModeCreateInfo}})) = VkSamplerReductionModeCreateInfo core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT}, Type{PhysicalDeviceBlendOperationAdvancedFeaturesEXT}, Type{_PhysicalDeviceBlendOperationAdvancedFeaturesEXT}})) = VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiDrawFeaturesEXT}, Type{PhysicalDeviceMultiDrawFeaturesEXT}, Type{_PhysicalDeviceMultiDrawFeaturesEXT}})) = VkPhysicalDeviceMultiDrawFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT}, Type{PhysicalDeviceBlendOperationAdvancedPropertiesEXT}, Type{_PhysicalDeviceBlendOperationAdvancedPropertiesEXT}})) = VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPipelineColorBlendAdvancedStateCreateInfoEXT}, Type{PipelineColorBlendAdvancedStateCreateInfoEXT}, Type{_PipelineColorBlendAdvancedStateCreateInfoEXT}})) = VkPipelineColorBlendAdvancedStateCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceInlineUniformBlockFeatures}, Type{PhysicalDeviceInlineUniformBlockFeatures}, Type{_PhysicalDeviceInlineUniformBlockFeatures}})) = VkPhysicalDeviceInlineUniformBlockFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceInlineUniformBlockProperties}, Type{PhysicalDeviceInlineUniformBlockProperties}, Type{_PhysicalDeviceInlineUniformBlockProperties}})) = VkPhysicalDeviceInlineUniformBlockProperties core_type(@nospecialize(_::Union{Type{VkWriteDescriptorSetInlineUniformBlock}, Type{WriteDescriptorSetInlineUniformBlock}, Type{_WriteDescriptorSetInlineUniformBlock}})) = VkWriteDescriptorSetInlineUniformBlock core_type(@nospecialize(_::Union{Type{VkDescriptorPoolInlineUniformBlockCreateInfo}, Type{DescriptorPoolInlineUniformBlockCreateInfo}, Type{_DescriptorPoolInlineUniformBlockCreateInfo}})) = VkDescriptorPoolInlineUniformBlockCreateInfo core_type(@nospecialize(_::Union{Type{VkPipelineCoverageModulationStateCreateInfoNV}, Type{PipelineCoverageModulationStateCreateInfoNV}, Type{_PipelineCoverageModulationStateCreateInfoNV}})) = VkPipelineCoverageModulationStateCreateInfoNV core_type(@nospecialize(_::Union{Type{VkImageFormatListCreateInfo}, Type{ImageFormatListCreateInfo}, Type{_ImageFormatListCreateInfo}})) = VkImageFormatListCreateInfo core_type(@nospecialize(_::Union{Type{VkValidationCacheCreateInfoEXT}, Type{ValidationCacheCreateInfoEXT}, Type{_ValidationCacheCreateInfoEXT}})) = VkValidationCacheCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkShaderModuleValidationCacheCreateInfoEXT}, Type{ShaderModuleValidationCacheCreateInfoEXT}, Type{_ShaderModuleValidationCacheCreateInfoEXT}})) = VkShaderModuleValidationCacheCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMaintenance3Properties}, Type{PhysicalDeviceMaintenance3Properties}, Type{_PhysicalDeviceMaintenance3Properties}})) = VkPhysicalDeviceMaintenance3Properties core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMaintenance4Features}, Type{PhysicalDeviceMaintenance4Features}, Type{_PhysicalDeviceMaintenance4Features}})) = VkPhysicalDeviceMaintenance4Features core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMaintenance4Properties}, Type{PhysicalDeviceMaintenance4Properties}, Type{_PhysicalDeviceMaintenance4Properties}})) = VkPhysicalDeviceMaintenance4Properties core_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutSupport}, Type{DescriptorSetLayoutSupport}, Type{_DescriptorSetLayoutSupport}})) = VkDescriptorSetLayoutSupport core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderDrawParametersFeatures}, Type{PhysicalDeviceShaderDrawParametersFeatures}, Type{_PhysicalDeviceShaderDrawParametersFeatures}})) = VkPhysicalDeviceShaderDrawParametersFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderFloat16Int8Features}, Type{PhysicalDeviceShaderFloat16Int8Features}, Type{_PhysicalDeviceShaderFloat16Int8Features}})) = VkPhysicalDeviceShaderFloat16Int8Features core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFloatControlsProperties}, Type{PhysicalDeviceFloatControlsProperties}, Type{_PhysicalDeviceFloatControlsProperties}})) = VkPhysicalDeviceFloatControlsProperties core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceHostQueryResetFeatures}, Type{PhysicalDeviceHostQueryResetFeatures}, Type{_PhysicalDeviceHostQueryResetFeatures}})) = VkPhysicalDeviceHostQueryResetFeatures core_type(@nospecialize(_::Union{Type{VkShaderResourceUsageAMD}, Type{ShaderResourceUsageAMD}, Type{_ShaderResourceUsageAMD}})) = VkShaderResourceUsageAMD core_type(@nospecialize(_::Union{Type{VkShaderStatisticsInfoAMD}, Type{ShaderStatisticsInfoAMD}, Type{_ShaderStatisticsInfoAMD}})) = VkShaderStatisticsInfoAMD core_type(@nospecialize(_::Union{Type{VkDeviceQueueGlobalPriorityCreateInfoKHR}, Type{DeviceQueueGlobalPriorityCreateInfoKHR}, Type{_DeviceQueueGlobalPriorityCreateInfoKHR}})) = VkDeviceQueueGlobalPriorityCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR}, Type{PhysicalDeviceGlobalPriorityQueryFeaturesKHR}, Type{_PhysicalDeviceGlobalPriorityQueryFeaturesKHR}})) = VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR core_type(@nospecialize(_::Union{Type{VkQueueFamilyGlobalPriorityPropertiesKHR}, Type{QueueFamilyGlobalPriorityPropertiesKHR}, Type{_QueueFamilyGlobalPriorityPropertiesKHR}})) = VkQueueFamilyGlobalPriorityPropertiesKHR core_type(@nospecialize(_::Union{Type{VkDebugUtilsObjectNameInfoEXT}, Type{DebugUtilsObjectNameInfoEXT}, Type{_DebugUtilsObjectNameInfoEXT}})) = VkDebugUtilsObjectNameInfoEXT core_type(@nospecialize(_::Union{Type{VkDebugUtilsObjectTagInfoEXT}, Type{DebugUtilsObjectTagInfoEXT}, Type{_DebugUtilsObjectTagInfoEXT}})) = VkDebugUtilsObjectTagInfoEXT core_type(@nospecialize(_::Union{Type{VkDebugUtilsLabelEXT}, Type{DebugUtilsLabelEXT}, Type{_DebugUtilsLabelEXT}})) = VkDebugUtilsLabelEXT core_type(@nospecialize(_::Union{Type{VkDebugUtilsMessengerCreateInfoEXT}, Type{DebugUtilsMessengerCreateInfoEXT}, Type{_DebugUtilsMessengerCreateInfoEXT}})) = VkDebugUtilsMessengerCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkDebugUtilsMessengerCallbackDataEXT}, Type{DebugUtilsMessengerCallbackDataEXT}, Type{_DebugUtilsMessengerCallbackDataEXT}})) = VkDebugUtilsMessengerCallbackDataEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDeviceMemoryReportFeaturesEXT}, Type{PhysicalDeviceDeviceMemoryReportFeaturesEXT}, Type{_PhysicalDeviceDeviceMemoryReportFeaturesEXT}})) = VkPhysicalDeviceDeviceMemoryReportFeaturesEXT core_type(@nospecialize(_::Union{Type{VkDeviceDeviceMemoryReportCreateInfoEXT}, Type{DeviceDeviceMemoryReportCreateInfoEXT}, Type{_DeviceDeviceMemoryReportCreateInfoEXT}})) = VkDeviceDeviceMemoryReportCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkDeviceMemoryReportCallbackDataEXT}, Type{DeviceMemoryReportCallbackDataEXT}, Type{_DeviceMemoryReportCallbackDataEXT}})) = VkDeviceMemoryReportCallbackDataEXT core_type(@nospecialize(_::Union{Type{VkImportMemoryHostPointerInfoEXT}, Type{ImportMemoryHostPointerInfoEXT}, Type{_ImportMemoryHostPointerInfoEXT}})) = VkImportMemoryHostPointerInfoEXT core_type(@nospecialize(_::Union{Type{VkMemoryHostPointerPropertiesEXT}, Type{MemoryHostPointerPropertiesEXT}, Type{_MemoryHostPointerPropertiesEXT}})) = VkMemoryHostPointerPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalMemoryHostPropertiesEXT}, Type{PhysicalDeviceExternalMemoryHostPropertiesEXT}, Type{_PhysicalDeviceExternalMemoryHostPropertiesEXT}})) = VkPhysicalDeviceExternalMemoryHostPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceConservativeRasterizationPropertiesEXT}, Type{PhysicalDeviceConservativeRasterizationPropertiesEXT}, Type{_PhysicalDeviceConservativeRasterizationPropertiesEXT}})) = VkPhysicalDeviceConservativeRasterizationPropertiesEXT core_type(@nospecialize(_::Union{Type{VkCalibratedTimestampInfoEXT}, Type{CalibratedTimestampInfoEXT}, Type{_CalibratedTimestampInfoEXT}})) = VkCalibratedTimestampInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderCorePropertiesAMD}, Type{PhysicalDeviceShaderCorePropertiesAMD}, Type{_PhysicalDeviceShaderCorePropertiesAMD}})) = VkPhysicalDeviceShaderCorePropertiesAMD core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderCoreProperties2AMD}, Type{PhysicalDeviceShaderCoreProperties2AMD}, Type{_PhysicalDeviceShaderCoreProperties2AMD}})) = VkPhysicalDeviceShaderCoreProperties2AMD core_type(@nospecialize(_::Union{Type{VkPipelineRasterizationConservativeStateCreateInfoEXT}, Type{PipelineRasterizationConservativeStateCreateInfoEXT}, Type{_PipelineRasterizationConservativeStateCreateInfoEXT}})) = VkPipelineRasterizationConservativeStateCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorIndexingFeatures}, Type{PhysicalDeviceDescriptorIndexingFeatures}, Type{_PhysicalDeviceDescriptorIndexingFeatures}})) = VkPhysicalDeviceDescriptorIndexingFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorIndexingProperties}, Type{PhysicalDeviceDescriptorIndexingProperties}, Type{_PhysicalDeviceDescriptorIndexingProperties}})) = VkPhysicalDeviceDescriptorIndexingProperties core_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutBindingFlagsCreateInfo}, Type{DescriptorSetLayoutBindingFlagsCreateInfo}, Type{_DescriptorSetLayoutBindingFlagsCreateInfo}})) = VkDescriptorSetLayoutBindingFlagsCreateInfo core_type(@nospecialize(_::Union{Type{VkDescriptorSetVariableDescriptorCountAllocateInfo}, Type{DescriptorSetVariableDescriptorCountAllocateInfo}, Type{_DescriptorSetVariableDescriptorCountAllocateInfo}})) = VkDescriptorSetVariableDescriptorCountAllocateInfo core_type(@nospecialize(_::Union{Type{VkDescriptorSetVariableDescriptorCountLayoutSupport}, Type{DescriptorSetVariableDescriptorCountLayoutSupport}, Type{_DescriptorSetVariableDescriptorCountLayoutSupport}})) = VkDescriptorSetVariableDescriptorCountLayoutSupport core_type(@nospecialize(_::Union{Type{VkAttachmentDescription2}, Type{AttachmentDescription2}, Type{_AttachmentDescription2}})) = VkAttachmentDescription2 core_type(@nospecialize(_::Union{Type{VkAttachmentReference2}, Type{AttachmentReference2}, Type{_AttachmentReference2}})) = VkAttachmentReference2 core_type(@nospecialize(_::Union{Type{VkSubpassDescription2}, Type{SubpassDescription2}, Type{_SubpassDescription2}})) = VkSubpassDescription2 core_type(@nospecialize(_::Union{Type{VkSubpassDependency2}, Type{SubpassDependency2}, Type{_SubpassDependency2}})) = VkSubpassDependency2 core_type(@nospecialize(_::Union{Type{VkRenderPassCreateInfo2}, Type{RenderPassCreateInfo2}, Type{_RenderPassCreateInfo2}})) = VkRenderPassCreateInfo2 core_type(@nospecialize(_::Union{Type{VkSubpassBeginInfo}, Type{SubpassBeginInfo}, Type{_SubpassBeginInfo}})) = VkSubpassBeginInfo core_type(@nospecialize(_::Union{Type{VkSubpassEndInfo}, Type{SubpassEndInfo}, Type{_SubpassEndInfo}})) = VkSubpassEndInfo core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTimelineSemaphoreFeatures}, Type{PhysicalDeviceTimelineSemaphoreFeatures}, Type{_PhysicalDeviceTimelineSemaphoreFeatures}})) = VkPhysicalDeviceTimelineSemaphoreFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTimelineSemaphoreProperties}, Type{PhysicalDeviceTimelineSemaphoreProperties}, Type{_PhysicalDeviceTimelineSemaphoreProperties}})) = VkPhysicalDeviceTimelineSemaphoreProperties core_type(@nospecialize(_::Union{Type{VkSemaphoreTypeCreateInfo}, Type{SemaphoreTypeCreateInfo}, Type{_SemaphoreTypeCreateInfo}})) = VkSemaphoreTypeCreateInfo core_type(@nospecialize(_::Union{Type{VkTimelineSemaphoreSubmitInfo}, Type{TimelineSemaphoreSubmitInfo}, Type{_TimelineSemaphoreSubmitInfo}})) = VkTimelineSemaphoreSubmitInfo core_type(@nospecialize(_::Union{Type{VkSemaphoreWaitInfo}, Type{SemaphoreWaitInfo}, Type{_SemaphoreWaitInfo}})) = VkSemaphoreWaitInfo core_type(@nospecialize(_::Union{Type{VkSemaphoreSignalInfo}, Type{SemaphoreSignalInfo}, Type{_SemaphoreSignalInfo}})) = VkSemaphoreSignalInfo core_type(@nospecialize(_::Union{Type{VkVertexInputBindingDivisorDescriptionEXT}, Type{VertexInputBindingDivisorDescriptionEXT}, Type{_VertexInputBindingDivisorDescriptionEXT}})) = VkVertexInputBindingDivisorDescriptionEXT core_type(@nospecialize(_::Union{Type{VkPipelineVertexInputDivisorStateCreateInfoEXT}, Type{PipelineVertexInputDivisorStateCreateInfoEXT}, Type{_PipelineVertexInputDivisorStateCreateInfoEXT}})) = VkPipelineVertexInputDivisorStateCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT}, Type{PhysicalDeviceVertexAttributeDivisorPropertiesEXT}, Type{_PhysicalDeviceVertexAttributeDivisorPropertiesEXT}})) = VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePCIBusInfoPropertiesEXT}, Type{PhysicalDevicePCIBusInfoPropertiesEXT}, Type{_PhysicalDevicePCIBusInfoPropertiesEXT}})) = VkPhysicalDevicePCIBusInfoPropertiesEXT core_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceConditionalRenderingInfoEXT}, Type{CommandBufferInheritanceConditionalRenderingInfoEXT}, Type{_CommandBufferInheritanceConditionalRenderingInfoEXT}})) = VkCommandBufferInheritanceConditionalRenderingInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDevice8BitStorageFeatures}, Type{PhysicalDevice8BitStorageFeatures}, Type{_PhysicalDevice8BitStorageFeatures}})) = VkPhysicalDevice8BitStorageFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceConditionalRenderingFeaturesEXT}, Type{PhysicalDeviceConditionalRenderingFeaturesEXT}, Type{_PhysicalDeviceConditionalRenderingFeaturesEXT}})) = VkPhysicalDeviceConditionalRenderingFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkanMemoryModelFeatures}, Type{PhysicalDeviceVulkanMemoryModelFeatures}, Type{_PhysicalDeviceVulkanMemoryModelFeatures}})) = VkPhysicalDeviceVulkanMemoryModelFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderAtomicInt64Features}, Type{PhysicalDeviceShaderAtomicInt64Features}, Type{_PhysicalDeviceShaderAtomicInt64Features}})) = VkPhysicalDeviceShaderAtomicInt64Features core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderAtomicFloatFeaturesEXT}, Type{PhysicalDeviceShaderAtomicFloatFeaturesEXT}, Type{_PhysicalDeviceShaderAtomicFloatFeaturesEXT}})) = VkPhysicalDeviceShaderAtomicFloatFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT}, Type{PhysicalDeviceShaderAtomicFloat2FeaturesEXT}, Type{_PhysicalDeviceShaderAtomicFloat2FeaturesEXT}})) = VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT}, Type{PhysicalDeviceVertexAttributeDivisorFeaturesEXT}, Type{_PhysicalDeviceVertexAttributeDivisorFeaturesEXT}})) = VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT core_type(@nospecialize(_::Union{Type{VkQueueFamilyCheckpointPropertiesNV}, Type{QueueFamilyCheckpointPropertiesNV}, Type{_QueueFamilyCheckpointPropertiesNV}})) = VkQueueFamilyCheckpointPropertiesNV core_type(@nospecialize(_::Union{Type{VkCheckpointDataNV}, Type{CheckpointDataNV}, Type{_CheckpointDataNV}})) = VkCheckpointDataNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDepthStencilResolveProperties}, Type{PhysicalDeviceDepthStencilResolveProperties}, Type{_PhysicalDeviceDepthStencilResolveProperties}})) = VkPhysicalDeviceDepthStencilResolveProperties core_type(@nospecialize(_::Union{Type{VkSubpassDescriptionDepthStencilResolve}, Type{SubpassDescriptionDepthStencilResolve}, Type{_SubpassDescriptionDepthStencilResolve}})) = VkSubpassDescriptionDepthStencilResolve core_type(@nospecialize(_::Union{Type{VkImageViewASTCDecodeModeEXT}, Type{ImageViewASTCDecodeModeEXT}, Type{_ImageViewASTCDecodeModeEXT}})) = VkImageViewASTCDecodeModeEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceASTCDecodeFeaturesEXT}, Type{PhysicalDeviceASTCDecodeFeaturesEXT}, Type{_PhysicalDeviceASTCDecodeFeaturesEXT}})) = VkPhysicalDeviceASTCDecodeFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTransformFeedbackFeaturesEXT}, Type{PhysicalDeviceTransformFeedbackFeaturesEXT}, Type{_PhysicalDeviceTransformFeedbackFeaturesEXT}})) = VkPhysicalDeviceTransformFeedbackFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTransformFeedbackPropertiesEXT}, Type{PhysicalDeviceTransformFeedbackPropertiesEXT}, Type{_PhysicalDeviceTransformFeedbackPropertiesEXT}})) = VkPhysicalDeviceTransformFeedbackPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPipelineRasterizationStateStreamCreateInfoEXT}, Type{PipelineRasterizationStateStreamCreateInfoEXT}, Type{_PipelineRasterizationStateStreamCreateInfoEXT}})) = VkPipelineRasterizationStateStreamCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV}, Type{PhysicalDeviceRepresentativeFragmentTestFeaturesNV}, Type{_PhysicalDeviceRepresentativeFragmentTestFeaturesNV}})) = VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV core_type(@nospecialize(_::Union{Type{VkPipelineRepresentativeFragmentTestStateCreateInfoNV}, Type{PipelineRepresentativeFragmentTestStateCreateInfoNV}, Type{_PipelineRepresentativeFragmentTestStateCreateInfoNV}})) = VkPipelineRepresentativeFragmentTestStateCreateInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExclusiveScissorFeaturesNV}, Type{PhysicalDeviceExclusiveScissorFeaturesNV}, Type{_PhysicalDeviceExclusiveScissorFeaturesNV}})) = VkPhysicalDeviceExclusiveScissorFeaturesNV core_type(@nospecialize(_::Union{Type{VkPipelineViewportExclusiveScissorStateCreateInfoNV}, Type{PipelineViewportExclusiveScissorStateCreateInfoNV}, Type{_PipelineViewportExclusiveScissorStateCreateInfoNV}})) = VkPipelineViewportExclusiveScissorStateCreateInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCornerSampledImageFeaturesNV}, Type{PhysicalDeviceCornerSampledImageFeaturesNV}, Type{_PhysicalDeviceCornerSampledImageFeaturesNV}})) = VkPhysicalDeviceCornerSampledImageFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceComputeShaderDerivativesFeaturesNV}, Type{PhysicalDeviceComputeShaderDerivativesFeaturesNV}, Type{_PhysicalDeviceComputeShaderDerivativesFeaturesNV}})) = VkPhysicalDeviceComputeShaderDerivativesFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderImageFootprintFeaturesNV}, Type{PhysicalDeviceShaderImageFootprintFeaturesNV}, Type{_PhysicalDeviceShaderImageFootprintFeaturesNV}})) = VkPhysicalDeviceShaderImageFootprintFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV}, Type{PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV}, Type{_PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV}})) = VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCopyMemoryIndirectFeaturesNV}, Type{PhysicalDeviceCopyMemoryIndirectFeaturesNV}, Type{_PhysicalDeviceCopyMemoryIndirectFeaturesNV}})) = VkPhysicalDeviceCopyMemoryIndirectFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCopyMemoryIndirectPropertiesNV}, Type{PhysicalDeviceCopyMemoryIndirectPropertiesNV}, Type{_PhysicalDeviceCopyMemoryIndirectPropertiesNV}})) = VkPhysicalDeviceCopyMemoryIndirectPropertiesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryDecompressionFeaturesNV}, Type{PhysicalDeviceMemoryDecompressionFeaturesNV}, Type{_PhysicalDeviceMemoryDecompressionFeaturesNV}})) = VkPhysicalDeviceMemoryDecompressionFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryDecompressionPropertiesNV}, Type{PhysicalDeviceMemoryDecompressionPropertiesNV}, Type{_PhysicalDeviceMemoryDecompressionPropertiesNV}})) = VkPhysicalDeviceMemoryDecompressionPropertiesNV core_type(@nospecialize(_::Union{Type{VkShadingRatePaletteNV}, Type{ShadingRatePaletteNV}, Type{_ShadingRatePaletteNV}})) = VkShadingRatePaletteNV core_type(@nospecialize(_::Union{Type{VkPipelineViewportShadingRateImageStateCreateInfoNV}, Type{PipelineViewportShadingRateImageStateCreateInfoNV}, Type{_PipelineViewportShadingRateImageStateCreateInfoNV}})) = VkPipelineViewportShadingRateImageStateCreateInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShadingRateImageFeaturesNV}, Type{PhysicalDeviceShadingRateImageFeaturesNV}, Type{_PhysicalDeviceShadingRateImageFeaturesNV}})) = VkPhysicalDeviceShadingRateImageFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShadingRateImagePropertiesNV}, Type{PhysicalDeviceShadingRateImagePropertiesNV}, Type{_PhysicalDeviceShadingRateImagePropertiesNV}})) = VkPhysicalDeviceShadingRateImagePropertiesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceInvocationMaskFeaturesHUAWEI}, Type{PhysicalDeviceInvocationMaskFeaturesHUAWEI}, Type{_PhysicalDeviceInvocationMaskFeaturesHUAWEI}})) = VkPhysicalDeviceInvocationMaskFeaturesHUAWEI core_type(@nospecialize(_::Union{Type{VkCoarseSampleLocationNV}, Type{CoarseSampleLocationNV}, Type{_CoarseSampleLocationNV}})) = VkCoarseSampleLocationNV core_type(@nospecialize(_::Union{Type{VkCoarseSampleOrderCustomNV}, Type{CoarseSampleOrderCustomNV}, Type{_CoarseSampleOrderCustomNV}})) = VkCoarseSampleOrderCustomNV core_type(@nospecialize(_::Union{Type{VkPipelineViewportCoarseSampleOrderStateCreateInfoNV}, Type{PipelineViewportCoarseSampleOrderStateCreateInfoNV}, Type{_PipelineViewportCoarseSampleOrderStateCreateInfoNV}})) = VkPipelineViewportCoarseSampleOrderStateCreateInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMeshShaderFeaturesNV}, Type{PhysicalDeviceMeshShaderFeaturesNV}, Type{_PhysicalDeviceMeshShaderFeaturesNV}})) = VkPhysicalDeviceMeshShaderFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMeshShaderPropertiesNV}, Type{PhysicalDeviceMeshShaderPropertiesNV}, Type{_PhysicalDeviceMeshShaderPropertiesNV}})) = VkPhysicalDeviceMeshShaderPropertiesNV core_type(@nospecialize(_::Union{Type{VkDrawMeshTasksIndirectCommandNV}, Type{DrawMeshTasksIndirectCommandNV}, Type{_DrawMeshTasksIndirectCommandNV}})) = VkDrawMeshTasksIndirectCommandNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMeshShaderFeaturesEXT}, Type{PhysicalDeviceMeshShaderFeaturesEXT}, Type{_PhysicalDeviceMeshShaderFeaturesEXT}})) = VkPhysicalDeviceMeshShaderFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMeshShaderPropertiesEXT}, Type{PhysicalDeviceMeshShaderPropertiesEXT}, Type{_PhysicalDeviceMeshShaderPropertiesEXT}})) = VkPhysicalDeviceMeshShaderPropertiesEXT core_type(@nospecialize(_::Union{Type{VkDrawMeshTasksIndirectCommandEXT}, Type{DrawMeshTasksIndirectCommandEXT}, Type{_DrawMeshTasksIndirectCommandEXT}})) = VkDrawMeshTasksIndirectCommandEXT core_type(@nospecialize(_::Union{Type{VkRayTracingShaderGroupCreateInfoNV}, Type{RayTracingShaderGroupCreateInfoNV}, Type{_RayTracingShaderGroupCreateInfoNV}})) = VkRayTracingShaderGroupCreateInfoNV core_type(@nospecialize(_::Union{Type{VkRayTracingShaderGroupCreateInfoKHR}, Type{RayTracingShaderGroupCreateInfoKHR}, Type{_RayTracingShaderGroupCreateInfoKHR}})) = VkRayTracingShaderGroupCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkRayTracingPipelineCreateInfoNV}, Type{RayTracingPipelineCreateInfoNV}, Type{_RayTracingPipelineCreateInfoNV}})) = VkRayTracingPipelineCreateInfoNV core_type(@nospecialize(_::Union{Type{VkRayTracingPipelineCreateInfoKHR}, Type{RayTracingPipelineCreateInfoKHR}, Type{_RayTracingPipelineCreateInfoKHR}})) = VkRayTracingPipelineCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkGeometryTrianglesNV}, Type{GeometryTrianglesNV}, Type{_GeometryTrianglesNV}})) = VkGeometryTrianglesNV core_type(@nospecialize(_::Union{Type{VkGeometryAABBNV}, Type{GeometryAABBNV}, Type{_GeometryAABBNV}})) = VkGeometryAABBNV core_type(@nospecialize(_::Union{Type{VkGeometryDataNV}, Type{GeometryDataNV}, Type{_GeometryDataNV}})) = VkGeometryDataNV core_type(@nospecialize(_::Union{Type{VkGeometryNV}, Type{GeometryNV}, Type{_GeometryNV}})) = VkGeometryNV core_type(@nospecialize(_::Union{Type{VkAccelerationStructureInfoNV}, Type{AccelerationStructureInfoNV}, Type{_AccelerationStructureInfoNV}})) = VkAccelerationStructureInfoNV core_type(@nospecialize(_::Union{Type{VkAccelerationStructureCreateInfoNV}, Type{AccelerationStructureCreateInfoNV}, Type{_AccelerationStructureCreateInfoNV}})) = VkAccelerationStructureCreateInfoNV core_type(@nospecialize(_::Union{Type{VkBindAccelerationStructureMemoryInfoNV}, Type{BindAccelerationStructureMemoryInfoNV}, Type{_BindAccelerationStructureMemoryInfoNV}})) = VkBindAccelerationStructureMemoryInfoNV core_type(@nospecialize(_::Union{Type{VkWriteDescriptorSetAccelerationStructureKHR}, Type{WriteDescriptorSetAccelerationStructureKHR}, Type{_WriteDescriptorSetAccelerationStructureKHR}})) = VkWriteDescriptorSetAccelerationStructureKHR core_type(@nospecialize(_::Union{Type{VkWriteDescriptorSetAccelerationStructureNV}, Type{WriteDescriptorSetAccelerationStructureNV}, Type{_WriteDescriptorSetAccelerationStructureNV}})) = VkWriteDescriptorSetAccelerationStructureNV core_type(@nospecialize(_::Union{Type{VkAccelerationStructureMemoryRequirementsInfoNV}, Type{AccelerationStructureMemoryRequirementsInfoNV}, Type{_AccelerationStructureMemoryRequirementsInfoNV}})) = VkAccelerationStructureMemoryRequirementsInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAccelerationStructureFeaturesKHR}, Type{PhysicalDeviceAccelerationStructureFeaturesKHR}, Type{_PhysicalDeviceAccelerationStructureFeaturesKHR}})) = VkPhysicalDeviceAccelerationStructureFeaturesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingPipelineFeaturesKHR}, Type{PhysicalDeviceRayTracingPipelineFeaturesKHR}, Type{_PhysicalDeviceRayTracingPipelineFeaturesKHR}})) = VkPhysicalDeviceRayTracingPipelineFeaturesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayQueryFeaturesKHR}, Type{PhysicalDeviceRayQueryFeaturesKHR}, Type{_PhysicalDeviceRayQueryFeaturesKHR}})) = VkPhysicalDeviceRayQueryFeaturesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAccelerationStructurePropertiesKHR}, Type{PhysicalDeviceAccelerationStructurePropertiesKHR}, Type{_PhysicalDeviceAccelerationStructurePropertiesKHR}})) = VkPhysicalDeviceAccelerationStructurePropertiesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingPipelinePropertiesKHR}, Type{PhysicalDeviceRayTracingPipelinePropertiesKHR}, Type{_PhysicalDeviceRayTracingPipelinePropertiesKHR}})) = VkPhysicalDeviceRayTracingPipelinePropertiesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingPropertiesNV}, Type{PhysicalDeviceRayTracingPropertiesNV}, Type{_PhysicalDeviceRayTracingPropertiesNV}})) = VkPhysicalDeviceRayTracingPropertiesNV core_type(@nospecialize(_::Union{Type{VkStridedDeviceAddressRegionKHR}, Type{StridedDeviceAddressRegionKHR}, Type{_StridedDeviceAddressRegionKHR}})) = VkStridedDeviceAddressRegionKHR core_type(@nospecialize(_::Union{Type{VkTraceRaysIndirectCommandKHR}, Type{TraceRaysIndirectCommandKHR}, Type{_TraceRaysIndirectCommandKHR}})) = VkTraceRaysIndirectCommandKHR core_type(@nospecialize(_::Union{Type{VkTraceRaysIndirectCommand2KHR}, Type{TraceRaysIndirectCommand2KHR}, Type{_TraceRaysIndirectCommand2KHR}})) = VkTraceRaysIndirectCommand2KHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR}, Type{PhysicalDeviceRayTracingMaintenance1FeaturesKHR}, Type{_PhysicalDeviceRayTracingMaintenance1FeaturesKHR}})) = VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR core_type(@nospecialize(_::Union{Type{VkDrmFormatModifierPropertiesListEXT}, Type{DrmFormatModifierPropertiesListEXT}, Type{_DrmFormatModifierPropertiesListEXT}})) = VkDrmFormatModifierPropertiesListEXT core_type(@nospecialize(_::Union{Type{VkDrmFormatModifierPropertiesEXT}, Type{DrmFormatModifierPropertiesEXT}, Type{_DrmFormatModifierPropertiesEXT}})) = VkDrmFormatModifierPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageDrmFormatModifierInfoEXT}, Type{PhysicalDeviceImageDrmFormatModifierInfoEXT}, Type{_PhysicalDeviceImageDrmFormatModifierInfoEXT}})) = VkPhysicalDeviceImageDrmFormatModifierInfoEXT core_type(@nospecialize(_::Union{Type{VkImageDrmFormatModifierListCreateInfoEXT}, Type{ImageDrmFormatModifierListCreateInfoEXT}, Type{_ImageDrmFormatModifierListCreateInfoEXT}})) = VkImageDrmFormatModifierListCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkImageDrmFormatModifierExplicitCreateInfoEXT}, Type{ImageDrmFormatModifierExplicitCreateInfoEXT}, Type{_ImageDrmFormatModifierExplicitCreateInfoEXT}})) = VkImageDrmFormatModifierExplicitCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkImageDrmFormatModifierPropertiesEXT}, Type{ImageDrmFormatModifierPropertiesEXT}, Type{_ImageDrmFormatModifierPropertiesEXT}})) = VkImageDrmFormatModifierPropertiesEXT core_type(@nospecialize(_::Union{Type{VkImageStencilUsageCreateInfo}, Type{ImageStencilUsageCreateInfo}, Type{_ImageStencilUsageCreateInfo}})) = VkImageStencilUsageCreateInfo core_type(@nospecialize(_::Union{Type{VkDeviceMemoryOverallocationCreateInfoAMD}, Type{DeviceMemoryOverallocationCreateInfoAMD}, Type{_DeviceMemoryOverallocationCreateInfoAMD}})) = VkDeviceMemoryOverallocationCreateInfoAMD core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMapFeaturesEXT}, Type{PhysicalDeviceFragmentDensityMapFeaturesEXT}, Type{_PhysicalDeviceFragmentDensityMapFeaturesEXT}})) = VkPhysicalDeviceFragmentDensityMapFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMap2FeaturesEXT}, Type{PhysicalDeviceFragmentDensityMap2FeaturesEXT}, Type{_PhysicalDeviceFragmentDensityMap2FeaturesEXT}})) = VkPhysicalDeviceFragmentDensityMap2FeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM}, Type{PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM}, Type{_PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM}})) = VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMapPropertiesEXT}, Type{PhysicalDeviceFragmentDensityMapPropertiesEXT}, Type{_PhysicalDeviceFragmentDensityMapPropertiesEXT}})) = VkPhysicalDeviceFragmentDensityMapPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMap2PropertiesEXT}, Type{PhysicalDeviceFragmentDensityMap2PropertiesEXT}, Type{_PhysicalDeviceFragmentDensityMap2PropertiesEXT}})) = VkPhysicalDeviceFragmentDensityMap2PropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM}, Type{PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM}, Type{_PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM}})) = VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM core_type(@nospecialize(_::Union{Type{VkRenderPassFragmentDensityMapCreateInfoEXT}, Type{RenderPassFragmentDensityMapCreateInfoEXT}, Type{_RenderPassFragmentDensityMapCreateInfoEXT}})) = VkRenderPassFragmentDensityMapCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkSubpassFragmentDensityMapOffsetEndInfoQCOM}, Type{SubpassFragmentDensityMapOffsetEndInfoQCOM}, Type{_SubpassFragmentDensityMapOffsetEndInfoQCOM}})) = VkSubpassFragmentDensityMapOffsetEndInfoQCOM core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceScalarBlockLayoutFeatures}, Type{PhysicalDeviceScalarBlockLayoutFeatures}, Type{_PhysicalDeviceScalarBlockLayoutFeatures}})) = VkPhysicalDeviceScalarBlockLayoutFeatures core_type(@nospecialize(_::Union{Type{VkSurfaceProtectedCapabilitiesKHR}, Type{SurfaceProtectedCapabilitiesKHR}, Type{_SurfaceProtectedCapabilitiesKHR}})) = VkSurfaceProtectedCapabilitiesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceUniformBufferStandardLayoutFeatures}, Type{PhysicalDeviceUniformBufferStandardLayoutFeatures}, Type{_PhysicalDeviceUniformBufferStandardLayoutFeatures}})) = VkPhysicalDeviceUniformBufferStandardLayoutFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDepthClipEnableFeaturesEXT}, Type{PhysicalDeviceDepthClipEnableFeaturesEXT}, Type{_PhysicalDeviceDepthClipEnableFeaturesEXT}})) = VkPhysicalDeviceDepthClipEnableFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPipelineRasterizationDepthClipStateCreateInfoEXT}, Type{PipelineRasterizationDepthClipStateCreateInfoEXT}, Type{_PipelineRasterizationDepthClipStateCreateInfoEXT}})) = VkPipelineRasterizationDepthClipStateCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryBudgetPropertiesEXT}, Type{PhysicalDeviceMemoryBudgetPropertiesEXT}, Type{_PhysicalDeviceMemoryBudgetPropertiesEXT}})) = VkPhysicalDeviceMemoryBudgetPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMemoryPriorityFeaturesEXT}, Type{PhysicalDeviceMemoryPriorityFeaturesEXT}, Type{_PhysicalDeviceMemoryPriorityFeaturesEXT}})) = VkPhysicalDeviceMemoryPriorityFeaturesEXT core_type(@nospecialize(_::Union{Type{VkMemoryPriorityAllocateInfoEXT}, Type{MemoryPriorityAllocateInfoEXT}, Type{_MemoryPriorityAllocateInfoEXT}})) = VkMemoryPriorityAllocateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT}, Type{PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT}, Type{_PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT}})) = VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBufferDeviceAddressFeatures}, Type{PhysicalDeviceBufferDeviceAddressFeatures}, Type{_PhysicalDeviceBufferDeviceAddressFeatures}})) = VkPhysicalDeviceBufferDeviceAddressFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBufferDeviceAddressFeaturesEXT}, Type{PhysicalDeviceBufferDeviceAddressFeaturesEXT}, Type{_PhysicalDeviceBufferDeviceAddressFeaturesEXT}})) = VkPhysicalDeviceBufferDeviceAddressFeaturesEXT core_type(@nospecialize(_::Union{Type{VkBufferDeviceAddressInfo}, Type{BufferDeviceAddressInfo}, Type{_BufferDeviceAddressInfo}})) = VkBufferDeviceAddressInfo core_type(@nospecialize(_::Union{Type{VkBufferOpaqueCaptureAddressCreateInfo}, Type{BufferOpaqueCaptureAddressCreateInfo}, Type{_BufferOpaqueCaptureAddressCreateInfo}})) = VkBufferOpaqueCaptureAddressCreateInfo core_type(@nospecialize(_::Union{Type{VkBufferDeviceAddressCreateInfoEXT}, Type{BufferDeviceAddressCreateInfoEXT}, Type{_BufferDeviceAddressCreateInfoEXT}})) = VkBufferDeviceAddressCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageViewImageFormatInfoEXT}, Type{PhysicalDeviceImageViewImageFormatInfoEXT}, Type{_PhysicalDeviceImageViewImageFormatInfoEXT}})) = VkPhysicalDeviceImageViewImageFormatInfoEXT core_type(@nospecialize(_::Union{Type{VkFilterCubicImageViewImageFormatPropertiesEXT}, Type{FilterCubicImageViewImageFormatPropertiesEXT}, Type{_FilterCubicImageViewImageFormatPropertiesEXT}})) = VkFilterCubicImageViewImageFormatPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImagelessFramebufferFeatures}, Type{PhysicalDeviceImagelessFramebufferFeatures}, Type{_PhysicalDeviceImagelessFramebufferFeatures}})) = VkPhysicalDeviceImagelessFramebufferFeatures core_type(@nospecialize(_::Union{Type{VkFramebufferAttachmentsCreateInfo}, Type{FramebufferAttachmentsCreateInfo}, Type{_FramebufferAttachmentsCreateInfo}})) = VkFramebufferAttachmentsCreateInfo core_type(@nospecialize(_::Union{Type{VkFramebufferAttachmentImageInfo}, Type{FramebufferAttachmentImageInfo}, Type{_FramebufferAttachmentImageInfo}})) = VkFramebufferAttachmentImageInfo core_type(@nospecialize(_::Union{Type{VkRenderPassAttachmentBeginInfo}, Type{RenderPassAttachmentBeginInfo}, Type{_RenderPassAttachmentBeginInfo}})) = VkRenderPassAttachmentBeginInfo core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTextureCompressionASTCHDRFeatures}, Type{PhysicalDeviceTextureCompressionASTCHDRFeatures}, Type{_PhysicalDeviceTextureCompressionASTCHDRFeatures}})) = VkPhysicalDeviceTextureCompressionASTCHDRFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCooperativeMatrixFeaturesNV}, Type{PhysicalDeviceCooperativeMatrixFeaturesNV}, Type{_PhysicalDeviceCooperativeMatrixFeaturesNV}})) = VkPhysicalDeviceCooperativeMatrixFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCooperativeMatrixPropertiesNV}, Type{PhysicalDeviceCooperativeMatrixPropertiesNV}, Type{_PhysicalDeviceCooperativeMatrixPropertiesNV}})) = VkPhysicalDeviceCooperativeMatrixPropertiesNV core_type(@nospecialize(_::Union{Type{VkCooperativeMatrixPropertiesNV}, Type{CooperativeMatrixPropertiesNV}, Type{_CooperativeMatrixPropertiesNV}})) = VkCooperativeMatrixPropertiesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceYcbcrImageArraysFeaturesEXT}, Type{PhysicalDeviceYcbcrImageArraysFeaturesEXT}, Type{_PhysicalDeviceYcbcrImageArraysFeaturesEXT}})) = VkPhysicalDeviceYcbcrImageArraysFeaturesEXT core_type(@nospecialize(_::Union{Type{VkImageViewHandleInfoNVX}, Type{ImageViewHandleInfoNVX}, Type{_ImageViewHandleInfoNVX}})) = VkImageViewHandleInfoNVX core_type(@nospecialize(_::Union{Type{VkImageViewAddressPropertiesNVX}, Type{ImageViewAddressPropertiesNVX}, Type{_ImageViewAddressPropertiesNVX}})) = VkImageViewAddressPropertiesNVX core_type(@nospecialize(_::Union{Type{VkPipelineCreationFeedback}, Type{PipelineCreationFeedback}, Type{_PipelineCreationFeedback}})) = VkPipelineCreationFeedback core_type(@nospecialize(_::Union{Type{VkPipelineCreationFeedbackCreateInfo}, Type{PipelineCreationFeedbackCreateInfo}, Type{_PipelineCreationFeedbackCreateInfo}})) = VkPipelineCreationFeedbackCreateInfo core_type(@nospecialize(_::Union{Type{VkSurfaceFullScreenExclusiveInfoEXT}, Type{SurfaceFullScreenExclusiveInfoEXT}, Type{_SurfaceFullScreenExclusiveInfoEXT}})) = VkSurfaceFullScreenExclusiveInfoEXT core_type(@nospecialize(_::Union{Type{VkSurfaceFullScreenExclusiveWin32InfoEXT}, Type{SurfaceFullScreenExclusiveWin32InfoEXT}, Type{_SurfaceFullScreenExclusiveWin32InfoEXT}})) = VkSurfaceFullScreenExclusiveWin32InfoEXT core_type(@nospecialize(_::Union{Type{VkSurfaceCapabilitiesFullScreenExclusiveEXT}, Type{SurfaceCapabilitiesFullScreenExclusiveEXT}, Type{_SurfaceCapabilitiesFullScreenExclusiveEXT}})) = VkSurfaceCapabilitiesFullScreenExclusiveEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePresentBarrierFeaturesNV}, Type{PhysicalDevicePresentBarrierFeaturesNV}, Type{_PhysicalDevicePresentBarrierFeaturesNV}})) = VkPhysicalDevicePresentBarrierFeaturesNV core_type(@nospecialize(_::Union{Type{VkSurfaceCapabilitiesPresentBarrierNV}, Type{SurfaceCapabilitiesPresentBarrierNV}, Type{_SurfaceCapabilitiesPresentBarrierNV}})) = VkSurfaceCapabilitiesPresentBarrierNV core_type(@nospecialize(_::Union{Type{VkSwapchainPresentBarrierCreateInfoNV}, Type{SwapchainPresentBarrierCreateInfoNV}, Type{_SwapchainPresentBarrierCreateInfoNV}})) = VkSwapchainPresentBarrierCreateInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePerformanceQueryFeaturesKHR}, Type{PhysicalDevicePerformanceQueryFeaturesKHR}, Type{_PhysicalDevicePerformanceQueryFeaturesKHR}})) = VkPhysicalDevicePerformanceQueryFeaturesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePerformanceQueryPropertiesKHR}, Type{PhysicalDevicePerformanceQueryPropertiesKHR}, Type{_PhysicalDevicePerformanceQueryPropertiesKHR}})) = VkPhysicalDevicePerformanceQueryPropertiesKHR core_type(@nospecialize(_::Union{Type{VkPerformanceCounterKHR}, Type{PerformanceCounterKHR}, Type{_PerformanceCounterKHR}})) = VkPerformanceCounterKHR core_type(@nospecialize(_::Union{Type{VkPerformanceCounterDescriptionKHR}, Type{PerformanceCounterDescriptionKHR}, Type{_PerformanceCounterDescriptionKHR}})) = VkPerformanceCounterDescriptionKHR core_type(@nospecialize(_::Union{Type{VkQueryPoolPerformanceCreateInfoKHR}, Type{QueryPoolPerformanceCreateInfoKHR}, Type{_QueryPoolPerformanceCreateInfoKHR}})) = VkQueryPoolPerformanceCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkAcquireProfilingLockInfoKHR}, Type{AcquireProfilingLockInfoKHR}, Type{_AcquireProfilingLockInfoKHR}})) = VkAcquireProfilingLockInfoKHR core_type(@nospecialize(_::Union{Type{VkPerformanceQuerySubmitInfoKHR}, Type{PerformanceQuerySubmitInfoKHR}, Type{_PerformanceQuerySubmitInfoKHR}})) = VkPerformanceQuerySubmitInfoKHR core_type(@nospecialize(_::Union{Type{VkHeadlessSurfaceCreateInfoEXT}, Type{HeadlessSurfaceCreateInfoEXT}, Type{_HeadlessSurfaceCreateInfoEXT}})) = VkHeadlessSurfaceCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCoverageReductionModeFeaturesNV}, Type{PhysicalDeviceCoverageReductionModeFeaturesNV}, Type{_PhysicalDeviceCoverageReductionModeFeaturesNV}})) = VkPhysicalDeviceCoverageReductionModeFeaturesNV core_type(@nospecialize(_::Union{Type{VkPipelineCoverageReductionStateCreateInfoNV}, Type{PipelineCoverageReductionStateCreateInfoNV}, Type{_PipelineCoverageReductionStateCreateInfoNV}})) = VkPipelineCoverageReductionStateCreateInfoNV core_type(@nospecialize(_::Union{Type{VkFramebufferMixedSamplesCombinationNV}, Type{FramebufferMixedSamplesCombinationNV}, Type{_FramebufferMixedSamplesCombinationNV}})) = VkFramebufferMixedSamplesCombinationNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL}, Type{PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL}, Type{_PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL}})) = VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL core_type(@nospecialize(_::Union{Type{VkPerformanceValueINTEL}, Type{PerformanceValueINTEL}, Type{_PerformanceValueINTEL}})) = VkPerformanceValueINTEL core_type(@nospecialize(_::Union{Type{VkInitializePerformanceApiInfoINTEL}, Type{InitializePerformanceApiInfoINTEL}, Type{_InitializePerformanceApiInfoINTEL}})) = VkInitializePerformanceApiInfoINTEL core_type(@nospecialize(_::Union{Type{VkQueryPoolPerformanceQueryCreateInfoINTEL}, Type{QueryPoolPerformanceQueryCreateInfoINTEL}, Type{_QueryPoolPerformanceQueryCreateInfoINTEL}})) = VkQueryPoolPerformanceQueryCreateInfoINTEL core_type(@nospecialize(_::Union{Type{VkPerformanceMarkerInfoINTEL}, Type{PerformanceMarkerInfoINTEL}, Type{_PerformanceMarkerInfoINTEL}})) = VkPerformanceMarkerInfoINTEL core_type(@nospecialize(_::Union{Type{VkPerformanceStreamMarkerInfoINTEL}, Type{PerformanceStreamMarkerInfoINTEL}, Type{_PerformanceStreamMarkerInfoINTEL}})) = VkPerformanceStreamMarkerInfoINTEL core_type(@nospecialize(_::Union{Type{VkPerformanceOverrideInfoINTEL}, Type{PerformanceOverrideInfoINTEL}, Type{_PerformanceOverrideInfoINTEL}})) = VkPerformanceOverrideInfoINTEL core_type(@nospecialize(_::Union{Type{VkPerformanceConfigurationAcquireInfoINTEL}, Type{PerformanceConfigurationAcquireInfoINTEL}, Type{_PerformanceConfigurationAcquireInfoINTEL}})) = VkPerformanceConfigurationAcquireInfoINTEL core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderClockFeaturesKHR}, Type{PhysicalDeviceShaderClockFeaturesKHR}, Type{_PhysicalDeviceShaderClockFeaturesKHR}})) = VkPhysicalDeviceShaderClockFeaturesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceIndexTypeUint8FeaturesEXT}, Type{PhysicalDeviceIndexTypeUint8FeaturesEXT}, Type{_PhysicalDeviceIndexTypeUint8FeaturesEXT}})) = VkPhysicalDeviceIndexTypeUint8FeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderSMBuiltinsPropertiesNV}, Type{PhysicalDeviceShaderSMBuiltinsPropertiesNV}, Type{_PhysicalDeviceShaderSMBuiltinsPropertiesNV}})) = VkPhysicalDeviceShaderSMBuiltinsPropertiesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderSMBuiltinsFeaturesNV}, Type{PhysicalDeviceShaderSMBuiltinsFeaturesNV}, Type{_PhysicalDeviceShaderSMBuiltinsFeaturesNV}})) = VkPhysicalDeviceShaderSMBuiltinsFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT}, Type{PhysicalDeviceFragmentShaderInterlockFeaturesEXT}, Type{_PhysicalDeviceFragmentShaderInterlockFeaturesEXT}})) = VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures}, Type{PhysicalDeviceSeparateDepthStencilLayoutsFeatures}, Type{_PhysicalDeviceSeparateDepthStencilLayoutsFeatures}})) = VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures core_type(@nospecialize(_::Union{Type{VkAttachmentReferenceStencilLayout}, Type{AttachmentReferenceStencilLayout}, Type{_AttachmentReferenceStencilLayout}})) = VkAttachmentReferenceStencilLayout core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT}, Type{PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT}, Type{_PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT}})) = VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT core_type(@nospecialize(_::Union{Type{VkAttachmentDescriptionStencilLayout}, Type{AttachmentDescriptionStencilLayout}, Type{_AttachmentDescriptionStencilLayout}})) = VkAttachmentDescriptionStencilLayout core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR}, Type{PhysicalDevicePipelineExecutablePropertiesFeaturesKHR}, Type{_PhysicalDevicePipelineExecutablePropertiesFeaturesKHR}})) = VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR core_type(@nospecialize(_::Union{Type{VkPipelineInfoKHR}, Type{PipelineInfoKHR}, Type{_PipelineInfoKHR}})) = VkPipelineInfoKHR core_type(@nospecialize(_::Union{Type{VkPipelineExecutablePropertiesKHR}, Type{PipelineExecutablePropertiesKHR}, Type{_PipelineExecutablePropertiesKHR}})) = VkPipelineExecutablePropertiesKHR core_type(@nospecialize(_::Union{Type{VkPipelineExecutableInfoKHR}, Type{PipelineExecutableInfoKHR}, Type{_PipelineExecutableInfoKHR}})) = VkPipelineExecutableInfoKHR core_type(@nospecialize(_::Union{Type{VkPipelineExecutableStatisticKHR}, Type{PipelineExecutableStatisticKHR}, Type{_PipelineExecutableStatisticKHR}})) = VkPipelineExecutableStatisticKHR core_type(@nospecialize(_::Union{Type{VkPipelineExecutableInternalRepresentationKHR}, Type{PipelineExecutableInternalRepresentationKHR}, Type{_PipelineExecutableInternalRepresentationKHR}})) = VkPipelineExecutableInternalRepresentationKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures}, Type{PhysicalDeviceShaderDemoteToHelperInvocationFeatures}, Type{_PhysicalDeviceShaderDemoteToHelperInvocationFeatures}})) = VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT}, Type{PhysicalDeviceTexelBufferAlignmentFeaturesEXT}, Type{_PhysicalDeviceTexelBufferAlignmentFeaturesEXT}})) = VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTexelBufferAlignmentProperties}, Type{PhysicalDeviceTexelBufferAlignmentProperties}, Type{_PhysicalDeviceTexelBufferAlignmentProperties}})) = VkPhysicalDeviceTexelBufferAlignmentProperties core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubgroupSizeControlFeatures}, Type{PhysicalDeviceSubgroupSizeControlFeatures}, Type{_PhysicalDeviceSubgroupSizeControlFeatures}})) = VkPhysicalDeviceSubgroupSizeControlFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubgroupSizeControlProperties}, Type{PhysicalDeviceSubgroupSizeControlProperties}, Type{_PhysicalDeviceSubgroupSizeControlProperties}})) = VkPhysicalDeviceSubgroupSizeControlProperties core_type(@nospecialize(_::Union{Type{VkPipelineShaderStageRequiredSubgroupSizeCreateInfo}, Type{PipelineShaderStageRequiredSubgroupSizeCreateInfo}, Type{_PipelineShaderStageRequiredSubgroupSizeCreateInfo}})) = VkPipelineShaderStageRequiredSubgroupSizeCreateInfo core_type(@nospecialize(_::Union{Type{VkSubpassShadingPipelineCreateInfoHUAWEI}, Type{SubpassShadingPipelineCreateInfoHUAWEI}, Type{_SubpassShadingPipelineCreateInfoHUAWEI}})) = VkSubpassShadingPipelineCreateInfoHUAWEI core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubpassShadingPropertiesHUAWEI}, Type{PhysicalDeviceSubpassShadingPropertiesHUAWEI}, Type{_PhysicalDeviceSubpassShadingPropertiesHUAWEI}})) = VkPhysicalDeviceSubpassShadingPropertiesHUAWEI core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI}, Type{PhysicalDeviceClusterCullingShaderPropertiesHUAWEI}, Type{_PhysicalDeviceClusterCullingShaderPropertiesHUAWEI}})) = VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI core_type(@nospecialize(_::Union{Type{VkMemoryOpaqueCaptureAddressAllocateInfo}, Type{MemoryOpaqueCaptureAddressAllocateInfo}, Type{_MemoryOpaqueCaptureAddressAllocateInfo}})) = VkMemoryOpaqueCaptureAddressAllocateInfo core_type(@nospecialize(_::Union{Type{VkDeviceMemoryOpaqueCaptureAddressInfo}, Type{DeviceMemoryOpaqueCaptureAddressInfo}, Type{_DeviceMemoryOpaqueCaptureAddressInfo}})) = VkDeviceMemoryOpaqueCaptureAddressInfo core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLineRasterizationFeaturesEXT}, Type{PhysicalDeviceLineRasterizationFeaturesEXT}, Type{_PhysicalDeviceLineRasterizationFeaturesEXT}})) = VkPhysicalDeviceLineRasterizationFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLineRasterizationPropertiesEXT}, Type{PhysicalDeviceLineRasterizationPropertiesEXT}, Type{_PhysicalDeviceLineRasterizationPropertiesEXT}})) = VkPhysicalDeviceLineRasterizationPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPipelineRasterizationLineStateCreateInfoEXT}, Type{PipelineRasterizationLineStateCreateInfoEXT}, Type{_PipelineRasterizationLineStateCreateInfoEXT}})) = VkPipelineRasterizationLineStateCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineCreationCacheControlFeatures}, Type{PhysicalDevicePipelineCreationCacheControlFeatures}, Type{_PhysicalDevicePipelineCreationCacheControlFeatures}})) = VkPhysicalDevicePipelineCreationCacheControlFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan11Features}, Type{PhysicalDeviceVulkan11Features}, Type{_PhysicalDeviceVulkan11Features}})) = VkPhysicalDeviceVulkan11Features core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan11Properties}, Type{PhysicalDeviceVulkan11Properties}, Type{_PhysicalDeviceVulkan11Properties}})) = VkPhysicalDeviceVulkan11Properties core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan12Features}, Type{PhysicalDeviceVulkan12Features}, Type{_PhysicalDeviceVulkan12Features}})) = VkPhysicalDeviceVulkan12Features core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan12Properties}, Type{PhysicalDeviceVulkan12Properties}, Type{_PhysicalDeviceVulkan12Properties}})) = VkPhysicalDeviceVulkan12Properties core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan13Features}, Type{PhysicalDeviceVulkan13Features}, Type{_PhysicalDeviceVulkan13Features}})) = VkPhysicalDeviceVulkan13Features core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVulkan13Properties}, Type{PhysicalDeviceVulkan13Properties}, Type{_PhysicalDeviceVulkan13Properties}})) = VkPhysicalDeviceVulkan13Properties core_type(@nospecialize(_::Union{Type{VkPipelineCompilerControlCreateInfoAMD}, Type{PipelineCompilerControlCreateInfoAMD}, Type{_PipelineCompilerControlCreateInfoAMD}})) = VkPipelineCompilerControlCreateInfoAMD core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCoherentMemoryFeaturesAMD}, Type{PhysicalDeviceCoherentMemoryFeaturesAMD}, Type{_PhysicalDeviceCoherentMemoryFeaturesAMD}})) = VkPhysicalDeviceCoherentMemoryFeaturesAMD core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceToolProperties}, Type{PhysicalDeviceToolProperties}, Type{_PhysicalDeviceToolProperties}})) = VkPhysicalDeviceToolProperties core_type(@nospecialize(_::Union{Type{VkSamplerCustomBorderColorCreateInfoEXT}, Type{SamplerCustomBorderColorCreateInfoEXT}, Type{_SamplerCustomBorderColorCreateInfoEXT}})) = VkSamplerCustomBorderColorCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCustomBorderColorPropertiesEXT}, Type{PhysicalDeviceCustomBorderColorPropertiesEXT}, Type{_PhysicalDeviceCustomBorderColorPropertiesEXT}})) = VkPhysicalDeviceCustomBorderColorPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceCustomBorderColorFeaturesEXT}, Type{PhysicalDeviceCustomBorderColorFeaturesEXT}, Type{_PhysicalDeviceCustomBorderColorFeaturesEXT}})) = VkPhysicalDeviceCustomBorderColorFeaturesEXT core_type(@nospecialize(_::Union{Type{VkSamplerBorderColorComponentMappingCreateInfoEXT}, Type{SamplerBorderColorComponentMappingCreateInfoEXT}, Type{_SamplerBorderColorComponentMappingCreateInfoEXT}})) = VkSamplerBorderColorComponentMappingCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceBorderColorSwizzleFeaturesEXT}, Type{PhysicalDeviceBorderColorSwizzleFeaturesEXT}, Type{_PhysicalDeviceBorderColorSwizzleFeaturesEXT}})) = VkPhysicalDeviceBorderColorSwizzleFeaturesEXT core_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryTrianglesDataKHR}, Type{AccelerationStructureGeometryTrianglesDataKHR}, Type{_AccelerationStructureGeometryTrianglesDataKHR}})) = VkAccelerationStructureGeometryTrianglesDataKHR core_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryAabbsDataKHR}, Type{AccelerationStructureGeometryAabbsDataKHR}, Type{_AccelerationStructureGeometryAabbsDataKHR}})) = VkAccelerationStructureGeometryAabbsDataKHR core_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryInstancesDataKHR}, Type{AccelerationStructureGeometryInstancesDataKHR}, Type{_AccelerationStructureGeometryInstancesDataKHR}})) = VkAccelerationStructureGeometryInstancesDataKHR core_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryKHR}, Type{AccelerationStructureGeometryKHR}, Type{_AccelerationStructureGeometryKHR}})) = VkAccelerationStructureGeometryKHR core_type(@nospecialize(_::Union{Type{VkAccelerationStructureBuildGeometryInfoKHR}, Type{AccelerationStructureBuildGeometryInfoKHR}, Type{_AccelerationStructureBuildGeometryInfoKHR}})) = VkAccelerationStructureBuildGeometryInfoKHR core_type(@nospecialize(_::Union{Type{VkAccelerationStructureBuildRangeInfoKHR}, Type{AccelerationStructureBuildRangeInfoKHR}, Type{_AccelerationStructureBuildRangeInfoKHR}})) = VkAccelerationStructureBuildRangeInfoKHR core_type(@nospecialize(_::Union{Type{VkAccelerationStructureCreateInfoKHR}, Type{AccelerationStructureCreateInfoKHR}, Type{_AccelerationStructureCreateInfoKHR}})) = VkAccelerationStructureCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkAabbPositionsKHR}, Type{AabbPositionsKHR}, Type{_AabbPositionsKHR}})) = VkAabbPositionsKHR core_type(@nospecialize(_::Union{Type{VkTransformMatrixKHR}, Type{TransformMatrixKHR}, Type{_TransformMatrixKHR}})) = VkTransformMatrixKHR core_type(@nospecialize(_::Union{Type{VkAccelerationStructureInstanceKHR}, Type{AccelerationStructureInstanceKHR}, Type{_AccelerationStructureInstanceKHR}})) = VkAccelerationStructureInstanceKHR core_type(@nospecialize(_::Union{Type{VkAccelerationStructureDeviceAddressInfoKHR}, Type{AccelerationStructureDeviceAddressInfoKHR}, Type{_AccelerationStructureDeviceAddressInfoKHR}})) = VkAccelerationStructureDeviceAddressInfoKHR core_type(@nospecialize(_::Union{Type{VkAccelerationStructureVersionInfoKHR}, Type{AccelerationStructureVersionInfoKHR}, Type{_AccelerationStructureVersionInfoKHR}})) = VkAccelerationStructureVersionInfoKHR core_type(@nospecialize(_::Union{Type{VkCopyAccelerationStructureInfoKHR}, Type{CopyAccelerationStructureInfoKHR}, Type{_CopyAccelerationStructureInfoKHR}})) = VkCopyAccelerationStructureInfoKHR core_type(@nospecialize(_::Union{Type{VkCopyAccelerationStructureToMemoryInfoKHR}, Type{CopyAccelerationStructureToMemoryInfoKHR}, Type{_CopyAccelerationStructureToMemoryInfoKHR}})) = VkCopyAccelerationStructureToMemoryInfoKHR core_type(@nospecialize(_::Union{Type{VkCopyMemoryToAccelerationStructureInfoKHR}, Type{CopyMemoryToAccelerationStructureInfoKHR}, Type{_CopyMemoryToAccelerationStructureInfoKHR}})) = VkCopyMemoryToAccelerationStructureInfoKHR core_type(@nospecialize(_::Union{Type{VkRayTracingPipelineInterfaceCreateInfoKHR}, Type{RayTracingPipelineInterfaceCreateInfoKHR}, Type{_RayTracingPipelineInterfaceCreateInfoKHR}})) = VkRayTracingPipelineInterfaceCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkPipelineLibraryCreateInfoKHR}, Type{PipelineLibraryCreateInfoKHR}, Type{_PipelineLibraryCreateInfoKHR}})) = VkPipelineLibraryCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExtendedDynamicStateFeaturesEXT}, Type{PhysicalDeviceExtendedDynamicStateFeaturesEXT}, Type{_PhysicalDeviceExtendedDynamicStateFeaturesEXT}})) = VkPhysicalDeviceExtendedDynamicStateFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExtendedDynamicState2FeaturesEXT}, Type{PhysicalDeviceExtendedDynamicState2FeaturesEXT}, Type{_PhysicalDeviceExtendedDynamicState2FeaturesEXT}})) = VkPhysicalDeviceExtendedDynamicState2FeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExtendedDynamicState3FeaturesEXT}, Type{PhysicalDeviceExtendedDynamicState3FeaturesEXT}, Type{_PhysicalDeviceExtendedDynamicState3FeaturesEXT}})) = VkPhysicalDeviceExtendedDynamicState3FeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExtendedDynamicState3PropertiesEXT}, Type{PhysicalDeviceExtendedDynamicState3PropertiesEXT}, Type{_PhysicalDeviceExtendedDynamicState3PropertiesEXT}})) = VkPhysicalDeviceExtendedDynamicState3PropertiesEXT core_type(@nospecialize(_::Union{Type{VkColorBlendEquationEXT}, Type{ColorBlendEquationEXT}, Type{_ColorBlendEquationEXT}})) = VkColorBlendEquationEXT core_type(@nospecialize(_::Union{Type{VkColorBlendAdvancedEXT}, Type{ColorBlendAdvancedEXT}, Type{_ColorBlendAdvancedEXT}})) = VkColorBlendAdvancedEXT core_type(@nospecialize(_::Union{Type{VkRenderPassTransformBeginInfoQCOM}, Type{RenderPassTransformBeginInfoQCOM}, Type{_RenderPassTransformBeginInfoQCOM}})) = VkRenderPassTransformBeginInfoQCOM core_type(@nospecialize(_::Union{Type{VkCopyCommandTransformInfoQCOM}, Type{CopyCommandTransformInfoQCOM}, Type{_CopyCommandTransformInfoQCOM}})) = VkCopyCommandTransformInfoQCOM core_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceRenderPassTransformInfoQCOM}, Type{CommandBufferInheritanceRenderPassTransformInfoQCOM}, Type{_CommandBufferInheritanceRenderPassTransformInfoQCOM}})) = VkCommandBufferInheritanceRenderPassTransformInfoQCOM core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDiagnosticsConfigFeaturesNV}, Type{PhysicalDeviceDiagnosticsConfigFeaturesNV}, Type{_PhysicalDeviceDiagnosticsConfigFeaturesNV}})) = VkPhysicalDeviceDiagnosticsConfigFeaturesNV core_type(@nospecialize(_::Union{Type{VkDeviceDiagnosticsConfigCreateInfoNV}, Type{DeviceDiagnosticsConfigCreateInfoNV}, Type{_DeviceDiagnosticsConfigCreateInfoNV}})) = VkDeviceDiagnosticsConfigCreateInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures}, Type{PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures}, Type{_PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures}})) = VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR}, Type{PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR}, Type{_PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR}})) = VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRobustness2FeaturesEXT}, Type{PhysicalDeviceRobustness2FeaturesEXT}, Type{_PhysicalDeviceRobustness2FeaturesEXT}})) = VkPhysicalDeviceRobustness2FeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRobustness2PropertiesEXT}, Type{PhysicalDeviceRobustness2PropertiesEXT}, Type{_PhysicalDeviceRobustness2PropertiesEXT}})) = VkPhysicalDeviceRobustness2PropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageRobustnessFeatures}, Type{PhysicalDeviceImageRobustnessFeatures}, Type{_PhysicalDeviceImageRobustnessFeatures}})) = VkPhysicalDeviceImageRobustnessFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR}, Type{PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR}, Type{_PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR}})) = VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDevice4444FormatsFeaturesEXT}, Type{PhysicalDevice4444FormatsFeaturesEXT}, Type{_PhysicalDevice4444FormatsFeaturesEXT}})) = VkPhysicalDevice4444FormatsFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubpassShadingFeaturesHUAWEI}, Type{PhysicalDeviceSubpassShadingFeaturesHUAWEI}, Type{_PhysicalDeviceSubpassShadingFeaturesHUAWEI}})) = VkPhysicalDeviceSubpassShadingFeaturesHUAWEI core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI}, Type{PhysicalDeviceClusterCullingShaderFeaturesHUAWEI}, Type{_PhysicalDeviceClusterCullingShaderFeaturesHUAWEI}})) = VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI core_type(@nospecialize(_::Union{Type{VkBufferCopy2}, Type{BufferCopy2}, Type{_BufferCopy2}})) = VkBufferCopy2 core_type(@nospecialize(_::Union{Type{VkImageCopy2}, Type{ImageCopy2}, Type{_ImageCopy2}})) = VkImageCopy2 core_type(@nospecialize(_::Union{Type{VkImageBlit2}, Type{ImageBlit2}, Type{_ImageBlit2}})) = VkImageBlit2 core_type(@nospecialize(_::Union{Type{VkBufferImageCopy2}, Type{BufferImageCopy2}, Type{_BufferImageCopy2}})) = VkBufferImageCopy2 core_type(@nospecialize(_::Union{Type{VkImageResolve2}, Type{ImageResolve2}, Type{_ImageResolve2}})) = VkImageResolve2 core_type(@nospecialize(_::Union{Type{VkCopyBufferInfo2}, Type{CopyBufferInfo2}, Type{_CopyBufferInfo2}})) = VkCopyBufferInfo2 core_type(@nospecialize(_::Union{Type{VkCopyImageInfo2}, Type{CopyImageInfo2}, Type{_CopyImageInfo2}})) = VkCopyImageInfo2 core_type(@nospecialize(_::Union{Type{VkBlitImageInfo2}, Type{BlitImageInfo2}, Type{_BlitImageInfo2}})) = VkBlitImageInfo2 core_type(@nospecialize(_::Union{Type{VkCopyBufferToImageInfo2}, Type{CopyBufferToImageInfo2}, Type{_CopyBufferToImageInfo2}})) = VkCopyBufferToImageInfo2 core_type(@nospecialize(_::Union{Type{VkCopyImageToBufferInfo2}, Type{CopyImageToBufferInfo2}, Type{_CopyImageToBufferInfo2}})) = VkCopyImageToBufferInfo2 core_type(@nospecialize(_::Union{Type{VkResolveImageInfo2}, Type{ResolveImageInfo2}, Type{_ResolveImageInfo2}})) = VkResolveImageInfo2 core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT}, Type{PhysicalDeviceShaderImageAtomicInt64FeaturesEXT}, Type{_PhysicalDeviceShaderImageAtomicInt64FeaturesEXT}})) = VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT core_type(@nospecialize(_::Union{Type{VkFragmentShadingRateAttachmentInfoKHR}, Type{FragmentShadingRateAttachmentInfoKHR}, Type{_FragmentShadingRateAttachmentInfoKHR}})) = VkFragmentShadingRateAttachmentInfoKHR core_type(@nospecialize(_::Union{Type{VkPipelineFragmentShadingRateStateCreateInfoKHR}, Type{PipelineFragmentShadingRateStateCreateInfoKHR}, Type{_PipelineFragmentShadingRateStateCreateInfoKHR}})) = VkPipelineFragmentShadingRateStateCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRateFeaturesKHR}, Type{PhysicalDeviceFragmentShadingRateFeaturesKHR}, Type{_PhysicalDeviceFragmentShadingRateFeaturesKHR}})) = VkPhysicalDeviceFragmentShadingRateFeaturesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRatePropertiesKHR}, Type{PhysicalDeviceFragmentShadingRatePropertiesKHR}, Type{_PhysicalDeviceFragmentShadingRatePropertiesKHR}})) = VkPhysicalDeviceFragmentShadingRatePropertiesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRateKHR}, Type{PhysicalDeviceFragmentShadingRateKHR}, Type{_PhysicalDeviceFragmentShadingRateKHR}})) = VkPhysicalDeviceFragmentShadingRateKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderTerminateInvocationFeatures}, Type{PhysicalDeviceShaderTerminateInvocationFeatures}, Type{_PhysicalDeviceShaderTerminateInvocationFeatures}})) = VkPhysicalDeviceShaderTerminateInvocationFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV}, Type{PhysicalDeviceFragmentShadingRateEnumsFeaturesNV}, Type{_PhysicalDeviceFragmentShadingRateEnumsFeaturesNV}})) = VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV}, Type{PhysicalDeviceFragmentShadingRateEnumsPropertiesNV}, Type{_PhysicalDeviceFragmentShadingRateEnumsPropertiesNV}})) = VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV core_type(@nospecialize(_::Union{Type{VkPipelineFragmentShadingRateEnumStateCreateInfoNV}, Type{PipelineFragmentShadingRateEnumStateCreateInfoNV}, Type{_PipelineFragmentShadingRateEnumStateCreateInfoNV}})) = VkPipelineFragmentShadingRateEnumStateCreateInfoNV core_type(@nospecialize(_::Union{Type{VkAccelerationStructureBuildSizesInfoKHR}, Type{AccelerationStructureBuildSizesInfoKHR}, Type{_AccelerationStructureBuildSizesInfoKHR}})) = VkAccelerationStructureBuildSizesInfoKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImage2DViewOf3DFeaturesEXT}, Type{PhysicalDeviceImage2DViewOf3DFeaturesEXT}, Type{_PhysicalDeviceImage2DViewOf3DFeaturesEXT}})) = VkPhysicalDeviceImage2DViewOf3DFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT}, Type{PhysicalDeviceMutableDescriptorTypeFeaturesEXT}, Type{_PhysicalDeviceMutableDescriptorTypeFeaturesEXT}})) = VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT core_type(@nospecialize(_::Union{Type{VkMutableDescriptorTypeListEXT}, Type{MutableDescriptorTypeListEXT}, Type{_MutableDescriptorTypeListEXT}})) = VkMutableDescriptorTypeListEXT core_type(@nospecialize(_::Union{Type{VkMutableDescriptorTypeCreateInfoEXT}, Type{MutableDescriptorTypeCreateInfoEXT}, Type{_MutableDescriptorTypeCreateInfoEXT}})) = VkMutableDescriptorTypeCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDepthClipControlFeaturesEXT}, Type{PhysicalDeviceDepthClipControlFeaturesEXT}, Type{_PhysicalDeviceDepthClipControlFeaturesEXT}})) = VkPhysicalDeviceDepthClipControlFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPipelineViewportDepthClipControlCreateInfoEXT}, Type{PipelineViewportDepthClipControlCreateInfoEXT}, Type{_PipelineViewportDepthClipControlCreateInfoEXT}})) = VkPipelineViewportDepthClipControlCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT}, Type{PhysicalDeviceVertexInputDynamicStateFeaturesEXT}, Type{_PhysicalDeviceVertexInputDynamicStateFeaturesEXT}})) = VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceExternalMemoryRDMAFeaturesNV}, Type{PhysicalDeviceExternalMemoryRDMAFeaturesNV}, Type{_PhysicalDeviceExternalMemoryRDMAFeaturesNV}})) = VkPhysicalDeviceExternalMemoryRDMAFeaturesNV core_type(@nospecialize(_::Union{Type{VkVertexInputBindingDescription2EXT}, Type{VertexInputBindingDescription2EXT}, Type{_VertexInputBindingDescription2EXT}})) = VkVertexInputBindingDescription2EXT core_type(@nospecialize(_::Union{Type{VkVertexInputAttributeDescription2EXT}, Type{VertexInputAttributeDescription2EXT}, Type{_VertexInputAttributeDescription2EXT}})) = VkVertexInputAttributeDescription2EXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceColorWriteEnableFeaturesEXT}, Type{PhysicalDeviceColorWriteEnableFeaturesEXT}, Type{_PhysicalDeviceColorWriteEnableFeaturesEXT}})) = VkPhysicalDeviceColorWriteEnableFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPipelineColorWriteCreateInfoEXT}, Type{PipelineColorWriteCreateInfoEXT}, Type{_PipelineColorWriteCreateInfoEXT}})) = VkPipelineColorWriteCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkMemoryBarrier2}, Type{MemoryBarrier2}, Type{_MemoryBarrier2}})) = VkMemoryBarrier2 core_type(@nospecialize(_::Union{Type{VkImageMemoryBarrier2}, Type{ImageMemoryBarrier2}, Type{_ImageMemoryBarrier2}})) = VkImageMemoryBarrier2 core_type(@nospecialize(_::Union{Type{VkBufferMemoryBarrier2}, Type{BufferMemoryBarrier2}, Type{_BufferMemoryBarrier2}})) = VkBufferMemoryBarrier2 core_type(@nospecialize(_::Union{Type{VkDependencyInfo}, Type{DependencyInfo}, Type{_DependencyInfo}})) = VkDependencyInfo core_type(@nospecialize(_::Union{Type{VkSemaphoreSubmitInfo}, Type{SemaphoreSubmitInfo}, Type{_SemaphoreSubmitInfo}})) = VkSemaphoreSubmitInfo core_type(@nospecialize(_::Union{Type{VkCommandBufferSubmitInfo}, Type{CommandBufferSubmitInfo}, Type{_CommandBufferSubmitInfo}})) = VkCommandBufferSubmitInfo core_type(@nospecialize(_::Union{Type{VkSubmitInfo2}, Type{SubmitInfo2}, Type{_SubmitInfo2}})) = VkSubmitInfo2 core_type(@nospecialize(_::Union{Type{VkQueueFamilyCheckpointProperties2NV}, Type{QueueFamilyCheckpointProperties2NV}, Type{_QueueFamilyCheckpointProperties2NV}})) = VkQueueFamilyCheckpointProperties2NV core_type(@nospecialize(_::Union{Type{VkCheckpointData2NV}, Type{CheckpointData2NV}, Type{_CheckpointData2NV}})) = VkCheckpointData2NV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSynchronization2Features}, Type{PhysicalDeviceSynchronization2Features}, Type{_PhysicalDeviceSynchronization2Features}})) = VkPhysicalDeviceSynchronization2Features core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT}, Type{PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT}, Type{_PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT}})) = VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLegacyDitheringFeaturesEXT}, Type{PhysicalDeviceLegacyDitheringFeaturesEXT}, Type{_PhysicalDeviceLegacyDitheringFeaturesEXT}})) = VkPhysicalDeviceLegacyDitheringFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT}, Type{PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT}, Type{_PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT}})) = VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT core_type(@nospecialize(_::Union{Type{VkSubpassResolvePerformanceQueryEXT}, Type{SubpassResolvePerformanceQueryEXT}, Type{_SubpassResolvePerformanceQueryEXT}})) = VkSubpassResolvePerformanceQueryEXT core_type(@nospecialize(_::Union{Type{VkMultisampledRenderToSingleSampledInfoEXT}, Type{MultisampledRenderToSingleSampledInfoEXT}, Type{_MultisampledRenderToSingleSampledInfoEXT}})) = VkMultisampledRenderToSingleSampledInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineProtectedAccessFeaturesEXT}, Type{PhysicalDevicePipelineProtectedAccessFeaturesEXT}, Type{_PhysicalDevicePipelineProtectedAccessFeaturesEXT}})) = VkPhysicalDevicePipelineProtectedAccessFeaturesEXT core_type(@nospecialize(_::Union{Type{VkQueueFamilyVideoPropertiesKHR}, Type{QueueFamilyVideoPropertiesKHR}, Type{_QueueFamilyVideoPropertiesKHR}})) = VkQueueFamilyVideoPropertiesKHR core_type(@nospecialize(_::Union{Type{VkQueueFamilyQueryResultStatusPropertiesKHR}, Type{QueueFamilyQueryResultStatusPropertiesKHR}, Type{_QueueFamilyQueryResultStatusPropertiesKHR}})) = VkQueueFamilyQueryResultStatusPropertiesKHR core_type(@nospecialize(_::Union{Type{VkVideoProfileListInfoKHR}, Type{VideoProfileListInfoKHR}, Type{_VideoProfileListInfoKHR}})) = VkVideoProfileListInfoKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceVideoFormatInfoKHR}, Type{PhysicalDeviceVideoFormatInfoKHR}, Type{_PhysicalDeviceVideoFormatInfoKHR}})) = VkPhysicalDeviceVideoFormatInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoFormatPropertiesKHR}, Type{VideoFormatPropertiesKHR}, Type{_VideoFormatPropertiesKHR}})) = VkVideoFormatPropertiesKHR core_type(@nospecialize(_::Union{Type{VkVideoProfileInfoKHR}, Type{VideoProfileInfoKHR}, Type{_VideoProfileInfoKHR}})) = VkVideoProfileInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoCapabilitiesKHR}, Type{VideoCapabilitiesKHR}, Type{_VideoCapabilitiesKHR}})) = VkVideoCapabilitiesKHR core_type(@nospecialize(_::Union{Type{VkVideoSessionMemoryRequirementsKHR}, Type{VideoSessionMemoryRequirementsKHR}, Type{_VideoSessionMemoryRequirementsKHR}})) = VkVideoSessionMemoryRequirementsKHR core_type(@nospecialize(_::Union{Type{VkBindVideoSessionMemoryInfoKHR}, Type{BindVideoSessionMemoryInfoKHR}, Type{_BindVideoSessionMemoryInfoKHR}})) = VkBindVideoSessionMemoryInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoPictureResourceInfoKHR}, Type{VideoPictureResourceInfoKHR}, Type{_VideoPictureResourceInfoKHR}})) = VkVideoPictureResourceInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoReferenceSlotInfoKHR}, Type{VideoReferenceSlotInfoKHR}, Type{_VideoReferenceSlotInfoKHR}})) = VkVideoReferenceSlotInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeCapabilitiesKHR}, Type{VideoDecodeCapabilitiesKHR}, Type{_VideoDecodeCapabilitiesKHR}})) = VkVideoDecodeCapabilitiesKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeUsageInfoKHR}, Type{VideoDecodeUsageInfoKHR}, Type{_VideoDecodeUsageInfoKHR}})) = VkVideoDecodeUsageInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeInfoKHR}, Type{VideoDecodeInfoKHR}, Type{_VideoDecodeInfoKHR}})) = VkVideoDecodeInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeH264ProfileInfoKHR}, Type{VideoDecodeH264ProfileInfoKHR}, Type{_VideoDecodeH264ProfileInfoKHR}})) = VkVideoDecodeH264ProfileInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeH264CapabilitiesKHR}, Type{VideoDecodeH264CapabilitiesKHR}, Type{_VideoDecodeH264CapabilitiesKHR}})) = VkVideoDecodeH264CapabilitiesKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeH264SessionParametersAddInfoKHR}, Type{VideoDecodeH264SessionParametersAddInfoKHR}, Type{_VideoDecodeH264SessionParametersAddInfoKHR}})) = VkVideoDecodeH264SessionParametersAddInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeH264SessionParametersCreateInfoKHR}, Type{VideoDecodeH264SessionParametersCreateInfoKHR}, Type{_VideoDecodeH264SessionParametersCreateInfoKHR}})) = VkVideoDecodeH264SessionParametersCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeH264PictureInfoKHR}, Type{VideoDecodeH264PictureInfoKHR}, Type{_VideoDecodeH264PictureInfoKHR}})) = VkVideoDecodeH264PictureInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeH264DpbSlotInfoKHR}, Type{VideoDecodeH264DpbSlotInfoKHR}, Type{_VideoDecodeH264DpbSlotInfoKHR}})) = VkVideoDecodeH264DpbSlotInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeH265ProfileInfoKHR}, Type{VideoDecodeH265ProfileInfoKHR}, Type{_VideoDecodeH265ProfileInfoKHR}})) = VkVideoDecodeH265ProfileInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeH265CapabilitiesKHR}, Type{VideoDecodeH265CapabilitiesKHR}, Type{_VideoDecodeH265CapabilitiesKHR}})) = VkVideoDecodeH265CapabilitiesKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeH265SessionParametersAddInfoKHR}, Type{VideoDecodeH265SessionParametersAddInfoKHR}, Type{_VideoDecodeH265SessionParametersAddInfoKHR}})) = VkVideoDecodeH265SessionParametersAddInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeH265SessionParametersCreateInfoKHR}, Type{VideoDecodeH265SessionParametersCreateInfoKHR}, Type{_VideoDecodeH265SessionParametersCreateInfoKHR}})) = VkVideoDecodeH265SessionParametersCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeH265PictureInfoKHR}, Type{VideoDecodeH265PictureInfoKHR}, Type{_VideoDecodeH265PictureInfoKHR}})) = VkVideoDecodeH265PictureInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoDecodeH265DpbSlotInfoKHR}, Type{VideoDecodeH265DpbSlotInfoKHR}, Type{_VideoDecodeH265DpbSlotInfoKHR}})) = VkVideoDecodeH265DpbSlotInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoSessionCreateInfoKHR}, Type{VideoSessionCreateInfoKHR}, Type{_VideoSessionCreateInfoKHR}})) = VkVideoSessionCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoSessionParametersCreateInfoKHR}, Type{VideoSessionParametersCreateInfoKHR}, Type{_VideoSessionParametersCreateInfoKHR}})) = VkVideoSessionParametersCreateInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoSessionParametersUpdateInfoKHR}, Type{VideoSessionParametersUpdateInfoKHR}, Type{_VideoSessionParametersUpdateInfoKHR}})) = VkVideoSessionParametersUpdateInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoBeginCodingInfoKHR}, Type{VideoBeginCodingInfoKHR}, Type{_VideoBeginCodingInfoKHR}})) = VkVideoBeginCodingInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoEndCodingInfoKHR}, Type{VideoEndCodingInfoKHR}, Type{_VideoEndCodingInfoKHR}})) = VkVideoEndCodingInfoKHR core_type(@nospecialize(_::Union{Type{VkVideoCodingControlInfoKHR}, Type{VideoCodingControlInfoKHR}, Type{_VideoCodingControlInfoKHR}})) = VkVideoCodingControlInfoKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceInheritedViewportScissorFeaturesNV}, Type{PhysicalDeviceInheritedViewportScissorFeaturesNV}, Type{_PhysicalDeviceInheritedViewportScissorFeaturesNV}})) = VkPhysicalDeviceInheritedViewportScissorFeaturesNV core_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceViewportScissorInfoNV}, Type{CommandBufferInheritanceViewportScissorInfoNV}, Type{_CommandBufferInheritanceViewportScissorInfoNV}})) = VkCommandBufferInheritanceViewportScissorInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT}, Type{PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT}, Type{_PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT}})) = VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProvokingVertexFeaturesEXT}, Type{PhysicalDeviceProvokingVertexFeaturesEXT}, Type{_PhysicalDeviceProvokingVertexFeaturesEXT}})) = VkPhysicalDeviceProvokingVertexFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceProvokingVertexPropertiesEXT}, Type{PhysicalDeviceProvokingVertexPropertiesEXT}, Type{_PhysicalDeviceProvokingVertexPropertiesEXT}})) = VkPhysicalDeviceProvokingVertexPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPipelineRasterizationProvokingVertexStateCreateInfoEXT}, Type{PipelineRasterizationProvokingVertexStateCreateInfoEXT}, Type{_PipelineRasterizationProvokingVertexStateCreateInfoEXT}})) = VkPipelineRasterizationProvokingVertexStateCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkCuModuleCreateInfoNVX}, Type{CuModuleCreateInfoNVX}, Type{_CuModuleCreateInfoNVX}})) = VkCuModuleCreateInfoNVX core_type(@nospecialize(_::Union{Type{VkCuFunctionCreateInfoNVX}, Type{CuFunctionCreateInfoNVX}, Type{_CuFunctionCreateInfoNVX}})) = VkCuFunctionCreateInfoNVX core_type(@nospecialize(_::Union{Type{VkCuLaunchInfoNVX}, Type{CuLaunchInfoNVX}, Type{_CuLaunchInfoNVX}})) = VkCuLaunchInfoNVX core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorBufferFeaturesEXT}, Type{PhysicalDeviceDescriptorBufferFeaturesEXT}, Type{_PhysicalDeviceDescriptorBufferFeaturesEXT}})) = VkPhysicalDeviceDescriptorBufferFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorBufferPropertiesEXT}, Type{PhysicalDeviceDescriptorBufferPropertiesEXT}, Type{_PhysicalDeviceDescriptorBufferPropertiesEXT}})) = VkPhysicalDeviceDescriptorBufferPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT}, Type{PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT}, Type{_PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT}})) = VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT core_type(@nospecialize(_::Union{Type{VkDescriptorAddressInfoEXT}, Type{DescriptorAddressInfoEXT}, Type{_DescriptorAddressInfoEXT}})) = VkDescriptorAddressInfoEXT core_type(@nospecialize(_::Union{Type{VkDescriptorBufferBindingInfoEXT}, Type{DescriptorBufferBindingInfoEXT}, Type{_DescriptorBufferBindingInfoEXT}})) = VkDescriptorBufferBindingInfoEXT core_type(@nospecialize(_::Union{Type{VkDescriptorBufferBindingPushDescriptorBufferHandleEXT}, Type{DescriptorBufferBindingPushDescriptorBufferHandleEXT}, Type{_DescriptorBufferBindingPushDescriptorBufferHandleEXT}})) = VkDescriptorBufferBindingPushDescriptorBufferHandleEXT core_type(@nospecialize(_::Union{Type{VkDescriptorGetInfoEXT}, Type{DescriptorGetInfoEXT}, Type{_DescriptorGetInfoEXT}})) = VkDescriptorGetInfoEXT core_type(@nospecialize(_::Union{Type{VkBufferCaptureDescriptorDataInfoEXT}, Type{BufferCaptureDescriptorDataInfoEXT}, Type{_BufferCaptureDescriptorDataInfoEXT}})) = VkBufferCaptureDescriptorDataInfoEXT core_type(@nospecialize(_::Union{Type{VkImageCaptureDescriptorDataInfoEXT}, Type{ImageCaptureDescriptorDataInfoEXT}, Type{_ImageCaptureDescriptorDataInfoEXT}})) = VkImageCaptureDescriptorDataInfoEXT core_type(@nospecialize(_::Union{Type{VkImageViewCaptureDescriptorDataInfoEXT}, Type{ImageViewCaptureDescriptorDataInfoEXT}, Type{_ImageViewCaptureDescriptorDataInfoEXT}})) = VkImageViewCaptureDescriptorDataInfoEXT core_type(@nospecialize(_::Union{Type{VkSamplerCaptureDescriptorDataInfoEXT}, Type{SamplerCaptureDescriptorDataInfoEXT}, Type{_SamplerCaptureDescriptorDataInfoEXT}})) = VkSamplerCaptureDescriptorDataInfoEXT core_type(@nospecialize(_::Union{Type{VkAccelerationStructureCaptureDescriptorDataInfoEXT}, Type{AccelerationStructureCaptureDescriptorDataInfoEXT}, Type{_AccelerationStructureCaptureDescriptorDataInfoEXT}})) = VkAccelerationStructureCaptureDescriptorDataInfoEXT core_type(@nospecialize(_::Union{Type{VkOpaqueCaptureDescriptorDataCreateInfoEXT}, Type{OpaqueCaptureDescriptorDataCreateInfoEXT}, Type{_OpaqueCaptureDescriptorDataCreateInfoEXT}})) = VkOpaqueCaptureDescriptorDataCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderIntegerDotProductFeatures}, Type{PhysicalDeviceShaderIntegerDotProductFeatures}, Type{_PhysicalDeviceShaderIntegerDotProductFeatures}})) = VkPhysicalDeviceShaderIntegerDotProductFeatures core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderIntegerDotProductProperties}, Type{PhysicalDeviceShaderIntegerDotProductProperties}, Type{_PhysicalDeviceShaderIntegerDotProductProperties}})) = VkPhysicalDeviceShaderIntegerDotProductProperties core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDrmPropertiesEXT}, Type{PhysicalDeviceDrmPropertiesEXT}, Type{_PhysicalDeviceDrmPropertiesEXT}})) = VkPhysicalDeviceDrmPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR}, Type{PhysicalDeviceFragmentShaderBarycentricFeaturesKHR}, Type{_PhysicalDeviceFragmentShaderBarycentricFeaturesKHR}})) = VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR}, Type{PhysicalDeviceFragmentShaderBarycentricPropertiesKHR}, Type{_PhysicalDeviceFragmentShaderBarycentricPropertiesKHR}})) = VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingMotionBlurFeaturesNV}, Type{PhysicalDeviceRayTracingMotionBlurFeaturesNV}, Type{_PhysicalDeviceRayTracingMotionBlurFeaturesNV}})) = VkPhysicalDeviceRayTracingMotionBlurFeaturesNV core_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryMotionTrianglesDataNV}, Type{AccelerationStructureGeometryMotionTrianglesDataNV}, Type{_AccelerationStructureGeometryMotionTrianglesDataNV}})) = VkAccelerationStructureGeometryMotionTrianglesDataNV core_type(@nospecialize(_::Union{Type{VkAccelerationStructureMotionInfoNV}, Type{AccelerationStructureMotionInfoNV}, Type{_AccelerationStructureMotionInfoNV}})) = VkAccelerationStructureMotionInfoNV core_type(@nospecialize(_::Union{Type{VkSRTDataNV}, Type{SRTDataNV}, Type{_SRTDataNV}})) = VkSRTDataNV core_type(@nospecialize(_::Union{Type{VkAccelerationStructureSRTMotionInstanceNV}, Type{AccelerationStructureSRTMotionInstanceNV}, Type{_AccelerationStructureSRTMotionInstanceNV}})) = VkAccelerationStructureSRTMotionInstanceNV core_type(@nospecialize(_::Union{Type{VkAccelerationStructureMatrixMotionInstanceNV}, Type{AccelerationStructureMatrixMotionInstanceNV}, Type{_AccelerationStructureMatrixMotionInstanceNV}})) = VkAccelerationStructureMatrixMotionInstanceNV core_type(@nospecialize(_::Union{Type{VkAccelerationStructureMotionInstanceNV}, Type{AccelerationStructureMotionInstanceNV}, Type{_AccelerationStructureMotionInstanceNV}})) = VkAccelerationStructureMotionInstanceNV core_type(@nospecialize(_::Union{Type{VkMemoryGetRemoteAddressInfoNV}, Type{MemoryGetRemoteAddressInfoNV}, Type{_MemoryGetRemoteAddressInfoNV}})) = VkMemoryGetRemoteAddressInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT}, Type{PhysicalDeviceRGBA10X6FormatsFeaturesEXT}, Type{_PhysicalDeviceRGBA10X6FormatsFeaturesEXT}})) = VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT core_type(@nospecialize(_::Union{Type{VkFormatProperties3}, Type{FormatProperties3}, Type{_FormatProperties3}})) = VkFormatProperties3 core_type(@nospecialize(_::Union{Type{VkDrmFormatModifierPropertiesList2EXT}, Type{DrmFormatModifierPropertiesList2EXT}, Type{_DrmFormatModifierPropertiesList2EXT}})) = VkDrmFormatModifierPropertiesList2EXT core_type(@nospecialize(_::Union{Type{VkDrmFormatModifierProperties2EXT}, Type{DrmFormatModifierProperties2EXT}, Type{_DrmFormatModifierProperties2EXT}})) = VkDrmFormatModifierProperties2EXT core_type(@nospecialize(_::Union{Type{VkPipelineRenderingCreateInfo}, Type{PipelineRenderingCreateInfo}, Type{_PipelineRenderingCreateInfo}})) = VkPipelineRenderingCreateInfo core_type(@nospecialize(_::Union{Type{VkRenderingInfo}, Type{RenderingInfo}, Type{_RenderingInfo}})) = VkRenderingInfo core_type(@nospecialize(_::Union{Type{VkRenderingAttachmentInfo}, Type{RenderingAttachmentInfo}, Type{_RenderingAttachmentInfo}})) = VkRenderingAttachmentInfo core_type(@nospecialize(_::Union{Type{VkRenderingFragmentShadingRateAttachmentInfoKHR}, Type{RenderingFragmentShadingRateAttachmentInfoKHR}, Type{_RenderingFragmentShadingRateAttachmentInfoKHR}})) = VkRenderingFragmentShadingRateAttachmentInfoKHR core_type(@nospecialize(_::Union{Type{VkRenderingFragmentDensityMapAttachmentInfoEXT}, Type{RenderingFragmentDensityMapAttachmentInfoEXT}, Type{_RenderingFragmentDensityMapAttachmentInfoEXT}})) = VkRenderingFragmentDensityMapAttachmentInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDynamicRenderingFeatures}, Type{PhysicalDeviceDynamicRenderingFeatures}, Type{_PhysicalDeviceDynamicRenderingFeatures}})) = VkPhysicalDeviceDynamicRenderingFeatures core_type(@nospecialize(_::Union{Type{VkCommandBufferInheritanceRenderingInfo}, Type{CommandBufferInheritanceRenderingInfo}, Type{_CommandBufferInheritanceRenderingInfo}})) = VkCommandBufferInheritanceRenderingInfo core_type(@nospecialize(_::Union{Type{VkAttachmentSampleCountInfoAMD}, Type{AttachmentSampleCountInfoAMD}, Type{_AttachmentSampleCountInfoAMD}})) = VkAttachmentSampleCountInfoAMD core_type(@nospecialize(_::Union{Type{VkMultiviewPerViewAttributesInfoNVX}, Type{MultiviewPerViewAttributesInfoNVX}, Type{_MultiviewPerViewAttributesInfoNVX}})) = VkMultiviewPerViewAttributesInfoNVX core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageViewMinLodFeaturesEXT}, Type{PhysicalDeviceImageViewMinLodFeaturesEXT}, Type{_PhysicalDeviceImageViewMinLodFeaturesEXT}})) = VkPhysicalDeviceImageViewMinLodFeaturesEXT core_type(@nospecialize(_::Union{Type{VkImageViewMinLodCreateInfoEXT}, Type{ImageViewMinLodCreateInfoEXT}, Type{_ImageViewMinLodCreateInfoEXT}})) = VkImageViewMinLodCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT}, Type{PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT}, Type{_PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT}})) = VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceLinearColorAttachmentFeaturesNV}, Type{PhysicalDeviceLinearColorAttachmentFeaturesNV}, Type{_PhysicalDeviceLinearColorAttachmentFeaturesNV}})) = VkPhysicalDeviceLinearColorAttachmentFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT}, Type{PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT}, Type{_PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT}})) = VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT}, Type{PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT}, Type{_PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT}})) = VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT core_type(@nospecialize(_::Union{Type{VkGraphicsPipelineLibraryCreateInfoEXT}, Type{GraphicsPipelineLibraryCreateInfoEXT}, Type{_GraphicsPipelineLibraryCreateInfoEXT}})) = VkGraphicsPipelineLibraryCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE}, Type{PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE}, Type{_PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE}})) = VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE core_type(@nospecialize(_::Union{Type{VkDescriptorSetBindingReferenceVALVE}, Type{DescriptorSetBindingReferenceVALVE}, Type{_DescriptorSetBindingReferenceVALVE}})) = VkDescriptorSetBindingReferenceVALVE core_type(@nospecialize(_::Union{Type{VkDescriptorSetLayoutHostMappingInfoVALVE}, Type{DescriptorSetLayoutHostMappingInfoVALVE}, Type{_DescriptorSetLayoutHostMappingInfoVALVE}})) = VkDescriptorSetLayoutHostMappingInfoVALVE core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT}, Type{PhysicalDeviceShaderModuleIdentifierFeaturesEXT}, Type{_PhysicalDeviceShaderModuleIdentifierFeaturesEXT}})) = VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT}, Type{PhysicalDeviceShaderModuleIdentifierPropertiesEXT}, Type{_PhysicalDeviceShaderModuleIdentifierPropertiesEXT}})) = VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPipelineShaderStageModuleIdentifierCreateInfoEXT}, Type{PipelineShaderStageModuleIdentifierCreateInfoEXT}, Type{_PipelineShaderStageModuleIdentifierCreateInfoEXT}})) = VkPipelineShaderStageModuleIdentifierCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkShaderModuleIdentifierEXT}, Type{ShaderModuleIdentifierEXT}, Type{_ShaderModuleIdentifierEXT}})) = VkShaderModuleIdentifierEXT core_type(@nospecialize(_::Union{Type{VkImageCompressionControlEXT}, Type{ImageCompressionControlEXT}, Type{_ImageCompressionControlEXT}})) = VkImageCompressionControlEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageCompressionControlFeaturesEXT}, Type{PhysicalDeviceImageCompressionControlFeaturesEXT}, Type{_PhysicalDeviceImageCompressionControlFeaturesEXT}})) = VkPhysicalDeviceImageCompressionControlFeaturesEXT core_type(@nospecialize(_::Union{Type{VkImageCompressionPropertiesEXT}, Type{ImageCompressionPropertiesEXT}, Type{_ImageCompressionPropertiesEXT}})) = VkImageCompressionPropertiesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT}, Type{PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT}, Type{_PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT}})) = VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT core_type(@nospecialize(_::Union{Type{VkImageSubresource2EXT}, Type{ImageSubresource2EXT}, Type{_ImageSubresource2EXT}})) = VkImageSubresource2EXT core_type(@nospecialize(_::Union{Type{VkSubresourceLayout2EXT}, Type{SubresourceLayout2EXT}, Type{_SubresourceLayout2EXT}})) = VkSubresourceLayout2EXT core_type(@nospecialize(_::Union{Type{VkRenderPassCreationControlEXT}, Type{RenderPassCreationControlEXT}, Type{_RenderPassCreationControlEXT}})) = VkRenderPassCreationControlEXT core_type(@nospecialize(_::Union{Type{VkRenderPassCreationFeedbackInfoEXT}, Type{RenderPassCreationFeedbackInfoEXT}, Type{_RenderPassCreationFeedbackInfoEXT}})) = VkRenderPassCreationFeedbackInfoEXT core_type(@nospecialize(_::Union{Type{VkRenderPassCreationFeedbackCreateInfoEXT}, Type{RenderPassCreationFeedbackCreateInfoEXT}, Type{_RenderPassCreationFeedbackCreateInfoEXT}})) = VkRenderPassCreationFeedbackCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkRenderPassSubpassFeedbackInfoEXT}, Type{RenderPassSubpassFeedbackInfoEXT}, Type{_RenderPassSubpassFeedbackInfoEXT}})) = VkRenderPassSubpassFeedbackInfoEXT core_type(@nospecialize(_::Union{Type{VkRenderPassSubpassFeedbackCreateInfoEXT}, Type{RenderPassSubpassFeedbackCreateInfoEXT}, Type{_RenderPassSubpassFeedbackCreateInfoEXT}})) = VkRenderPassSubpassFeedbackCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT}, Type{PhysicalDeviceSubpassMergeFeedbackFeaturesEXT}, Type{_PhysicalDeviceSubpassMergeFeedbackFeaturesEXT}})) = VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT core_type(@nospecialize(_::Union{Type{VkMicromapBuildInfoEXT}, Type{MicromapBuildInfoEXT}, Type{_MicromapBuildInfoEXT}})) = VkMicromapBuildInfoEXT core_type(@nospecialize(_::Union{Type{VkMicromapCreateInfoEXT}, Type{MicromapCreateInfoEXT}, Type{_MicromapCreateInfoEXT}})) = VkMicromapCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkMicromapVersionInfoEXT}, Type{MicromapVersionInfoEXT}, Type{_MicromapVersionInfoEXT}})) = VkMicromapVersionInfoEXT core_type(@nospecialize(_::Union{Type{VkCopyMicromapInfoEXT}, Type{CopyMicromapInfoEXT}, Type{_CopyMicromapInfoEXT}})) = VkCopyMicromapInfoEXT core_type(@nospecialize(_::Union{Type{VkCopyMicromapToMemoryInfoEXT}, Type{CopyMicromapToMemoryInfoEXT}, Type{_CopyMicromapToMemoryInfoEXT}})) = VkCopyMicromapToMemoryInfoEXT core_type(@nospecialize(_::Union{Type{VkCopyMemoryToMicromapInfoEXT}, Type{CopyMemoryToMicromapInfoEXT}, Type{_CopyMemoryToMicromapInfoEXT}})) = VkCopyMemoryToMicromapInfoEXT core_type(@nospecialize(_::Union{Type{VkMicromapBuildSizesInfoEXT}, Type{MicromapBuildSizesInfoEXT}, Type{_MicromapBuildSizesInfoEXT}})) = VkMicromapBuildSizesInfoEXT core_type(@nospecialize(_::Union{Type{VkMicromapUsageEXT}, Type{MicromapUsageEXT}, Type{_MicromapUsageEXT}})) = VkMicromapUsageEXT core_type(@nospecialize(_::Union{Type{VkMicromapTriangleEXT}, Type{MicromapTriangleEXT}, Type{_MicromapTriangleEXT}})) = VkMicromapTriangleEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceOpacityMicromapFeaturesEXT}, Type{PhysicalDeviceOpacityMicromapFeaturesEXT}, Type{_PhysicalDeviceOpacityMicromapFeaturesEXT}})) = VkPhysicalDeviceOpacityMicromapFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceOpacityMicromapPropertiesEXT}, Type{PhysicalDeviceOpacityMicromapPropertiesEXT}, Type{_PhysicalDeviceOpacityMicromapPropertiesEXT}})) = VkPhysicalDeviceOpacityMicromapPropertiesEXT core_type(@nospecialize(_::Union{Type{VkAccelerationStructureTrianglesOpacityMicromapEXT}, Type{AccelerationStructureTrianglesOpacityMicromapEXT}, Type{_AccelerationStructureTrianglesOpacityMicromapEXT}})) = VkAccelerationStructureTrianglesOpacityMicromapEXT core_type(@nospecialize(_::Union{Type{VkPipelinePropertiesIdentifierEXT}, Type{PipelinePropertiesIdentifierEXT}, Type{_PipelinePropertiesIdentifierEXT}})) = VkPipelinePropertiesIdentifierEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelinePropertiesFeaturesEXT}, Type{PhysicalDevicePipelinePropertiesFeaturesEXT}, Type{_PhysicalDevicePipelinePropertiesFeaturesEXT}})) = VkPhysicalDevicePipelinePropertiesFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD}, Type{PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD}, Type{_PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD}})) = VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT}, Type{PhysicalDeviceNonSeamlessCubeMapFeaturesEXT}, Type{_PhysicalDeviceNonSeamlessCubeMapFeaturesEXT}})) = VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineRobustnessFeaturesEXT}, Type{PhysicalDevicePipelineRobustnessFeaturesEXT}, Type{_PhysicalDevicePipelineRobustnessFeaturesEXT}})) = VkPhysicalDevicePipelineRobustnessFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPipelineRobustnessCreateInfoEXT}, Type{PipelineRobustnessCreateInfoEXT}, Type{_PipelineRobustnessCreateInfoEXT}})) = VkPipelineRobustnessCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineRobustnessPropertiesEXT}, Type{PhysicalDevicePipelineRobustnessPropertiesEXT}, Type{_PhysicalDevicePipelineRobustnessPropertiesEXT}})) = VkPhysicalDevicePipelineRobustnessPropertiesEXT core_type(@nospecialize(_::Union{Type{VkImageViewSampleWeightCreateInfoQCOM}, Type{ImageViewSampleWeightCreateInfoQCOM}, Type{_ImageViewSampleWeightCreateInfoQCOM}})) = VkImageViewSampleWeightCreateInfoQCOM core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageProcessingFeaturesQCOM}, Type{PhysicalDeviceImageProcessingFeaturesQCOM}, Type{_PhysicalDeviceImageProcessingFeaturesQCOM}})) = VkPhysicalDeviceImageProcessingFeaturesQCOM core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceImageProcessingPropertiesQCOM}, Type{PhysicalDeviceImageProcessingPropertiesQCOM}, Type{_PhysicalDeviceImageProcessingPropertiesQCOM}})) = VkPhysicalDeviceImageProcessingPropertiesQCOM core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceTilePropertiesFeaturesQCOM}, Type{PhysicalDeviceTilePropertiesFeaturesQCOM}, Type{_PhysicalDeviceTilePropertiesFeaturesQCOM}})) = VkPhysicalDeviceTilePropertiesFeaturesQCOM core_type(@nospecialize(_::Union{Type{VkTilePropertiesQCOM}, Type{TilePropertiesQCOM}, Type{_TilePropertiesQCOM}})) = VkTilePropertiesQCOM core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAmigoProfilingFeaturesSEC}, Type{PhysicalDeviceAmigoProfilingFeaturesSEC}, Type{_PhysicalDeviceAmigoProfilingFeaturesSEC}})) = VkPhysicalDeviceAmigoProfilingFeaturesSEC core_type(@nospecialize(_::Union{Type{VkAmigoProfilingSubmitInfoSEC}, Type{AmigoProfilingSubmitInfoSEC}, Type{_AmigoProfilingSubmitInfoSEC}})) = VkAmigoProfilingSubmitInfoSEC core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT}, Type{PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT}, Type{_PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT}})) = VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceDepthClampZeroOneFeaturesEXT}, Type{PhysicalDeviceDepthClampZeroOneFeaturesEXT}, Type{_PhysicalDeviceDepthClampZeroOneFeaturesEXT}})) = VkPhysicalDeviceDepthClampZeroOneFeaturesEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceAddressBindingReportFeaturesEXT}, Type{PhysicalDeviceAddressBindingReportFeaturesEXT}, Type{_PhysicalDeviceAddressBindingReportFeaturesEXT}})) = VkPhysicalDeviceAddressBindingReportFeaturesEXT core_type(@nospecialize(_::Union{Type{VkDeviceAddressBindingCallbackDataEXT}, Type{DeviceAddressBindingCallbackDataEXT}, Type{_DeviceAddressBindingCallbackDataEXT}})) = VkDeviceAddressBindingCallbackDataEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceOpticalFlowFeaturesNV}, Type{PhysicalDeviceOpticalFlowFeaturesNV}, Type{_PhysicalDeviceOpticalFlowFeaturesNV}})) = VkPhysicalDeviceOpticalFlowFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceOpticalFlowPropertiesNV}, Type{PhysicalDeviceOpticalFlowPropertiesNV}, Type{_PhysicalDeviceOpticalFlowPropertiesNV}})) = VkPhysicalDeviceOpticalFlowPropertiesNV core_type(@nospecialize(_::Union{Type{VkOpticalFlowImageFormatInfoNV}, Type{OpticalFlowImageFormatInfoNV}, Type{_OpticalFlowImageFormatInfoNV}})) = VkOpticalFlowImageFormatInfoNV core_type(@nospecialize(_::Union{Type{VkOpticalFlowImageFormatPropertiesNV}, Type{OpticalFlowImageFormatPropertiesNV}, Type{_OpticalFlowImageFormatPropertiesNV}})) = VkOpticalFlowImageFormatPropertiesNV core_type(@nospecialize(_::Union{Type{VkOpticalFlowSessionCreateInfoNV}, Type{OpticalFlowSessionCreateInfoNV}, Type{_OpticalFlowSessionCreateInfoNV}})) = VkOpticalFlowSessionCreateInfoNV core_type(@nospecialize(_::Union{Type{VkOpticalFlowSessionCreatePrivateDataInfoNV}, Type{OpticalFlowSessionCreatePrivateDataInfoNV}, Type{_OpticalFlowSessionCreatePrivateDataInfoNV}})) = VkOpticalFlowSessionCreatePrivateDataInfoNV core_type(@nospecialize(_::Union{Type{VkOpticalFlowExecuteInfoNV}, Type{OpticalFlowExecuteInfoNV}, Type{_OpticalFlowExecuteInfoNV}})) = VkOpticalFlowExecuteInfoNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceFaultFeaturesEXT}, Type{PhysicalDeviceFaultFeaturesEXT}, Type{_PhysicalDeviceFaultFeaturesEXT}})) = VkPhysicalDeviceFaultFeaturesEXT core_type(@nospecialize(_::Union{Type{VkDeviceFaultAddressInfoEXT}, Type{DeviceFaultAddressInfoEXT}, Type{_DeviceFaultAddressInfoEXT}})) = VkDeviceFaultAddressInfoEXT core_type(@nospecialize(_::Union{Type{VkDeviceFaultVendorInfoEXT}, Type{DeviceFaultVendorInfoEXT}, Type{_DeviceFaultVendorInfoEXT}})) = VkDeviceFaultVendorInfoEXT core_type(@nospecialize(_::Union{Type{VkDeviceFaultCountsEXT}, Type{DeviceFaultCountsEXT}, Type{_DeviceFaultCountsEXT}})) = VkDeviceFaultCountsEXT core_type(@nospecialize(_::Union{Type{VkDeviceFaultInfoEXT}, Type{DeviceFaultInfoEXT}, Type{_DeviceFaultInfoEXT}})) = VkDeviceFaultInfoEXT core_type(@nospecialize(_::Union{Type{VkDeviceFaultVendorBinaryHeaderVersionOneEXT}, Type{DeviceFaultVendorBinaryHeaderVersionOneEXT}, Type{_DeviceFaultVendorBinaryHeaderVersionOneEXT}})) = VkDeviceFaultVendorBinaryHeaderVersionOneEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT}, Type{PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT}, Type{_PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT}})) = VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT core_type(@nospecialize(_::Union{Type{VkDecompressMemoryRegionNV}, Type{DecompressMemoryRegionNV}, Type{_DecompressMemoryRegionNV}})) = VkDecompressMemoryRegionNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM}, Type{PhysicalDeviceShaderCoreBuiltinsPropertiesARM}, Type{_PhysicalDeviceShaderCoreBuiltinsPropertiesARM}})) = VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM}, Type{PhysicalDeviceShaderCoreBuiltinsFeaturesARM}, Type{_PhysicalDeviceShaderCoreBuiltinsFeaturesARM}})) = VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM core_type(@nospecialize(_::Union{Type{VkSurfacePresentModeEXT}, Type{SurfacePresentModeEXT}, Type{_SurfacePresentModeEXT}})) = VkSurfacePresentModeEXT core_type(@nospecialize(_::Union{Type{VkSurfacePresentScalingCapabilitiesEXT}, Type{SurfacePresentScalingCapabilitiesEXT}, Type{_SurfacePresentScalingCapabilitiesEXT}})) = VkSurfacePresentScalingCapabilitiesEXT core_type(@nospecialize(_::Union{Type{VkSurfacePresentModeCompatibilityEXT}, Type{SurfacePresentModeCompatibilityEXT}, Type{_SurfacePresentModeCompatibilityEXT}})) = VkSurfacePresentModeCompatibilityEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT}, Type{PhysicalDeviceSwapchainMaintenance1FeaturesEXT}, Type{_PhysicalDeviceSwapchainMaintenance1FeaturesEXT}})) = VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT core_type(@nospecialize(_::Union{Type{VkSwapchainPresentFenceInfoEXT}, Type{SwapchainPresentFenceInfoEXT}, Type{_SwapchainPresentFenceInfoEXT}})) = VkSwapchainPresentFenceInfoEXT core_type(@nospecialize(_::Union{Type{VkSwapchainPresentModesCreateInfoEXT}, Type{SwapchainPresentModesCreateInfoEXT}, Type{_SwapchainPresentModesCreateInfoEXT}})) = VkSwapchainPresentModesCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkSwapchainPresentModeInfoEXT}, Type{SwapchainPresentModeInfoEXT}, Type{_SwapchainPresentModeInfoEXT}})) = VkSwapchainPresentModeInfoEXT core_type(@nospecialize(_::Union{Type{VkSwapchainPresentScalingCreateInfoEXT}, Type{SwapchainPresentScalingCreateInfoEXT}, Type{_SwapchainPresentScalingCreateInfoEXT}})) = VkSwapchainPresentScalingCreateInfoEXT core_type(@nospecialize(_::Union{Type{VkReleaseSwapchainImagesInfoEXT}, Type{ReleaseSwapchainImagesInfoEXT}, Type{_ReleaseSwapchainImagesInfoEXT}})) = VkReleaseSwapchainImagesInfoEXT core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV}, Type{PhysicalDeviceRayTracingInvocationReorderFeaturesNV}, Type{_PhysicalDeviceRayTracingInvocationReorderFeaturesNV}})) = VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV}, Type{PhysicalDeviceRayTracingInvocationReorderPropertiesNV}, Type{_PhysicalDeviceRayTracingInvocationReorderPropertiesNV}})) = VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV core_type(@nospecialize(_::Union{Type{VkDirectDriverLoadingInfoLUNARG}, Type{DirectDriverLoadingInfoLUNARG}, Type{_DirectDriverLoadingInfoLUNARG}})) = VkDirectDriverLoadingInfoLUNARG core_type(@nospecialize(_::Union{Type{VkDirectDriverLoadingListLUNARG}, Type{DirectDriverLoadingListLUNARG}, Type{_DirectDriverLoadingListLUNARG}})) = VkDirectDriverLoadingListLUNARG core_type(@nospecialize(_::Union{Type{VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM}, Type{PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM}, Type{_PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM}})) = VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM core_type(@nospecialize(_::Union{Type{VkClearColorValue}, Type{ClearColorValue}, Type{_ClearColorValue}})) = VkClearColorValue core_type(@nospecialize(_::Union{Type{VkClearValue}, Type{ClearValue}, Type{_ClearValue}})) = VkClearValue core_type(@nospecialize(_::Union{Type{VkPerformanceCounterResultKHR}, Type{PerformanceCounterResultKHR}, Type{_PerformanceCounterResultKHR}})) = VkPerformanceCounterResultKHR core_type(@nospecialize(_::Union{Type{VkPerformanceValueDataINTEL}, Type{PerformanceValueDataINTEL}, Type{_PerformanceValueDataINTEL}})) = VkPerformanceValueDataINTEL core_type(@nospecialize(_::Union{Type{VkPipelineExecutableStatisticValueKHR}, Type{PipelineExecutableStatisticValueKHR}, Type{_PipelineExecutableStatisticValueKHR}})) = VkPipelineExecutableStatisticValueKHR core_type(@nospecialize(_::Union{Type{VkDeviceOrHostAddressKHR}, Type{DeviceOrHostAddressKHR}, Type{_DeviceOrHostAddressKHR}})) = VkDeviceOrHostAddressKHR core_type(@nospecialize(_::Union{Type{VkDeviceOrHostAddressConstKHR}, Type{DeviceOrHostAddressConstKHR}, Type{_DeviceOrHostAddressConstKHR}})) = VkDeviceOrHostAddressConstKHR core_type(@nospecialize(_::Union{Type{VkAccelerationStructureGeometryDataKHR}, Type{AccelerationStructureGeometryDataKHR}, Type{_AccelerationStructureGeometryDataKHR}})) = VkAccelerationStructureGeometryDataKHR core_type(@nospecialize(_::Union{Type{VkDescriptorDataEXT}, Type{DescriptorDataEXT}, Type{_DescriptorDataEXT}})) = VkDescriptorDataEXT core_type(@nospecialize(_::Union{Type{VkAccelerationStructureMotionInstanceDataNV}, Type{AccelerationStructureMotionInstanceDataNV}, Type{_AccelerationStructureMotionInstanceDataNV}})) = VkAccelerationStructureMotionInstanceDataNV intermediate_type(@nospecialize(_::Union{Type{BaseOutStructure}, Type{VkBaseOutStructure}})) = _BaseOutStructure intermediate_type(@nospecialize(_::Union{Type{BaseInStructure}, Type{VkBaseInStructure}})) = _BaseInStructure intermediate_type(@nospecialize(_::Union{Type{Offset2D}, Type{VkOffset2D}})) = _Offset2D intermediate_type(@nospecialize(_::Union{Type{Offset3D}, Type{VkOffset3D}})) = _Offset3D intermediate_type(@nospecialize(_::Union{Type{Extent2D}, Type{VkExtent2D}})) = _Extent2D intermediate_type(@nospecialize(_::Union{Type{Extent3D}, Type{VkExtent3D}})) = _Extent3D intermediate_type(@nospecialize(_::Union{Type{Viewport}, Type{VkViewport}})) = _Viewport intermediate_type(@nospecialize(_::Union{Type{Rect2D}, Type{VkRect2D}})) = _Rect2D intermediate_type(@nospecialize(_::Union{Type{ClearRect}, Type{VkClearRect}})) = _ClearRect intermediate_type(@nospecialize(_::Union{Type{ComponentMapping}, Type{VkComponentMapping}})) = _ComponentMapping intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceProperties}, Type{VkPhysicalDeviceProperties}})) = _PhysicalDeviceProperties intermediate_type(@nospecialize(_::Union{Type{ExtensionProperties}, Type{VkExtensionProperties}})) = _ExtensionProperties intermediate_type(@nospecialize(_::Union{Type{LayerProperties}, Type{VkLayerProperties}})) = _LayerProperties intermediate_type(@nospecialize(_::Union{Type{ApplicationInfo}, Type{VkApplicationInfo}})) = _ApplicationInfo intermediate_type(@nospecialize(_::Union{Type{AllocationCallbacks}, Type{VkAllocationCallbacks}})) = _AllocationCallbacks intermediate_type(@nospecialize(_::Union{Type{DeviceQueueCreateInfo}, Type{VkDeviceQueueCreateInfo}})) = _DeviceQueueCreateInfo intermediate_type(@nospecialize(_::Union{Type{DeviceCreateInfo}, Type{VkDeviceCreateInfo}})) = _DeviceCreateInfo intermediate_type(@nospecialize(_::Union{Type{InstanceCreateInfo}, Type{VkInstanceCreateInfo}})) = _InstanceCreateInfo intermediate_type(@nospecialize(_::Union{Type{QueueFamilyProperties}, Type{VkQueueFamilyProperties}})) = _QueueFamilyProperties intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMemoryProperties}, Type{VkPhysicalDeviceMemoryProperties}})) = _PhysicalDeviceMemoryProperties intermediate_type(@nospecialize(_::Union{Type{MemoryAllocateInfo}, Type{VkMemoryAllocateInfo}})) = _MemoryAllocateInfo intermediate_type(@nospecialize(_::Union{Type{MemoryRequirements}, Type{VkMemoryRequirements}})) = _MemoryRequirements intermediate_type(@nospecialize(_::Union{Type{SparseImageFormatProperties}, Type{VkSparseImageFormatProperties}})) = _SparseImageFormatProperties intermediate_type(@nospecialize(_::Union{Type{SparseImageMemoryRequirements}, Type{VkSparseImageMemoryRequirements}})) = _SparseImageMemoryRequirements intermediate_type(@nospecialize(_::Union{Type{MemoryType}, Type{VkMemoryType}})) = _MemoryType intermediate_type(@nospecialize(_::Union{Type{MemoryHeap}, Type{VkMemoryHeap}})) = _MemoryHeap intermediate_type(@nospecialize(_::Union{Type{MappedMemoryRange}, Type{VkMappedMemoryRange}})) = _MappedMemoryRange intermediate_type(@nospecialize(_::Union{Type{FormatProperties}, Type{VkFormatProperties}})) = _FormatProperties intermediate_type(@nospecialize(_::Union{Type{ImageFormatProperties}, Type{VkImageFormatProperties}})) = _ImageFormatProperties intermediate_type(@nospecialize(_::Union{Type{DescriptorBufferInfo}, Type{VkDescriptorBufferInfo}})) = _DescriptorBufferInfo intermediate_type(@nospecialize(_::Union{Type{DescriptorImageInfo}, Type{VkDescriptorImageInfo}})) = _DescriptorImageInfo intermediate_type(@nospecialize(_::Union{Type{WriteDescriptorSet}, Type{VkWriteDescriptorSet}})) = _WriteDescriptorSet intermediate_type(@nospecialize(_::Union{Type{CopyDescriptorSet}, Type{VkCopyDescriptorSet}})) = _CopyDescriptorSet intermediate_type(@nospecialize(_::Union{Type{BufferCreateInfo}, Type{VkBufferCreateInfo}})) = _BufferCreateInfo intermediate_type(@nospecialize(_::Union{Type{BufferViewCreateInfo}, Type{VkBufferViewCreateInfo}})) = _BufferViewCreateInfo intermediate_type(@nospecialize(_::Union{Type{ImageSubresource}, Type{VkImageSubresource}})) = _ImageSubresource intermediate_type(@nospecialize(_::Union{Type{ImageSubresourceLayers}, Type{VkImageSubresourceLayers}})) = _ImageSubresourceLayers intermediate_type(@nospecialize(_::Union{Type{ImageSubresourceRange}, Type{VkImageSubresourceRange}})) = _ImageSubresourceRange intermediate_type(@nospecialize(_::Union{Type{MemoryBarrier}, Type{VkMemoryBarrier}})) = _MemoryBarrier intermediate_type(@nospecialize(_::Union{Type{BufferMemoryBarrier}, Type{VkBufferMemoryBarrier}})) = _BufferMemoryBarrier intermediate_type(@nospecialize(_::Union{Type{ImageMemoryBarrier}, Type{VkImageMemoryBarrier}})) = _ImageMemoryBarrier intermediate_type(@nospecialize(_::Union{Type{ImageCreateInfo}, Type{VkImageCreateInfo}})) = _ImageCreateInfo intermediate_type(@nospecialize(_::Union{Type{SubresourceLayout}, Type{VkSubresourceLayout}})) = _SubresourceLayout intermediate_type(@nospecialize(_::Union{Type{ImageViewCreateInfo}, Type{VkImageViewCreateInfo}})) = _ImageViewCreateInfo intermediate_type(@nospecialize(_::Union{Type{BufferCopy}, Type{VkBufferCopy}})) = _BufferCopy intermediate_type(@nospecialize(_::Union{Type{SparseMemoryBind}, Type{VkSparseMemoryBind}})) = _SparseMemoryBind intermediate_type(@nospecialize(_::Union{Type{SparseImageMemoryBind}, Type{VkSparseImageMemoryBind}})) = _SparseImageMemoryBind intermediate_type(@nospecialize(_::Union{Type{SparseBufferMemoryBindInfo}, Type{VkSparseBufferMemoryBindInfo}})) = _SparseBufferMemoryBindInfo intermediate_type(@nospecialize(_::Union{Type{SparseImageOpaqueMemoryBindInfo}, Type{VkSparseImageOpaqueMemoryBindInfo}})) = _SparseImageOpaqueMemoryBindInfo intermediate_type(@nospecialize(_::Union{Type{SparseImageMemoryBindInfo}, Type{VkSparseImageMemoryBindInfo}})) = _SparseImageMemoryBindInfo intermediate_type(@nospecialize(_::Union{Type{BindSparseInfo}, Type{VkBindSparseInfo}})) = _BindSparseInfo intermediate_type(@nospecialize(_::Union{Type{ImageCopy}, Type{VkImageCopy}})) = _ImageCopy intermediate_type(@nospecialize(_::Union{Type{ImageBlit}, Type{VkImageBlit}})) = _ImageBlit intermediate_type(@nospecialize(_::Union{Type{BufferImageCopy}, Type{VkBufferImageCopy}})) = _BufferImageCopy intermediate_type(@nospecialize(_::Union{Type{CopyMemoryIndirectCommandNV}, Type{VkCopyMemoryIndirectCommandNV}})) = _CopyMemoryIndirectCommandNV intermediate_type(@nospecialize(_::Union{Type{CopyMemoryToImageIndirectCommandNV}, Type{VkCopyMemoryToImageIndirectCommandNV}})) = _CopyMemoryToImageIndirectCommandNV intermediate_type(@nospecialize(_::Union{Type{ImageResolve}, Type{VkImageResolve}})) = _ImageResolve intermediate_type(@nospecialize(_::Union{Type{ShaderModuleCreateInfo}, Type{VkShaderModuleCreateInfo}})) = _ShaderModuleCreateInfo intermediate_type(@nospecialize(_::Union{Type{DescriptorSetLayoutBinding}, Type{VkDescriptorSetLayoutBinding}})) = _DescriptorSetLayoutBinding intermediate_type(@nospecialize(_::Union{Type{DescriptorSetLayoutCreateInfo}, Type{VkDescriptorSetLayoutCreateInfo}})) = _DescriptorSetLayoutCreateInfo intermediate_type(@nospecialize(_::Union{Type{DescriptorPoolSize}, Type{VkDescriptorPoolSize}})) = _DescriptorPoolSize intermediate_type(@nospecialize(_::Union{Type{DescriptorPoolCreateInfo}, Type{VkDescriptorPoolCreateInfo}})) = _DescriptorPoolCreateInfo intermediate_type(@nospecialize(_::Union{Type{DescriptorSetAllocateInfo}, Type{VkDescriptorSetAllocateInfo}})) = _DescriptorSetAllocateInfo intermediate_type(@nospecialize(_::Union{Type{SpecializationMapEntry}, Type{VkSpecializationMapEntry}})) = _SpecializationMapEntry intermediate_type(@nospecialize(_::Union{Type{SpecializationInfo}, Type{VkSpecializationInfo}})) = _SpecializationInfo intermediate_type(@nospecialize(_::Union{Type{PipelineShaderStageCreateInfo}, Type{VkPipelineShaderStageCreateInfo}})) = _PipelineShaderStageCreateInfo intermediate_type(@nospecialize(_::Union{Type{ComputePipelineCreateInfo}, Type{VkComputePipelineCreateInfo}})) = _ComputePipelineCreateInfo intermediate_type(@nospecialize(_::Union{Type{VertexInputBindingDescription}, Type{VkVertexInputBindingDescription}})) = _VertexInputBindingDescription intermediate_type(@nospecialize(_::Union{Type{VertexInputAttributeDescription}, Type{VkVertexInputAttributeDescription}})) = _VertexInputAttributeDescription intermediate_type(@nospecialize(_::Union{Type{PipelineVertexInputStateCreateInfo}, Type{VkPipelineVertexInputStateCreateInfo}})) = _PipelineVertexInputStateCreateInfo intermediate_type(@nospecialize(_::Union{Type{PipelineInputAssemblyStateCreateInfo}, Type{VkPipelineInputAssemblyStateCreateInfo}})) = _PipelineInputAssemblyStateCreateInfo intermediate_type(@nospecialize(_::Union{Type{PipelineTessellationStateCreateInfo}, Type{VkPipelineTessellationStateCreateInfo}})) = _PipelineTessellationStateCreateInfo intermediate_type(@nospecialize(_::Union{Type{PipelineViewportStateCreateInfo}, Type{VkPipelineViewportStateCreateInfo}})) = _PipelineViewportStateCreateInfo intermediate_type(@nospecialize(_::Union{Type{PipelineRasterizationStateCreateInfo}, Type{VkPipelineRasterizationStateCreateInfo}})) = _PipelineRasterizationStateCreateInfo intermediate_type(@nospecialize(_::Union{Type{PipelineMultisampleStateCreateInfo}, Type{VkPipelineMultisampleStateCreateInfo}})) = _PipelineMultisampleStateCreateInfo intermediate_type(@nospecialize(_::Union{Type{PipelineColorBlendAttachmentState}, Type{VkPipelineColorBlendAttachmentState}})) = _PipelineColorBlendAttachmentState intermediate_type(@nospecialize(_::Union{Type{PipelineColorBlendStateCreateInfo}, Type{VkPipelineColorBlendStateCreateInfo}})) = _PipelineColorBlendStateCreateInfo intermediate_type(@nospecialize(_::Union{Type{PipelineDynamicStateCreateInfo}, Type{VkPipelineDynamicStateCreateInfo}})) = _PipelineDynamicStateCreateInfo intermediate_type(@nospecialize(_::Union{Type{StencilOpState}, Type{VkStencilOpState}})) = _StencilOpState intermediate_type(@nospecialize(_::Union{Type{PipelineDepthStencilStateCreateInfo}, Type{VkPipelineDepthStencilStateCreateInfo}})) = _PipelineDepthStencilStateCreateInfo intermediate_type(@nospecialize(_::Union{Type{GraphicsPipelineCreateInfo}, Type{VkGraphicsPipelineCreateInfo}})) = _GraphicsPipelineCreateInfo intermediate_type(@nospecialize(_::Union{Type{PipelineCacheCreateInfo}, Type{VkPipelineCacheCreateInfo}})) = _PipelineCacheCreateInfo intermediate_type(@nospecialize(_::Union{Type{PipelineCacheHeaderVersionOne}, Type{VkPipelineCacheHeaderVersionOne}})) = _PipelineCacheHeaderVersionOne intermediate_type(@nospecialize(_::Union{Type{PushConstantRange}, Type{VkPushConstantRange}})) = _PushConstantRange intermediate_type(@nospecialize(_::Union{Type{PipelineLayoutCreateInfo}, Type{VkPipelineLayoutCreateInfo}})) = _PipelineLayoutCreateInfo intermediate_type(@nospecialize(_::Union{Type{SamplerCreateInfo}, Type{VkSamplerCreateInfo}})) = _SamplerCreateInfo intermediate_type(@nospecialize(_::Union{Type{CommandPoolCreateInfo}, Type{VkCommandPoolCreateInfo}})) = _CommandPoolCreateInfo intermediate_type(@nospecialize(_::Union{Type{CommandBufferAllocateInfo}, Type{VkCommandBufferAllocateInfo}})) = _CommandBufferAllocateInfo intermediate_type(@nospecialize(_::Union{Type{CommandBufferInheritanceInfo}, Type{VkCommandBufferInheritanceInfo}})) = _CommandBufferInheritanceInfo intermediate_type(@nospecialize(_::Union{Type{CommandBufferBeginInfo}, Type{VkCommandBufferBeginInfo}})) = _CommandBufferBeginInfo intermediate_type(@nospecialize(_::Union{Type{RenderPassBeginInfo}, Type{VkRenderPassBeginInfo}})) = _RenderPassBeginInfo intermediate_type(@nospecialize(_::Union{Type{ClearDepthStencilValue}, Type{VkClearDepthStencilValue}})) = _ClearDepthStencilValue intermediate_type(@nospecialize(_::Union{Type{ClearAttachment}, Type{VkClearAttachment}})) = _ClearAttachment intermediate_type(@nospecialize(_::Union{Type{AttachmentDescription}, Type{VkAttachmentDescription}})) = _AttachmentDescription intermediate_type(@nospecialize(_::Union{Type{AttachmentReference}, Type{VkAttachmentReference}})) = _AttachmentReference intermediate_type(@nospecialize(_::Union{Type{SubpassDescription}, Type{VkSubpassDescription}})) = _SubpassDescription intermediate_type(@nospecialize(_::Union{Type{SubpassDependency}, Type{VkSubpassDependency}})) = _SubpassDependency intermediate_type(@nospecialize(_::Union{Type{RenderPassCreateInfo}, Type{VkRenderPassCreateInfo}})) = _RenderPassCreateInfo intermediate_type(@nospecialize(_::Union{Type{EventCreateInfo}, Type{VkEventCreateInfo}})) = _EventCreateInfo intermediate_type(@nospecialize(_::Union{Type{FenceCreateInfo}, Type{VkFenceCreateInfo}})) = _FenceCreateInfo intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFeatures}, Type{VkPhysicalDeviceFeatures}})) = _PhysicalDeviceFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSparseProperties}, Type{VkPhysicalDeviceSparseProperties}})) = _PhysicalDeviceSparseProperties intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceLimits}, Type{VkPhysicalDeviceLimits}})) = _PhysicalDeviceLimits intermediate_type(@nospecialize(_::Union{Type{SemaphoreCreateInfo}, Type{VkSemaphoreCreateInfo}})) = _SemaphoreCreateInfo intermediate_type(@nospecialize(_::Union{Type{QueryPoolCreateInfo}, Type{VkQueryPoolCreateInfo}})) = _QueryPoolCreateInfo intermediate_type(@nospecialize(_::Union{Type{FramebufferCreateInfo}, Type{VkFramebufferCreateInfo}})) = _FramebufferCreateInfo intermediate_type(@nospecialize(_::Union{Type{DrawIndirectCommand}, Type{VkDrawIndirectCommand}})) = _DrawIndirectCommand intermediate_type(@nospecialize(_::Union{Type{DrawIndexedIndirectCommand}, Type{VkDrawIndexedIndirectCommand}})) = _DrawIndexedIndirectCommand intermediate_type(@nospecialize(_::Union{Type{DispatchIndirectCommand}, Type{VkDispatchIndirectCommand}})) = _DispatchIndirectCommand intermediate_type(@nospecialize(_::Union{Type{MultiDrawInfoEXT}, Type{VkMultiDrawInfoEXT}})) = _MultiDrawInfoEXT intermediate_type(@nospecialize(_::Union{Type{MultiDrawIndexedInfoEXT}, Type{VkMultiDrawIndexedInfoEXT}})) = _MultiDrawIndexedInfoEXT intermediate_type(@nospecialize(_::Union{Type{SubmitInfo}, Type{VkSubmitInfo}})) = _SubmitInfo intermediate_type(@nospecialize(_::Union{Type{DisplayPropertiesKHR}, Type{VkDisplayPropertiesKHR}})) = _DisplayPropertiesKHR intermediate_type(@nospecialize(_::Union{Type{DisplayPlanePropertiesKHR}, Type{VkDisplayPlanePropertiesKHR}})) = _DisplayPlanePropertiesKHR intermediate_type(@nospecialize(_::Union{Type{DisplayModeParametersKHR}, Type{VkDisplayModeParametersKHR}})) = _DisplayModeParametersKHR intermediate_type(@nospecialize(_::Union{Type{DisplayModePropertiesKHR}, Type{VkDisplayModePropertiesKHR}})) = _DisplayModePropertiesKHR intermediate_type(@nospecialize(_::Union{Type{DisplayModeCreateInfoKHR}, Type{VkDisplayModeCreateInfoKHR}})) = _DisplayModeCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{DisplayPlaneCapabilitiesKHR}, Type{VkDisplayPlaneCapabilitiesKHR}})) = _DisplayPlaneCapabilitiesKHR intermediate_type(@nospecialize(_::Union{Type{DisplaySurfaceCreateInfoKHR}, Type{VkDisplaySurfaceCreateInfoKHR}})) = _DisplaySurfaceCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{DisplayPresentInfoKHR}, Type{VkDisplayPresentInfoKHR}})) = _DisplayPresentInfoKHR intermediate_type(@nospecialize(_::Union{Type{SurfaceCapabilitiesKHR}, Type{VkSurfaceCapabilitiesKHR}})) = _SurfaceCapabilitiesKHR intermediate_type(@nospecialize(_::Union{Type{Win32SurfaceCreateInfoKHR}, Type{VkWin32SurfaceCreateInfoKHR}})) = _Win32SurfaceCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{SurfaceFormatKHR}, Type{VkSurfaceFormatKHR}})) = _SurfaceFormatKHR intermediate_type(@nospecialize(_::Union{Type{SwapchainCreateInfoKHR}, Type{VkSwapchainCreateInfoKHR}})) = _SwapchainCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{PresentInfoKHR}, Type{VkPresentInfoKHR}})) = _PresentInfoKHR intermediate_type(@nospecialize(_::Union{Type{DebugReportCallbackCreateInfoEXT}, Type{VkDebugReportCallbackCreateInfoEXT}})) = _DebugReportCallbackCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{ValidationFlagsEXT}, Type{VkValidationFlagsEXT}})) = _ValidationFlagsEXT intermediate_type(@nospecialize(_::Union{Type{ValidationFeaturesEXT}, Type{VkValidationFeaturesEXT}})) = _ValidationFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PipelineRasterizationStateRasterizationOrderAMD}, Type{VkPipelineRasterizationStateRasterizationOrderAMD}})) = _PipelineRasterizationStateRasterizationOrderAMD intermediate_type(@nospecialize(_::Union{Type{DebugMarkerObjectNameInfoEXT}, Type{VkDebugMarkerObjectNameInfoEXT}})) = _DebugMarkerObjectNameInfoEXT intermediate_type(@nospecialize(_::Union{Type{DebugMarkerObjectTagInfoEXT}, Type{VkDebugMarkerObjectTagInfoEXT}})) = _DebugMarkerObjectTagInfoEXT intermediate_type(@nospecialize(_::Union{Type{DebugMarkerMarkerInfoEXT}, Type{VkDebugMarkerMarkerInfoEXT}})) = _DebugMarkerMarkerInfoEXT intermediate_type(@nospecialize(_::Union{Type{DedicatedAllocationImageCreateInfoNV}, Type{VkDedicatedAllocationImageCreateInfoNV}})) = _DedicatedAllocationImageCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{DedicatedAllocationBufferCreateInfoNV}, Type{VkDedicatedAllocationBufferCreateInfoNV}})) = _DedicatedAllocationBufferCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{DedicatedAllocationMemoryAllocateInfoNV}, Type{VkDedicatedAllocationMemoryAllocateInfoNV}})) = _DedicatedAllocationMemoryAllocateInfoNV intermediate_type(@nospecialize(_::Union{Type{ExternalImageFormatPropertiesNV}, Type{VkExternalImageFormatPropertiesNV}})) = _ExternalImageFormatPropertiesNV intermediate_type(@nospecialize(_::Union{Type{ExternalMemoryImageCreateInfoNV}, Type{VkExternalMemoryImageCreateInfoNV}})) = _ExternalMemoryImageCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{ExportMemoryAllocateInfoNV}, Type{VkExportMemoryAllocateInfoNV}})) = _ExportMemoryAllocateInfoNV intermediate_type(@nospecialize(_::Union{Type{ImportMemoryWin32HandleInfoNV}, Type{VkImportMemoryWin32HandleInfoNV}})) = _ImportMemoryWin32HandleInfoNV intermediate_type(@nospecialize(_::Union{Type{ExportMemoryWin32HandleInfoNV}, Type{VkExportMemoryWin32HandleInfoNV}})) = _ExportMemoryWin32HandleInfoNV intermediate_type(@nospecialize(_::Union{Type{Win32KeyedMutexAcquireReleaseInfoNV}, Type{VkWin32KeyedMutexAcquireReleaseInfoNV}})) = _Win32KeyedMutexAcquireReleaseInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDeviceGeneratedCommandsFeaturesNV}, Type{VkPhysicalDeviceDeviceGeneratedCommandsFeaturesNV}})) = _PhysicalDeviceDeviceGeneratedCommandsFeaturesNV intermediate_type(@nospecialize(_::Union{Type{DevicePrivateDataCreateInfo}, Type{VkDevicePrivateDataCreateInfo}})) = _DevicePrivateDataCreateInfo intermediate_type(@nospecialize(_::Union{Type{PrivateDataSlotCreateInfo}, Type{VkPrivateDataSlotCreateInfo}})) = _PrivateDataSlotCreateInfo intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePrivateDataFeatures}, Type{VkPhysicalDevicePrivateDataFeatures}})) = _PhysicalDevicePrivateDataFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDeviceGeneratedCommandsPropertiesNV}, Type{VkPhysicalDeviceDeviceGeneratedCommandsPropertiesNV}})) = _PhysicalDeviceDeviceGeneratedCommandsPropertiesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMultiDrawPropertiesEXT}, Type{VkPhysicalDeviceMultiDrawPropertiesEXT}})) = _PhysicalDeviceMultiDrawPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{GraphicsShaderGroupCreateInfoNV}, Type{VkGraphicsShaderGroupCreateInfoNV}})) = _GraphicsShaderGroupCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{GraphicsPipelineShaderGroupsCreateInfoNV}, Type{VkGraphicsPipelineShaderGroupsCreateInfoNV}})) = _GraphicsPipelineShaderGroupsCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{BindShaderGroupIndirectCommandNV}, Type{VkBindShaderGroupIndirectCommandNV}})) = _BindShaderGroupIndirectCommandNV intermediate_type(@nospecialize(_::Union{Type{BindIndexBufferIndirectCommandNV}, Type{VkBindIndexBufferIndirectCommandNV}})) = _BindIndexBufferIndirectCommandNV intermediate_type(@nospecialize(_::Union{Type{BindVertexBufferIndirectCommandNV}, Type{VkBindVertexBufferIndirectCommandNV}})) = _BindVertexBufferIndirectCommandNV intermediate_type(@nospecialize(_::Union{Type{SetStateFlagsIndirectCommandNV}, Type{VkSetStateFlagsIndirectCommandNV}})) = _SetStateFlagsIndirectCommandNV intermediate_type(@nospecialize(_::Union{Type{IndirectCommandsStreamNV}, Type{VkIndirectCommandsStreamNV}})) = _IndirectCommandsStreamNV intermediate_type(@nospecialize(_::Union{Type{IndirectCommandsLayoutTokenNV}, Type{VkIndirectCommandsLayoutTokenNV}})) = _IndirectCommandsLayoutTokenNV intermediate_type(@nospecialize(_::Union{Type{IndirectCommandsLayoutCreateInfoNV}, Type{VkIndirectCommandsLayoutCreateInfoNV}})) = _IndirectCommandsLayoutCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{GeneratedCommandsInfoNV}, Type{VkGeneratedCommandsInfoNV}})) = _GeneratedCommandsInfoNV intermediate_type(@nospecialize(_::Union{Type{GeneratedCommandsMemoryRequirementsInfoNV}, Type{VkGeneratedCommandsMemoryRequirementsInfoNV}})) = _GeneratedCommandsMemoryRequirementsInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFeatures2}, Type{VkPhysicalDeviceFeatures2}})) = _PhysicalDeviceFeatures2 intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceProperties2}, Type{VkPhysicalDeviceProperties2}})) = _PhysicalDeviceProperties2 intermediate_type(@nospecialize(_::Union{Type{FormatProperties2}, Type{VkFormatProperties2}})) = _FormatProperties2 intermediate_type(@nospecialize(_::Union{Type{ImageFormatProperties2}, Type{VkImageFormatProperties2}})) = _ImageFormatProperties2 intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceImageFormatInfo2}, Type{VkPhysicalDeviceImageFormatInfo2}})) = _PhysicalDeviceImageFormatInfo2 intermediate_type(@nospecialize(_::Union{Type{QueueFamilyProperties2}, Type{VkQueueFamilyProperties2}})) = _QueueFamilyProperties2 intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMemoryProperties2}, Type{VkPhysicalDeviceMemoryProperties2}})) = _PhysicalDeviceMemoryProperties2 intermediate_type(@nospecialize(_::Union{Type{SparseImageFormatProperties2}, Type{VkSparseImageFormatProperties2}})) = _SparseImageFormatProperties2 intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSparseImageFormatInfo2}, Type{VkPhysicalDeviceSparseImageFormatInfo2}})) = _PhysicalDeviceSparseImageFormatInfo2 intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePushDescriptorPropertiesKHR}, Type{VkPhysicalDevicePushDescriptorPropertiesKHR}})) = _PhysicalDevicePushDescriptorPropertiesKHR intermediate_type(@nospecialize(_::Union{Type{ConformanceVersion}, Type{VkConformanceVersion}})) = _ConformanceVersion intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDriverProperties}, Type{VkPhysicalDeviceDriverProperties}})) = _PhysicalDeviceDriverProperties intermediate_type(@nospecialize(_::Union{Type{PresentRegionsKHR}, Type{VkPresentRegionsKHR}})) = _PresentRegionsKHR intermediate_type(@nospecialize(_::Union{Type{PresentRegionKHR}, Type{VkPresentRegionKHR}})) = _PresentRegionKHR intermediate_type(@nospecialize(_::Union{Type{RectLayerKHR}, Type{VkRectLayerKHR}})) = _RectLayerKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceVariablePointersFeatures}, Type{VkPhysicalDeviceVariablePointersFeatures}})) = _PhysicalDeviceVariablePointersFeatures intermediate_type(@nospecialize(_::Union{Type{ExternalMemoryProperties}, Type{VkExternalMemoryProperties}})) = _ExternalMemoryProperties intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceExternalImageFormatInfo}, Type{VkPhysicalDeviceExternalImageFormatInfo}})) = _PhysicalDeviceExternalImageFormatInfo intermediate_type(@nospecialize(_::Union{Type{ExternalImageFormatProperties}, Type{VkExternalImageFormatProperties}})) = _ExternalImageFormatProperties intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceExternalBufferInfo}, Type{VkPhysicalDeviceExternalBufferInfo}})) = _PhysicalDeviceExternalBufferInfo intermediate_type(@nospecialize(_::Union{Type{ExternalBufferProperties}, Type{VkExternalBufferProperties}})) = _ExternalBufferProperties intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceIDProperties}, Type{VkPhysicalDeviceIDProperties}})) = _PhysicalDeviceIDProperties intermediate_type(@nospecialize(_::Union{Type{ExternalMemoryImageCreateInfo}, Type{VkExternalMemoryImageCreateInfo}})) = _ExternalMemoryImageCreateInfo intermediate_type(@nospecialize(_::Union{Type{ExternalMemoryBufferCreateInfo}, Type{VkExternalMemoryBufferCreateInfo}})) = _ExternalMemoryBufferCreateInfo intermediate_type(@nospecialize(_::Union{Type{ExportMemoryAllocateInfo}, Type{VkExportMemoryAllocateInfo}})) = _ExportMemoryAllocateInfo intermediate_type(@nospecialize(_::Union{Type{ImportMemoryWin32HandleInfoKHR}, Type{VkImportMemoryWin32HandleInfoKHR}})) = _ImportMemoryWin32HandleInfoKHR intermediate_type(@nospecialize(_::Union{Type{ExportMemoryWin32HandleInfoKHR}, Type{VkExportMemoryWin32HandleInfoKHR}})) = _ExportMemoryWin32HandleInfoKHR intermediate_type(@nospecialize(_::Union{Type{MemoryWin32HandlePropertiesKHR}, Type{VkMemoryWin32HandlePropertiesKHR}})) = _MemoryWin32HandlePropertiesKHR intermediate_type(@nospecialize(_::Union{Type{MemoryGetWin32HandleInfoKHR}, Type{VkMemoryGetWin32HandleInfoKHR}})) = _MemoryGetWin32HandleInfoKHR intermediate_type(@nospecialize(_::Union{Type{ImportMemoryFdInfoKHR}, Type{VkImportMemoryFdInfoKHR}})) = _ImportMemoryFdInfoKHR intermediate_type(@nospecialize(_::Union{Type{MemoryFdPropertiesKHR}, Type{VkMemoryFdPropertiesKHR}})) = _MemoryFdPropertiesKHR intermediate_type(@nospecialize(_::Union{Type{MemoryGetFdInfoKHR}, Type{VkMemoryGetFdInfoKHR}})) = _MemoryGetFdInfoKHR intermediate_type(@nospecialize(_::Union{Type{Win32KeyedMutexAcquireReleaseInfoKHR}, Type{VkWin32KeyedMutexAcquireReleaseInfoKHR}})) = _Win32KeyedMutexAcquireReleaseInfoKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceExternalSemaphoreInfo}, Type{VkPhysicalDeviceExternalSemaphoreInfo}})) = _PhysicalDeviceExternalSemaphoreInfo intermediate_type(@nospecialize(_::Union{Type{ExternalSemaphoreProperties}, Type{VkExternalSemaphoreProperties}})) = _ExternalSemaphoreProperties intermediate_type(@nospecialize(_::Union{Type{ExportSemaphoreCreateInfo}, Type{VkExportSemaphoreCreateInfo}})) = _ExportSemaphoreCreateInfo intermediate_type(@nospecialize(_::Union{Type{ImportSemaphoreWin32HandleInfoKHR}, Type{VkImportSemaphoreWin32HandleInfoKHR}})) = _ImportSemaphoreWin32HandleInfoKHR intermediate_type(@nospecialize(_::Union{Type{ExportSemaphoreWin32HandleInfoKHR}, Type{VkExportSemaphoreWin32HandleInfoKHR}})) = _ExportSemaphoreWin32HandleInfoKHR intermediate_type(@nospecialize(_::Union{Type{D3D12FenceSubmitInfoKHR}, Type{VkD3D12FenceSubmitInfoKHR}})) = _D3D12FenceSubmitInfoKHR intermediate_type(@nospecialize(_::Union{Type{SemaphoreGetWin32HandleInfoKHR}, Type{VkSemaphoreGetWin32HandleInfoKHR}})) = _SemaphoreGetWin32HandleInfoKHR intermediate_type(@nospecialize(_::Union{Type{ImportSemaphoreFdInfoKHR}, Type{VkImportSemaphoreFdInfoKHR}})) = _ImportSemaphoreFdInfoKHR intermediate_type(@nospecialize(_::Union{Type{SemaphoreGetFdInfoKHR}, Type{VkSemaphoreGetFdInfoKHR}})) = _SemaphoreGetFdInfoKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceExternalFenceInfo}, Type{VkPhysicalDeviceExternalFenceInfo}})) = _PhysicalDeviceExternalFenceInfo intermediate_type(@nospecialize(_::Union{Type{ExternalFenceProperties}, Type{VkExternalFenceProperties}})) = _ExternalFenceProperties intermediate_type(@nospecialize(_::Union{Type{ExportFenceCreateInfo}, Type{VkExportFenceCreateInfo}})) = _ExportFenceCreateInfo intermediate_type(@nospecialize(_::Union{Type{ImportFenceWin32HandleInfoKHR}, Type{VkImportFenceWin32HandleInfoKHR}})) = _ImportFenceWin32HandleInfoKHR intermediate_type(@nospecialize(_::Union{Type{ExportFenceWin32HandleInfoKHR}, Type{VkExportFenceWin32HandleInfoKHR}})) = _ExportFenceWin32HandleInfoKHR intermediate_type(@nospecialize(_::Union{Type{FenceGetWin32HandleInfoKHR}, Type{VkFenceGetWin32HandleInfoKHR}})) = _FenceGetWin32HandleInfoKHR intermediate_type(@nospecialize(_::Union{Type{ImportFenceFdInfoKHR}, Type{VkImportFenceFdInfoKHR}})) = _ImportFenceFdInfoKHR intermediate_type(@nospecialize(_::Union{Type{FenceGetFdInfoKHR}, Type{VkFenceGetFdInfoKHR}})) = _FenceGetFdInfoKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMultiviewFeatures}, Type{VkPhysicalDeviceMultiviewFeatures}})) = _PhysicalDeviceMultiviewFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMultiviewProperties}, Type{VkPhysicalDeviceMultiviewProperties}})) = _PhysicalDeviceMultiviewProperties intermediate_type(@nospecialize(_::Union{Type{RenderPassMultiviewCreateInfo}, Type{VkRenderPassMultiviewCreateInfo}})) = _RenderPassMultiviewCreateInfo intermediate_type(@nospecialize(_::Union{Type{SurfaceCapabilities2EXT}, Type{VkSurfaceCapabilities2EXT}})) = _SurfaceCapabilities2EXT intermediate_type(@nospecialize(_::Union{Type{DisplayPowerInfoEXT}, Type{VkDisplayPowerInfoEXT}})) = _DisplayPowerInfoEXT intermediate_type(@nospecialize(_::Union{Type{DeviceEventInfoEXT}, Type{VkDeviceEventInfoEXT}})) = _DeviceEventInfoEXT intermediate_type(@nospecialize(_::Union{Type{DisplayEventInfoEXT}, Type{VkDisplayEventInfoEXT}})) = _DisplayEventInfoEXT intermediate_type(@nospecialize(_::Union{Type{SwapchainCounterCreateInfoEXT}, Type{VkSwapchainCounterCreateInfoEXT}})) = _SwapchainCounterCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceGroupProperties}, Type{VkPhysicalDeviceGroupProperties}})) = _PhysicalDeviceGroupProperties intermediate_type(@nospecialize(_::Union{Type{MemoryAllocateFlagsInfo}, Type{VkMemoryAllocateFlagsInfo}})) = _MemoryAllocateFlagsInfo intermediate_type(@nospecialize(_::Union{Type{BindBufferMemoryInfo}, Type{VkBindBufferMemoryInfo}})) = _BindBufferMemoryInfo intermediate_type(@nospecialize(_::Union{Type{BindBufferMemoryDeviceGroupInfo}, Type{VkBindBufferMemoryDeviceGroupInfo}})) = _BindBufferMemoryDeviceGroupInfo intermediate_type(@nospecialize(_::Union{Type{BindImageMemoryInfo}, Type{VkBindImageMemoryInfo}})) = _BindImageMemoryInfo intermediate_type(@nospecialize(_::Union{Type{BindImageMemoryDeviceGroupInfo}, Type{VkBindImageMemoryDeviceGroupInfo}})) = _BindImageMemoryDeviceGroupInfo intermediate_type(@nospecialize(_::Union{Type{DeviceGroupRenderPassBeginInfo}, Type{VkDeviceGroupRenderPassBeginInfo}})) = _DeviceGroupRenderPassBeginInfo intermediate_type(@nospecialize(_::Union{Type{DeviceGroupCommandBufferBeginInfo}, Type{VkDeviceGroupCommandBufferBeginInfo}})) = _DeviceGroupCommandBufferBeginInfo intermediate_type(@nospecialize(_::Union{Type{DeviceGroupSubmitInfo}, Type{VkDeviceGroupSubmitInfo}})) = _DeviceGroupSubmitInfo intermediate_type(@nospecialize(_::Union{Type{DeviceGroupBindSparseInfo}, Type{VkDeviceGroupBindSparseInfo}})) = _DeviceGroupBindSparseInfo intermediate_type(@nospecialize(_::Union{Type{DeviceGroupPresentCapabilitiesKHR}, Type{VkDeviceGroupPresentCapabilitiesKHR}})) = _DeviceGroupPresentCapabilitiesKHR intermediate_type(@nospecialize(_::Union{Type{ImageSwapchainCreateInfoKHR}, Type{VkImageSwapchainCreateInfoKHR}})) = _ImageSwapchainCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{BindImageMemorySwapchainInfoKHR}, Type{VkBindImageMemorySwapchainInfoKHR}})) = _BindImageMemorySwapchainInfoKHR intermediate_type(@nospecialize(_::Union{Type{AcquireNextImageInfoKHR}, Type{VkAcquireNextImageInfoKHR}})) = _AcquireNextImageInfoKHR intermediate_type(@nospecialize(_::Union{Type{DeviceGroupPresentInfoKHR}, Type{VkDeviceGroupPresentInfoKHR}})) = _DeviceGroupPresentInfoKHR intermediate_type(@nospecialize(_::Union{Type{DeviceGroupDeviceCreateInfo}, Type{VkDeviceGroupDeviceCreateInfo}})) = _DeviceGroupDeviceCreateInfo intermediate_type(@nospecialize(_::Union{Type{DeviceGroupSwapchainCreateInfoKHR}, Type{VkDeviceGroupSwapchainCreateInfoKHR}})) = _DeviceGroupSwapchainCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{DescriptorUpdateTemplateEntry}, Type{VkDescriptorUpdateTemplateEntry}})) = _DescriptorUpdateTemplateEntry intermediate_type(@nospecialize(_::Union{Type{DescriptorUpdateTemplateCreateInfo}, Type{VkDescriptorUpdateTemplateCreateInfo}})) = _DescriptorUpdateTemplateCreateInfo intermediate_type(@nospecialize(_::Union{Type{XYColorEXT}, Type{VkXYColorEXT}})) = _XYColorEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePresentIdFeaturesKHR}, Type{VkPhysicalDevicePresentIdFeaturesKHR}})) = _PhysicalDevicePresentIdFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{PresentIdKHR}, Type{VkPresentIdKHR}})) = _PresentIdKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePresentWaitFeaturesKHR}, Type{VkPhysicalDevicePresentWaitFeaturesKHR}})) = _PhysicalDevicePresentWaitFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{HdrMetadataEXT}, Type{VkHdrMetadataEXT}})) = _HdrMetadataEXT intermediate_type(@nospecialize(_::Union{Type{DisplayNativeHdrSurfaceCapabilitiesAMD}, Type{VkDisplayNativeHdrSurfaceCapabilitiesAMD}})) = _DisplayNativeHdrSurfaceCapabilitiesAMD intermediate_type(@nospecialize(_::Union{Type{SwapchainDisplayNativeHdrCreateInfoAMD}, Type{VkSwapchainDisplayNativeHdrCreateInfoAMD}})) = _SwapchainDisplayNativeHdrCreateInfoAMD intermediate_type(@nospecialize(_::Union{Type{RefreshCycleDurationGOOGLE}, Type{VkRefreshCycleDurationGOOGLE}})) = _RefreshCycleDurationGOOGLE intermediate_type(@nospecialize(_::Union{Type{PastPresentationTimingGOOGLE}, Type{VkPastPresentationTimingGOOGLE}})) = _PastPresentationTimingGOOGLE intermediate_type(@nospecialize(_::Union{Type{PresentTimesInfoGOOGLE}, Type{VkPresentTimesInfoGOOGLE}})) = _PresentTimesInfoGOOGLE intermediate_type(@nospecialize(_::Union{Type{PresentTimeGOOGLE}, Type{VkPresentTimeGOOGLE}})) = _PresentTimeGOOGLE intermediate_type(@nospecialize(_::Union{Type{ViewportWScalingNV}, Type{VkViewportWScalingNV}})) = _ViewportWScalingNV intermediate_type(@nospecialize(_::Union{Type{PipelineViewportWScalingStateCreateInfoNV}, Type{VkPipelineViewportWScalingStateCreateInfoNV}})) = _PipelineViewportWScalingStateCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{ViewportSwizzleNV}, Type{VkViewportSwizzleNV}})) = _ViewportSwizzleNV intermediate_type(@nospecialize(_::Union{Type{PipelineViewportSwizzleStateCreateInfoNV}, Type{VkPipelineViewportSwizzleStateCreateInfoNV}})) = _PipelineViewportSwizzleStateCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDiscardRectanglePropertiesEXT}, Type{VkPhysicalDeviceDiscardRectanglePropertiesEXT}})) = _PhysicalDeviceDiscardRectanglePropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PipelineDiscardRectangleStateCreateInfoEXT}, Type{VkPipelineDiscardRectangleStateCreateInfoEXT}})) = _PipelineDiscardRectangleStateCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX}, Type{VkPhysicalDeviceMultiviewPerViewAttributesPropertiesNVX}})) = _PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX intermediate_type(@nospecialize(_::Union{Type{InputAttachmentAspectReference}, Type{VkInputAttachmentAspectReference}})) = _InputAttachmentAspectReference intermediate_type(@nospecialize(_::Union{Type{RenderPassInputAttachmentAspectCreateInfo}, Type{VkRenderPassInputAttachmentAspectCreateInfo}})) = _RenderPassInputAttachmentAspectCreateInfo intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSurfaceInfo2KHR}, Type{VkPhysicalDeviceSurfaceInfo2KHR}})) = _PhysicalDeviceSurfaceInfo2KHR intermediate_type(@nospecialize(_::Union{Type{SurfaceCapabilities2KHR}, Type{VkSurfaceCapabilities2KHR}})) = _SurfaceCapabilities2KHR intermediate_type(@nospecialize(_::Union{Type{SurfaceFormat2KHR}, Type{VkSurfaceFormat2KHR}})) = _SurfaceFormat2KHR intermediate_type(@nospecialize(_::Union{Type{DisplayProperties2KHR}, Type{VkDisplayProperties2KHR}})) = _DisplayProperties2KHR intermediate_type(@nospecialize(_::Union{Type{DisplayPlaneProperties2KHR}, Type{VkDisplayPlaneProperties2KHR}})) = _DisplayPlaneProperties2KHR intermediate_type(@nospecialize(_::Union{Type{DisplayModeProperties2KHR}, Type{VkDisplayModeProperties2KHR}})) = _DisplayModeProperties2KHR intermediate_type(@nospecialize(_::Union{Type{DisplayPlaneInfo2KHR}, Type{VkDisplayPlaneInfo2KHR}})) = _DisplayPlaneInfo2KHR intermediate_type(@nospecialize(_::Union{Type{DisplayPlaneCapabilities2KHR}, Type{VkDisplayPlaneCapabilities2KHR}})) = _DisplayPlaneCapabilities2KHR intermediate_type(@nospecialize(_::Union{Type{SharedPresentSurfaceCapabilitiesKHR}, Type{VkSharedPresentSurfaceCapabilitiesKHR}})) = _SharedPresentSurfaceCapabilitiesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDevice16BitStorageFeatures}, Type{VkPhysicalDevice16BitStorageFeatures}})) = _PhysicalDevice16BitStorageFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSubgroupProperties}, Type{VkPhysicalDeviceSubgroupProperties}})) = _PhysicalDeviceSubgroupProperties intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderSubgroupExtendedTypesFeatures}, Type{VkPhysicalDeviceShaderSubgroupExtendedTypesFeatures}})) = _PhysicalDeviceShaderSubgroupExtendedTypesFeatures intermediate_type(@nospecialize(_::Union{Type{BufferMemoryRequirementsInfo2}, Type{VkBufferMemoryRequirementsInfo2}})) = _BufferMemoryRequirementsInfo2 intermediate_type(@nospecialize(_::Union{Type{DeviceBufferMemoryRequirements}, Type{VkDeviceBufferMemoryRequirements}})) = _DeviceBufferMemoryRequirements intermediate_type(@nospecialize(_::Union{Type{ImageMemoryRequirementsInfo2}, Type{VkImageMemoryRequirementsInfo2}})) = _ImageMemoryRequirementsInfo2 intermediate_type(@nospecialize(_::Union{Type{ImageSparseMemoryRequirementsInfo2}, Type{VkImageSparseMemoryRequirementsInfo2}})) = _ImageSparseMemoryRequirementsInfo2 intermediate_type(@nospecialize(_::Union{Type{DeviceImageMemoryRequirements}, Type{VkDeviceImageMemoryRequirements}})) = _DeviceImageMemoryRequirements intermediate_type(@nospecialize(_::Union{Type{MemoryRequirements2}, Type{VkMemoryRequirements2}})) = _MemoryRequirements2 intermediate_type(@nospecialize(_::Union{Type{SparseImageMemoryRequirements2}, Type{VkSparseImageMemoryRequirements2}})) = _SparseImageMemoryRequirements2 intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePointClippingProperties}, Type{VkPhysicalDevicePointClippingProperties}})) = _PhysicalDevicePointClippingProperties intermediate_type(@nospecialize(_::Union{Type{MemoryDedicatedRequirements}, Type{VkMemoryDedicatedRequirements}})) = _MemoryDedicatedRequirements intermediate_type(@nospecialize(_::Union{Type{MemoryDedicatedAllocateInfo}, Type{VkMemoryDedicatedAllocateInfo}})) = _MemoryDedicatedAllocateInfo intermediate_type(@nospecialize(_::Union{Type{ImageViewUsageCreateInfo}, Type{VkImageViewUsageCreateInfo}})) = _ImageViewUsageCreateInfo intermediate_type(@nospecialize(_::Union{Type{PipelineTessellationDomainOriginStateCreateInfo}, Type{VkPipelineTessellationDomainOriginStateCreateInfo}})) = _PipelineTessellationDomainOriginStateCreateInfo intermediate_type(@nospecialize(_::Union{Type{SamplerYcbcrConversionInfo}, Type{VkSamplerYcbcrConversionInfo}})) = _SamplerYcbcrConversionInfo intermediate_type(@nospecialize(_::Union{Type{SamplerYcbcrConversionCreateInfo}, Type{VkSamplerYcbcrConversionCreateInfo}})) = _SamplerYcbcrConversionCreateInfo intermediate_type(@nospecialize(_::Union{Type{BindImagePlaneMemoryInfo}, Type{VkBindImagePlaneMemoryInfo}})) = _BindImagePlaneMemoryInfo intermediate_type(@nospecialize(_::Union{Type{ImagePlaneMemoryRequirementsInfo}, Type{VkImagePlaneMemoryRequirementsInfo}})) = _ImagePlaneMemoryRequirementsInfo intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSamplerYcbcrConversionFeatures}, Type{VkPhysicalDeviceSamplerYcbcrConversionFeatures}})) = _PhysicalDeviceSamplerYcbcrConversionFeatures intermediate_type(@nospecialize(_::Union{Type{SamplerYcbcrConversionImageFormatProperties}, Type{VkSamplerYcbcrConversionImageFormatProperties}})) = _SamplerYcbcrConversionImageFormatProperties intermediate_type(@nospecialize(_::Union{Type{TextureLODGatherFormatPropertiesAMD}, Type{VkTextureLODGatherFormatPropertiesAMD}})) = _TextureLODGatherFormatPropertiesAMD intermediate_type(@nospecialize(_::Union{Type{ConditionalRenderingBeginInfoEXT}, Type{VkConditionalRenderingBeginInfoEXT}})) = _ConditionalRenderingBeginInfoEXT intermediate_type(@nospecialize(_::Union{Type{ProtectedSubmitInfo}, Type{VkProtectedSubmitInfo}})) = _ProtectedSubmitInfo intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceProtectedMemoryFeatures}, Type{VkPhysicalDeviceProtectedMemoryFeatures}})) = _PhysicalDeviceProtectedMemoryFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceProtectedMemoryProperties}, Type{VkPhysicalDeviceProtectedMemoryProperties}})) = _PhysicalDeviceProtectedMemoryProperties intermediate_type(@nospecialize(_::Union{Type{DeviceQueueInfo2}, Type{VkDeviceQueueInfo2}})) = _DeviceQueueInfo2 intermediate_type(@nospecialize(_::Union{Type{PipelineCoverageToColorStateCreateInfoNV}, Type{VkPipelineCoverageToColorStateCreateInfoNV}})) = _PipelineCoverageToColorStateCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSamplerFilterMinmaxProperties}, Type{VkPhysicalDeviceSamplerFilterMinmaxProperties}})) = _PhysicalDeviceSamplerFilterMinmaxProperties intermediate_type(@nospecialize(_::Union{Type{SampleLocationEXT}, Type{VkSampleLocationEXT}})) = _SampleLocationEXT intermediate_type(@nospecialize(_::Union{Type{SampleLocationsInfoEXT}, Type{VkSampleLocationsInfoEXT}})) = _SampleLocationsInfoEXT intermediate_type(@nospecialize(_::Union{Type{AttachmentSampleLocationsEXT}, Type{VkAttachmentSampleLocationsEXT}})) = _AttachmentSampleLocationsEXT intermediate_type(@nospecialize(_::Union{Type{SubpassSampleLocationsEXT}, Type{VkSubpassSampleLocationsEXT}})) = _SubpassSampleLocationsEXT intermediate_type(@nospecialize(_::Union{Type{RenderPassSampleLocationsBeginInfoEXT}, Type{VkRenderPassSampleLocationsBeginInfoEXT}})) = _RenderPassSampleLocationsBeginInfoEXT intermediate_type(@nospecialize(_::Union{Type{PipelineSampleLocationsStateCreateInfoEXT}, Type{VkPipelineSampleLocationsStateCreateInfoEXT}})) = _PipelineSampleLocationsStateCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSampleLocationsPropertiesEXT}, Type{VkPhysicalDeviceSampleLocationsPropertiesEXT}})) = _PhysicalDeviceSampleLocationsPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{MultisamplePropertiesEXT}, Type{VkMultisamplePropertiesEXT}})) = _MultisamplePropertiesEXT intermediate_type(@nospecialize(_::Union{Type{SamplerReductionModeCreateInfo}, Type{VkSamplerReductionModeCreateInfo}})) = _SamplerReductionModeCreateInfo intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceBlendOperationAdvancedFeaturesEXT}, Type{VkPhysicalDeviceBlendOperationAdvancedFeaturesEXT}})) = _PhysicalDeviceBlendOperationAdvancedFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMultiDrawFeaturesEXT}, Type{VkPhysicalDeviceMultiDrawFeaturesEXT}})) = _PhysicalDeviceMultiDrawFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceBlendOperationAdvancedPropertiesEXT}, Type{VkPhysicalDeviceBlendOperationAdvancedPropertiesEXT}})) = _PhysicalDeviceBlendOperationAdvancedPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PipelineColorBlendAdvancedStateCreateInfoEXT}, Type{VkPipelineColorBlendAdvancedStateCreateInfoEXT}})) = _PipelineColorBlendAdvancedStateCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceInlineUniformBlockFeatures}, Type{VkPhysicalDeviceInlineUniformBlockFeatures}})) = _PhysicalDeviceInlineUniformBlockFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceInlineUniformBlockProperties}, Type{VkPhysicalDeviceInlineUniformBlockProperties}})) = _PhysicalDeviceInlineUniformBlockProperties intermediate_type(@nospecialize(_::Union{Type{WriteDescriptorSetInlineUniformBlock}, Type{VkWriteDescriptorSetInlineUniformBlock}})) = _WriteDescriptorSetInlineUniformBlock intermediate_type(@nospecialize(_::Union{Type{DescriptorPoolInlineUniformBlockCreateInfo}, Type{VkDescriptorPoolInlineUniformBlockCreateInfo}})) = _DescriptorPoolInlineUniformBlockCreateInfo intermediate_type(@nospecialize(_::Union{Type{PipelineCoverageModulationStateCreateInfoNV}, Type{VkPipelineCoverageModulationStateCreateInfoNV}})) = _PipelineCoverageModulationStateCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{ImageFormatListCreateInfo}, Type{VkImageFormatListCreateInfo}})) = _ImageFormatListCreateInfo intermediate_type(@nospecialize(_::Union{Type{ValidationCacheCreateInfoEXT}, Type{VkValidationCacheCreateInfoEXT}})) = _ValidationCacheCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{ShaderModuleValidationCacheCreateInfoEXT}, Type{VkShaderModuleValidationCacheCreateInfoEXT}})) = _ShaderModuleValidationCacheCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMaintenance3Properties}, Type{VkPhysicalDeviceMaintenance3Properties}})) = _PhysicalDeviceMaintenance3Properties intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMaintenance4Features}, Type{VkPhysicalDeviceMaintenance4Features}})) = _PhysicalDeviceMaintenance4Features intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMaintenance4Properties}, Type{VkPhysicalDeviceMaintenance4Properties}})) = _PhysicalDeviceMaintenance4Properties intermediate_type(@nospecialize(_::Union{Type{DescriptorSetLayoutSupport}, Type{VkDescriptorSetLayoutSupport}})) = _DescriptorSetLayoutSupport intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderDrawParametersFeatures}, Type{VkPhysicalDeviceShaderDrawParametersFeatures}})) = _PhysicalDeviceShaderDrawParametersFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderFloat16Int8Features}, Type{VkPhysicalDeviceShaderFloat16Int8Features}})) = _PhysicalDeviceShaderFloat16Int8Features intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFloatControlsProperties}, Type{VkPhysicalDeviceFloatControlsProperties}})) = _PhysicalDeviceFloatControlsProperties intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceHostQueryResetFeatures}, Type{VkPhysicalDeviceHostQueryResetFeatures}})) = _PhysicalDeviceHostQueryResetFeatures intermediate_type(@nospecialize(_::Union{Type{ShaderResourceUsageAMD}, Type{VkShaderResourceUsageAMD}})) = _ShaderResourceUsageAMD intermediate_type(@nospecialize(_::Union{Type{ShaderStatisticsInfoAMD}, Type{VkShaderStatisticsInfoAMD}})) = _ShaderStatisticsInfoAMD intermediate_type(@nospecialize(_::Union{Type{DeviceQueueGlobalPriorityCreateInfoKHR}, Type{VkDeviceQueueGlobalPriorityCreateInfoKHR}})) = _DeviceQueueGlobalPriorityCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceGlobalPriorityQueryFeaturesKHR}, Type{VkPhysicalDeviceGlobalPriorityQueryFeaturesKHR}})) = _PhysicalDeviceGlobalPriorityQueryFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{QueueFamilyGlobalPriorityPropertiesKHR}, Type{VkQueueFamilyGlobalPriorityPropertiesKHR}})) = _QueueFamilyGlobalPriorityPropertiesKHR intermediate_type(@nospecialize(_::Union{Type{DebugUtilsObjectNameInfoEXT}, Type{VkDebugUtilsObjectNameInfoEXT}})) = _DebugUtilsObjectNameInfoEXT intermediate_type(@nospecialize(_::Union{Type{DebugUtilsObjectTagInfoEXT}, Type{VkDebugUtilsObjectTagInfoEXT}})) = _DebugUtilsObjectTagInfoEXT intermediate_type(@nospecialize(_::Union{Type{DebugUtilsLabelEXT}, Type{VkDebugUtilsLabelEXT}})) = _DebugUtilsLabelEXT intermediate_type(@nospecialize(_::Union{Type{DebugUtilsMessengerCreateInfoEXT}, Type{VkDebugUtilsMessengerCreateInfoEXT}})) = _DebugUtilsMessengerCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{DebugUtilsMessengerCallbackDataEXT}, Type{VkDebugUtilsMessengerCallbackDataEXT}})) = _DebugUtilsMessengerCallbackDataEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDeviceMemoryReportFeaturesEXT}, Type{VkPhysicalDeviceDeviceMemoryReportFeaturesEXT}})) = _PhysicalDeviceDeviceMemoryReportFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{DeviceDeviceMemoryReportCreateInfoEXT}, Type{VkDeviceDeviceMemoryReportCreateInfoEXT}})) = _DeviceDeviceMemoryReportCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{DeviceMemoryReportCallbackDataEXT}, Type{VkDeviceMemoryReportCallbackDataEXT}})) = _DeviceMemoryReportCallbackDataEXT intermediate_type(@nospecialize(_::Union{Type{ImportMemoryHostPointerInfoEXT}, Type{VkImportMemoryHostPointerInfoEXT}})) = _ImportMemoryHostPointerInfoEXT intermediate_type(@nospecialize(_::Union{Type{MemoryHostPointerPropertiesEXT}, Type{VkMemoryHostPointerPropertiesEXT}})) = _MemoryHostPointerPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceExternalMemoryHostPropertiesEXT}, Type{VkPhysicalDeviceExternalMemoryHostPropertiesEXT}})) = _PhysicalDeviceExternalMemoryHostPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceConservativeRasterizationPropertiesEXT}, Type{VkPhysicalDeviceConservativeRasterizationPropertiesEXT}})) = _PhysicalDeviceConservativeRasterizationPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{CalibratedTimestampInfoEXT}, Type{VkCalibratedTimestampInfoEXT}})) = _CalibratedTimestampInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderCorePropertiesAMD}, Type{VkPhysicalDeviceShaderCorePropertiesAMD}})) = _PhysicalDeviceShaderCorePropertiesAMD intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderCoreProperties2AMD}, Type{VkPhysicalDeviceShaderCoreProperties2AMD}})) = _PhysicalDeviceShaderCoreProperties2AMD intermediate_type(@nospecialize(_::Union{Type{PipelineRasterizationConservativeStateCreateInfoEXT}, Type{VkPipelineRasterizationConservativeStateCreateInfoEXT}})) = _PipelineRasterizationConservativeStateCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDescriptorIndexingFeatures}, Type{VkPhysicalDeviceDescriptorIndexingFeatures}})) = _PhysicalDeviceDescriptorIndexingFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDescriptorIndexingProperties}, Type{VkPhysicalDeviceDescriptorIndexingProperties}})) = _PhysicalDeviceDescriptorIndexingProperties intermediate_type(@nospecialize(_::Union{Type{DescriptorSetLayoutBindingFlagsCreateInfo}, Type{VkDescriptorSetLayoutBindingFlagsCreateInfo}})) = _DescriptorSetLayoutBindingFlagsCreateInfo intermediate_type(@nospecialize(_::Union{Type{DescriptorSetVariableDescriptorCountAllocateInfo}, Type{VkDescriptorSetVariableDescriptorCountAllocateInfo}})) = _DescriptorSetVariableDescriptorCountAllocateInfo intermediate_type(@nospecialize(_::Union{Type{DescriptorSetVariableDescriptorCountLayoutSupport}, Type{VkDescriptorSetVariableDescriptorCountLayoutSupport}})) = _DescriptorSetVariableDescriptorCountLayoutSupport intermediate_type(@nospecialize(_::Union{Type{AttachmentDescription2}, Type{VkAttachmentDescription2}})) = _AttachmentDescription2 intermediate_type(@nospecialize(_::Union{Type{AttachmentReference2}, Type{VkAttachmentReference2}})) = _AttachmentReference2 intermediate_type(@nospecialize(_::Union{Type{SubpassDescription2}, Type{VkSubpassDescription2}})) = _SubpassDescription2 intermediate_type(@nospecialize(_::Union{Type{SubpassDependency2}, Type{VkSubpassDependency2}})) = _SubpassDependency2 intermediate_type(@nospecialize(_::Union{Type{RenderPassCreateInfo2}, Type{VkRenderPassCreateInfo2}})) = _RenderPassCreateInfo2 intermediate_type(@nospecialize(_::Union{Type{SubpassBeginInfo}, Type{VkSubpassBeginInfo}})) = _SubpassBeginInfo intermediate_type(@nospecialize(_::Union{Type{SubpassEndInfo}, Type{VkSubpassEndInfo}})) = _SubpassEndInfo intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceTimelineSemaphoreFeatures}, Type{VkPhysicalDeviceTimelineSemaphoreFeatures}})) = _PhysicalDeviceTimelineSemaphoreFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceTimelineSemaphoreProperties}, Type{VkPhysicalDeviceTimelineSemaphoreProperties}})) = _PhysicalDeviceTimelineSemaphoreProperties intermediate_type(@nospecialize(_::Union{Type{SemaphoreTypeCreateInfo}, Type{VkSemaphoreTypeCreateInfo}})) = _SemaphoreTypeCreateInfo intermediate_type(@nospecialize(_::Union{Type{TimelineSemaphoreSubmitInfo}, Type{VkTimelineSemaphoreSubmitInfo}})) = _TimelineSemaphoreSubmitInfo intermediate_type(@nospecialize(_::Union{Type{SemaphoreWaitInfo}, Type{VkSemaphoreWaitInfo}})) = _SemaphoreWaitInfo intermediate_type(@nospecialize(_::Union{Type{SemaphoreSignalInfo}, Type{VkSemaphoreSignalInfo}})) = _SemaphoreSignalInfo intermediate_type(@nospecialize(_::Union{Type{VertexInputBindingDivisorDescriptionEXT}, Type{VkVertexInputBindingDivisorDescriptionEXT}})) = _VertexInputBindingDivisorDescriptionEXT intermediate_type(@nospecialize(_::Union{Type{PipelineVertexInputDivisorStateCreateInfoEXT}, Type{VkPipelineVertexInputDivisorStateCreateInfoEXT}})) = _PipelineVertexInputDivisorStateCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceVertexAttributeDivisorPropertiesEXT}, Type{VkPhysicalDeviceVertexAttributeDivisorPropertiesEXT}})) = _PhysicalDeviceVertexAttributeDivisorPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePCIBusInfoPropertiesEXT}, Type{VkPhysicalDevicePCIBusInfoPropertiesEXT}})) = _PhysicalDevicePCIBusInfoPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{CommandBufferInheritanceConditionalRenderingInfoEXT}, Type{VkCommandBufferInheritanceConditionalRenderingInfoEXT}})) = _CommandBufferInheritanceConditionalRenderingInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDevice8BitStorageFeatures}, Type{VkPhysicalDevice8BitStorageFeatures}})) = _PhysicalDevice8BitStorageFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceConditionalRenderingFeaturesEXT}, Type{VkPhysicalDeviceConditionalRenderingFeaturesEXT}})) = _PhysicalDeviceConditionalRenderingFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceVulkanMemoryModelFeatures}, Type{VkPhysicalDeviceVulkanMemoryModelFeatures}})) = _PhysicalDeviceVulkanMemoryModelFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderAtomicInt64Features}, Type{VkPhysicalDeviceShaderAtomicInt64Features}})) = _PhysicalDeviceShaderAtomicInt64Features intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderAtomicFloatFeaturesEXT}, Type{VkPhysicalDeviceShaderAtomicFloatFeaturesEXT}})) = _PhysicalDeviceShaderAtomicFloatFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderAtomicFloat2FeaturesEXT}, Type{VkPhysicalDeviceShaderAtomicFloat2FeaturesEXT}})) = _PhysicalDeviceShaderAtomicFloat2FeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceVertexAttributeDivisorFeaturesEXT}, Type{VkPhysicalDeviceVertexAttributeDivisorFeaturesEXT}})) = _PhysicalDeviceVertexAttributeDivisorFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{QueueFamilyCheckpointPropertiesNV}, Type{VkQueueFamilyCheckpointPropertiesNV}})) = _QueueFamilyCheckpointPropertiesNV intermediate_type(@nospecialize(_::Union{Type{CheckpointDataNV}, Type{VkCheckpointDataNV}})) = _CheckpointDataNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDepthStencilResolveProperties}, Type{VkPhysicalDeviceDepthStencilResolveProperties}})) = _PhysicalDeviceDepthStencilResolveProperties intermediate_type(@nospecialize(_::Union{Type{SubpassDescriptionDepthStencilResolve}, Type{VkSubpassDescriptionDepthStencilResolve}})) = _SubpassDescriptionDepthStencilResolve intermediate_type(@nospecialize(_::Union{Type{ImageViewASTCDecodeModeEXT}, Type{VkImageViewASTCDecodeModeEXT}})) = _ImageViewASTCDecodeModeEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceASTCDecodeFeaturesEXT}, Type{VkPhysicalDeviceASTCDecodeFeaturesEXT}})) = _PhysicalDeviceASTCDecodeFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceTransformFeedbackFeaturesEXT}, Type{VkPhysicalDeviceTransformFeedbackFeaturesEXT}})) = _PhysicalDeviceTransformFeedbackFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceTransformFeedbackPropertiesEXT}, Type{VkPhysicalDeviceTransformFeedbackPropertiesEXT}})) = _PhysicalDeviceTransformFeedbackPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PipelineRasterizationStateStreamCreateInfoEXT}, Type{VkPipelineRasterizationStateStreamCreateInfoEXT}})) = _PipelineRasterizationStateStreamCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRepresentativeFragmentTestFeaturesNV}, Type{VkPhysicalDeviceRepresentativeFragmentTestFeaturesNV}})) = _PhysicalDeviceRepresentativeFragmentTestFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PipelineRepresentativeFragmentTestStateCreateInfoNV}, Type{VkPipelineRepresentativeFragmentTestStateCreateInfoNV}})) = _PipelineRepresentativeFragmentTestStateCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceExclusiveScissorFeaturesNV}, Type{VkPhysicalDeviceExclusiveScissorFeaturesNV}})) = _PhysicalDeviceExclusiveScissorFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PipelineViewportExclusiveScissorStateCreateInfoNV}, Type{VkPipelineViewportExclusiveScissorStateCreateInfoNV}})) = _PipelineViewportExclusiveScissorStateCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceCornerSampledImageFeaturesNV}, Type{VkPhysicalDeviceCornerSampledImageFeaturesNV}})) = _PhysicalDeviceCornerSampledImageFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceComputeShaderDerivativesFeaturesNV}, Type{VkPhysicalDeviceComputeShaderDerivativesFeaturesNV}})) = _PhysicalDeviceComputeShaderDerivativesFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderImageFootprintFeaturesNV}, Type{VkPhysicalDeviceShaderImageFootprintFeaturesNV}})) = _PhysicalDeviceShaderImageFootprintFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV}, Type{VkPhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV}})) = _PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceCopyMemoryIndirectFeaturesNV}, Type{VkPhysicalDeviceCopyMemoryIndirectFeaturesNV}})) = _PhysicalDeviceCopyMemoryIndirectFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceCopyMemoryIndirectPropertiesNV}, Type{VkPhysicalDeviceCopyMemoryIndirectPropertiesNV}})) = _PhysicalDeviceCopyMemoryIndirectPropertiesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMemoryDecompressionFeaturesNV}, Type{VkPhysicalDeviceMemoryDecompressionFeaturesNV}})) = _PhysicalDeviceMemoryDecompressionFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMemoryDecompressionPropertiesNV}, Type{VkPhysicalDeviceMemoryDecompressionPropertiesNV}})) = _PhysicalDeviceMemoryDecompressionPropertiesNV intermediate_type(@nospecialize(_::Union{Type{ShadingRatePaletteNV}, Type{VkShadingRatePaletteNV}})) = _ShadingRatePaletteNV intermediate_type(@nospecialize(_::Union{Type{PipelineViewportShadingRateImageStateCreateInfoNV}, Type{VkPipelineViewportShadingRateImageStateCreateInfoNV}})) = _PipelineViewportShadingRateImageStateCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShadingRateImageFeaturesNV}, Type{VkPhysicalDeviceShadingRateImageFeaturesNV}})) = _PhysicalDeviceShadingRateImageFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShadingRateImagePropertiesNV}, Type{VkPhysicalDeviceShadingRateImagePropertiesNV}})) = _PhysicalDeviceShadingRateImagePropertiesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceInvocationMaskFeaturesHUAWEI}, Type{VkPhysicalDeviceInvocationMaskFeaturesHUAWEI}})) = _PhysicalDeviceInvocationMaskFeaturesHUAWEI intermediate_type(@nospecialize(_::Union{Type{CoarseSampleLocationNV}, Type{VkCoarseSampleLocationNV}})) = _CoarseSampleLocationNV intermediate_type(@nospecialize(_::Union{Type{CoarseSampleOrderCustomNV}, Type{VkCoarseSampleOrderCustomNV}})) = _CoarseSampleOrderCustomNV intermediate_type(@nospecialize(_::Union{Type{PipelineViewportCoarseSampleOrderStateCreateInfoNV}, Type{VkPipelineViewportCoarseSampleOrderStateCreateInfoNV}})) = _PipelineViewportCoarseSampleOrderStateCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMeshShaderFeaturesNV}, Type{VkPhysicalDeviceMeshShaderFeaturesNV}})) = _PhysicalDeviceMeshShaderFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMeshShaderPropertiesNV}, Type{VkPhysicalDeviceMeshShaderPropertiesNV}})) = _PhysicalDeviceMeshShaderPropertiesNV intermediate_type(@nospecialize(_::Union{Type{DrawMeshTasksIndirectCommandNV}, Type{VkDrawMeshTasksIndirectCommandNV}})) = _DrawMeshTasksIndirectCommandNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMeshShaderFeaturesEXT}, Type{VkPhysicalDeviceMeshShaderFeaturesEXT}})) = _PhysicalDeviceMeshShaderFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMeshShaderPropertiesEXT}, Type{VkPhysicalDeviceMeshShaderPropertiesEXT}})) = _PhysicalDeviceMeshShaderPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{DrawMeshTasksIndirectCommandEXT}, Type{VkDrawMeshTasksIndirectCommandEXT}})) = _DrawMeshTasksIndirectCommandEXT intermediate_type(@nospecialize(_::Union{Type{RayTracingShaderGroupCreateInfoNV}, Type{VkRayTracingShaderGroupCreateInfoNV}})) = _RayTracingShaderGroupCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{RayTracingShaderGroupCreateInfoKHR}, Type{VkRayTracingShaderGroupCreateInfoKHR}})) = _RayTracingShaderGroupCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{RayTracingPipelineCreateInfoNV}, Type{VkRayTracingPipelineCreateInfoNV}})) = _RayTracingPipelineCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{RayTracingPipelineCreateInfoKHR}, Type{VkRayTracingPipelineCreateInfoKHR}})) = _RayTracingPipelineCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{GeometryTrianglesNV}, Type{VkGeometryTrianglesNV}})) = _GeometryTrianglesNV intermediate_type(@nospecialize(_::Union{Type{GeometryAABBNV}, Type{VkGeometryAABBNV}})) = _GeometryAABBNV intermediate_type(@nospecialize(_::Union{Type{GeometryDataNV}, Type{VkGeometryDataNV}})) = _GeometryDataNV intermediate_type(@nospecialize(_::Union{Type{GeometryNV}, Type{VkGeometryNV}})) = _GeometryNV intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureInfoNV}, Type{VkAccelerationStructureInfoNV}})) = _AccelerationStructureInfoNV intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureCreateInfoNV}, Type{VkAccelerationStructureCreateInfoNV}})) = _AccelerationStructureCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{BindAccelerationStructureMemoryInfoNV}, Type{VkBindAccelerationStructureMemoryInfoNV}})) = _BindAccelerationStructureMemoryInfoNV intermediate_type(@nospecialize(_::Union{Type{WriteDescriptorSetAccelerationStructureKHR}, Type{VkWriteDescriptorSetAccelerationStructureKHR}})) = _WriteDescriptorSetAccelerationStructureKHR intermediate_type(@nospecialize(_::Union{Type{WriteDescriptorSetAccelerationStructureNV}, Type{VkWriteDescriptorSetAccelerationStructureNV}})) = _WriteDescriptorSetAccelerationStructureNV intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureMemoryRequirementsInfoNV}, Type{VkAccelerationStructureMemoryRequirementsInfoNV}})) = _AccelerationStructureMemoryRequirementsInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceAccelerationStructureFeaturesKHR}, Type{VkPhysicalDeviceAccelerationStructureFeaturesKHR}})) = _PhysicalDeviceAccelerationStructureFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRayTracingPipelineFeaturesKHR}, Type{VkPhysicalDeviceRayTracingPipelineFeaturesKHR}})) = _PhysicalDeviceRayTracingPipelineFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRayQueryFeaturesKHR}, Type{VkPhysicalDeviceRayQueryFeaturesKHR}})) = _PhysicalDeviceRayQueryFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceAccelerationStructurePropertiesKHR}, Type{VkPhysicalDeviceAccelerationStructurePropertiesKHR}})) = _PhysicalDeviceAccelerationStructurePropertiesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRayTracingPipelinePropertiesKHR}, Type{VkPhysicalDeviceRayTracingPipelinePropertiesKHR}})) = _PhysicalDeviceRayTracingPipelinePropertiesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRayTracingPropertiesNV}, Type{VkPhysicalDeviceRayTracingPropertiesNV}})) = _PhysicalDeviceRayTracingPropertiesNV intermediate_type(@nospecialize(_::Union{Type{StridedDeviceAddressRegionKHR}, Type{VkStridedDeviceAddressRegionKHR}})) = _StridedDeviceAddressRegionKHR intermediate_type(@nospecialize(_::Union{Type{TraceRaysIndirectCommandKHR}, Type{VkTraceRaysIndirectCommandKHR}})) = _TraceRaysIndirectCommandKHR intermediate_type(@nospecialize(_::Union{Type{TraceRaysIndirectCommand2KHR}, Type{VkTraceRaysIndirectCommand2KHR}})) = _TraceRaysIndirectCommand2KHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRayTracingMaintenance1FeaturesKHR}, Type{VkPhysicalDeviceRayTracingMaintenance1FeaturesKHR}})) = _PhysicalDeviceRayTracingMaintenance1FeaturesKHR intermediate_type(@nospecialize(_::Union{Type{DrmFormatModifierPropertiesListEXT}, Type{VkDrmFormatModifierPropertiesListEXT}})) = _DrmFormatModifierPropertiesListEXT intermediate_type(@nospecialize(_::Union{Type{DrmFormatModifierPropertiesEXT}, Type{VkDrmFormatModifierPropertiesEXT}})) = _DrmFormatModifierPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceImageDrmFormatModifierInfoEXT}, Type{VkPhysicalDeviceImageDrmFormatModifierInfoEXT}})) = _PhysicalDeviceImageDrmFormatModifierInfoEXT intermediate_type(@nospecialize(_::Union{Type{ImageDrmFormatModifierListCreateInfoEXT}, Type{VkImageDrmFormatModifierListCreateInfoEXT}})) = _ImageDrmFormatModifierListCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{ImageDrmFormatModifierExplicitCreateInfoEXT}, Type{VkImageDrmFormatModifierExplicitCreateInfoEXT}})) = _ImageDrmFormatModifierExplicitCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{ImageDrmFormatModifierPropertiesEXT}, Type{VkImageDrmFormatModifierPropertiesEXT}})) = _ImageDrmFormatModifierPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{ImageStencilUsageCreateInfo}, Type{VkImageStencilUsageCreateInfo}})) = _ImageStencilUsageCreateInfo intermediate_type(@nospecialize(_::Union{Type{DeviceMemoryOverallocationCreateInfoAMD}, Type{VkDeviceMemoryOverallocationCreateInfoAMD}})) = _DeviceMemoryOverallocationCreateInfoAMD intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentDensityMapFeaturesEXT}, Type{VkPhysicalDeviceFragmentDensityMapFeaturesEXT}})) = _PhysicalDeviceFragmentDensityMapFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentDensityMap2FeaturesEXT}, Type{VkPhysicalDeviceFragmentDensityMap2FeaturesEXT}})) = _PhysicalDeviceFragmentDensityMap2FeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM}, Type{VkPhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM}})) = _PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentDensityMapPropertiesEXT}, Type{VkPhysicalDeviceFragmentDensityMapPropertiesEXT}})) = _PhysicalDeviceFragmentDensityMapPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentDensityMap2PropertiesEXT}, Type{VkPhysicalDeviceFragmentDensityMap2PropertiesEXT}})) = _PhysicalDeviceFragmentDensityMap2PropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM}, Type{VkPhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM}})) = _PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM intermediate_type(@nospecialize(_::Union{Type{RenderPassFragmentDensityMapCreateInfoEXT}, Type{VkRenderPassFragmentDensityMapCreateInfoEXT}})) = _RenderPassFragmentDensityMapCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{SubpassFragmentDensityMapOffsetEndInfoQCOM}, Type{VkSubpassFragmentDensityMapOffsetEndInfoQCOM}})) = _SubpassFragmentDensityMapOffsetEndInfoQCOM intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceScalarBlockLayoutFeatures}, Type{VkPhysicalDeviceScalarBlockLayoutFeatures}})) = _PhysicalDeviceScalarBlockLayoutFeatures intermediate_type(@nospecialize(_::Union{Type{SurfaceProtectedCapabilitiesKHR}, Type{VkSurfaceProtectedCapabilitiesKHR}})) = _SurfaceProtectedCapabilitiesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceUniformBufferStandardLayoutFeatures}, Type{VkPhysicalDeviceUniformBufferStandardLayoutFeatures}})) = _PhysicalDeviceUniformBufferStandardLayoutFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDepthClipEnableFeaturesEXT}, Type{VkPhysicalDeviceDepthClipEnableFeaturesEXT}})) = _PhysicalDeviceDepthClipEnableFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PipelineRasterizationDepthClipStateCreateInfoEXT}, Type{VkPipelineRasterizationDepthClipStateCreateInfoEXT}})) = _PipelineRasterizationDepthClipStateCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMemoryBudgetPropertiesEXT}, Type{VkPhysicalDeviceMemoryBudgetPropertiesEXT}})) = _PhysicalDeviceMemoryBudgetPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMemoryPriorityFeaturesEXT}, Type{VkPhysicalDeviceMemoryPriorityFeaturesEXT}})) = _PhysicalDeviceMemoryPriorityFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{MemoryPriorityAllocateInfoEXT}, Type{VkMemoryPriorityAllocateInfoEXT}})) = _MemoryPriorityAllocateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT}, Type{VkPhysicalDevicePageableDeviceLocalMemoryFeaturesEXT}})) = _PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceBufferDeviceAddressFeatures}, Type{VkPhysicalDeviceBufferDeviceAddressFeatures}})) = _PhysicalDeviceBufferDeviceAddressFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceBufferDeviceAddressFeaturesEXT}, Type{VkPhysicalDeviceBufferDeviceAddressFeaturesEXT}})) = _PhysicalDeviceBufferDeviceAddressFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{BufferDeviceAddressInfo}, Type{VkBufferDeviceAddressInfo}})) = _BufferDeviceAddressInfo intermediate_type(@nospecialize(_::Union{Type{BufferOpaqueCaptureAddressCreateInfo}, Type{VkBufferOpaqueCaptureAddressCreateInfo}})) = _BufferOpaqueCaptureAddressCreateInfo intermediate_type(@nospecialize(_::Union{Type{BufferDeviceAddressCreateInfoEXT}, Type{VkBufferDeviceAddressCreateInfoEXT}})) = _BufferDeviceAddressCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceImageViewImageFormatInfoEXT}, Type{VkPhysicalDeviceImageViewImageFormatInfoEXT}})) = _PhysicalDeviceImageViewImageFormatInfoEXT intermediate_type(@nospecialize(_::Union{Type{FilterCubicImageViewImageFormatPropertiesEXT}, Type{VkFilterCubicImageViewImageFormatPropertiesEXT}})) = _FilterCubicImageViewImageFormatPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceImagelessFramebufferFeatures}, Type{VkPhysicalDeviceImagelessFramebufferFeatures}})) = _PhysicalDeviceImagelessFramebufferFeatures intermediate_type(@nospecialize(_::Union{Type{FramebufferAttachmentsCreateInfo}, Type{VkFramebufferAttachmentsCreateInfo}})) = _FramebufferAttachmentsCreateInfo intermediate_type(@nospecialize(_::Union{Type{FramebufferAttachmentImageInfo}, Type{VkFramebufferAttachmentImageInfo}})) = _FramebufferAttachmentImageInfo intermediate_type(@nospecialize(_::Union{Type{RenderPassAttachmentBeginInfo}, Type{VkRenderPassAttachmentBeginInfo}})) = _RenderPassAttachmentBeginInfo intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceTextureCompressionASTCHDRFeatures}, Type{VkPhysicalDeviceTextureCompressionASTCHDRFeatures}})) = _PhysicalDeviceTextureCompressionASTCHDRFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceCooperativeMatrixFeaturesNV}, Type{VkPhysicalDeviceCooperativeMatrixFeaturesNV}})) = _PhysicalDeviceCooperativeMatrixFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceCooperativeMatrixPropertiesNV}, Type{VkPhysicalDeviceCooperativeMatrixPropertiesNV}})) = _PhysicalDeviceCooperativeMatrixPropertiesNV intermediate_type(@nospecialize(_::Union{Type{CooperativeMatrixPropertiesNV}, Type{VkCooperativeMatrixPropertiesNV}})) = _CooperativeMatrixPropertiesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceYcbcrImageArraysFeaturesEXT}, Type{VkPhysicalDeviceYcbcrImageArraysFeaturesEXT}})) = _PhysicalDeviceYcbcrImageArraysFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{ImageViewHandleInfoNVX}, Type{VkImageViewHandleInfoNVX}})) = _ImageViewHandleInfoNVX intermediate_type(@nospecialize(_::Union{Type{ImageViewAddressPropertiesNVX}, Type{VkImageViewAddressPropertiesNVX}})) = _ImageViewAddressPropertiesNVX intermediate_type(@nospecialize(_::Union{Type{PipelineCreationFeedback}, Type{VkPipelineCreationFeedback}})) = _PipelineCreationFeedback intermediate_type(@nospecialize(_::Union{Type{PipelineCreationFeedbackCreateInfo}, Type{VkPipelineCreationFeedbackCreateInfo}})) = _PipelineCreationFeedbackCreateInfo intermediate_type(@nospecialize(_::Union{Type{SurfaceFullScreenExclusiveInfoEXT}, Type{VkSurfaceFullScreenExclusiveInfoEXT}})) = _SurfaceFullScreenExclusiveInfoEXT intermediate_type(@nospecialize(_::Union{Type{SurfaceFullScreenExclusiveWin32InfoEXT}, Type{VkSurfaceFullScreenExclusiveWin32InfoEXT}})) = _SurfaceFullScreenExclusiveWin32InfoEXT intermediate_type(@nospecialize(_::Union{Type{SurfaceCapabilitiesFullScreenExclusiveEXT}, Type{VkSurfaceCapabilitiesFullScreenExclusiveEXT}})) = _SurfaceCapabilitiesFullScreenExclusiveEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePresentBarrierFeaturesNV}, Type{VkPhysicalDevicePresentBarrierFeaturesNV}})) = _PhysicalDevicePresentBarrierFeaturesNV intermediate_type(@nospecialize(_::Union{Type{SurfaceCapabilitiesPresentBarrierNV}, Type{VkSurfaceCapabilitiesPresentBarrierNV}})) = _SurfaceCapabilitiesPresentBarrierNV intermediate_type(@nospecialize(_::Union{Type{SwapchainPresentBarrierCreateInfoNV}, Type{VkSwapchainPresentBarrierCreateInfoNV}})) = _SwapchainPresentBarrierCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePerformanceQueryFeaturesKHR}, Type{VkPhysicalDevicePerformanceQueryFeaturesKHR}})) = _PhysicalDevicePerformanceQueryFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePerformanceQueryPropertiesKHR}, Type{VkPhysicalDevicePerformanceQueryPropertiesKHR}})) = _PhysicalDevicePerformanceQueryPropertiesKHR intermediate_type(@nospecialize(_::Union{Type{PerformanceCounterKHR}, Type{VkPerformanceCounterKHR}})) = _PerformanceCounterKHR intermediate_type(@nospecialize(_::Union{Type{PerformanceCounterDescriptionKHR}, Type{VkPerformanceCounterDescriptionKHR}})) = _PerformanceCounterDescriptionKHR intermediate_type(@nospecialize(_::Union{Type{QueryPoolPerformanceCreateInfoKHR}, Type{VkQueryPoolPerformanceCreateInfoKHR}})) = _QueryPoolPerformanceCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{AcquireProfilingLockInfoKHR}, Type{VkAcquireProfilingLockInfoKHR}})) = _AcquireProfilingLockInfoKHR intermediate_type(@nospecialize(_::Union{Type{PerformanceQuerySubmitInfoKHR}, Type{VkPerformanceQuerySubmitInfoKHR}})) = _PerformanceQuerySubmitInfoKHR intermediate_type(@nospecialize(_::Union{Type{HeadlessSurfaceCreateInfoEXT}, Type{VkHeadlessSurfaceCreateInfoEXT}})) = _HeadlessSurfaceCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceCoverageReductionModeFeaturesNV}, Type{VkPhysicalDeviceCoverageReductionModeFeaturesNV}})) = _PhysicalDeviceCoverageReductionModeFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PipelineCoverageReductionStateCreateInfoNV}, Type{VkPipelineCoverageReductionStateCreateInfoNV}})) = _PipelineCoverageReductionStateCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{FramebufferMixedSamplesCombinationNV}, Type{VkFramebufferMixedSamplesCombinationNV}})) = _FramebufferMixedSamplesCombinationNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL}, Type{VkPhysicalDeviceShaderIntegerFunctions2FeaturesINTEL}})) = _PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL intermediate_type(@nospecialize(_::Union{Type{PerformanceValueINTEL}, Type{VkPerformanceValueINTEL}})) = _PerformanceValueINTEL intermediate_type(@nospecialize(_::Union{Type{InitializePerformanceApiInfoINTEL}, Type{VkInitializePerformanceApiInfoINTEL}})) = _InitializePerformanceApiInfoINTEL intermediate_type(@nospecialize(_::Union{Type{QueryPoolPerformanceQueryCreateInfoINTEL}, Type{VkQueryPoolPerformanceQueryCreateInfoINTEL}})) = _QueryPoolPerformanceQueryCreateInfoINTEL intermediate_type(@nospecialize(_::Union{Type{PerformanceMarkerInfoINTEL}, Type{VkPerformanceMarkerInfoINTEL}})) = _PerformanceMarkerInfoINTEL intermediate_type(@nospecialize(_::Union{Type{PerformanceStreamMarkerInfoINTEL}, Type{VkPerformanceStreamMarkerInfoINTEL}})) = _PerformanceStreamMarkerInfoINTEL intermediate_type(@nospecialize(_::Union{Type{PerformanceOverrideInfoINTEL}, Type{VkPerformanceOverrideInfoINTEL}})) = _PerformanceOverrideInfoINTEL intermediate_type(@nospecialize(_::Union{Type{PerformanceConfigurationAcquireInfoINTEL}, Type{VkPerformanceConfigurationAcquireInfoINTEL}})) = _PerformanceConfigurationAcquireInfoINTEL intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderClockFeaturesKHR}, Type{VkPhysicalDeviceShaderClockFeaturesKHR}})) = _PhysicalDeviceShaderClockFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceIndexTypeUint8FeaturesEXT}, Type{VkPhysicalDeviceIndexTypeUint8FeaturesEXT}})) = _PhysicalDeviceIndexTypeUint8FeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderSMBuiltinsPropertiesNV}, Type{VkPhysicalDeviceShaderSMBuiltinsPropertiesNV}})) = _PhysicalDeviceShaderSMBuiltinsPropertiesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderSMBuiltinsFeaturesNV}, Type{VkPhysicalDeviceShaderSMBuiltinsFeaturesNV}})) = _PhysicalDeviceShaderSMBuiltinsFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentShaderInterlockFeaturesEXT}, Type{VkPhysicalDeviceFragmentShaderInterlockFeaturesEXT}})) = _PhysicalDeviceFragmentShaderInterlockFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSeparateDepthStencilLayoutsFeatures}, Type{VkPhysicalDeviceSeparateDepthStencilLayoutsFeatures}})) = _PhysicalDeviceSeparateDepthStencilLayoutsFeatures intermediate_type(@nospecialize(_::Union{Type{AttachmentReferenceStencilLayout}, Type{VkAttachmentReferenceStencilLayout}})) = _AttachmentReferenceStencilLayout intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT}, Type{VkPhysicalDevicePrimitiveTopologyListRestartFeaturesEXT}})) = _PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{AttachmentDescriptionStencilLayout}, Type{VkAttachmentDescriptionStencilLayout}})) = _AttachmentDescriptionStencilLayout intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePipelineExecutablePropertiesFeaturesKHR}, Type{VkPhysicalDevicePipelineExecutablePropertiesFeaturesKHR}})) = _PhysicalDevicePipelineExecutablePropertiesFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{PipelineInfoKHR}, Type{VkPipelineInfoKHR}})) = _PipelineInfoKHR intermediate_type(@nospecialize(_::Union{Type{PipelineExecutablePropertiesKHR}, Type{VkPipelineExecutablePropertiesKHR}})) = _PipelineExecutablePropertiesKHR intermediate_type(@nospecialize(_::Union{Type{PipelineExecutableInfoKHR}, Type{VkPipelineExecutableInfoKHR}})) = _PipelineExecutableInfoKHR intermediate_type(@nospecialize(_::Union{Type{PipelineExecutableStatisticKHR}, Type{VkPipelineExecutableStatisticKHR}})) = _PipelineExecutableStatisticKHR intermediate_type(@nospecialize(_::Union{Type{PipelineExecutableInternalRepresentationKHR}, Type{VkPipelineExecutableInternalRepresentationKHR}})) = _PipelineExecutableInternalRepresentationKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderDemoteToHelperInvocationFeatures}, Type{VkPhysicalDeviceShaderDemoteToHelperInvocationFeatures}})) = _PhysicalDeviceShaderDemoteToHelperInvocationFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceTexelBufferAlignmentFeaturesEXT}, Type{VkPhysicalDeviceTexelBufferAlignmentFeaturesEXT}})) = _PhysicalDeviceTexelBufferAlignmentFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceTexelBufferAlignmentProperties}, Type{VkPhysicalDeviceTexelBufferAlignmentProperties}})) = _PhysicalDeviceTexelBufferAlignmentProperties intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSubgroupSizeControlFeatures}, Type{VkPhysicalDeviceSubgroupSizeControlFeatures}})) = _PhysicalDeviceSubgroupSizeControlFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSubgroupSizeControlProperties}, Type{VkPhysicalDeviceSubgroupSizeControlProperties}})) = _PhysicalDeviceSubgroupSizeControlProperties intermediate_type(@nospecialize(_::Union{Type{PipelineShaderStageRequiredSubgroupSizeCreateInfo}, Type{VkPipelineShaderStageRequiredSubgroupSizeCreateInfo}})) = _PipelineShaderStageRequiredSubgroupSizeCreateInfo intermediate_type(@nospecialize(_::Union{Type{SubpassShadingPipelineCreateInfoHUAWEI}, Type{VkSubpassShadingPipelineCreateInfoHUAWEI}})) = _SubpassShadingPipelineCreateInfoHUAWEI intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSubpassShadingPropertiesHUAWEI}, Type{VkPhysicalDeviceSubpassShadingPropertiesHUAWEI}})) = _PhysicalDeviceSubpassShadingPropertiesHUAWEI intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceClusterCullingShaderPropertiesHUAWEI}, Type{VkPhysicalDeviceClusterCullingShaderPropertiesHUAWEI}})) = _PhysicalDeviceClusterCullingShaderPropertiesHUAWEI intermediate_type(@nospecialize(_::Union{Type{MemoryOpaqueCaptureAddressAllocateInfo}, Type{VkMemoryOpaqueCaptureAddressAllocateInfo}})) = _MemoryOpaqueCaptureAddressAllocateInfo intermediate_type(@nospecialize(_::Union{Type{DeviceMemoryOpaqueCaptureAddressInfo}, Type{VkDeviceMemoryOpaqueCaptureAddressInfo}})) = _DeviceMemoryOpaqueCaptureAddressInfo intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceLineRasterizationFeaturesEXT}, Type{VkPhysicalDeviceLineRasterizationFeaturesEXT}})) = _PhysicalDeviceLineRasterizationFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceLineRasterizationPropertiesEXT}, Type{VkPhysicalDeviceLineRasterizationPropertiesEXT}})) = _PhysicalDeviceLineRasterizationPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PipelineRasterizationLineStateCreateInfoEXT}, Type{VkPipelineRasterizationLineStateCreateInfoEXT}})) = _PipelineRasterizationLineStateCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePipelineCreationCacheControlFeatures}, Type{VkPhysicalDevicePipelineCreationCacheControlFeatures}})) = _PhysicalDevicePipelineCreationCacheControlFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceVulkan11Features}, Type{VkPhysicalDeviceVulkan11Features}})) = _PhysicalDeviceVulkan11Features intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceVulkan11Properties}, Type{VkPhysicalDeviceVulkan11Properties}})) = _PhysicalDeviceVulkan11Properties intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceVulkan12Features}, Type{VkPhysicalDeviceVulkan12Features}})) = _PhysicalDeviceVulkan12Features intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceVulkan12Properties}, Type{VkPhysicalDeviceVulkan12Properties}})) = _PhysicalDeviceVulkan12Properties intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceVulkan13Features}, Type{VkPhysicalDeviceVulkan13Features}})) = _PhysicalDeviceVulkan13Features intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceVulkan13Properties}, Type{VkPhysicalDeviceVulkan13Properties}})) = _PhysicalDeviceVulkan13Properties intermediate_type(@nospecialize(_::Union{Type{PipelineCompilerControlCreateInfoAMD}, Type{VkPipelineCompilerControlCreateInfoAMD}})) = _PipelineCompilerControlCreateInfoAMD intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceCoherentMemoryFeaturesAMD}, Type{VkPhysicalDeviceCoherentMemoryFeaturesAMD}})) = _PhysicalDeviceCoherentMemoryFeaturesAMD intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceToolProperties}, Type{VkPhysicalDeviceToolProperties}})) = _PhysicalDeviceToolProperties intermediate_type(@nospecialize(_::Union{Type{SamplerCustomBorderColorCreateInfoEXT}, Type{VkSamplerCustomBorderColorCreateInfoEXT}})) = _SamplerCustomBorderColorCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceCustomBorderColorPropertiesEXT}, Type{VkPhysicalDeviceCustomBorderColorPropertiesEXT}})) = _PhysicalDeviceCustomBorderColorPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceCustomBorderColorFeaturesEXT}, Type{VkPhysicalDeviceCustomBorderColorFeaturesEXT}})) = _PhysicalDeviceCustomBorderColorFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{SamplerBorderColorComponentMappingCreateInfoEXT}, Type{VkSamplerBorderColorComponentMappingCreateInfoEXT}})) = _SamplerBorderColorComponentMappingCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceBorderColorSwizzleFeaturesEXT}, Type{VkPhysicalDeviceBorderColorSwizzleFeaturesEXT}})) = _PhysicalDeviceBorderColorSwizzleFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureGeometryTrianglesDataKHR}, Type{VkAccelerationStructureGeometryTrianglesDataKHR}})) = _AccelerationStructureGeometryTrianglesDataKHR intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureGeometryAabbsDataKHR}, Type{VkAccelerationStructureGeometryAabbsDataKHR}})) = _AccelerationStructureGeometryAabbsDataKHR intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureGeometryInstancesDataKHR}, Type{VkAccelerationStructureGeometryInstancesDataKHR}})) = _AccelerationStructureGeometryInstancesDataKHR intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureGeometryKHR}, Type{VkAccelerationStructureGeometryKHR}})) = _AccelerationStructureGeometryKHR intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureBuildGeometryInfoKHR}, Type{VkAccelerationStructureBuildGeometryInfoKHR}})) = _AccelerationStructureBuildGeometryInfoKHR intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureBuildRangeInfoKHR}, Type{VkAccelerationStructureBuildRangeInfoKHR}})) = _AccelerationStructureBuildRangeInfoKHR intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureCreateInfoKHR}, Type{VkAccelerationStructureCreateInfoKHR}})) = _AccelerationStructureCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{AabbPositionsKHR}, Type{VkAabbPositionsKHR}})) = _AabbPositionsKHR intermediate_type(@nospecialize(_::Union{Type{TransformMatrixKHR}, Type{VkTransformMatrixKHR}})) = _TransformMatrixKHR intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureInstanceKHR}, Type{VkAccelerationStructureInstanceKHR}})) = _AccelerationStructureInstanceKHR intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureDeviceAddressInfoKHR}, Type{VkAccelerationStructureDeviceAddressInfoKHR}})) = _AccelerationStructureDeviceAddressInfoKHR intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureVersionInfoKHR}, Type{VkAccelerationStructureVersionInfoKHR}})) = _AccelerationStructureVersionInfoKHR intermediate_type(@nospecialize(_::Union{Type{CopyAccelerationStructureInfoKHR}, Type{VkCopyAccelerationStructureInfoKHR}})) = _CopyAccelerationStructureInfoKHR intermediate_type(@nospecialize(_::Union{Type{CopyAccelerationStructureToMemoryInfoKHR}, Type{VkCopyAccelerationStructureToMemoryInfoKHR}})) = _CopyAccelerationStructureToMemoryInfoKHR intermediate_type(@nospecialize(_::Union{Type{CopyMemoryToAccelerationStructureInfoKHR}, Type{VkCopyMemoryToAccelerationStructureInfoKHR}})) = _CopyMemoryToAccelerationStructureInfoKHR intermediate_type(@nospecialize(_::Union{Type{RayTracingPipelineInterfaceCreateInfoKHR}, Type{VkRayTracingPipelineInterfaceCreateInfoKHR}})) = _RayTracingPipelineInterfaceCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{PipelineLibraryCreateInfoKHR}, Type{VkPipelineLibraryCreateInfoKHR}})) = _PipelineLibraryCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceExtendedDynamicStateFeaturesEXT}, Type{VkPhysicalDeviceExtendedDynamicStateFeaturesEXT}})) = _PhysicalDeviceExtendedDynamicStateFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceExtendedDynamicState2FeaturesEXT}, Type{VkPhysicalDeviceExtendedDynamicState2FeaturesEXT}})) = _PhysicalDeviceExtendedDynamicState2FeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceExtendedDynamicState3FeaturesEXT}, Type{VkPhysicalDeviceExtendedDynamicState3FeaturesEXT}})) = _PhysicalDeviceExtendedDynamicState3FeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceExtendedDynamicState3PropertiesEXT}, Type{VkPhysicalDeviceExtendedDynamicState3PropertiesEXT}})) = _PhysicalDeviceExtendedDynamicState3PropertiesEXT intermediate_type(@nospecialize(_::Union{Type{ColorBlendEquationEXT}, Type{VkColorBlendEquationEXT}})) = _ColorBlendEquationEXT intermediate_type(@nospecialize(_::Union{Type{ColorBlendAdvancedEXT}, Type{VkColorBlendAdvancedEXT}})) = _ColorBlendAdvancedEXT intermediate_type(@nospecialize(_::Union{Type{RenderPassTransformBeginInfoQCOM}, Type{VkRenderPassTransformBeginInfoQCOM}})) = _RenderPassTransformBeginInfoQCOM intermediate_type(@nospecialize(_::Union{Type{CopyCommandTransformInfoQCOM}, Type{VkCopyCommandTransformInfoQCOM}})) = _CopyCommandTransformInfoQCOM intermediate_type(@nospecialize(_::Union{Type{CommandBufferInheritanceRenderPassTransformInfoQCOM}, Type{VkCommandBufferInheritanceRenderPassTransformInfoQCOM}})) = _CommandBufferInheritanceRenderPassTransformInfoQCOM intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDiagnosticsConfigFeaturesNV}, Type{VkPhysicalDeviceDiagnosticsConfigFeaturesNV}})) = _PhysicalDeviceDiagnosticsConfigFeaturesNV intermediate_type(@nospecialize(_::Union{Type{DeviceDiagnosticsConfigCreateInfoNV}, Type{VkDeviceDiagnosticsConfigCreateInfoNV}})) = _DeviceDiagnosticsConfigCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures}, Type{VkPhysicalDeviceZeroInitializeWorkgroupMemoryFeatures}})) = _PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR}, Type{VkPhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR}})) = _PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRobustness2FeaturesEXT}, Type{VkPhysicalDeviceRobustness2FeaturesEXT}})) = _PhysicalDeviceRobustness2FeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRobustness2PropertiesEXT}, Type{VkPhysicalDeviceRobustness2PropertiesEXT}})) = _PhysicalDeviceRobustness2PropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceImageRobustnessFeatures}, Type{VkPhysicalDeviceImageRobustnessFeatures}})) = _PhysicalDeviceImageRobustnessFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR}, Type{VkPhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR}})) = _PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDevice4444FormatsFeaturesEXT}, Type{VkPhysicalDevice4444FormatsFeaturesEXT}})) = _PhysicalDevice4444FormatsFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSubpassShadingFeaturesHUAWEI}, Type{VkPhysicalDeviceSubpassShadingFeaturesHUAWEI}})) = _PhysicalDeviceSubpassShadingFeaturesHUAWEI intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceClusterCullingShaderFeaturesHUAWEI}, Type{VkPhysicalDeviceClusterCullingShaderFeaturesHUAWEI}})) = _PhysicalDeviceClusterCullingShaderFeaturesHUAWEI intermediate_type(@nospecialize(_::Union{Type{BufferCopy2}, Type{VkBufferCopy2}})) = _BufferCopy2 intermediate_type(@nospecialize(_::Union{Type{ImageCopy2}, Type{VkImageCopy2}})) = _ImageCopy2 intermediate_type(@nospecialize(_::Union{Type{ImageBlit2}, Type{VkImageBlit2}})) = _ImageBlit2 intermediate_type(@nospecialize(_::Union{Type{BufferImageCopy2}, Type{VkBufferImageCopy2}})) = _BufferImageCopy2 intermediate_type(@nospecialize(_::Union{Type{ImageResolve2}, Type{VkImageResolve2}})) = _ImageResolve2 intermediate_type(@nospecialize(_::Union{Type{CopyBufferInfo2}, Type{VkCopyBufferInfo2}})) = _CopyBufferInfo2 intermediate_type(@nospecialize(_::Union{Type{CopyImageInfo2}, Type{VkCopyImageInfo2}})) = _CopyImageInfo2 intermediate_type(@nospecialize(_::Union{Type{BlitImageInfo2}, Type{VkBlitImageInfo2}})) = _BlitImageInfo2 intermediate_type(@nospecialize(_::Union{Type{CopyBufferToImageInfo2}, Type{VkCopyBufferToImageInfo2}})) = _CopyBufferToImageInfo2 intermediate_type(@nospecialize(_::Union{Type{CopyImageToBufferInfo2}, Type{VkCopyImageToBufferInfo2}})) = _CopyImageToBufferInfo2 intermediate_type(@nospecialize(_::Union{Type{ResolveImageInfo2}, Type{VkResolveImageInfo2}})) = _ResolveImageInfo2 intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderImageAtomicInt64FeaturesEXT}, Type{VkPhysicalDeviceShaderImageAtomicInt64FeaturesEXT}})) = _PhysicalDeviceShaderImageAtomicInt64FeaturesEXT intermediate_type(@nospecialize(_::Union{Type{FragmentShadingRateAttachmentInfoKHR}, Type{VkFragmentShadingRateAttachmentInfoKHR}})) = _FragmentShadingRateAttachmentInfoKHR intermediate_type(@nospecialize(_::Union{Type{PipelineFragmentShadingRateStateCreateInfoKHR}, Type{VkPipelineFragmentShadingRateStateCreateInfoKHR}})) = _PipelineFragmentShadingRateStateCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentShadingRateFeaturesKHR}, Type{VkPhysicalDeviceFragmentShadingRateFeaturesKHR}})) = _PhysicalDeviceFragmentShadingRateFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentShadingRatePropertiesKHR}, Type{VkPhysicalDeviceFragmentShadingRatePropertiesKHR}})) = _PhysicalDeviceFragmentShadingRatePropertiesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentShadingRateKHR}, Type{VkPhysicalDeviceFragmentShadingRateKHR}})) = _PhysicalDeviceFragmentShadingRateKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderTerminateInvocationFeatures}, Type{VkPhysicalDeviceShaderTerminateInvocationFeatures}})) = _PhysicalDeviceShaderTerminateInvocationFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentShadingRateEnumsFeaturesNV}, Type{VkPhysicalDeviceFragmentShadingRateEnumsFeaturesNV}})) = _PhysicalDeviceFragmentShadingRateEnumsFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentShadingRateEnumsPropertiesNV}, Type{VkPhysicalDeviceFragmentShadingRateEnumsPropertiesNV}})) = _PhysicalDeviceFragmentShadingRateEnumsPropertiesNV intermediate_type(@nospecialize(_::Union{Type{PipelineFragmentShadingRateEnumStateCreateInfoNV}, Type{VkPipelineFragmentShadingRateEnumStateCreateInfoNV}})) = _PipelineFragmentShadingRateEnumStateCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureBuildSizesInfoKHR}, Type{VkAccelerationStructureBuildSizesInfoKHR}})) = _AccelerationStructureBuildSizesInfoKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceImage2DViewOf3DFeaturesEXT}, Type{VkPhysicalDeviceImage2DViewOf3DFeaturesEXT}})) = _PhysicalDeviceImage2DViewOf3DFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMutableDescriptorTypeFeaturesEXT}, Type{VkPhysicalDeviceMutableDescriptorTypeFeaturesEXT}})) = _PhysicalDeviceMutableDescriptorTypeFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{MutableDescriptorTypeListEXT}, Type{VkMutableDescriptorTypeListEXT}})) = _MutableDescriptorTypeListEXT intermediate_type(@nospecialize(_::Union{Type{MutableDescriptorTypeCreateInfoEXT}, Type{VkMutableDescriptorTypeCreateInfoEXT}})) = _MutableDescriptorTypeCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDepthClipControlFeaturesEXT}, Type{VkPhysicalDeviceDepthClipControlFeaturesEXT}})) = _PhysicalDeviceDepthClipControlFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PipelineViewportDepthClipControlCreateInfoEXT}, Type{VkPipelineViewportDepthClipControlCreateInfoEXT}})) = _PipelineViewportDepthClipControlCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceVertexInputDynamicStateFeaturesEXT}, Type{VkPhysicalDeviceVertexInputDynamicStateFeaturesEXT}})) = _PhysicalDeviceVertexInputDynamicStateFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceExternalMemoryRDMAFeaturesNV}, Type{VkPhysicalDeviceExternalMemoryRDMAFeaturesNV}})) = _PhysicalDeviceExternalMemoryRDMAFeaturesNV intermediate_type(@nospecialize(_::Union{Type{VertexInputBindingDescription2EXT}, Type{VkVertexInputBindingDescription2EXT}})) = _VertexInputBindingDescription2EXT intermediate_type(@nospecialize(_::Union{Type{VertexInputAttributeDescription2EXT}, Type{VkVertexInputAttributeDescription2EXT}})) = _VertexInputAttributeDescription2EXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceColorWriteEnableFeaturesEXT}, Type{VkPhysicalDeviceColorWriteEnableFeaturesEXT}})) = _PhysicalDeviceColorWriteEnableFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PipelineColorWriteCreateInfoEXT}, Type{VkPipelineColorWriteCreateInfoEXT}})) = _PipelineColorWriteCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{MemoryBarrier2}, Type{VkMemoryBarrier2}})) = _MemoryBarrier2 intermediate_type(@nospecialize(_::Union{Type{ImageMemoryBarrier2}, Type{VkImageMemoryBarrier2}})) = _ImageMemoryBarrier2 intermediate_type(@nospecialize(_::Union{Type{BufferMemoryBarrier2}, Type{VkBufferMemoryBarrier2}})) = _BufferMemoryBarrier2 intermediate_type(@nospecialize(_::Union{Type{DependencyInfo}, Type{VkDependencyInfo}})) = _DependencyInfo intermediate_type(@nospecialize(_::Union{Type{SemaphoreSubmitInfo}, Type{VkSemaphoreSubmitInfo}})) = _SemaphoreSubmitInfo intermediate_type(@nospecialize(_::Union{Type{CommandBufferSubmitInfo}, Type{VkCommandBufferSubmitInfo}})) = _CommandBufferSubmitInfo intermediate_type(@nospecialize(_::Union{Type{SubmitInfo2}, Type{VkSubmitInfo2}})) = _SubmitInfo2 intermediate_type(@nospecialize(_::Union{Type{QueueFamilyCheckpointProperties2NV}, Type{VkQueueFamilyCheckpointProperties2NV}})) = _QueueFamilyCheckpointProperties2NV intermediate_type(@nospecialize(_::Union{Type{CheckpointData2NV}, Type{VkCheckpointData2NV}})) = _CheckpointData2NV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSynchronization2Features}, Type{VkPhysicalDeviceSynchronization2Features}})) = _PhysicalDeviceSynchronization2Features intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT}, Type{VkPhysicalDevicePrimitivesGeneratedQueryFeaturesEXT}})) = _PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceLegacyDitheringFeaturesEXT}, Type{VkPhysicalDeviceLegacyDitheringFeaturesEXT}})) = _PhysicalDeviceLegacyDitheringFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT}, Type{VkPhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT}})) = _PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{SubpassResolvePerformanceQueryEXT}, Type{VkSubpassResolvePerformanceQueryEXT}})) = _SubpassResolvePerformanceQueryEXT intermediate_type(@nospecialize(_::Union{Type{MultisampledRenderToSingleSampledInfoEXT}, Type{VkMultisampledRenderToSingleSampledInfoEXT}})) = _MultisampledRenderToSingleSampledInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePipelineProtectedAccessFeaturesEXT}, Type{VkPhysicalDevicePipelineProtectedAccessFeaturesEXT}})) = _PhysicalDevicePipelineProtectedAccessFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{QueueFamilyVideoPropertiesKHR}, Type{VkQueueFamilyVideoPropertiesKHR}})) = _QueueFamilyVideoPropertiesKHR intermediate_type(@nospecialize(_::Union{Type{QueueFamilyQueryResultStatusPropertiesKHR}, Type{VkQueueFamilyQueryResultStatusPropertiesKHR}})) = _QueueFamilyQueryResultStatusPropertiesKHR intermediate_type(@nospecialize(_::Union{Type{VideoProfileListInfoKHR}, Type{VkVideoProfileListInfoKHR}})) = _VideoProfileListInfoKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceVideoFormatInfoKHR}, Type{VkPhysicalDeviceVideoFormatInfoKHR}})) = _PhysicalDeviceVideoFormatInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoFormatPropertiesKHR}, Type{VkVideoFormatPropertiesKHR}})) = _VideoFormatPropertiesKHR intermediate_type(@nospecialize(_::Union{Type{VideoProfileInfoKHR}, Type{VkVideoProfileInfoKHR}})) = _VideoProfileInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoCapabilitiesKHR}, Type{VkVideoCapabilitiesKHR}})) = _VideoCapabilitiesKHR intermediate_type(@nospecialize(_::Union{Type{VideoSessionMemoryRequirementsKHR}, Type{VkVideoSessionMemoryRequirementsKHR}})) = _VideoSessionMemoryRequirementsKHR intermediate_type(@nospecialize(_::Union{Type{BindVideoSessionMemoryInfoKHR}, Type{VkBindVideoSessionMemoryInfoKHR}})) = _BindVideoSessionMemoryInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoPictureResourceInfoKHR}, Type{VkVideoPictureResourceInfoKHR}})) = _VideoPictureResourceInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoReferenceSlotInfoKHR}, Type{VkVideoReferenceSlotInfoKHR}})) = _VideoReferenceSlotInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeCapabilitiesKHR}, Type{VkVideoDecodeCapabilitiesKHR}})) = _VideoDecodeCapabilitiesKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeUsageInfoKHR}, Type{VkVideoDecodeUsageInfoKHR}})) = _VideoDecodeUsageInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeInfoKHR}, Type{VkVideoDecodeInfoKHR}})) = _VideoDecodeInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeH264ProfileInfoKHR}, Type{VkVideoDecodeH264ProfileInfoKHR}})) = _VideoDecodeH264ProfileInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeH264CapabilitiesKHR}, Type{VkVideoDecodeH264CapabilitiesKHR}})) = _VideoDecodeH264CapabilitiesKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeH264SessionParametersAddInfoKHR}, Type{VkVideoDecodeH264SessionParametersAddInfoKHR}})) = _VideoDecodeH264SessionParametersAddInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeH264SessionParametersCreateInfoKHR}, Type{VkVideoDecodeH264SessionParametersCreateInfoKHR}})) = _VideoDecodeH264SessionParametersCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeH264PictureInfoKHR}, Type{VkVideoDecodeH264PictureInfoKHR}})) = _VideoDecodeH264PictureInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeH264DpbSlotInfoKHR}, Type{VkVideoDecodeH264DpbSlotInfoKHR}})) = _VideoDecodeH264DpbSlotInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeH265ProfileInfoKHR}, Type{VkVideoDecodeH265ProfileInfoKHR}})) = _VideoDecodeH265ProfileInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeH265CapabilitiesKHR}, Type{VkVideoDecodeH265CapabilitiesKHR}})) = _VideoDecodeH265CapabilitiesKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeH265SessionParametersAddInfoKHR}, Type{VkVideoDecodeH265SessionParametersAddInfoKHR}})) = _VideoDecodeH265SessionParametersAddInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeH265SessionParametersCreateInfoKHR}, Type{VkVideoDecodeH265SessionParametersCreateInfoKHR}})) = _VideoDecodeH265SessionParametersCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeH265PictureInfoKHR}, Type{VkVideoDecodeH265PictureInfoKHR}})) = _VideoDecodeH265PictureInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoDecodeH265DpbSlotInfoKHR}, Type{VkVideoDecodeH265DpbSlotInfoKHR}})) = _VideoDecodeH265DpbSlotInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoSessionCreateInfoKHR}, Type{VkVideoSessionCreateInfoKHR}})) = _VideoSessionCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoSessionParametersCreateInfoKHR}, Type{VkVideoSessionParametersCreateInfoKHR}})) = _VideoSessionParametersCreateInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoSessionParametersUpdateInfoKHR}, Type{VkVideoSessionParametersUpdateInfoKHR}})) = _VideoSessionParametersUpdateInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoBeginCodingInfoKHR}, Type{VkVideoBeginCodingInfoKHR}})) = _VideoBeginCodingInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoEndCodingInfoKHR}, Type{VkVideoEndCodingInfoKHR}})) = _VideoEndCodingInfoKHR intermediate_type(@nospecialize(_::Union{Type{VideoCodingControlInfoKHR}, Type{VkVideoCodingControlInfoKHR}})) = _VideoCodingControlInfoKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceInheritedViewportScissorFeaturesNV}, Type{VkPhysicalDeviceInheritedViewportScissorFeaturesNV}})) = _PhysicalDeviceInheritedViewportScissorFeaturesNV intermediate_type(@nospecialize(_::Union{Type{CommandBufferInheritanceViewportScissorInfoNV}, Type{VkCommandBufferInheritanceViewportScissorInfoNV}})) = _CommandBufferInheritanceViewportScissorInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT}, Type{VkPhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT}})) = _PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceProvokingVertexFeaturesEXT}, Type{VkPhysicalDeviceProvokingVertexFeaturesEXT}})) = _PhysicalDeviceProvokingVertexFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceProvokingVertexPropertiesEXT}, Type{VkPhysicalDeviceProvokingVertexPropertiesEXT}})) = _PhysicalDeviceProvokingVertexPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PipelineRasterizationProvokingVertexStateCreateInfoEXT}, Type{VkPipelineRasterizationProvokingVertexStateCreateInfoEXT}})) = _PipelineRasterizationProvokingVertexStateCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{CuModuleCreateInfoNVX}, Type{VkCuModuleCreateInfoNVX}})) = _CuModuleCreateInfoNVX intermediate_type(@nospecialize(_::Union{Type{CuFunctionCreateInfoNVX}, Type{VkCuFunctionCreateInfoNVX}})) = _CuFunctionCreateInfoNVX intermediate_type(@nospecialize(_::Union{Type{CuLaunchInfoNVX}, Type{VkCuLaunchInfoNVX}})) = _CuLaunchInfoNVX intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDescriptorBufferFeaturesEXT}, Type{VkPhysicalDeviceDescriptorBufferFeaturesEXT}})) = _PhysicalDeviceDescriptorBufferFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDescriptorBufferPropertiesEXT}, Type{VkPhysicalDeviceDescriptorBufferPropertiesEXT}})) = _PhysicalDeviceDescriptorBufferPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT}, Type{VkPhysicalDeviceDescriptorBufferDensityMapPropertiesEXT}})) = _PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{DescriptorAddressInfoEXT}, Type{VkDescriptorAddressInfoEXT}})) = _DescriptorAddressInfoEXT intermediate_type(@nospecialize(_::Union{Type{DescriptorBufferBindingInfoEXT}, Type{VkDescriptorBufferBindingInfoEXT}})) = _DescriptorBufferBindingInfoEXT intermediate_type(@nospecialize(_::Union{Type{DescriptorBufferBindingPushDescriptorBufferHandleEXT}, Type{VkDescriptorBufferBindingPushDescriptorBufferHandleEXT}})) = _DescriptorBufferBindingPushDescriptorBufferHandleEXT intermediate_type(@nospecialize(_::Union{Type{DescriptorGetInfoEXT}, Type{VkDescriptorGetInfoEXT}})) = _DescriptorGetInfoEXT intermediate_type(@nospecialize(_::Union{Type{BufferCaptureDescriptorDataInfoEXT}, Type{VkBufferCaptureDescriptorDataInfoEXT}})) = _BufferCaptureDescriptorDataInfoEXT intermediate_type(@nospecialize(_::Union{Type{ImageCaptureDescriptorDataInfoEXT}, Type{VkImageCaptureDescriptorDataInfoEXT}})) = _ImageCaptureDescriptorDataInfoEXT intermediate_type(@nospecialize(_::Union{Type{ImageViewCaptureDescriptorDataInfoEXT}, Type{VkImageViewCaptureDescriptorDataInfoEXT}})) = _ImageViewCaptureDescriptorDataInfoEXT intermediate_type(@nospecialize(_::Union{Type{SamplerCaptureDescriptorDataInfoEXT}, Type{VkSamplerCaptureDescriptorDataInfoEXT}})) = _SamplerCaptureDescriptorDataInfoEXT intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureCaptureDescriptorDataInfoEXT}, Type{VkAccelerationStructureCaptureDescriptorDataInfoEXT}})) = _AccelerationStructureCaptureDescriptorDataInfoEXT intermediate_type(@nospecialize(_::Union{Type{OpaqueCaptureDescriptorDataCreateInfoEXT}, Type{VkOpaqueCaptureDescriptorDataCreateInfoEXT}})) = _OpaqueCaptureDescriptorDataCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderIntegerDotProductFeatures}, Type{VkPhysicalDeviceShaderIntegerDotProductFeatures}})) = _PhysicalDeviceShaderIntegerDotProductFeatures intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderIntegerDotProductProperties}, Type{VkPhysicalDeviceShaderIntegerDotProductProperties}})) = _PhysicalDeviceShaderIntegerDotProductProperties intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDrmPropertiesEXT}, Type{VkPhysicalDeviceDrmPropertiesEXT}})) = _PhysicalDeviceDrmPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentShaderBarycentricFeaturesKHR}, Type{VkPhysicalDeviceFragmentShaderBarycentricFeaturesKHR}})) = _PhysicalDeviceFragmentShaderBarycentricFeaturesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFragmentShaderBarycentricPropertiesKHR}, Type{VkPhysicalDeviceFragmentShaderBarycentricPropertiesKHR}})) = _PhysicalDeviceFragmentShaderBarycentricPropertiesKHR intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRayTracingMotionBlurFeaturesNV}, Type{VkPhysicalDeviceRayTracingMotionBlurFeaturesNV}})) = _PhysicalDeviceRayTracingMotionBlurFeaturesNV intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureGeometryMotionTrianglesDataNV}, Type{VkAccelerationStructureGeometryMotionTrianglesDataNV}})) = _AccelerationStructureGeometryMotionTrianglesDataNV intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureMotionInfoNV}, Type{VkAccelerationStructureMotionInfoNV}})) = _AccelerationStructureMotionInfoNV intermediate_type(@nospecialize(_::Union{Type{SRTDataNV}, Type{VkSRTDataNV}})) = _SRTDataNV intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureSRTMotionInstanceNV}, Type{VkAccelerationStructureSRTMotionInstanceNV}})) = _AccelerationStructureSRTMotionInstanceNV intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureMatrixMotionInstanceNV}, Type{VkAccelerationStructureMatrixMotionInstanceNV}})) = _AccelerationStructureMatrixMotionInstanceNV intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureMotionInstanceNV}, Type{VkAccelerationStructureMotionInstanceNV}})) = _AccelerationStructureMotionInstanceNV intermediate_type(@nospecialize(_::Union{Type{MemoryGetRemoteAddressInfoNV}, Type{VkMemoryGetRemoteAddressInfoNV}})) = _MemoryGetRemoteAddressInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRGBA10X6FormatsFeaturesEXT}, Type{VkPhysicalDeviceRGBA10X6FormatsFeaturesEXT}})) = _PhysicalDeviceRGBA10X6FormatsFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{FormatProperties3}, Type{VkFormatProperties3}})) = _FormatProperties3 intermediate_type(@nospecialize(_::Union{Type{DrmFormatModifierPropertiesList2EXT}, Type{VkDrmFormatModifierPropertiesList2EXT}})) = _DrmFormatModifierPropertiesList2EXT intermediate_type(@nospecialize(_::Union{Type{DrmFormatModifierProperties2EXT}, Type{VkDrmFormatModifierProperties2EXT}})) = _DrmFormatModifierProperties2EXT intermediate_type(@nospecialize(_::Union{Type{PipelineRenderingCreateInfo}, Type{VkPipelineRenderingCreateInfo}})) = _PipelineRenderingCreateInfo intermediate_type(@nospecialize(_::Union{Type{RenderingInfo}, Type{VkRenderingInfo}})) = _RenderingInfo intermediate_type(@nospecialize(_::Union{Type{RenderingAttachmentInfo}, Type{VkRenderingAttachmentInfo}})) = _RenderingAttachmentInfo intermediate_type(@nospecialize(_::Union{Type{RenderingFragmentShadingRateAttachmentInfoKHR}, Type{VkRenderingFragmentShadingRateAttachmentInfoKHR}})) = _RenderingFragmentShadingRateAttachmentInfoKHR intermediate_type(@nospecialize(_::Union{Type{RenderingFragmentDensityMapAttachmentInfoEXT}, Type{VkRenderingFragmentDensityMapAttachmentInfoEXT}})) = _RenderingFragmentDensityMapAttachmentInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDynamicRenderingFeatures}, Type{VkPhysicalDeviceDynamicRenderingFeatures}})) = _PhysicalDeviceDynamicRenderingFeatures intermediate_type(@nospecialize(_::Union{Type{CommandBufferInheritanceRenderingInfo}, Type{VkCommandBufferInheritanceRenderingInfo}})) = _CommandBufferInheritanceRenderingInfo intermediate_type(@nospecialize(_::Union{Type{AttachmentSampleCountInfoAMD}, Type{VkAttachmentSampleCountInfoAMD}})) = _AttachmentSampleCountInfoAMD intermediate_type(@nospecialize(_::Union{Type{MultiviewPerViewAttributesInfoNVX}, Type{VkMultiviewPerViewAttributesInfoNVX}})) = _MultiviewPerViewAttributesInfoNVX intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceImageViewMinLodFeaturesEXT}, Type{VkPhysicalDeviceImageViewMinLodFeaturesEXT}})) = _PhysicalDeviceImageViewMinLodFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{ImageViewMinLodCreateInfoEXT}, Type{VkImageViewMinLodCreateInfoEXT}})) = _ImageViewMinLodCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT}, Type{VkPhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT}})) = _PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceLinearColorAttachmentFeaturesNV}, Type{VkPhysicalDeviceLinearColorAttachmentFeaturesNV}})) = _PhysicalDeviceLinearColorAttachmentFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT}, Type{VkPhysicalDeviceGraphicsPipelineLibraryFeaturesEXT}})) = _PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT}, Type{VkPhysicalDeviceGraphicsPipelineLibraryPropertiesEXT}})) = _PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{GraphicsPipelineLibraryCreateInfoEXT}, Type{VkGraphicsPipelineLibraryCreateInfoEXT}})) = _GraphicsPipelineLibraryCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE}, Type{VkPhysicalDeviceDescriptorSetHostMappingFeaturesVALVE}})) = _PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE intermediate_type(@nospecialize(_::Union{Type{DescriptorSetBindingReferenceVALVE}, Type{VkDescriptorSetBindingReferenceVALVE}})) = _DescriptorSetBindingReferenceVALVE intermediate_type(@nospecialize(_::Union{Type{DescriptorSetLayoutHostMappingInfoVALVE}, Type{VkDescriptorSetLayoutHostMappingInfoVALVE}})) = _DescriptorSetLayoutHostMappingInfoVALVE intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderModuleIdentifierFeaturesEXT}, Type{VkPhysicalDeviceShaderModuleIdentifierFeaturesEXT}})) = _PhysicalDeviceShaderModuleIdentifierFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderModuleIdentifierPropertiesEXT}, Type{VkPhysicalDeviceShaderModuleIdentifierPropertiesEXT}})) = _PhysicalDeviceShaderModuleIdentifierPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PipelineShaderStageModuleIdentifierCreateInfoEXT}, Type{VkPipelineShaderStageModuleIdentifierCreateInfoEXT}})) = _PipelineShaderStageModuleIdentifierCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{ShaderModuleIdentifierEXT}, Type{VkShaderModuleIdentifierEXT}})) = _ShaderModuleIdentifierEXT intermediate_type(@nospecialize(_::Union{Type{ImageCompressionControlEXT}, Type{VkImageCompressionControlEXT}})) = _ImageCompressionControlEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceImageCompressionControlFeaturesEXT}, Type{VkPhysicalDeviceImageCompressionControlFeaturesEXT}})) = _PhysicalDeviceImageCompressionControlFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{ImageCompressionPropertiesEXT}, Type{VkImageCompressionPropertiesEXT}})) = _ImageCompressionPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT}, Type{VkPhysicalDeviceImageCompressionControlSwapchainFeaturesEXT}})) = _PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{ImageSubresource2EXT}, Type{VkImageSubresource2EXT}})) = _ImageSubresource2EXT intermediate_type(@nospecialize(_::Union{Type{SubresourceLayout2EXT}, Type{VkSubresourceLayout2EXT}})) = _SubresourceLayout2EXT intermediate_type(@nospecialize(_::Union{Type{RenderPassCreationControlEXT}, Type{VkRenderPassCreationControlEXT}})) = _RenderPassCreationControlEXT intermediate_type(@nospecialize(_::Union{Type{RenderPassCreationFeedbackInfoEXT}, Type{VkRenderPassCreationFeedbackInfoEXT}})) = _RenderPassCreationFeedbackInfoEXT intermediate_type(@nospecialize(_::Union{Type{RenderPassCreationFeedbackCreateInfoEXT}, Type{VkRenderPassCreationFeedbackCreateInfoEXT}})) = _RenderPassCreationFeedbackCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{RenderPassSubpassFeedbackInfoEXT}, Type{VkRenderPassSubpassFeedbackInfoEXT}})) = _RenderPassSubpassFeedbackInfoEXT intermediate_type(@nospecialize(_::Union{Type{RenderPassSubpassFeedbackCreateInfoEXT}, Type{VkRenderPassSubpassFeedbackCreateInfoEXT}})) = _RenderPassSubpassFeedbackCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSubpassMergeFeedbackFeaturesEXT}, Type{VkPhysicalDeviceSubpassMergeFeedbackFeaturesEXT}})) = _PhysicalDeviceSubpassMergeFeedbackFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{MicromapBuildInfoEXT}, Type{VkMicromapBuildInfoEXT}})) = _MicromapBuildInfoEXT intermediate_type(@nospecialize(_::Union{Type{MicromapCreateInfoEXT}, Type{VkMicromapCreateInfoEXT}})) = _MicromapCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{MicromapVersionInfoEXT}, Type{VkMicromapVersionInfoEXT}})) = _MicromapVersionInfoEXT intermediate_type(@nospecialize(_::Union{Type{CopyMicromapInfoEXT}, Type{VkCopyMicromapInfoEXT}})) = _CopyMicromapInfoEXT intermediate_type(@nospecialize(_::Union{Type{CopyMicromapToMemoryInfoEXT}, Type{VkCopyMicromapToMemoryInfoEXT}})) = _CopyMicromapToMemoryInfoEXT intermediate_type(@nospecialize(_::Union{Type{CopyMemoryToMicromapInfoEXT}, Type{VkCopyMemoryToMicromapInfoEXT}})) = _CopyMemoryToMicromapInfoEXT intermediate_type(@nospecialize(_::Union{Type{MicromapBuildSizesInfoEXT}, Type{VkMicromapBuildSizesInfoEXT}})) = _MicromapBuildSizesInfoEXT intermediate_type(@nospecialize(_::Union{Type{MicromapUsageEXT}, Type{VkMicromapUsageEXT}})) = _MicromapUsageEXT intermediate_type(@nospecialize(_::Union{Type{MicromapTriangleEXT}, Type{VkMicromapTriangleEXT}})) = _MicromapTriangleEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceOpacityMicromapFeaturesEXT}, Type{VkPhysicalDeviceOpacityMicromapFeaturesEXT}})) = _PhysicalDeviceOpacityMicromapFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceOpacityMicromapPropertiesEXT}, Type{VkPhysicalDeviceOpacityMicromapPropertiesEXT}})) = _PhysicalDeviceOpacityMicromapPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{AccelerationStructureTrianglesOpacityMicromapEXT}, Type{VkAccelerationStructureTrianglesOpacityMicromapEXT}})) = _AccelerationStructureTrianglesOpacityMicromapEXT intermediate_type(@nospecialize(_::Union{Type{PipelinePropertiesIdentifierEXT}, Type{VkPipelinePropertiesIdentifierEXT}})) = _PipelinePropertiesIdentifierEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePipelinePropertiesFeaturesEXT}, Type{VkPhysicalDevicePipelinePropertiesFeaturesEXT}})) = _PhysicalDevicePipelinePropertiesFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD}, Type{VkPhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD}})) = _PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceNonSeamlessCubeMapFeaturesEXT}, Type{VkPhysicalDeviceNonSeamlessCubeMapFeaturesEXT}})) = _PhysicalDeviceNonSeamlessCubeMapFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePipelineRobustnessFeaturesEXT}, Type{VkPhysicalDevicePipelineRobustnessFeaturesEXT}})) = _PhysicalDevicePipelineRobustnessFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PipelineRobustnessCreateInfoEXT}, Type{VkPipelineRobustnessCreateInfoEXT}})) = _PipelineRobustnessCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePipelineRobustnessPropertiesEXT}, Type{VkPhysicalDevicePipelineRobustnessPropertiesEXT}})) = _PhysicalDevicePipelineRobustnessPropertiesEXT intermediate_type(@nospecialize(_::Union{Type{ImageViewSampleWeightCreateInfoQCOM}, Type{VkImageViewSampleWeightCreateInfoQCOM}})) = _ImageViewSampleWeightCreateInfoQCOM intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceImageProcessingFeaturesQCOM}, Type{VkPhysicalDeviceImageProcessingFeaturesQCOM}})) = _PhysicalDeviceImageProcessingFeaturesQCOM intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceImageProcessingPropertiesQCOM}, Type{VkPhysicalDeviceImageProcessingPropertiesQCOM}})) = _PhysicalDeviceImageProcessingPropertiesQCOM intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceTilePropertiesFeaturesQCOM}, Type{VkPhysicalDeviceTilePropertiesFeaturesQCOM}})) = _PhysicalDeviceTilePropertiesFeaturesQCOM intermediate_type(@nospecialize(_::Union{Type{TilePropertiesQCOM}, Type{VkTilePropertiesQCOM}})) = _TilePropertiesQCOM intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceAmigoProfilingFeaturesSEC}, Type{VkPhysicalDeviceAmigoProfilingFeaturesSEC}})) = _PhysicalDeviceAmigoProfilingFeaturesSEC intermediate_type(@nospecialize(_::Union{Type{AmigoProfilingSubmitInfoSEC}, Type{VkAmigoProfilingSubmitInfoSEC}})) = _AmigoProfilingSubmitInfoSEC intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT}, Type{VkPhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT}})) = _PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceDepthClampZeroOneFeaturesEXT}, Type{VkPhysicalDeviceDepthClampZeroOneFeaturesEXT}})) = _PhysicalDeviceDepthClampZeroOneFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceAddressBindingReportFeaturesEXT}, Type{VkPhysicalDeviceAddressBindingReportFeaturesEXT}})) = _PhysicalDeviceAddressBindingReportFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{DeviceAddressBindingCallbackDataEXT}, Type{VkDeviceAddressBindingCallbackDataEXT}})) = _DeviceAddressBindingCallbackDataEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceOpticalFlowFeaturesNV}, Type{VkPhysicalDeviceOpticalFlowFeaturesNV}})) = _PhysicalDeviceOpticalFlowFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceOpticalFlowPropertiesNV}, Type{VkPhysicalDeviceOpticalFlowPropertiesNV}})) = _PhysicalDeviceOpticalFlowPropertiesNV intermediate_type(@nospecialize(_::Union{Type{OpticalFlowImageFormatInfoNV}, Type{VkOpticalFlowImageFormatInfoNV}})) = _OpticalFlowImageFormatInfoNV intermediate_type(@nospecialize(_::Union{Type{OpticalFlowImageFormatPropertiesNV}, Type{VkOpticalFlowImageFormatPropertiesNV}})) = _OpticalFlowImageFormatPropertiesNV intermediate_type(@nospecialize(_::Union{Type{OpticalFlowSessionCreateInfoNV}, Type{VkOpticalFlowSessionCreateInfoNV}})) = _OpticalFlowSessionCreateInfoNV intermediate_type(@nospecialize(_::Union{Type{OpticalFlowSessionCreatePrivateDataInfoNV}, Type{VkOpticalFlowSessionCreatePrivateDataInfoNV}})) = _OpticalFlowSessionCreatePrivateDataInfoNV intermediate_type(@nospecialize(_::Union{Type{OpticalFlowExecuteInfoNV}, Type{VkOpticalFlowExecuteInfoNV}})) = _OpticalFlowExecuteInfoNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceFaultFeaturesEXT}, Type{VkPhysicalDeviceFaultFeaturesEXT}})) = _PhysicalDeviceFaultFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{DeviceFaultAddressInfoEXT}, Type{VkDeviceFaultAddressInfoEXT}})) = _DeviceFaultAddressInfoEXT intermediate_type(@nospecialize(_::Union{Type{DeviceFaultVendorInfoEXT}, Type{VkDeviceFaultVendorInfoEXT}})) = _DeviceFaultVendorInfoEXT intermediate_type(@nospecialize(_::Union{Type{DeviceFaultCountsEXT}, Type{VkDeviceFaultCountsEXT}})) = _DeviceFaultCountsEXT intermediate_type(@nospecialize(_::Union{Type{DeviceFaultInfoEXT}, Type{VkDeviceFaultInfoEXT}})) = _DeviceFaultInfoEXT intermediate_type(@nospecialize(_::Union{Type{DeviceFaultVendorBinaryHeaderVersionOneEXT}, Type{VkDeviceFaultVendorBinaryHeaderVersionOneEXT}})) = _DeviceFaultVendorBinaryHeaderVersionOneEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT}, Type{VkPhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT}})) = _PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT intermediate_type(@nospecialize(_::Union{Type{DecompressMemoryRegionNV}, Type{VkDecompressMemoryRegionNV}})) = _DecompressMemoryRegionNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderCoreBuiltinsPropertiesARM}, Type{VkPhysicalDeviceShaderCoreBuiltinsPropertiesARM}})) = _PhysicalDeviceShaderCoreBuiltinsPropertiesARM intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceShaderCoreBuiltinsFeaturesARM}, Type{VkPhysicalDeviceShaderCoreBuiltinsFeaturesARM}})) = _PhysicalDeviceShaderCoreBuiltinsFeaturesARM intermediate_type(@nospecialize(_::Union{Type{SurfacePresentModeEXT}, Type{VkSurfacePresentModeEXT}})) = _SurfacePresentModeEXT intermediate_type(@nospecialize(_::Union{Type{SurfacePresentScalingCapabilitiesEXT}, Type{VkSurfacePresentScalingCapabilitiesEXT}})) = _SurfacePresentScalingCapabilitiesEXT intermediate_type(@nospecialize(_::Union{Type{SurfacePresentModeCompatibilityEXT}, Type{VkSurfacePresentModeCompatibilityEXT}})) = _SurfacePresentModeCompatibilityEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceSwapchainMaintenance1FeaturesEXT}, Type{VkPhysicalDeviceSwapchainMaintenance1FeaturesEXT}})) = _PhysicalDeviceSwapchainMaintenance1FeaturesEXT intermediate_type(@nospecialize(_::Union{Type{SwapchainPresentFenceInfoEXT}, Type{VkSwapchainPresentFenceInfoEXT}})) = _SwapchainPresentFenceInfoEXT intermediate_type(@nospecialize(_::Union{Type{SwapchainPresentModesCreateInfoEXT}, Type{VkSwapchainPresentModesCreateInfoEXT}})) = _SwapchainPresentModesCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{SwapchainPresentModeInfoEXT}, Type{VkSwapchainPresentModeInfoEXT}})) = _SwapchainPresentModeInfoEXT intermediate_type(@nospecialize(_::Union{Type{SwapchainPresentScalingCreateInfoEXT}, Type{VkSwapchainPresentScalingCreateInfoEXT}})) = _SwapchainPresentScalingCreateInfoEXT intermediate_type(@nospecialize(_::Union{Type{ReleaseSwapchainImagesInfoEXT}, Type{VkReleaseSwapchainImagesInfoEXT}})) = _ReleaseSwapchainImagesInfoEXT intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRayTracingInvocationReorderFeaturesNV}, Type{VkPhysicalDeviceRayTracingInvocationReorderFeaturesNV}})) = _PhysicalDeviceRayTracingInvocationReorderFeaturesNV intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceRayTracingInvocationReorderPropertiesNV}, Type{VkPhysicalDeviceRayTracingInvocationReorderPropertiesNV}})) = _PhysicalDeviceRayTracingInvocationReorderPropertiesNV intermediate_type(@nospecialize(_::Union{Type{DirectDriverLoadingInfoLUNARG}, Type{VkDirectDriverLoadingInfoLUNARG}})) = _DirectDriverLoadingInfoLUNARG intermediate_type(@nospecialize(_::Union{Type{DirectDriverLoadingListLUNARG}, Type{VkDirectDriverLoadingListLUNARG}})) = _DirectDriverLoadingListLUNARG intermediate_type(@nospecialize(_::Union{Type{PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM}, Type{VkPhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM}})) = _PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM const ACCELERATION_STRUCTURE_TYPE_BOTTOM_LEVEL_NV = ACCELERATION_STRUCTURE_TYPE_BOTTOM_LEVEL_KHR const ACCELERATION_STRUCTURE_TYPE_TOP_LEVEL_NV = ACCELERATION_STRUCTURE_TYPE_TOP_LEVEL_KHR const ACCESS_2_ACCELERATION_STRUCTURE_READ_BIT_NV = ACCESS_2_ACCELERATION_STRUCTURE_READ_BIT_KHR const ACCESS_2_ACCELERATION_STRUCTURE_WRITE_BIT_NV = ACCESS_2_ACCELERATION_STRUCTURE_WRITE_BIT_KHR const ACCESS_2_COLOR_ATTACHMENT_READ_BIT_KHR = ACCESS_2_COLOR_ATTACHMENT_READ_BIT const ACCESS_2_COLOR_ATTACHMENT_WRITE_BIT_KHR = ACCESS_2_COLOR_ATTACHMENT_WRITE_BIT const ACCESS_2_DEPTH_STENCIL_ATTACHMENT_READ_BIT_KHR = ACCESS_2_DEPTH_STENCIL_ATTACHMENT_READ_BIT const ACCESS_2_DEPTH_STENCIL_ATTACHMENT_WRITE_BIT_KHR = ACCESS_2_DEPTH_STENCIL_ATTACHMENT_WRITE_BIT const ACCESS_2_HOST_READ_BIT_KHR = ACCESS_2_HOST_READ_BIT const ACCESS_2_HOST_WRITE_BIT_KHR = ACCESS_2_HOST_WRITE_BIT const ACCESS_2_INDEX_READ_BIT_KHR = ACCESS_2_INDEX_READ_BIT const ACCESS_2_INDIRECT_COMMAND_READ_BIT_KHR = ACCESS_2_INDIRECT_COMMAND_READ_BIT const ACCESS_2_INPUT_ATTACHMENT_READ_BIT_KHR = ACCESS_2_INPUT_ATTACHMENT_READ_BIT const ACCESS_2_MEMORY_READ_BIT_KHR = ACCESS_2_MEMORY_READ_BIT const ACCESS_2_MEMORY_WRITE_BIT_KHR = ACCESS_2_MEMORY_WRITE_BIT const ACCESS_2_NONE_KHR = ACCESS_2_NONE const ACCESS_2_SHADER_READ_BIT_KHR = ACCESS_2_SHADER_READ_BIT const ACCESS_2_SHADER_SAMPLED_READ_BIT_KHR = ACCESS_2_SHADER_SAMPLED_READ_BIT const ACCESS_2_SHADER_STORAGE_READ_BIT_KHR = ACCESS_2_SHADER_STORAGE_READ_BIT const ACCESS_2_SHADER_STORAGE_WRITE_BIT_KHR = ACCESS_2_SHADER_STORAGE_WRITE_BIT const ACCESS_2_SHADER_WRITE_BIT_KHR = ACCESS_2_SHADER_WRITE_BIT const ACCESS_2_SHADING_RATE_IMAGE_READ_BIT_NV = ACCESS_2_FRAGMENT_SHADING_RATE_ATTACHMENT_READ_BIT_KHR const ACCESS_2_TRANSFER_READ_BIT_KHR = ACCESS_2_TRANSFER_READ_BIT const ACCESS_2_TRANSFER_WRITE_BIT_KHR = ACCESS_2_TRANSFER_WRITE_BIT const ACCESS_2_UNIFORM_READ_BIT_KHR = ACCESS_2_UNIFORM_READ_BIT const ACCESS_2_VERTEX_ATTRIBUTE_READ_BIT_KHR = ACCESS_2_VERTEX_ATTRIBUTE_READ_BIT const ACCESS_ACCELERATION_STRUCTURE_READ_BIT_NV = ACCESS_ACCELERATION_STRUCTURE_READ_BIT_KHR const ACCESS_ACCELERATION_STRUCTURE_WRITE_BIT_NV = ACCESS_ACCELERATION_STRUCTURE_WRITE_BIT_KHR const ACCESS_NONE_KHR = ACCESS_NONE const ACCESS_SHADING_RATE_IMAGE_READ_BIT_NV = ACCESS_FRAGMENT_SHADING_RATE_ATTACHMENT_READ_BIT_KHR const ATTACHMENT_STORE_OP_NONE_EXT = ATTACHMENT_STORE_OP_NONE const ATTACHMENT_STORE_OP_NONE_KHR = ATTACHMENT_STORE_OP_NONE const ATTACHMENT_STORE_OP_NONE_QCOM = ATTACHMENT_STORE_OP_NONE const BUFFER_CREATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT_EXT = BUFFER_CREATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT const BUFFER_CREATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT_KHR = BUFFER_CREATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT const BUFFER_USAGE_RAY_TRACING_BIT_NV = BUFFER_USAGE_SHADER_BINDING_TABLE_BIT_KHR const BUFFER_USAGE_SHADER_DEVICE_ADDRESS_BIT_EXT = BUFFER_USAGE_SHADER_DEVICE_ADDRESS_BIT const BUFFER_USAGE_SHADER_DEVICE_ADDRESS_BIT_KHR = BUFFER_USAGE_SHADER_DEVICE_ADDRESS_BIT const BUILD_ACCELERATION_STRUCTURE_ALLOW_COMPACTION_BIT_NV = BUILD_ACCELERATION_STRUCTURE_ALLOW_COMPACTION_BIT_KHR const BUILD_ACCELERATION_STRUCTURE_ALLOW_UPDATE_BIT_NV = BUILD_ACCELERATION_STRUCTURE_ALLOW_UPDATE_BIT_KHR const BUILD_ACCELERATION_STRUCTURE_LOW_MEMORY_BIT_NV = BUILD_ACCELERATION_STRUCTURE_LOW_MEMORY_BIT_KHR const BUILD_ACCELERATION_STRUCTURE_PREFER_FAST_BUILD_BIT_NV = BUILD_ACCELERATION_STRUCTURE_PREFER_FAST_BUILD_BIT_KHR const BUILD_ACCELERATION_STRUCTURE_PREFER_FAST_TRACE_BIT_NV = BUILD_ACCELERATION_STRUCTURE_PREFER_FAST_TRACE_BIT_KHR const CHROMA_LOCATION_COSITED_EVEN_KHR = CHROMA_LOCATION_COSITED_EVEN const CHROMA_LOCATION_MIDPOINT_KHR = CHROMA_LOCATION_MIDPOINT const COLORSPACE_SRGB_NONLINEAR_KHR = COLOR_SPACE_SRGB_NONLINEAR_KHR const COLOR_SPACE_DCI_P3_LINEAR_EXT = COLOR_SPACE_DISPLAY_P3_LINEAR_EXT const COPY_ACCELERATION_STRUCTURE_MODE_CLONE_NV = COPY_ACCELERATION_STRUCTURE_MODE_CLONE_KHR const COPY_ACCELERATION_STRUCTURE_MODE_COMPACT_NV = COPY_ACCELERATION_STRUCTURE_MODE_COMPACT_KHR const DEBUG_REPORT_OBJECT_TYPE_DEBUG_REPORT_EXT = DEBUG_REPORT_OBJECT_TYPE_DEBUG_REPORT_CALLBACK_EXT_EXT const DEBUG_REPORT_OBJECT_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_KHR_EXT = DEBUG_REPORT_OBJECT_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_EXT const DEBUG_REPORT_OBJECT_TYPE_SAMPLER_YCBCR_CONVERSION_KHR_EXT = DEBUG_REPORT_OBJECT_TYPE_SAMPLER_YCBCR_CONVERSION_EXT const DEBUG_REPORT_OBJECT_TYPE_VALIDATION_CACHE_EXT = DEBUG_REPORT_OBJECT_TYPE_VALIDATION_CACHE_EXT_EXT const DEPENDENCY_DEVICE_GROUP_BIT_KHR = DEPENDENCY_DEVICE_GROUP_BIT const DEPENDENCY_VIEW_LOCAL_BIT_KHR = DEPENDENCY_VIEW_LOCAL_BIT const DESCRIPTOR_BINDING_PARTIALLY_BOUND_BIT_EXT = DESCRIPTOR_BINDING_PARTIALLY_BOUND_BIT const DESCRIPTOR_BINDING_UPDATE_AFTER_BIND_BIT_EXT = DESCRIPTOR_BINDING_UPDATE_AFTER_BIND_BIT const DESCRIPTOR_BINDING_UPDATE_UNUSED_WHILE_PENDING_BIT_EXT = DESCRIPTOR_BINDING_UPDATE_UNUSED_WHILE_PENDING_BIT const DESCRIPTOR_BINDING_VARIABLE_DESCRIPTOR_COUNT_BIT_EXT = DESCRIPTOR_BINDING_VARIABLE_DESCRIPTOR_COUNT_BIT const DESCRIPTOR_POOL_CREATE_HOST_ONLY_BIT_VALVE = DESCRIPTOR_POOL_CREATE_HOST_ONLY_BIT_EXT const DESCRIPTOR_POOL_CREATE_UPDATE_AFTER_BIND_BIT_EXT = DESCRIPTOR_POOL_CREATE_UPDATE_AFTER_BIND_BIT const DESCRIPTOR_SET_LAYOUT_CREATE_HOST_ONLY_POOL_BIT_VALVE = DESCRIPTOR_SET_LAYOUT_CREATE_HOST_ONLY_POOL_BIT_EXT const DESCRIPTOR_SET_LAYOUT_CREATE_UPDATE_AFTER_BIND_POOL_BIT_EXT = DESCRIPTOR_SET_LAYOUT_CREATE_UPDATE_AFTER_BIND_POOL_BIT const DESCRIPTOR_TYPE_INLINE_UNIFORM_BLOCK_EXT = DESCRIPTOR_TYPE_INLINE_UNIFORM_BLOCK const DESCRIPTOR_TYPE_MUTABLE_VALVE = DESCRIPTOR_TYPE_MUTABLE_EXT const DESCRIPTOR_UPDATE_TEMPLATE_TYPE_DESCRIPTOR_SET_KHR = DESCRIPTOR_UPDATE_TEMPLATE_TYPE_DESCRIPTOR_SET const DRIVER_ID_AMD_OPEN_SOURCE_KHR = DRIVER_ID_AMD_OPEN_SOURCE const DRIVER_ID_AMD_PROPRIETARY_KHR = DRIVER_ID_AMD_PROPRIETARY const DRIVER_ID_ARM_PROPRIETARY_KHR = DRIVER_ID_ARM_PROPRIETARY const DRIVER_ID_BROADCOM_PROPRIETARY_KHR = DRIVER_ID_BROADCOM_PROPRIETARY const DRIVER_ID_GGP_PROPRIETARY_KHR = DRIVER_ID_GGP_PROPRIETARY const DRIVER_ID_GOOGLE_SWIFTSHADER_KHR = DRIVER_ID_GOOGLE_SWIFTSHADER const DRIVER_ID_IMAGINATION_PROPRIETARY_KHR = DRIVER_ID_IMAGINATION_PROPRIETARY const DRIVER_ID_INTEL_OPEN_SOURCE_MESA_KHR = DRIVER_ID_INTEL_OPEN_SOURCE_MESA const DRIVER_ID_INTEL_PROPRIETARY_WINDOWS_KHR = DRIVER_ID_INTEL_PROPRIETARY_WINDOWS const DRIVER_ID_MESA_RADV_KHR = DRIVER_ID_MESA_RADV const DRIVER_ID_NVIDIA_PROPRIETARY_KHR = DRIVER_ID_NVIDIA_PROPRIETARY const DRIVER_ID_QUALCOMM_PROPRIETARY_KHR = DRIVER_ID_QUALCOMM_PROPRIETARY const DYNAMIC_STATE_CULL_MODE_EXT = DYNAMIC_STATE_CULL_MODE const DYNAMIC_STATE_DEPTH_BIAS_ENABLE_EXT = DYNAMIC_STATE_DEPTH_BIAS_ENABLE const DYNAMIC_STATE_DEPTH_BOUNDS_TEST_ENABLE_EXT = DYNAMIC_STATE_DEPTH_BOUNDS_TEST_ENABLE const DYNAMIC_STATE_DEPTH_COMPARE_OP_EXT = DYNAMIC_STATE_DEPTH_COMPARE_OP const DYNAMIC_STATE_DEPTH_TEST_ENABLE_EXT = DYNAMIC_STATE_DEPTH_TEST_ENABLE const DYNAMIC_STATE_DEPTH_WRITE_ENABLE_EXT = DYNAMIC_STATE_DEPTH_WRITE_ENABLE const DYNAMIC_STATE_FRONT_FACE_EXT = DYNAMIC_STATE_FRONT_FACE const DYNAMIC_STATE_PRIMITIVE_RESTART_ENABLE_EXT = DYNAMIC_STATE_PRIMITIVE_RESTART_ENABLE const DYNAMIC_STATE_PRIMITIVE_TOPOLOGY_EXT = DYNAMIC_STATE_PRIMITIVE_TOPOLOGY const DYNAMIC_STATE_RASTERIZER_DISCARD_ENABLE_EXT = DYNAMIC_STATE_RASTERIZER_DISCARD_ENABLE const DYNAMIC_STATE_SCISSOR_WITH_COUNT_EXT = DYNAMIC_STATE_SCISSOR_WITH_COUNT const DYNAMIC_STATE_STENCIL_OP_EXT = DYNAMIC_STATE_STENCIL_OP const DYNAMIC_STATE_STENCIL_TEST_ENABLE_EXT = DYNAMIC_STATE_STENCIL_TEST_ENABLE const DYNAMIC_STATE_VERTEX_INPUT_BINDING_STRIDE_EXT = DYNAMIC_STATE_VERTEX_INPUT_BINDING_STRIDE const DYNAMIC_STATE_VIEWPORT_WITH_COUNT_EXT = DYNAMIC_STATE_VIEWPORT_WITH_COUNT const ERROR_FRAGMENTATION_EXT = ERROR_FRAGMENTATION const ERROR_INVALID_DEVICE_ADDRESS_EXT = ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS const ERROR_INVALID_EXTERNAL_HANDLE_KHR = ERROR_INVALID_EXTERNAL_HANDLE const ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR = ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS const ERROR_NOT_PERMITTED_EXT = ERROR_NOT_PERMITTED_KHR const ERROR_OUT_OF_POOL_MEMORY_KHR = ERROR_OUT_OF_POOL_MEMORY const ERROR_PIPELINE_COMPILE_REQUIRED_EXT = PIPELINE_COMPILE_REQUIRED const EVENT_CREATE_DEVICE_ONLY_BIT_KHR = EVENT_CREATE_DEVICE_ONLY_BIT const EXTERNAL_FENCE_FEATURE_EXPORTABLE_BIT_KHR = EXTERNAL_FENCE_FEATURE_EXPORTABLE_BIT const EXTERNAL_FENCE_FEATURE_IMPORTABLE_BIT_KHR = EXTERNAL_FENCE_FEATURE_IMPORTABLE_BIT const EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_FD_BIT_KHR = EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_FD_BIT const EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_WIN32_BIT_KHR = EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_WIN32_BIT const EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT_KHR = EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT const EXTERNAL_FENCE_HANDLE_TYPE_SYNC_FD_BIT_KHR = EXTERNAL_FENCE_HANDLE_TYPE_SYNC_FD_BIT const EXTERNAL_MEMORY_FEATURE_DEDICATED_ONLY_BIT_KHR = EXTERNAL_MEMORY_FEATURE_DEDICATED_ONLY_BIT const EXTERNAL_MEMORY_FEATURE_EXPORTABLE_BIT_KHR = EXTERNAL_MEMORY_FEATURE_EXPORTABLE_BIT const EXTERNAL_MEMORY_FEATURE_IMPORTABLE_BIT_KHR = EXTERNAL_MEMORY_FEATURE_IMPORTABLE_BIT const EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_TEXTURE_BIT_KHR = EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_TEXTURE_BIT const EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_TEXTURE_KMT_BIT_KHR = EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_TEXTURE_KMT_BIT const EXTERNAL_MEMORY_HANDLE_TYPE_D3D12_HEAP_BIT_KHR = EXTERNAL_MEMORY_HANDLE_TYPE_D3D12_HEAP_BIT const EXTERNAL_MEMORY_HANDLE_TYPE_D3D12_RESOURCE_BIT_KHR = EXTERNAL_MEMORY_HANDLE_TYPE_D3D12_RESOURCE_BIT const EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_FD_BIT_KHR = EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_FD_BIT const EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_BIT_KHR = EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_BIT const EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT_KHR = EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT const EXTERNAL_SEMAPHORE_FEATURE_EXPORTABLE_BIT_KHR = EXTERNAL_SEMAPHORE_FEATURE_EXPORTABLE_BIT const EXTERNAL_SEMAPHORE_FEATURE_IMPORTABLE_BIT_KHR = EXTERNAL_SEMAPHORE_FEATURE_IMPORTABLE_BIT const EXTERNAL_SEMAPHORE_HANDLE_TYPE_D3D11_FENCE_BIT = EXTERNAL_SEMAPHORE_HANDLE_TYPE_D3D12_FENCE_BIT const EXTERNAL_SEMAPHORE_HANDLE_TYPE_D3D12_FENCE_BIT_KHR = EXTERNAL_SEMAPHORE_HANDLE_TYPE_D3D12_FENCE_BIT const EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_FD_BIT_KHR = EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_FD_BIT const EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_WIN32_BIT_KHR = EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_WIN32_BIT const EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT_KHR = EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT const EXTERNAL_SEMAPHORE_HANDLE_TYPE_SYNC_FD_BIT_KHR = EXTERNAL_SEMAPHORE_HANDLE_TYPE_SYNC_FD_BIT const FENCE_IMPORT_TEMPORARY_BIT_KHR = FENCE_IMPORT_TEMPORARY_BIT const FILTER_CUBIC_IMG = FILTER_CUBIC_EXT const FORMAT_A4B4G4R4_UNORM_PACK16_EXT = FORMAT_A4B4G4R4_UNORM_PACK16 const FORMAT_A4R4G4B4_UNORM_PACK16_EXT = FORMAT_A4R4G4B4_UNORM_PACK16 const FORMAT_ASTC_10x10_SFLOAT_BLOCK_EXT = FORMAT_ASTC_10x10_SFLOAT_BLOCK const FORMAT_ASTC_10x5_SFLOAT_BLOCK_EXT = FORMAT_ASTC_10x5_SFLOAT_BLOCK const FORMAT_ASTC_10x6_SFLOAT_BLOCK_EXT = FORMAT_ASTC_10x6_SFLOAT_BLOCK const FORMAT_ASTC_10x8_SFLOAT_BLOCK_EXT = FORMAT_ASTC_10x8_SFLOAT_BLOCK const FORMAT_ASTC_12x10_SFLOAT_BLOCK_EXT = FORMAT_ASTC_12x10_SFLOAT_BLOCK const FORMAT_ASTC_12x12_SFLOAT_BLOCK_EXT = FORMAT_ASTC_12x12_SFLOAT_BLOCK const FORMAT_ASTC_4x4_SFLOAT_BLOCK_EXT = FORMAT_ASTC_4x4_SFLOAT_BLOCK const FORMAT_ASTC_5x4_SFLOAT_BLOCK_EXT = FORMAT_ASTC_5x4_SFLOAT_BLOCK const FORMAT_ASTC_5x5_SFLOAT_BLOCK_EXT = FORMAT_ASTC_5x5_SFLOAT_BLOCK const FORMAT_ASTC_6x5_SFLOAT_BLOCK_EXT = FORMAT_ASTC_6x5_SFLOAT_BLOCK const FORMAT_ASTC_6x6_SFLOAT_BLOCK_EXT = FORMAT_ASTC_6x6_SFLOAT_BLOCK const FORMAT_ASTC_8x5_SFLOAT_BLOCK_EXT = FORMAT_ASTC_8x5_SFLOAT_BLOCK const FORMAT_ASTC_8x6_SFLOAT_BLOCK_EXT = FORMAT_ASTC_8x6_SFLOAT_BLOCK const FORMAT_ASTC_8x8_SFLOAT_BLOCK_EXT = FORMAT_ASTC_8x8_SFLOAT_BLOCK const FORMAT_B10X6G10X6R10X6G10X6_422_UNORM_4PACK16_KHR = FORMAT_B10X6G10X6R10X6G10X6_422_UNORM_4PACK16 const FORMAT_B12X4G12X4R12X4G12X4_422_UNORM_4PACK16_KHR = FORMAT_B12X4G12X4R12X4G12X4_422_UNORM_4PACK16 const FORMAT_B16G16R16G16_422_UNORM_KHR = FORMAT_B16G16R16G16_422_UNORM const FORMAT_B8G8R8G8_422_UNORM_KHR = FORMAT_B8G8R8G8_422_UNORM const FORMAT_FEATURE_2_BLIT_DST_BIT_KHR = FORMAT_FEATURE_2_BLIT_DST_BIT const FORMAT_FEATURE_2_BLIT_SRC_BIT_KHR = FORMAT_FEATURE_2_BLIT_SRC_BIT const FORMAT_FEATURE_2_COLOR_ATTACHMENT_BIT_KHR = FORMAT_FEATURE_2_COLOR_ATTACHMENT_BIT const FORMAT_FEATURE_2_COLOR_ATTACHMENT_BLEND_BIT_KHR = FORMAT_FEATURE_2_COLOR_ATTACHMENT_BLEND_BIT const FORMAT_FEATURE_2_COSITED_CHROMA_SAMPLES_BIT_KHR = FORMAT_FEATURE_2_COSITED_CHROMA_SAMPLES_BIT const FORMAT_FEATURE_2_DEPTH_STENCIL_ATTACHMENT_BIT_KHR = FORMAT_FEATURE_2_DEPTH_STENCIL_ATTACHMENT_BIT const FORMAT_FEATURE_2_DISJOINT_BIT_KHR = FORMAT_FEATURE_2_DISJOINT_BIT const FORMAT_FEATURE_2_MIDPOINT_CHROMA_SAMPLES_BIT_KHR = FORMAT_FEATURE_2_MIDPOINT_CHROMA_SAMPLES_BIT const FORMAT_FEATURE_2_SAMPLED_IMAGE_BIT_KHR = FORMAT_FEATURE_2_SAMPLED_IMAGE_BIT const FORMAT_FEATURE_2_SAMPLED_IMAGE_DEPTH_COMPARISON_BIT_KHR = FORMAT_FEATURE_2_SAMPLED_IMAGE_DEPTH_COMPARISON_BIT const FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_CUBIC_BIT_EXT = FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_CUBIC_BIT const FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_LINEAR_BIT_KHR = FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_LINEAR_BIT const FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_MINMAX_BIT_KHR = FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_MINMAX_BIT const FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_BIT_KHR = FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_BIT const FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_FORCEABLE_BIT_KHR = FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_FORCEABLE_BIT const FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_LINEAR_FILTER_BIT_KHR = FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_LINEAR_FILTER_BIT const FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_SEPARATE_RECONSTRUCTION_FILTER_BIT_KHR = FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_SEPARATE_RECONSTRUCTION_FILTER_BIT const FORMAT_FEATURE_2_STORAGE_IMAGE_ATOMIC_BIT_KHR = FORMAT_FEATURE_2_STORAGE_IMAGE_ATOMIC_BIT const FORMAT_FEATURE_2_STORAGE_IMAGE_BIT_KHR = FORMAT_FEATURE_2_STORAGE_IMAGE_BIT const FORMAT_FEATURE_2_STORAGE_READ_WITHOUT_FORMAT_BIT_KHR = FORMAT_FEATURE_2_STORAGE_READ_WITHOUT_FORMAT_BIT const FORMAT_FEATURE_2_STORAGE_TEXEL_BUFFER_ATOMIC_BIT_KHR = FORMAT_FEATURE_2_STORAGE_TEXEL_BUFFER_ATOMIC_BIT const FORMAT_FEATURE_2_STORAGE_TEXEL_BUFFER_BIT_KHR = FORMAT_FEATURE_2_STORAGE_TEXEL_BUFFER_BIT const FORMAT_FEATURE_2_STORAGE_WRITE_WITHOUT_FORMAT_BIT_KHR = FORMAT_FEATURE_2_STORAGE_WRITE_WITHOUT_FORMAT_BIT const FORMAT_FEATURE_2_TRANSFER_DST_BIT_KHR = FORMAT_FEATURE_2_TRANSFER_DST_BIT const FORMAT_FEATURE_2_TRANSFER_SRC_BIT_KHR = FORMAT_FEATURE_2_TRANSFER_SRC_BIT const FORMAT_FEATURE_2_UNIFORM_TEXEL_BUFFER_BIT_KHR = FORMAT_FEATURE_2_UNIFORM_TEXEL_BUFFER_BIT const FORMAT_FEATURE_2_VERTEX_BUFFER_BIT_KHR = FORMAT_FEATURE_2_VERTEX_BUFFER_BIT const FORMAT_FEATURE_COSITED_CHROMA_SAMPLES_BIT_KHR = FORMAT_FEATURE_COSITED_CHROMA_SAMPLES_BIT const FORMAT_FEATURE_DISJOINT_BIT_KHR = FORMAT_FEATURE_DISJOINT_BIT const FORMAT_FEATURE_MIDPOINT_CHROMA_SAMPLES_BIT_KHR = FORMAT_FEATURE_MIDPOINT_CHROMA_SAMPLES_BIT const FORMAT_FEATURE_SAMPLED_IMAGE_FILTER_CUBIC_BIT_IMG = FORMAT_FEATURE_SAMPLED_IMAGE_FILTER_CUBIC_BIT_EXT const FORMAT_FEATURE_SAMPLED_IMAGE_FILTER_MINMAX_BIT_EXT = FORMAT_FEATURE_SAMPLED_IMAGE_FILTER_MINMAX_BIT const FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_BIT_KHR = FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_BIT const FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_FORCEABLE_BIT_KHR = FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_FORCEABLE_BIT const FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_LINEAR_FILTER_BIT_KHR = FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_LINEAR_FILTER_BIT const FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_SEPARATE_RECONSTRUCTION_FILTER_BIT_KHR = FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_SEPARATE_RECONSTRUCTION_FILTER_BIT const FORMAT_FEATURE_TRANSFER_DST_BIT_KHR = FORMAT_FEATURE_TRANSFER_DST_BIT const FORMAT_FEATURE_TRANSFER_SRC_BIT_KHR = FORMAT_FEATURE_TRANSFER_SRC_BIT const FORMAT_G10X6B10X6G10X6R10X6_422_UNORM_4PACK16_KHR = FORMAT_G10X6B10X6G10X6R10X6_422_UNORM_4PACK16 const FORMAT_G10X6_B10X6R10X6_2PLANE_420_UNORM_3PACK16_KHR = FORMAT_G10X6_B10X6R10X6_2PLANE_420_UNORM_3PACK16 const FORMAT_G10X6_B10X6R10X6_2PLANE_422_UNORM_3PACK16_KHR = FORMAT_G10X6_B10X6R10X6_2PLANE_422_UNORM_3PACK16 const FORMAT_G10X6_B10X6R10X6_2PLANE_444_UNORM_3PACK16_EXT = FORMAT_G10X6_B10X6R10X6_2PLANE_444_UNORM_3PACK16 const FORMAT_G10X6_B10X6_R10X6_3PLANE_420_UNORM_3PACK16_KHR = FORMAT_G10X6_B10X6_R10X6_3PLANE_420_UNORM_3PACK16 const FORMAT_G10X6_B10X6_R10X6_3PLANE_422_UNORM_3PACK16_KHR = FORMAT_G10X6_B10X6_R10X6_3PLANE_422_UNORM_3PACK16 const FORMAT_G10X6_B10X6_R10X6_3PLANE_444_UNORM_3PACK16_KHR = FORMAT_G10X6_B10X6_R10X6_3PLANE_444_UNORM_3PACK16 const FORMAT_G12X4B12X4G12X4R12X4_422_UNORM_4PACK16_KHR = FORMAT_G12X4B12X4G12X4R12X4_422_UNORM_4PACK16 const FORMAT_G12X4_B12X4R12X4_2PLANE_420_UNORM_3PACK16_KHR = FORMAT_G12X4_B12X4R12X4_2PLANE_420_UNORM_3PACK16 const FORMAT_G12X4_B12X4R12X4_2PLANE_422_UNORM_3PACK16_KHR = FORMAT_G12X4_B12X4R12X4_2PLANE_422_UNORM_3PACK16 const FORMAT_G12X4_B12X4R12X4_2PLANE_444_UNORM_3PACK16_EXT = FORMAT_G12X4_B12X4R12X4_2PLANE_444_UNORM_3PACK16 const FORMAT_G12X4_B12X4_R12X4_3PLANE_420_UNORM_3PACK16_KHR = FORMAT_G12X4_B12X4_R12X4_3PLANE_420_UNORM_3PACK16 const FORMAT_G12X4_B12X4_R12X4_3PLANE_422_UNORM_3PACK16_KHR = FORMAT_G12X4_B12X4_R12X4_3PLANE_422_UNORM_3PACK16 const FORMAT_G12X4_B12X4_R12X4_3PLANE_444_UNORM_3PACK16_KHR = FORMAT_G12X4_B12X4_R12X4_3PLANE_444_UNORM_3PACK16 const FORMAT_G16B16G16R16_422_UNORM_KHR = FORMAT_G16B16G16R16_422_UNORM const FORMAT_G16_B16R16_2PLANE_420_UNORM_KHR = FORMAT_G16_B16R16_2PLANE_420_UNORM const FORMAT_G16_B16R16_2PLANE_422_UNORM_KHR = FORMAT_G16_B16R16_2PLANE_422_UNORM const FORMAT_G16_B16R16_2PLANE_444_UNORM_EXT = FORMAT_G16_B16R16_2PLANE_444_UNORM const FORMAT_G16_B16_R16_3PLANE_420_UNORM_KHR = FORMAT_G16_B16_R16_3PLANE_420_UNORM const FORMAT_G16_B16_R16_3PLANE_422_UNORM_KHR = FORMAT_G16_B16_R16_3PLANE_422_UNORM const FORMAT_G16_B16_R16_3PLANE_444_UNORM_KHR = FORMAT_G16_B16_R16_3PLANE_444_UNORM const FORMAT_G8B8G8R8_422_UNORM_KHR = FORMAT_G8B8G8R8_422_UNORM const FORMAT_G8_B8R8_2PLANE_420_UNORM_KHR = FORMAT_G8_B8R8_2PLANE_420_UNORM const FORMAT_G8_B8R8_2PLANE_422_UNORM_KHR = FORMAT_G8_B8R8_2PLANE_422_UNORM const FORMAT_G8_B8R8_2PLANE_444_UNORM_EXT = FORMAT_G8_B8R8_2PLANE_444_UNORM const FORMAT_G8_B8_R8_3PLANE_420_UNORM_KHR = FORMAT_G8_B8_R8_3PLANE_420_UNORM const FORMAT_G8_B8_R8_3PLANE_422_UNORM_KHR = FORMAT_G8_B8_R8_3PLANE_422_UNORM const FORMAT_G8_B8_R8_3PLANE_444_UNORM_KHR = FORMAT_G8_B8_R8_3PLANE_444_UNORM const FORMAT_R10X6G10X6B10X6A10X6_UNORM_4PACK16_KHR = FORMAT_R10X6G10X6B10X6A10X6_UNORM_4PACK16 const FORMAT_R10X6G10X6_UNORM_2PACK16_KHR = FORMAT_R10X6G10X6_UNORM_2PACK16 const FORMAT_R10X6_UNORM_PACK16_KHR = FORMAT_R10X6_UNORM_PACK16 const FORMAT_R12X4G12X4B12X4A12X4_UNORM_4PACK16_KHR = FORMAT_R12X4G12X4B12X4A12X4_UNORM_4PACK16 const FORMAT_R12X4G12X4_UNORM_2PACK16_KHR = FORMAT_R12X4G12X4_UNORM_2PACK16 const FORMAT_R12X4_UNORM_PACK16_KHR = FORMAT_R12X4_UNORM_PACK16 const FRAMEBUFFER_CREATE_IMAGELESS_BIT_KHR = FRAMEBUFFER_CREATE_IMAGELESS_BIT const GEOMETRY_INSTANCE_FORCE_NO_OPAQUE_BIT_NV = GEOMETRY_INSTANCE_FORCE_NO_OPAQUE_BIT_KHR const GEOMETRY_INSTANCE_FORCE_OPAQUE_BIT_NV = GEOMETRY_INSTANCE_FORCE_OPAQUE_BIT_KHR const GEOMETRY_INSTANCE_TRIANGLE_CULL_DISABLE_BIT_NV = GEOMETRY_INSTANCE_TRIANGLE_FACING_CULL_DISABLE_BIT_KHR const GEOMETRY_INSTANCE_TRIANGLE_FRONT_COUNTERCLOCKWISE_BIT_KHR = GEOMETRY_INSTANCE_TRIANGLE_FLIP_FACING_BIT_KHR const GEOMETRY_NO_DUPLICATE_ANY_HIT_INVOCATION_BIT_NV = GEOMETRY_NO_DUPLICATE_ANY_HIT_INVOCATION_BIT_KHR const GEOMETRY_OPAQUE_BIT_NV = GEOMETRY_OPAQUE_BIT_KHR const GEOMETRY_TYPE_AABBS_NV = GEOMETRY_TYPE_AABBS_KHR const GEOMETRY_TYPE_TRIANGLES_NV = GEOMETRY_TYPE_TRIANGLES_KHR const IMAGE_ASPECT_NONE_KHR = IMAGE_ASPECT_NONE const IMAGE_ASPECT_PLANE_0_BIT_KHR = IMAGE_ASPECT_PLANE_0_BIT const IMAGE_ASPECT_PLANE_1_BIT_KHR = IMAGE_ASPECT_PLANE_1_BIT const IMAGE_ASPECT_PLANE_2_BIT_KHR = IMAGE_ASPECT_PLANE_2_BIT const IMAGE_CREATE_2D_ARRAY_COMPATIBLE_BIT_KHR = IMAGE_CREATE_2D_ARRAY_COMPATIBLE_BIT const IMAGE_CREATE_ALIAS_BIT_KHR = IMAGE_CREATE_ALIAS_BIT const IMAGE_CREATE_BLOCK_TEXEL_VIEW_COMPATIBLE_BIT_KHR = IMAGE_CREATE_BLOCK_TEXEL_VIEW_COMPATIBLE_BIT const IMAGE_CREATE_DISJOINT_BIT_KHR = IMAGE_CREATE_DISJOINT_BIT const IMAGE_CREATE_EXTENDED_USAGE_BIT_KHR = IMAGE_CREATE_EXTENDED_USAGE_BIT const IMAGE_CREATE_SPLIT_INSTANCE_BIND_REGIONS_BIT_KHR = IMAGE_CREATE_SPLIT_INSTANCE_BIND_REGIONS_BIT const IMAGE_LAYOUT_ATTACHMENT_OPTIMAL_KHR = IMAGE_LAYOUT_ATTACHMENT_OPTIMAL const IMAGE_LAYOUT_DEPTH_ATTACHMENT_OPTIMAL_KHR = IMAGE_LAYOUT_DEPTH_ATTACHMENT_OPTIMAL const IMAGE_LAYOUT_DEPTH_ATTACHMENT_STENCIL_READ_ONLY_OPTIMAL_KHR = IMAGE_LAYOUT_DEPTH_ATTACHMENT_STENCIL_READ_ONLY_OPTIMAL const IMAGE_LAYOUT_DEPTH_READ_ONLY_OPTIMAL_KHR = IMAGE_LAYOUT_DEPTH_READ_ONLY_OPTIMAL const IMAGE_LAYOUT_DEPTH_READ_ONLY_STENCIL_ATTACHMENT_OPTIMAL_KHR = IMAGE_LAYOUT_DEPTH_READ_ONLY_STENCIL_ATTACHMENT_OPTIMAL const IMAGE_LAYOUT_READ_ONLY_OPTIMAL_KHR = IMAGE_LAYOUT_READ_ONLY_OPTIMAL const IMAGE_LAYOUT_SHADING_RATE_OPTIMAL_NV = IMAGE_LAYOUT_FRAGMENT_SHADING_RATE_ATTACHMENT_OPTIMAL_KHR const IMAGE_LAYOUT_STENCIL_ATTACHMENT_OPTIMAL_KHR = IMAGE_LAYOUT_STENCIL_ATTACHMENT_OPTIMAL const IMAGE_LAYOUT_STENCIL_READ_ONLY_OPTIMAL_KHR = IMAGE_LAYOUT_STENCIL_READ_ONLY_OPTIMAL const IMAGE_USAGE_SHADING_RATE_IMAGE_BIT_NV = IMAGE_USAGE_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR const INDEX_TYPE_NONE_NV = INDEX_TYPE_NONE_KHR const LUID_SIZE_KHR = LUID_SIZE const MAX_DEVICE_GROUP_SIZE_KHR = MAX_DEVICE_GROUP_SIZE const MAX_DRIVER_INFO_SIZE_KHR = MAX_DRIVER_INFO_SIZE const MAX_DRIVER_NAME_SIZE_KHR = MAX_DRIVER_NAME_SIZE const MAX_GLOBAL_PRIORITY_SIZE_EXT = MAX_GLOBAL_PRIORITY_SIZE_KHR const MEMORY_ALLOCATE_DEVICE_ADDRESS_BIT_KHR = MEMORY_ALLOCATE_DEVICE_ADDRESS_BIT const MEMORY_ALLOCATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT_KHR = MEMORY_ALLOCATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT const MEMORY_ALLOCATE_DEVICE_MASK_BIT_KHR = MEMORY_ALLOCATE_DEVICE_MASK_BIT const MEMORY_HEAP_MULTI_INSTANCE_BIT_KHR = MEMORY_HEAP_MULTI_INSTANCE_BIT const OBJECT_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_KHR = OBJECT_TYPE_DESCRIPTOR_UPDATE_TEMPLATE const OBJECT_TYPE_PRIVATE_DATA_SLOT_EXT = OBJECT_TYPE_PRIVATE_DATA_SLOT const OBJECT_TYPE_SAMPLER_YCBCR_CONVERSION_KHR = OBJECT_TYPE_SAMPLER_YCBCR_CONVERSION const PEER_MEMORY_FEATURE_COPY_DST_BIT_KHR = PEER_MEMORY_FEATURE_COPY_DST_BIT const PEER_MEMORY_FEATURE_COPY_SRC_BIT_KHR = PEER_MEMORY_FEATURE_COPY_SRC_BIT const PEER_MEMORY_FEATURE_GENERIC_DST_BIT_KHR = PEER_MEMORY_FEATURE_GENERIC_DST_BIT const PEER_MEMORY_FEATURE_GENERIC_SRC_BIT_KHR = PEER_MEMORY_FEATURE_GENERIC_SRC_BIT const PERFORMANCE_COUNTER_DESCRIPTION_CONCURRENTLY_IMPACTED_KHR = PERFORMANCE_COUNTER_DESCRIPTION_CONCURRENTLY_IMPACTED_BIT_KHR const PERFORMANCE_COUNTER_DESCRIPTION_PERFORMANCE_IMPACTING_KHR = PERFORMANCE_COUNTER_DESCRIPTION_PERFORMANCE_IMPACTING_BIT_KHR const PIPELINE_BIND_POINT_RAY_TRACING_NV = PIPELINE_BIND_POINT_RAY_TRACING_KHR const PIPELINE_CACHE_CREATE_EXTERNALLY_SYNCHRONIZED_BIT_EXT = PIPELINE_CACHE_CREATE_EXTERNALLY_SYNCHRONIZED_BIT const PIPELINE_COLOR_BLEND_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_ACCESS_BIT_ARM = PIPELINE_COLOR_BLEND_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_ACCESS_BIT_EXT const PIPELINE_COMPILE_REQUIRED_EXT = PIPELINE_COMPILE_REQUIRED const PIPELINE_CREATE_DISPATCH_BASE = PIPELINE_CREATE_DISPATCH_BASE_BIT const PIPELINE_CREATE_EARLY_RETURN_ON_FAILURE_BIT_EXT = PIPELINE_CREATE_EARLY_RETURN_ON_FAILURE_BIT const PIPELINE_CREATE_FAIL_ON_PIPELINE_COMPILE_REQUIRED_BIT_EXT = PIPELINE_CREATE_FAIL_ON_PIPELINE_COMPILE_REQUIRED_BIT const PIPELINE_CREATE_VIEW_INDEX_FROM_DEVICE_INDEX_BIT_KHR = PIPELINE_CREATE_VIEW_INDEX_FROM_DEVICE_INDEX_BIT const PIPELINE_CREATION_FEEDBACK_APPLICATION_PIPELINE_CACHE_HIT_BIT_EXT = PIPELINE_CREATION_FEEDBACK_APPLICATION_PIPELINE_CACHE_HIT_BIT const PIPELINE_CREATION_FEEDBACK_BASE_PIPELINE_ACCELERATION_BIT_EXT = PIPELINE_CREATION_FEEDBACK_BASE_PIPELINE_ACCELERATION_BIT const PIPELINE_CREATION_FEEDBACK_VALID_BIT_EXT = PIPELINE_CREATION_FEEDBACK_VALID_BIT const PIPELINE_DEPTH_STENCIL_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_DEPTH_ACCESS_BIT_ARM = PIPELINE_DEPTH_STENCIL_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_DEPTH_ACCESS_BIT_EXT const PIPELINE_DEPTH_STENCIL_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_STENCIL_ACCESS_BIT_ARM = PIPELINE_DEPTH_STENCIL_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_STENCIL_ACCESS_BIT_EXT const PIPELINE_RASTERIZATION_STATE_CREATE_FRAGMENT_DENSITY_MAP_ATTACHMENT_BIT_EXT = PIPELINE_CREATE_RENDERING_FRAGMENT_DENSITY_MAP_ATTACHMENT_BIT_EXT const PIPELINE_RASTERIZATION_STATE_CREATE_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR = PIPELINE_CREATE_RENDERING_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR const PIPELINE_SHADER_STAGE_CREATE_ALLOW_VARYING_SUBGROUP_SIZE_BIT_EXT = PIPELINE_SHADER_STAGE_CREATE_ALLOW_VARYING_SUBGROUP_SIZE_BIT const PIPELINE_SHADER_STAGE_CREATE_REQUIRE_FULL_SUBGROUPS_BIT_EXT = PIPELINE_SHADER_STAGE_CREATE_REQUIRE_FULL_SUBGROUPS_BIT const PIPELINE_STAGE_2_ACCELERATION_STRUCTURE_BUILD_BIT_NV = PIPELINE_STAGE_2_ACCELERATION_STRUCTURE_BUILD_BIT_KHR const PIPELINE_STAGE_2_ALL_COMMANDS_BIT_KHR = PIPELINE_STAGE_2_ALL_COMMANDS_BIT const PIPELINE_STAGE_2_ALL_GRAPHICS_BIT_KHR = PIPELINE_STAGE_2_ALL_GRAPHICS_BIT const PIPELINE_STAGE_2_ALL_TRANSFER_BIT_KHR = PIPELINE_STAGE_2_ALL_TRANSFER_BIT const PIPELINE_STAGE_2_BLIT_BIT_KHR = PIPELINE_STAGE_2_BLIT_BIT const PIPELINE_STAGE_2_BOTTOM_OF_PIPE_BIT_KHR = PIPELINE_STAGE_2_BOTTOM_OF_PIPE_BIT const PIPELINE_STAGE_2_CLEAR_BIT_KHR = PIPELINE_STAGE_2_CLEAR_BIT const PIPELINE_STAGE_2_COLOR_ATTACHMENT_OUTPUT_BIT_KHR = PIPELINE_STAGE_2_COLOR_ATTACHMENT_OUTPUT_BIT const PIPELINE_STAGE_2_COMPUTE_SHADER_BIT_KHR = PIPELINE_STAGE_2_COMPUTE_SHADER_BIT const PIPELINE_STAGE_2_COPY_BIT_KHR = PIPELINE_STAGE_2_COPY_BIT const PIPELINE_STAGE_2_DRAW_INDIRECT_BIT_KHR = PIPELINE_STAGE_2_DRAW_INDIRECT_BIT const PIPELINE_STAGE_2_EARLY_FRAGMENT_TESTS_BIT_KHR = PIPELINE_STAGE_2_EARLY_FRAGMENT_TESTS_BIT const PIPELINE_STAGE_2_FRAGMENT_SHADER_BIT_KHR = PIPELINE_STAGE_2_FRAGMENT_SHADER_BIT const PIPELINE_STAGE_2_GEOMETRY_SHADER_BIT_KHR = PIPELINE_STAGE_2_GEOMETRY_SHADER_BIT const PIPELINE_STAGE_2_HOST_BIT_KHR = PIPELINE_STAGE_2_HOST_BIT const PIPELINE_STAGE_2_INDEX_INPUT_BIT_KHR = PIPELINE_STAGE_2_INDEX_INPUT_BIT const PIPELINE_STAGE_2_LATE_FRAGMENT_TESTS_BIT_KHR = PIPELINE_STAGE_2_LATE_FRAGMENT_TESTS_BIT const PIPELINE_STAGE_2_MESH_SHADER_BIT_NV = PIPELINE_STAGE_2_MESH_SHADER_BIT_EXT const PIPELINE_STAGE_2_NONE_KHR = PIPELINE_STAGE_2_NONE const PIPELINE_STAGE_2_PRE_RASTERIZATION_SHADERS_BIT_KHR = PIPELINE_STAGE_2_PRE_RASTERIZATION_SHADERS_BIT const PIPELINE_STAGE_2_RAY_TRACING_SHADER_BIT_NV = PIPELINE_STAGE_2_RAY_TRACING_SHADER_BIT_KHR const PIPELINE_STAGE_2_RESOLVE_BIT_KHR = PIPELINE_STAGE_2_RESOLVE_BIT const PIPELINE_STAGE_2_SHADING_RATE_IMAGE_BIT_NV = PIPELINE_STAGE_2_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR const PIPELINE_STAGE_2_TASK_SHADER_BIT_NV = PIPELINE_STAGE_2_TASK_SHADER_BIT_EXT const PIPELINE_STAGE_2_TESSELLATION_CONTROL_SHADER_BIT_KHR = PIPELINE_STAGE_2_TESSELLATION_CONTROL_SHADER_BIT const PIPELINE_STAGE_2_TESSELLATION_EVALUATION_SHADER_BIT_KHR = PIPELINE_STAGE_2_TESSELLATION_EVALUATION_SHADER_BIT const PIPELINE_STAGE_2_TOP_OF_PIPE_BIT_KHR = PIPELINE_STAGE_2_TOP_OF_PIPE_BIT const PIPELINE_STAGE_2_TRANSFER_BIT_KHR = PIPELINE_STAGE_2_ALL_TRANSFER_BIT const PIPELINE_STAGE_2_VERTEX_ATTRIBUTE_INPUT_BIT_KHR = PIPELINE_STAGE_2_VERTEX_ATTRIBUTE_INPUT_BIT const PIPELINE_STAGE_2_VERTEX_INPUT_BIT_KHR = PIPELINE_STAGE_2_VERTEX_INPUT_BIT const PIPELINE_STAGE_2_VERTEX_SHADER_BIT_KHR = PIPELINE_STAGE_2_VERTEX_SHADER_BIT const PIPELINE_STAGE_ACCELERATION_STRUCTURE_BUILD_BIT_NV = PIPELINE_STAGE_ACCELERATION_STRUCTURE_BUILD_BIT_KHR const PIPELINE_STAGE_MESH_SHADER_BIT_NV = PIPELINE_STAGE_MESH_SHADER_BIT_EXT const PIPELINE_STAGE_NONE_KHR = PIPELINE_STAGE_NONE const PIPELINE_STAGE_RAY_TRACING_SHADER_BIT_NV = PIPELINE_STAGE_RAY_TRACING_SHADER_BIT_KHR const PIPELINE_STAGE_SHADING_RATE_IMAGE_BIT_NV = PIPELINE_STAGE_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR const PIPELINE_STAGE_TASK_SHADER_BIT_NV = PIPELINE_STAGE_TASK_SHADER_BIT_EXT const POINT_CLIPPING_BEHAVIOR_ALL_CLIP_PLANES_KHR = POINT_CLIPPING_BEHAVIOR_ALL_CLIP_PLANES const POINT_CLIPPING_BEHAVIOR_USER_CLIP_PLANES_ONLY_KHR = POINT_CLIPPING_BEHAVIOR_USER_CLIP_PLANES_ONLY const QUERY_SCOPE_COMMAND_BUFFER_KHR = PERFORMANCE_COUNTER_SCOPE_COMMAND_BUFFER_KHR const QUERY_SCOPE_COMMAND_KHR = PERFORMANCE_COUNTER_SCOPE_COMMAND_KHR const QUERY_SCOPE_RENDER_PASS_KHR = PERFORMANCE_COUNTER_SCOPE_RENDER_PASS_KHR const QUEUE_FAMILY_EXTERNAL_KHR = QUEUE_FAMILY_EXTERNAL const QUEUE_GLOBAL_PRIORITY_HIGH_EXT = QUEUE_GLOBAL_PRIORITY_HIGH_KHR const QUEUE_GLOBAL_PRIORITY_LOW_EXT = QUEUE_GLOBAL_PRIORITY_LOW_KHR const QUEUE_GLOBAL_PRIORITY_MEDIUM_EXT = QUEUE_GLOBAL_PRIORITY_MEDIUM_KHR const QUEUE_GLOBAL_PRIORITY_REALTIME_EXT = QUEUE_GLOBAL_PRIORITY_REALTIME_KHR const RAY_TRACING_SHADER_GROUP_TYPE_GENERAL_NV = RAY_TRACING_SHADER_GROUP_TYPE_GENERAL_KHR const RAY_TRACING_SHADER_GROUP_TYPE_PROCEDURAL_HIT_GROUP_NV = RAY_TRACING_SHADER_GROUP_TYPE_PROCEDURAL_HIT_GROUP_KHR const RAY_TRACING_SHADER_GROUP_TYPE_TRIANGLES_HIT_GROUP_NV = RAY_TRACING_SHADER_GROUP_TYPE_TRIANGLES_HIT_GROUP_KHR const RENDERING_CONTENTS_SECONDARY_COMMAND_BUFFERS_BIT_KHR = RENDERING_CONTENTS_SECONDARY_COMMAND_BUFFERS_BIT const RENDERING_RESUMING_BIT_KHR = RENDERING_RESUMING_BIT const RENDERING_SUSPENDING_BIT_KHR = RENDERING_SUSPENDING_BIT const RESOLVE_MODE_AVERAGE_BIT_KHR = RESOLVE_MODE_AVERAGE_BIT const RESOLVE_MODE_MAX_BIT_KHR = RESOLVE_MODE_MAX_BIT const RESOLVE_MODE_MIN_BIT_KHR = RESOLVE_MODE_MIN_BIT const RESOLVE_MODE_NONE_KHR = RESOLVE_MODE_NONE const RESOLVE_MODE_SAMPLE_ZERO_BIT_KHR = RESOLVE_MODE_SAMPLE_ZERO_BIT const SAMPLER_ADDRESS_MODE_MIRROR_CLAMP_TO_EDGE_KHR = SAMPLER_ADDRESS_MODE_MIRROR_CLAMP_TO_EDGE const SAMPLER_REDUCTION_MODE_MAX_EXT = SAMPLER_REDUCTION_MODE_MAX const SAMPLER_REDUCTION_MODE_MIN_EXT = SAMPLER_REDUCTION_MODE_MIN const SAMPLER_REDUCTION_MODE_WEIGHTED_AVERAGE_EXT = SAMPLER_REDUCTION_MODE_WEIGHTED_AVERAGE const SAMPLER_YCBCR_MODEL_CONVERSION_RGB_IDENTITY_KHR = SAMPLER_YCBCR_MODEL_CONVERSION_RGB_IDENTITY const SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_2020_KHR = SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_2020 const SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_601_KHR = SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_601 const SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_709_KHR = SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_709 const SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_IDENTITY_KHR = SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_IDENTITY const SAMPLER_YCBCR_RANGE_ITU_FULL_KHR = SAMPLER_YCBCR_RANGE_ITU_FULL const SAMPLER_YCBCR_RANGE_ITU_NARROW_KHR = SAMPLER_YCBCR_RANGE_ITU_NARROW const SEMAPHORE_IMPORT_TEMPORARY_BIT_KHR = SEMAPHORE_IMPORT_TEMPORARY_BIT const SEMAPHORE_TYPE_BINARY_KHR = SEMAPHORE_TYPE_BINARY const SEMAPHORE_TYPE_TIMELINE_KHR = SEMAPHORE_TYPE_TIMELINE const SEMAPHORE_WAIT_ANY_BIT_KHR = SEMAPHORE_WAIT_ANY_BIT const SHADER_FLOAT_CONTROLS_INDEPENDENCE_32_BIT_ONLY_KHR = SHADER_FLOAT_CONTROLS_INDEPENDENCE_32_BIT_ONLY const SHADER_FLOAT_CONTROLS_INDEPENDENCE_ALL_KHR = SHADER_FLOAT_CONTROLS_INDEPENDENCE_ALL const SHADER_FLOAT_CONTROLS_INDEPENDENCE_NONE_KHR = SHADER_FLOAT_CONTROLS_INDEPENDENCE_NONE const SHADER_STAGE_ANY_HIT_BIT_NV = SHADER_STAGE_ANY_HIT_BIT_KHR const SHADER_STAGE_CALLABLE_BIT_NV = SHADER_STAGE_CALLABLE_BIT_KHR const SHADER_STAGE_CLOSEST_HIT_BIT_NV = SHADER_STAGE_CLOSEST_HIT_BIT_KHR const SHADER_STAGE_INTERSECTION_BIT_NV = SHADER_STAGE_INTERSECTION_BIT_KHR const SHADER_STAGE_MESH_BIT_NV = SHADER_STAGE_MESH_BIT_EXT const SHADER_STAGE_MISS_BIT_NV = SHADER_STAGE_MISS_BIT_KHR const SHADER_STAGE_RAYGEN_BIT_NV = SHADER_STAGE_RAYGEN_BIT_KHR const SHADER_STAGE_TASK_BIT_NV = SHADER_STAGE_TASK_BIT_EXT const SHADER_UNUSED_NV = SHADER_UNUSED_KHR const STENCIL_FRONT_AND_BACK = STENCIL_FACE_FRONT_AND_BACK const STRUCTURE_TYPE_ATTACHMENT_DESCRIPTION_2_KHR = STRUCTURE_TYPE_ATTACHMENT_DESCRIPTION_2 const STRUCTURE_TYPE_ATTACHMENT_DESCRIPTION_STENCIL_LAYOUT_KHR = STRUCTURE_TYPE_ATTACHMENT_DESCRIPTION_STENCIL_LAYOUT const STRUCTURE_TYPE_ATTACHMENT_REFERENCE_2_KHR = STRUCTURE_TYPE_ATTACHMENT_REFERENCE_2 const STRUCTURE_TYPE_ATTACHMENT_REFERENCE_STENCIL_LAYOUT_KHR = STRUCTURE_TYPE_ATTACHMENT_REFERENCE_STENCIL_LAYOUT const STRUCTURE_TYPE_ATTACHMENT_SAMPLE_COUNT_INFO_NV = STRUCTURE_TYPE_ATTACHMENT_SAMPLE_COUNT_INFO_AMD const STRUCTURE_TYPE_BIND_BUFFER_MEMORY_DEVICE_GROUP_INFO_KHR = STRUCTURE_TYPE_BIND_BUFFER_MEMORY_DEVICE_GROUP_INFO const STRUCTURE_TYPE_BIND_BUFFER_MEMORY_INFO_KHR = STRUCTURE_TYPE_BIND_BUFFER_MEMORY_INFO const STRUCTURE_TYPE_BIND_IMAGE_MEMORY_DEVICE_GROUP_INFO_KHR = STRUCTURE_TYPE_BIND_IMAGE_MEMORY_DEVICE_GROUP_INFO const STRUCTURE_TYPE_BIND_IMAGE_MEMORY_INFO_KHR = STRUCTURE_TYPE_BIND_IMAGE_MEMORY_INFO const STRUCTURE_TYPE_BIND_IMAGE_PLANE_MEMORY_INFO_KHR = STRUCTURE_TYPE_BIND_IMAGE_PLANE_MEMORY_INFO const STRUCTURE_TYPE_BLIT_IMAGE_INFO_2_KHR = STRUCTURE_TYPE_BLIT_IMAGE_INFO_2 const STRUCTURE_TYPE_BUFFER_COPY_2_KHR = STRUCTURE_TYPE_BUFFER_COPY_2 const STRUCTURE_TYPE_BUFFER_DEVICE_ADDRESS_INFO_EXT = STRUCTURE_TYPE_BUFFER_DEVICE_ADDRESS_INFO const STRUCTURE_TYPE_BUFFER_DEVICE_ADDRESS_INFO_KHR = STRUCTURE_TYPE_BUFFER_DEVICE_ADDRESS_INFO const STRUCTURE_TYPE_BUFFER_IMAGE_COPY_2_KHR = STRUCTURE_TYPE_BUFFER_IMAGE_COPY_2 const STRUCTURE_TYPE_BUFFER_MEMORY_BARRIER_2_KHR = STRUCTURE_TYPE_BUFFER_MEMORY_BARRIER_2 const STRUCTURE_TYPE_BUFFER_MEMORY_REQUIREMENTS_INFO_2_KHR = STRUCTURE_TYPE_BUFFER_MEMORY_REQUIREMENTS_INFO_2 const STRUCTURE_TYPE_BUFFER_OPAQUE_CAPTURE_ADDRESS_CREATE_INFO_KHR = STRUCTURE_TYPE_BUFFER_OPAQUE_CAPTURE_ADDRESS_CREATE_INFO const STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_RENDERING_INFO_KHR = STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_RENDERING_INFO const STRUCTURE_TYPE_COMMAND_BUFFER_SUBMIT_INFO_KHR = STRUCTURE_TYPE_COMMAND_BUFFER_SUBMIT_INFO const STRUCTURE_TYPE_COPY_BUFFER_INFO_2_KHR = STRUCTURE_TYPE_COPY_BUFFER_INFO_2 const STRUCTURE_TYPE_COPY_BUFFER_TO_IMAGE_INFO_2_KHR = STRUCTURE_TYPE_COPY_BUFFER_TO_IMAGE_INFO_2 const STRUCTURE_TYPE_COPY_IMAGE_INFO_2_KHR = STRUCTURE_TYPE_COPY_IMAGE_INFO_2 const STRUCTURE_TYPE_COPY_IMAGE_TO_BUFFER_INFO_2_KHR = STRUCTURE_TYPE_COPY_IMAGE_TO_BUFFER_INFO_2 const STRUCTURE_TYPE_DEBUG_REPORT_CREATE_INFO_EXT = STRUCTURE_TYPE_DEBUG_REPORT_CALLBACK_CREATE_INFO_EXT const STRUCTURE_TYPE_DEPENDENCY_INFO_KHR = STRUCTURE_TYPE_DEPENDENCY_INFO const STRUCTURE_TYPE_DESCRIPTOR_POOL_INLINE_UNIFORM_BLOCK_CREATE_INFO_EXT = STRUCTURE_TYPE_DESCRIPTOR_POOL_INLINE_UNIFORM_BLOCK_CREATE_INFO const STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_BINDING_FLAGS_CREATE_INFO_EXT = STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_BINDING_FLAGS_CREATE_INFO const STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_SUPPORT_KHR = STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_SUPPORT const STRUCTURE_TYPE_DESCRIPTOR_SET_VARIABLE_DESCRIPTOR_COUNT_ALLOCATE_INFO_EXT = STRUCTURE_TYPE_DESCRIPTOR_SET_VARIABLE_DESCRIPTOR_COUNT_ALLOCATE_INFO const STRUCTURE_TYPE_DESCRIPTOR_SET_VARIABLE_DESCRIPTOR_COUNT_LAYOUT_SUPPORT_EXT = STRUCTURE_TYPE_DESCRIPTOR_SET_VARIABLE_DESCRIPTOR_COUNT_LAYOUT_SUPPORT const STRUCTURE_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_CREATE_INFO_KHR = STRUCTURE_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_CREATE_INFO const STRUCTURE_TYPE_DEVICE_BUFFER_MEMORY_REQUIREMENTS_KHR = STRUCTURE_TYPE_DEVICE_BUFFER_MEMORY_REQUIREMENTS const STRUCTURE_TYPE_DEVICE_GROUP_BIND_SPARSE_INFO_KHR = STRUCTURE_TYPE_DEVICE_GROUP_BIND_SPARSE_INFO const STRUCTURE_TYPE_DEVICE_GROUP_COMMAND_BUFFER_BEGIN_INFO_KHR = STRUCTURE_TYPE_DEVICE_GROUP_COMMAND_BUFFER_BEGIN_INFO const STRUCTURE_TYPE_DEVICE_GROUP_DEVICE_CREATE_INFO_KHR = STRUCTURE_TYPE_DEVICE_GROUP_DEVICE_CREATE_INFO const STRUCTURE_TYPE_DEVICE_GROUP_RENDER_PASS_BEGIN_INFO_KHR = STRUCTURE_TYPE_DEVICE_GROUP_RENDER_PASS_BEGIN_INFO const STRUCTURE_TYPE_DEVICE_GROUP_SUBMIT_INFO_KHR = STRUCTURE_TYPE_DEVICE_GROUP_SUBMIT_INFO const STRUCTURE_TYPE_DEVICE_IMAGE_MEMORY_REQUIREMENTS_KHR = STRUCTURE_TYPE_DEVICE_IMAGE_MEMORY_REQUIREMENTS const STRUCTURE_TYPE_DEVICE_MEMORY_OPAQUE_CAPTURE_ADDRESS_INFO_KHR = STRUCTURE_TYPE_DEVICE_MEMORY_OPAQUE_CAPTURE_ADDRESS_INFO const STRUCTURE_TYPE_DEVICE_PRIVATE_DATA_CREATE_INFO_EXT = STRUCTURE_TYPE_DEVICE_PRIVATE_DATA_CREATE_INFO const STRUCTURE_TYPE_DEVICE_QUEUE_GLOBAL_PRIORITY_CREATE_INFO_EXT = STRUCTURE_TYPE_DEVICE_QUEUE_GLOBAL_PRIORITY_CREATE_INFO_KHR const STRUCTURE_TYPE_EXPORT_FENCE_CREATE_INFO_KHR = STRUCTURE_TYPE_EXPORT_FENCE_CREATE_INFO const STRUCTURE_TYPE_EXPORT_MEMORY_ALLOCATE_INFO_KHR = STRUCTURE_TYPE_EXPORT_MEMORY_ALLOCATE_INFO const STRUCTURE_TYPE_EXPORT_SEMAPHORE_CREATE_INFO_KHR = STRUCTURE_TYPE_EXPORT_SEMAPHORE_CREATE_INFO const STRUCTURE_TYPE_EXTERNAL_BUFFER_PROPERTIES_KHR = STRUCTURE_TYPE_EXTERNAL_BUFFER_PROPERTIES const STRUCTURE_TYPE_EXTERNAL_FENCE_PROPERTIES_KHR = STRUCTURE_TYPE_EXTERNAL_FENCE_PROPERTIES const STRUCTURE_TYPE_EXTERNAL_IMAGE_FORMAT_PROPERTIES_KHR = STRUCTURE_TYPE_EXTERNAL_IMAGE_FORMAT_PROPERTIES const STRUCTURE_TYPE_EXTERNAL_MEMORY_BUFFER_CREATE_INFO_KHR = STRUCTURE_TYPE_EXTERNAL_MEMORY_BUFFER_CREATE_INFO const STRUCTURE_TYPE_EXTERNAL_MEMORY_IMAGE_CREATE_INFO_KHR = STRUCTURE_TYPE_EXTERNAL_MEMORY_IMAGE_CREATE_INFO const STRUCTURE_TYPE_EXTERNAL_SEMAPHORE_PROPERTIES_KHR = STRUCTURE_TYPE_EXTERNAL_SEMAPHORE_PROPERTIES const STRUCTURE_TYPE_FORMAT_PROPERTIES_2_KHR = STRUCTURE_TYPE_FORMAT_PROPERTIES_2 const STRUCTURE_TYPE_FORMAT_PROPERTIES_3_KHR = STRUCTURE_TYPE_FORMAT_PROPERTIES_3 const STRUCTURE_TYPE_FRAMEBUFFER_ATTACHMENTS_CREATE_INFO_KHR = STRUCTURE_TYPE_FRAMEBUFFER_ATTACHMENTS_CREATE_INFO const STRUCTURE_TYPE_FRAMEBUFFER_ATTACHMENT_IMAGE_INFO_KHR = STRUCTURE_TYPE_FRAMEBUFFER_ATTACHMENT_IMAGE_INFO const STRUCTURE_TYPE_IMAGE_BLIT_2_KHR = STRUCTURE_TYPE_IMAGE_BLIT_2 const STRUCTURE_TYPE_IMAGE_COPY_2_KHR = STRUCTURE_TYPE_IMAGE_COPY_2 const STRUCTURE_TYPE_IMAGE_FORMAT_LIST_CREATE_INFO_KHR = STRUCTURE_TYPE_IMAGE_FORMAT_LIST_CREATE_INFO const STRUCTURE_TYPE_IMAGE_FORMAT_PROPERTIES_2_KHR = STRUCTURE_TYPE_IMAGE_FORMAT_PROPERTIES_2 const STRUCTURE_TYPE_IMAGE_MEMORY_BARRIER_2_KHR = STRUCTURE_TYPE_IMAGE_MEMORY_BARRIER_2 const STRUCTURE_TYPE_IMAGE_MEMORY_REQUIREMENTS_INFO_2_KHR = STRUCTURE_TYPE_IMAGE_MEMORY_REQUIREMENTS_INFO_2 const STRUCTURE_TYPE_IMAGE_PLANE_MEMORY_REQUIREMENTS_INFO_KHR = STRUCTURE_TYPE_IMAGE_PLANE_MEMORY_REQUIREMENTS_INFO const STRUCTURE_TYPE_IMAGE_RESOLVE_2_KHR = STRUCTURE_TYPE_IMAGE_RESOLVE_2 const STRUCTURE_TYPE_IMAGE_SPARSE_MEMORY_REQUIREMENTS_INFO_2_KHR = STRUCTURE_TYPE_IMAGE_SPARSE_MEMORY_REQUIREMENTS_INFO_2 const STRUCTURE_TYPE_IMAGE_STENCIL_USAGE_CREATE_INFO_EXT = STRUCTURE_TYPE_IMAGE_STENCIL_USAGE_CREATE_INFO const STRUCTURE_TYPE_IMAGE_VIEW_USAGE_CREATE_INFO_KHR = STRUCTURE_TYPE_IMAGE_VIEW_USAGE_CREATE_INFO const STRUCTURE_TYPE_MEMORY_ALLOCATE_FLAGS_INFO_KHR = STRUCTURE_TYPE_MEMORY_ALLOCATE_FLAGS_INFO const STRUCTURE_TYPE_MEMORY_BARRIER_2_KHR = STRUCTURE_TYPE_MEMORY_BARRIER_2 const STRUCTURE_TYPE_MEMORY_DEDICATED_ALLOCATE_INFO_KHR = STRUCTURE_TYPE_MEMORY_DEDICATED_ALLOCATE_INFO const STRUCTURE_TYPE_MEMORY_DEDICATED_REQUIREMENTS_KHR = STRUCTURE_TYPE_MEMORY_DEDICATED_REQUIREMENTS const STRUCTURE_TYPE_MEMORY_OPAQUE_CAPTURE_ADDRESS_ALLOCATE_INFO_KHR = STRUCTURE_TYPE_MEMORY_OPAQUE_CAPTURE_ADDRESS_ALLOCATE_INFO const STRUCTURE_TYPE_MEMORY_REQUIREMENTS_2_KHR = STRUCTURE_TYPE_MEMORY_REQUIREMENTS_2 const STRUCTURE_TYPE_MUTABLE_DESCRIPTOR_TYPE_CREATE_INFO_VALVE = STRUCTURE_TYPE_MUTABLE_DESCRIPTOR_TYPE_CREATE_INFO_EXT const STRUCTURE_TYPE_PHYSICAL_DEVICE_16BIT_STORAGE_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_16BIT_STORAGE_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_8BIT_STORAGE_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_8BIT_STORAGE_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_BUFFER_ADDRESS_FEATURES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_BUFFER_DEVICE_ADDRESS_FEATURES_EXT const STRUCTURE_TYPE_PHYSICAL_DEVICE_BUFFER_DEVICE_ADDRESS_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_BUFFER_DEVICE_ADDRESS_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_STENCIL_RESOLVE_PROPERTIES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_STENCIL_RESOLVE_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_INDEXING_FEATURES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_INDEXING_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_INDEXING_PROPERTIES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_INDEXING_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_DRIVER_PROPERTIES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_DRIVER_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_DYNAMIC_RENDERING_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_DYNAMIC_RENDERING_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_BUFFER_INFO_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_BUFFER_INFO const STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_FENCE_INFO_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_FENCE_INFO const STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_IMAGE_FORMAT_INFO_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_IMAGE_FORMAT_INFO const STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_SEMAPHORE_INFO_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_SEMAPHORE_INFO const STRUCTURE_TYPE_PHYSICAL_DEVICE_FEATURES_2_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_FEATURES_2 const STRUCTURE_TYPE_PHYSICAL_DEVICE_FLOAT16_INT8_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_FLOAT16_INT8_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_FLOAT_CONTROLS_PROPERTIES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_FLOAT_CONTROLS_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADER_BARYCENTRIC_FEATURES_NV = STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADER_BARYCENTRIC_FEATURES_KHR const STRUCTURE_TYPE_PHYSICAL_DEVICE_GLOBAL_PRIORITY_QUERY_FEATURES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_GLOBAL_PRIORITY_QUERY_FEATURES_KHR const STRUCTURE_TYPE_PHYSICAL_DEVICE_GROUP_PROPERTIES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_GROUP_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_HOST_QUERY_RESET_FEATURES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_HOST_QUERY_RESET_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_ID_PROPERTIES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_ID_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGELESS_FRAMEBUFFER_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGELESS_FRAMEBUFFER_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_FORMAT_INFO_2_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_FORMAT_INFO_2 const STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_ROBUSTNESS_FEATURES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_ROBUSTNESS_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_INLINE_UNIFORM_BLOCK_FEATURES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_INLINE_UNIFORM_BLOCK_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_INLINE_UNIFORM_BLOCK_PROPERTIES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_INLINE_UNIFORM_BLOCK_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_3_PROPERTIES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_3_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_4_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_4_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_4_PROPERTIES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_4_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_PROPERTIES_2_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_PROPERTIES_2 const STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_PROPERTIES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_MUTABLE_DESCRIPTOR_TYPE_FEATURES_VALVE = STRUCTURE_TYPE_PHYSICAL_DEVICE_MUTABLE_DESCRIPTOR_TYPE_FEATURES_EXT const STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_CREATION_CACHE_CONTROL_FEATURES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_CREATION_CACHE_CONTROL_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_POINT_CLIPPING_PROPERTIES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_POINT_CLIPPING_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_PRIVATE_DATA_FEATURES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_PRIVATE_DATA_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_PROPERTIES_2_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_PROPERTIES_2 const STRUCTURE_TYPE_PHYSICAL_DEVICE_RASTERIZATION_ORDER_ATTACHMENT_ACCESS_FEATURES_ARM = STRUCTURE_TYPE_PHYSICAL_DEVICE_RASTERIZATION_ORDER_ATTACHMENT_ACCESS_FEATURES_EXT const STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLER_FILTER_MINMAX_PROPERTIES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLER_FILTER_MINMAX_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLER_YCBCR_CONVERSION_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLER_YCBCR_CONVERSION_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SCALAR_BLOCK_LAYOUT_FEATURES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_SCALAR_BLOCK_LAYOUT_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SEPARATE_DEPTH_STENCIL_LAYOUTS_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_SEPARATE_DEPTH_STENCIL_LAYOUTS_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_ATOMIC_INT64_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_ATOMIC_INT64_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_DEMOTE_TO_HELPER_INVOCATION_FEATURES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_DEMOTE_TO_HELPER_INVOCATION_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_DRAW_PARAMETER_FEATURES = STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_DRAW_PARAMETERS_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_FLOAT16_INT8_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_FLOAT16_INT8_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_DOT_PRODUCT_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_DOT_PRODUCT_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_DOT_PRODUCT_PROPERTIES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_DOT_PRODUCT_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SUBGROUP_EXTENDED_TYPES_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SUBGROUP_EXTENDED_TYPES_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_TERMINATE_INVOCATION_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_TERMINATE_INVOCATION_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SPARSE_IMAGE_FORMAT_INFO_2_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_SPARSE_IMAGE_FORMAT_INFO_2 const STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_SIZE_CONTROL_FEATURES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_SIZE_CONTROL_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_SIZE_CONTROL_PROPERTIES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_SIZE_CONTROL_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_SYNCHRONIZATION_2_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_SYNCHRONIZATION_2_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXEL_BUFFER_ALIGNMENT_PROPERTIES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXEL_BUFFER_ALIGNMENT_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXTURE_COMPRESSION_ASTC_HDR_FEATURES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXTURE_COMPRESSION_ASTC_HDR_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_TIMELINE_SEMAPHORE_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_TIMELINE_SEMAPHORE_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_TIMELINE_SEMAPHORE_PROPERTIES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_TIMELINE_SEMAPHORE_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_TOOL_PROPERTIES_EXT = STRUCTURE_TYPE_PHYSICAL_DEVICE_TOOL_PROPERTIES const STRUCTURE_TYPE_PHYSICAL_DEVICE_UNIFORM_BUFFER_STANDARD_LAYOUT_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_UNIFORM_BUFFER_STANDARD_LAYOUT_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_VARIABLE_POINTERS_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_VARIABLE_POINTERS_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_VARIABLE_POINTER_FEATURES = STRUCTURE_TYPE_PHYSICAL_DEVICE_VARIABLE_POINTERS_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_MEMORY_MODEL_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_MEMORY_MODEL_FEATURES const STRUCTURE_TYPE_PHYSICAL_DEVICE_ZERO_INITIALIZE_WORKGROUP_MEMORY_FEATURES_KHR = STRUCTURE_TYPE_PHYSICAL_DEVICE_ZERO_INITIALIZE_WORKGROUP_MEMORY_FEATURES const STRUCTURE_TYPE_PIPELINE_CREATION_FEEDBACK_CREATE_INFO_EXT = STRUCTURE_TYPE_PIPELINE_CREATION_FEEDBACK_CREATE_INFO const STRUCTURE_TYPE_PIPELINE_INFO_EXT = STRUCTURE_TYPE_PIPELINE_INFO_KHR const STRUCTURE_TYPE_PIPELINE_RENDERING_CREATE_INFO_KHR = STRUCTURE_TYPE_PIPELINE_RENDERING_CREATE_INFO const STRUCTURE_TYPE_PIPELINE_SHADER_STAGE_REQUIRED_SUBGROUP_SIZE_CREATE_INFO_EXT = STRUCTURE_TYPE_PIPELINE_SHADER_STAGE_REQUIRED_SUBGROUP_SIZE_CREATE_INFO const STRUCTURE_TYPE_PIPELINE_TESSELLATION_DOMAIN_ORIGIN_STATE_CREATE_INFO_KHR = STRUCTURE_TYPE_PIPELINE_TESSELLATION_DOMAIN_ORIGIN_STATE_CREATE_INFO const STRUCTURE_TYPE_PRIVATE_DATA_SLOT_CREATE_INFO_EXT = STRUCTURE_TYPE_PRIVATE_DATA_SLOT_CREATE_INFO const STRUCTURE_TYPE_QUERY_POOL_CREATE_INFO_INTEL = STRUCTURE_TYPE_QUERY_POOL_PERFORMANCE_QUERY_CREATE_INFO_INTEL const STRUCTURE_TYPE_QUEUE_FAMILY_GLOBAL_PRIORITY_PROPERTIES_EXT = STRUCTURE_TYPE_QUEUE_FAMILY_GLOBAL_PRIORITY_PROPERTIES_KHR const STRUCTURE_TYPE_QUEUE_FAMILY_PROPERTIES_2_KHR = STRUCTURE_TYPE_QUEUE_FAMILY_PROPERTIES_2 const STRUCTURE_TYPE_RENDERING_ATTACHMENT_INFO_KHR = STRUCTURE_TYPE_RENDERING_ATTACHMENT_INFO const STRUCTURE_TYPE_RENDERING_INFO_KHR = STRUCTURE_TYPE_RENDERING_INFO const STRUCTURE_TYPE_RENDER_PASS_ATTACHMENT_BEGIN_INFO_KHR = STRUCTURE_TYPE_RENDER_PASS_ATTACHMENT_BEGIN_INFO const STRUCTURE_TYPE_RENDER_PASS_CREATE_INFO_2_KHR = STRUCTURE_TYPE_RENDER_PASS_CREATE_INFO_2 const STRUCTURE_TYPE_RENDER_PASS_INPUT_ATTACHMENT_ASPECT_CREATE_INFO_KHR = STRUCTURE_TYPE_RENDER_PASS_INPUT_ATTACHMENT_ASPECT_CREATE_INFO const STRUCTURE_TYPE_RENDER_PASS_MULTIVIEW_CREATE_INFO_KHR = STRUCTURE_TYPE_RENDER_PASS_MULTIVIEW_CREATE_INFO const STRUCTURE_TYPE_RESOLVE_IMAGE_INFO_2_KHR = STRUCTURE_TYPE_RESOLVE_IMAGE_INFO_2 const STRUCTURE_TYPE_SAMPLER_REDUCTION_MODE_CREATE_INFO_EXT = STRUCTURE_TYPE_SAMPLER_REDUCTION_MODE_CREATE_INFO const STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_CREATE_INFO_KHR = STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_CREATE_INFO const STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_IMAGE_FORMAT_PROPERTIES_KHR = STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_IMAGE_FORMAT_PROPERTIES const STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_INFO_KHR = STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_INFO const STRUCTURE_TYPE_SEMAPHORE_SIGNAL_INFO_KHR = STRUCTURE_TYPE_SEMAPHORE_SIGNAL_INFO const STRUCTURE_TYPE_SEMAPHORE_SUBMIT_INFO_KHR = STRUCTURE_TYPE_SEMAPHORE_SUBMIT_INFO const STRUCTURE_TYPE_SEMAPHORE_TYPE_CREATE_INFO_KHR = STRUCTURE_TYPE_SEMAPHORE_TYPE_CREATE_INFO const STRUCTURE_TYPE_SEMAPHORE_WAIT_INFO_KHR = STRUCTURE_TYPE_SEMAPHORE_WAIT_INFO const STRUCTURE_TYPE_SPARSE_IMAGE_FORMAT_PROPERTIES_2_KHR = STRUCTURE_TYPE_SPARSE_IMAGE_FORMAT_PROPERTIES_2 const STRUCTURE_TYPE_SPARSE_IMAGE_MEMORY_REQUIREMENTS_2_KHR = STRUCTURE_TYPE_SPARSE_IMAGE_MEMORY_REQUIREMENTS_2 const STRUCTURE_TYPE_SUBMIT_INFO_2_KHR = STRUCTURE_TYPE_SUBMIT_INFO_2 const STRUCTURE_TYPE_SUBPASS_BEGIN_INFO_KHR = STRUCTURE_TYPE_SUBPASS_BEGIN_INFO const STRUCTURE_TYPE_SUBPASS_DEPENDENCY_2_KHR = STRUCTURE_TYPE_SUBPASS_DEPENDENCY_2 const STRUCTURE_TYPE_SUBPASS_DESCRIPTION_2_KHR = STRUCTURE_TYPE_SUBPASS_DESCRIPTION_2 const STRUCTURE_TYPE_SUBPASS_DESCRIPTION_DEPTH_STENCIL_RESOLVE_KHR = STRUCTURE_TYPE_SUBPASS_DESCRIPTION_DEPTH_STENCIL_RESOLVE const STRUCTURE_TYPE_SUBPASS_END_INFO_KHR = STRUCTURE_TYPE_SUBPASS_END_INFO const STRUCTURE_TYPE_SURFACE_CAPABILITIES2_EXT = STRUCTURE_TYPE_SURFACE_CAPABILITIES_2_EXT const STRUCTURE_TYPE_TIMELINE_SEMAPHORE_SUBMIT_INFO_KHR = STRUCTURE_TYPE_TIMELINE_SEMAPHORE_SUBMIT_INFO const STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET_INLINE_UNIFORM_BLOCK_EXT = STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET_INLINE_UNIFORM_BLOCK const SUBMIT_PROTECTED_BIT_KHR = SUBMIT_PROTECTED_BIT const SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_COLOR_ACCESS_BIT_ARM = SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_COLOR_ACCESS_BIT_EXT const SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_DEPTH_ACCESS_BIT_ARM = SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_DEPTH_ACCESS_BIT_EXT const SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_STENCIL_ACCESS_BIT_ARM = SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_STENCIL_ACCESS_BIT_EXT const SURFACE_COUNTER_VBLANK_EXT = SURFACE_COUNTER_VBLANK_BIT_EXT const TESSELLATION_DOMAIN_ORIGIN_LOWER_LEFT_KHR = TESSELLATION_DOMAIN_ORIGIN_LOWER_LEFT const TESSELLATION_DOMAIN_ORIGIN_UPPER_LEFT_KHR = TESSELLATION_DOMAIN_ORIGIN_UPPER_LEFT const TOOL_PURPOSE_ADDITIONAL_FEATURES_BIT_EXT = TOOL_PURPOSE_ADDITIONAL_FEATURES_BIT const TOOL_PURPOSE_MODIFYING_FEATURES_BIT_EXT = TOOL_PURPOSE_MODIFYING_FEATURES_BIT const TOOL_PURPOSE_PROFILING_BIT_EXT = TOOL_PURPOSE_PROFILING_BIT const TOOL_PURPOSE_TRACING_BIT_EXT = TOOL_PURPOSE_TRACING_BIT const TOOL_PURPOSE_VALIDATION_BIT_EXT = TOOL_PURPOSE_VALIDATION_BIT const AabbPositionsNV = AabbPositionsKHR const AccelerationStructureInstanceNV = AccelerationStructureInstanceKHR const AccelerationStructureTypeNV = AccelerationStructureTypeKHR const AccessFlag2KHR = AccessFlag2 const AttachmentDescription2KHR = AttachmentDescription2 const AttachmentDescriptionStencilLayoutKHR = AttachmentDescriptionStencilLayout const AttachmentReference2KHR = AttachmentReference2 const AttachmentReferenceStencilLayoutKHR = AttachmentReferenceStencilLayout const AttachmentSampleCountInfoNV = AttachmentSampleCountInfoAMD const BindBufferMemoryDeviceGroupInfoKHR = BindBufferMemoryDeviceGroupInfo const BindBufferMemoryInfoKHR = BindBufferMemoryInfo const BindImageMemoryDeviceGroupInfoKHR = BindImageMemoryDeviceGroupInfo const BindImageMemoryInfoKHR = BindImageMemoryInfo const BindImagePlaneMemoryInfoKHR = BindImagePlaneMemoryInfo const BlitImageInfo2KHR = BlitImageInfo2 const BufferCopy2KHR = BufferCopy2 const BufferDeviceAddressInfoEXT = BufferDeviceAddressInfo const BufferDeviceAddressInfoKHR = BufferDeviceAddressInfo const BufferImageCopy2KHR = BufferImageCopy2 const BufferMemoryBarrier2KHR = BufferMemoryBarrier2 const BufferMemoryRequirementsInfo2KHR = BufferMemoryRequirementsInfo2 const BufferOpaqueCaptureAddressCreateInfoKHR = BufferOpaqueCaptureAddressCreateInfo const BuildAccelerationStructureFlagNV = BuildAccelerationStructureFlagKHR const ChromaLocationKHR = ChromaLocation const CommandBufferInheritanceRenderingInfoKHR = CommandBufferInheritanceRenderingInfo const CommandBufferSubmitInfoKHR = CommandBufferSubmitInfo const ConformanceVersionKHR = ConformanceVersion const CopyAccelerationStructureModeNV = CopyAccelerationStructureModeKHR const CopyBufferInfo2KHR = CopyBufferInfo2 const CopyBufferToImageInfo2KHR = CopyBufferToImageInfo2 const CopyImageInfo2KHR = CopyImageInfo2 const CopyImageToBufferInfo2KHR = CopyImageToBufferInfo2 const DependencyInfoKHR = DependencyInfo const DescriptorBindingFlagEXT = DescriptorBindingFlag const DescriptorPoolInlineUniformBlockCreateInfoEXT = DescriptorPoolInlineUniformBlockCreateInfo const DescriptorSetLayoutBindingFlagsCreateInfoEXT = DescriptorSetLayoutBindingFlagsCreateInfo const DescriptorSetLayoutSupportKHR = DescriptorSetLayoutSupport const DescriptorSetVariableDescriptorCountAllocateInfoEXT = DescriptorSetVariableDescriptorCountAllocateInfo const DescriptorSetVariableDescriptorCountLayoutSupportEXT = DescriptorSetVariableDescriptorCountLayoutSupport const DescriptorUpdateTemplateCreateInfoKHR = DescriptorUpdateTemplateCreateInfo const DescriptorUpdateTemplateEntryKHR = DescriptorUpdateTemplateEntry const DescriptorUpdateTemplateKHR = DescriptorUpdateTemplate const DescriptorUpdateTemplateTypeKHR = DescriptorUpdateTemplateType const DeviceBufferMemoryRequirementsKHR = DeviceBufferMemoryRequirements const DeviceGroupBindSparseInfoKHR = DeviceGroupBindSparseInfo const DeviceGroupCommandBufferBeginInfoKHR = DeviceGroupCommandBufferBeginInfo const DeviceGroupDeviceCreateInfoKHR = DeviceGroupDeviceCreateInfo const DeviceGroupRenderPassBeginInfoKHR = DeviceGroupRenderPassBeginInfo const DeviceGroupSubmitInfoKHR = DeviceGroupSubmitInfo const DeviceImageMemoryRequirementsKHR = DeviceImageMemoryRequirements const DeviceMemoryOpaqueCaptureAddressInfoKHR = DeviceMemoryOpaqueCaptureAddressInfo const DevicePrivateDataCreateInfoEXT = DevicePrivateDataCreateInfo const DeviceQueueGlobalPriorityCreateInfoEXT = DeviceQueueGlobalPriorityCreateInfoKHR const DriverIdKHR = DriverId const ExportFenceCreateInfoKHR = ExportFenceCreateInfo const ExportMemoryAllocateInfoKHR = ExportMemoryAllocateInfo const ExportSemaphoreCreateInfoKHR = ExportSemaphoreCreateInfo const ExternalBufferPropertiesKHR = ExternalBufferProperties const ExternalFenceFeatureFlagKHR = ExternalFenceFeatureFlag const ExternalFenceHandleTypeFlagKHR = ExternalFenceHandleTypeFlag const ExternalFencePropertiesKHR = ExternalFenceProperties const ExternalImageFormatPropertiesKHR = ExternalImageFormatProperties const ExternalMemoryBufferCreateInfoKHR = ExternalMemoryBufferCreateInfo const ExternalMemoryFeatureFlagKHR = ExternalMemoryFeatureFlag const ExternalMemoryHandleTypeFlagKHR = ExternalMemoryHandleTypeFlag const ExternalMemoryImageCreateInfoKHR = ExternalMemoryImageCreateInfo const ExternalMemoryPropertiesKHR = ExternalMemoryProperties const ExternalSemaphoreFeatureFlagKHR = ExternalSemaphoreFeatureFlag const ExternalSemaphoreHandleTypeFlagKHR = ExternalSemaphoreHandleTypeFlag const ExternalSemaphorePropertiesKHR = ExternalSemaphoreProperties const FenceImportFlagKHR = FenceImportFlag const FormatFeatureFlag2KHR = FormatFeatureFlag2 const FormatProperties2KHR = FormatProperties2 const FormatProperties3KHR = FormatProperties3 const FramebufferAttachmentImageInfoKHR = FramebufferAttachmentImageInfo const FramebufferAttachmentsCreateInfoKHR = FramebufferAttachmentsCreateInfo const GeometryFlagNV = GeometryFlagKHR const GeometryInstanceFlagNV = GeometryInstanceFlagKHR const GeometryTypeNV = GeometryTypeKHR const ImageBlit2KHR = ImageBlit2 const ImageCopy2KHR = ImageCopy2 const ImageFormatListCreateInfoKHR = ImageFormatListCreateInfo const ImageFormatProperties2KHR = ImageFormatProperties2 const ImageMemoryBarrier2KHR = ImageMemoryBarrier2 const ImageMemoryRequirementsInfo2KHR = ImageMemoryRequirementsInfo2 const ImagePlaneMemoryRequirementsInfoKHR = ImagePlaneMemoryRequirementsInfo const ImageResolve2KHR = ImageResolve2 const ImageSparseMemoryRequirementsInfo2KHR = ImageSparseMemoryRequirementsInfo2 const ImageStencilUsageCreateInfoEXT = ImageStencilUsageCreateInfo const ImageViewUsageCreateInfoKHR = ImageViewUsageCreateInfo const InputAttachmentAspectReferenceKHR = InputAttachmentAspectReference const MemoryAllocateFlagKHR = MemoryAllocateFlag const MemoryAllocateFlagsInfoKHR = MemoryAllocateFlagsInfo const MemoryBarrier2KHR = MemoryBarrier2 const MemoryDedicatedAllocateInfoKHR = MemoryDedicatedAllocateInfo const MemoryDedicatedRequirementsKHR = MemoryDedicatedRequirements const MemoryOpaqueCaptureAddressAllocateInfoKHR = MemoryOpaqueCaptureAddressAllocateInfo const MemoryRequirements2KHR = MemoryRequirements2 const MutableDescriptorTypeCreateInfoVALVE = MutableDescriptorTypeCreateInfoEXT const MutableDescriptorTypeListVALVE = MutableDescriptorTypeListEXT const PeerMemoryFeatureFlagKHR = PeerMemoryFeatureFlag const PhysicalDevice16BitStorageFeaturesKHR = PhysicalDevice16BitStorageFeatures const PhysicalDevice8BitStorageFeaturesKHR = PhysicalDevice8BitStorageFeatures const PhysicalDeviceBufferAddressFeaturesEXT = PhysicalDeviceBufferDeviceAddressFeaturesEXT const PhysicalDeviceBufferDeviceAddressFeaturesKHR = PhysicalDeviceBufferDeviceAddressFeatures const PhysicalDeviceDepthStencilResolvePropertiesKHR = PhysicalDeviceDepthStencilResolveProperties const PhysicalDeviceDescriptorIndexingFeaturesEXT = PhysicalDeviceDescriptorIndexingFeatures const PhysicalDeviceDescriptorIndexingPropertiesEXT = PhysicalDeviceDescriptorIndexingProperties const PhysicalDeviceDriverPropertiesKHR = PhysicalDeviceDriverProperties const PhysicalDeviceDynamicRenderingFeaturesKHR = PhysicalDeviceDynamicRenderingFeatures const PhysicalDeviceExternalBufferInfoKHR = PhysicalDeviceExternalBufferInfo const PhysicalDeviceExternalFenceInfoKHR = PhysicalDeviceExternalFenceInfo const PhysicalDeviceExternalImageFormatInfoKHR = PhysicalDeviceExternalImageFormatInfo const PhysicalDeviceExternalSemaphoreInfoKHR = PhysicalDeviceExternalSemaphoreInfo const PhysicalDeviceFeatures2KHR = PhysicalDeviceFeatures2 const PhysicalDeviceFloat16Int8FeaturesKHR = PhysicalDeviceShaderFloat16Int8Features const PhysicalDeviceFloatControlsPropertiesKHR = PhysicalDeviceFloatControlsProperties const PhysicalDeviceFragmentShaderBarycentricFeaturesNV = PhysicalDeviceFragmentShaderBarycentricFeaturesKHR const PhysicalDeviceGlobalPriorityQueryFeaturesEXT = PhysicalDeviceGlobalPriorityQueryFeaturesKHR const PhysicalDeviceGroupPropertiesKHR = PhysicalDeviceGroupProperties const PhysicalDeviceHostQueryResetFeaturesEXT = PhysicalDeviceHostQueryResetFeatures const PhysicalDeviceIDPropertiesKHR = PhysicalDeviceIDProperties const PhysicalDeviceImageFormatInfo2KHR = PhysicalDeviceImageFormatInfo2 const PhysicalDeviceImageRobustnessFeaturesEXT = PhysicalDeviceImageRobustnessFeatures const PhysicalDeviceImagelessFramebufferFeaturesKHR = PhysicalDeviceImagelessFramebufferFeatures const PhysicalDeviceInlineUniformBlockFeaturesEXT = PhysicalDeviceInlineUniformBlockFeatures const PhysicalDeviceInlineUniformBlockPropertiesEXT = PhysicalDeviceInlineUniformBlockProperties const PhysicalDeviceMaintenance3PropertiesKHR = PhysicalDeviceMaintenance3Properties const PhysicalDeviceMaintenance4FeaturesKHR = PhysicalDeviceMaintenance4Features const PhysicalDeviceMaintenance4PropertiesKHR = PhysicalDeviceMaintenance4Properties const PhysicalDeviceMemoryProperties2KHR = PhysicalDeviceMemoryProperties2 const PhysicalDeviceMultiviewFeaturesKHR = PhysicalDeviceMultiviewFeatures const PhysicalDeviceMultiviewPropertiesKHR = PhysicalDeviceMultiviewProperties const PhysicalDeviceMutableDescriptorTypeFeaturesVALVE = PhysicalDeviceMutableDescriptorTypeFeaturesEXT const PhysicalDevicePipelineCreationCacheControlFeaturesEXT = PhysicalDevicePipelineCreationCacheControlFeatures const PhysicalDevicePointClippingPropertiesKHR = PhysicalDevicePointClippingProperties const PhysicalDevicePrivateDataFeaturesEXT = PhysicalDevicePrivateDataFeatures const PhysicalDeviceProperties2KHR = PhysicalDeviceProperties2 const PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesARM = PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT const PhysicalDeviceSamplerFilterMinmaxPropertiesEXT = PhysicalDeviceSamplerFilterMinmaxProperties const PhysicalDeviceSamplerYcbcrConversionFeaturesKHR = PhysicalDeviceSamplerYcbcrConversionFeatures const PhysicalDeviceScalarBlockLayoutFeaturesEXT = PhysicalDeviceScalarBlockLayoutFeatures const PhysicalDeviceSeparateDepthStencilLayoutsFeaturesKHR = PhysicalDeviceSeparateDepthStencilLayoutsFeatures const PhysicalDeviceShaderAtomicInt64FeaturesKHR = PhysicalDeviceShaderAtomicInt64Features const PhysicalDeviceShaderDemoteToHelperInvocationFeaturesEXT = PhysicalDeviceShaderDemoteToHelperInvocationFeatures const PhysicalDeviceShaderDrawParameterFeatures = PhysicalDeviceShaderDrawParametersFeatures const PhysicalDeviceShaderFloat16Int8FeaturesKHR = PhysicalDeviceShaderFloat16Int8Features const PhysicalDeviceShaderIntegerDotProductFeaturesKHR = PhysicalDeviceShaderIntegerDotProductFeatures const PhysicalDeviceShaderIntegerDotProductPropertiesKHR = PhysicalDeviceShaderIntegerDotProductProperties const PhysicalDeviceShaderSubgroupExtendedTypesFeaturesKHR = PhysicalDeviceShaderSubgroupExtendedTypesFeatures const PhysicalDeviceShaderTerminateInvocationFeaturesKHR = PhysicalDeviceShaderTerminateInvocationFeatures const PhysicalDeviceSparseImageFormatInfo2KHR = PhysicalDeviceSparseImageFormatInfo2 const PhysicalDeviceSubgroupSizeControlFeaturesEXT = PhysicalDeviceSubgroupSizeControlFeatures const PhysicalDeviceSubgroupSizeControlPropertiesEXT = PhysicalDeviceSubgroupSizeControlProperties const PhysicalDeviceSynchronization2FeaturesKHR = PhysicalDeviceSynchronization2Features const PhysicalDeviceTexelBufferAlignmentPropertiesEXT = PhysicalDeviceTexelBufferAlignmentProperties const PhysicalDeviceTextureCompressionASTCHDRFeaturesEXT = PhysicalDeviceTextureCompressionASTCHDRFeatures const PhysicalDeviceTimelineSemaphoreFeaturesKHR = PhysicalDeviceTimelineSemaphoreFeatures const PhysicalDeviceTimelineSemaphorePropertiesKHR = PhysicalDeviceTimelineSemaphoreProperties const PhysicalDeviceToolPropertiesEXT = PhysicalDeviceToolProperties const PhysicalDeviceUniformBufferStandardLayoutFeaturesKHR = PhysicalDeviceUniformBufferStandardLayoutFeatures const PhysicalDeviceVariablePointerFeatures = PhysicalDeviceVariablePointersFeatures const PhysicalDeviceVariablePointerFeaturesKHR = PhysicalDeviceVariablePointersFeatures const PhysicalDeviceVariablePointersFeaturesKHR = PhysicalDeviceVariablePointersFeatures const PhysicalDeviceVulkanMemoryModelFeaturesKHR = PhysicalDeviceVulkanMemoryModelFeatures const PhysicalDeviceZeroInitializeWorkgroupMemoryFeaturesKHR = PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures const PipelineCreationFeedbackCreateInfoEXT = PipelineCreationFeedbackCreateInfo const PipelineCreationFeedbackEXT = PipelineCreationFeedback const PipelineCreationFeedbackFlagEXT = PipelineCreationFeedbackFlag const PipelineInfoEXT = PipelineInfoKHR const PipelineRenderingCreateInfoKHR = PipelineRenderingCreateInfo const PipelineShaderStageRequiredSubgroupSizeCreateInfoEXT = PipelineShaderStageRequiredSubgroupSizeCreateInfo const PipelineStageFlag2KHR = PipelineStageFlag2 const PipelineTessellationDomainOriginStateCreateInfoKHR = PipelineTessellationDomainOriginStateCreateInfo const PointClippingBehaviorKHR = PointClippingBehavior const PrivateDataSlotCreateFlagEXT = PrivateDataSlotCreateFlag const PrivateDataSlotCreateInfoEXT = PrivateDataSlotCreateInfo const PrivateDataSlotEXT = PrivateDataSlot const QueryPoolCreateInfoINTEL = QueryPoolPerformanceQueryCreateInfoINTEL const QueueFamilyGlobalPriorityPropertiesEXT = QueueFamilyGlobalPriorityPropertiesKHR const QueueFamilyProperties2KHR = QueueFamilyProperties2 const QueueGlobalPriorityEXT = QueueGlobalPriorityKHR const RayTracingShaderGroupTypeNV = RayTracingShaderGroupTypeKHR const RenderPassAttachmentBeginInfoKHR = RenderPassAttachmentBeginInfo const RenderPassCreateInfo2KHR = RenderPassCreateInfo2 const RenderPassInputAttachmentAspectCreateInfoKHR = RenderPassInputAttachmentAspectCreateInfo const RenderPassMultiviewCreateInfoKHR = RenderPassMultiviewCreateInfo const RenderingAttachmentInfoKHR = RenderingAttachmentInfo const RenderingFlagKHR = RenderingFlag const RenderingInfoKHR = RenderingInfo const ResolveImageInfo2KHR = ResolveImageInfo2 const ResolveModeFlagKHR = ResolveModeFlag const SamplerReductionModeCreateInfoEXT = SamplerReductionModeCreateInfo const SamplerReductionModeEXT = SamplerReductionMode const SamplerYcbcrConversionCreateInfoKHR = SamplerYcbcrConversionCreateInfo const SamplerYcbcrConversionImageFormatPropertiesKHR = SamplerYcbcrConversionImageFormatProperties const SamplerYcbcrConversionInfoKHR = SamplerYcbcrConversionInfo const SamplerYcbcrConversionKHR = SamplerYcbcrConversion const SamplerYcbcrModelConversionKHR = SamplerYcbcrModelConversion const SamplerYcbcrRangeKHR = SamplerYcbcrRange const SemaphoreImportFlagKHR = SemaphoreImportFlag const SemaphoreSignalInfoKHR = SemaphoreSignalInfo const SemaphoreSubmitInfoKHR = SemaphoreSubmitInfo const SemaphoreTypeCreateInfoKHR = SemaphoreTypeCreateInfo const SemaphoreTypeKHR = SemaphoreType const SemaphoreWaitFlagKHR = SemaphoreWaitFlag const SemaphoreWaitInfoKHR = SemaphoreWaitInfo const ShaderFloatControlsIndependenceKHR = ShaderFloatControlsIndependence const SparseImageFormatProperties2KHR = SparseImageFormatProperties2 const SparseImageMemoryRequirements2KHR = SparseImageMemoryRequirements2 const SubmitFlagKHR = SubmitFlag const SubmitInfo2KHR = SubmitInfo2 const SubpassBeginInfoKHR = SubpassBeginInfo const SubpassDependency2KHR = SubpassDependency2 const SubpassDescription2KHR = SubpassDescription2 const SubpassDescriptionDepthStencilResolveKHR = SubpassDescriptionDepthStencilResolve const SubpassEndInfoKHR = SubpassEndInfo const TessellationDomainOriginKHR = TessellationDomainOrigin const TimelineSemaphoreSubmitInfoKHR = TimelineSemaphoreSubmitInfo const ToolPurposeFlagEXT = ToolPurposeFlag const TransformMatrixNV = TransformMatrixKHR const WriteDescriptorSetInlineUniformBlockEXT = WriteDescriptorSetInlineUniformBlock bind_buffer_memory_2_khr(device, args...; kwargs...) = @dispatch(vkBindBufferMemory2KHR, device, bind_buffer_memory_2(device, args...; kwargs...)) bind_image_memory_2_khr(device, args...; kwargs...) = @dispatch(vkBindImageMemory2KHR, device, bind_image_memory_2(device, args...; kwargs...)) cmd_begin_render_pass_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdBeginRenderPass2KHR, device(command_buffer), cmd_begin_render_pass_2(command_buffer, args...; kwargs...)) cmd_begin_rendering_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdBeginRenderingKHR, device(command_buffer), cmd_begin_rendering(command_buffer, args...; kwargs...)) cmd_bind_vertex_buffers_2_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdBindVertexBuffers2EXT, device(command_buffer), cmd_bind_vertex_buffers_2(command_buffer, args...; kwargs...)) cmd_blit_image_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdBlitImage2KHR, device(command_buffer), cmd_blit_image_2(command_buffer, args...; kwargs...)) cmd_copy_buffer_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdCopyBuffer2KHR, device(command_buffer), cmd_copy_buffer_2(command_buffer, args...; kwargs...)) cmd_copy_buffer_to_image_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdCopyBufferToImage2KHR, device(command_buffer), cmd_copy_buffer_to_image_2(command_buffer, args...; kwargs...)) cmd_copy_image_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdCopyImage2KHR, device(command_buffer), cmd_copy_image_2(command_buffer, args...; kwargs...)) cmd_copy_image_to_buffer_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdCopyImageToBuffer2KHR, device(command_buffer), cmd_copy_image_to_buffer_2(command_buffer, args...; kwargs...)) cmd_dispatch_base_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdDispatchBaseKHR, device(command_buffer), cmd_dispatch_base(command_buffer, args...; kwargs...)) cmd_draw_indexed_indirect_count_amd(command_buffer, args...; kwargs...) = @dispatch(vkCmdDrawIndexedIndirectCountAMD, device(command_buffer), cmd_draw_indexed_indirect_count(command_buffer, args...; kwargs...)) cmd_draw_indexed_indirect_count_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdDrawIndexedIndirectCountKHR, device(command_buffer), cmd_draw_indexed_indirect_count(command_buffer, args...; kwargs...)) cmd_draw_indirect_count_amd(command_buffer, args...; kwargs...) = @dispatch(vkCmdDrawIndirectCountAMD, device(command_buffer), cmd_draw_indirect_count(command_buffer, args...; kwargs...)) cmd_draw_indirect_count_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdDrawIndirectCountKHR, device(command_buffer), cmd_draw_indirect_count(command_buffer, args...; kwargs...)) cmd_end_render_pass_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdEndRenderPass2KHR, device(command_buffer), cmd_end_render_pass_2(command_buffer, args...; kwargs...)) cmd_end_rendering_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdEndRenderingKHR, device(command_buffer), cmd_end_rendering(command_buffer, args...; kwargs...)) cmd_next_subpass_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdNextSubpass2KHR, device(command_buffer), cmd_next_subpass_2(command_buffer, args...; kwargs...)) cmd_pipeline_barrier_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdPipelineBarrier2KHR, device(command_buffer), cmd_pipeline_barrier_2(command_buffer, args...; kwargs...)) cmd_reset_event_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdResetEvent2KHR, device(command_buffer), cmd_reset_event_2(command_buffer, args...; kwargs...)) cmd_resolve_image_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdResolveImage2KHR, device(command_buffer), cmd_resolve_image_2(command_buffer, args...; kwargs...)) cmd_set_cull_mode_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetCullModeEXT, device(command_buffer), cmd_set_cull_mode(command_buffer, args...; kwargs...)) cmd_set_depth_bias_enable_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetDepthBiasEnableEXT, device(command_buffer), cmd_set_depth_bias_enable(command_buffer, args...; kwargs...)) cmd_set_depth_bounds_test_enable_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetDepthBoundsTestEnableEXT, device(command_buffer), cmd_set_depth_bounds_test_enable(command_buffer, args...; kwargs...)) cmd_set_depth_compare_op_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetDepthCompareOpEXT, device(command_buffer), cmd_set_depth_compare_op(command_buffer, args...; kwargs...)) cmd_set_depth_test_enable_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetDepthTestEnableEXT, device(command_buffer), cmd_set_depth_test_enable(command_buffer, args...; kwargs...)) cmd_set_depth_write_enable_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetDepthWriteEnableEXT, device(command_buffer), cmd_set_depth_write_enable(command_buffer, args...; kwargs...)) cmd_set_device_mask_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetDeviceMaskKHR, device(command_buffer), cmd_set_device_mask(command_buffer, args...; kwargs...)) cmd_set_event_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetEvent2KHR, device(command_buffer), cmd_set_event_2(command_buffer, args...; kwargs...)) cmd_set_front_face_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetFrontFaceEXT, device(command_buffer), cmd_set_front_face(command_buffer, args...; kwargs...)) cmd_set_primitive_restart_enable_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetPrimitiveRestartEnableEXT, device(command_buffer), cmd_set_primitive_restart_enable(command_buffer, args...; kwargs...)) cmd_set_primitive_topology_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetPrimitiveTopologyEXT, device(command_buffer), cmd_set_primitive_topology(command_buffer, args...; kwargs...)) cmd_set_rasterizer_discard_enable_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetRasterizerDiscardEnableEXT, device(command_buffer), cmd_set_rasterizer_discard_enable(command_buffer, args...; kwargs...)) cmd_set_scissor_with_count_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetScissorWithCountEXT, device(command_buffer), cmd_set_scissor_with_count(command_buffer, args...; kwargs...)) cmd_set_stencil_op_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetStencilOpEXT, device(command_buffer), cmd_set_stencil_op(command_buffer, args...; kwargs...)) cmd_set_stencil_test_enable_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetStencilTestEnableEXT, device(command_buffer), cmd_set_stencil_test_enable(command_buffer, args...; kwargs...)) cmd_set_viewport_with_count_ext(command_buffer, args...; kwargs...) = @dispatch(vkCmdSetViewportWithCountEXT, device(command_buffer), cmd_set_viewport_with_count(command_buffer, args...; kwargs...)) cmd_wait_events_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdWaitEvents2KHR, device(command_buffer), cmd_wait_events_2(command_buffer, args...; kwargs...)) cmd_write_timestamp_2_khr(command_buffer, args...; kwargs...) = @dispatch(vkCmdWriteTimestamp2KHR, device(command_buffer), cmd_write_timestamp_2(command_buffer, args...; kwargs...)) create_descriptor_update_template_khr(device, args...; kwargs...) = @dispatch(vkCreateDescriptorUpdateTemplateKHR, device, create_descriptor_update_template(device, args...; kwargs...)) create_private_data_slot_ext(device, args...; kwargs...) = @dispatch(vkCreatePrivateDataSlotEXT, device, create_private_data_slot(device, args...; kwargs...)) create_render_pass_2_khr(device, args...; kwargs...) = @dispatch(vkCreateRenderPass2KHR, device, create_render_pass_2(device, args...; kwargs...)) create_sampler_ycbcr_conversion_khr(device, args...; kwargs...) = @dispatch(vkCreateSamplerYcbcrConversionKHR, device, create_sampler_ycbcr_conversion(device, args...; kwargs...)) destroy_descriptor_update_template_khr(device, args...; kwargs...) = @dispatch(vkDestroyDescriptorUpdateTemplateKHR, device, destroy_descriptor_update_template(device, args...; kwargs...)) destroy_private_data_slot_ext(device, args...; kwargs...) = @dispatch(vkDestroyPrivateDataSlotEXT, device, destroy_private_data_slot(device, args...; kwargs...)) destroy_sampler_ycbcr_conversion_khr(device, args...; kwargs...) = @dispatch(vkDestroySamplerYcbcrConversionKHR, device, destroy_sampler_ycbcr_conversion(device, args...; kwargs...)) enumerate_physical_device_groups_khr(instance, args...; kwargs...) = @dispatch(vkEnumeratePhysicalDeviceGroupsKHR, instance, enumerate_physical_device_groups(instance, args...; kwargs...)) get_buffer_device_address_ext(device, args...; kwargs...) = @dispatch(vkGetBufferDeviceAddressEXT, device, get_buffer_device_address(device, args...; kwargs...)) get_buffer_device_address_khr(device, args...; kwargs...) = @dispatch(vkGetBufferDeviceAddressKHR, device, get_buffer_device_address(device, args...; kwargs...)) get_buffer_memory_requirements_2_khr(device, args...; kwargs...) = @dispatch(vkGetBufferMemoryRequirements2KHR, device, get_buffer_memory_requirements_2(device, args...; kwargs...)) get_buffer_opaque_capture_address_khr(device, args...; kwargs...) = @dispatch(vkGetBufferOpaqueCaptureAddressKHR, device, get_buffer_opaque_capture_address(device, args...; kwargs...)) get_descriptor_set_layout_support_khr(device, args...; kwargs...) = @dispatch(vkGetDescriptorSetLayoutSupportKHR, device, get_descriptor_set_layout_support(device, args...; kwargs...)) get_device_buffer_memory_requirements_khr(device, args...; kwargs...) = @dispatch(vkGetDeviceBufferMemoryRequirementsKHR, device, get_device_buffer_memory_requirements(device, args...; kwargs...)) get_device_group_peer_memory_features_khr(device, args...; kwargs...) = @dispatch(vkGetDeviceGroupPeerMemoryFeaturesKHR, device, get_device_group_peer_memory_features(device, args...; kwargs...)) get_device_image_memory_requirements_khr(device, args...; kwargs...) = @dispatch(vkGetDeviceImageMemoryRequirementsKHR, device, get_device_image_memory_requirements(device, args...; kwargs...)) get_device_image_sparse_memory_requirements_khr(device, args...; kwargs...) = @dispatch(vkGetDeviceImageSparseMemoryRequirementsKHR, device, get_device_image_sparse_memory_requirements(device, args...; kwargs...)) get_device_memory_opaque_capture_address_khr(device, args...; kwargs...) = @dispatch(vkGetDeviceMemoryOpaqueCaptureAddressKHR, device, get_device_memory_opaque_capture_address(device, args...; kwargs...)) get_image_memory_requirements_2_khr(device, args...; kwargs...) = @dispatch(vkGetImageMemoryRequirements2KHR, device, get_image_memory_requirements_2(device, args...; kwargs...)) get_image_sparse_memory_requirements_2_khr(device, args...; kwargs...) = @dispatch(vkGetImageSparseMemoryRequirements2KHR, device, get_image_sparse_memory_requirements_2(device, args...; kwargs...)) get_physical_device_external_buffer_properties_khr(physical_device, args...; kwargs...) = @dispatch(vkGetPhysicalDeviceExternalBufferPropertiesKHR, instance(physical_device), get_physical_device_external_buffer_properties(physical_device, args...; kwargs...)) get_physical_device_external_fence_properties_khr(physical_device, args...; kwargs...) = @dispatch(vkGetPhysicalDeviceExternalFencePropertiesKHR, instance(physical_device), get_physical_device_external_fence_properties(physical_device, args...; kwargs...)) get_physical_device_external_semaphore_properties_khr(physical_device, args...; kwargs...) = @dispatch(vkGetPhysicalDeviceExternalSemaphorePropertiesKHR, instance(physical_device), get_physical_device_external_semaphore_properties(physical_device, args...; kwargs...)) get_physical_device_features_2_khr(physical_device, args...; kwargs...) = @dispatch(vkGetPhysicalDeviceFeatures2KHR, instance(physical_device), get_physical_device_features_2(physical_device, args...; kwargs...)) get_physical_device_format_properties_2_khr(physical_device, args...; kwargs...) = @dispatch(vkGetPhysicalDeviceFormatProperties2KHR, instance(physical_device), get_physical_device_format_properties_2(physical_device, args...; kwargs...)) get_physical_device_image_format_properties_2_khr(physical_device, args...; kwargs...) = @dispatch(vkGetPhysicalDeviceImageFormatProperties2KHR, instance(physical_device), get_physical_device_image_format_properties_2(physical_device, args...; kwargs...)) get_physical_device_memory_properties_2_khr(physical_device, args...; kwargs...) = @dispatch(vkGetPhysicalDeviceMemoryProperties2KHR, instance(physical_device), get_physical_device_memory_properties_2(physical_device, args...; kwargs...)) get_physical_device_properties_2_khr(physical_device, args...; kwargs...) = @dispatch(vkGetPhysicalDeviceProperties2KHR, instance(physical_device), get_physical_device_properties_2(physical_device, args...; kwargs...)) get_physical_device_queue_family_properties_2_khr(physical_device, args...; kwargs...) = @dispatch(vkGetPhysicalDeviceQueueFamilyProperties2KHR, instance(physical_device), get_physical_device_queue_family_properties_2(physical_device, args...; kwargs...)) get_physical_device_sparse_image_format_properties_2_khr(physical_device, args...; kwargs...) = @dispatch(vkGetPhysicalDeviceSparseImageFormatProperties2KHR, instance(physical_device), get_physical_device_sparse_image_format_properties_2(physical_device, args...; kwargs...)) get_physical_device_tool_properties_ext(physical_device, args...; kwargs...) = @dispatch(vkGetPhysicalDeviceToolPropertiesEXT, instance(physical_device), get_physical_device_tool_properties(physical_device, args...; kwargs...)) get_private_data_ext(device, args...; kwargs...) = @dispatch(vkGetPrivateDataEXT, device, get_private_data(device, args...; kwargs...)) get_ray_tracing_shader_group_handles_nv(device, args...; kwargs...) = @dispatch(vkGetRayTracingShaderGroupHandlesNV, device, get_ray_tracing_shader_group_handles_khr(device, args...; kwargs...)) get_semaphore_counter_value_khr(device, args...; kwargs...) = @dispatch(vkGetSemaphoreCounterValueKHR, device, get_semaphore_counter_value(device, args...; kwargs...)) queue_submit_2_khr(queue, args...; kwargs...) = @dispatch(vkQueueSubmit2KHR, device(queue), queue_submit_2(queue, args...; kwargs...)) reset_query_pool_ext(device, args...; kwargs...) = @dispatch(vkResetQueryPoolEXT, device, reset_query_pool(device, args...; kwargs...)) set_private_data_ext(device, args...; kwargs...) = @dispatch(vkSetPrivateDataEXT, device, set_private_data(device, args...; kwargs...)) signal_semaphore_khr(device, args...; kwargs...) = @dispatch(vkSignalSemaphoreKHR, device, signal_semaphore(device, args...; kwargs...)) trim_command_pool_khr(device, args...; kwargs...) = @dispatch(vkTrimCommandPoolKHR, device, trim_command_pool(device, args...; kwargs...)) update_descriptor_set_with_template_khr(device, args...; kwargs...) = @dispatch(vkUpdateDescriptorSetWithTemplateKHR, device, update_descriptor_set_with_template(device, args...; kwargs...)) wait_semaphores_khr(device, args...; kwargs...) = @dispatch(vkWaitSemaphoresKHR, device, wait_semaphores(device, args...; kwargs...)) const SPIRV_EXTENSIONS = [SpecExtensionSPIRV("SPV_KHR_variable_pointers", v"1.1.0", ["VK_KHR_variable_pointers"]), SpecExtensionSPIRV("SPV_AMD_shader_explicit_vertex_parameter", nothing, ["VK_AMD_shader_explicit_vertex_parameter"]), SpecExtensionSPIRV("SPV_AMD_gcn_shader", nothing, ["VK_AMD_gcn_shader"]), SpecExtensionSPIRV("SPV_AMD_gpu_shader_half_float", nothing, ["VK_AMD_gpu_shader_half_float"]), SpecExtensionSPIRV("SPV_AMD_gpu_shader_int16", nothing, ["VK_AMD_gpu_shader_int16"]), SpecExtensionSPIRV("SPV_AMD_shader_ballot", nothing, ["VK_AMD_shader_ballot"]), SpecExtensionSPIRV("SPV_AMD_shader_fragment_mask", nothing, ["VK_AMD_shader_fragment_mask"]), SpecExtensionSPIRV("SPV_AMD_shader_image_load_store_lod", nothing, ["VK_AMD_shader_image_load_store_lod"]), SpecExtensionSPIRV("SPV_AMD_shader_trinary_minmax", nothing, ["VK_AMD_shader_trinary_minmax"]), SpecExtensionSPIRV("SPV_AMD_texture_gather_bias_lod", nothing, ["VK_AMD_texture_gather_bias_lod"]), SpecExtensionSPIRV("SPV_AMD_shader_early_and_late_fragment_tests", nothing, ["VK_AMD_shader_early_and_late_fragment_tests"]), SpecExtensionSPIRV("SPV_KHR_shader_draw_parameters", v"1.1.0", ["VK_KHR_shader_draw_parameters"]), SpecExtensionSPIRV("SPV_KHR_8bit_storage", v"1.2.0", ["VK_KHR_8bit_storage"]), SpecExtensionSPIRV("SPV_KHR_16bit_storage", v"1.1.0", ["VK_KHR_16bit_storage"]), SpecExtensionSPIRV("SPV_KHR_shader_clock", nothing, ["VK_KHR_shader_clock"]), SpecExtensionSPIRV("SPV_KHR_float_controls", v"1.2.0", ["VK_KHR_shader_float_controls"]), SpecExtensionSPIRV("SPV_KHR_storage_buffer_storage_class", v"1.1.0", ["VK_KHR_storage_buffer_storage_class"]), SpecExtensionSPIRV("SPV_KHR_post_depth_coverage", nothing, ["VK_EXT_post_depth_coverage"]), SpecExtensionSPIRV("SPV_EXT_shader_stencil_export", nothing, ["VK_EXT_shader_stencil_export"]), SpecExtensionSPIRV("SPV_KHR_shader_ballot", nothing, ["VK_EXT_shader_subgroup_ballot"]), SpecExtensionSPIRV("SPV_KHR_subgroup_vote", nothing, ["VK_EXT_shader_subgroup_vote"]), SpecExtensionSPIRV("SPV_NV_sample_mask_override_coverage", nothing, ["VK_NV_sample_mask_override_coverage"]), SpecExtensionSPIRV("SPV_NV_geometry_shader_passthrough", nothing, ["VK_NV_geometry_shader_passthrough"]), SpecExtensionSPIRV("SPV_NV_mesh_shader", nothing, ["VK_NV_mesh_shader"]), SpecExtensionSPIRV("SPV_NV_viewport_array2", nothing, ["VK_NV_viewport_array2"]), SpecExtensionSPIRV("SPV_NV_shader_subgroup_partitioned", nothing, ["VK_NV_shader_subgroup_partitioned"]), SpecExtensionSPIRV("SPV_NV_shader_invocation_reorder", nothing, ["VK_NV_ray_tracing_invocation_reorder"]), SpecExtensionSPIRV("SPV_EXT_shader_viewport_index_layer", v"1.2.0", ["VK_EXT_shader_viewport_index_layer"]), SpecExtensionSPIRV("SPV_NVX_multiview_per_view_attributes", nothing, ["VK_NVX_multiview_per_view_attributes"]), SpecExtensionSPIRV("SPV_EXT_descriptor_indexing", v"1.2.0", ["VK_EXT_descriptor_indexing"]), SpecExtensionSPIRV("SPV_KHR_vulkan_memory_model", v"1.2.0", ["VK_KHR_vulkan_memory_model"]), SpecExtensionSPIRV("SPV_NV_compute_shader_derivatives", nothing, ["VK_NV_compute_shader_derivatives"]), SpecExtensionSPIRV("SPV_NV_fragment_shader_barycentric", nothing, ["VK_NV_fragment_shader_barycentric"]), SpecExtensionSPIRV("SPV_NV_shader_image_footprint", nothing, ["VK_NV_shader_image_footprint"]), SpecExtensionSPIRV("SPV_NV_shading_rate", nothing, ["VK_NV_shading_rate_image"]), SpecExtensionSPIRV("SPV_NV_ray_tracing", nothing, ["VK_NV_ray_tracing"]), SpecExtensionSPIRV("SPV_KHR_ray_tracing", nothing, ["VK_KHR_ray_tracing_pipeline"]), SpecExtensionSPIRV("SPV_KHR_ray_query", nothing, ["VK_KHR_ray_query"]), SpecExtensionSPIRV("SPV_KHR_ray_cull_mask", nothing, ["VK_KHR_ray_tracing_maintenance1"]), SpecExtensionSPIRV("SPV_GOOGLE_hlsl_functionality1", nothing, ["VK_GOOGLE_hlsl_functionality1"]), SpecExtensionSPIRV("SPV_GOOGLE_user_type", nothing, ["VK_GOOGLE_user_type"]), SpecExtensionSPIRV("SPV_GOOGLE_decorate_string", nothing, ["VK_GOOGLE_decorate_string"]), SpecExtensionSPIRV("SPV_EXT_fragment_invocation_density", nothing, ["VK_EXT_fragment_density_map"]), SpecExtensionSPIRV("SPV_KHR_physical_storage_buffer", v"1.2.0", ["VK_KHR_buffer_device_address"]), SpecExtensionSPIRV("SPV_EXT_physical_storage_buffer", nothing, ["VK_EXT_buffer_device_address"]), SpecExtensionSPIRV("SPV_NV_cooperative_matrix", nothing, ["VK_NV_cooperative_matrix"]), SpecExtensionSPIRV("SPV_NV_shader_sm_builtins", nothing, ["VK_NV_shader_sm_builtins"]), SpecExtensionSPIRV("SPV_EXT_fragment_shader_interlock", nothing, ["VK_EXT_fragment_shader_interlock"]), SpecExtensionSPIRV("SPV_EXT_demote_to_helper_invocation", nothing, ["VK_EXT_shader_demote_to_helper_invocation"]), SpecExtensionSPIRV("SPV_KHR_fragment_shading_rate", nothing, ["VK_KHR_fragment_shading_rate"]), SpecExtensionSPIRV("SPV_KHR_non_semantic_info", nothing, ["VK_KHR_shader_non_semantic_info"]), SpecExtensionSPIRV("SPV_EXT_shader_image_int64", nothing, ["VK_EXT_shader_image_atomic_int64"]), SpecExtensionSPIRV("SPV_KHR_terminate_invocation", nothing, ["VK_KHR_shader_terminate_invocation"]), SpecExtensionSPIRV("SPV_KHR_multiview", v"1.1.0", ["VK_KHR_multiview"]), SpecExtensionSPIRV("SPV_KHR_workgroup_memory_explicit_layout", nothing, ["VK_KHR_workgroup_memory_explicit_layout"]), SpecExtensionSPIRV("SPV_EXT_shader_atomic_float_add", nothing, ["VK_EXT_shader_atomic_float"]), SpecExtensionSPIRV("SPV_KHR_fragment_shader_barycentric", nothing, ["VK_KHR_fragment_shader_barycentric"]), SpecExtensionSPIRV("SPV_KHR_subgroup_uniform_control_flow", nothing, ["VK_KHR_shader_subgroup_uniform_control_flow"]), SpecExtensionSPIRV("SPV_EXT_shader_atomic_float_min_max", nothing, ["VK_EXT_shader_atomic_float2"]), SpecExtensionSPIRV("SPV_EXT_shader_atomic_float16_add", nothing, ["VK_EXT_shader_atomic_float2"]), SpecExtensionSPIRV("SPV_KHR_integer_dot_product", nothing, ["VK_KHR_shader_integer_dot_product"]), SpecExtensionSPIRV("SPV_INTEL_shader_integer_functions", nothing, ["VK_INTEL_shader_integer_functions2"]), SpecExtensionSPIRV("SPV_KHR_device_group", nothing, ["VK_KHR_device_group"]), SpecExtensionSPIRV("SPV_QCOM_image_processing", nothing, ["VK_QCOM_image_processing"]), SpecExtensionSPIRV("SPV_EXT_mesh_shader", nothing, ["VK_EXT_mesh_shader"])] const SPIRV_CAPABILITIES = [SpecCapabilitySPIRV(:Matrix, v"1.0.0", String[], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:Shader, v"1.0.0", String[], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:InputAttachment, v"1.0.0", String[], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:Sampled1D, v"1.0.0", String[], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:Image1D, v"1.0.0", String[], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:SampledBuffer, v"1.0.0", String[], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:ImageBuffer, v"1.0.0", String[], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:ImageQuery, v"1.0.0", String[], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:DerivativeControl, v"1.0.0", String[], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:Geometry, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :geometry_shader, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:Tessellation, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :tessellation_shader, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:Float64, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_float_64, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:Int64, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_int_64, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:Int64Atomics, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_buffer_int_64_atomics, nothing, "VK_KHR_shader_atomic_int64"), FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_shared_int_64_atomics, nothing, "VK_KHR_shader_atomic_int64"), FeatureCondition(:PhysicalDeviceShaderImageAtomicInt64FeaturesEXT, :shader_image_int_64_atomics, nothing, "VK_EXT_shader_image_atomic_int64")], PropertyCondition[]), SpecCapabilitySPIRV(:AtomicFloat16AddEXT, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceShaderAtomicFloat2FeaturesEXT, :shader_buffer_float_16_atomic_add, nothing, "VK_EXT_shader_atomic_float2"), FeatureCondition(:PhysicalDeviceShaderAtomicFloat2FeaturesEXT, :shader_shared_float_16_atomic_add, nothing, "VK_EXT_shader_atomic_float2")], PropertyCondition[]), SpecCapabilitySPIRV(:AtomicFloat32AddEXT, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceShaderAtomicFloatFeaturesEXT, :shader_buffer_float_32_atomic_add, nothing, "VK_EXT_shader_atomic_float"), FeatureCondition(:PhysicalDeviceShaderAtomicFloatFeaturesEXT, :shader_shared_float_32_atomic_add, nothing, "VK_EXT_shader_atomic_float"), FeatureCondition(:PhysicalDeviceShaderAtomicFloatFeaturesEXT, :shader_image_float_32_atomic_add, nothing, "VK_EXT_shader_atomic_float")], PropertyCondition[]), SpecCapabilitySPIRV(:AtomicFloat64AddEXT, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceShaderAtomicFloatFeaturesEXT, :shader_buffer_float_64_atomic_add, nothing, "VK_EXT_shader_atomic_float"), FeatureCondition(:PhysicalDeviceShaderAtomicFloatFeaturesEXT, :shader_shared_float_64_atomic_add, nothing, "VK_EXT_shader_atomic_float")], PropertyCondition[]), SpecCapabilitySPIRV(:AtomicFloat16MinMaxEXT, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceShaderAtomicFloat2FeaturesEXT, :shader_buffer_float_16_atomic_min_max, nothing, "VK_EXT_shader_atomic_float2"), FeatureCondition(:PhysicalDeviceShaderAtomicFloat2FeaturesEXT, :shader_shared_float_16_atomic_min_max, nothing, "VK_EXT_shader_atomic_float2")], PropertyCondition[]), SpecCapabilitySPIRV(:AtomicFloat32MinMaxEXT, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceShaderAtomicFloat2FeaturesEXT, :shader_buffer_float_32_atomic_min_max, nothing, "VK_EXT_shader_atomic_float2"), FeatureCondition(:PhysicalDeviceShaderAtomicFloat2FeaturesEXT, :shader_shared_float_32_atomic_min_max, nothing, "VK_EXT_shader_atomic_float2"), FeatureCondition(:PhysicalDeviceShaderAtomicFloat2FeaturesEXT, :shader_image_float_32_atomic_min_max, nothing, "VK_EXT_shader_atomic_float2")], PropertyCondition[]), SpecCapabilitySPIRV(:AtomicFloat64MinMaxEXT, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceShaderAtomicFloat2FeaturesEXT, :shader_buffer_float_64_atomic_min_max, nothing, "VK_EXT_shader_atomic_float2"), FeatureCondition(:PhysicalDeviceShaderAtomicFloat2FeaturesEXT, :shader_shared_float_64_atomic_min_max, nothing, "VK_EXT_shader_atomic_float2")], PropertyCondition[]), SpecCapabilitySPIRV(:Int64ImageEXT, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceShaderImageAtomicInt64FeaturesEXT, :shader_image_int_64_atomics, nothing, "VK_EXT_shader_image_atomic_int64")], PropertyCondition[]), SpecCapabilitySPIRV(:Int16, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_int_16, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:TessellationPointSize, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_tessellation_and_geometry_point_size, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:GeometryPointSize, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_tessellation_and_geometry_point_size, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:ImageGatherExtended, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_image_gather_extended, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:StorageImageMultisample, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_storage_image_multisample, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:UniformBufferArrayDynamicIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_uniform_buffer_array_dynamic_indexing, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:SampledImageArrayDynamicIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_sampled_image_array_dynamic_indexing, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:StorageBufferArrayDynamicIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_storage_buffer_array_dynamic_indexing, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:StorageImageArrayDynamicIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_storage_image_array_dynamic_indexing, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:ClipDistance, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_clip_distance, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:CullDistance, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_cull_distance, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:ImageCubeArray, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :image_cube_array, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:SampleRateShading, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :sample_rate_shading, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:SparseResidency, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_resource_residency, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:MinLod, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_resource_min_lod, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:SampledCubeArray, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :image_cube_array, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:ImageMSArray, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_storage_image_multisample, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:StorageImageExtendedFormats, v"1.0.0", String[], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:InterpolationFunction, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :sample_rate_shading, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:StorageImageReadWithoutFormat, nothing, ["VK_KHR_format_feature_flags2"], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_storage_image_read_without_format, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:StorageImageWriteWithoutFormat, nothing, ["VK_KHR_format_feature_flags2"], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :shader_storage_image_write_without_format, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:MultiViewport, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFeatures, :multi_viewport, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:DrawParameters, nothing, ["VK_KHR_shader_draw_parameters"], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan11Features, :shader_draw_parameters, nothing, nothing), FeatureCondition(:PhysicalDeviceShaderDrawParametersFeatures, :shader_draw_parameters, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:MultiView, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan11Features, :multiview, nothing, nothing), FeatureCondition(:PhysicalDeviceMultiviewFeatures, :multiview, nothing, "VK_KHR_multiview")], PropertyCondition[]), SpecCapabilitySPIRV(:DeviceGroup, v"1.1.0", ["VK_KHR_device_group"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:VariablePointersStorageBuffer, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan11Features, :variable_pointers_storage_buffer, nothing, nothing), FeatureCondition(:PhysicalDeviceVariablePointersFeatures, :variable_pointers_storage_buffer, nothing, "VK_KHR_variable_pointers")], PropertyCondition[]), SpecCapabilitySPIRV(:VariablePointers, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan11Features, :variable_pointers, nothing, nothing), FeatureCondition(:PhysicalDeviceVariablePointersFeatures, :variable_pointers, nothing, "VK_KHR_variable_pointers")], PropertyCondition[]), SpecCapabilitySPIRV(:ShaderClockKHR, nothing, ["VK_KHR_shader_clock"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:StencilExportEXT, nothing, ["VK_EXT_shader_stencil_export"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:SubgroupBallotKHR, nothing, ["VK_EXT_shader_subgroup_ballot"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:SubgroupVoteKHR, nothing, ["VK_EXT_shader_subgroup_vote"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:ImageReadWriteLodAMD, nothing, ["VK_AMD_shader_image_load_store_lod"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:ImageGatherBiasLodAMD, nothing, ["VK_AMD_texture_gather_bias_lod"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:FragmentMaskAMD, nothing, ["VK_AMD_shader_fragment_mask"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:SampleMaskOverrideCoverageNV, nothing, ["VK_NV_sample_mask_override_coverage"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:GeometryShaderPassthroughNV, nothing, ["VK_NV_geometry_shader_passthrough"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:ShaderViewportIndex, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_output_viewport_index, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:ShaderLayer, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_output_layer, nothing, nothing)], PropertyCondition[]), SpecCapabilitySPIRV(:ShaderViewportIndexLayerEXT, nothing, ["VK_EXT_shader_viewport_index_layer"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:ShaderViewportIndexLayerNV, nothing, ["VK_NV_viewport_array2"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:ShaderViewportMaskNV, nothing, ["VK_NV_viewport_array2"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:PerViewAttributesNV, nothing, ["VK_NVX_multiview_per_view_attributes"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:StorageBuffer16BitAccess, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan11Features, :storage_buffer_16_bit_access, nothing, nothing), FeatureCondition(:PhysicalDevice16BitStorageFeatures, :storage_buffer_16_bit_access, nothing, "VK_KHR_16bit_storage")], PropertyCondition[]), SpecCapabilitySPIRV(:UniformAndStorageBuffer16BitAccess, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan11Features, :uniform_and_storage_buffer_16_bit_access, nothing, nothing), FeatureCondition(:PhysicalDevice16BitStorageFeatures, :uniform_and_storage_buffer_16_bit_access, nothing, "VK_KHR_16bit_storage")], PropertyCondition[]), SpecCapabilitySPIRV(:StoragePushConstant16, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan11Features, :storage_push_constant_16, nothing, nothing), FeatureCondition(:PhysicalDevice16BitStorageFeatures, :storage_push_constant_16, nothing, "VK_KHR_16bit_storage")], PropertyCondition[]), SpecCapabilitySPIRV(:StorageInputOutput16, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan11Features, :storage_input_output_16, nothing, nothing), FeatureCondition(:PhysicalDevice16BitStorageFeatures, :storage_input_output_16, nothing, "VK_KHR_16bit_storage")], PropertyCondition[]), SpecCapabilitySPIRV(:GroupNonUniform, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan11Properties, :subgroup_supported_operations, nothing, nothing, false, :SUBGROUP_FEATURE_BASIC_BIT)]), SpecCapabilitySPIRV(:GroupNonUniformVote, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan11Properties, :subgroup_supported_operations, nothing, nothing, false, :SUBGROUP_FEATURE_VOTE_BIT)]), SpecCapabilitySPIRV(:GroupNonUniformArithmetic, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan11Properties, :subgroup_supported_operations, nothing, nothing, false, :SUBGROUP_FEATURE_ARITHMETIC_BIT)]), SpecCapabilitySPIRV(:GroupNonUniformBallot, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan11Properties, :subgroup_supported_operations, nothing, nothing, false, :SUBGROUP_FEATURE_BALLOT_BIT)]), SpecCapabilitySPIRV(:GroupNonUniformShuffle, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan11Properties, :subgroup_supported_operations, nothing, nothing, false, :SUBGROUP_FEATURE_SHUFFLE_BIT)]), SpecCapabilitySPIRV(:GroupNonUniformShuffleRelative, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan11Properties, :subgroup_supported_operations, nothing, nothing, false, :SUBGROUP_FEATURE_SHUFFLE_RELATIVE_BIT)]), SpecCapabilitySPIRV(:GroupNonUniformClustered, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan11Properties, :subgroup_supported_operations, nothing, nothing, false, :SUBGROUP_FEATURE_CLUSTERED_BIT)]), SpecCapabilitySPIRV(:GroupNonUniformQuad, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan11Properties, :subgroup_supported_operations, nothing, nothing, false, :SUBGROUP_FEATURE_QUAD_BIT)]), SpecCapabilitySPIRV(:GroupNonUniformPartitionedNV, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan11Properties, :subgroup_supported_operations, nothing, "VK_NV_shader_subgroup_partitioned", false, :SUBGROUP_FEATURE_PARTITIONED_BIT_NV)]), SpecCapabilitySPIRV(:SampleMaskPostDepthCoverage, nothing, ["VK_EXT_post_depth_coverage"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:ShaderNonUniform, v"1.2.0", ["VK_EXT_descriptor_indexing"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:RuntimeDescriptorArray, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :runtime_descriptor_array, nothing, "VK_EXT_descriptor_indexing")], PropertyCondition[]), SpecCapabilitySPIRV(:InputAttachmentArrayDynamicIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_input_attachment_array_dynamic_indexing, nothing, "VK_EXT_descriptor_indexing")], PropertyCondition[]), SpecCapabilitySPIRV(:UniformTexelBufferArrayDynamicIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_uniform_texel_buffer_array_dynamic_indexing, nothing, "VK_EXT_descriptor_indexing")], PropertyCondition[]), SpecCapabilitySPIRV(:StorageTexelBufferArrayDynamicIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_storage_texel_buffer_array_dynamic_indexing, nothing, "VK_EXT_descriptor_indexing")], PropertyCondition[]), SpecCapabilitySPIRV(:UniformBufferArrayNonUniformIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_uniform_buffer_array_non_uniform_indexing, nothing, "VK_EXT_descriptor_indexing")], PropertyCondition[]), SpecCapabilitySPIRV(:SampledImageArrayNonUniformIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_sampled_image_array_non_uniform_indexing, nothing, "VK_EXT_descriptor_indexing")], PropertyCondition[]), SpecCapabilitySPIRV(:StorageBufferArrayNonUniformIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_storage_buffer_array_non_uniform_indexing, nothing, "VK_EXT_descriptor_indexing")], PropertyCondition[]), SpecCapabilitySPIRV(:StorageImageArrayNonUniformIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_storage_image_array_non_uniform_indexing, nothing, "VK_EXT_descriptor_indexing")], PropertyCondition[]), SpecCapabilitySPIRV(:InputAttachmentArrayNonUniformIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_input_attachment_array_non_uniform_indexing, nothing, "VK_EXT_descriptor_indexing")], PropertyCondition[]), SpecCapabilitySPIRV(:UniformTexelBufferArrayNonUniformIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_uniform_texel_buffer_array_non_uniform_indexing, nothing, "VK_EXT_descriptor_indexing")], PropertyCondition[]), SpecCapabilitySPIRV(:StorageTexelBufferArrayNonUniformIndexing, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_storage_texel_buffer_array_non_uniform_indexing, nothing, "VK_EXT_descriptor_indexing")], PropertyCondition[]), SpecCapabilitySPIRV(:FragmentFullyCoveredEXT, nothing, ["VK_EXT_conservative_rasterization"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:Float16, nothing, ["VK_AMD_gpu_shader_half_float"], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_float_16, nothing, "VK_KHR_shader_float16_int8")], PropertyCondition[]), SpecCapabilitySPIRV(:Int8, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :shader_int_8, nothing, "VK_KHR_shader_float16_int8")], PropertyCondition[]), SpecCapabilitySPIRV(:StorageBuffer8BitAccess, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :storage_buffer_8_bit_access, nothing, "VK_KHR_8bit_storage")], PropertyCondition[]), SpecCapabilitySPIRV(:UniformAndStorageBuffer8BitAccess, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :uniform_and_storage_buffer_8_bit_access, nothing, "VK_KHR_8bit_storage")], PropertyCondition[]), SpecCapabilitySPIRV(:StoragePushConstant8, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :storage_push_constant_8, nothing, "VK_KHR_8bit_storage")], PropertyCondition[]), SpecCapabilitySPIRV(:VulkanMemoryModel, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :vulkan_memory_model, nothing, "VK_KHR_vulkan_memory_model")], PropertyCondition[]), SpecCapabilitySPIRV(:VulkanMemoryModelDeviceScope, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :vulkan_memory_model_device_scope, nothing, "VK_KHR_vulkan_memory_model")], PropertyCondition[]), SpecCapabilitySPIRV(:DenormPreserve, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_denorm_preserve_float_16, nothing, "VK_KHR_shader_float_controls", true, :TRUE), PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_denorm_preserve_float_32, nothing, "VK_KHR_shader_float_controls", true, :TRUE), PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_denorm_preserve_float_64, nothing, "VK_KHR_shader_float_controls", true, :TRUE)]), SpecCapabilitySPIRV(:DenormFlushToZero, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_denorm_flush_to_zero_float_16, nothing, "VK_KHR_shader_float_controls", true, :TRUE), PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_denorm_flush_to_zero_float_32, nothing, "VK_KHR_shader_float_controls", true, :TRUE), PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_denorm_flush_to_zero_float_64, nothing, "VK_KHR_shader_float_controls", true, :TRUE)]), SpecCapabilitySPIRV(:SignedZeroInfNanPreserve, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_signed_zero_inf_nan_preserve_float_16, nothing, "VK_KHR_shader_float_controls", true, :TRUE), PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_signed_zero_inf_nan_preserve_float_32, nothing, "VK_KHR_shader_float_controls", true, :TRUE), PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_signed_zero_inf_nan_preserve_float_64, nothing, "VK_KHR_shader_float_controls", true, :TRUE)]), SpecCapabilitySPIRV(:RoundingModeRTE, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_rounding_mode_rte_float_16, nothing, "VK_KHR_shader_float_controls", true, :TRUE), PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_rounding_mode_rte_float_32, nothing, "VK_KHR_shader_float_controls", true, :TRUE), PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_rounding_mode_rte_float_64, nothing, "VK_KHR_shader_float_controls", true, :TRUE)]), SpecCapabilitySPIRV(:RoundingModeRTZ, nothing, String[], FeatureCondition[], PropertyCondition[PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_rounding_mode_rtz_float_16, nothing, "VK_KHR_shader_float_controls", true, :TRUE), PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_rounding_mode_rtz_float_32, nothing, "VK_KHR_shader_float_controls", true, :TRUE), PropertyCondition(:PhysicalDeviceVulkan12Properties, :shader_rounding_mode_rtz_float_64, nothing, "VK_KHR_shader_float_controls", true, :TRUE)]), SpecCapabilitySPIRV(:ComputeDerivativeGroupQuadsNV, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceComputeShaderDerivativesFeaturesNV, :compute_derivative_group_quads, nothing, "VK_NV_compute_shader_derivatives")], PropertyCondition[]), SpecCapabilitySPIRV(:ComputeDerivativeGroupLinearNV, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceComputeShaderDerivativesFeaturesNV, :compute_derivative_group_linear, nothing, "VK_NV_compute_shader_derivatives")], PropertyCondition[]), SpecCapabilitySPIRV(:FragmentBarycentricNV, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFragmentShaderBarycentricFeaturesKHR, :fragment_shader_barycentric, nothing, "VK_NV_fragment_shader_barycentric")], PropertyCondition[]), SpecCapabilitySPIRV(:ImageFootprintNV, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceShaderImageFootprintFeaturesNV, :image_footprint, nothing, "VK_NV_shader_image_footprint")], PropertyCondition[]), SpecCapabilitySPIRV(:ShadingRateNV, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceShadingRateImageFeaturesNV, :shading_rate_image, nothing, "VK_NV_shading_rate_image")], PropertyCondition[]), SpecCapabilitySPIRV(:MeshShadingNV, nothing, ["VK_NV_mesh_shader"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:RayTracingKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceRayTracingPipelineFeaturesKHR, :ray_tracing_pipeline, nothing, "VK_KHR_ray_tracing_pipeline")], PropertyCondition[]), SpecCapabilitySPIRV(:RayQueryKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceRayQueryFeaturesKHR, :ray_query, nothing, "VK_KHR_ray_query")], PropertyCondition[]), SpecCapabilitySPIRV(:RayTraversalPrimitiveCullingKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceRayTracingPipelineFeaturesKHR, :ray_traversal_primitive_culling, nothing, "VK_KHR_ray_tracing_pipeline"), FeatureCondition(:PhysicalDeviceRayQueryFeaturesKHR, :ray_query, nothing, "VK_KHR_ray_query")], PropertyCondition[]), SpecCapabilitySPIRV(:RayCullMaskKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceRayTracingMaintenance1FeaturesKHR, :ray_tracing_maintenance_1, nothing, "VK_KHR_ray_tracing_maintenance1")], PropertyCondition[]), SpecCapabilitySPIRV(:RayTracingNV, nothing, ["VK_NV_ray_tracing"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:RayTracingMotionBlurNV, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceRayTracingMotionBlurFeaturesNV, :ray_tracing_motion_blur, nothing, "VK_NV_ray_tracing_motion_blur")], PropertyCondition[]), SpecCapabilitySPIRV(:TransformFeedback, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceTransformFeedbackFeaturesEXT, :transform_feedback, nothing, "VK_EXT_transform_feedback")], PropertyCondition[]), SpecCapabilitySPIRV(:GeometryStreams, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceTransformFeedbackFeaturesEXT, :geometry_streams, nothing, "VK_EXT_transform_feedback")], PropertyCondition[]), SpecCapabilitySPIRV(:FragmentDensityEXT, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFragmentDensityMapFeaturesEXT, :fragment_density_map, nothing, "VK_EXT_fragment_density_map")], PropertyCondition[]), SpecCapabilitySPIRV(:PhysicalStorageBufferAddresses, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan12Features, :buffer_device_address, nothing, "VK_KHR_buffer_device_address"), FeatureCondition(:PhysicalDeviceBufferDeviceAddressFeaturesEXT, :buffer_device_address, nothing, "VK_EXT_buffer_device_address")], PropertyCondition[]), SpecCapabilitySPIRV(:CooperativeMatrixNV, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceCooperativeMatrixFeaturesNV, :cooperative_matrix, nothing, "VK_NV_cooperative_matrix")], PropertyCondition[]), SpecCapabilitySPIRV(:IntegerFunctions2INTEL, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL, :shader_integer_functions_2, nothing, "VK_INTEL_shader_integer_functions2")], PropertyCondition[]), SpecCapabilitySPIRV(:ShaderSMBuiltinsNV, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceShaderSMBuiltinsFeaturesNV, :shader_sm_builtins, nothing, "VK_NV_shader_sm_builtins")], PropertyCondition[]), SpecCapabilitySPIRV(:FragmentShaderSampleInterlockEXT, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFragmentShaderInterlockFeaturesEXT, :fragment_shader_sample_interlock, nothing, "VK_EXT_fragment_shader_interlock")], PropertyCondition[]), SpecCapabilitySPIRV(:FragmentShaderPixelInterlockEXT, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFragmentShaderInterlockFeaturesEXT, :fragment_shader_pixel_interlock, nothing, "VK_EXT_fragment_shader_interlock")], PropertyCondition[]), SpecCapabilitySPIRV(:FragmentShaderShadingRateInterlockEXT, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFragmentShaderInterlockFeaturesEXT, :fragment_shader_shading_rate_interlock, nothing, "VK_EXT_fragment_shader_interlock"), FeatureCondition(:PhysicalDeviceShadingRateImageFeaturesNV, :shading_rate_image, nothing, "VK_NV_shading_rate_image")], PropertyCondition[]), SpecCapabilitySPIRV(:DemoteToHelperInvocationEXT, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan13Features, :shader_demote_to_helper_invocation, nothing, "VK_EXT_shader_demote_to_helper_invocation"), FeatureCondition(:PhysicalDeviceShaderDemoteToHelperInvocationFeatures, :shader_demote_to_helper_invocation, nothing, "VK_EXT_shader_demote_to_helper_invocation")], PropertyCondition[]), SpecCapabilitySPIRV(:FragmentShadingRateKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFragmentShadingRateFeaturesKHR, :pipeline_fragment_shading_rate, nothing, "VK_KHR_fragment_shading_rate"), FeatureCondition(:PhysicalDeviceFragmentShadingRateFeaturesKHR, :primitive_fragment_shading_rate, nothing, "VK_KHR_fragment_shading_rate"), FeatureCondition(:PhysicalDeviceFragmentShadingRateFeaturesKHR, :attachment_fragment_shading_rate, nothing, "VK_KHR_fragment_shading_rate")], PropertyCondition[]), SpecCapabilitySPIRV(:WorkgroupMemoryExplicitLayoutKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR, :workgroup_memory_explicit_layout, nothing, "VK_KHR_workgroup_memory_explicit_layout")], PropertyCondition[]), SpecCapabilitySPIRV(:WorkgroupMemoryExplicitLayout8BitAccessKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR, :workgroup_memory_explicit_layout_8_bit_access, nothing, "VK_KHR_workgroup_memory_explicit_layout")], PropertyCondition[]), SpecCapabilitySPIRV(:WorkgroupMemoryExplicitLayout16BitAccessKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR, :workgroup_memory_explicit_layout_16_bit_access, nothing, "VK_KHR_workgroup_memory_explicit_layout")], PropertyCondition[]), SpecCapabilitySPIRV(:DotProductInputAllKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan13Features, :shader_integer_dot_product, nothing, "VK_KHR_shader_integer_dot_product"), FeatureCondition(:PhysicalDeviceShaderIntegerDotProductFeatures, :shader_integer_dot_product, nothing, "VK_KHR_shader_integer_dot_product")], PropertyCondition[]), SpecCapabilitySPIRV(:DotProductInput4x8BitKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan13Features, :shader_integer_dot_product, nothing, "VK_KHR_shader_integer_dot_product"), FeatureCondition(:PhysicalDeviceShaderIntegerDotProductFeatures, :shader_integer_dot_product, nothing, "VK_KHR_shader_integer_dot_product")], PropertyCondition[]), SpecCapabilitySPIRV(:DotProductInput4x8BitPackedKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan13Features, :shader_integer_dot_product, nothing, "VK_KHR_shader_integer_dot_product"), FeatureCondition(:PhysicalDeviceShaderIntegerDotProductFeatures, :shader_integer_dot_product, nothing, "VK_KHR_shader_integer_dot_product")], PropertyCondition[]), SpecCapabilitySPIRV(:DotProductKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceVulkan13Features, :shader_integer_dot_product, nothing, "VK_KHR_shader_integer_dot_product"), FeatureCondition(:PhysicalDeviceShaderIntegerDotProductFeatures, :shader_integer_dot_product, nothing, "VK_KHR_shader_integer_dot_product")], PropertyCondition[]), SpecCapabilitySPIRV(:FragmentBarycentricKHR, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceFragmentShaderBarycentricFeaturesKHR, :fragment_shader_barycentric, nothing, "VK_KHR_fragment_shader_barycentric")], PropertyCondition[]), SpecCapabilitySPIRV(:TextureSampleWeightedQCOM, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceImageProcessingFeaturesQCOM, :texture_sample_weighted, nothing, "VK_QCOM_image_processing")], PropertyCondition[]), SpecCapabilitySPIRV(:TextureBoxFilterQCOM, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceImageProcessingFeaturesQCOM, :texture_box_filter, nothing, "VK_QCOM_image_processing")], PropertyCondition[]), SpecCapabilitySPIRV(:TextureBlockMatchQCOM, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceImageProcessingFeaturesQCOM, :texture_block_match, nothing, "VK_QCOM_image_processing")], PropertyCondition[]), SpecCapabilitySPIRV(:MeshShadingEXT, nothing, ["VK_EXT_mesh_shader"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:RayTracingOpacityMicromapEXT, nothing, ["VK_EXT_opacity_micromap"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:CoreBuiltinsARM, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceShaderCoreBuiltinsFeaturesARM, :shader_core_builtins, nothing, "VK_ARM_shader_core_builtins")], PropertyCondition[]), SpecCapabilitySPIRV(:ShaderInvocationReorderNV, nothing, ["VK_NV_ray_tracing_invocation_reorder"], FeatureCondition[], PropertyCondition[]), SpecCapabilitySPIRV(:ClusterCullingShadingHUAWEI, nothing, String[], FeatureCondition[FeatureCondition(:PhysicalDeviceClusterCullingShaderFeaturesHUAWEI, :clusterculling_shader, nothing, "VK_HUAWEI_cluster_culling_shader")], PropertyCondition[])] const CORE_FUNCTIONS = [:vkCreateInstance, :vkEnumerateInstanceVersion, :vkEnumerateInstanceLayerProperties, :vkEnumerateInstanceExtensionProperties] const INSTANCE_FUNCTIONS = [:vkDestroyInstance, :vkEnumeratePhysicalDevices, :vkGetInstanceProcAddr, :vkGetPhysicalDeviceProperties, :vkGetPhysicalDeviceQueueFamilyProperties, :vkGetPhysicalDeviceMemoryProperties, :vkGetPhysicalDeviceFeatures, :vkGetPhysicalDeviceFormatProperties, :vkGetPhysicalDeviceImageFormatProperties, :vkCreateDevice, :vkEnumerateDeviceLayerProperties, :vkEnumerateDeviceExtensionProperties, :vkGetPhysicalDeviceSparseImageFormatProperties, :vkCreateAndroidSurfaceKHR, :vkGetPhysicalDeviceDisplayPropertiesKHR, :vkGetPhysicalDeviceDisplayPlanePropertiesKHR, :vkGetDisplayPlaneSupportedDisplaysKHR, :vkGetDisplayModePropertiesKHR, :vkCreateDisplayModeKHR, :vkGetDisplayPlaneCapabilitiesKHR, :vkCreateDisplayPlaneSurfaceKHR, :vkDestroySurfaceKHR, :vkGetPhysicalDeviceSurfaceSupportKHR, :vkGetPhysicalDeviceSurfaceCapabilitiesKHR, :vkGetPhysicalDeviceSurfaceFormatsKHR, :vkGetPhysicalDeviceSurfacePresentModesKHR, :vkCreateViSurfaceNN, :vkCreateWaylandSurfaceKHR, :vkGetPhysicalDeviceWaylandPresentationSupportKHR, :vkCreateWin32SurfaceKHR, :vkGetPhysicalDeviceWin32PresentationSupportKHR, :vkCreateXlibSurfaceKHR, :vkGetPhysicalDeviceXlibPresentationSupportKHR, :vkCreateXcbSurfaceKHR, :vkGetPhysicalDeviceXcbPresentationSupportKHR, :vkCreateDirectFBSurfaceEXT, :vkGetPhysicalDeviceDirectFBPresentationSupportEXT, :vkCreateImagePipeSurfaceFUCHSIA, :vkCreateStreamDescriptorSurfaceGGP, :vkCreateScreenSurfaceQNX, :vkGetPhysicalDeviceScreenPresentationSupportQNX, :vkCreateDebugReportCallbackEXT, :vkDestroyDebugReportCallbackEXT, :vkDebugReportMessageEXT, :vkGetPhysicalDeviceExternalImageFormatPropertiesNV, :vkGetPhysicalDeviceFeatures2, :vkGetPhysicalDeviceProperties2, :vkGetPhysicalDeviceFormatProperties2, :vkGetPhysicalDeviceImageFormatProperties2, :vkGetPhysicalDeviceQueueFamilyProperties2, :vkGetPhysicalDeviceMemoryProperties2, :vkGetPhysicalDeviceSparseImageFormatProperties2, :vkGetPhysicalDeviceExternalBufferProperties, :vkGetPhysicalDeviceExternalSemaphoreProperties, :vkGetPhysicalDeviceExternalFenceProperties, :vkReleaseDisplayEXT, :vkAcquireXlibDisplayEXT, :vkGetRandROutputDisplayEXT, :vkAcquireWinrtDisplayNV, :vkGetWinrtDisplayNV, :vkGetPhysicalDeviceSurfaceCapabilities2EXT, :vkEnumeratePhysicalDeviceGroups, :vkGetPhysicalDevicePresentRectanglesKHR, :vkCreateIOSSurfaceMVK, :vkCreateMacOSSurfaceMVK, :vkCreateMetalSurfaceEXT, :vkGetPhysicalDeviceMultisamplePropertiesEXT, :vkGetPhysicalDeviceSurfaceCapabilities2KHR, :vkGetPhysicalDeviceSurfaceFormats2KHR, :vkGetPhysicalDeviceDisplayProperties2KHR, :vkGetPhysicalDeviceDisplayPlaneProperties2KHR, :vkGetDisplayModeProperties2KHR, :vkGetDisplayPlaneCapabilities2KHR, :vkGetPhysicalDeviceCalibrateableTimeDomainsEXT, :vkCreateDebugUtilsMessengerEXT, :vkDestroyDebugUtilsMessengerEXT, :vkSubmitDebugUtilsMessageEXT, :vkGetPhysicalDeviceCooperativeMatrixPropertiesNV, :vkGetPhysicalDeviceSurfacePresentModes2EXT, :vkEnumeratePhysicalDeviceQueueFamilyPerformanceQueryCountersKHR, :vkGetPhysicalDeviceQueueFamilyPerformanceQueryPassesKHR, :vkCreateHeadlessSurfaceEXT, :vkGetPhysicalDeviceSupportedFramebufferMixedSamplesCombinationsNV, :vkGetPhysicalDeviceToolProperties, :vkGetPhysicalDeviceFragmentShadingRatesKHR, :vkGetPhysicalDeviceVideoCapabilitiesKHR, :vkGetPhysicalDeviceVideoFormatPropertiesKHR, :vkAcquireDrmDisplayEXT, :vkGetDrmDisplayEXT, :vkGetPhysicalDeviceOpticalFlowImageFormatsNV, :vkEnumeratePhysicalDeviceGroupsKHR, :vkGetPhysicalDeviceExternalBufferPropertiesKHR, :vkGetPhysicalDeviceExternalFencePropertiesKHR, :vkGetPhysicalDeviceExternalSemaphorePropertiesKHR, :vkGetPhysicalDeviceFeatures2KHR, :vkGetPhysicalDeviceFormatProperties2KHR, :vkGetPhysicalDeviceImageFormatProperties2KHR, :vkGetPhysicalDeviceMemoryProperties2KHR, :vkGetPhysicalDeviceProperties2KHR, :vkGetPhysicalDeviceQueueFamilyProperties2KHR, :vkGetPhysicalDeviceSparseImageFormatProperties2KHR, :vkGetPhysicalDeviceToolPropertiesEXT] const DEVICE_FUNCTIONS = [:vkGetDeviceProcAddr, :vkDestroyDevice, :vkGetDeviceQueue, :vkQueueSubmit, :vkQueueWaitIdle, :vkDeviceWaitIdle, :vkAllocateMemory, :vkFreeMemory, :vkMapMemory, :vkUnmapMemory, :vkFlushMappedMemoryRanges, :vkInvalidateMappedMemoryRanges, :vkGetDeviceMemoryCommitment, :vkGetBufferMemoryRequirements, :vkBindBufferMemory, :vkGetImageMemoryRequirements, :vkBindImageMemory, :vkGetImageSparseMemoryRequirements, :vkQueueBindSparse, :vkCreateFence, :vkDestroyFence, :vkResetFences, :vkGetFenceStatus, :vkWaitForFences, :vkCreateSemaphore, :vkDestroySemaphore, :vkCreateEvent, :vkDestroyEvent, :vkGetEventStatus, :vkSetEvent, :vkResetEvent, :vkCreateQueryPool, :vkDestroyQueryPool, :vkGetQueryPoolResults, :vkResetQueryPool, :vkCreateBuffer, :vkDestroyBuffer, :vkCreateBufferView, :vkDestroyBufferView, :vkCreateImage, :vkDestroyImage, :vkGetImageSubresourceLayout, :vkCreateImageView, :vkDestroyImageView, :vkCreateShaderModule, :vkDestroyShaderModule, :vkCreatePipelineCache, :vkDestroyPipelineCache, :vkGetPipelineCacheData, :vkMergePipelineCaches, :vkCreateGraphicsPipelines, :vkCreateComputePipelines, :vkGetDeviceSubpassShadingMaxWorkgroupSizeHUAWEI, :vkDestroyPipeline, :vkCreatePipelineLayout, :vkDestroyPipelineLayout, :vkCreateSampler, :vkDestroySampler, :vkCreateDescriptorSetLayout, :vkDestroyDescriptorSetLayout, :vkCreateDescriptorPool, :vkDestroyDescriptorPool, :vkResetDescriptorPool, :vkAllocateDescriptorSets, :vkFreeDescriptorSets, :vkUpdateDescriptorSets, :vkCreateFramebuffer, :vkDestroyFramebuffer, :vkCreateRenderPass, :vkDestroyRenderPass, :vkGetRenderAreaGranularity, :vkCreateCommandPool, :vkDestroyCommandPool, :vkResetCommandPool, :vkAllocateCommandBuffers, :vkFreeCommandBuffers, :vkBeginCommandBuffer, :vkEndCommandBuffer, :vkResetCommandBuffer, :vkCmdBindPipeline, :vkCmdSetViewport, :vkCmdSetScissor, :vkCmdSetLineWidth, :vkCmdSetDepthBias, :vkCmdSetBlendConstants, :vkCmdSetDepthBounds, :vkCmdSetStencilCompareMask, :vkCmdSetStencilWriteMask, :vkCmdSetStencilReference, :vkCmdBindDescriptorSets, :vkCmdBindIndexBuffer, :vkCmdBindVertexBuffers, :vkCmdDraw, :vkCmdDrawIndexed, :vkCmdDrawMultiEXT, :vkCmdDrawMultiIndexedEXT, :vkCmdDrawIndirect, :vkCmdDrawIndexedIndirect, :vkCmdDispatch, :vkCmdDispatchIndirect, :vkCmdSubpassShadingHUAWEI, :vkCmdDrawClusterHUAWEI, :vkCmdDrawClusterIndirectHUAWEI, :vkCmdCopyBuffer, :vkCmdCopyImage, :vkCmdBlitImage, :vkCmdCopyBufferToImage, :vkCmdCopyImageToBuffer, :vkCmdCopyMemoryIndirectNV, :vkCmdCopyMemoryToImageIndirectNV, :vkCmdUpdateBuffer, :vkCmdFillBuffer, :vkCmdClearColorImage, :vkCmdClearDepthStencilImage, :vkCmdClearAttachments, :vkCmdResolveImage, :vkCmdSetEvent, :vkCmdResetEvent, :vkCmdWaitEvents, :vkCmdPipelineBarrier, :vkCmdBeginQuery, :vkCmdEndQuery, :vkCmdBeginConditionalRenderingEXT, :vkCmdEndConditionalRenderingEXT, :vkCmdResetQueryPool, :vkCmdWriteTimestamp, :vkCmdCopyQueryPoolResults, :vkCmdPushConstants, :vkCmdBeginRenderPass, :vkCmdNextSubpass, :vkCmdEndRenderPass, :vkCmdExecuteCommands, :vkCreateSharedSwapchainsKHR, :vkCreateSwapchainKHR, :vkDestroySwapchainKHR, :vkGetSwapchainImagesKHR, :vkAcquireNextImageKHR, :vkQueuePresentKHR, :vkDebugMarkerSetObjectNameEXT, :vkDebugMarkerSetObjectTagEXT, :vkCmdDebugMarkerBeginEXT, :vkCmdDebugMarkerEndEXT, :vkCmdDebugMarkerInsertEXT, :vkGetMemoryWin32HandleNV, :vkCmdExecuteGeneratedCommandsNV, :vkCmdPreprocessGeneratedCommandsNV, :vkCmdBindPipelineShaderGroupNV, :vkGetGeneratedCommandsMemoryRequirementsNV, :vkCreateIndirectCommandsLayoutNV, :vkDestroyIndirectCommandsLayoutNV, :vkCmdPushDescriptorSetKHR, :vkTrimCommandPool, :vkGetMemoryWin32HandleKHR, :vkGetMemoryWin32HandlePropertiesKHR, :vkGetMemoryFdKHR, :vkGetMemoryFdPropertiesKHR, :vkGetMemoryZirconHandleFUCHSIA, :vkGetMemoryZirconHandlePropertiesFUCHSIA, :vkGetMemoryRemoteAddressNV, :vkGetSemaphoreWin32HandleKHR, :vkImportSemaphoreWin32HandleKHR, :vkGetSemaphoreFdKHR, :vkImportSemaphoreFdKHR, :vkGetSemaphoreZirconHandleFUCHSIA, :vkImportSemaphoreZirconHandleFUCHSIA, :vkGetFenceWin32HandleKHR, :vkImportFenceWin32HandleKHR, :vkGetFenceFdKHR, :vkImportFenceFdKHR, :vkDisplayPowerControlEXT, :vkRegisterDeviceEventEXT, :vkRegisterDisplayEventEXT, :vkGetSwapchainCounterEXT, :vkGetDeviceGroupPeerMemoryFeatures, :vkBindBufferMemory2, :vkBindImageMemory2, :vkCmdSetDeviceMask, :vkGetDeviceGroupPresentCapabilitiesKHR, :vkGetDeviceGroupSurfacePresentModesKHR, :vkAcquireNextImage2KHR, :vkCmdDispatchBase, :vkCreateDescriptorUpdateTemplate, :vkDestroyDescriptorUpdateTemplate, :vkUpdateDescriptorSetWithTemplate, :vkCmdPushDescriptorSetWithTemplateKHR, :vkSetHdrMetadataEXT, :vkGetSwapchainStatusKHR, :vkGetRefreshCycleDurationGOOGLE, :vkGetPastPresentationTimingGOOGLE, :vkCmdSetViewportWScalingNV, :vkCmdSetDiscardRectangleEXT, :vkCmdSetSampleLocationsEXT, :vkGetBufferMemoryRequirements2, :vkGetImageMemoryRequirements2, :vkGetImageSparseMemoryRequirements2, :vkGetDeviceBufferMemoryRequirements, :vkGetDeviceImageMemoryRequirements, :vkGetDeviceImageSparseMemoryRequirements, :vkCreateSamplerYcbcrConversion, :vkDestroySamplerYcbcrConversion, :vkGetDeviceQueue2, :vkCreateValidationCacheEXT, :vkDestroyValidationCacheEXT, :vkGetValidationCacheDataEXT, :vkMergeValidationCachesEXT, :vkGetDescriptorSetLayoutSupport, :vkGetShaderInfoAMD, :vkSetLocalDimmingAMD, :vkGetCalibratedTimestampsEXT, :vkSetDebugUtilsObjectNameEXT, :vkSetDebugUtilsObjectTagEXT, :vkQueueBeginDebugUtilsLabelEXT, :vkQueueEndDebugUtilsLabelEXT, :vkQueueInsertDebugUtilsLabelEXT, :vkCmdBeginDebugUtilsLabelEXT, :vkCmdEndDebugUtilsLabelEXT, :vkCmdInsertDebugUtilsLabelEXT, :vkGetMemoryHostPointerPropertiesEXT, :vkCmdWriteBufferMarkerAMD, :vkCreateRenderPass2, :vkCmdBeginRenderPass2, :vkCmdNextSubpass2, :vkCmdEndRenderPass2, :vkGetSemaphoreCounterValue, :vkWaitSemaphores, :vkSignalSemaphore, :vkGetAndroidHardwareBufferPropertiesANDROID, :vkGetMemoryAndroidHardwareBufferANDROID, :vkCmdDrawIndirectCount, :vkCmdDrawIndexedIndirectCount, :vkCmdSetCheckpointNV, :vkGetQueueCheckpointDataNV, :vkCmdBindTransformFeedbackBuffersEXT, :vkCmdBeginTransformFeedbackEXT, :vkCmdEndTransformFeedbackEXT, :vkCmdBeginQueryIndexedEXT, :vkCmdEndQueryIndexedEXT, :vkCmdDrawIndirectByteCountEXT, :vkCmdSetExclusiveScissorNV, :vkCmdBindShadingRateImageNV, :vkCmdSetViewportShadingRatePaletteNV, :vkCmdSetCoarseSampleOrderNV, :vkCmdDrawMeshTasksNV, :vkCmdDrawMeshTasksIndirectNV, :vkCmdDrawMeshTasksIndirectCountNV, :vkCmdDrawMeshTasksEXT, :vkCmdDrawMeshTasksIndirectEXT, :vkCmdDrawMeshTasksIndirectCountEXT, :vkCompileDeferredNV, :vkCreateAccelerationStructureNV, :vkCmdBindInvocationMaskHUAWEI, :vkDestroyAccelerationStructureKHR, :vkDestroyAccelerationStructureNV, :vkGetAccelerationStructureMemoryRequirementsNV, :vkBindAccelerationStructureMemoryNV, :vkCmdCopyAccelerationStructureNV, :vkCmdCopyAccelerationStructureKHR, :vkCopyAccelerationStructureKHR, :vkCmdCopyAccelerationStructureToMemoryKHR, :vkCopyAccelerationStructureToMemoryKHR, :vkCmdCopyMemoryToAccelerationStructureKHR, :vkCopyMemoryToAccelerationStructureKHR, :vkCmdWriteAccelerationStructuresPropertiesKHR, :vkCmdWriteAccelerationStructuresPropertiesNV, :vkCmdBuildAccelerationStructureNV, :vkWriteAccelerationStructuresPropertiesKHR, :vkCmdTraceRaysKHR, :vkCmdTraceRaysNV, :vkGetRayTracingShaderGroupHandlesKHR, :vkGetRayTracingCaptureReplayShaderGroupHandlesKHR, :vkGetAccelerationStructureHandleNV, :vkCreateRayTracingPipelinesNV, :vkCreateRayTracingPipelinesKHR, :vkCmdTraceRaysIndirectKHR, :vkCmdTraceRaysIndirect2KHR, :vkGetDeviceAccelerationStructureCompatibilityKHR, :vkGetRayTracingShaderGroupStackSizeKHR, :vkCmdSetRayTracingPipelineStackSizeKHR, :vkGetImageViewHandleNVX, :vkGetImageViewAddressNVX, :vkGetDeviceGroupSurfacePresentModes2EXT, :vkAcquireFullScreenExclusiveModeEXT, :vkReleaseFullScreenExclusiveModeEXT, :vkAcquireProfilingLockKHR, :vkReleaseProfilingLockKHR, :vkGetImageDrmFormatModifierPropertiesEXT, :vkGetBufferOpaqueCaptureAddress, :vkGetBufferDeviceAddress, :vkInitializePerformanceApiINTEL, :vkUninitializePerformanceApiINTEL, :vkCmdSetPerformanceMarkerINTEL, :vkCmdSetPerformanceStreamMarkerINTEL, :vkCmdSetPerformanceOverrideINTEL, :vkAcquirePerformanceConfigurationINTEL, :vkReleasePerformanceConfigurationINTEL, :vkQueueSetPerformanceConfigurationINTEL, :vkGetPerformanceParameterINTEL, :vkGetDeviceMemoryOpaqueCaptureAddress, :vkGetPipelineExecutablePropertiesKHR, :vkGetPipelineExecutableStatisticsKHR, :vkGetPipelineExecutableInternalRepresentationsKHR, :vkCmdSetLineStippleEXT, :vkCreateAccelerationStructureKHR, :vkCmdBuildAccelerationStructuresKHR, :vkCmdBuildAccelerationStructuresIndirectKHR, :vkBuildAccelerationStructuresKHR, :vkGetAccelerationStructureDeviceAddressKHR, :vkCreateDeferredOperationKHR, :vkDestroyDeferredOperationKHR, :vkGetDeferredOperationMaxConcurrencyKHR, :vkGetDeferredOperationResultKHR, :vkDeferredOperationJoinKHR, :vkCmdSetCullMode, :vkCmdSetFrontFace, :vkCmdSetPrimitiveTopology, :vkCmdSetViewportWithCount, :vkCmdSetScissorWithCount, :vkCmdBindVertexBuffers2, :vkCmdSetDepthTestEnable, :vkCmdSetDepthWriteEnable, :vkCmdSetDepthCompareOp, :vkCmdSetDepthBoundsTestEnable, :vkCmdSetStencilTestEnable, :vkCmdSetStencilOp, :vkCmdSetPatchControlPointsEXT, :vkCmdSetRasterizerDiscardEnable, :vkCmdSetDepthBiasEnable, :vkCmdSetLogicOpEXT, :vkCmdSetPrimitiveRestartEnable, :vkCmdSetTessellationDomainOriginEXT, :vkCmdSetDepthClampEnableEXT, :vkCmdSetPolygonModeEXT, :vkCmdSetRasterizationSamplesEXT, :vkCmdSetSampleMaskEXT, :vkCmdSetAlphaToCoverageEnableEXT, :vkCmdSetAlphaToOneEnableEXT, :vkCmdSetLogicOpEnableEXT, :vkCmdSetColorBlendEnableEXT, :vkCmdSetColorBlendEquationEXT, :vkCmdSetColorWriteMaskEXT, :vkCmdSetRasterizationStreamEXT, :vkCmdSetConservativeRasterizationModeEXT, :vkCmdSetExtraPrimitiveOverestimationSizeEXT, :vkCmdSetDepthClipEnableEXT, :vkCmdSetSampleLocationsEnableEXT, :vkCmdSetColorBlendAdvancedEXT, :vkCmdSetProvokingVertexModeEXT, :vkCmdSetLineRasterizationModeEXT, :vkCmdSetLineStippleEnableEXT, :vkCmdSetDepthClipNegativeOneToOneEXT, :vkCmdSetViewportWScalingEnableNV, :vkCmdSetViewportSwizzleNV, :vkCmdSetCoverageToColorEnableNV, :vkCmdSetCoverageToColorLocationNV, :vkCmdSetCoverageModulationModeNV, :vkCmdSetCoverageModulationTableEnableNV, :vkCmdSetCoverageModulationTableNV, :vkCmdSetShadingRateImageEnableNV, :vkCmdSetCoverageReductionModeNV, :vkCmdSetRepresentativeFragmentTestEnableNV, :vkCreatePrivateDataSlot, :vkDestroyPrivateDataSlot, :vkSetPrivateData, :vkGetPrivateData, :vkCmdCopyBuffer2, :vkCmdCopyImage2, :vkCmdBlitImage2, :vkCmdCopyBufferToImage2, :vkCmdCopyImageToBuffer2, :vkCmdResolveImage2, :vkCmdSetFragmentShadingRateKHR, :vkCmdSetFragmentShadingRateEnumNV, :vkGetAccelerationStructureBuildSizesKHR, :vkCmdSetVertexInputEXT, :vkCmdSetColorWriteEnableEXT, :vkCmdSetEvent2, :vkCmdResetEvent2, :vkCmdWaitEvents2, :vkCmdPipelineBarrier2, :vkQueueSubmit2, :vkCmdWriteTimestamp2, :vkCmdWriteBufferMarker2AMD, :vkGetQueueCheckpointData2NV, :vkCreateVideoSessionKHR, :vkDestroyVideoSessionKHR, :vkCreateVideoSessionParametersKHR, :vkUpdateVideoSessionParametersKHR, :vkDestroyVideoSessionParametersKHR, :vkGetVideoSessionMemoryRequirementsKHR, :vkBindVideoSessionMemoryKHR, :vkCmdDecodeVideoKHR, :vkCmdBeginVideoCodingKHR, :vkCmdControlVideoCodingKHR, :vkCmdEndVideoCodingKHR, :vkCmdEncodeVideoKHR, :vkCmdDecompressMemoryNV, :vkCmdDecompressMemoryIndirectCountNV, :vkCreateCuModuleNVX, :vkCreateCuFunctionNVX, :vkDestroyCuModuleNVX, :vkDestroyCuFunctionNVX, :vkCmdCuLaunchKernelNVX, :vkGetDescriptorSetLayoutSizeEXT, :vkGetDescriptorSetLayoutBindingOffsetEXT, :vkGetDescriptorEXT, :vkCmdBindDescriptorBuffersEXT, :vkCmdSetDescriptorBufferOffsetsEXT, :vkCmdBindDescriptorBufferEmbeddedSamplersEXT, :vkGetBufferOpaqueCaptureDescriptorDataEXT, :vkGetImageOpaqueCaptureDescriptorDataEXT, :vkGetImageViewOpaqueCaptureDescriptorDataEXT, :vkGetSamplerOpaqueCaptureDescriptorDataEXT, :vkGetAccelerationStructureOpaqueCaptureDescriptorDataEXT, :vkSetDeviceMemoryPriorityEXT, :vkWaitForPresentKHR, :vkCreateBufferCollectionFUCHSIA, :vkSetBufferCollectionBufferConstraintsFUCHSIA, :vkSetBufferCollectionImageConstraintsFUCHSIA, :vkDestroyBufferCollectionFUCHSIA, :vkGetBufferCollectionPropertiesFUCHSIA, :vkCmdBeginRendering, :vkCmdEndRendering, :vkGetDescriptorSetLayoutHostMappingInfoVALVE, :vkGetDescriptorSetHostMappingVALVE, :vkCreateMicromapEXT, :vkCmdBuildMicromapsEXT, :vkBuildMicromapsEXT, :vkDestroyMicromapEXT, :vkCmdCopyMicromapEXT, :vkCopyMicromapEXT, :vkCmdCopyMicromapToMemoryEXT, :vkCopyMicromapToMemoryEXT, :vkCmdCopyMemoryToMicromapEXT, :vkCopyMemoryToMicromapEXT, :vkCmdWriteMicromapsPropertiesEXT, :vkWriteMicromapsPropertiesEXT, :vkGetDeviceMicromapCompatibilityEXT, :vkGetMicromapBuildSizesEXT, :vkGetShaderModuleIdentifierEXT, :vkGetShaderModuleCreateInfoIdentifierEXT, :vkGetImageSubresourceLayout2EXT, :vkGetPipelinePropertiesEXT, :vkExportMetalObjectsEXT, :vkGetFramebufferTilePropertiesQCOM, :vkGetDynamicRenderingTilePropertiesQCOM, :vkCreateOpticalFlowSessionNV, :vkDestroyOpticalFlowSessionNV, :vkBindOpticalFlowSessionImageNV, :vkCmdOpticalFlowExecuteNV, :vkGetDeviceFaultInfoEXT, :vkReleaseSwapchainImagesEXT, :vkBindBufferMemory2KHR, :vkBindImageMemory2KHR, :vkCmdBeginRenderPass2KHR, :vkCmdBeginRenderingKHR, :vkCmdBindVertexBuffers2EXT, :vkCmdBlitImage2KHR, :vkCmdCopyBuffer2KHR, :vkCmdCopyBufferToImage2KHR, :vkCmdCopyImage2KHR, :vkCmdCopyImageToBuffer2KHR, :vkCmdDispatchBaseKHR, :vkCmdDrawIndexedIndirectCountAMD, :vkCmdDrawIndexedIndirectCountKHR, :vkCmdDrawIndirectCountAMD, :vkCmdDrawIndirectCountKHR, :vkCmdEndRenderPass2KHR, :vkCmdEndRenderingKHR, :vkCmdNextSubpass2KHR, :vkCmdPipelineBarrier2KHR, :vkCmdResetEvent2KHR, :vkCmdResolveImage2KHR, :vkCmdSetCullModeEXT, :vkCmdSetDepthBiasEnableEXT, :vkCmdSetDepthBoundsTestEnableEXT, :vkCmdSetDepthCompareOpEXT, :vkCmdSetDepthTestEnableEXT, :vkCmdSetDepthWriteEnableEXT, :vkCmdSetDeviceMaskKHR, :vkCmdSetEvent2KHR, :vkCmdSetFrontFaceEXT, :vkCmdSetPrimitiveRestartEnableEXT, :vkCmdSetPrimitiveTopologyEXT, :vkCmdSetRasterizerDiscardEnableEXT, :vkCmdSetScissorWithCountEXT, :vkCmdSetStencilOpEXT, :vkCmdSetStencilTestEnableEXT, :vkCmdSetViewportWithCountEXT, :vkCmdWaitEvents2KHR, :vkCmdWriteTimestamp2KHR, :vkCreateDescriptorUpdateTemplateKHR, :vkCreatePrivateDataSlotEXT, :vkCreateRenderPass2KHR, :vkCreateSamplerYcbcrConversionKHR, :vkDestroyDescriptorUpdateTemplateKHR, :vkDestroyPrivateDataSlotEXT, :vkDestroySamplerYcbcrConversionKHR, :vkGetBufferDeviceAddressEXT, :vkGetBufferDeviceAddressKHR, :vkGetBufferMemoryRequirements2KHR, :vkGetBufferOpaqueCaptureAddressKHR, :vkGetDescriptorSetLayoutSupportKHR, :vkGetDeviceBufferMemoryRequirementsKHR, :vkGetDeviceGroupPeerMemoryFeaturesKHR, :vkGetDeviceImageMemoryRequirementsKHR, :vkGetDeviceImageSparseMemoryRequirementsKHR, :vkGetDeviceMemoryOpaqueCaptureAddressKHR, :vkGetImageMemoryRequirements2KHR, :vkGetImageSparseMemoryRequirements2KHR, :vkGetPrivateDataEXT, :vkGetRayTracingShaderGroupHandlesNV, :vkGetSemaphoreCounterValueKHR, :vkQueueSubmit2KHR, :vkResetQueryPoolEXT, :vkSetPrivateDataEXT, :vkSignalSemaphoreKHR, :vkTrimCommandPoolKHR, :vkUpdateDescriptorSetWithTemplateKHR, :vkWaitSemaphoresKHR] export MAX_PHYSICAL_DEVICE_NAME_SIZE, UUID_SIZE, LUID_SIZE, MAX_DESCRIPTION_SIZE, MAX_MEMORY_TYPES, MAX_MEMORY_HEAPS, LOD_CLAMP_NONE, REMAINING_MIP_LEVELS, REMAINING_ARRAY_LAYERS, WHOLE_SIZE, ATTACHMENT_UNUSED, QUEUE_FAMILY_IGNORED, QUEUE_FAMILY_EXTERNAL, QUEUE_FAMILY_FOREIGN_EXT, SUBPASS_EXTERNAL, MAX_DEVICE_GROUP_SIZE, MAX_DRIVER_NAME_SIZE, MAX_DRIVER_INFO_SIZE, SHADER_UNUSED_KHR, MAX_GLOBAL_PRIORITY_SIZE_KHR, MAX_SHADER_MODULE_IDENTIFIER_SIZE_EXT, ImageLayout, IMAGE_LAYOUT_UNDEFINED, IMAGE_LAYOUT_GENERAL, IMAGE_LAYOUT_COLOR_ATTACHMENT_OPTIMAL, IMAGE_LAYOUT_DEPTH_STENCIL_ATTACHMENT_OPTIMAL, IMAGE_LAYOUT_DEPTH_STENCIL_READ_ONLY_OPTIMAL, IMAGE_LAYOUT_SHADER_READ_ONLY_OPTIMAL, IMAGE_LAYOUT_TRANSFER_SRC_OPTIMAL, IMAGE_LAYOUT_TRANSFER_DST_OPTIMAL, IMAGE_LAYOUT_PREINITIALIZED, IMAGE_LAYOUT_DEPTH_READ_ONLY_STENCIL_ATTACHMENT_OPTIMAL, IMAGE_LAYOUT_DEPTH_ATTACHMENT_STENCIL_READ_ONLY_OPTIMAL, IMAGE_LAYOUT_DEPTH_ATTACHMENT_OPTIMAL, IMAGE_LAYOUT_DEPTH_READ_ONLY_OPTIMAL, IMAGE_LAYOUT_STENCIL_ATTACHMENT_OPTIMAL, IMAGE_LAYOUT_STENCIL_READ_ONLY_OPTIMAL, IMAGE_LAYOUT_READ_ONLY_OPTIMAL, IMAGE_LAYOUT_ATTACHMENT_OPTIMAL, IMAGE_LAYOUT_PRESENT_SRC_KHR, IMAGE_LAYOUT_VIDEO_DECODE_DST_KHR, IMAGE_LAYOUT_VIDEO_DECODE_SRC_KHR, IMAGE_LAYOUT_VIDEO_DECODE_DPB_KHR, IMAGE_LAYOUT_SHARED_PRESENT_KHR, IMAGE_LAYOUT_FRAGMENT_DENSITY_MAP_OPTIMAL_EXT, IMAGE_LAYOUT_FRAGMENT_SHADING_RATE_ATTACHMENT_OPTIMAL_KHR, IMAGE_LAYOUT_VIDEO_ENCODE_DST_KHR, IMAGE_LAYOUT_VIDEO_ENCODE_SRC_KHR, IMAGE_LAYOUT_VIDEO_ENCODE_DPB_KHR, IMAGE_LAYOUT_ATTACHMENT_FEEDBACK_LOOP_OPTIMAL_EXT, AttachmentLoadOp, ATTACHMENT_LOAD_OP_LOAD, ATTACHMENT_LOAD_OP_CLEAR, ATTACHMENT_LOAD_OP_DONT_CARE, ATTACHMENT_LOAD_OP_NONE_EXT, AttachmentStoreOp, ATTACHMENT_STORE_OP_STORE, ATTACHMENT_STORE_OP_DONT_CARE, ATTACHMENT_STORE_OP_NONE, ImageType, IMAGE_TYPE_1D, IMAGE_TYPE_2D, IMAGE_TYPE_3D, ImageTiling, IMAGE_TILING_OPTIMAL, IMAGE_TILING_LINEAR, IMAGE_TILING_DRM_FORMAT_MODIFIER_EXT, ImageViewType, IMAGE_VIEW_TYPE_1D, IMAGE_VIEW_TYPE_2D, IMAGE_VIEW_TYPE_3D, IMAGE_VIEW_TYPE_CUBE, IMAGE_VIEW_TYPE_1D_ARRAY, IMAGE_VIEW_TYPE_2D_ARRAY, IMAGE_VIEW_TYPE_CUBE_ARRAY, CommandBufferLevel, COMMAND_BUFFER_LEVEL_PRIMARY, COMMAND_BUFFER_LEVEL_SECONDARY, ComponentSwizzle, COMPONENT_SWIZZLE_IDENTITY, COMPONENT_SWIZZLE_ZERO, COMPONENT_SWIZZLE_ONE, COMPONENT_SWIZZLE_R, COMPONENT_SWIZZLE_G, COMPONENT_SWIZZLE_B, COMPONENT_SWIZZLE_A, DescriptorType, DESCRIPTOR_TYPE_SAMPLER, DESCRIPTOR_TYPE_COMBINED_IMAGE_SAMPLER, DESCRIPTOR_TYPE_SAMPLED_IMAGE, DESCRIPTOR_TYPE_STORAGE_IMAGE, DESCRIPTOR_TYPE_UNIFORM_TEXEL_BUFFER, DESCRIPTOR_TYPE_STORAGE_TEXEL_BUFFER, DESCRIPTOR_TYPE_UNIFORM_BUFFER, DESCRIPTOR_TYPE_STORAGE_BUFFER, DESCRIPTOR_TYPE_UNIFORM_BUFFER_DYNAMIC, DESCRIPTOR_TYPE_STORAGE_BUFFER_DYNAMIC, DESCRIPTOR_TYPE_INPUT_ATTACHMENT, DESCRIPTOR_TYPE_INLINE_UNIFORM_BLOCK, DESCRIPTOR_TYPE_ACCELERATION_STRUCTURE_KHR, DESCRIPTOR_TYPE_ACCELERATION_STRUCTURE_NV, DESCRIPTOR_TYPE_SAMPLE_WEIGHT_IMAGE_QCOM, DESCRIPTOR_TYPE_BLOCK_MATCH_IMAGE_QCOM, DESCRIPTOR_TYPE_MUTABLE_EXT, QueryType, QUERY_TYPE_OCCLUSION, QUERY_TYPE_PIPELINE_STATISTICS, QUERY_TYPE_TIMESTAMP, QUERY_TYPE_RESULT_STATUS_ONLY_KHR, QUERY_TYPE_TRANSFORM_FEEDBACK_STREAM_EXT, QUERY_TYPE_PERFORMANCE_QUERY_KHR, QUERY_TYPE_ACCELERATION_STRUCTURE_COMPACTED_SIZE_KHR, QUERY_TYPE_ACCELERATION_STRUCTURE_SERIALIZATION_SIZE_KHR, QUERY_TYPE_ACCELERATION_STRUCTURE_COMPACTED_SIZE_NV, QUERY_TYPE_PERFORMANCE_QUERY_INTEL, QUERY_TYPE_VIDEO_ENCODE_BITSTREAM_BUFFER_RANGE_KHR, QUERY_TYPE_MESH_PRIMITIVES_GENERATED_EXT, QUERY_TYPE_PRIMITIVES_GENERATED_EXT, QUERY_TYPE_ACCELERATION_STRUCTURE_SERIALIZATION_BOTTOM_LEVEL_POINTERS_KHR, QUERY_TYPE_ACCELERATION_STRUCTURE_SIZE_KHR, QUERY_TYPE_MICROMAP_SERIALIZATION_SIZE_EXT, QUERY_TYPE_MICROMAP_COMPACTED_SIZE_EXT, BorderColor, BORDER_COLOR_FLOAT_TRANSPARENT_BLACK, BORDER_COLOR_INT_TRANSPARENT_BLACK, BORDER_COLOR_FLOAT_OPAQUE_BLACK, BORDER_COLOR_INT_OPAQUE_BLACK, BORDER_COLOR_FLOAT_OPAQUE_WHITE, BORDER_COLOR_INT_OPAQUE_WHITE, BORDER_COLOR_FLOAT_CUSTOM_EXT, BORDER_COLOR_INT_CUSTOM_EXT, PipelineBindPoint, PIPELINE_BIND_POINT_GRAPHICS, PIPELINE_BIND_POINT_COMPUTE, PIPELINE_BIND_POINT_RAY_TRACING_KHR, PIPELINE_BIND_POINT_SUBPASS_SHADING_HUAWEI, PipelineCacheHeaderVersion, PIPELINE_CACHE_HEADER_VERSION_ONE, PrimitiveTopology, PRIMITIVE_TOPOLOGY_POINT_LIST, PRIMITIVE_TOPOLOGY_LINE_LIST, PRIMITIVE_TOPOLOGY_LINE_STRIP, PRIMITIVE_TOPOLOGY_TRIANGLE_LIST, PRIMITIVE_TOPOLOGY_TRIANGLE_STRIP, PRIMITIVE_TOPOLOGY_TRIANGLE_FAN, PRIMITIVE_TOPOLOGY_LINE_LIST_WITH_ADJACENCY, PRIMITIVE_TOPOLOGY_LINE_STRIP_WITH_ADJACENCY, PRIMITIVE_TOPOLOGY_TRIANGLE_LIST_WITH_ADJACENCY, PRIMITIVE_TOPOLOGY_TRIANGLE_STRIP_WITH_ADJACENCY, PRIMITIVE_TOPOLOGY_PATCH_LIST, SharingMode, SHARING_MODE_EXCLUSIVE, SHARING_MODE_CONCURRENT, IndexType, INDEX_TYPE_UINT16, INDEX_TYPE_UINT32, INDEX_TYPE_NONE_KHR, INDEX_TYPE_UINT8_EXT, Filter, FILTER_NEAREST, FILTER_LINEAR, FILTER_CUBIC_EXT, SamplerMipmapMode, SAMPLER_MIPMAP_MODE_NEAREST, SAMPLER_MIPMAP_MODE_LINEAR, SamplerAddressMode, SAMPLER_ADDRESS_MODE_REPEAT, SAMPLER_ADDRESS_MODE_MIRRORED_REPEAT, SAMPLER_ADDRESS_MODE_CLAMP_TO_EDGE, SAMPLER_ADDRESS_MODE_CLAMP_TO_BORDER, SAMPLER_ADDRESS_MODE_MIRROR_CLAMP_TO_EDGE, CompareOp, COMPARE_OP_NEVER, COMPARE_OP_LESS, COMPARE_OP_EQUAL, COMPARE_OP_LESS_OR_EQUAL, COMPARE_OP_GREATER, COMPARE_OP_NOT_EQUAL, COMPARE_OP_GREATER_OR_EQUAL, COMPARE_OP_ALWAYS, PolygonMode, POLYGON_MODE_FILL, POLYGON_MODE_LINE, POLYGON_MODE_POINT, POLYGON_MODE_FILL_RECTANGLE_NV, FrontFace, FRONT_FACE_COUNTER_CLOCKWISE, FRONT_FACE_CLOCKWISE, BlendFactor, BLEND_FACTOR_ZERO, BLEND_FACTOR_ONE, BLEND_FACTOR_SRC_COLOR, BLEND_FACTOR_ONE_MINUS_SRC_COLOR, BLEND_FACTOR_DST_COLOR, BLEND_FACTOR_ONE_MINUS_DST_COLOR, BLEND_FACTOR_SRC_ALPHA, BLEND_FACTOR_ONE_MINUS_SRC_ALPHA, BLEND_FACTOR_DST_ALPHA, BLEND_FACTOR_ONE_MINUS_DST_ALPHA, BLEND_FACTOR_CONSTANT_COLOR, BLEND_FACTOR_ONE_MINUS_CONSTANT_COLOR, BLEND_FACTOR_CONSTANT_ALPHA, BLEND_FACTOR_ONE_MINUS_CONSTANT_ALPHA, BLEND_FACTOR_SRC_ALPHA_SATURATE, BLEND_FACTOR_SRC1_COLOR, BLEND_FACTOR_ONE_MINUS_SRC1_COLOR, BLEND_FACTOR_SRC1_ALPHA, BLEND_FACTOR_ONE_MINUS_SRC1_ALPHA, BlendOp, BLEND_OP_ADD, BLEND_OP_SUBTRACT, BLEND_OP_REVERSE_SUBTRACT, BLEND_OP_MIN, BLEND_OP_MAX, BLEND_OP_ZERO_EXT, BLEND_OP_SRC_EXT, BLEND_OP_DST_EXT, BLEND_OP_SRC_OVER_EXT, BLEND_OP_DST_OVER_EXT, BLEND_OP_SRC_IN_EXT, BLEND_OP_DST_IN_EXT, BLEND_OP_SRC_OUT_EXT, BLEND_OP_DST_OUT_EXT, BLEND_OP_SRC_ATOP_EXT, BLEND_OP_DST_ATOP_EXT, BLEND_OP_XOR_EXT, BLEND_OP_MULTIPLY_EXT, BLEND_OP_SCREEN_EXT, BLEND_OP_OVERLAY_EXT, BLEND_OP_DARKEN_EXT, BLEND_OP_LIGHTEN_EXT, BLEND_OP_COLORDODGE_EXT, BLEND_OP_COLORBURN_EXT, BLEND_OP_HARDLIGHT_EXT, BLEND_OP_SOFTLIGHT_EXT, BLEND_OP_DIFFERENCE_EXT, BLEND_OP_EXCLUSION_EXT, BLEND_OP_INVERT_EXT, BLEND_OP_INVERT_RGB_EXT, BLEND_OP_LINEARDODGE_EXT, BLEND_OP_LINEARBURN_EXT, BLEND_OP_VIVIDLIGHT_EXT, BLEND_OP_LINEARLIGHT_EXT, BLEND_OP_PINLIGHT_EXT, BLEND_OP_HARDMIX_EXT, BLEND_OP_HSL_HUE_EXT, BLEND_OP_HSL_SATURATION_EXT, BLEND_OP_HSL_COLOR_EXT, BLEND_OP_HSL_LUMINOSITY_EXT, BLEND_OP_PLUS_EXT, BLEND_OP_PLUS_CLAMPED_EXT, BLEND_OP_PLUS_CLAMPED_ALPHA_EXT, BLEND_OP_PLUS_DARKER_EXT, BLEND_OP_MINUS_EXT, BLEND_OP_MINUS_CLAMPED_EXT, BLEND_OP_CONTRAST_EXT, BLEND_OP_INVERT_OVG_EXT, BLEND_OP_RED_EXT, BLEND_OP_GREEN_EXT, BLEND_OP_BLUE_EXT, StencilOp, STENCIL_OP_KEEP, STENCIL_OP_ZERO, STENCIL_OP_REPLACE, STENCIL_OP_INCREMENT_AND_CLAMP, STENCIL_OP_DECREMENT_AND_CLAMP, STENCIL_OP_INVERT, STENCIL_OP_INCREMENT_AND_WRAP, STENCIL_OP_DECREMENT_AND_WRAP, LogicOp, LOGIC_OP_CLEAR, LOGIC_OP_AND, LOGIC_OP_AND_REVERSE, LOGIC_OP_COPY, LOGIC_OP_AND_INVERTED, LOGIC_OP_NO_OP, LOGIC_OP_XOR, LOGIC_OP_OR, LOGIC_OP_NOR, LOGIC_OP_EQUIVALENT, LOGIC_OP_INVERT, LOGIC_OP_OR_REVERSE, LOGIC_OP_COPY_INVERTED, LOGIC_OP_OR_INVERTED, LOGIC_OP_NAND, LOGIC_OP_SET, InternalAllocationType, INTERNAL_ALLOCATION_TYPE_EXECUTABLE, SystemAllocationScope, SYSTEM_ALLOCATION_SCOPE_COMMAND, SYSTEM_ALLOCATION_SCOPE_OBJECT, SYSTEM_ALLOCATION_SCOPE_CACHE, SYSTEM_ALLOCATION_SCOPE_DEVICE, SYSTEM_ALLOCATION_SCOPE_INSTANCE, PhysicalDeviceType, PHYSICAL_DEVICE_TYPE_OTHER, PHYSICAL_DEVICE_TYPE_INTEGRATED_GPU, PHYSICAL_DEVICE_TYPE_DISCRETE_GPU, PHYSICAL_DEVICE_TYPE_VIRTUAL_GPU, PHYSICAL_DEVICE_TYPE_CPU, VertexInputRate, VERTEX_INPUT_RATE_VERTEX, VERTEX_INPUT_RATE_INSTANCE, Format, FORMAT_UNDEFINED, FORMAT_R4G4_UNORM_PACK8, FORMAT_R4G4B4A4_UNORM_PACK16, FORMAT_B4G4R4A4_UNORM_PACK16, FORMAT_R5G6B5_UNORM_PACK16, FORMAT_B5G6R5_UNORM_PACK16, FORMAT_R5G5B5A1_UNORM_PACK16, FORMAT_B5G5R5A1_UNORM_PACK16, FORMAT_A1R5G5B5_UNORM_PACK16, FORMAT_R8_UNORM, FORMAT_R8_SNORM, FORMAT_R8_USCALED, FORMAT_R8_SSCALED, FORMAT_R8_UINT, FORMAT_R8_SINT, FORMAT_R8_SRGB, FORMAT_R8G8_UNORM, FORMAT_R8G8_SNORM, FORMAT_R8G8_USCALED, FORMAT_R8G8_SSCALED, FORMAT_R8G8_UINT, FORMAT_R8G8_SINT, FORMAT_R8G8_SRGB, FORMAT_R8G8B8_UNORM, FORMAT_R8G8B8_SNORM, FORMAT_R8G8B8_USCALED, FORMAT_R8G8B8_SSCALED, FORMAT_R8G8B8_UINT, FORMAT_R8G8B8_SINT, FORMAT_R8G8B8_SRGB, FORMAT_B8G8R8_UNORM, FORMAT_B8G8R8_SNORM, FORMAT_B8G8R8_USCALED, FORMAT_B8G8R8_SSCALED, FORMAT_B8G8R8_UINT, FORMAT_B8G8R8_SINT, FORMAT_B8G8R8_SRGB, FORMAT_R8G8B8A8_UNORM, FORMAT_R8G8B8A8_SNORM, FORMAT_R8G8B8A8_USCALED, FORMAT_R8G8B8A8_SSCALED, FORMAT_R8G8B8A8_UINT, FORMAT_R8G8B8A8_SINT, FORMAT_R8G8B8A8_SRGB, FORMAT_B8G8R8A8_UNORM, FORMAT_B8G8R8A8_SNORM, FORMAT_B8G8R8A8_USCALED, FORMAT_B8G8R8A8_SSCALED, FORMAT_B8G8R8A8_UINT, FORMAT_B8G8R8A8_SINT, FORMAT_B8G8R8A8_SRGB, FORMAT_A8B8G8R8_UNORM_PACK32, FORMAT_A8B8G8R8_SNORM_PACK32, FORMAT_A8B8G8R8_USCALED_PACK32, FORMAT_A8B8G8R8_SSCALED_PACK32, FORMAT_A8B8G8R8_UINT_PACK32, FORMAT_A8B8G8R8_SINT_PACK32, FORMAT_A8B8G8R8_SRGB_PACK32, FORMAT_A2R10G10B10_UNORM_PACK32, FORMAT_A2R10G10B10_SNORM_PACK32, FORMAT_A2R10G10B10_USCALED_PACK32, FORMAT_A2R10G10B10_SSCALED_PACK32, FORMAT_A2R10G10B10_UINT_PACK32, FORMAT_A2R10G10B10_SINT_PACK32, FORMAT_A2B10G10R10_UNORM_PACK32, FORMAT_A2B10G10R10_SNORM_PACK32, FORMAT_A2B10G10R10_USCALED_PACK32, FORMAT_A2B10G10R10_SSCALED_PACK32, FORMAT_A2B10G10R10_UINT_PACK32, FORMAT_A2B10G10R10_SINT_PACK32, FORMAT_R16_UNORM, FORMAT_R16_SNORM, FORMAT_R16_USCALED, FORMAT_R16_SSCALED, FORMAT_R16_UINT, FORMAT_R16_SINT, FORMAT_R16_SFLOAT, FORMAT_R16G16_UNORM, FORMAT_R16G16_SNORM, FORMAT_R16G16_USCALED, FORMAT_R16G16_SSCALED, FORMAT_R16G16_UINT, FORMAT_R16G16_SINT, FORMAT_R16G16_SFLOAT, FORMAT_R16G16B16_UNORM, FORMAT_R16G16B16_SNORM, FORMAT_R16G16B16_USCALED, FORMAT_R16G16B16_SSCALED, FORMAT_R16G16B16_UINT, FORMAT_R16G16B16_SINT, FORMAT_R16G16B16_SFLOAT, FORMAT_R16G16B16A16_UNORM, FORMAT_R16G16B16A16_SNORM, FORMAT_R16G16B16A16_USCALED, FORMAT_R16G16B16A16_SSCALED, FORMAT_R16G16B16A16_UINT, FORMAT_R16G16B16A16_SINT, FORMAT_R16G16B16A16_SFLOAT, FORMAT_R32_UINT, FORMAT_R32_SINT, FORMAT_R32_SFLOAT, FORMAT_R32G32_UINT, FORMAT_R32G32_SINT, FORMAT_R32G32_SFLOAT, FORMAT_R32G32B32_UINT, FORMAT_R32G32B32_SINT, FORMAT_R32G32B32_SFLOAT, FORMAT_R32G32B32A32_UINT, FORMAT_R32G32B32A32_SINT, FORMAT_R32G32B32A32_SFLOAT, FORMAT_R64_UINT, FORMAT_R64_SINT, FORMAT_R64_SFLOAT, FORMAT_R64G64_UINT, FORMAT_R64G64_SINT, FORMAT_R64G64_SFLOAT, FORMAT_R64G64B64_UINT, FORMAT_R64G64B64_SINT, FORMAT_R64G64B64_SFLOAT, FORMAT_R64G64B64A64_UINT, FORMAT_R64G64B64A64_SINT, FORMAT_R64G64B64A64_SFLOAT, FORMAT_B10G11R11_UFLOAT_PACK32, FORMAT_E5B9G9R9_UFLOAT_PACK32, FORMAT_D16_UNORM, FORMAT_X8_D24_UNORM_PACK32, FORMAT_D32_SFLOAT, FORMAT_S8_UINT, FORMAT_D16_UNORM_S8_UINT, FORMAT_D24_UNORM_S8_UINT, FORMAT_D32_SFLOAT_S8_UINT, FORMAT_BC1_RGB_UNORM_BLOCK, FORMAT_BC1_RGB_SRGB_BLOCK, FORMAT_BC1_RGBA_UNORM_BLOCK, FORMAT_BC1_RGBA_SRGB_BLOCK, FORMAT_BC2_UNORM_BLOCK, FORMAT_BC2_SRGB_BLOCK, FORMAT_BC3_UNORM_BLOCK, FORMAT_BC3_SRGB_BLOCK, FORMAT_BC4_UNORM_BLOCK, FORMAT_BC4_SNORM_BLOCK, FORMAT_BC5_UNORM_BLOCK, FORMAT_BC5_SNORM_BLOCK, FORMAT_BC6H_UFLOAT_BLOCK, FORMAT_BC6H_SFLOAT_BLOCK, FORMAT_BC7_UNORM_BLOCK, FORMAT_BC7_SRGB_BLOCK, FORMAT_ETC2_R8G8B8_UNORM_BLOCK, FORMAT_ETC2_R8G8B8_SRGB_BLOCK, FORMAT_ETC2_R8G8B8A1_UNORM_BLOCK, FORMAT_ETC2_R8G8B8A1_SRGB_BLOCK, FORMAT_ETC2_R8G8B8A8_UNORM_BLOCK, FORMAT_ETC2_R8G8B8A8_SRGB_BLOCK, FORMAT_EAC_R11_UNORM_BLOCK, FORMAT_EAC_R11_SNORM_BLOCK, FORMAT_EAC_R11G11_UNORM_BLOCK, FORMAT_EAC_R11G11_SNORM_BLOCK, FORMAT_ASTC_4x4_UNORM_BLOCK, FORMAT_ASTC_4x4_SRGB_BLOCK, FORMAT_ASTC_5x4_UNORM_BLOCK, FORMAT_ASTC_5x4_SRGB_BLOCK, FORMAT_ASTC_5x5_UNORM_BLOCK, FORMAT_ASTC_5x5_SRGB_BLOCK, FORMAT_ASTC_6x5_UNORM_BLOCK, FORMAT_ASTC_6x5_SRGB_BLOCK, FORMAT_ASTC_6x6_UNORM_BLOCK, FORMAT_ASTC_6x6_SRGB_BLOCK, FORMAT_ASTC_8x5_UNORM_BLOCK, FORMAT_ASTC_8x5_SRGB_BLOCK, FORMAT_ASTC_8x6_UNORM_BLOCK, FORMAT_ASTC_8x6_SRGB_BLOCK, FORMAT_ASTC_8x8_UNORM_BLOCK, FORMAT_ASTC_8x8_SRGB_BLOCK, FORMAT_ASTC_10x5_UNORM_BLOCK, FORMAT_ASTC_10x5_SRGB_BLOCK, FORMAT_ASTC_10x6_UNORM_BLOCK, FORMAT_ASTC_10x6_SRGB_BLOCK, FORMAT_ASTC_10x8_UNORM_BLOCK, FORMAT_ASTC_10x8_SRGB_BLOCK, FORMAT_ASTC_10x10_UNORM_BLOCK, FORMAT_ASTC_10x10_SRGB_BLOCK, FORMAT_ASTC_12x10_UNORM_BLOCK, FORMAT_ASTC_12x10_SRGB_BLOCK, FORMAT_ASTC_12x12_UNORM_BLOCK, FORMAT_ASTC_12x12_SRGB_BLOCK, FORMAT_G8B8G8R8_422_UNORM, FORMAT_B8G8R8G8_422_UNORM, FORMAT_G8_B8_R8_3PLANE_420_UNORM, FORMAT_G8_B8R8_2PLANE_420_UNORM, FORMAT_G8_B8_R8_3PLANE_422_UNORM, FORMAT_G8_B8R8_2PLANE_422_UNORM, FORMAT_G8_B8_R8_3PLANE_444_UNORM, FORMAT_R10X6_UNORM_PACK16, FORMAT_R10X6G10X6_UNORM_2PACK16, FORMAT_R10X6G10X6B10X6A10X6_UNORM_4PACK16, FORMAT_G10X6B10X6G10X6R10X6_422_UNORM_4PACK16, FORMAT_B10X6G10X6R10X6G10X6_422_UNORM_4PACK16, FORMAT_G10X6_B10X6_R10X6_3PLANE_420_UNORM_3PACK16, FORMAT_G10X6_B10X6R10X6_2PLANE_420_UNORM_3PACK16, FORMAT_G10X6_B10X6_R10X6_3PLANE_422_UNORM_3PACK16, FORMAT_G10X6_B10X6R10X6_2PLANE_422_UNORM_3PACK16, FORMAT_G10X6_B10X6_R10X6_3PLANE_444_UNORM_3PACK16, FORMAT_R12X4_UNORM_PACK16, FORMAT_R12X4G12X4_UNORM_2PACK16, FORMAT_R12X4G12X4B12X4A12X4_UNORM_4PACK16, FORMAT_G12X4B12X4G12X4R12X4_422_UNORM_4PACK16, FORMAT_B12X4G12X4R12X4G12X4_422_UNORM_4PACK16, FORMAT_G12X4_B12X4_R12X4_3PLANE_420_UNORM_3PACK16, FORMAT_G12X4_B12X4R12X4_2PLANE_420_UNORM_3PACK16, FORMAT_G12X4_B12X4_R12X4_3PLANE_422_UNORM_3PACK16, FORMAT_G12X4_B12X4R12X4_2PLANE_422_UNORM_3PACK16, FORMAT_G12X4_B12X4_R12X4_3PLANE_444_UNORM_3PACK16, FORMAT_G16B16G16R16_422_UNORM, FORMAT_B16G16R16G16_422_UNORM, FORMAT_G16_B16_R16_3PLANE_420_UNORM, FORMAT_G16_B16R16_2PLANE_420_UNORM, FORMAT_G16_B16_R16_3PLANE_422_UNORM, FORMAT_G16_B16R16_2PLANE_422_UNORM, FORMAT_G16_B16_R16_3PLANE_444_UNORM, FORMAT_G8_B8R8_2PLANE_444_UNORM, FORMAT_G10X6_B10X6R10X6_2PLANE_444_UNORM_3PACK16, FORMAT_G12X4_B12X4R12X4_2PLANE_444_UNORM_3PACK16, FORMAT_G16_B16R16_2PLANE_444_UNORM, FORMAT_A4R4G4B4_UNORM_PACK16, FORMAT_A4B4G4R4_UNORM_PACK16, FORMAT_ASTC_4x4_SFLOAT_BLOCK, FORMAT_ASTC_5x4_SFLOAT_BLOCK, FORMAT_ASTC_5x5_SFLOAT_BLOCK, FORMAT_ASTC_6x5_SFLOAT_BLOCK, FORMAT_ASTC_6x6_SFLOAT_BLOCK, FORMAT_ASTC_8x5_SFLOAT_BLOCK, FORMAT_ASTC_8x6_SFLOAT_BLOCK, FORMAT_ASTC_8x8_SFLOAT_BLOCK, FORMAT_ASTC_10x5_SFLOAT_BLOCK, FORMAT_ASTC_10x6_SFLOAT_BLOCK, FORMAT_ASTC_10x8_SFLOAT_BLOCK, FORMAT_ASTC_10x10_SFLOAT_BLOCK, FORMAT_ASTC_12x10_SFLOAT_BLOCK, FORMAT_ASTC_12x12_SFLOAT_BLOCK, FORMAT_PVRTC1_2BPP_UNORM_BLOCK_IMG, FORMAT_PVRTC1_4BPP_UNORM_BLOCK_IMG, FORMAT_PVRTC2_2BPP_UNORM_BLOCK_IMG, FORMAT_PVRTC2_4BPP_UNORM_BLOCK_IMG, FORMAT_PVRTC1_2BPP_SRGB_BLOCK_IMG, FORMAT_PVRTC1_4BPP_SRGB_BLOCK_IMG, FORMAT_PVRTC2_2BPP_SRGB_BLOCK_IMG, FORMAT_PVRTC2_4BPP_SRGB_BLOCK_IMG, FORMAT_R16G16_S10_5_NV, StructureType, STRUCTURE_TYPE_APPLICATION_INFO, STRUCTURE_TYPE_INSTANCE_CREATE_INFO, STRUCTURE_TYPE_DEVICE_QUEUE_CREATE_INFO, STRUCTURE_TYPE_DEVICE_CREATE_INFO, STRUCTURE_TYPE_SUBMIT_INFO, STRUCTURE_TYPE_MEMORY_ALLOCATE_INFO, STRUCTURE_TYPE_MAPPED_MEMORY_RANGE, STRUCTURE_TYPE_BIND_SPARSE_INFO, STRUCTURE_TYPE_FENCE_CREATE_INFO, STRUCTURE_TYPE_SEMAPHORE_CREATE_INFO, STRUCTURE_TYPE_EVENT_CREATE_INFO, STRUCTURE_TYPE_QUERY_POOL_CREATE_INFO, STRUCTURE_TYPE_BUFFER_CREATE_INFO, STRUCTURE_TYPE_BUFFER_VIEW_CREATE_INFO, STRUCTURE_TYPE_IMAGE_CREATE_INFO, STRUCTURE_TYPE_IMAGE_VIEW_CREATE_INFO, STRUCTURE_TYPE_SHADER_MODULE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_CACHE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_SHADER_STAGE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_VERTEX_INPUT_STATE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_INPUT_ASSEMBLY_STATE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_TESSELLATION_STATE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_VIEWPORT_STATE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_RASTERIZATION_STATE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_MULTISAMPLE_STATE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_DEPTH_STENCIL_STATE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_COLOR_BLEND_STATE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_DYNAMIC_STATE_CREATE_INFO, STRUCTURE_TYPE_GRAPHICS_PIPELINE_CREATE_INFO, STRUCTURE_TYPE_COMPUTE_PIPELINE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_LAYOUT_CREATE_INFO, STRUCTURE_TYPE_SAMPLER_CREATE_INFO, STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_CREATE_INFO, STRUCTURE_TYPE_DESCRIPTOR_POOL_CREATE_INFO, STRUCTURE_TYPE_DESCRIPTOR_SET_ALLOCATE_INFO, STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET, STRUCTURE_TYPE_COPY_DESCRIPTOR_SET, STRUCTURE_TYPE_FRAMEBUFFER_CREATE_INFO, STRUCTURE_TYPE_RENDER_PASS_CREATE_INFO, STRUCTURE_TYPE_COMMAND_POOL_CREATE_INFO, STRUCTURE_TYPE_COMMAND_BUFFER_ALLOCATE_INFO, STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_INFO, STRUCTURE_TYPE_COMMAND_BUFFER_BEGIN_INFO, STRUCTURE_TYPE_RENDER_PASS_BEGIN_INFO, STRUCTURE_TYPE_BUFFER_MEMORY_BARRIER, STRUCTURE_TYPE_IMAGE_MEMORY_BARRIER, STRUCTURE_TYPE_MEMORY_BARRIER, STRUCTURE_TYPE_LOADER_INSTANCE_CREATE_INFO, STRUCTURE_TYPE_LOADER_DEVICE_CREATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_PROPERTIES, STRUCTURE_TYPE_BIND_BUFFER_MEMORY_INFO, STRUCTURE_TYPE_BIND_IMAGE_MEMORY_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_16BIT_STORAGE_FEATURES, STRUCTURE_TYPE_MEMORY_DEDICATED_REQUIREMENTS, STRUCTURE_TYPE_MEMORY_DEDICATED_ALLOCATE_INFO, STRUCTURE_TYPE_MEMORY_ALLOCATE_FLAGS_INFO, STRUCTURE_TYPE_DEVICE_GROUP_RENDER_PASS_BEGIN_INFO, STRUCTURE_TYPE_DEVICE_GROUP_COMMAND_BUFFER_BEGIN_INFO, STRUCTURE_TYPE_DEVICE_GROUP_SUBMIT_INFO, STRUCTURE_TYPE_DEVICE_GROUP_BIND_SPARSE_INFO, STRUCTURE_TYPE_BIND_BUFFER_MEMORY_DEVICE_GROUP_INFO, STRUCTURE_TYPE_BIND_IMAGE_MEMORY_DEVICE_GROUP_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_GROUP_PROPERTIES, STRUCTURE_TYPE_DEVICE_GROUP_DEVICE_CREATE_INFO, STRUCTURE_TYPE_BUFFER_MEMORY_REQUIREMENTS_INFO_2, STRUCTURE_TYPE_IMAGE_MEMORY_REQUIREMENTS_INFO_2, STRUCTURE_TYPE_IMAGE_SPARSE_MEMORY_REQUIREMENTS_INFO_2, STRUCTURE_TYPE_MEMORY_REQUIREMENTS_2, STRUCTURE_TYPE_SPARSE_IMAGE_MEMORY_REQUIREMENTS_2, STRUCTURE_TYPE_PHYSICAL_DEVICE_FEATURES_2, STRUCTURE_TYPE_PHYSICAL_DEVICE_PROPERTIES_2, STRUCTURE_TYPE_FORMAT_PROPERTIES_2, STRUCTURE_TYPE_IMAGE_FORMAT_PROPERTIES_2, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_FORMAT_INFO_2, STRUCTURE_TYPE_QUEUE_FAMILY_PROPERTIES_2, STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_PROPERTIES_2, STRUCTURE_TYPE_SPARSE_IMAGE_FORMAT_PROPERTIES_2, STRUCTURE_TYPE_PHYSICAL_DEVICE_SPARSE_IMAGE_FORMAT_INFO_2, STRUCTURE_TYPE_PHYSICAL_DEVICE_POINT_CLIPPING_PROPERTIES, STRUCTURE_TYPE_RENDER_PASS_INPUT_ATTACHMENT_ASPECT_CREATE_INFO, STRUCTURE_TYPE_IMAGE_VIEW_USAGE_CREATE_INFO, STRUCTURE_TYPE_PIPELINE_TESSELLATION_DOMAIN_ORIGIN_STATE_CREATE_INFO, STRUCTURE_TYPE_RENDER_PASS_MULTIVIEW_CREATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_PROPERTIES, STRUCTURE_TYPE_PHYSICAL_DEVICE_VARIABLE_POINTERS_FEATURES, STRUCTURE_TYPE_PROTECTED_SUBMIT_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_PROTECTED_MEMORY_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_PROTECTED_MEMORY_PROPERTIES, STRUCTURE_TYPE_DEVICE_QUEUE_INFO_2, STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_CREATE_INFO, STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_INFO, STRUCTURE_TYPE_BIND_IMAGE_PLANE_MEMORY_INFO, STRUCTURE_TYPE_IMAGE_PLANE_MEMORY_REQUIREMENTS_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLER_YCBCR_CONVERSION_FEATURES, STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_IMAGE_FORMAT_PROPERTIES, STRUCTURE_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_CREATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_IMAGE_FORMAT_INFO, STRUCTURE_TYPE_EXTERNAL_IMAGE_FORMAT_PROPERTIES, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_BUFFER_INFO, STRUCTURE_TYPE_EXTERNAL_BUFFER_PROPERTIES, STRUCTURE_TYPE_PHYSICAL_DEVICE_ID_PROPERTIES, STRUCTURE_TYPE_EXTERNAL_MEMORY_BUFFER_CREATE_INFO, STRUCTURE_TYPE_EXTERNAL_MEMORY_IMAGE_CREATE_INFO, STRUCTURE_TYPE_EXPORT_MEMORY_ALLOCATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_FENCE_INFO, STRUCTURE_TYPE_EXTERNAL_FENCE_PROPERTIES, STRUCTURE_TYPE_EXPORT_FENCE_CREATE_INFO, STRUCTURE_TYPE_EXPORT_SEMAPHORE_CREATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_SEMAPHORE_INFO, STRUCTURE_TYPE_EXTERNAL_SEMAPHORE_PROPERTIES, STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_3_PROPERTIES, STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_SUPPORT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_DRAW_PARAMETERS_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_1_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_1_PROPERTIES, STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_2_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_2_PROPERTIES, STRUCTURE_TYPE_IMAGE_FORMAT_LIST_CREATE_INFO, STRUCTURE_TYPE_ATTACHMENT_DESCRIPTION_2, STRUCTURE_TYPE_ATTACHMENT_REFERENCE_2, STRUCTURE_TYPE_SUBPASS_DESCRIPTION_2, STRUCTURE_TYPE_SUBPASS_DEPENDENCY_2, STRUCTURE_TYPE_RENDER_PASS_CREATE_INFO_2, STRUCTURE_TYPE_SUBPASS_BEGIN_INFO, STRUCTURE_TYPE_SUBPASS_END_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_8BIT_STORAGE_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_DRIVER_PROPERTIES, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_ATOMIC_INT64_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_FLOAT16_INT8_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_FLOAT_CONTROLS_PROPERTIES, STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_BINDING_FLAGS_CREATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_INDEXING_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_INDEXING_PROPERTIES, STRUCTURE_TYPE_DESCRIPTOR_SET_VARIABLE_DESCRIPTOR_COUNT_ALLOCATE_INFO, STRUCTURE_TYPE_DESCRIPTOR_SET_VARIABLE_DESCRIPTOR_COUNT_LAYOUT_SUPPORT, STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_STENCIL_RESOLVE_PROPERTIES, STRUCTURE_TYPE_SUBPASS_DESCRIPTION_DEPTH_STENCIL_RESOLVE, STRUCTURE_TYPE_PHYSICAL_DEVICE_SCALAR_BLOCK_LAYOUT_FEATURES, STRUCTURE_TYPE_IMAGE_STENCIL_USAGE_CREATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLER_FILTER_MINMAX_PROPERTIES, STRUCTURE_TYPE_SAMPLER_REDUCTION_MODE_CREATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_MEMORY_MODEL_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGELESS_FRAMEBUFFER_FEATURES, STRUCTURE_TYPE_FRAMEBUFFER_ATTACHMENTS_CREATE_INFO, STRUCTURE_TYPE_FRAMEBUFFER_ATTACHMENT_IMAGE_INFO, STRUCTURE_TYPE_RENDER_PASS_ATTACHMENT_BEGIN_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_UNIFORM_BUFFER_STANDARD_LAYOUT_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SUBGROUP_EXTENDED_TYPES_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_SEPARATE_DEPTH_STENCIL_LAYOUTS_FEATURES, STRUCTURE_TYPE_ATTACHMENT_REFERENCE_STENCIL_LAYOUT, STRUCTURE_TYPE_ATTACHMENT_DESCRIPTION_STENCIL_LAYOUT, STRUCTURE_TYPE_PHYSICAL_DEVICE_HOST_QUERY_RESET_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_TIMELINE_SEMAPHORE_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_TIMELINE_SEMAPHORE_PROPERTIES, STRUCTURE_TYPE_SEMAPHORE_TYPE_CREATE_INFO, STRUCTURE_TYPE_TIMELINE_SEMAPHORE_SUBMIT_INFO, STRUCTURE_TYPE_SEMAPHORE_WAIT_INFO, STRUCTURE_TYPE_SEMAPHORE_SIGNAL_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_BUFFER_DEVICE_ADDRESS_FEATURES, STRUCTURE_TYPE_BUFFER_DEVICE_ADDRESS_INFO, STRUCTURE_TYPE_BUFFER_OPAQUE_CAPTURE_ADDRESS_CREATE_INFO, STRUCTURE_TYPE_MEMORY_OPAQUE_CAPTURE_ADDRESS_ALLOCATE_INFO, STRUCTURE_TYPE_DEVICE_MEMORY_OPAQUE_CAPTURE_ADDRESS_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_3_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_1_3_PROPERTIES, STRUCTURE_TYPE_PIPELINE_CREATION_FEEDBACK_CREATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_TERMINATE_INVOCATION_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_TOOL_PROPERTIES, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_DEMOTE_TO_HELPER_INVOCATION_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_PRIVATE_DATA_FEATURES, STRUCTURE_TYPE_DEVICE_PRIVATE_DATA_CREATE_INFO, STRUCTURE_TYPE_PRIVATE_DATA_SLOT_CREATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_CREATION_CACHE_CONTROL_FEATURES, STRUCTURE_TYPE_MEMORY_BARRIER_2, STRUCTURE_TYPE_BUFFER_MEMORY_BARRIER_2, STRUCTURE_TYPE_IMAGE_MEMORY_BARRIER_2, STRUCTURE_TYPE_DEPENDENCY_INFO, STRUCTURE_TYPE_SUBMIT_INFO_2, STRUCTURE_TYPE_SEMAPHORE_SUBMIT_INFO, STRUCTURE_TYPE_COMMAND_BUFFER_SUBMIT_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_SYNCHRONIZATION_2_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_ZERO_INITIALIZE_WORKGROUP_MEMORY_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_ROBUSTNESS_FEATURES, STRUCTURE_TYPE_COPY_BUFFER_INFO_2, STRUCTURE_TYPE_COPY_IMAGE_INFO_2, STRUCTURE_TYPE_COPY_BUFFER_TO_IMAGE_INFO_2, STRUCTURE_TYPE_COPY_IMAGE_TO_BUFFER_INFO_2, STRUCTURE_TYPE_BLIT_IMAGE_INFO_2, STRUCTURE_TYPE_RESOLVE_IMAGE_INFO_2, STRUCTURE_TYPE_BUFFER_COPY_2, STRUCTURE_TYPE_IMAGE_COPY_2, STRUCTURE_TYPE_IMAGE_BLIT_2, STRUCTURE_TYPE_BUFFER_IMAGE_COPY_2, STRUCTURE_TYPE_IMAGE_RESOLVE_2, STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_SIZE_CONTROL_PROPERTIES, STRUCTURE_TYPE_PIPELINE_SHADER_STAGE_REQUIRED_SUBGROUP_SIZE_CREATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_SIZE_CONTROL_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_INLINE_UNIFORM_BLOCK_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_INLINE_UNIFORM_BLOCK_PROPERTIES, STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET_INLINE_UNIFORM_BLOCK, STRUCTURE_TYPE_DESCRIPTOR_POOL_INLINE_UNIFORM_BLOCK_CREATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXTURE_COMPRESSION_ASTC_HDR_FEATURES, STRUCTURE_TYPE_RENDERING_INFO, STRUCTURE_TYPE_RENDERING_ATTACHMENT_INFO, STRUCTURE_TYPE_PIPELINE_RENDERING_CREATE_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_DYNAMIC_RENDERING_FEATURES, STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_RENDERING_INFO, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_DOT_PRODUCT_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_DOT_PRODUCT_PROPERTIES, STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXEL_BUFFER_ALIGNMENT_PROPERTIES, STRUCTURE_TYPE_FORMAT_PROPERTIES_3, STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_4_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_4_PROPERTIES, STRUCTURE_TYPE_DEVICE_BUFFER_MEMORY_REQUIREMENTS, STRUCTURE_TYPE_DEVICE_IMAGE_MEMORY_REQUIREMENTS, STRUCTURE_TYPE_SWAPCHAIN_CREATE_INFO_KHR, STRUCTURE_TYPE_PRESENT_INFO_KHR, STRUCTURE_TYPE_DEVICE_GROUP_PRESENT_CAPABILITIES_KHR, STRUCTURE_TYPE_IMAGE_SWAPCHAIN_CREATE_INFO_KHR, STRUCTURE_TYPE_BIND_IMAGE_MEMORY_SWAPCHAIN_INFO_KHR, STRUCTURE_TYPE_ACQUIRE_NEXT_IMAGE_INFO_KHR, STRUCTURE_TYPE_DEVICE_GROUP_PRESENT_INFO_KHR, STRUCTURE_TYPE_DEVICE_GROUP_SWAPCHAIN_CREATE_INFO_KHR, STRUCTURE_TYPE_DISPLAY_MODE_CREATE_INFO_KHR, STRUCTURE_TYPE_DISPLAY_SURFACE_CREATE_INFO_KHR, STRUCTURE_TYPE_DISPLAY_PRESENT_INFO_KHR, STRUCTURE_TYPE_XLIB_SURFACE_CREATE_INFO_KHR, STRUCTURE_TYPE_XCB_SURFACE_CREATE_INFO_KHR, STRUCTURE_TYPE_WAYLAND_SURFACE_CREATE_INFO_KHR, STRUCTURE_TYPE_ANDROID_SURFACE_CREATE_INFO_KHR, STRUCTURE_TYPE_WIN32_SURFACE_CREATE_INFO_KHR, STRUCTURE_TYPE_DEBUG_REPORT_CALLBACK_CREATE_INFO_EXT, STRUCTURE_TYPE_PIPELINE_RASTERIZATION_STATE_RASTERIZATION_ORDER_AMD, STRUCTURE_TYPE_DEBUG_MARKER_OBJECT_NAME_INFO_EXT, STRUCTURE_TYPE_DEBUG_MARKER_OBJECT_TAG_INFO_EXT, STRUCTURE_TYPE_DEBUG_MARKER_MARKER_INFO_EXT, STRUCTURE_TYPE_VIDEO_PROFILE_INFO_KHR, STRUCTURE_TYPE_VIDEO_CAPABILITIES_KHR, STRUCTURE_TYPE_VIDEO_PICTURE_RESOURCE_INFO_KHR, STRUCTURE_TYPE_VIDEO_SESSION_MEMORY_REQUIREMENTS_KHR, STRUCTURE_TYPE_BIND_VIDEO_SESSION_MEMORY_INFO_KHR, STRUCTURE_TYPE_VIDEO_SESSION_CREATE_INFO_KHR, STRUCTURE_TYPE_VIDEO_SESSION_PARAMETERS_CREATE_INFO_KHR, STRUCTURE_TYPE_VIDEO_SESSION_PARAMETERS_UPDATE_INFO_KHR, STRUCTURE_TYPE_VIDEO_BEGIN_CODING_INFO_KHR, STRUCTURE_TYPE_VIDEO_END_CODING_INFO_KHR, STRUCTURE_TYPE_VIDEO_CODING_CONTROL_INFO_KHR, STRUCTURE_TYPE_VIDEO_REFERENCE_SLOT_INFO_KHR, STRUCTURE_TYPE_QUEUE_FAMILY_VIDEO_PROPERTIES_KHR, STRUCTURE_TYPE_VIDEO_PROFILE_LIST_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_VIDEO_FORMAT_INFO_KHR, STRUCTURE_TYPE_VIDEO_FORMAT_PROPERTIES_KHR, STRUCTURE_TYPE_QUEUE_FAMILY_QUERY_RESULT_STATUS_PROPERTIES_KHR, STRUCTURE_TYPE_VIDEO_DECODE_INFO_KHR, STRUCTURE_TYPE_VIDEO_DECODE_CAPABILITIES_KHR, STRUCTURE_TYPE_VIDEO_DECODE_USAGE_INFO_KHR, STRUCTURE_TYPE_DEDICATED_ALLOCATION_IMAGE_CREATE_INFO_NV, STRUCTURE_TYPE_DEDICATED_ALLOCATION_BUFFER_CREATE_INFO_NV, STRUCTURE_TYPE_DEDICATED_ALLOCATION_MEMORY_ALLOCATE_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_TRANSFORM_FEEDBACK_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_TRANSFORM_FEEDBACK_PROPERTIES_EXT, STRUCTURE_TYPE_PIPELINE_RASTERIZATION_STATE_STREAM_CREATE_INFO_EXT, STRUCTURE_TYPE_CU_MODULE_CREATE_INFO_NVX, STRUCTURE_TYPE_CU_FUNCTION_CREATE_INFO_NVX, STRUCTURE_TYPE_CU_LAUNCH_INFO_NVX, STRUCTURE_TYPE_IMAGE_VIEW_HANDLE_INFO_NVX, STRUCTURE_TYPE_IMAGE_VIEW_ADDRESS_PROPERTIES_NVX, STRUCTURE_TYPE_VIDEO_ENCODE_H264_CAPABILITIES_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H264_SESSION_PARAMETERS_CREATE_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H264_SESSION_PARAMETERS_ADD_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H264_VCL_FRAME_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H264_DPB_SLOT_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H264_NALU_SLICE_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H264_EMIT_PICTURE_PARAMETERS_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H264_PROFILE_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H264_RATE_CONTROL_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H264_RATE_CONTROL_LAYER_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H264_REFERENCE_LISTS_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H265_CAPABILITIES_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H265_SESSION_PARAMETERS_CREATE_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H265_SESSION_PARAMETERS_ADD_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H265_VCL_FRAME_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H265_DPB_SLOT_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H265_NALU_SLICE_SEGMENT_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H265_EMIT_PICTURE_PARAMETERS_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H265_PROFILE_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H265_REFERENCE_LISTS_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H265_RATE_CONTROL_INFO_EXT, STRUCTURE_TYPE_VIDEO_ENCODE_H265_RATE_CONTROL_LAYER_INFO_EXT, STRUCTURE_TYPE_VIDEO_DECODE_H264_CAPABILITIES_KHR, STRUCTURE_TYPE_VIDEO_DECODE_H264_PICTURE_INFO_KHR, STRUCTURE_TYPE_VIDEO_DECODE_H264_PROFILE_INFO_KHR, STRUCTURE_TYPE_VIDEO_DECODE_H264_SESSION_PARAMETERS_CREATE_INFO_KHR, STRUCTURE_TYPE_VIDEO_DECODE_H264_SESSION_PARAMETERS_ADD_INFO_KHR, STRUCTURE_TYPE_VIDEO_DECODE_H264_DPB_SLOT_INFO_KHR, STRUCTURE_TYPE_TEXTURE_LOD_GATHER_FORMAT_PROPERTIES_AMD, STRUCTURE_TYPE_RENDERING_FRAGMENT_SHADING_RATE_ATTACHMENT_INFO_KHR, STRUCTURE_TYPE_RENDERING_FRAGMENT_DENSITY_MAP_ATTACHMENT_INFO_EXT, STRUCTURE_TYPE_ATTACHMENT_SAMPLE_COUNT_INFO_AMD, STRUCTURE_TYPE_MULTIVIEW_PER_VIEW_ATTRIBUTES_INFO_NVX, STRUCTURE_TYPE_STREAM_DESCRIPTOR_SURFACE_CREATE_INFO_GGP, STRUCTURE_TYPE_PHYSICAL_DEVICE_CORNER_SAMPLED_IMAGE_FEATURES_NV, STRUCTURE_TYPE_EXTERNAL_MEMORY_IMAGE_CREATE_INFO_NV, STRUCTURE_TYPE_EXPORT_MEMORY_ALLOCATE_INFO_NV, STRUCTURE_TYPE_IMPORT_MEMORY_WIN32_HANDLE_INFO_NV, STRUCTURE_TYPE_EXPORT_MEMORY_WIN32_HANDLE_INFO_NV, STRUCTURE_TYPE_WIN32_KEYED_MUTEX_ACQUIRE_RELEASE_INFO_NV, STRUCTURE_TYPE_VALIDATION_FLAGS_EXT, STRUCTURE_TYPE_VI_SURFACE_CREATE_INFO_NN, STRUCTURE_TYPE_IMAGE_VIEW_ASTC_DECODE_MODE_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_ASTC_DECODE_FEATURES_EXT, STRUCTURE_TYPE_PIPELINE_ROBUSTNESS_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_ROBUSTNESS_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_ROBUSTNESS_PROPERTIES_EXT, STRUCTURE_TYPE_IMPORT_MEMORY_WIN32_HANDLE_INFO_KHR, STRUCTURE_TYPE_EXPORT_MEMORY_WIN32_HANDLE_INFO_KHR, STRUCTURE_TYPE_MEMORY_WIN32_HANDLE_PROPERTIES_KHR, STRUCTURE_TYPE_MEMORY_GET_WIN32_HANDLE_INFO_KHR, STRUCTURE_TYPE_IMPORT_MEMORY_FD_INFO_KHR, STRUCTURE_TYPE_MEMORY_FD_PROPERTIES_KHR, STRUCTURE_TYPE_MEMORY_GET_FD_INFO_KHR, STRUCTURE_TYPE_WIN32_KEYED_MUTEX_ACQUIRE_RELEASE_INFO_KHR, STRUCTURE_TYPE_IMPORT_SEMAPHORE_WIN32_HANDLE_INFO_KHR, STRUCTURE_TYPE_EXPORT_SEMAPHORE_WIN32_HANDLE_INFO_KHR, STRUCTURE_TYPE_D3D12_FENCE_SUBMIT_INFO_KHR, STRUCTURE_TYPE_SEMAPHORE_GET_WIN32_HANDLE_INFO_KHR, STRUCTURE_TYPE_IMPORT_SEMAPHORE_FD_INFO_KHR, STRUCTURE_TYPE_SEMAPHORE_GET_FD_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_PUSH_DESCRIPTOR_PROPERTIES_KHR, STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_CONDITIONAL_RENDERING_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_CONDITIONAL_RENDERING_FEATURES_EXT, STRUCTURE_TYPE_CONDITIONAL_RENDERING_BEGIN_INFO_EXT, STRUCTURE_TYPE_PRESENT_REGIONS_KHR, STRUCTURE_TYPE_PIPELINE_VIEWPORT_W_SCALING_STATE_CREATE_INFO_NV, STRUCTURE_TYPE_SURFACE_CAPABILITIES_2_EXT, STRUCTURE_TYPE_DISPLAY_POWER_INFO_EXT, STRUCTURE_TYPE_DEVICE_EVENT_INFO_EXT, STRUCTURE_TYPE_DISPLAY_EVENT_INFO_EXT, STRUCTURE_TYPE_SWAPCHAIN_COUNTER_CREATE_INFO_EXT, STRUCTURE_TYPE_PRESENT_TIMES_INFO_GOOGLE, STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_PER_VIEW_ATTRIBUTES_PROPERTIES_NVX, STRUCTURE_TYPE_PIPELINE_VIEWPORT_SWIZZLE_STATE_CREATE_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_DISCARD_RECTANGLE_PROPERTIES_EXT, STRUCTURE_TYPE_PIPELINE_DISCARD_RECTANGLE_STATE_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_CONSERVATIVE_RASTERIZATION_PROPERTIES_EXT, STRUCTURE_TYPE_PIPELINE_RASTERIZATION_CONSERVATIVE_STATE_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_CLIP_ENABLE_FEATURES_EXT, STRUCTURE_TYPE_PIPELINE_RASTERIZATION_DEPTH_CLIP_STATE_CREATE_INFO_EXT, STRUCTURE_TYPE_HDR_METADATA_EXT, STRUCTURE_TYPE_SHARED_PRESENT_SURFACE_CAPABILITIES_KHR, STRUCTURE_TYPE_IMPORT_FENCE_WIN32_HANDLE_INFO_KHR, STRUCTURE_TYPE_EXPORT_FENCE_WIN32_HANDLE_INFO_KHR, STRUCTURE_TYPE_FENCE_GET_WIN32_HANDLE_INFO_KHR, STRUCTURE_TYPE_IMPORT_FENCE_FD_INFO_KHR, STRUCTURE_TYPE_FENCE_GET_FD_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_PERFORMANCE_QUERY_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_PERFORMANCE_QUERY_PROPERTIES_KHR, STRUCTURE_TYPE_QUERY_POOL_PERFORMANCE_CREATE_INFO_KHR, STRUCTURE_TYPE_PERFORMANCE_QUERY_SUBMIT_INFO_KHR, STRUCTURE_TYPE_ACQUIRE_PROFILING_LOCK_INFO_KHR, STRUCTURE_TYPE_PERFORMANCE_COUNTER_KHR, STRUCTURE_TYPE_PERFORMANCE_COUNTER_DESCRIPTION_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SURFACE_INFO_2_KHR, STRUCTURE_TYPE_SURFACE_CAPABILITIES_2_KHR, STRUCTURE_TYPE_SURFACE_FORMAT_2_KHR, STRUCTURE_TYPE_DISPLAY_PROPERTIES_2_KHR, STRUCTURE_TYPE_DISPLAY_PLANE_PROPERTIES_2_KHR, STRUCTURE_TYPE_DISPLAY_MODE_PROPERTIES_2_KHR, STRUCTURE_TYPE_DISPLAY_PLANE_INFO_2_KHR, STRUCTURE_TYPE_DISPLAY_PLANE_CAPABILITIES_2_KHR, STRUCTURE_TYPE_IOS_SURFACE_CREATE_INFO_MVK, STRUCTURE_TYPE_MACOS_SURFACE_CREATE_INFO_MVK, STRUCTURE_TYPE_DEBUG_UTILS_OBJECT_NAME_INFO_EXT, STRUCTURE_TYPE_DEBUG_UTILS_OBJECT_TAG_INFO_EXT, STRUCTURE_TYPE_DEBUG_UTILS_LABEL_EXT, STRUCTURE_TYPE_DEBUG_UTILS_MESSENGER_CALLBACK_DATA_EXT, STRUCTURE_TYPE_DEBUG_UTILS_MESSENGER_CREATE_INFO_EXT, STRUCTURE_TYPE_ANDROID_HARDWARE_BUFFER_USAGE_ANDROID, STRUCTURE_TYPE_ANDROID_HARDWARE_BUFFER_PROPERTIES_ANDROID, STRUCTURE_TYPE_ANDROID_HARDWARE_BUFFER_FORMAT_PROPERTIES_ANDROID, STRUCTURE_TYPE_IMPORT_ANDROID_HARDWARE_BUFFER_INFO_ANDROID, STRUCTURE_TYPE_MEMORY_GET_ANDROID_HARDWARE_BUFFER_INFO_ANDROID, STRUCTURE_TYPE_EXTERNAL_FORMAT_ANDROID, STRUCTURE_TYPE_ANDROID_HARDWARE_BUFFER_FORMAT_PROPERTIES_2_ANDROID, STRUCTURE_TYPE_SAMPLE_LOCATIONS_INFO_EXT, STRUCTURE_TYPE_RENDER_PASS_SAMPLE_LOCATIONS_BEGIN_INFO_EXT, STRUCTURE_TYPE_PIPELINE_SAMPLE_LOCATIONS_STATE_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLE_LOCATIONS_PROPERTIES_EXT, STRUCTURE_TYPE_MULTISAMPLE_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_BLEND_OPERATION_ADVANCED_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_BLEND_OPERATION_ADVANCED_PROPERTIES_EXT, STRUCTURE_TYPE_PIPELINE_COLOR_BLEND_ADVANCED_STATE_CREATE_INFO_EXT, STRUCTURE_TYPE_PIPELINE_COVERAGE_TO_COLOR_STATE_CREATE_INFO_NV, STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET_ACCELERATION_STRUCTURE_KHR, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_BUILD_GEOMETRY_INFO_KHR, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_DEVICE_ADDRESS_INFO_KHR, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_AABBS_DATA_KHR, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_INSTANCES_DATA_KHR, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_TRIANGLES_DATA_KHR, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_KHR, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_VERSION_INFO_KHR, STRUCTURE_TYPE_COPY_ACCELERATION_STRUCTURE_INFO_KHR, STRUCTURE_TYPE_COPY_ACCELERATION_STRUCTURE_TO_MEMORY_INFO_KHR, STRUCTURE_TYPE_COPY_MEMORY_TO_ACCELERATION_STRUCTURE_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_ACCELERATION_STRUCTURE_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_ACCELERATION_STRUCTURE_PROPERTIES_KHR, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_CREATE_INFO_KHR, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_BUILD_SIZES_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_PIPELINE_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_PIPELINE_PROPERTIES_KHR, STRUCTURE_TYPE_RAY_TRACING_PIPELINE_CREATE_INFO_KHR, STRUCTURE_TYPE_RAY_TRACING_SHADER_GROUP_CREATE_INFO_KHR, STRUCTURE_TYPE_RAY_TRACING_PIPELINE_INTERFACE_CREATE_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_QUERY_FEATURES_KHR, STRUCTURE_TYPE_PIPELINE_COVERAGE_MODULATION_STATE_CREATE_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SM_BUILTINS_FEATURES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SM_BUILTINS_PROPERTIES_NV, STRUCTURE_TYPE_DRM_FORMAT_MODIFIER_PROPERTIES_LIST_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_DRM_FORMAT_MODIFIER_INFO_EXT, STRUCTURE_TYPE_IMAGE_DRM_FORMAT_MODIFIER_LIST_CREATE_INFO_EXT, STRUCTURE_TYPE_IMAGE_DRM_FORMAT_MODIFIER_EXPLICIT_CREATE_INFO_EXT, STRUCTURE_TYPE_IMAGE_DRM_FORMAT_MODIFIER_PROPERTIES_EXT, STRUCTURE_TYPE_DRM_FORMAT_MODIFIER_PROPERTIES_LIST_2_EXT, STRUCTURE_TYPE_VALIDATION_CACHE_CREATE_INFO_EXT, STRUCTURE_TYPE_SHADER_MODULE_VALIDATION_CACHE_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PORTABILITY_SUBSET_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_PORTABILITY_SUBSET_PROPERTIES_KHR, STRUCTURE_TYPE_PIPELINE_VIEWPORT_SHADING_RATE_IMAGE_STATE_CREATE_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADING_RATE_IMAGE_FEATURES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADING_RATE_IMAGE_PROPERTIES_NV, STRUCTURE_TYPE_PIPELINE_VIEWPORT_COARSE_SAMPLE_ORDER_STATE_CREATE_INFO_NV, STRUCTURE_TYPE_RAY_TRACING_PIPELINE_CREATE_INFO_NV, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_CREATE_INFO_NV, STRUCTURE_TYPE_GEOMETRY_NV, STRUCTURE_TYPE_GEOMETRY_TRIANGLES_NV, STRUCTURE_TYPE_GEOMETRY_AABB_NV, STRUCTURE_TYPE_BIND_ACCELERATION_STRUCTURE_MEMORY_INFO_NV, STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET_ACCELERATION_STRUCTURE_NV, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_MEMORY_REQUIREMENTS_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_PROPERTIES_NV, STRUCTURE_TYPE_RAY_TRACING_SHADER_GROUP_CREATE_INFO_NV, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_REPRESENTATIVE_FRAGMENT_TEST_FEATURES_NV, STRUCTURE_TYPE_PIPELINE_REPRESENTATIVE_FRAGMENT_TEST_STATE_CREATE_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_VIEW_IMAGE_FORMAT_INFO_EXT, STRUCTURE_TYPE_FILTER_CUBIC_IMAGE_VIEW_IMAGE_FORMAT_PROPERTIES_EXT, STRUCTURE_TYPE_IMPORT_MEMORY_HOST_POINTER_INFO_EXT, STRUCTURE_TYPE_MEMORY_HOST_POINTER_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_MEMORY_HOST_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CLOCK_FEATURES_KHR, STRUCTURE_TYPE_PIPELINE_COMPILER_CONTROL_CREATE_INFO_AMD, STRUCTURE_TYPE_CALIBRATED_TIMESTAMP_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CORE_PROPERTIES_AMD, STRUCTURE_TYPE_VIDEO_DECODE_H265_CAPABILITIES_KHR, STRUCTURE_TYPE_VIDEO_DECODE_H265_SESSION_PARAMETERS_CREATE_INFO_KHR, STRUCTURE_TYPE_VIDEO_DECODE_H265_SESSION_PARAMETERS_ADD_INFO_KHR, STRUCTURE_TYPE_VIDEO_DECODE_H265_PROFILE_INFO_KHR, STRUCTURE_TYPE_VIDEO_DECODE_H265_PICTURE_INFO_KHR, STRUCTURE_TYPE_VIDEO_DECODE_H265_DPB_SLOT_INFO_KHR, STRUCTURE_TYPE_DEVICE_QUEUE_GLOBAL_PRIORITY_CREATE_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_GLOBAL_PRIORITY_QUERY_FEATURES_KHR, STRUCTURE_TYPE_QUEUE_FAMILY_GLOBAL_PRIORITY_PROPERTIES_KHR, STRUCTURE_TYPE_DEVICE_MEMORY_OVERALLOCATION_CREATE_INFO_AMD, STRUCTURE_TYPE_PHYSICAL_DEVICE_VERTEX_ATTRIBUTE_DIVISOR_PROPERTIES_EXT, STRUCTURE_TYPE_PIPELINE_VERTEX_INPUT_DIVISOR_STATE_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_VERTEX_ATTRIBUTE_DIVISOR_FEATURES_EXT, STRUCTURE_TYPE_PRESENT_FRAME_TOKEN_GGP, STRUCTURE_TYPE_PHYSICAL_DEVICE_COMPUTE_SHADER_DERIVATIVES_FEATURES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_MESH_SHADER_FEATURES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_MESH_SHADER_PROPERTIES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_IMAGE_FOOTPRINT_FEATURES_NV, STRUCTURE_TYPE_PIPELINE_VIEWPORT_EXCLUSIVE_SCISSOR_STATE_CREATE_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXCLUSIVE_SCISSOR_FEATURES_NV, STRUCTURE_TYPE_CHECKPOINT_DATA_NV, STRUCTURE_TYPE_QUEUE_FAMILY_CHECKPOINT_PROPERTIES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_FUNCTIONS_2_FEATURES_INTEL, STRUCTURE_TYPE_QUERY_POOL_PERFORMANCE_QUERY_CREATE_INFO_INTEL, STRUCTURE_TYPE_INITIALIZE_PERFORMANCE_API_INFO_INTEL, STRUCTURE_TYPE_PERFORMANCE_MARKER_INFO_INTEL, STRUCTURE_TYPE_PERFORMANCE_STREAM_MARKER_INFO_INTEL, STRUCTURE_TYPE_PERFORMANCE_OVERRIDE_INFO_INTEL, STRUCTURE_TYPE_PERFORMANCE_CONFIGURATION_ACQUIRE_INFO_INTEL, STRUCTURE_TYPE_PHYSICAL_DEVICE_PCI_BUS_INFO_PROPERTIES_EXT, STRUCTURE_TYPE_DISPLAY_NATIVE_HDR_SURFACE_CAPABILITIES_AMD, STRUCTURE_TYPE_SWAPCHAIN_DISPLAY_NATIVE_HDR_CREATE_INFO_AMD, STRUCTURE_TYPE_IMAGEPIPE_SURFACE_CREATE_INFO_FUCHSIA, STRUCTURE_TYPE_METAL_SURFACE_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_PROPERTIES_EXT, STRUCTURE_TYPE_RENDER_PASS_FRAGMENT_DENSITY_MAP_CREATE_INFO_EXT, STRUCTURE_TYPE_FRAGMENT_SHADING_RATE_ATTACHMENT_INFO_KHR, STRUCTURE_TYPE_PIPELINE_FRAGMENT_SHADING_RATE_STATE_CREATE_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CORE_PROPERTIES_2_AMD, STRUCTURE_TYPE_PHYSICAL_DEVICE_COHERENT_MEMORY_FEATURES_AMD, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_IMAGE_ATOMIC_INT64_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_BUDGET_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_PRIORITY_FEATURES_EXT, STRUCTURE_TYPE_MEMORY_PRIORITY_ALLOCATE_INFO_EXT, STRUCTURE_TYPE_SURFACE_PROTECTED_CAPABILITIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_DEDICATED_ALLOCATION_IMAGE_ALIASING_FEATURES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_BUFFER_DEVICE_ADDRESS_FEATURES_EXT, STRUCTURE_TYPE_BUFFER_DEVICE_ADDRESS_CREATE_INFO_EXT, STRUCTURE_TYPE_VALIDATION_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PRESENT_WAIT_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_COOPERATIVE_MATRIX_FEATURES_NV, STRUCTURE_TYPE_COOPERATIVE_MATRIX_PROPERTIES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_COOPERATIVE_MATRIX_PROPERTIES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_COVERAGE_REDUCTION_MODE_FEATURES_NV, STRUCTURE_TYPE_PIPELINE_COVERAGE_REDUCTION_STATE_CREATE_INFO_NV, STRUCTURE_TYPE_FRAMEBUFFER_MIXED_SAMPLES_COMBINATION_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADER_INTERLOCK_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_YCBCR_IMAGE_ARRAYS_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PROVOKING_VERTEX_FEATURES_EXT, STRUCTURE_TYPE_PIPELINE_RASTERIZATION_PROVOKING_VERTEX_STATE_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PROVOKING_VERTEX_PROPERTIES_EXT, STRUCTURE_TYPE_SURFACE_FULL_SCREEN_EXCLUSIVE_INFO_EXT, STRUCTURE_TYPE_SURFACE_CAPABILITIES_FULL_SCREEN_EXCLUSIVE_EXT, STRUCTURE_TYPE_SURFACE_FULL_SCREEN_EXCLUSIVE_WIN32_INFO_EXT, STRUCTURE_TYPE_HEADLESS_SURFACE_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_LINE_RASTERIZATION_FEATURES_EXT, STRUCTURE_TYPE_PIPELINE_RASTERIZATION_LINE_STATE_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_LINE_RASTERIZATION_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_ATOMIC_FLOAT_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_INDEX_TYPE_UINT8_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTENDED_DYNAMIC_STATE_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_EXECUTABLE_PROPERTIES_FEATURES_KHR, STRUCTURE_TYPE_PIPELINE_INFO_KHR, STRUCTURE_TYPE_PIPELINE_EXECUTABLE_PROPERTIES_KHR, STRUCTURE_TYPE_PIPELINE_EXECUTABLE_INFO_KHR, STRUCTURE_TYPE_PIPELINE_EXECUTABLE_STATISTIC_KHR, STRUCTURE_TYPE_PIPELINE_EXECUTABLE_INTERNAL_REPRESENTATION_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_ATOMIC_FLOAT_2_FEATURES_EXT, STRUCTURE_TYPE_SURFACE_PRESENT_MODE_EXT, STRUCTURE_TYPE_SURFACE_PRESENT_SCALING_CAPABILITIES_EXT, STRUCTURE_TYPE_SURFACE_PRESENT_MODE_COMPATIBILITY_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SWAPCHAIN_MAINTENANCE_1_FEATURES_EXT, STRUCTURE_TYPE_SWAPCHAIN_PRESENT_FENCE_INFO_EXT, STRUCTURE_TYPE_SWAPCHAIN_PRESENT_MODES_CREATE_INFO_EXT, STRUCTURE_TYPE_SWAPCHAIN_PRESENT_MODE_INFO_EXT, STRUCTURE_TYPE_SWAPCHAIN_PRESENT_SCALING_CREATE_INFO_EXT, STRUCTURE_TYPE_RELEASE_SWAPCHAIN_IMAGES_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_DEVICE_GENERATED_COMMANDS_PROPERTIES_NV, STRUCTURE_TYPE_GRAPHICS_SHADER_GROUP_CREATE_INFO_NV, STRUCTURE_TYPE_GRAPHICS_PIPELINE_SHADER_GROUPS_CREATE_INFO_NV, STRUCTURE_TYPE_INDIRECT_COMMANDS_LAYOUT_TOKEN_NV, STRUCTURE_TYPE_INDIRECT_COMMANDS_LAYOUT_CREATE_INFO_NV, STRUCTURE_TYPE_GENERATED_COMMANDS_INFO_NV, STRUCTURE_TYPE_GENERATED_COMMANDS_MEMORY_REQUIREMENTS_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_DEVICE_GENERATED_COMMANDS_FEATURES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_INHERITED_VIEWPORT_SCISSOR_FEATURES_NV, STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_VIEWPORT_SCISSOR_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXEL_BUFFER_ALIGNMENT_FEATURES_EXT, STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_RENDER_PASS_TRANSFORM_INFO_QCOM, STRUCTURE_TYPE_RENDER_PASS_TRANSFORM_BEGIN_INFO_QCOM, STRUCTURE_TYPE_PHYSICAL_DEVICE_DEVICE_MEMORY_REPORT_FEATURES_EXT, STRUCTURE_TYPE_DEVICE_DEVICE_MEMORY_REPORT_CREATE_INFO_EXT, STRUCTURE_TYPE_DEVICE_MEMORY_REPORT_CALLBACK_DATA_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_ROBUSTNESS_2_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_ROBUSTNESS_2_PROPERTIES_EXT, STRUCTURE_TYPE_SAMPLER_CUSTOM_BORDER_COLOR_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_CUSTOM_BORDER_COLOR_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_CUSTOM_BORDER_COLOR_FEATURES_EXT, STRUCTURE_TYPE_PIPELINE_LIBRARY_CREATE_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_PRESENT_BARRIER_FEATURES_NV, STRUCTURE_TYPE_SURFACE_CAPABILITIES_PRESENT_BARRIER_NV, STRUCTURE_TYPE_SWAPCHAIN_PRESENT_BARRIER_CREATE_INFO_NV, STRUCTURE_TYPE_PRESENT_ID_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_PRESENT_ID_FEATURES_KHR, STRUCTURE_TYPE_VIDEO_ENCODE_INFO_KHR, STRUCTURE_TYPE_VIDEO_ENCODE_RATE_CONTROL_INFO_KHR, STRUCTURE_TYPE_VIDEO_ENCODE_RATE_CONTROL_LAYER_INFO_KHR, STRUCTURE_TYPE_VIDEO_ENCODE_CAPABILITIES_KHR, STRUCTURE_TYPE_VIDEO_ENCODE_USAGE_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_DIAGNOSTICS_CONFIG_FEATURES_NV, STRUCTURE_TYPE_DEVICE_DIAGNOSTICS_CONFIG_CREATE_INFO_NV, STRUCTURE_TYPE_EXPORT_METAL_OBJECT_CREATE_INFO_EXT, STRUCTURE_TYPE_EXPORT_METAL_OBJECTS_INFO_EXT, STRUCTURE_TYPE_EXPORT_METAL_DEVICE_INFO_EXT, STRUCTURE_TYPE_EXPORT_METAL_COMMAND_QUEUE_INFO_EXT, STRUCTURE_TYPE_EXPORT_METAL_BUFFER_INFO_EXT, STRUCTURE_TYPE_IMPORT_METAL_BUFFER_INFO_EXT, STRUCTURE_TYPE_EXPORT_METAL_TEXTURE_INFO_EXT, STRUCTURE_TYPE_IMPORT_METAL_TEXTURE_INFO_EXT, STRUCTURE_TYPE_EXPORT_METAL_IO_SURFACE_INFO_EXT, STRUCTURE_TYPE_IMPORT_METAL_IO_SURFACE_INFO_EXT, STRUCTURE_TYPE_EXPORT_METAL_SHARED_EVENT_INFO_EXT, STRUCTURE_TYPE_IMPORT_METAL_SHARED_EVENT_INFO_EXT, STRUCTURE_TYPE_QUEUE_FAMILY_CHECKPOINT_PROPERTIES_2_NV, STRUCTURE_TYPE_CHECKPOINT_DATA_2_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_BUFFER_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_BUFFER_DENSITY_MAP_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_BUFFER_FEATURES_EXT, STRUCTURE_TYPE_DESCRIPTOR_ADDRESS_INFO_EXT, STRUCTURE_TYPE_DESCRIPTOR_GET_INFO_EXT, STRUCTURE_TYPE_BUFFER_CAPTURE_DESCRIPTOR_DATA_INFO_EXT, STRUCTURE_TYPE_IMAGE_CAPTURE_DESCRIPTOR_DATA_INFO_EXT, STRUCTURE_TYPE_IMAGE_VIEW_CAPTURE_DESCRIPTOR_DATA_INFO_EXT, STRUCTURE_TYPE_SAMPLER_CAPTURE_DESCRIPTOR_DATA_INFO_EXT, STRUCTURE_TYPE_OPAQUE_CAPTURE_DESCRIPTOR_DATA_CREATE_INFO_EXT, STRUCTURE_TYPE_DESCRIPTOR_BUFFER_BINDING_INFO_EXT, STRUCTURE_TYPE_DESCRIPTOR_BUFFER_BINDING_PUSH_DESCRIPTOR_BUFFER_HANDLE_EXT, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_CAPTURE_DESCRIPTOR_DATA_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_GRAPHICS_PIPELINE_LIBRARY_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_GRAPHICS_PIPELINE_LIBRARY_PROPERTIES_EXT, STRUCTURE_TYPE_GRAPHICS_PIPELINE_LIBRARY_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_EARLY_AND_LATE_FRAGMENT_TESTS_FEATURES_AMD, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADER_BARYCENTRIC_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADER_BARYCENTRIC_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SUBGROUP_UNIFORM_CONTROL_FLOW_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_ENUMS_PROPERTIES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADING_RATE_ENUMS_FEATURES_NV, STRUCTURE_TYPE_PIPELINE_FRAGMENT_SHADING_RATE_ENUM_STATE_CREATE_INFO_NV, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_GEOMETRY_MOTION_TRIANGLES_DATA_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_MOTION_BLUR_FEATURES_NV, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_MOTION_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_MESH_SHADER_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_MESH_SHADER_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_YCBCR_2_PLANE_444_FORMATS_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_2_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_2_PROPERTIES_EXT, STRUCTURE_TYPE_COPY_COMMAND_TRANSFORM_INFO_QCOM, STRUCTURE_TYPE_PHYSICAL_DEVICE_WORKGROUP_MEMORY_EXPLICIT_LAYOUT_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_COMPRESSION_CONTROL_FEATURES_EXT, STRUCTURE_TYPE_IMAGE_COMPRESSION_CONTROL_EXT, STRUCTURE_TYPE_SUBRESOURCE_LAYOUT_2_EXT, STRUCTURE_TYPE_IMAGE_SUBRESOURCE_2_EXT, STRUCTURE_TYPE_IMAGE_COMPRESSION_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_ATTACHMENT_FEEDBACK_LOOP_LAYOUT_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_4444_FORMATS_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_FAULT_FEATURES_EXT, STRUCTURE_TYPE_DEVICE_FAULT_COUNTS_EXT, STRUCTURE_TYPE_DEVICE_FAULT_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_RGBA10X6_FORMATS_FEATURES_EXT, STRUCTURE_TYPE_DIRECTFB_SURFACE_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_VERTEX_INPUT_DYNAMIC_STATE_FEATURES_EXT, STRUCTURE_TYPE_VERTEX_INPUT_BINDING_DESCRIPTION_2_EXT, STRUCTURE_TYPE_VERTEX_INPUT_ATTRIBUTE_DESCRIPTION_2_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_DRM_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_ADDRESS_BINDING_REPORT_FEATURES_EXT, STRUCTURE_TYPE_DEVICE_ADDRESS_BINDING_CALLBACK_DATA_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_CLIP_CONTROL_FEATURES_EXT, STRUCTURE_TYPE_PIPELINE_VIEWPORT_DEPTH_CLIP_CONTROL_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PRIMITIVE_TOPOLOGY_LIST_RESTART_FEATURES_EXT, STRUCTURE_TYPE_IMPORT_MEMORY_ZIRCON_HANDLE_INFO_FUCHSIA, STRUCTURE_TYPE_MEMORY_ZIRCON_HANDLE_PROPERTIES_FUCHSIA, STRUCTURE_TYPE_MEMORY_GET_ZIRCON_HANDLE_INFO_FUCHSIA, STRUCTURE_TYPE_IMPORT_SEMAPHORE_ZIRCON_HANDLE_INFO_FUCHSIA, STRUCTURE_TYPE_SEMAPHORE_GET_ZIRCON_HANDLE_INFO_FUCHSIA, STRUCTURE_TYPE_BUFFER_COLLECTION_CREATE_INFO_FUCHSIA, STRUCTURE_TYPE_IMPORT_MEMORY_BUFFER_COLLECTION_FUCHSIA, STRUCTURE_TYPE_BUFFER_COLLECTION_IMAGE_CREATE_INFO_FUCHSIA, STRUCTURE_TYPE_BUFFER_COLLECTION_PROPERTIES_FUCHSIA, STRUCTURE_TYPE_BUFFER_CONSTRAINTS_INFO_FUCHSIA, STRUCTURE_TYPE_BUFFER_COLLECTION_BUFFER_CREATE_INFO_FUCHSIA, STRUCTURE_TYPE_IMAGE_CONSTRAINTS_INFO_FUCHSIA, STRUCTURE_TYPE_IMAGE_FORMAT_CONSTRAINTS_INFO_FUCHSIA, STRUCTURE_TYPE_SYSMEM_COLOR_SPACE_FUCHSIA, STRUCTURE_TYPE_BUFFER_COLLECTION_CONSTRAINTS_INFO_FUCHSIA, STRUCTURE_TYPE_SUBPASS_SHADING_PIPELINE_CREATE_INFO_HUAWEI, STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBPASS_SHADING_FEATURES_HUAWEI, STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBPASS_SHADING_PROPERTIES_HUAWEI, STRUCTURE_TYPE_PHYSICAL_DEVICE_INVOCATION_MASK_FEATURES_HUAWEI, STRUCTURE_TYPE_MEMORY_GET_REMOTE_ADDRESS_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_MEMORY_RDMA_FEATURES_NV, STRUCTURE_TYPE_PIPELINE_PROPERTIES_IDENTIFIER_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_PROPERTIES_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTISAMPLED_RENDER_TO_SINGLE_SAMPLED_FEATURES_EXT, STRUCTURE_TYPE_SUBPASS_RESOLVE_PERFORMANCE_QUERY_EXT, STRUCTURE_TYPE_MULTISAMPLED_RENDER_TO_SINGLE_SAMPLED_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTENDED_DYNAMIC_STATE_2_FEATURES_EXT, STRUCTURE_TYPE_SCREEN_SURFACE_CREATE_INFO_QNX, STRUCTURE_TYPE_PHYSICAL_DEVICE_COLOR_WRITE_ENABLE_FEATURES_EXT, STRUCTURE_TYPE_PIPELINE_COLOR_WRITE_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PRIMITIVES_GENERATED_QUERY_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_MAINTENANCE_1_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_VIEW_MIN_LOD_FEATURES_EXT, STRUCTURE_TYPE_IMAGE_VIEW_MIN_LOD_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTI_DRAW_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTI_DRAW_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_2D_VIEW_OF_3D_FEATURES_EXT, STRUCTURE_TYPE_MICROMAP_BUILD_INFO_EXT, STRUCTURE_TYPE_MICROMAP_VERSION_INFO_EXT, STRUCTURE_TYPE_COPY_MICROMAP_INFO_EXT, STRUCTURE_TYPE_COPY_MICROMAP_TO_MEMORY_INFO_EXT, STRUCTURE_TYPE_COPY_MEMORY_TO_MICROMAP_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_OPACITY_MICROMAP_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_OPACITY_MICROMAP_PROPERTIES_EXT, STRUCTURE_TYPE_MICROMAP_CREATE_INFO_EXT, STRUCTURE_TYPE_MICROMAP_BUILD_SIZES_INFO_EXT, STRUCTURE_TYPE_ACCELERATION_STRUCTURE_TRIANGLES_OPACITY_MICROMAP_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_CLUSTER_CULLING_SHADER_FEATURES_HUAWEI, STRUCTURE_TYPE_PHYSICAL_DEVICE_CLUSTER_CULLING_SHADER_PROPERTIES_HUAWEI, STRUCTURE_TYPE_PHYSICAL_DEVICE_BORDER_COLOR_SWIZZLE_FEATURES_EXT, STRUCTURE_TYPE_SAMPLER_BORDER_COLOR_COMPONENT_MAPPING_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PAGEABLE_DEVICE_LOCAL_MEMORY_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_SET_HOST_MAPPING_FEATURES_VALVE, STRUCTURE_TYPE_DESCRIPTOR_SET_BINDING_REFERENCE_VALVE, STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_HOST_MAPPING_INFO_VALVE, STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_CLAMP_ZERO_ONE_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_NON_SEAMLESS_CUBE_MAP_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_OFFSET_FEATURES_QCOM, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_DENSITY_MAP_OFFSET_PROPERTIES_QCOM, STRUCTURE_TYPE_SUBPASS_FRAGMENT_DENSITY_MAP_OFFSET_END_INFO_QCOM, STRUCTURE_TYPE_PHYSICAL_DEVICE_COPY_MEMORY_INDIRECT_FEATURES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_COPY_MEMORY_INDIRECT_PROPERTIES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_DECOMPRESSION_FEATURES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_DECOMPRESSION_PROPERTIES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_LINEAR_COLOR_ATTACHMENT_FEATURES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_COMPRESSION_CONTROL_SWAPCHAIN_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_PROCESSING_FEATURES_QCOM, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_PROCESSING_PROPERTIES_QCOM, STRUCTURE_TYPE_IMAGE_VIEW_SAMPLE_WEIGHT_CREATE_INFO_QCOM, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTENDED_DYNAMIC_STATE_3_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTENDED_DYNAMIC_STATE_3_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBPASS_MERGE_FEEDBACK_FEATURES_EXT, STRUCTURE_TYPE_RENDER_PASS_CREATION_CONTROL_EXT, STRUCTURE_TYPE_RENDER_PASS_CREATION_FEEDBACK_CREATE_INFO_EXT, STRUCTURE_TYPE_RENDER_PASS_SUBPASS_FEEDBACK_CREATE_INFO_EXT, STRUCTURE_TYPE_DIRECT_DRIVER_LOADING_INFO_LUNARG, STRUCTURE_TYPE_DIRECT_DRIVER_LOADING_LIST_LUNARG, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_MODULE_IDENTIFIER_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_MODULE_IDENTIFIER_PROPERTIES_EXT, STRUCTURE_TYPE_PIPELINE_SHADER_STAGE_MODULE_IDENTIFIER_CREATE_INFO_EXT, STRUCTURE_TYPE_SHADER_MODULE_IDENTIFIER_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_RASTERIZATION_ORDER_ATTACHMENT_ACCESS_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_OPTICAL_FLOW_FEATURES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_OPTICAL_FLOW_PROPERTIES_NV, STRUCTURE_TYPE_OPTICAL_FLOW_IMAGE_FORMAT_INFO_NV, STRUCTURE_TYPE_OPTICAL_FLOW_IMAGE_FORMAT_PROPERTIES_NV, STRUCTURE_TYPE_OPTICAL_FLOW_SESSION_CREATE_INFO_NV, STRUCTURE_TYPE_OPTICAL_FLOW_EXECUTE_INFO_NV, STRUCTURE_TYPE_OPTICAL_FLOW_SESSION_CREATE_PRIVATE_DATA_INFO_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_LEGACY_DITHERING_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_PROTECTED_ACCESS_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_TILE_PROPERTIES_FEATURES_QCOM, STRUCTURE_TYPE_TILE_PROPERTIES_QCOM, STRUCTURE_TYPE_PHYSICAL_DEVICE_AMIGO_PROFILING_FEATURES_SEC, STRUCTURE_TYPE_AMIGO_PROFILING_SUBMIT_INFO_SEC, STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_PER_VIEW_VIEWPORTS_FEATURES_QCOM, STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_INVOCATION_REORDER_FEATURES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_RAY_TRACING_INVOCATION_REORDER_PROPERTIES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_MUTABLE_DESCRIPTOR_TYPE_FEATURES_EXT, STRUCTURE_TYPE_MUTABLE_DESCRIPTOR_TYPE_CREATE_INFO_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CORE_BUILTINS_FEATURES_ARM, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_CORE_BUILTINS_PROPERTIES_ARM, STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_LIBRARY_GROUP_HANDLES_FEATURES_EXT, SubpassContents, SUBPASS_CONTENTS_INLINE, SUBPASS_CONTENTS_SECONDARY_COMMAND_BUFFERS, Result, SUCCESS, NOT_READY, TIMEOUT, EVENT_SET, EVENT_RESET, INCOMPLETE, ERROR_OUT_OF_HOST_MEMORY, ERROR_OUT_OF_DEVICE_MEMORY, ERROR_INITIALIZATION_FAILED, ERROR_DEVICE_LOST, ERROR_MEMORY_MAP_FAILED, ERROR_LAYER_NOT_PRESENT, ERROR_EXTENSION_NOT_PRESENT, ERROR_FEATURE_NOT_PRESENT, ERROR_INCOMPATIBLE_DRIVER, ERROR_TOO_MANY_OBJECTS, ERROR_FORMAT_NOT_SUPPORTED, ERROR_FRAGMENTED_POOL, ERROR_UNKNOWN, ERROR_OUT_OF_POOL_MEMORY, ERROR_INVALID_EXTERNAL_HANDLE, ERROR_FRAGMENTATION, ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS, PIPELINE_COMPILE_REQUIRED, ERROR_SURFACE_LOST_KHR, ERROR_NATIVE_WINDOW_IN_USE_KHR, SUBOPTIMAL_KHR, ERROR_OUT_OF_DATE_KHR, ERROR_INCOMPATIBLE_DISPLAY_KHR, ERROR_VALIDATION_FAILED_EXT, ERROR_INVALID_SHADER_NV, ERROR_IMAGE_USAGE_NOT_SUPPORTED_KHR, ERROR_VIDEO_PICTURE_LAYOUT_NOT_SUPPORTED_KHR, ERROR_VIDEO_PROFILE_OPERATION_NOT_SUPPORTED_KHR, ERROR_VIDEO_PROFILE_FORMAT_NOT_SUPPORTED_KHR, ERROR_VIDEO_PROFILE_CODEC_NOT_SUPPORTED_KHR, ERROR_VIDEO_STD_VERSION_NOT_SUPPORTED_KHR, ERROR_INVALID_DRM_FORMAT_MODIFIER_PLANE_LAYOUT_EXT, ERROR_NOT_PERMITTED_KHR, ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT, THREAD_IDLE_KHR, THREAD_DONE_KHR, OPERATION_DEFERRED_KHR, OPERATION_NOT_DEFERRED_KHR, ERROR_COMPRESSION_EXHAUSTED_EXT, DynamicState, DYNAMIC_STATE_VIEWPORT, DYNAMIC_STATE_SCISSOR, DYNAMIC_STATE_LINE_WIDTH, DYNAMIC_STATE_DEPTH_BIAS, DYNAMIC_STATE_BLEND_CONSTANTS, DYNAMIC_STATE_DEPTH_BOUNDS, DYNAMIC_STATE_STENCIL_COMPARE_MASK, DYNAMIC_STATE_STENCIL_WRITE_MASK, DYNAMIC_STATE_STENCIL_REFERENCE, DYNAMIC_STATE_CULL_MODE, DYNAMIC_STATE_FRONT_FACE, DYNAMIC_STATE_PRIMITIVE_TOPOLOGY, DYNAMIC_STATE_VIEWPORT_WITH_COUNT, DYNAMIC_STATE_SCISSOR_WITH_COUNT, DYNAMIC_STATE_VERTEX_INPUT_BINDING_STRIDE, DYNAMIC_STATE_DEPTH_TEST_ENABLE, DYNAMIC_STATE_DEPTH_WRITE_ENABLE, DYNAMIC_STATE_DEPTH_COMPARE_OP, DYNAMIC_STATE_DEPTH_BOUNDS_TEST_ENABLE, DYNAMIC_STATE_STENCIL_TEST_ENABLE, DYNAMIC_STATE_STENCIL_OP, DYNAMIC_STATE_RASTERIZER_DISCARD_ENABLE, DYNAMIC_STATE_DEPTH_BIAS_ENABLE, DYNAMIC_STATE_PRIMITIVE_RESTART_ENABLE, DYNAMIC_STATE_VIEWPORT_W_SCALING_NV, DYNAMIC_STATE_DISCARD_RECTANGLE_EXT, DYNAMIC_STATE_SAMPLE_LOCATIONS_EXT, DYNAMIC_STATE_RAY_TRACING_PIPELINE_STACK_SIZE_KHR, DYNAMIC_STATE_VIEWPORT_SHADING_RATE_PALETTE_NV, DYNAMIC_STATE_VIEWPORT_COARSE_SAMPLE_ORDER_NV, DYNAMIC_STATE_EXCLUSIVE_SCISSOR_NV, DYNAMIC_STATE_FRAGMENT_SHADING_RATE_KHR, DYNAMIC_STATE_LINE_STIPPLE_EXT, DYNAMIC_STATE_VERTEX_INPUT_EXT, DYNAMIC_STATE_PATCH_CONTROL_POINTS_EXT, DYNAMIC_STATE_LOGIC_OP_EXT, DYNAMIC_STATE_COLOR_WRITE_ENABLE_EXT, DYNAMIC_STATE_TESSELLATION_DOMAIN_ORIGIN_EXT, DYNAMIC_STATE_DEPTH_CLAMP_ENABLE_EXT, DYNAMIC_STATE_POLYGON_MODE_EXT, DYNAMIC_STATE_RASTERIZATION_SAMPLES_EXT, DYNAMIC_STATE_SAMPLE_MASK_EXT, DYNAMIC_STATE_ALPHA_TO_COVERAGE_ENABLE_EXT, DYNAMIC_STATE_ALPHA_TO_ONE_ENABLE_EXT, DYNAMIC_STATE_LOGIC_OP_ENABLE_EXT, DYNAMIC_STATE_COLOR_BLEND_ENABLE_EXT, DYNAMIC_STATE_COLOR_BLEND_EQUATION_EXT, DYNAMIC_STATE_COLOR_WRITE_MASK_EXT, DYNAMIC_STATE_RASTERIZATION_STREAM_EXT, DYNAMIC_STATE_CONSERVATIVE_RASTERIZATION_MODE_EXT, DYNAMIC_STATE_EXTRA_PRIMITIVE_OVERESTIMATION_SIZE_EXT, DYNAMIC_STATE_DEPTH_CLIP_ENABLE_EXT, DYNAMIC_STATE_SAMPLE_LOCATIONS_ENABLE_EXT, DYNAMIC_STATE_COLOR_BLEND_ADVANCED_EXT, DYNAMIC_STATE_PROVOKING_VERTEX_MODE_EXT, DYNAMIC_STATE_LINE_RASTERIZATION_MODE_EXT, DYNAMIC_STATE_LINE_STIPPLE_ENABLE_EXT, DYNAMIC_STATE_DEPTH_CLIP_NEGATIVE_ONE_TO_ONE_EXT, DYNAMIC_STATE_VIEWPORT_W_SCALING_ENABLE_NV, DYNAMIC_STATE_VIEWPORT_SWIZZLE_NV, DYNAMIC_STATE_COVERAGE_TO_COLOR_ENABLE_NV, DYNAMIC_STATE_COVERAGE_TO_COLOR_LOCATION_NV, DYNAMIC_STATE_COVERAGE_MODULATION_MODE_NV, DYNAMIC_STATE_COVERAGE_MODULATION_TABLE_ENABLE_NV, DYNAMIC_STATE_COVERAGE_MODULATION_TABLE_NV, DYNAMIC_STATE_SHADING_RATE_IMAGE_ENABLE_NV, DYNAMIC_STATE_REPRESENTATIVE_FRAGMENT_TEST_ENABLE_NV, DYNAMIC_STATE_COVERAGE_REDUCTION_MODE_NV, DescriptorUpdateTemplateType, DESCRIPTOR_UPDATE_TEMPLATE_TYPE_DESCRIPTOR_SET, DESCRIPTOR_UPDATE_TEMPLATE_TYPE_PUSH_DESCRIPTORS_KHR, ObjectType, OBJECT_TYPE_UNKNOWN, OBJECT_TYPE_INSTANCE, OBJECT_TYPE_PHYSICAL_DEVICE, OBJECT_TYPE_DEVICE, OBJECT_TYPE_QUEUE, OBJECT_TYPE_SEMAPHORE, OBJECT_TYPE_COMMAND_BUFFER, OBJECT_TYPE_FENCE, OBJECT_TYPE_DEVICE_MEMORY, OBJECT_TYPE_BUFFER, OBJECT_TYPE_IMAGE, OBJECT_TYPE_EVENT, OBJECT_TYPE_QUERY_POOL, OBJECT_TYPE_BUFFER_VIEW, OBJECT_TYPE_IMAGE_VIEW, OBJECT_TYPE_SHADER_MODULE, OBJECT_TYPE_PIPELINE_CACHE, OBJECT_TYPE_PIPELINE_LAYOUT, OBJECT_TYPE_RENDER_PASS, OBJECT_TYPE_PIPELINE, OBJECT_TYPE_DESCRIPTOR_SET_LAYOUT, OBJECT_TYPE_SAMPLER, OBJECT_TYPE_DESCRIPTOR_POOL, OBJECT_TYPE_DESCRIPTOR_SET, OBJECT_TYPE_FRAMEBUFFER, OBJECT_TYPE_COMMAND_POOL, OBJECT_TYPE_SAMPLER_YCBCR_CONVERSION, OBJECT_TYPE_DESCRIPTOR_UPDATE_TEMPLATE, OBJECT_TYPE_PRIVATE_DATA_SLOT, OBJECT_TYPE_SURFACE_KHR, OBJECT_TYPE_SWAPCHAIN_KHR, OBJECT_TYPE_DISPLAY_KHR, OBJECT_TYPE_DISPLAY_MODE_KHR, OBJECT_TYPE_DEBUG_REPORT_CALLBACK_EXT, OBJECT_TYPE_VIDEO_SESSION_KHR, OBJECT_TYPE_VIDEO_SESSION_PARAMETERS_KHR, OBJECT_TYPE_CU_MODULE_NVX, OBJECT_TYPE_CU_FUNCTION_NVX, OBJECT_TYPE_DEBUG_UTILS_MESSENGER_EXT, OBJECT_TYPE_ACCELERATION_STRUCTURE_KHR, OBJECT_TYPE_VALIDATION_CACHE_EXT, OBJECT_TYPE_ACCELERATION_STRUCTURE_NV, OBJECT_TYPE_PERFORMANCE_CONFIGURATION_INTEL, OBJECT_TYPE_DEFERRED_OPERATION_KHR, OBJECT_TYPE_INDIRECT_COMMANDS_LAYOUT_NV, OBJECT_TYPE_BUFFER_COLLECTION_FUCHSIA, OBJECT_TYPE_MICROMAP_EXT, OBJECT_TYPE_OPTICAL_FLOW_SESSION_NV, RayTracingInvocationReorderModeNV, RAY_TRACING_INVOCATION_REORDER_MODE_NONE_NV, RAY_TRACING_INVOCATION_REORDER_MODE_REORDER_NV, DirectDriverLoadingModeLUNARG, DIRECT_DRIVER_LOADING_MODE_EXCLUSIVE_LUNARG, DIRECT_DRIVER_LOADING_MODE_INCLUSIVE_LUNARG, SemaphoreType, SEMAPHORE_TYPE_BINARY, SEMAPHORE_TYPE_TIMELINE, PresentModeKHR, PRESENT_MODE_IMMEDIATE_KHR, PRESENT_MODE_MAILBOX_KHR, PRESENT_MODE_FIFO_KHR, PRESENT_MODE_FIFO_RELAXED_KHR, PRESENT_MODE_SHARED_DEMAND_REFRESH_KHR, PRESENT_MODE_SHARED_CONTINUOUS_REFRESH_KHR, ColorSpaceKHR, COLOR_SPACE_SRGB_NONLINEAR_KHR, COLOR_SPACE_DISPLAY_P3_NONLINEAR_EXT, COLOR_SPACE_EXTENDED_SRGB_LINEAR_EXT, COLOR_SPACE_DISPLAY_P3_LINEAR_EXT, COLOR_SPACE_DCI_P3_NONLINEAR_EXT, COLOR_SPACE_BT709_LINEAR_EXT, COLOR_SPACE_BT709_NONLINEAR_EXT, COLOR_SPACE_BT2020_LINEAR_EXT, COLOR_SPACE_HDR10_ST2084_EXT, COLOR_SPACE_DOLBYVISION_EXT, COLOR_SPACE_HDR10_HLG_EXT, COLOR_SPACE_ADOBERGB_LINEAR_EXT, COLOR_SPACE_ADOBERGB_NONLINEAR_EXT, COLOR_SPACE_PASS_THROUGH_EXT, COLOR_SPACE_EXTENDED_SRGB_NONLINEAR_EXT, COLOR_SPACE_DISPLAY_NATIVE_AMD, TimeDomainEXT, TIME_DOMAIN_DEVICE_EXT, TIME_DOMAIN_CLOCK_MONOTONIC_EXT, TIME_DOMAIN_CLOCK_MONOTONIC_RAW_EXT, TIME_DOMAIN_QUERY_PERFORMANCE_COUNTER_EXT, DebugReportObjectTypeEXT, DEBUG_REPORT_OBJECT_TYPE_UNKNOWN_EXT, DEBUG_REPORT_OBJECT_TYPE_INSTANCE_EXT, DEBUG_REPORT_OBJECT_TYPE_PHYSICAL_DEVICE_EXT, DEBUG_REPORT_OBJECT_TYPE_DEVICE_EXT, DEBUG_REPORT_OBJECT_TYPE_QUEUE_EXT, DEBUG_REPORT_OBJECT_TYPE_SEMAPHORE_EXT, DEBUG_REPORT_OBJECT_TYPE_COMMAND_BUFFER_EXT, DEBUG_REPORT_OBJECT_TYPE_FENCE_EXT, DEBUG_REPORT_OBJECT_TYPE_DEVICE_MEMORY_EXT, DEBUG_REPORT_OBJECT_TYPE_BUFFER_EXT, DEBUG_REPORT_OBJECT_TYPE_IMAGE_EXT, DEBUG_REPORT_OBJECT_TYPE_EVENT_EXT, DEBUG_REPORT_OBJECT_TYPE_QUERY_POOL_EXT, DEBUG_REPORT_OBJECT_TYPE_BUFFER_VIEW_EXT, DEBUG_REPORT_OBJECT_TYPE_IMAGE_VIEW_EXT, DEBUG_REPORT_OBJECT_TYPE_SHADER_MODULE_EXT, DEBUG_REPORT_OBJECT_TYPE_PIPELINE_CACHE_EXT, DEBUG_REPORT_OBJECT_TYPE_PIPELINE_LAYOUT_EXT, DEBUG_REPORT_OBJECT_TYPE_RENDER_PASS_EXT, DEBUG_REPORT_OBJECT_TYPE_PIPELINE_EXT, DEBUG_REPORT_OBJECT_TYPE_DESCRIPTOR_SET_LAYOUT_EXT, DEBUG_REPORT_OBJECT_TYPE_SAMPLER_EXT, DEBUG_REPORT_OBJECT_TYPE_DESCRIPTOR_POOL_EXT, DEBUG_REPORT_OBJECT_TYPE_DESCRIPTOR_SET_EXT, DEBUG_REPORT_OBJECT_TYPE_FRAMEBUFFER_EXT, DEBUG_REPORT_OBJECT_TYPE_COMMAND_POOL_EXT, DEBUG_REPORT_OBJECT_TYPE_SURFACE_KHR_EXT, DEBUG_REPORT_OBJECT_TYPE_SWAPCHAIN_KHR_EXT, DEBUG_REPORT_OBJECT_TYPE_DEBUG_REPORT_CALLBACK_EXT_EXT, DEBUG_REPORT_OBJECT_TYPE_DISPLAY_KHR_EXT, DEBUG_REPORT_OBJECT_TYPE_DISPLAY_MODE_KHR_EXT, DEBUG_REPORT_OBJECT_TYPE_VALIDATION_CACHE_EXT_EXT, DEBUG_REPORT_OBJECT_TYPE_SAMPLER_YCBCR_CONVERSION_EXT, DEBUG_REPORT_OBJECT_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_EXT, DEBUG_REPORT_OBJECT_TYPE_CU_MODULE_NVX_EXT, DEBUG_REPORT_OBJECT_TYPE_CU_FUNCTION_NVX_EXT, DEBUG_REPORT_OBJECT_TYPE_ACCELERATION_STRUCTURE_KHR_EXT, DEBUG_REPORT_OBJECT_TYPE_ACCELERATION_STRUCTURE_NV_EXT, DEBUG_REPORT_OBJECT_TYPE_BUFFER_COLLECTION_FUCHSIA_EXT, DeviceMemoryReportEventTypeEXT, DEVICE_MEMORY_REPORT_EVENT_TYPE_ALLOCATE_EXT, DEVICE_MEMORY_REPORT_EVENT_TYPE_FREE_EXT, DEVICE_MEMORY_REPORT_EVENT_TYPE_IMPORT_EXT, DEVICE_MEMORY_REPORT_EVENT_TYPE_UNIMPORT_EXT, DEVICE_MEMORY_REPORT_EVENT_TYPE_ALLOCATION_FAILED_EXT, RasterizationOrderAMD, RASTERIZATION_ORDER_STRICT_AMD, RASTERIZATION_ORDER_RELAXED_AMD, ValidationCheckEXT, VALIDATION_CHECK_ALL_EXT, VALIDATION_CHECK_SHADERS_EXT, ValidationFeatureEnableEXT, VALIDATION_FEATURE_ENABLE_GPU_ASSISTED_EXT, VALIDATION_FEATURE_ENABLE_GPU_ASSISTED_RESERVE_BINDING_SLOT_EXT, VALIDATION_FEATURE_ENABLE_BEST_PRACTICES_EXT, VALIDATION_FEATURE_ENABLE_DEBUG_PRINTF_EXT, VALIDATION_FEATURE_ENABLE_SYNCHRONIZATION_VALIDATION_EXT, ValidationFeatureDisableEXT, VALIDATION_FEATURE_DISABLE_ALL_EXT, VALIDATION_FEATURE_DISABLE_SHADERS_EXT, VALIDATION_FEATURE_DISABLE_THREAD_SAFETY_EXT, VALIDATION_FEATURE_DISABLE_API_PARAMETERS_EXT, VALIDATION_FEATURE_DISABLE_OBJECT_LIFETIMES_EXT, VALIDATION_FEATURE_DISABLE_CORE_CHECKS_EXT, VALIDATION_FEATURE_DISABLE_UNIQUE_HANDLES_EXT, VALIDATION_FEATURE_DISABLE_SHADER_VALIDATION_CACHE_EXT, IndirectCommandsTokenTypeNV, INDIRECT_COMMANDS_TOKEN_TYPE_SHADER_GROUP_NV, INDIRECT_COMMANDS_TOKEN_TYPE_STATE_FLAGS_NV, INDIRECT_COMMANDS_TOKEN_TYPE_INDEX_BUFFER_NV, INDIRECT_COMMANDS_TOKEN_TYPE_VERTEX_BUFFER_NV, INDIRECT_COMMANDS_TOKEN_TYPE_PUSH_CONSTANT_NV, INDIRECT_COMMANDS_TOKEN_TYPE_DRAW_INDEXED_NV, INDIRECT_COMMANDS_TOKEN_TYPE_DRAW_NV, INDIRECT_COMMANDS_TOKEN_TYPE_DRAW_TASKS_NV, INDIRECT_COMMANDS_TOKEN_TYPE_DRAW_MESH_TASKS_NV, DisplayPowerStateEXT, DISPLAY_POWER_STATE_OFF_EXT, DISPLAY_POWER_STATE_SUSPEND_EXT, DISPLAY_POWER_STATE_ON_EXT, DeviceEventTypeEXT, DEVICE_EVENT_TYPE_DISPLAY_HOTPLUG_EXT, DisplayEventTypeEXT, DISPLAY_EVENT_TYPE_FIRST_PIXEL_OUT_EXT, ViewportCoordinateSwizzleNV, VIEWPORT_COORDINATE_SWIZZLE_POSITIVE_X_NV, VIEWPORT_COORDINATE_SWIZZLE_NEGATIVE_X_NV, VIEWPORT_COORDINATE_SWIZZLE_POSITIVE_Y_NV, VIEWPORT_COORDINATE_SWIZZLE_NEGATIVE_Y_NV, VIEWPORT_COORDINATE_SWIZZLE_POSITIVE_Z_NV, VIEWPORT_COORDINATE_SWIZZLE_NEGATIVE_Z_NV, VIEWPORT_COORDINATE_SWIZZLE_POSITIVE_W_NV, VIEWPORT_COORDINATE_SWIZZLE_NEGATIVE_W_NV, DiscardRectangleModeEXT, DISCARD_RECTANGLE_MODE_INCLUSIVE_EXT, DISCARD_RECTANGLE_MODE_EXCLUSIVE_EXT, PointClippingBehavior, POINT_CLIPPING_BEHAVIOR_ALL_CLIP_PLANES, POINT_CLIPPING_BEHAVIOR_USER_CLIP_PLANES_ONLY, SamplerReductionMode, SAMPLER_REDUCTION_MODE_WEIGHTED_AVERAGE, SAMPLER_REDUCTION_MODE_MIN, SAMPLER_REDUCTION_MODE_MAX, TessellationDomainOrigin, TESSELLATION_DOMAIN_ORIGIN_UPPER_LEFT, TESSELLATION_DOMAIN_ORIGIN_LOWER_LEFT, SamplerYcbcrModelConversion, SAMPLER_YCBCR_MODEL_CONVERSION_RGB_IDENTITY, SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_IDENTITY, SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_709, SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_601, SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_2020, SamplerYcbcrRange, SAMPLER_YCBCR_RANGE_ITU_FULL, SAMPLER_YCBCR_RANGE_ITU_NARROW, ChromaLocation, CHROMA_LOCATION_COSITED_EVEN, CHROMA_LOCATION_MIDPOINT, BlendOverlapEXT, BLEND_OVERLAP_UNCORRELATED_EXT, BLEND_OVERLAP_DISJOINT_EXT, BLEND_OVERLAP_CONJOINT_EXT, CoverageModulationModeNV, COVERAGE_MODULATION_MODE_NONE_NV, COVERAGE_MODULATION_MODE_RGB_NV, COVERAGE_MODULATION_MODE_ALPHA_NV, COVERAGE_MODULATION_MODE_RGBA_NV, CoverageReductionModeNV, COVERAGE_REDUCTION_MODE_MERGE_NV, COVERAGE_REDUCTION_MODE_TRUNCATE_NV, ValidationCacheHeaderVersionEXT, VALIDATION_CACHE_HEADER_VERSION_ONE_EXT, ShaderInfoTypeAMD, SHADER_INFO_TYPE_STATISTICS_AMD, SHADER_INFO_TYPE_BINARY_AMD, SHADER_INFO_TYPE_DISASSEMBLY_AMD, QueueGlobalPriorityKHR, QUEUE_GLOBAL_PRIORITY_LOW_KHR, QUEUE_GLOBAL_PRIORITY_MEDIUM_KHR, QUEUE_GLOBAL_PRIORITY_HIGH_KHR, QUEUE_GLOBAL_PRIORITY_REALTIME_KHR, ConservativeRasterizationModeEXT, CONSERVATIVE_RASTERIZATION_MODE_DISABLED_EXT, CONSERVATIVE_RASTERIZATION_MODE_OVERESTIMATE_EXT, CONSERVATIVE_RASTERIZATION_MODE_UNDERESTIMATE_EXT, VendorId, VENDOR_ID_VIV, VENDOR_ID_VSI, VENDOR_ID_KAZAN, VENDOR_ID_CODEPLAY, VENDOR_ID_MESA, VENDOR_ID_POCL, DriverId, DRIVER_ID_AMD_PROPRIETARY, DRIVER_ID_AMD_OPEN_SOURCE, DRIVER_ID_MESA_RADV, DRIVER_ID_NVIDIA_PROPRIETARY, DRIVER_ID_INTEL_PROPRIETARY_WINDOWS, DRIVER_ID_INTEL_OPEN_SOURCE_MESA, DRIVER_ID_IMAGINATION_PROPRIETARY, DRIVER_ID_QUALCOMM_PROPRIETARY, DRIVER_ID_ARM_PROPRIETARY, DRIVER_ID_GOOGLE_SWIFTSHADER, DRIVER_ID_GGP_PROPRIETARY, DRIVER_ID_BROADCOM_PROPRIETARY, DRIVER_ID_MESA_LLVMPIPE, DRIVER_ID_MOLTENVK, DRIVER_ID_COREAVI_PROPRIETARY, DRIVER_ID_JUICE_PROPRIETARY, DRIVER_ID_VERISILICON_PROPRIETARY, DRIVER_ID_MESA_TURNIP, DRIVER_ID_MESA_V3DV, DRIVER_ID_MESA_PANVK, DRIVER_ID_SAMSUNG_PROPRIETARY, DRIVER_ID_MESA_VENUS, DRIVER_ID_MESA_DOZEN, DRIVER_ID_MESA_NVK, DRIVER_ID_IMAGINATION_OPEN_SOURCE_MESA, ShadingRatePaletteEntryNV, SHADING_RATE_PALETTE_ENTRY_NO_INVOCATIONS_NV, SHADING_RATE_PALETTE_ENTRY_16_INVOCATIONS_PER_PIXEL_NV, SHADING_RATE_PALETTE_ENTRY_8_INVOCATIONS_PER_PIXEL_NV, SHADING_RATE_PALETTE_ENTRY_4_INVOCATIONS_PER_PIXEL_NV, SHADING_RATE_PALETTE_ENTRY_2_INVOCATIONS_PER_PIXEL_NV, SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_PIXEL_NV, SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_2X1_PIXELS_NV, SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_1X2_PIXELS_NV, SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_2X2_PIXELS_NV, SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_4X2_PIXELS_NV, SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_2X4_PIXELS_NV, SHADING_RATE_PALETTE_ENTRY_1_INVOCATION_PER_4X4_PIXELS_NV, CoarseSampleOrderTypeNV, COARSE_SAMPLE_ORDER_TYPE_DEFAULT_NV, COARSE_SAMPLE_ORDER_TYPE_CUSTOM_NV, COARSE_SAMPLE_ORDER_TYPE_PIXEL_MAJOR_NV, COARSE_SAMPLE_ORDER_TYPE_SAMPLE_MAJOR_NV, CopyAccelerationStructureModeKHR, COPY_ACCELERATION_STRUCTURE_MODE_CLONE_KHR, COPY_ACCELERATION_STRUCTURE_MODE_COMPACT_KHR, COPY_ACCELERATION_STRUCTURE_MODE_SERIALIZE_KHR, COPY_ACCELERATION_STRUCTURE_MODE_DESERIALIZE_KHR, BuildAccelerationStructureModeKHR, BUILD_ACCELERATION_STRUCTURE_MODE_BUILD_KHR, BUILD_ACCELERATION_STRUCTURE_MODE_UPDATE_KHR, AccelerationStructureTypeKHR, ACCELERATION_STRUCTURE_TYPE_TOP_LEVEL_KHR, ACCELERATION_STRUCTURE_TYPE_BOTTOM_LEVEL_KHR, ACCELERATION_STRUCTURE_TYPE_GENERIC_KHR, GeometryTypeKHR, GEOMETRY_TYPE_TRIANGLES_KHR, GEOMETRY_TYPE_AABBS_KHR, GEOMETRY_TYPE_INSTANCES_KHR, AccelerationStructureMemoryRequirementsTypeNV, ACCELERATION_STRUCTURE_MEMORY_REQUIREMENTS_TYPE_OBJECT_NV, ACCELERATION_STRUCTURE_MEMORY_REQUIREMENTS_TYPE_BUILD_SCRATCH_NV, ACCELERATION_STRUCTURE_MEMORY_REQUIREMENTS_TYPE_UPDATE_SCRATCH_NV, AccelerationStructureBuildTypeKHR, ACCELERATION_STRUCTURE_BUILD_TYPE_HOST_KHR, ACCELERATION_STRUCTURE_BUILD_TYPE_DEVICE_KHR, ACCELERATION_STRUCTURE_BUILD_TYPE_HOST_OR_DEVICE_KHR, RayTracingShaderGroupTypeKHR, RAY_TRACING_SHADER_GROUP_TYPE_GENERAL_KHR, RAY_TRACING_SHADER_GROUP_TYPE_TRIANGLES_HIT_GROUP_KHR, RAY_TRACING_SHADER_GROUP_TYPE_PROCEDURAL_HIT_GROUP_KHR, AccelerationStructureCompatibilityKHR, ACCELERATION_STRUCTURE_COMPATIBILITY_COMPATIBLE_KHR, ACCELERATION_STRUCTURE_COMPATIBILITY_INCOMPATIBLE_KHR, ShaderGroupShaderKHR, SHADER_GROUP_SHADER_GENERAL_KHR, SHADER_GROUP_SHADER_CLOSEST_HIT_KHR, SHADER_GROUP_SHADER_ANY_HIT_KHR, SHADER_GROUP_SHADER_INTERSECTION_KHR, MemoryOverallocationBehaviorAMD, MEMORY_OVERALLOCATION_BEHAVIOR_DEFAULT_AMD, MEMORY_OVERALLOCATION_BEHAVIOR_ALLOWED_AMD, MEMORY_OVERALLOCATION_BEHAVIOR_DISALLOWED_AMD, ScopeNV, SCOPE_DEVICE_NV, SCOPE_WORKGROUP_NV, SCOPE_SUBGROUP_NV, SCOPE_QUEUE_FAMILY_NV, ComponentTypeNV, COMPONENT_TYPE_FLOAT16_NV, COMPONENT_TYPE_FLOAT32_NV, COMPONENT_TYPE_FLOAT64_NV, COMPONENT_TYPE_SINT8_NV, COMPONENT_TYPE_SINT16_NV, COMPONENT_TYPE_SINT32_NV, COMPONENT_TYPE_SINT64_NV, COMPONENT_TYPE_UINT8_NV, COMPONENT_TYPE_UINT16_NV, COMPONENT_TYPE_UINT32_NV, COMPONENT_TYPE_UINT64_NV, FullScreenExclusiveEXT, FULL_SCREEN_EXCLUSIVE_DEFAULT_EXT, FULL_SCREEN_EXCLUSIVE_ALLOWED_EXT, FULL_SCREEN_EXCLUSIVE_DISALLOWED_EXT, FULL_SCREEN_EXCLUSIVE_APPLICATION_CONTROLLED_EXT, PerformanceCounterScopeKHR, PERFORMANCE_COUNTER_SCOPE_COMMAND_BUFFER_KHR, PERFORMANCE_COUNTER_SCOPE_RENDER_PASS_KHR, PERFORMANCE_COUNTER_SCOPE_COMMAND_KHR, PerformanceCounterUnitKHR, PERFORMANCE_COUNTER_UNIT_GENERIC_KHR, PERFORMANCE_COUNTER_UNIT_PERCENTAGE_KHR, PERFORMANCE_COUNTER_UNIT_NANOSECONDS_KHR, PERFORMANCE_COUNTER_UNIT_BYTES_KHR, PERFORMANCE_COUNTER_UNIT_BYTES_PER_SECOND_KHR, PERFORMANCE_COUNTER_UNIT_KELVIN_KHR, PERFORMANCE_COUNTER_UNIT_WATTS_KHR, PERFORMANCE_COUNTER_UNIT_VOLTS_KHR, PERFORMANCE_COUNTER_UNIT_AMPS_KHR, PERFORMANCE_COUNTER_UNIT_HERTZ_KHR, PERFORMANCE_COUNTER_UNIT_CYCLES_KHR, PerformanceCounterStorageKHR, PERFORMANCE_COUNTER_STORAGE_INT32_KHR, PERFORMANCE_COUNTER_STORAGE_INT64_KHR, PERFORMANCE_COUNTER_STORAGE_UINT32_KHR, PERFORMANCE_COUNTER_STORAGE_UINT64_KHR, PERFORMANCE_COUNTER_STORAGE_FLOAT32_KHR, PERFORMANCE_COUNTER_STORAGE_FLOAT64_KHR, PerformanceConfigurationTypeINTEL, PERFORMANCE_CONFIGURATION_TYPE_COMMAND_QUEUE_METRICS_DISCOVERY_ACTIVATED_INTEL, QueryPoolSamplingModeINTEL, QUERY_POOL_SAMPLING_MODE_MANUAL_INTEL, PerformanceOverrideTypeINTEL, PERFORMANCE_OVERRIDE_TYPE_NULL_HARDWARE_INTEL, PERFORMANCE_OVERRIDE_TYPE_FLUSH_GPU_CACHES_INTEL, PerformanceParameterTypeINTEL, PERFORMANCE_PARAMETER_TYPE_HW_COUNTERS_SUPPORTED_INTEL, PERFORMANCE_PARAMETER_TYPE_STREAM_MARKER_VALID_BITS_INTEL, PerformanceValueTypeINTEL, PERFORMANCE_VALUE_TYPE_UINT32_INTEL, PERFORMANCE_VALUE_TYPE_UINT64_INTEL, PERFORMANCE_VALUE_TYPE_FLOAT_INTEL, PERFORMANCE_VALUE_TYPE_BOOL_INTEL, PERFORMANCE_VALUE_TYPE_STRING_INTEL, ShaderFloatControlsIndependence, SHADER_FLOAT_CONTROLS_INDEPENDENCE_32_BIT_ONLY, SHADER_FLOAT_CONTROLS_INDEPENDENCE_ALL, SHADER_FLOAT_CONTROLS_INDEPENDENCE_NONE, PipelineExecutableStatisticFormatKHR, PIPELINE_EXECUTABLE_STATISTIC_FORMAT_BOOL32_KHR, PIPELINE_EXECUTABLE_STATISTIC_FORMAT_INT64_KHR, PIPELINE_EXECUTABLE_STATISTIC_FORMAT_UINT64_KHR, PIPELINE_EXECUTABLE_STATISTIC_FORMAT_FLOAT64_KHR, LineRasterizationModeEXT, LINE_RASTERIZATION_MODE_DEFAULT_EXT, LINE_RASTERIZATION_MODE_RECTANGULAR_EXT, LINE_RASTERIZATION_MODE_BRESENHAM_EXT, LINE_RASTERIZATION_MODE_RECTANGULAR_SMOOTH_EXT, FragmentShadingRateCombinerOpKHR, FRAGMENT_SHADING_RATE_COMBINER_OP_KEEP_KHR, FRAGMENT_SHADING_RATE_COMBINER_OP_REPLACE_KHR, FRAGMENT_SHADING_RATE_COMBINER_OP_MIN_KHR, FRAGMENT_SHADING_RATE_COMBINER_OP_MAX_KHR, FRAGMENT_SHADING_RATE_COMBINER_OP_MUL_KHR, FragmentShadingRateNV, FRAGMENT_SHADING_RATE_1_INVOCATION_PER_PIXEL_NV, FRAGMENT_SHADING_RATE_1_INVOCATION_PER_1X2_PIXELS_NV, FRAGMENT_SHADING_RATE_1_INVOCATION_PER_2X1_PIXELS_NV, FRAGMENT_SHADING_RATE_1_INVOCATION_PER_2X2_PIXELS_NV, FRAGMENT_SHADING_RATE_1_INVOCATION_PER_2X4_PIXELS_NV, FRAGMENT_SHADING_RATE_1_INVOCATION_PER_4X2_PIXELS_NV, FRAGMENT_SHADING_RATE_1_INVOCATION_PER_4X4_PIXELS_NV, FRAGMENT_SHADING_RATE_2_INVOCATIONS_PER_PIXEL_NV, FRAGMENT_SHADING_RATE_4_INVOCATIONS_PER_PIXEL_NV, FRAGMENT_SHADING_RATE_8_INVOCATIONS_PER_PIXEL_NV, FRAGMENT_SHADING_RATE_16_INVOCATIONS_PER_PIXEL_NV, FRAGMENT_SHADING_RATE_NO_INVOCATIONS_NV, FragmentShadingRateTypeNV, FRAGMENT_SHADING_RATE_TYPE_FRAGMENT_SIZE_NV, FRAGMENT_SHADING_RATE_TYPE_ENUMS_NV, SubpassMergeStatusEXT, SUBPASS_MERGE_STATUS_MERGED_EXT, SUBPASS_MERGE_STATUS_DISALLOWED_EXT, SUBPASS_MERGE_STATUS_NOT_MERGED_SIDE_EFFECTS_EXT, SUBPASS_MERGE_STATUS_NOT_MERGED_SAMPLES_MISMATCH_EXT, SUBPASS_MERGE_STATUS_NOT_MERGED_VIEWS_MISMATCH_EXT, SUBPASS_MERGE_STATUS_NOT_MERGED_ALIASING_EXT, SUBPASS_MERGE_STATUS_NOT_MERGED_DEPENDENCIES_EXT, SUBPASS_MERGE_STATUS_NOT_MERGED_INCOMPATIBLE_INPUT_ATTACHMENT_EXT, SUBPASS_MERGE_STATUS_NOT_MERGED_TOO_MANY_ATTACHMENTS_EXT, SUBPASS_MERGE_STATUS_NOT_MERGED_INSUFFICIENT_STORAGE_EXT, SUBPASS_MERGE_STATUS_NOT_MERGED_DEPTH_STENCIL_COUNT_EXT, SUBPASS_MERGE_STATUS_NOT_MERGED_RESOLVE_ATTACHMENT_REUSE_EXT, SUBPASS_MERGE_STATUS_NOT_MERGED_SINGLE_SUBPASS_EXT, SUBPASS_MERGE_STATUS_NOT_MERGED_UNSPECIFIED_EXT, ProvokingVertexModeEXT, PROVOKING_VERTEX_MODE_FIRST_VERTEX_EXT, PROVOKING_VERTEX_MODE_LAST_VERTEX_EXT, AccelerationStructureMotionInstanceTypeNV, ACCELERATION_STRUCTURE_MOTION_INSTANCE_TYPE_STATIC_NV, ACCELERATION_STRUCTURE_MOTION_INSTANCE_TYPE_MATRIX_MOTION_NV, ACCELERATION_STRUCTURE_MOTION_INSTANCE_TYPE_SRT_MOTION_NV, DeviceAddressBindingTypeEXT, DEVICE_ADDRESS_BINDING_TYPE_BIND_EXT, DEVICE_ADDRESS_BINDING_TYPE_UNBIND_EXT, QueryResultStatusKHR, QUERY_RESULT_STATUS_ERROR_KHR, QUERY_RESULT_STATUS_NOT_READY_KHR, QUERY_RESULT_STATUS_COMPLETE_KHR, PipelineRobustnessBufferBehaviorEXT, PIPELINE_ROBUSTNESS_BUFFER_BEHAVIOR_DEVICE_DEFAULT_EXT, PIPELINE_ROBUSTNESS_BUFFER_BEHAVIOR_DISABLED_EXT, PIPELINE_ROBUSTNESS_BUFFER_BEHAVIOR_ROBUST_BUFFER_ACCESS_EXT, PIPELINE_ROBUSTNESS_BUFFER_BEHAVIOR_ROBUST_BUFFER_ACCESS_2_EXT, PipelineRobustnessImageBehaviorEXT, PIPELINE_ROBUSTNESS_IMAGE_BEHAVIOR_DEVICE_DEFAULT_EXT, PIPELINE_ROBUSTNESS_IMAGE_BEHAVIOR_DISABLED_EXT, PIPELINE_ROBUSTNESS_IMAGE_BEHAVIOR_ROBUST_IMAGE_ACCESS_EXT, PIPELINE_ROBUSTNESS_IMAGE_BEHAVIOR_ROBUST_IMAGE_ACCESS_2_EXT, OpticalFlowPerformanceLevelNV, OPTICAL_FLOW_PERFORMANCE_LEVEL_UNKNOWN_NV, OPTICAL_FLOW_PERFORMANCE_LEVEL_SLOW_NV, OPTICAL_FLOW_PERFORMANCE_LEVEL_MEDIUM_NV, OPTICAL_FLOW_PERFORMANCE_LEVEL_FAST_NV, OpticalFlowSessionBindingPointNV, OPTICAL_FLOW_SESSION_BINDING_POINT_UNKNOWN_NV, OPTICAL_FLOW_SESSION_BINDING_POINT_INPUT_NV, OPTICAL_FLOW_SESSION_BINDING_POINT_REFERENCE_NV, OPTICAL_FLOW_SESSION_BINDING_POINT_HINT_NV, OPTICAL_FLOW_SESSION_BINDING_POINT_FLOW_VECTOR_NV, OPTICAL_FLOW_SESSION_BINDING_POINT_BACKWARD_FLOW_VECTOR_NV, OPTICAL_FLOW_SESSION_BINDING_POINT_COST_NV, OPTICAL_FLOW_SESSION_BINDING_POINT_BACKWARD_COST_NV, OPTICAL_FLOW_SESSION_BINDING_POINT_GLOBAL_FLOW_NV, MicromapTypeEXT, MICROMAP_TYPE_OPACITY_MICROMAP_EXT, CopyMicromapModeEXT, COPY_MICROMAP_MODE_CLONE_EXT, COPY_MICROMAP_MODE_SERIALIZE_EXT, COPY_MICROMAP_MODE_DESERIALIZE_EXT, COPY_MICROMAP_MODE_COMPACT_EXT, BuildMicromapModeEXT, BUILD_MICROMAP_MODE_BUILD_EXT, OpacityMicromapFormatEXT, OPACITY_MICROMAP_FORMAT_2_STATE_EXT, OPACITY_MICROMAP_FORMAT_4_STATE_EXT, OpacityMicromapSpecialIndexEXT, OPACITY_MICROMAP_SPECIAL_INDEX_FULLY_TRANSPARENT_EXT, OPACITY_MICROMAP_SPECIAL_INDEX_FULLY_OPAQUE_EXT, OPACITY_MICROMAP_SPECIAL_INDEX_FULLY_UNKNOWN_TRANSPARENT_EXT, OPACITY_MICROMAP_SPECIAL_INDEX_FULLY_UNKNOWN_OPAQUE_EXT, DeviceFaultAddressTypeEXT, DEVICE_FAULT_ADDRESS_TYPE_NONE_EXT, DEVICE_FAULT_ADDRESS_TYPE_READ_INVALID_EXT, DEVICE_FAULT_ADDRESS_TYPE_WRITE_INVALID_EXT, DEVICE_FAULT_ADDRESS_TYPE_EXECUTE_INVALID_EXT, DEVICE_FAULT_ADDRESS_TYPE_INSTRUCTION_POINTER_UNKNOWN_EXT, DEVICE_FAULT_ADDRESS_TYPE_INSTRUCTION_POINTER_INVALID_EXT, DEVICE_FAULT_ADDRESS_TYPE_INSTRUCTION_POINTER_FAULT_EXT, DeviceFaultVendorBinaryHeaderVersionEXT, DEVICE_FAULT_VENDOR_BINARY_HEADER_VERSION_ONE_EXT, PipelineCacheCreateFlag, PIPELINE_CACHE_CREATE_EXTERNALLY_SYNCHRONIZED_BIT, QueueFlag, QUEUE_GRAPHICS_BIT, QUEUE_COMPUTE_BIT, QUEUE_TRANSFER_BIT, QUEUE_SPARSE_BINDING_BIT, QUEUE_PROTECTED_BIT, QUEUE_VIDEO_DECODE_BIT_KHR, QUEUE_VIDEO_ENCODE_BIT_KHR, QUEUE_OPTICAL_FLOW_BIT_NV, CullModeFlag, CULL_MODE_FRONT_BIT, CULL_MODE_BACK_BIT, CULL_MODE_NONE, CULL_MODE_FRONT_AND_BACK, RenderPassCreateFlag, RENDER_PASS_CREATE_TRANSFORM_BIT_QCOM, DeviceQueueCreateFlag, DEVICE_QUEUE_CREATE_PROTECTED_BIT, MemoryPropertyFlag, MEMORY_PROPERTY_DEVICE_LOCAL_BIT, MEMORY_PROPERTY_HOST_VISIBLE_BIT, MEMORY_PROPERTY_HOST_COHERENT_BIT, MEMORY_PROPERTY_HOST_CACHED_BIT, MEMORY_PROPERTY_LAZILY_ALLOCATED_BIT, MEMORY_PROPERTY_PROTECTED_BIT, MEMORY_PROPERTY_DEVICE_COHERENT_BIT_AMD, MEMORY_PROPERTY_DEVICE_UNCACHED_BIT_AMD, MEMORY_PROPERTY_RDMA_CAPABLE_BIT_NV, MemoryHeapFlag, MEMORY_HEAP_DEVICE_LOCAL_BIT, MEMORY_HEAP_MULTI_INSTANCE_BIT, AccessFlag, ACCESS_INDIRECT_COMMAND_READ_BIT, ACCESS_INDEX_READ_BIT, ACCESS_VERTEX_ATTRIBUTE_READ_BIT, ACCESS_UNIFORM_READ_BIT, ACCESS_INPUT_ATTACHMENT_READ_BIT, ACCESS_SHADER_READ_BIT, ACCESS_SHADER_WRITE_BIT, ACCESS_COLOR_ATTACHMENT_READ_BIT, ACCESS_COLOR_ATTACHMENT_WRITE_BIT, ACCESS_DEPTH_STENCIL_ATTACHMENT_READ_BIT, ACCESS_DEPTH_STENCIL_ATTACHMENT_WRITE_BIT, ACCESS_TRANSFER_READ_BIT, ACCESS_TRANSFER_WRITE_BIT, ACCESS_HOST_READ_BIT, ACCESS_HOST_WRITE_BIT, ACCESS_MEMORY_READ_BIT, ACCESS_MEMORY_WRITE_BIT, ACCESS_TRANSFORM_FEEDBACK_WRITE_BIT_EXT, ACCESS_TRANSFORM_FEEDBACK_COUNTER_READ_BIT_EXT, ACCESS_TRANSFORM_FEEDBACK_COUNTER_WRITE_BIT_EXT, ACCESS_CONDITIONAL_RENDERING_READ_BIT_EXT, ACCESS_COLOR_ATTACHMENT_READ_NONCOHERENT_BIT_EXT, ACCESS_ACCELERATION_STRUCTURE_READ_BIT_KHR, ACCESS_ACCELERATION_STRUCTURE_WRITE_BIT_KHR, ACCESS_FRAGMENT_DENSITY_MAP_READ_BIT_EXT, ACCESS_FRAGMENT_SHADING_RATE_ATTACHMENT_READ_BIT_KHR, ACCESS_COMMAND_PREPROCESS_READ_BIT_NV, ACCESS_COMMAND_PREPROCESS_WRITE_BIT_NV, ACCESS_NONE, BufferUsageFlag, BUFFER_USAGE_TRANSFER_SRC_BIT, BUFFER_USAGE_TRANSFER_DST_BIT, BUFFER_USAGE_UNIFORM_TEXEL_BUFFER_BIT, BUFFER_USAGE_STORAGE_TEXEL_BUFFER_BIT, BUFFER_USAGE_UNIFORM_BUFFER_BIT, BUFFER_USAGE_STORAGE_BUFFER_BIT, BUFFER_USAGE_INDEX_BUFFER_BIT, BUFFER_USAGE_VERTEX_BUFFER_BIT, BUFFER_USAGE_INDIRECT_BUFFER_BIT, BUFFER_USAGE_SHADER_DEVICE_ADDRESS_BIT, BUFFER_USAGE_VIDEO_DECODE_SRC_BIT_KHR, BUFFER_USAGE_VIDEO_DECODE_DST_BIT_KHR, BUFFER_USAGE_TRANSFORM_FEEDBACK_BUFFER_BIT_EXT, BUFFER_USAGE_TRANSFORM_FEEDBACK_COUNTER_BUFFER_BIT_EXT, BUFFER_USAGE_CONDITIONAL_RENDERING_BIT_EXT, BUFFER_USAGE_ACCELERATION_STRUCTURE_BUILD_INPUT_READ_ONLY_BIT_KHR, BUFFER_USAGE_ACCELERATION_STRUCTURE_STORAGE_BIT_KHR, BUFFER_USAGE_SHADER_BINDING_TABLE_BIT_KHR, BUFFER_USAGE_VIDEO_ENCODE_DST_BIT_KHR, BUFFER_USAGE_VIDEO_ENCODE_SRC_BIT_KHR, BUFFER_USAGE_SAMPLER_DESCRIPTOR_BUFFER_BIT_EXT, BUFFER_USAGE_RESOURCE_DESCRIPTOR_BUFFER_BIT_EXT, BUFFER_USAGE_PUSH_DESCRIPTORS_DESCRIPTOR_BUFFER_BIT_EXT, BUFFER_USAGE_MICROMAP_BUILD_INPUT_READ_ONLY_BIT_EXT, BUFFER_USAGE_MICROMAP_STORAGE_BIT_EXT, BufferCreateFlag, BUFFER_CREATE_SPARSE_BINDING_BIT, BUFFER_CREATE_SPARSE_RESIDENCY_BIT, BUFFER_CREATE_SPARSE_ALIASED_BIT, BUFFER_CREATE_PROTECTED_BIT, BUFFER_CREATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT, BUFFER_CREATE_DESCRIPTOR_BUFFER_CAPTURE_REPLAY_BIT_EXT, ShaderStageFlag, SHADER_STAGE_VERTEX_BIT, SHADER_STAGE_TESSELLATION_CONTROL_BIT, SHADER_STAGE_TESSELLATION_EVALUATION_BIT, SHADER_STAGE_GEOMETRY_BIT, SHADER_STAGE_FRAGMENT_BIT, SHADER_STAGE_COMPUTE_BIT, SHADER_STAGE_RAYGEN_BIT_KHR, SHADER_STAGE_ANY_HIT_BIT_KHR, SHADER_STAGE_CLOSEST_HIT_BIT_KHR, SHADER_STAGE_MISS_BIT_KHR, SHADER_STAGE_INTERSECTION_BIT_KHR, SHADER_STAGE_CALLABLE_BIT_KHR, SHADER_STAGE_TASK_BIT_EXT, SHADER_STAGE_MESH_BIT_EXT, SHADER_STAGE_SUBPASS_SHADING_BIT_HUAWEI, SHADER_STAGE_CLUSTER_CULLING_BIT_HUAWEI, SHADER_STAGE_ALL_GRAPHICS, SHADER_STAGE_ALL, ImageUsageFlag, IMAGE_USAGE_TRANSFER_SRC_BIT, IMAGE_USAGE_TRANSFER_DST_BIT, IMAGE_USAGE_SAMPLED_BIT, IMAGE_USAGE_STORAGE_BIT, IMAGE_USAGE_COLOR_ATTACHMENT_BIT, IMAGE_USAGE_DEPTH_STENCIL_ATTACHMENT_BIT, IMAGE_USAGE_TRANSIENT_ATTACHMENT_BIT, IMAGE_USAGE_INPUT_ATTACHMENT_BIT, IMAGE_USAGE_VIDEO_DECODE_DST_BIT_KHR, IMAGE_USAGE_VIDEO_DECODE_SRC_BIT_KHR, IMAGE_USAGE_VIDEO_DECODE_DPB_BIT_KHR, IMAGE_USAGE_FRAGMENT_DENSITY_MAP_BIT_EXT, IMAGE_USAGE_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR, IMAGE_USAGE_VIDEO_ENCODE_DST_BIT_KHR, IMAGE_USAGE_VIDEO_ENCODE_SRC_BIT_KHR, IMAGE_USAGE_VIDEO_ENCODE_DPB_BIT_KHR, IMAGE_USAGE_ATTACHMENT_FEEDBACK_LOOP_BIT_EXT, IMAGE_USAGE_INVOCATION_MASK_BIT_HUAWEI, IMAGE_USAGE_SAMPLE_WEIGHT_BIT_QCOM, IMAGE_USAGE_SAMPLE_BLOCK_MATCH_BIT_QCOM, ImageCreateFlag, IMAGE_CREATE_SPARSE_BINDING_BIT, IMAGE_CREATE_SPARSE_RESIDENCY_BIT, IMAGE_CREATE_SPARSE_ALIASED_BIT, IMAGE_CREATE_MUTABLE_FORMAT_BIT, IMAGE_CREATE_CUBE_COMPATIBLE_BIT, IMAGE_CREATE_ALIAS_BIT, IMAGE_CREATE_SPLIT_INSTANCE_BIND_REGIONS_BIT, IMAGE_CREATE_2D_ARRAY_COMPATIBLE_BIT, IMAGE_CREATE_BLOCK_TEXEL_VIEW_COMPATIBLE_BIT, IMAGE_CREATE_EXTENDED_USAGE_BIT, IMAGE_CREATE_PROTECTED_BIT, IMAGE_CREATE_DISJOINT_BIT, IMAGE_CREATE_CORNER_SAMPLED_BIT_NV, IMAGE_CREATE_SAMPLE_LOCATIONS_COMPATIBLE_DEPTH_BIT_EXT, IMAGE_CREATE_SUBSAMPLED_BIT_EXT, IMAGE_CREATE_DESCRIPTOR_BUFFER_CAPTURE_REPLAY_BIT_EXT, IMAGE_CREATE_MULTISAMPLED_RENDER_TO_SINGLE_SAMPLED_BIT_EXT, IMAGE_CREATE_2D_VIEW_COMPATIBLE_BIT_EXT, IMAGE_CREATE_FRAGMENT_DENSITY_MAP_OFFSET_BIT_QCOM, ImageViewCreateFlag, IMAGE_VIEW_CREATE_FRAGMENT_DENSITY_MAP_DYNAMIC_BIT_EXT, IMAGE_VIEW_CREATE_DESCRIPTOR_BUFFER_CAPTURE_REPLAY_BIT_EXT, IMAGE_VIEW_CREATE_FRAGMENT_DENSITY_MAP_DEFERRED_BIT_EXT, SamplerCreateFlag, SAMPLER_CREATE_SUBSAMPLED_BIT_EXT, SAMPLER_CREATE_SUBSAMPLED_COARSE_RECONSTRUCTION_BIT_EXT, SAMPLER_CREATE_DESCRIPTOR_BUFFER_CAPTURE_REPLAY_BIT_EXT, SAMPLER_CREATE_NON_SEAMLESS_CUBE_MAP_BIT_EXT, SAMPLER_CREATE_IMAGE_PROCESSING_BIT_QCOM, PipelineCreateFlag, PIPELINE_CREATE_DISABLE_OPTIMIZATION_BIT, PIPELINE_CREATE_ALLOW_DERIVATIVES_BIT, PIPELINE_CREATE_DERIVATIVE_BIT, PIPELINE_CREATE_VIEW_INDEX_FROM_DEVICE_INDEX_BIT, PIPELINE_CREATE_DISPATCH_BASE_BIT, PIPELINE_CREATE_FAIL_ON_PIPELINE_COMPILE_REQUIRED_BIT, PIPELINE_CREATE_EARLY_RETURN_ON_FAILURE_BIT, PIPELINE_CREATE_RENDERING_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR, PIPELINE_CREATE_RENDERING_FRAGMENT_DENSITY_MAP_ATTACHMENT_BIT_EXT, PIPELINE_CREATE_RAY_TRACING_NO_NULL_ANY_HIT_SHADERS_BIT_KHR, PIPELINE_CREATE_RAY_TRACING_NO_NULL_CLOSEST_HIT_SHADERS_BIT_KHR, PIPELINE_CREATE_RAY_TRACING_NO_NULL_MISS_SHADERS_BIT_KHR, PIPELINE_CREATE_RAY_TRACING_NO_NULL_INTERSECTION_SHADERS_BIT_KHR, PIPELINE_CREATE_RAY_TRACING_SKIP_TRIANGLES_BIT_KHR, PIPELINE_CREATE_RAY_TRACING_SKIP_AABBS_BIT_KHR, PIPELINE_CREATE_RAY_TRACING_SHADER_GROUP_HANDLE_CAPTURE_REPLAY_BIT_KHR, PIPELINE_CREATE_DEFER_COMPILE_BIT_NV, PIPELINE_CREATE_CAPTURE_STATISTICS_BIT_KHR, PIPELINE_CREATE_CAPTURE_INTERNAL_REPRESENTATIONS_BIT_KHR, PIPELINE_CREATE_INDIRECT_BINDABLE_BIT_NV, PIPELINE_CREATE_LIBRARY_BIT_KHR, PIPELINE_CREATE_DESCRIPTOR_BUFFER_BIT_EXT, PIPELINE_CREATE_RETAIN_LINK_TIME_OPTIMIZATION_INFO_BIT_EXT, PIPELINE_CREATE_LINK_TIME_OPTIMIZATION_BIT_EXT, PIPELINE_CREATE_RAY_TRACING_ALLOW_MOTION_BIT_NV, PIPELINE_CREATE_COLOR_ATTACHMENT_FEEDBACK_LOOP_BIT_EXT, PIPELINE_CREATE_DEPTH_STENCIL_ATTACHMENT_FEEDBACK_LOOP_BIT_EXT, PIPELINE_CREATE_RAY_TRACING_OPACITY_MICROMAP_BIT_EXT, PIPELINE_CREATE_NO_PROTECTED_ACCESS_BIT_EXT, PIPELINE_CREATE_PROTECTED_ACCESS_ONLY_BIT_EXT, PipelineShaderStageCreateFlag, PIPELINE_SHADER_STAGE_CREATE_ALLOW_VARYING_SUBGROUP_SIZE_BIT, PIPELINE_SHADER_STAGE_CREATE_REQUIRE_FULL_SUBGROUPS_BIT, ColorComponentFlag, COLOR_COMPONENT_R_BIT, COLOR_COMPONENT_G_BIT, COLOR_COMPONENT_B_BIT, COLOR_COMPONENT_A_BIT, FenceCreateFlag, FENCE_CREATE_SIGNALED_BIT, SemaphoreCreateFlag, FormatFeatureFlag, FORMAT_FEATURE_SAMPLED_IMAGE_BIT, FORMAT_FEATURE_STORAGE_IMAGE_BIT, FORMAT_FEATURE_STORAGE_IMAGE_ATOMIC_BIT, FORMAT_FEATURE_UNIFORM_TEXEL_BUFFER_BIT, FORMAT_FEATURE_STORAGE_TEXEL_BUFFER_BIT, FORMAT_FEATURE_STORAGE_TEXEL_BUFFER_ATOMIC_BIT, FORMAT_FEATURE_VERTEX_BUFFER_BIT, FORMAT_FEATURE_COLOR_ATTACHMENT_BIT, FORMAT_FEATURE_COLOR_ATTACHMENT_BLEND_BIT, FORMAT_FEATURE_DEPTH_STENCIL_ATTACHMENT_BIT, FORMAT_FEATURE_BLIT_SRC_BIT, FORMAT_FEATURE_BLIT_DST_BIT, FORMAT_FEATURE_SAMPLED_IMAGE_FILTER_LINEAR_BIT, FORMAT_FEATURE_TRANSFER_SRC_BIT, FORMAT_FEATURE_TRANSFER_DST_BIT, FORMAT_FEATURE_MIDPOINT_CHROMA_SAMPLES_BIT, FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_LINEAR_FILTER_BIT, FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_SEPARATE_RECONSTRUCTION_FILTER_BIT, FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_BIT, FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_FORCEABLE_BIT, FORMAT_FEATURE_DISJOINT_BIT, FORMAT_FEATURE_COSITED_CHROMA_SAMPLES_BIT, FORMAT_FEATURE_SAMPLED_IMAGE_FILTER_MINMAX_BIT, FORMAT_FEATURE_VIDEO_DECODE_OUTPUT_BIT_KHR, FORMAT_FEATURE_VIDEO_DECODE_DPB_BIT_KHR, FORMAT_FEATURE_ACCELERATION_STRUCTURE_VERTEX_BUFFER_BIT_KHR, FORMAT_FEATURE_SAMPLED_IMAGE_FILTER_CUBIC_BIT_EXT, FORMAT_FEATURE_FRAGMENT_DENSITY_MAP_BIT_EXT, FORMAT_FEATURE_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR, FORMAT_FEATURE_VIDEO_ENCODE_INPUT_BIT_KHR, FORMAT_FEATURE_VIDEO_ENCODE_DPB_BIT_KHR, QueryControlFlag, QUERY_CONTROL_PRECISE_BIT, QueryResultFlag, QUERY_RESULT_64_BIT, QUERY_RESULT_WAIT_BIT, QUERY_RESULT_WITH_AVAILABILITY_BIT, QUERY_RESULT_PARTIAL_BIT, QUERY_RESULT_WITH_STATUS_BIT_KHR, CommandBufferUsageFlag, COMMAND_BUFFER_USAGE_ONE_TIME_SUBMIT_BIT, COMMAND_BUFFER_USAGE_RENDER_PASS_CONTINUE_BIT, COMMAND_BUFFER_USAGE_SIMULTANEOUS_USE_BIT, QueryPipelineStatisticFlag, QUERY_PIPELINE_STATISTIC_INPUT_ASSEMBLY_VERTICES_BIT, QUERY_PIPELINE_STATISTIC_INPUT_ASSEMBLY_PRIMITIVES_BIT, QUERY_PIPELINE_STATISTIC_VERTEX_SHADER_INVOCATIONS_BIT, QUERY_PIPELINE_STATISTIC_GEOMETRY_SHADER_INVOCATIONS_BIT, QUERY_PIPELINE_STATISTIC_GEOMETRY_SHADER_PRIMITIVES_BIT, QUERY_PIPELINE_STATISTIC_CLIPPING_INVOCATIONS_BIT, QUERY_PIPELINE_STATISTIC_CLIPPING_PRIMITIVES_BIT, QUERY_PIPELINE_STATISTIC_FRAGMENT_SHADER_INVOCATIONS_BIT, QUERY_PIPELINE_STATISTIC_TESSELLATION_CONTROL_SHADER_PATCHES_BIT, QUERY_PIPELINE_STATISTIC_TESSELLATION_EVALUATION_SHADER_INVOCATIONS_BIT, QUERY_PIPELINE_STATISTIC_COMPUTE_SHADER_INVOCATIONS_BIT, QUERY_PIPELINE_STATISTIC_TASK_SHADER_INVOCATIONS_BIT_EXT, QUERY_PIPELINE_STATISTIC_MESH_SHADER_INVOCATIONS_BIT_EXT, QUERY_PIPELINE_STATISTIC_CLUSTER_CULLING_SHADER_INVOCATIONS_BIT_HUAWEI, ImageAspectFlag, IMAGE_ASPECT_COLOR_BIT, IMAGE_ASPECT_DEPTH_BIT, IMAGE_ASPECT_STENCIL_BIT, IMAGE_ASPECT_METADATA_BIT, IMAGE_ASPECT_PLANE_0_BIT, IMAGE_ASPECT_PLANE_1_BIT, IMAGE_ASPECT_PLANE_2_BIT, IMAGE_ASPECT_MEMORY_PLANE_0_BIT_EXT, IMAGE_ASPECT_MEMORY_PLANE_1_BIT_EXT, IMAGE_ASPECT_MEMORY_PLANE_2_BIT_EXT, IMAGE_ASPECT_MEMORY_PLANE_3_BIT_EXT, IMAGE_ASPECT_NONE, SparseImageFormatFlag, SPARSE_IMAGE_FORMAT_SINGLE_MIPTAIL_BIT, SPARSE_IMAGE_FORMAT_ALIGNED_MIP_SIZE_BIT, SPARSE_IMAGE_FORMAT_NONSTANDARD_BLOCK_SIZE_BIT, SparseMemoryBindFlag, SPARSE_MEMORY_BIND_METADATA_BIT, PipelineStageFlag, PIPELINE_STAGE_TOP_OF_PIPE_BIT, PIPELINE_STAGE_DRAW_INDIRECT_BIT, PIPELINE_STAGE_VERTEX_INPUT_BIT, PIPELINE_STAGE_VERTEX_SHADER_BIT, PIPELINE_STAGE_TESSELLATION_CONTROL_SHADER_BIT, PIPELINE_STAGE_TESSELLATION_EVALUATION_SHADER_BIT, PIPELINE_STAGE_GEOMETRY_SHADER_BIT, PIPELINE_STAGE_FRAGMENT_SHADER_BIT, PIPELINE_STAGE_EARLY_FRAGMENT_TESTS_BIT, PIPELINE_STAGE_LATE_FRAGMENT_TESTS_BIT, PIPELINE_STAGE_COLOR_ATTACHMENT_OUTPUT_BIT, PIPELINE_STAGE_COMPUTE_SHADER_BIT, PIPELINE_STAGE_TRANSFER_BIT, PIPELINE_STAGE_BOTTOM_OF_PIPE_BIT, PIPELINE_STAGE_HOST_BIT, PIPELINE_STAGE_ALL_GRAPHICS_BIT, PIPELINE_STAGE_ALL_COMMANDS_BIT, PIPELINE_STAGE_TRANSFORM_FEEDBACK_BIT_EXT, PIPELINE_STAGE_CONDITIONAL_RENDERING_BIT_EXT, PIPELINE_STAGE_ACCELERATION_STRUCTURE_BUILD_BIT_KHR, PIPELINE_STAGE_RAY_TRACING_SHADER_BIT_KHR, PIPELINE_STAGE_FRAGMENT_DENSITY_PROCESS_BIT_EXT, PIPELINE_STAGE_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR, PIPELINE_STAGE_COMMAND_PREPROCESS_BIT_NV, PIPELINE_STAGE_TASK_SHADER_BIT_EXT, PIPELINE_STAGE_MESH_SHADER_BIT_EXT, PIPELINE_STAGE_NONE, CommandPoolCreateFlag, COMMAND_POOL_CREATE_TRANSIENT_BIT, COMMAND_POOL_CREATE_RESET_COMMAND_BUFFER_BIT, COMMAND_POOL_CREATE_PROTECTED_BIT, CommandPoolResetFlag, COMMAND_POOL_RESET_RELEASE_RESOURCES_BIT, CommandBufferResetFlag, COMMAND_BUFFER_RESET_RELEASE_RESOURCES_BIT, SampleCountFlag, SAMPLE_COUNT_1_BIT, SAMPLE_COUNT_2_BIT, SAMPLE_COUNT_4_BIT, SAMPLE_COUNT_8_BIT, SAMPLE_COUNT_16_BIT, SAMPLE_COUNT_32_BIT, SAMPLE_COUNT_64_BIT, AttachmentDescriptionFlag, ATTACHMENT_DESCRIPTION_MAY_ALIAS_BIT, StencilFaceFlag, STENCIL_FACE_FRONT_BIT, STENCIL_FACE_BACK_BIT, STENCIL_FACE_FRONT_AND_BACK, DescriptorPoolCreateFlag, DESCRIPTOR_POOL_CREATE_FREE_DESCRIPTOR_SET_BIT, DESCRIPTOR_POOL_CREATE_UPDATE_AFTER_BIND_BIT, DESCRIPTOR_POOL_CREATE_HOST_ONLY_BIT_EXT, DependencyFlag, DEPENDENCY_BY_REGION_BIT, DEPENDENCY_DEVICE_GROUP_BIT, DEPENDENCY_VIEW_LOCAL_BIT, DEPENDENCY_FEEDBACK_LOOP_BIT_EXT, SemaphoreWaitFlag, SEMAPHORE_WAIT_ANY_BIT, DisplayPlaneAlphaFlagKHR, DISPLAY_PLANE_ALPHA_OPAQUE_BIT_KHR, DISPLAY_PLANE_ALPHA_GLOBAL_BIT_KHR, DISPLAY_PLANE_ALPHA_PER_PIXEL_BIT_KHR, DISPLAY_PLANE_ALPHA_PER_PIXEL_PREMULTIPLIED_BIT_KHR, CompositeAlphaFlagKHR, COMPOSITE_ALPHA_OPAQUE_BIT_KHR, COMPOSITE_ALPHA_PRE_MULTIPLIED_BIT_KHR, COMPOSITE_ALPHA_POST_MULTIPLIED_BIT_KHR, COMPOSITE_ALPHA_INHERIT_BIT_KHR, SurfaceTransformFlagKHR, SURFACE_TRANSFORM_IDENTITY_BIT_KHR, SURFACE_TRANSFORM_ROTATE_90_BIT_KHR, SURFACE_TRANSFORM_ROTATE_180_BIT_KHR, SURFACE_TRANSFORM_ROTATE_270_BIT_KHR, SURFACE_TRANSFORM_HORIZONTAL_MIRROR_BIT_KHR, SURFACE_TRANSFORM_HORIZONTAL_MIRROR_ROTATE_90_BIT_KHR, SURFACE_TRANSFORM_HORIZONTAL_MIRROR_ROTATE_180_BIT_KHR, SURFACE_TRANSFORM_HORIZONTAL_MIRROR_ROTATE_270_BIT_KHR, SURFACE_TRANSFORM_INHERIT_BIT_KHR, DebugReportFlagEXT, DEBUG_REPORT_INFORMATION_BIT_EXT, DEBUG_REPORT_WARNING_BIT_EXT, DEBUG_REPORT_PERFORMANCE_WARNING_BIT_EXT, DEBUG_REPORT_ERROR_BIT_EXT, DEBUG_REPORT_DEBUG_BIT_EXT, ExternalMemoryHandleTypeFlagNV, EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_BIT_NV, EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT_NV, EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_IMAGE_BIT_NV, EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_IMAGE_KMT_BIT_NV, ExternalMemoryFeatureFlagNV, EXTERNAL_MEMORY_FEATURE_DEDICATED_ONLY_BIT_NV, EXTERNAL_MEMORY_FEATURE_EXPORTABLE_BIT_NV, EXTERNAL_MEMORY_FEATURE_IMPORTABLE_BIT_NV, SubgroupFeatureFlag, SUBGROUP_FEATURE_BASIC_BIT, SUBGROUP_FEATURE_VOTE_BIT, SUBGROUP_FEATURE_ARITHMETIC_BIT, SUBGROUP_FEATURE_BALLOT_BIT, SUBGROUP_FEATURE_SHUFFLE_BIT, SUBGROUP_FEATURE_SHUFFLE_RELATIVE_BIT, SUBGROUP_FEATURE_CLUSTERED_BIT, SUBGROUP_FEATURE_QUAD_BIT, SUBGROUP_FEATURE_PARTITIONED_BIT_NV, IndirectCommandsLayoutUsageFlagNV, INDIRECT_COMMANDS_LAYOUT_USAGE_EXPLICIT_PREPROCESS_BIT_NV, INDIRECT_COMMANDS_LAYOUT_USAGE_INDEXED_SEQUENCES_BIT_NV, INDIRECT_COMMANDS_LAYOUT_USAGE_UNORDERED_SEQUENCES_BIT_NV, IndirectStateFlagNV, INDIRECT_STATE_FLAG_FRONTFACE_BIT_NV, PrivateDataSlotCreateFlag, DescriptorSetLayoutCreateFlag, DESCRIPTOR_SET_LAYOUT_CREATE_UPDATE_AFTER_BIND_POOL_BIT, DESCRIPTOR_SET_LAYOUT_CREATE_PUSH_DESCRIPTOR_BIT_KHR, DESCRIPTOR_SET_LAYOUT_CREATE_DESCRIPTOR_BUFFER_BIT_EXT, DESCRIPTOR_SET_LAYOUT_CREATE_EMBEDDED_IMMUTABLE_SAMPLERS_BIT_EXT, DESCRIPTOR_SET_LAYOUT_CREATE_HOST_ONLY_POOL_BIT_EXT, ExternalMemoryHandleTypeFlag, EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_FD_BIT, EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_BIT, EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT, EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_TEXTURE_BIT, EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_TEXTURE_KMT_BIT, EXTERNAL_MEMORY_HANDLE_TYPE_D3D12_HEAP_BIT, EXTERNAL_MEMORY_HANDLE_TYPE_D3D12_RESOURCE_BIT, EXTERNAL_MEMORY_HANDLE_TYPE_DMA_BUF_BIT_EXT, EXTERNAL_MEMORY_HANDLE_TYPE_ANDROID_HARDWARE_BUFFER_BIT_ANDROID, EXTERNAL_MEMORY_HANDLE_TYPE_HOST_ALLOCATION_BIT_EXT, EXTERNAL_MEMORY_HANDLE_TYPE_HOST_MAPPED_FOREIGN_MEMORY_BIT_EXT, EXTERNAL_MEMORY_HANDLE_TYPE_ZIRCON_VMO_BIT_FUCHSIA, EXTERNAL_MEMORY_HANDLE_TYPE_RDMA_ADDRESS_BIT_NV, ExternalMemoryFeatureFlag, EXTERNAL_MEMORY_FEATURE_DEDICATED_ONLY_BIT, EXTERNAL_MEMORY_FEATURE_EXPORTABLE_BIT, EXTERNAL_MEMORY_FEATURE_IMPORTABLE_BIT, ExternalSemaphoreHandleTypeFlag, EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_FD_BIT, EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_WIN32_BIT, EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT, EXTERNAL_SEMAPHORE_HANDLE_TYPE_D3D12_FENCE_BIT, EXTERNAL_SEMAPHORE_HANDLE_TYPE_SYNC_FD_BIT, EXTERNAL_SEMAPHORE_HANDLE_TYPE_ZIRCON_EVENT_BIT_FUCHSIA, ExternalSemaphoreFeatureFlag, EXTERNAL_SEMAPHORE_FEATURE_EXPORTABLE_BIT, EXTERNAL_SEMAPHORE_FEATURE_IMPORTABLE_BIT, SemaphoreImportFlag, SEMAPHORE_IMPORT_TEMPORARY_BIT, ExternalFenceHandleTypeFlag, EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_FD_BIT, EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_WIN32_BIT, EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT, EXTERNAL_FENCE_HANDLE_TYPE_SYNC_FD_BIT, ExternalFenceFeatureFlag, EXTERNAL_FENCE_FEATURE_EXPORTABLE_BIT, EXTERNAL_FENCE_FEATURE_IMPORTABLE_BIT, FenceImportFlag, FENCE_IMPORT_TEMPORARY_BIT, SurfaceCounterFlagEXT, SURFACE_COUNTER_VBLANK_BIT_EXT, PeerMemoryFeatureFlag, PEER_MEMORY_FEATURE_COPY_SRC_BIT, PEER_MEMORY_FEATURE_COPY_DST_BIT, PEER_MEMORY_FEATURE_GENERIC_SRC_BIT, PEER_MEMORY_FEATURE_GENERIC_DST_BIT, MemoryAllocateFlag, MEMORY_ALLOCATE_DEVICE_MASK_BIT, MEMORY_ALLOCATE_DEVICE_ADDRESS_BIT, MEMORY_ALLOCATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT, DeviceGroupPresentModeFlagKHR, DEVICE_GROUP_PRESENT_MODE_LOCAL_BIT_KHR, DEVICE_GROUP_PRESENT_MODE_REMOTE_BIT_KHR, DEVICE_GROUP_PRESENT_MODE_SUM_BIT_KHR, DEVICE_GROUP_PRESENT_MODE_LOCAL_MULTI_DEVICE_BIT_KHR, SwapchainCreateFlagKHR, SWAPCHAIN_CREATE_SPLIT_INSTANCE_BIND_REGIONS_BIT_KHR, SWAPCHAIN_CREATE_PROTECTED_BIT_KHR, SWAPCHAIN_CREATE_MUTABLE_FORMAT_BIT_KHR, SWAPCHAIN_CREATE_DEFERRED_MEMORY_ALLOCATION_BIT_EXT, SubpassDescriptionFlag, SUBPASS_DESCRIPTION_PER_VIEW_ATTRIBUTES_BIT_NVX, SUBPASS_DESCRIPTION_PER_VIEW_POSITION_X_ONLY_BIT_NVX, SUBPASS_DESCRIPTION_FRAGMENT_REGION_BIT_QCOM, SUBPASS_DESCRIPTION_SHADER_RESOLVE_BIT_QCOM, SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_COLOR_ACCESS_BIT_EXT, SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_DEPTH_ACCESS_BIT_EXT, SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_STENCIL_ACCESS_BIT_EXT, SUBPASS_DESCRIPTION_ENABLE_LEGACY_DITHERING_BIT_EXT, DebugUtilsMessageSeverityFlagEXT, DEBUG_UTILS_MESSAGE_SEVERITY_VERBOSE_BIT_EXT, DEBUG_UTILS_MESSAGE_SEVERITY_INFO_BIT_EXT, DEBUG_UTILS_MESSAGE_SEVERITY_WARNING_BIT_EXT, DEBUG_UTILS_MESSAGE_SEVERITY_ERROR_BIT_EXT, DebugUtilsMessageTypeFlagEXT, DEBUG_UTILS_MESSAGE_TYPE_GENERAL_BIT_EXT, DEBUG_UTILS_MESSAGE_TYPE_VALIDATION_BIT_EXT, DEBUG_UTILS_MESSAGE_TYPE_PERFORMANCE_BIT_EXT, DEBUG_UTILS_MESSAGE_TYPE_DEVICE_ADDRESS_BINDING_BIT_EXT, DescriptorBindingFlag, DESCRIPTOR_BINDING_UPDATE_AFTER_BIND_BIT, DESCRIPTOR_BINDING_UPDATE_UNUSED_WHILE_PENDING_BIT, DESCRIPTOR_BINDING_PARTIALLY_BOUND_BIT, DESCRIPTOR_BINDING_VARIABLE_DESCRIPTOR_COUNT_BIT, ConditionalRenderingFlagEXT, CONDITIONAL_RENDERING_INVERTED_BIT_EXT, ResolveModeFlag, RESOLVE_MODE_SAMPLE_ZERO_BIT, RESOLVE_MODE_AVERAGE_BIT, RESOLVE_MODE_MIN_BIT, RESOLVE_MODE_MAX_BIT, RESOLVE_MODE_NONE, GeometryInstanceFlagKHR, GEOMETRY_INSTANCE_TRIANGLE_FACING_CULL_DISABLE_BIT_KHR, GEOMETRY_INSTANCE_TRIANGLE_FLIP_FACING_BIT_KHR, GEOMETRY_INSTANCE_FORCE_OPAQUE_BIT_KHR, GEOMETRY_INSTANCE_FORCE_NO_OPAQUE_BIT_KHR, GEOMETRY_INSTANCE_FORCE_OPACITY_MICROMAP_2_STATE_EXT, GEOMETRY_INSTANCE_DISABLE_OPACITY_MICROMAPS_EXT, GeometryFlagKHR, GEOMETRY_OPAQUE_BIT_KHR, GEOMETRY_NO_DUPLICATE_ANY_HIT_INVOCATION_BIT_KHR, BuildAccelerationStructureFlagKHR, BUILD_ACCELERATION_STRUCTURE_ALLOW_UPDATE_BIT_KHR, BUILD_ACCELERATION_STRUCTURE_ALLOW_COMPACTION_BIT_KHR, BUILD_ACCELERATION_STRUCTURE_PREFER_FAST_TRACE_BIT_KHR, BUILD_ACCELERATION_STRUCTURE_PREFER_FAST_BUILD_BIT_KHR, BUILD_ACCELERATION_STRUCTURE_LOW_MEMORY_BIT_KHR, BUILD_ACCELERATION_STRUCTURE_MOTION_BIT_NV, BUILD_ACCELERATION_STRUCTURE_ALLOW_OPACITY_MICROMAP_UPDATE_EXT, BUILD_ACCELERATION_STRUCTURE_ALLOW_DISABLE_OPACITY_MICROMAPS_EXT, BUILD_ACCELERATION_STRUCTURE_ALLOW_OPACITY_MICROMAP_DATA_UPDATE_EXT, AccelerationStructureCreateFlagKHR, ACCELERATION_STRUCTURE_CREATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT_KHR, ACCELERATION_STRUCTURE_CREATE_DESCRIPTOR_BUFFER_CAPTURE_REPLAY_BIT_EXT, ACCELERATION_STRUCTURE_CREATE_MOTION_BIT_NV, FramebufferCreateFlag, FRAMEBUFFER_CREATE_IMAGELESS_BIT, DeviceDiagnosticsConfigFlagNV, DEVICE_DIAGNOSTICS_CONFIG_ENABLE_SHADER_DEBUG_INFO_BIT_NV, DEVICE_DIAGNOSTICS_CONFIG_ENABLE_RESOURCE_TRACKING_BIT_NV, DEVICE_DIAGNOSTICS_CONFIG_ENABLE_AUTOMATIC_CHECKPOINTS_BIT_NV, DEVICE_DIAGNOSTICS_CONFIG_ENABLE_SHADER_ERROR_REPORTING_BIT_NV, PipelineCreationFeedbackFlag, PIPELINE_CREATION_FEEDBACK_VALID_BIT, PIPELINE_CREATION_FEEDBACK_APPLICATION_PIPELINE_CACHE_HIT_BIT, PIPELINE_CREATION_FEEDBACK_BASE_PIPELINE_ACCELERATION_BIT, MemoryDecompressionMethodFlagNV, MEMORY_DECOMPRESSION_METHOD_GDEFLATE_1_0_BIT_NV, PerformanceCounterDescriptionFlagKHR, PERFORMANCE_COUNTER_DESCRIPTION_PERFORMANCE_IMPACTING_BIT_KHR, PERFORMANCE_COUNTER_DESCRIPTION_CONCURRENTLY_IMPACTED_BIT_KHR, AcquireProfilingLockFlagKHR, ShaderCorePropertiesFlagAMD, ShaderModuleCreateFlag, PipelineCompilerControlFlagAMD, ToolPurposeFlag, TOOL_PURPOSE_VALIDATION_BIT, TOOL_PURPOSE_PROFILING_BIT, TOOL_PURPOSE_TRACING_BIT, TOOL_PURPOSE_ADDITIONAL_FEATURES_BIT, TOOL_PURPOSE_MODIFYING_FEATURES_BIT, TOOL_PURPOSE_DEBUG_REPORTING_BIT_EXT, TOOL_PURPOSE_DEBUG_MARKERS_BIT_EXT, AccessFlag2, ACCESS_2_INDIRECT_COMMAND_READ_BIT, ACCESS_2_INDEX_READ_BIT, ACCESS_2_VERTEX_ATTRIBUTE_READ_BIT, ACCESS_2_UNIFORM_READ_BIT, ACCESS_2_INPUT_ATTACHMENT_READ_BIT, ACCESS_2_SHADER_READ_BIT, ACCESS_2_SHADER_WRITE_BIT, ACCESS_2_COLOR_ATTACHMENT_READ_BIT, ACCESS_2_COLOR_ATTACHMENT_WRITE_BIT, ACCESS_2_DEPTH_STENCIL_ATTACHMENT_READ_BIT, ACCESS_2_DEPTH_STENCIL_ATTACHMENT_WRITE_BIT, ACCESS_2_TRANSFER_READ_BIT, ACCESS_2_TRANSFER_WRITE_BIT, ACCESS_2_HOST_READ_BIT, ACCESS_2_HOST_WRITE_BIT, ACCESS_2_MEMORY_READ_BIT, ACCESS_2_MEMORY_WRITE_BIT, ACCESS_2_SHADER_SAMPLED_READ_BIT, ACCESS_2_SHADER_STORAGE_READ_BIT, ACCESS_2_SHADER_STORAGE_WRITE_BIT, ACCESS_2_VIDEO_DECODE_READ_BIT_KHR, ACCESS_2_VIDEO_DECODE_WRITE_BIT_KHR, ACCESS_2_VIDEO_ENCODE_READ_BIT_KHR, ACCESS_2_VIDEO_ENCODE_WRITE_BIT_KHR, ACCESS_2_TRANSFORM_FEEDBACK_WRITE_BIT_EXT, ACCESS_2_TRANSFORM_FEEDBACK_COUNTER_READ_BIT_EXT, ACCESS_2_TRANSFORM_FEEDBACK_COUNTER_WRITE_BIT_EXT, ACCESS_2_CONDITIONAL_RENDERING_READ_BIT_EXT, ACCESS_2_COMMAND_PREPROCESS_READ_BIT_NV, ACCESS_2_COMMAND_PREPROCESS_WRITE_BIT_NV, ACCESS_2_FRAGMENT_SHADING_RATE_ATTACHMENT_READ_BIT_KHR, ACCESS_2_ACCELERATION_STRUCTURE_READ_BIT_KHR, ACCESS_2_ACCELERATION_STRUCTURE_WRITE_BIT_KHR, ACCESS_2_FRAGMENT_DENSITY_MAP_READ_BIT_EXT, ACCESS_2_COLOR_ATTACHMENT_READ_NONCOHERENT_BIT_EXT, ACCESS_2_DESCRIPTOR_BUFFER_READ_BIT_EXT, ACCESS_2_INVOCATION_MASK_READ_BIT_HUAWEI, ACCESS_2_SHADER_BINDING_TABLE_READ_BIT_KHR, ACCESS_2_MICROMAP_READ_BIT_EXT, ACCESS_2_MICROMAP_WRITE_BIT_EXT, ACCESS_2_OPTICAL_FLOW_READ_BIT_NV, ACCESS_2_OPTICAL_FLOW_WRITE_BIT_NV, ACCESS_2_NONE, PipelineStageFlag2, PIPELINE_STAGE_2_TOP_OF_PIPE_BIT, PIPELINE_STAGE_2_DRAW_INDIRECT_BIT, PIPELINE_STAGE_2_VERTEX_INPUT_BIT, PIPELINE_STAGE_2_VERTEX_SHADER_BIT, PIPELINE_STAGE_2_TESSELLATION_CONTROL_SHADER_BIT, PIPELINE_STAGE_2_TESSELLATION_EVALUATION_SHADER_BIT, PIPELINE_STAGE_2_GEOMETRY_SHADER_BIT, PIPELINE_STAGE_2_FRAGMENT_SHADER_BIT, PIPELINE_STAGE_2_EARLY_FRAGMENT_TESTS_BIT, PIPELINE_STAGE_2_LATE_FRAGMENT_TESTS_BIT, PIPELINE_STAGE_2_COLOR_ATTACHMENT_OUTPUT_BIT, PIPELINE_STAGE_2_COMPUTE_SHADER_BIT, PIPELINE_STAGE_2_ALL_TRANSFER_BIT, PIPELINE_STAGE_2_BOTTOM_OF_PIPE_BIT, PIPELINE_STAGE_2_HOST_BIT, PIPELINE_STAGE_2_ALL_GRAPHICS_BIT, PIPELINE_STAGE_2_ALL_COMMANDS_BIT, PIPELINE_STAGE_2_COPY_BIT, PIPELINE_STAGE_2_RESOLVE_BIT, PIPELINE_STAGE_2_BLIT_BIT, PIPELINE_STAGE_2_CLEAR_BIT, PIPELINE_STAGE_2_INDEX_INPUT_BIT, PIPELINE_STAGE_2_VERTEX_ATTRIBUTE_INPUT_BIT, PIPELINE_STAGE_2_PRE_RASTERIZATION_SHADERS_BIT, PIPELINE_STAGE_2_VIDEO_DECODE_BIT_KHR, PIPELINE_STAGE_2_VIDEO_ENCODE_BIT_KHR, PIPELINE_STAGE_2_TRANSFORM_FEEDBACK_BIT_EXT, PIPELINE_STAGE_2_CONDITIONAL_RENDERING_BIT_EXT, PIPELINE_STAGE_2_COMMAND_PREPROCESS_BIT_NV, PIPELINE_STAGE_2_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR, PIPELINE_STAGE_2_ACCELERATION_STRUCTURE_BUILD_BIT_KHR, PIPELINE_STAGE_2_RAY_TRACING_SHADER_BIT_KHR, PIPELINE_STAGE_2_FRAGMENT_DENSITY_PROCESS_BIT_EXT, PIPELINE_STAGE_2_TASK_SHADER_BIT_EXT, PIPELINE_STAGE_2_MESH_SHADER_BIT_EXT, PIPELINE_STAGE_2_SUBPASS_SHADING_BIT_HUAWEI, PIPELINE_STAGE_2_INVOCATION_MASK_BIT_HUAWEI, PIPELINE_STAGE_2_ACCELERATION_STRUCTURE_COPY_BIT_KHR, PIPELINE_STAGE_2_MICROMAP_BUILD_BIT_EXT, PIPELINE_STAGE_2_CLUSTER_CULLING_SHADER_BIT_HUAWEI, PIPELINE_STAGE_2_OPTICAL_FLOW_BIT_NV, PIPELINE_STAGE_2_NONE, SubmitFlag, SUBMIT_PROTECTED_BIT, EventCreateFlag, EVENT_CREATE_DEVICE_ONLY_BIT, PipelineLayoutCreateFlag, PIPELINE_LAYOUT_CREATE_INDEPENDENT_SETS_BIT_EXT, PipelineColorBlendStateCreateFlag, PIPELINE_COLOR_BLEND_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_ACCESS_BIT_EXT, PipelineDepthStencilStateCreateFlag, PIPELINE_DEPTH_STENCIL_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_DEPTH_ACCESS_BIT_EXT, PIPELINE_DEPTH_STENCIL_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_STENCIL_ACCESS_BIT_EXT, GraphicsPipelineLibraryFlagEXT, GRAPHICS_PIPELINE_LIBRARY_VERTEX_INPUT_INTERFACE_BIT_EXT, GRAPHICS_PIPELINE_LIBRARY_PRE_RASTERIZATION_SHADERS_BIT_EXT, GRAPHICS_PIPELINE_LIBRARY_FRAGMENT_SHADER_BIT_EXT, GRAPHICS_PIPELINE_LIBRARY_FRAGMENT_OUTPUT_INTERFACE_BIT_EXT, DeviceAddressBindingFlagEXT, DEVICE_ADDRESS_BINDING_INTERNAL_OBJECT_BIT_EXT, PresentScalingFlagEXT, PRESENT_SCALING_ONE_TO_ONE_BIT_EXT, PRESENT_SCALING_ASPECT_RATIO_STRETCH_BIT_EXT, PRESENT_SCALING_STRETCH_BIT_EXT, PresentGravityFlagEXT, PRESENT_GRAVITY_MIN_BIT_EXT, PRESENT_GRAVITY_MAX_BIT_EXT, PRESENT_GRAVITY_CENTERED_BIT_EXT, VideoCodecOperationFlagKHR, VIDEO_CODEC_OPERATION_ENCODE_H264_BIT_EXT, VIDEO_CODEC_OPERATION_ENCODE_H265_BIT_EXT, VIDEO_CODEC_OPERATION_DECODE_H264_BIT_KHR, VIDEO_CODEC_OPERATION_DECODE_H265_BIT_KHR, VIDEO_CODEC_OPERATION_NONE_KHR, VideoChromaSubsamplingFlagKHR, VIDEO_CHROMA_SUBSAMPLING_MONOCHROME_BIT_KHR, VIDEO_CHROMA_SUBSAMPLING_420_BIT_KHR, VIDEO_CHROMA_SUBSAMPLING_422_BIT_KHR, VIDEO_CHROMA_SUBSAMPLING_444_BIT_KHR, VIDEO_CHROMA_SUBSAMPLING_INVALID_KHR, VideoComponentBitDepthFlagKHR, VIDEO_COMPONENT_BIT_DEPTH_8_BIT_KHR, VIDEO_COMPONENT_BIT_DEPTH_10_BIT_KHR, VIDEO_COMPONENT_BIT_DEPTH_12_BIT_KHR, VIDEO_COMPONENT_BIT_DEPTH_INVALID_KHR, VideoCapabilityFlagKHR, VIDEO_CAPABILITY_PROTECTED_CONTENT_BIT_KHR, VIDEO_CAPABILITY_SEPARATE_REFERENCE_IMAGES_BIT_KHR, VideoSessionCreateFlagKHR, VIDEO_SESSION_CREATE_PROTECTED_CONTENT_BIT_KHR, VideoDecodeH264PictureLayoutFlagKHR, VIDEO_DECODE_H264_PICTURE_LAYOUT_INTERLACED_INTERLEAVED_LINES_BIT_KHR, VIDEO_DECODE_H264_PICTURE_LAYOUT_INTERLACED_SEPARATE_PLANES_BIT_KHR, VIDEO_DECODE_H264_PICTURE_LAYOUT_PROGRESSIVE_KHR, VideoCodingControlFlagKHR, VIDEO_CODING_CONTROL_RESET_BIT_KHR, VIDEO_CODING_CONTROL_ENCODE_RATE_CONTROL_BIT_KHR, VIDEO_CODING_CONTROL_ENCODE_RATE_CONTROL_LAYER_BIT_KHR, VideoDecodeUsageFlagKHR, VIDEO_DECODE_USAGE_TRANSCODING_BIT_KHR, VIDEO_DECODE_USAGE_OFFLINE_BIT_KHR, VIDEO_DECODE_USAGE_STREAMING_BIT_KHR, VIDEO_DECODE_USAGE_DEFAULT_KHR, VideoDecodeCapabilityFlagKHR, VIDEO_DECODE_CAPABILITY_DPB_AND_OUTPUT_COINCIDE_BIT_KHR, VIDEO_DECODE_CAPABILITY_DPB_AND_OUTPUT_DISTINCT_BIT_KHR, ImageFormatConstraintsFlagFUCHSIA, FormatFeatureFlag2, FORMAT_FEATURE_2_SAMPLED_IMAGE_BIT, FORMAT_FEATURE_2_STORAGE_IMAGE_BIT, FORMAT_FEATURE_2_STORAGE_IMAGE_ATOMIC_BIT, FORMAT_FEATURE_2_UNIFORM_TEXEL_BUFFER_BIT, FORMAT_FEATURE_2_STORAGE_TEXEL_BUFFER_BIT, FORMAT_FEATURE_2_STORAGE_TEXEL_BUFFER_ATOMIC_BIT, FORMAT_FEATURE_2_VERTEX_BUFFER_BIT, FORMAT_FEATURE_2_COLOR_ATTACHMENT_BIT, FORMAT_FEATURE_2_COLOR_ATTACHMENT_BLEND_BIT, FORMAT_FEATURE_2_DEPTH_STENCIL_ATTACHMENT_BIT, FORMAT_FEATURE_2_BLIT_SRC_BIT, FORMAT_FEATURE_2_BLIT_DST_BIT, FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_LINEAR_BIT, FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_CUBIC_BIT, FORMAT_FEATURE_2_TRANSFER_SRC_BIT, FORMAT_FEATURE_2_TRANSFER_DST_BIT, FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_MINMAX_BIT, FORMAT_FEATURE_2_MIDPOINT_CHROMA_SAMPLES_BIT, FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_LINEAR_FILTER_BIT, FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_SEPARATE_RECONSTRUCTION_FILTER_BIT, FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_BIT, FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_FORCEABLE_BIT, FORMAT_FEATURE_2_DISJOINT_BIT, FORMAT_FEATURE_2_COSITED_CHROMA_SAMPLES_BIT, FORMAT_FEATURE_2_STORAGE_READ_WITHOUT_FORMAT_BIT, FORMAT_FEATURE_2_STORAGE_WRITE_WITHOUT_FORMAT_BIT, FORMAT_FEATURE_2_SAMPLED_IMAGE_DEPTH_COMPARISON_BIT, FORMAT_FEATURE_2_VIDEO_DECODE_OUTPUT_BIT_KHR, FORMAT_FEATURE_2_VIDEO_DECODE_DPB_BIT_KHR, FORMAT_FEATURE_2_ACCELERATION_STRUCTURE_VERTEX_BUFFER_BIT_KHR, FORMAT_FEATURE_2_FRAGMENT_DENSITY_MAP_BIT_EXT, FORMAT_FEATURE_2_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR, FORMAT_FEATURE_2_VIDEO_ENCODE_INPUT_BIT_KHR, FORMAT_FEATURE_2_VIDEO_ENCODE_DPB_BIT_KHR, FORMAT_FEATURE_2_LINEAR_COLOR_ATTACHMENT_BIT_NV, FORMAT_FEATURE_2_WEIGHT_IMAGE_BIT_QCOM, FORMAT_FEATURE_2_WEIGHT_SAMPLED_IMAGE_BIT_QCOM, FORMAT_FEATURE_2_BLOCK_MATCHING_BIT_QCOM, FORMAT_FEATURE_2_BOX_FILTER_SAMPLED_BIT_QCOM, FORMAT_FEATURE_2_OPTICAL_FLOW_IMAGE_BIT_NV, FORMAT_FEATURE_2_OPTICAL_FLOW_VECTOR_BIT_NV, FORMAT_FEATURE_2_OPTICAL_FLOW_COST_BIT_NV, RenderingFlag, RENDERING_CONTENTS_SECONDARY_COMMAND_BUFFERS_BIT, RENDERING_SUSPENDING_BIT, RENDERING_RESUMING_BIT, RENDERING_ENABLE_LEGACY_DITHERING_BIT_EXT, InstanceCreateFlag, INSTANCE_CREATE_ENUMERATE_PORTABILITY_BIT_KHR, ImageCompressionFlagEXT, IMAGE_COMPRESSION_FIXED_RATE_DEFAULT_EXT, IMAGE_COMPRESSION_FIXED_RATE_EXPLICIT_EXT, IMAGE_COMPRESSION_DISABLED_EXT, IMAGE_COMPRESSION_DEFAULT_EXT, ImageCompressionFixedRateFlagEXT, IMAGE_COMPRESSION_FIXED_RATE_1BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_2BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_3BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_4BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_5BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_6BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_7BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_8BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_9BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_10BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_11BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_12BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_13BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_14BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_15BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_16BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_17BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_18BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_19BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_20BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_21BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_22BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_23BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_24BPC_BIT_EXT, IMAGE_COMPRESSION_FIXED_RATE_NONE_EXT, OpticalFlowGridSizeFlagNV, OPTICAL_FLOW_GRID_SIZE_1X1_BIT_NV, OPTICAL_FLOW_GRID_SIZE_2X2_BIT_NV, OPTICAL_FLOW_GRID_SIZE_4X4_BIT_NV, OPTICAL_FLOW_GRID_SIZE_8X8_BIT_NV, OPTICAL_FLOW_GRID_SIZE_UNKNOWN_NV, OpticalFlowUsageFlagNV, OPTICAL_FLOW_USAGE_INPUT_BIT_NV, OPTICAL_FLOW_USAGE_OUTPUT_BIT_NV, OPTICAL_FLOW_USAGE_HINT_BIT_NV, OPTICAL_FLOW_USAGE_COST_BIT_NV, OPTICAL_FLOW_USAGE_GLOBAL_FLOW_BIT_NV, OPTICAL_FLOW_USAGE_UNKNOWN_NV, OpticalFlowSessionCreateFlagNV, OPTICAL_FLOW_SESSION_CREATE_ENABLE_HINT_BIT_NV, OPTICAL_FLOW_SESSION_CREATE_ENABLE_COST_BIT_NV, OPTICAL_FLOW_SESSION_CREATE_ENABLE_GLOBAL_FLOW_BIT_NV, OPTICAL_FLOW_SESSION_CREATE_ALLOW_REGIONS_BIT_NV, OPTICAL_FLOW_SESSION_CREATE_BOTH_DIRECTIONS_BIT_NV, OpticalFlowExecuteFlagNV, OPTICAL_FLOW_EXECUTE_DISABLE_TEMPORAL_HINTS_BIT_NV, BuildMicromapFlagEXT, BUILD_MICROMAP_PREFER_FAST_TRACE_BIT_EXT, BUILD_MICROMAP_PREFER_FAST_BUILD_BIT_EXT, BUILD_MICROMAP_ALLOW_COMPACTION_BIT_EXT, MicromapCreateFlagEXT, MICROMAP_CREATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT_EXT, Instance, PhysicalDevice, Device, Queue, CommandBuffer, DeviceMemory, CommandPool, Buffer, BufferView, Image, ImageView, ShaderModule, Pipeline, PipelineLayout, Sampler, DescriptorSet, DescriptorSetLayout, DescriptorPool, Fence, Semaphore, Event, QueryPool, Framebuffer, RenderPass, PipelineCache, IndirectCommandsLayoutNV, DescriptorUpdateTemplate, SamplerYcbcrConversion, ValidationCacheEXT, AccelerationStructureKHR, AccelerationStructureNV, PerformanceConfigurationINTEL, DeferredOperationKHR, PrivateDataSlot, CuModuleNVX, CuFunctionNVX, OpticalFlowSessionNV, MicromapEXT, DisplayKHR, DisplayModeKHR, SurfaceKHR, SwapchainKHR, DebugReportCallbackEXT, DebugUtilsMessengerEXT, VideoSessionKHR, VideoSessionParametersKHR, _BaseOutStructure, _BaseInStructure, _Offset2D, _Offset3D, _Extent2D, _Extent3D, _Viewport, _Rect2D, _ClearRect, _ComponentMapping, _PhysicalDeviceProperties, _ExtensionProperties, _LayerProperties, _ApplicationInfo, _AllocationCallbacks, _DeviceQueueCreateInfo, _DeviceCreateInfo, _InstanceCreateInfo, _QueueFamilyProperties, _PhysicalDeviceMemoryProperties, _MemoryAllocateInfo, _MemoryRequirements, _SparseImageFormatProperties, _SparseImageMemoryRequirements, _MemoryType, _MemoryHeap, _MappedMemoryRange, _FormatProperties, _ImageFormatProperties, _DescriptorBufferInfo, _DescriptorImageInfo, _WriteDescriptorSet, _CopyDescriptorSet, _BufferCreateInfo, _BufferViewCreateInfo, _ImageSubresource, _ImageSubresourceLayers, _ImageSubresourceRange, _MemoryBarrier, _BufferMemoryBarrier, _ImageMemoryBarrier, _ImageCreateInfo, _SubresourceLayout, _ImageViewCreateInfo, _BufferCopy, _SparseMemoryBind, _SparseImageMemoryBind, _SparseBufferMemoryBindInfo, _SparseImageOpaqueMemoryBindInfo, _SparseImageMemoryBindInfo, _BindSparseInfo, _ImageCopy, _ImageBlit, _BufferImageCopy, _CopyMemoryIndirectCommandNV, _CopyMemoryToImageIndirectCommandNV, _ImageResolve, _ShaderModuleCreateInfo, _DescriptorSetLayoutBinding, _DescriptorSetLayoutCreateInfo, _DescriptorPoolSize, _DescriptorPoolCreateInfo, _DescriptorSetAllocateInfo, _SpecializationMapEntry, _SpecializationInfo, _PipelineShaderStageCreateInfo, _ComputePipelineCreateInfo, _VertexInputBindingDescription, _VertexInputAttributeDescription, _PipelineVertexInputStateCreateInfo, _PipelineInputAssemblyStateCreateInfo, _PipelineTessellationStateCreateInfo, _PipelineViewportStateCreateInfo, _PipelineRasterizationStateCreateInfo, _PipelineMultisampleStateCreateInfo, _PipelineColorBlendAttachmentState, _PipelineColorBlendStateCreateInfo, _PipelineDynamicStateCreateInfo, _StencilOpState, _PipelineDepthStencilStateCreateInfo, _GraphicsPipelineCreateInfo, _PipelineCacheCreateInfo, _PipelineCacheHeaderVersionOne, _PushConstantRange, _PipelineLayoutCreateInfo, _SamplerCreateInfo, _CommandPoolCreateInfo, _CommandBufferAllocateInfo, _CommandBufferInheritanceInfo, _CommandBufferBeginInfo, _RenderPassBeginInfo, _ClearDepthStencilValue, _ClearAttachment, _AttachmentDescription, _AttachmentReference, _SubpassDescription, _SubpassDependency, _RenderPassCreateInfo, _EventCreateInfo, _FenceCreateInfo, _PhysicalDeviceFeatures, _PhysicalDeviceSparseProperties, _PhysicalDeviceLimits, _SemaphoreCreateInfo, _QueryPoolCreateInfo, _FramebufferCreateInfo, _DrawIndirectCommand, _DrawIndexedIndirectCommand, _DispatchIndirectCommand, _MultiDrawInfoEXT, _MultiDrawIndexedInfoEXT, _SubmitInfo, _DisplayPropertiesKHR, _DisplayPlanePropertiesKHR, _DisplayModeParametersKHR, _DisplayModePropertiesKHR, _DisplayModeCreateInfoKHR, _DisplayPlaneCapabilitiesKHR, _DisplaySurfaceCreateInfoKHR, _DisplayPresentInfoKHR, _SurfaceCapabilitiesKHR, _Win32SurfaceCreateInfoKHR, _SurfaceFormatKHR, _SwapchainCreateInfoKHR, _PresentInfoKHR, _DebugReportCallbackCreateInfoEXT, _ValidationFlagsEXT, _ValidationFeaturesEXT, _PipelineRasterizationStateRasterizationOrderAMD, _DebugMarkerObjectNameInfoEXT, _DebugMarkerObjectTagInfoEXT, _DebugMarkerMarkerInfoEXT, _DedicatedAllocationImageCreateInfoNV, _DedicatedAllocationBufferCreateInfoNV, _DedicatedAllocationMemoryAllocateInfoNV, _ExternalImageFormatPropertiesNV, _ExternalMemoryImageCreateInfoNV, _ExportMemoryAllocateInfoNV, _ImportMemoryWin32HandleInfoNV, _ExportMemoryWin32HandleInfoNV, _Win32KeyedMutexAcquireReleaseInfoNV, _PhysicalDeviceDeviceGeneratedCommandsFeaturesNV, _DevicePrivateDataCreateInfo, _PrivateDataSlotCreateInfo, _PhysicalDevicePrivateDataFeatures, _PhysicalDeviceDeviceGeneratedCommandsPropertiesNV, _PhysicalDeviceMultiDrawPropertiesEXT, _GraphicsShaderGroupCreateInfoNV, _GraphicsPipelineShaderGroupsCreateInfoNV, _BindShaderGroupIndirectCommandNV, _BindIndexBufferIndirectCommandNV, _BindVertexBufferIndirectCommandNV, _SetStateFlagsIndirectCommandNV, _IndirectCommandsStreamNV, _IndirectCommandsLayoutTokenNV, _IndirectCommandsLayoutCreateInfoNV, _GeneratedCommandsInfoNV, _GeneratedCommandsMemoryRequirementsInfoNV, _PhysicalDeviceFeatures2, _PhysicalDeviceProperties2, _FormatProperties2, _ImageFormatProperties2, _PhysicalDeviceImageFormatInfo2, _QueueFamilyProperties2, _PhysicalDeviceMemoryProperties2, _SparseImageFormatProperties2, _PhysicalDeviceSparseImageFormatInfo2, _PhysicalDevicePushDescriptorPropertiesKHR, _ConformanceVersion, _PhysicalDeviceDriverProperties, _PresentRegionsKHR, _PresentRegionKHR, _RectLayerKHR, _PhysicalDeviceVariablePointersFeatures, _ExternalMemoryProperties, _PhysicalDeviceExternalImageFormatInfo, _ExternalImageFormatProperties, _PhysicalDeviceExternalBufferInfo, _ExternalBufferProperties, _PhysicalDeviceIDProperties, _ExternalMemoryImageCreateInfo, _ExternalMemoryBufferCreateInfo, _ExportMemoryAllocateInfo, _ImportMemoryWin32HandleInfoKHR, _ExportMemoryWin32HandleInfoKHR, _MemoryWin32HandlePropertiesKHR, _MemoryGetWin32HandleInfoKHR, _ImportMemoryFdInfoKHR, _MemoryFdPropertiesKHR, _MemoryGetFdInfoKHR, _Win32KeyedMutexAcquireReleaseInfoKHR, _PhysicalDeviceExternalSemaphoreInfo, _ExternalSemaphoreProperties, _ExportSemaphoreCreateInfo, _ImportSemaphoreWin32HandleInfoKHR, _ExportSemaphoreWin32HandleInfoKHR, _D3D12FenceSubmitInfoKHR, _SemaphoreGetWin32HandleInfoKHR, _ImportSemaphoreFdInfoKHR, _SemaphoreGetFdInfoKHR, _PhysicalDeviceExternalFenceInfo, _ExternalFenceProperties, _ExportFenceCreateInfo, _ImportFenceWin32HandleInfoKHR, _ExportFenceWin32HandleInfoKHR, _FenceGetWin32HandleInfoKHR, _ImportFenceFdInfoKHR, _FenceGetFdInfoKHR, _PhysicalDeviceMultiviewFeatures, _PhysicalDeviceMultiviewProperties, _RenderPassMultiviewCreateInfo, _SurfaceCapabilities2EXT, _DisplayPowerInfoEXT, _DeviceEventInfoEXT, _DisplayEventInfoEXT, _SwapchainCounterCreateInfoEXT, _PhysicalDeviceGroupProperties, _MemoryAllocateFlagsInfo, _BindBufferMemoryInfo, _BindBufferMemoryDeviceGroupInfo, _BindImageMemoryInfo, _BindImageMemoryDeviceGroupInfo, _DeviceGroupRenderPassBeginInfo, _DeviceGroupCommandBufferBeginInfo, _DeviceGroupSubmitInfo, _DeviceGroupBindSparseInfo, _DeviceGroupPresentCapabilitiesKHR, _ImageSwapchainCreateInfoKHR, _BindImageMemorySwapchainInfoKHR, _AcquireNextImageInfoKHR, _DeviceGroupPresentInfoKHR, _DeviceGroupDeviceCreateInfo, _DeviceGroupSwapchainCreateInfoKHR, _DescriptorUpdateTemplateEntry, _DescriptorUpdateTemplateCreateInfo, _XYColorEXT, _PhysicalDevicePresentIdFeaturesKHR, _PresentIdKHR, _PhysicalDevicePresentWaitFeaturesKHR, _HdrMetadataEXT, _DisplayNativeHdrSurfaceCapabilitiesAMD, _SwapchainDisplayNativeHdrCreateInfoAMD, _RefreshCycleDurationGOOGLE, _PastPresentationTimingGOOGLE, _PresentTimesInfoGOOGLE, _PresentTimeGOOGLE, _ViewportWScalingNV, _PipelineViewportWScalingStateCreateInfoNV, _ViewportSwizzleNV, _PipelineViewportSwizzleStateCreateInfoNV, _PhysicalDeviceDiscardRectanglePropertiesEXT, _PipelineDiscardRectangleStateCreateInfoEXT, _PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX, _InputAttachmentAspectReference, _RenderPassInputAttachmentAspectCreateInfo, _PhysicalDeviceSurfaceInfo2KHR, _SurfaceCapabilities2KHR, _SurfaceFormat2KHR, _DisplayProperties2KHR, _DisplayPlaneProperties2KHR, _DisplayModeProperties2KHR, _DisplayPlaneInfo2KHR, _DisplayPlaneCapabilities2KHR, _SharedPresentSurfaceCapabilitiesKHR, _PhysicalDevice16BitStorageFeatures, _PhysicalDeviceSubgroupProperties, _PhysicalDeviceShaderSubgroupExtendedTypesFeatures, _BufferMemoryRequirementsInfo2, _DeviceBufferMemoryRequirements, _ImageMemoryRequirementsInfo2, _ImageSparseMemoryRequirementsInfo2, _DeviceImageMemoryRequirements, _MemoryRequirements2, _SparseImageMemoryRequirements2, _PhysicalDevicePointClippingProperties, _MemoryDedicatedRequirements, _MemoryDedicatedAllocateInfo, _ImageViewUsageCreateInfo, _PipelineTessellationDomainOriginStateCreateInfo, _SamplerYcbcrConversionInfo, _SamplerYcbcrConversionCreateInfo, _BindImagePlaneMemoryInfo, _ImagePlaneMemoryRequirementsInfo, _PhysicalDeviceSamplerYcbcrConversionFeatures, _SamplerYcbcrConversionImageFormatProperties, _TextureLODGatherFormatPropertiesAMD, _ConditionalRenderingBeginInfoEXT, _ProtectedSubmitInfo, _PhysicalDeviceProtectedMemoryFeatures, _PhysicalDeviceProtectedMemoryProperties, _DeviceQueueInfo2, _PipelineCoverageToColorStateCreateInfoNV, _PhysicalDeviceSamplerFilterMinmaxProperties, _SampleLocationEXT, _SampleLocationsInfoEXT, _AttachmentSampleLocationsEXT, _SubpassSampleLocationsEXT, _RenderPassSampleLocationsBeginInfoEXT, _PipelineSampleLocationsStateCreateInfoEXT, _PhysicalDeviceSampleLocationsPropertiesEXT, _MultisamplePropertiesEXT, _SamplerReductionModeCreateInfo, _PhysicalDeviceBlendOperationAdvancedFeaturesEXT, _PhysicalDeviceMultiDrawFeaturesEXT, _PhysicalDeviceBlendOperationAdvancedPropertiesEXT, _PipelineColorBlendAdvancedStateCreateInfoEXT, _PhysicalDeviceInlineUniformBlockFeatures, _PhysicalDeviceInlineUniformBlockProperties, _WriteDescriptorSetInlineUniformBlock, _DescriptorPoolInlineUniformBlockCreateInfo, _PipelineCoverageModulationStateCreateInfoNV, _ImageFormatListCreateInfo, _ValidationCacheCreateInfoEXT, _ShaderModuleValidationCacheCreateInfoEXT, _PhysicalDeviceMaintenance3Properties, _PhysicalDeviceMaintenance4Features, _PhysicalDeviceMaintenance4Properties, _DescriptorSetLayoutSupport, _PhysicalDeviceShaderDrawParametersFeatures, _PhysicalDeviceShaderFloat16Int8Features, _PhysicalDeviceFloatControlsProperties, _PhysicalDeviceHostQueryResetFeatures, _ShaderResourceUsageAMD, _ShaderStatisticsInfoAMD, _DeviceQueueGlobalPriorityCreateInfoKHR, _PhysicalDeviceGlobalPriorityQueryFeaturesKHR, _QueueFamilyGlobalPriorityPropertiesKHR, _DebugUtilsObjectNameInfoEXT, _DebugUtilsObjectTagInfoEXT, _DebugUtilsLabelEXT, _DebugUtilsMessengerCreateInfoEXT, _DebugUtilsMessengerCallbackDataEXT, _PhysicalDeviceDeviceMemoryReportFeaturesEXT, _DeviceDeviceMemoryReportCreateInfoEXT, _DeviceMemoryReportCallbackDataEXT, _ImportMemoryHostPointerInfoEXT, _MemoryHostPointerPropertiesEXT, _PhysicalDeviceExternalMemoryHostPropertiesEXT, _PhysicalDeviceConservativeRasterizationPropertiesEXT, _CalibratedTimestampInfoEXT, _PhysicalDeviceShaderCorePropertiesAMD, _PhysicalDeviceShaderCoreProperties2AMD, _PipelineRasterizationConservativeStateCreateInfoEXT, _PhysicalDeviceDescriptorIndexingFeatures, _PhysicalDeviceDescriptorIndexingProperties, _DescriptorSetLayoutBindingFlagsCreateInfo, _DescriptorSetVariableDescriptorCountAllocateInfo, _DescriptorSetVariableDescriptorCountLayoutSupport, _AttachmentDescription2, _AttachmentReference2, _SubpassDescription2, _SubpassDependency2, _RenderPassCreateInfo2, _SubpassBeginInfo, _SubpassEndInfo, _PhysicalDeviceTimelineSemaphoreFeatures, _PhysicalDeviceTimelineSemaphoreProperties, _SemaphoreTypeCreateInfo, _TimelineSemaphoreSubmitInfo, _SemaphoreWaitInfo, _SemaphoreSignalInfo, _VertexInputBindingDivisorDescriptionEXT, _PipelineVertexInputDivisorStateCreateInfoEXT, _PhysicalDeviceVertexAttributeDivisorPropertiesEXT, _PhysicalDevicePCIBusInfoPropertiesEXT, _CommandBufferInheritanceConditionalRenderingInfoEXT, _PhysicalDevice8BitStorageFeatures, _PhysicalDeviceConditionalRenderingFeaturesEXT, _PhysicalDeviceVulkanMemoryModelFeatures, _PhysicalDeviceShaderAtomicInt64Features, _PhysicalDeviceShaderAtomicFloatFeaturesEXT, _PhysicalDeviceShaderAtomicFloat2FeaturesEXT, _PhysicalDeviceVertexAttributeDivisorFeaturesEXT, _QueueFamilyCheckpointPropertiesNV, _CheckpointDataNV, _PhysicalDeviceDepthStencilResolveProperties, _SubpassDescriptionDepthStencilResolve, _ImageViewASTCDecodeModeEXT, _PhysicalDeviceASTCDecodeFeaturesEXT, _PhysicalDeviceTransformFeedbackFeaturesEXT, _PhysicalDeviceTransformFeedbackPropertiesEXT, _PipelineRasterizationStateStreamCreateInfoEXT, _PhysicalDeviceRepresentativeFragmentTestFeaturesNV, _PipelineRepresentativeFragmentTestStateCreateInfoNV, _PhysicalDeviceExclusiveScissorFeaturesNV, _PipelineViewportExclusiveScissorStateCreateInfoNV, _PhysicalDeviceCornerSampledImageFeaturesNV, _PhysicalDeviceComputeShaderDerivativesFeaturesNV, _PhysicalDeviceShaderImageFootprintFeaturesNV, _PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV, _PhysicalDeviceCopyMemoryIndirectFeaturesNV, _PhysicalDeviceCopyMemoryIndirectPropertiesNV, _PhysicalDeviceMemoryDecompressionFeaturesNV, _PhysicalDeviceMemoryDecompressionPropertiesNV, _ShadingRatePaletteNV, _PipelineViewportShadingRateImageStateCreateInfoNV, _PhysicalDeviceShadingRateImageFeaturesNV, _PhysicalDeviceShadingRateImagePropertiesNV, _PhysicalDeviceInvocationMaskFeaturesHUAWEI, _CoarseSampleLocationNV, _CoarseSampleOrderCustomNV, _PipelineViewportCoarseSampleOrderStateCreateInfoNV, _PhysicalDeviceMeshShaderFeaturesNV, _PhysicalDeviceMeshShaderPropertiesNV, _DrawMeshTasksIndirectCommandNV, _PhysicalDeviceMeshShaderFeaturesEXT, _PhysicalDeviceMeshShaderPropertiesEXT, _DrawMeshTasksIndirectCommandEXT, _RayTracingShaderGroupCreateInfoNV, _RayTracingShaderGroupCreateInfoKHR, _RayTracingPipelineCreateInfoNV, _RayTracingPipelineCreateInfoKHR, _GeometryTrianglesNV, _GeometryAABBNV, _GeometryDataNV, _GeometryNV, _AccelerationStructureInfoNV, _AccelerationStructureCreateInfoNV, _BindAccelerationStructureMemoryInfoNV, _WriteDescriptorSetAccelerationStructureKHR, _WriteDescriptorSetAccelerationStructureNV, _AccelerationStructureMemoryRequirementsInfoNV, _PhysicalDeviceAccelerationStructureFeaturesKHR, _PhysicalDeviceRayTracingPipelineFeaturesKHR, _PhysicalDeviceRayQueryFeaturesKHR, _PhysicalDeviceAccelerationStructurePropertiesKHR, _PhysicalDeviceRayTracingPipelinePropertiesKHR, _PhysicalDeviceRayTracingPropertiesNV, _StridedDeviceAddressRegionKHR, _TraceRaysIndirectCommandKHR, _TraceRaysIndirectCommand2KHR, _PhysicalDeviceRayTracingMaintenance1FeaturesKHR, _DrmFormatModifierPropertiesListEXT, _DrmFormatModifierPropertiesEXT, _PhysicalDeviceImageDrmFormatModifierInfoEXT, _ImageDrmFormatModifierListCreateInfoEXT, _ImageDrmFormatModifierExplicitCreateInfoEXT, _ImageDrmFormatModifierPropertiesEXT, _ImageStencilUsageCreateInfo, _DeviceMemoryOverallocationCreateInfoAMD, _PhysicalDeviceFragmentDensityMapFeaturesEXT, _PhysicalDeviceFragmentDensityMap2FeaturesEXT, _PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM, _PhysicalDeviceFragmentDensityMapPropertiesEXT, _PhysicalDeviceFragmentDensityMap2PropertiesEXT, _PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM, _RenderPassFragmentDensityMapCreateInfoEXT, _SubpassFragmentDensityMapOffsetEndInfoQCOM, _PhysicalDeviceScalarBlockLayoutFeatures, _SurfaceProtectedCapabilitiesKHR, _PhysicalDeviceUniformBufferStandardLayoutFeatures, _PhysicalDeviceDepthClipEnableFeaturesEXT, _PipelineRasterizationDepthClipStateCreateInfoEXT, _PhysicalDeviceMemoryBudgetPropertiesEXT, _PhysicalDeviceMemoryPriorityFeaturesEXT, _MemoryPriorityAllocateInfoEXT, _PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT, _PhysicalDeviceBufferDeviceAddressFeatures, _PhysicalDeviceBufferDeviceAddressFeaturesEXT, _BufferDeviceAddressInfo, _BufferOpaqueCaptureAddressCreateInfo, _BufferDeviceAddressCreateInfoEXT, _PhysicalDeviceImageViewImageFormatInfoEXT, _FilterCubicImageViewImageFormatPropertiesEXT, _PhysicalDeviceImagelessFramebufferFeatures, _FramebufferAttachmentsCreateInfo, _FramebufferAttachmentImageInfo, _RenderPassAttachmentBeginInfo, _PhysicalDeviceTextureCompressionASTCHDRFeatures, _PhysicalDeviceCooperativeMatrixFeaturesNV, _PhysicalDeviceCooperativeMatrixPropertiesNV, _CooperativeMatrixPropertiesNV, _PhysicalDeviceYcbcrImageArraysFeaturesEXT, _ImageViewHandleInfoNVX, _ImageViewAddressPropertiesNVX, _PipelineCreationFeedback, _PipelineCreationFeedbackCreateInfo, _SurfaceFullScreenExclusiveInfoEXT, _SurfaceFullScreenExclusiveWin32InfoEXT, _SurfaceCapabilitiesFullScreenExclusiveEXT, _PhysicalDevicePresentBarrierFeaturesNV, _SurfaceCapabilitiesPresentBarrierNV, _SwapchainPresentBarrierCreateInfoNV, _PhysicalDevicePerformanceQueryFeaturesKHR, _PhysicalDevicePerformanceQueryPropertiesKHR, _PerformanceCounterKHR, _PerformanceCounterDescriptionKHR, _QueryPoolPerformanceCreateInfoKHR, _AcquireProfilingLockInfoKHR, _PerformanceQuerySubmitInfoKHR, _HeadlessSurfaceCreateInfoEXT, _PhysicalDeviceCoverageReductionModeFeaturesNV, _PipelineCoverageReductionStateCreateInfoNV, _FramebufferMixedSamplesCombinationNV, _PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL, _PerformanceValueINTEL, _InitializePerformanceApiInfoINTEL, _QueryPoolPerformanceQueryCreateInfoINTEL, _PerformanceMarkerInfoINTEL, _PerformanceStreamMarkerInfoINTEL, _PerformanceOverrideInfoINTEL, _PerformanceConfigurationAcquireInfoINTEL, _PhysicalDeviceShaderClockFeaturesKHR, _PhysicalDeviceIndexTypeUint8FeaturesEXT, _PhysicalDeviceShaderSMBuiltinsPropertiesNV, _PhysicalDeviceShaderSMBuiltinsFeaturesNV, _PhysicalDeviceFragmentShaderInterlockFeaturesEXT, _PhysicalDeviceSeparateDepthStencilLayoutsFeatures, _AttachmentReferenceStencilLayout, _PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT, _AttachmentDescriptionStencilLayout, _PhysicalDevicePipelineExecutablePropertiesFeaturesKHR, _PipelineInfoKHR, _PipelineExecutablePropertiesKHR, _PipelineExecutableInfoKHR, _PipelineExecutableStatisticKHR, _PipelineExecutableInternalRepresentationKHR, _PhysicalDeviceShaderDemoteToHelperInvocationFeatures, _PhysicalDeviceTexelBufferAlignmentFeaturesEXT, _PhysicalDeviceTexelBufferAlignmentProperties, _PhysicalDeviceSubgroupSizeControlFeatures, _PhysicalDeviceSubgroupSizeControlProperties, _PipelineShaderStageRequiredSubgroupSizeCreateInfo, _SubpassShadingPipelineCreateInfoHUAWEI, _PhysicalDeviceSubpassShadingPropertiesHUAWEI, _PhysicalDeviceClusterCullingShaderPropertiesHUAWEI, _MemoryOpaqueCaptureAddressAllocateInfo, _DeviceMemoryOpaqueCaptureAddressInfo, _PhysicalDeviceLineRasterizationFeaturesEXT, _PhysicalDeviceLineRasterizationPropertiesEXT, _PipelineRasterizationLineStateCreateInfoEXT, _PhysicalDevicePipelineCreationCacheControlFeatures, _PhysicalDeviceVulkan11Features, _PhysicalDeviceVulkan11Properties, _PhysicalDeviceVulkan12Features, _PhysicalDeviceVulkan12Properties, _PhysicalDeviceVulkan13Features, _PhysicalDeviceVulkan13Properties, _PipelineCompilerControlCreateInfoAMD, _PhysicalDeviceCoherentMemoryFeaturesAMD, _PhysicalDeviceToolProperties, _SamplerCustomBorderColorCreateInfoEXT, _PhysicalDeviceCustomBorderColorPropertiesEXT, _PhysicalDeviceCustomBorderColorFeaturesEXT, _SamplerBorderColorComponentMappingCreateInfoEXT, _PhysicalDeviceBorderColorSwizzleFeaturesEXT, _AccelerationStructureGeometryTrianglesDataKHR, _AccelerationStructureGeometryAabbsDataKHR, _AccelerationStructureGeometryInstancesDataKHR, _AccelerationStructureGeometryKHR, _AccelerationStructureBuildGeometryInfoKHR, _AccelerationStructureBuildRangeInfoKHR, _AccelerationStructureCreateInfoKHR, _AabbPositionsKHR, _TransformMatrixKHR, _AccelerationStructureInstanceKHR, _AccelerationStructureDeviceAddressInfoKHR, _AccelerationStructureVersionInfoKHR, _CopyAccelerationStructureInfoKHR, _CopyAccelerationStructureToMemoryInfoKHR, _CopyMemoryToAccelerationStructureInfoKHR, _RayTracingPipelineInterfaceCreateInfoKHR, _PipelineLibraryCreateInfoKHR, _PhysicalDeviceExtendedDynamicStateFeaturesEXT, _PhysicalDeviceExtendedDynamicState2FeaturesEXT, _PhysicalDeviceExtendedDynamicState3FeaturesEXT, _PhysicalDeviceExtendedDynamicState3PropertiesEXT, _ColorBlendEquationEXT, _ColorBlendAdvancedEXT, _RenderPassTransformBeginInfoQCOM, _CopyCommandTransformInfoQCOM, _CommandBufferInheritanceRenderPassTransformInfoQCOM, _PhysicalDeviceDiagnosticsConfigFeaturesNV, _DeviceDiagnosticsConfigCreateInfoNV, _PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures, _PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR, _PhysicalDeviceRobustness2FeaturesEXT, _PhysicalDeviceRobustness2PropertiesEXT, _PhysicalDeviceImageRobustnessFeatures, _PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR, _PhysicalDevice4444FormatsFeaturesEXT, _PhysicalDeviceSubpassShadingFeaturesHUAWEI, _PhysicalDeviceClusterCullingShaderFeaturesHUAWEI, _BufferCopy2, _ImageCopy2, _ImageBlit2, _BufferImageCopy2, _ImageResolve2, _CopyBufferInfo2, _CopyImageInfo2, _BlitImageInfo2, _CopyBufferToImageInfo2, _CopyImageToBufferInfo2, _ResolveImageInfo2, _PhysicalDeviceShaderImageAtomicInt64FeaturesEXT, _FragmentShadingRateAttachmentInfoKHR, _PipelineFragmentShadingRateStateCreateInfoKHR, _PhysicalDeviceFragmentShadingRateFeaturesKHR, _PhysicalDeviceFragmentShadingRatePropertiesKHR, _PhysicalDeviceFragmentShadingRateKHR, _PhysicalDeviceShaderTerminateInvocationFeatures, _PhysicalDeviceFragmentShadingRateEnumsFeaturesNV, _PhysicalDeviceFragmentShadingRateEnumsPropertiesNV, _PipelineFragmentShadingRateEnumStateCreateInfoNV, _AccelerationStructureBuildSizesInfoKHR, _PhysicalDeviceImage2DViewOf3DFeaturesEXT, _PhysicalDeviceMutableDescriptorTypeFeaturesEXT, _MutableDescriptorTypeListEXT, _MutableDescriptorTypeCreateInfoEXT, _PhysicalDeviceDepthClipControlFeaturesEXT, _PipelineViewportDepthClipControlCreateInfoEXT, _PhysicalDeviceVertexInputDynamicStateFeaturesEXT, _PhysicalDeviceExternalMemoryRDMAFeaturesNV, _VertexInputBindingDescription2EXT, _VertexInputAttributeDescription2EXT, _PhysicalDeviceColorWriteEnableFeaturesEXT, _PipelineColorWriteCreateInfoEXT, _MemoryBarrier2, _ImageMemoryBarrier2, _BufferMemoryBarrier2, _DependencyInfo, _SemaphoreSubmitInfo, _CommandBufferSubmitInfo, _SubmitInfo2, _QueueFamilyCheckpointProperties2NV, _CheckpointData2NV, _PhysicalDeviceSynchronization2Features, _PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT, _PhysicalDeviceLegacyDitheringFeaturesEXT, _PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT, _SubpassResolvePerformanceQueryEXT, _MultisampledRenderToSingleSampledInfoEXT, _PhysicalDevicePipelineProtectedAccessFeaturesEXT, _QueueFamilyVideoPropertiesKHR, _QueueFamilyQueryResultStatusPropertiesKHR, _VideoProfileListInfoKHR, _PhysicalDeviceVideoFormatInfoKHR, _VideoFormatPropertiesKHR, _VideoProfileInfoKHR, _VideoCapabilitiesKHR, _VideoSessionMemoryRequirementsKHR, _BindVideoSessionMemoryInfoKHR, _VideoPictureResourceInfoKHR, _VideoReferenceSlotInfoKHR, _VideoDecodeCapabilitiesKHR, _VideoDecodeUsageInfoKHR, _VideoDecodeInfoKHR, _VideoDecodeH264ProfileInfoKHR, _VideoDecodeH264CapabilitiesKHR, _VideoDecodeH264SessionParametersAddInfoKHR, _VideoDecodeH264SessionParametersCreateInfoKHR, _VideoDecodeH264PictureInfoKHR, _VideoDecodeH264DpbSlotInfoKHR, _VideoDecodeH265ProfileInfoKHR, _VideoDecodeH265CapabilitiesKHR, _VideoDecodeH265SessionParametersAddInfoKHR, _VideoDecodeH265SessionParametersCreateInfoKHR, _VideoDecodeH265PictureInfoKHR, _VideoDecodeH265DpbSlotInfoKHR, _VideoSessionCreateInfoKHR, _VideoSessionParametersCreateInfoKHR, _VideoSessionParametersUpdateInfoKHR, _VideoBeginCodingInfoKHR, _VideoEndCodingInfoKHR, _VideoCodingControlInfoKHR, _PhysicalDeviceInheritedViewportScissorFeaturesNV, _CommandBufferInheritanceViewportScissorInfoNV, _PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT, _PhysicalDeviceProvokingVertexFeaturesEXT, _PhysicalDeviceProvokingVertexPropertiesEXT, _PipelineRasterizationProvokingVertexStateCreateInfoEXT, _CuModuleCreateInfoNVX, _CuFunctionCreateInfoNVX, _CuLaunchInfoNVX, _PhysicalDeviceDescriptorBufferFeaturesEXT, _PhysicalDeviceDescriptorBufferPropertiesEXT, _PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT, _DescriptorAddressInfoEXT, _DescriptorBufferBindingInfoEXT, _DescriptorBufferBindingPushDescriptorBufferHandleEXT, _DescriptorGetInfoEXT, _BufferCaptureDescriptorDataInfoEXT, _ImageCaptureDescriptorDataInfoEXT, _ImageViewCaptureDescriptorDataInfoEXT, _SamplerCaptureDescriptorDataInfoEXT, _AccelerationStructureCaptureDescriptorDataInfoEXT, _OpaqueCaptureDescriptorDataCreateInfoEXT, _PhysicalDeviceShaderIntegerDotProductFeatures, _PhysicalDeviceShaderIntegerDotProductProperties, _PhysicalDeviceDrmPropertiesEXT, _PhysicalDeviceFragmentShaderBarycentricFeaturesKHR, _PhysicalDeviceFragmentShaderBarycentricPropertiesKHR, _PhysicalDeviceRayTracingMotionBlurFeaturesNV, _AccelerationStructureGeometryMotionTrianglesDataNV, _AccelerationStructureMotionInfoNV, _SRTDataNV, _AccelerationStructureSRTMotionInstanceNV, _AccelerationStructureMatrixMotionInstanceNV, _AccelerationStructureMotionInstanceNV, _MemoryGetRemoteAddressInfoNV, _PhysicalDeviceRGBA10X6FormatsFeaturesEXT, _FormatProperties3, _DrmFormatModifierPropertiesList2EXT, _DrmFormatModifierProperties2EXT, _PipelineRenderingCreateInfo, _RenderingInfo, _RenderingAttachmentInfo, _RenderingFragmentShadingRateAttachmentInfoKHR, _RenderingFragmentDensityMapAttachmentInfoEXT, _PhysicalDeviceDynamicRenderingFeatures, _CommandBufferInheritanceRenderingInfo, _AttachmentSampleCountInfoAMD, _MultiviewPerViewAttributesInfoNVX, _PhysicalDeviceImageViewMinLodFeaturesEXT, _ImageViewMinLodCreateInfoEXT, _PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT, _PhysicalDeviceLinearColorAttachmentFeaturesNV, _PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT, _PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT, _GraphicsPipelineLibraryCreateInfoEXT, _PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE, _DescriptorSetBindingReferenceVALVE, _DescriptorSetLayoutHostMappingInfoVALVE, _PhysicalDeviceShaderModuleIdentifierFeaturesEXT, _PhysicalDeviceShaderModuleIdentifierPropertiesEXT, _PipelineShaderStageModuleIdentifierCreateInfoEXT, _ShaderModuleIdentifierEXT, _ImageCompressionControlEXT, _PhysicalDeviceImageCompressionControlFeaturesEXT, _ImageCompressionPropertiesEXT, _PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT, _ImageSubresource2EXT, _SubresourceLayout2EXT, _RenderPassCreationControlEXT, _RenderPassCreationFeedbackInfoEXT, _RenderPassCreationFeedbackCreateInfoEXT, _RenderPassSubpassFeedbackInfoEXT, _RenderPassSubpassFeedbackCreateInfoEXT, _PhysicalDeviceSubpassMergeFeedbackFeaturesEXT, _MicromapBuildInfoEXT, _MicromapCreateInfoEXT, _MicromapVersionInfoEXT, _CopyMicromapInfoEXT, _CopyMicromapToMemoryInfoEXT, _CopyMemoryToMicromapInfoEXT, _MicromapBuildSizesInfoEXT, _MicromapUsageEXT, _MicromapTriangleEXT, _PhysicalDeviceOpacityMicromapFeaturesEXT, _PhysicalDeviceOpacityMicromapPropertiesEXT, _AccelerationStructureTrianglesOpacityMicromapEXT, _PipelinePropertiesIdentifierEXT, _PhysicalDevicePipelinePropertiesFeaturesEXT, _PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD, _PhysicalDeviceNonSeamlessCubeMapFeaturesEXT, _PhysicalDevicePipelineRobustnessFeaturesEXT, _PipelineRobustnessCreateInfoEXT, _PhysicalDevicePipelineRobustnessPropertiesEXT, _ImageViewSampleWeightCreateInfoQCOM, _PhysicalDeviceImageProcessingFeaturesQCOM, _PhysicalDeviceImageProcessingPropertiesQCOM, _PhysicalDeviceTilePropertiesFeaturesQCOM, _TilePropertiesQCOM, _PhysicalDeviceAmigoProfilingFeaturesSEC, _AmigoProfilingSubmitInfoSEC, _PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT, _PhysicalDeviceDepthClampZeroOneFeaturesEXT, _PhysicalDeviceAddressBindingReportFeaturesEXT, _DeviceAddressBindingCallbackDataEXT, _PhysicalDeviceOpticalFlowFeaturesNV, _PhysicalDeviceOpticalFlowPropertiesNV, _OpticalFlowImageFormatInfoNV, _OpticalFlowImageFormatPropertiesNV, _OpticalFlowSessionCreateInfoNV, _OpticalFlowSessionCreatePrivateDataInfoNV, _OpticalFlowExecuteInfoNV, _PhysicalDeviceFaultFeaturesEXT, _DeviceFaultAddressInfoEXT, _DeviceFaultVendorInfoEXT, _DeviceFaultCountsEXT, _DeviceFaultInfoEXT, _DeviceFaultVendorBinaryHeaderVersionOneEXT, _PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT, _DecompressMemoryRegionNV, _PhysicalDeviceShaderCoreBuiltinsPropertiesARM, _PhysicalDeviceShaderCoreBuiltinsFeaturesARM, _SurfacePresentModeEXT, _SurfacePresentScalingCapabilitiesEXT, _SurfacePresentModeCompatibilityEXT, _PhysicalDeviceSwapchainMaintenance1FeaturesEXT, _SwapchainPresentFenceInfoEXT, _SwapchainPresentModesCreateInfoEXT, _SwapchainPresentModeInfoEXT, _SwapchainPresentScalingCreateInfoEXT, _ReleaseSwapchainImagesInfoEXT, _PhysicalDeviceRayTracingInvocationReorderFeaturesNV, _PhysicalDeviceRayTracingInvocationReorderPropertiesNV, _DirectDriverLoadingInfoLUNARG, _DirectDriverLoadingListLUNARG, _PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM, _ClearColorValue, _ClearValue, _PerformanceCounterResultKHR, _PerformanceValueDataINTEL, _PipelineExecutableStatisticValueKHR, _DeviceOrHostAddressKHR, _DeviceOrHostAddressConstKHR, _AccelerationStructureGeometryDataKHR, _DescriptorDataEXT, _AccelerationStructureMotionInstanceDataNV, BaseOutStructure, BaseInStructure, Offset2D, Offset3D, Extent2D, Extent3D, Viewport, Rect2D, ClearRect, ComponentMapping, PhysicalDeviceProperties, ExtensionProperties, LayerProperties, ApplicationInfo, AllocationCallbacks, DeviceQueueCreateInfo, DeviceCreateInfo, InstanceCreateInfo, QueueFamilyProperties, PhysicalDeviceMemoryProperties, MemoryAllocateInfo, MemoryRequirements, SparseImageFormatProperties, SparseImageMemoryRequirements, MemoryType, MemoryHeap, MappedMemoryRange, FormatProperties, ImageFormatProperties, DescriptorBufferInfo, DescriptorImageInfo, WriteDescriptorSet, CopyDescriptorSet, BufferCreateInfo, BufferViewCreateInfo, ImageSubresource, ImageSubresourceLayers, ImageSubresourceRange, MemoryBarrier, BufferMemoryBarrier, ImageMemoryBarrier, ImageCreateInfo, SubresourceLayout, ImageViewCreateInfo, BufferCopy, SparseMemoryBind, SparseImageMemoryBind, SparseBufferMemoryBindInfo, SparseImageOpaqueMemoryBindInfo, SparseImageMemoryBindInfo, BindSparseInfo, ImageCopy, ImageBlit, BufferImageCopy, CopyMemoryIndirectCommandNV, CopyMemoryToImageIndirectCommandNV, ImageResolve, ShaderModuleCreateInfo, DescriptorSetLayoutBinding, DescriptorSetLayoutCreateInfo, DescriptorPoolSize, DescriptorPoolCreateInfo, DescriptorSetAllocateInfo, SpecializationMapEntry, SpecializationInfo, PipelineShaderStageCreateInfo, ComputePipelineCreateInfo, VertexInputBindingDescription, VertexInputAttributeDescription, PipelineVertexInputStateCreateInfo, PipelineInputAssemblyStateCreateInfo, PipelineTessellationStateCreateInfo, PipelineViewportStateCreateInfo, PipelineRasterizationStateCreateInfo, PipelineMultisampleStateCreateInfo, PipelineColorBlendAttachmentState, PipelineColorBlendStateCreateInfo, PipelineDynamicStateCreateInfo, StencilOpState, PipelineDepthStencilStateCreateInfo, GraphicsPipelineCreateInfo, PipelineCacheCreateInfo, PipelineCacheHeaderVersionOne, PushConstantRange, PipelineLayoutCreateInfo, SamplerCreateInfo, CommandPoolCreateInfo, CommandBufferAllocateInfo, CommandBufferInheritanceInfo, CommandBufferBeginInfo, RenderPassBeginInfo, ClearDepthStencilValue, ClearAttachment, AttachmentDescription, AttachmentReference, SubpassDescription, SubpassDependency, RenderPassCreateInfo, EventCreateInfo, FenceCreateInfo, PhysicalDeviceFeatures, PhysicalDeviceSparseProperties, PhysicalDeviceLimits, SemaphoreCreateInfo, QueryPoolCreateInfo, FramebufferCreateInfo, DrawIndirectCommand, DrawIndexedIndirectCommand, DispatchIndirectCommand, MultiDrawInfoEXT, MultiDrawIndexedInfoEXT, SubmitInfo, DisplayPropertiesKHR, DisplayPlanePropertiesKHR, DisplayModeParametersKHR, DisplayModePropertiesKHR, DisplayModeCreateInfoKHR, DisplayPlaneCapabilitiesKHR, DisplaySurfaceCreateInfoKHR, DisplayPresentInfoKHR, SurfaceCapabilitiesKHR, Win32SurfaceCreateInfoKHR, SurfaceFormatKHR, SwapchainCreateInfoKHR, PresentInfoKHR, DebugReportCallbackCreateInfoEXT, ValidationFlagsEXT, ValidationFeaturesEXT, PipelineRasterizationStateRasterizationOrderAMD, DebugMarkerObjectNameInfoEXT, DebugMarkerObjectTagInfoEXT, DebugMarkerMarkerInfoEXT, DedicatedAllocationImageCreateInfoNV, DedicatedAllocationBufferCreateInfoNV, DedicatedAllocationMemoryAllocateInfoNV, ExternalImageFormatPropertiesNV, ExternalMemoryImageCreateInfoNV, ExportMemoryAllocateInfoNV, ImportMemoryWin32HandleInfoNV, ExportMemoryWin32HandleInfoNV, Win32KeyedMutexAcquireReleaseInfoNV, PhysicalDeviceDeviceGeneratedCommandsFeaturesNV, DevicePrivateDataCreateInfo, PrivateDataSlotCreateInfo, PhysicalDevicePrivateDataFeatures, PhysicalDeviceDeviceGeneratedCommandsPropertiesNV, PhysicalDeviceMultiDrawPropertiesEXT, GraphicsShaderGroupCreateInfoNV, GraphicsPipelineShaderGroupsCreateInfoNV, BindShaderGroupIndirectCommandNV, BindIndexBufferIndirectCommandNV, BindVertexBufferIndirectCommandNV, SetStateFlagsIndirectCommandNV, IndirectCommandsStreamNV, IndirectCommandsLayoutTokenNV, IndirectCommandsLayoutCreateInfoNV, GeneratedCommandsInfoNV, GeneratedCommandsMemoryRequirementsInfoNV, PhysicalDeviceFeatures2, PhysicalDeviceProperties2, FormatProperties2, ImageFormatProperties2, PhysicalDeviceImageFormatInfo2, QueueFamilyProperties2, PhysicalDeviceMemoryProperties2, SparseImageFormatProperties2, PhysicalDeviceSparseImageFormatInfo2, PhysicalDevicePushDescriptorPropertiesKHR, ConformanceVersion, PhysicalDeviceDriverProperties, PresentRegionsKHR, PresentRegionKHR, RectLayerKHR, PhysicalDeviceVariablePointersFeatures, ExternalMemoryProperties, PhysicalDeviceExternalImageFormatInfo, ExternalImageFormatProperties, PhysicalDeviceExternalBufferInfo, ExternalBufferProperties, PhysicalDeviceIDProperties, ExternalMemoryImageCreateInfo, ExternalMemoryBufferCreateInfo, ExportMemoryAllocateInfo, ImportMemoryWin32HandleInfoKHR, ExportMemoryWin32HandleInfoKHR, MemoryWin32HandlePropertiesKHR, MemoryGetWin32HandleInfoKHR, ImportMemoryFdInfoKHR, MemoryFdPropertiesKHR, MemoryGetFdInfoKHR, Win32KeyedMutexAcquireReleaseInfoKHR, PhysicalDeviceExternalSemaphoreInfo, ExternalSemaphoreProperties, ExportSemaphoreCreateInfo, ImportSemaphoreWin32HandleInfoKHR, ExportSemaphoreWin32HandleInfoKHR, D3D12FenceSubmitInfoKHR, SemaphoreGetWin32HandleInfoKHR, ImportSemaphoreFdInfoKHR, SemaphoreGetFdInfoKHR, PhysicalDeviceExternalFenceInfo, ExternalFenceProperties, ExportFenceCreateInfo, ImportFenceWin32HandleInfoKHR, ExportFenceWin32HandleInfoKHR, FenceGetWin32HandleInfoKHR, ImportFenceFdInfoKHR, FenceGetFdInfoKHR, PhysicalDeviceMultiviewFeatures, PhysicalDeviceMultiviewProperties, RenderPassMultiviewCreateInfo, SurfaceCapabilities2EXT, DisplayPowerInfoEXT, DeviceEventInfoEXT, DisplayEventInfoEXT, SwapchainCounterCreateInfoEXT, PhysicalDeviceGroupProperties, MemoryAllocateFlagsInfo, BindBufferMemoryInfo, BindBufferMemoryDeviceGroupInfo, BindImageMemoryInfo, BindImageMemoryDeviceGroupInfo, DeviceGroupRenderPassBeginInfo, DeviceGroupCommandBufferBeginInfo, DeviceGroupSubmitInfo, DeviceGroupBindSparseInfo, DeviceGroupPresentCapabilitiesKHR, ImageSwapchainCreateInfoKHR, BindImageMemorySwapchainInfoKHR, AcquireNextImageInfoKHR, DeviceGroupPresentInfoKHR, DeviceGroupDeviceCreateInfo, DeviceGroupSwapchainCreateInfoKHR, DescriptorUpdateTemplateEntry, DescriptorUpdateTemplateCreateInfo, XYColorEXT, PhysicalDevicePresentIdFeaturesKHR, PresentIdKHR, PhysicalDevicePresentWaitFeaturesKHR, HdrMetadataEXT, DisplayNativeHdrSurfaceCapabilitiesAMD, SwapchainDisplayNativeHdrCreateInfoAMD, RefreshCycleDurationGOOGLE, PastPresentationTimingGOOGLE, PresentTimesInfoGOOGLE, PresentTimeGOOGLE, ViewportWScalingNV, PipelineViewportWScalingStateCreateInfoNV, ViewportSwizzleNV, PipelineViewportSwizzleStateCreateInfoNV, PhysicalDeviceDiscardRectanglePropertiesEXT, PipelineDiscardRectangleStateCreateInfoEXT, PhysicalDeviceMultiviewPerViewAttributesPropertiesNVX, InputAttachmentAspectReference, RenderPassInputAttachmentAspectCreateInfo, PhysicalDeviceSurfaceInfo2KHR, SurfaceCapabilities2KHR, SurfaceFormat2KHR, DisplayProperties2KHR, DisplayPlaneProperties2KHR, DisplayModeProperties2KHR, DisplayPlaneInfo2KHR, DisplayPlaneCapabilities2KHR, SharedPresentSurfaceCapabilitiesKHR, PhysicalDevice16BitStorageFeatures, PhysicalDeviceSubgroupProperties, PhysicalDeviceShaderSubgroupExtendedTypesFeatures, BufferMemoryRequirementsInfo2, DeviceBufferMemoryRequirements, ImageMemoryRequirementsInfo2, ImageSparseMemoryRequirementsInfo2, DeviceImageMemoryRequirements, MemoryRequirements2, SparseImageMemoryRequirements2, PhysicalDevicePointClippingProperties, MemoryDedicatedRequirements, MemoryDedicatedAllocateInfo, ImageViewUsageCreateInfo, PipelineTessellationDomainOriginStateCreateInfo, SamplerYcbcrConversionInfo, SamplerYcbcrConversionCreateInfo, BindImagePlaneMemoryInfo, ImagePlaneMemoryRequirementsInfo, PhysicalDeviceSamplerYcbcrConversionFeatures, SamplerYcbcrConversionImageFormatProperties, TextureLODGatherFormatPropertiesAMD, ConditionalRenderingBeginInfoEXT, ProtectedSubmitInfo, PhysicalDeviceProtectedMemoryFeatures, PhysicalDeviceProtectedMemoryProperties, DeviceQueueInfo2, PipelineCoverageToColorStateCreateInfoNV, PhysicalDeviceSamplerFilterMinmaxProperties, SampleLocationEXT, SampleLocationsInfoEXT, AttachmentSampleLocationsEXT, SubpassSampleLocationsEXT, RenderPassSampleLocationsBeginInfoEXT, PipelineSampleLocationsStateCreateInfoEXT, PhysicalDeviceSampleLocationsPropertiesEXT, MultisamplePropertiesEXT, SamplerReductionModeCreateInfo, PhysicalDeviceBlendOperationAdvancedFeaturesEXT, PhysicalDeviceMultiDrawFeaturesEXT, PhysicalDeviceBlendOperationAdvancedPropertiesEXT, PipelineColorBlendAdvancedStateCreateInfoEXT, PhysicalDeviceInlineUniformBlockFeatures, PhysicalDeviceInlineUniformBlockProperties, WriteDescriptorSetInlineUniformBlock, DescriptorPoolInlineUniformBlockCreateInfo, PipelineCoverageModulationStateCreateInfoNV, ImageFormatListCreateInfo, ValidationCacheCreateInfoEXT, ShaderModuleValidationCacheCreateInfoEXT, PhysicalDeviceMaintenance3Properties, PhysicalDeviceMaintenance4Features, PhysicalDeviceMaintenance4Properties, DescriptorSetLayoutSupport, PhysicalDeviceShaderDrawParametersFeatures, PhysicalDeviceShaderFloat16Int8Features, PhysicalDeviceFloatControlsProperties, PhysicalDeviceHostQueryResetFeatures, ShaderResourceUsageAMD, ShaderStatisticsInfoAMD, DeviceQueueGlobalPriorityCreateInfoKHR, PhysicalDeviceGlobalPriorityQueryFeaturesKHR, QueueFamilyGlobalPriorityPropertiesKHR, DebugUtilsObjectNameInfoEXT, DebugUtilsObjectTagInfoEXT, DebugUtilsLabelEXT, DebugUtilsMessengerCreateInfoEXT, DebugUtilsMessengerCallbackDataEXT, PhysicalDeviceDeviceMemoryReportFeaturesEXT, DeviceDeviceMemoryReportCreateInfoEXT, DeviceMemoryReportCallbackDataEXT, ImportMemoryHostPointerInfoEXT, MemoryHostPointerPropertiesEXT, PhysicalDeviceExternalMemoryHostPropertiesEXT, PhysicalDeviceConservativeRasterizationPropertiesEXT, CalibratedTimestampInfoEXT, PhysicalDeviceShaderCorePropertiesAMD, PhysicalDeviceShaderCoreProperties2AMD, PipelineRasterizationConservativeStateCreateInfoEXT, PhysicalDeviceDescriptorIndexingFeatures, PhysicalDeviceDescriptorIndexingProperties, DescriptorSetLayoutBindingFlagsCreateInfo, DescriptorSetVariableDescriptorCountAllocateInfo, DescriptorSetVariableDescriptorCountLayoutSupport, AttachmentDescription2, AttachmentReference2, SubpassDescription2, SubpassDependency2, RenderPassCreateInfo2, SubpassBeginInfo, SubpassEndInfo, PhysicalDeviceTimelineSemaphoreFeatures, PhysicalDeviceTimelineSemaphoreProperties, SemaphoreTypeCreateInfo, TimelineSemaphoreSubmitInfo, SemaphoreWaitInfo, SemaphoreSignalInfo, VertexInputBindingDivisorDescriptionEXT, PipelineVertexInputDivisorStateCreateInfoEXT, PhysicalDeviceVertexAttributeDivisorPropertiesEXT, PhysicalDevicePCIBusInfoPropertiesEXT, CommandBufferInheritanceConditionalRenderingInfoEXT, PhysicalDevice8BitStorageFeatures, PhysicalDeviceConditionalRenderingFeaturesEXT, PhysicalDeviceVulkanMemoryModelFeatures, PhysicalDeviceShaderAtomicInt64Features, PhysicalDeviceShaderAtomicFloatFeaturesEXT, PhysicalDeviceShaderAtomicFloat2FeaturesEXT, PhysicalDeviceVertexAttributeDivisorFeaturesEXT, QueueFamilyCheckpointPropertiesNV, CheckpointDataNV, PhysicalDeviceDepthStencilResolveProperties, SubpassDescriptionDepthStencilResolve, ImageViewASTCDecodeModeEXT, PhysicalDeviceASTCDecodeFeaturesEXT, PhysicalDeviceTransformFeedbackFeaturesEXT, PhysicalDeviceTransformFeedbackPropertiesEXT, PipelineRasterizationStateStreamCreateInfoEXT, PhysicalDeviceRepresentativeFragmentTestFeaturesNV, PipelineRepresentativeFragmentTestStateCreateInfoNV, PhysicalDeviceExclusiveScissorFeaturesNV, PipelineViewportExclusiveScissorStateCreateInfoNV, PhysicalDeviceCornerSampledImageFeaturesNV, PhysicalDeviceComputeShaderDerivativesFeaturesNV, PhysicalDeviceShaderImageFootprintFeaturesNV, PhysicalDeviceDedicatedAllocationImageAliasingFeaturesNV, PhysicalDeviceCopyMemoryIndirectFeaturesNV, PhysicalDeviceCopyMemoryIndirectPropertiesNV, PhysicalDeviceMemoryDecompressionFeaturesNV, PhysicalDeviceMemoryDecompressionPropertiesNV, ShadingRatePaletteNV, PipelineViewportShadingRateImageStateCreateInfoNV, PhysicalDeviceShadingRateImageFeaturesNV, PhysicalDeviceShadingRateImagePropertiesNV, PhysicalDeviceInvocationMaskFeaturesHUAWEI, CoarseSampleLocationNV, CoarseSampleOrderCustomNV, PipelineViewportCoarseSampleOrderStateCreateInfoNV, PhysicalDeviceMeshShaderFeaturesNV, PhysicalDeviceMeshShaderPropertiesNV, DrawMeshTasksIndirectCommandNV, PhysicalDeviceMeshShaderFeaturesEXT, PhysicalDeviceMeshShaderPropertiesEXT, DrawMeshTasksIndirectCommandEXT, RayTracingShaderGroupCreateInfoNV, RayTracingShaderGroupCreateInfoKHR, RayTracingPipelineCreateInfoNV, RayTracingPipelineCreateInfoKHR, GeometryTrianglesNV, GeometryAABBNV, GeometryDataNV, GeometryNV, AccelerationStructureInfoNV, AccelerationStructureCreateInfoNV, BindAccelerationStructureMemoryInfoNV, WriteDescriptorSetAccelerationStructureKHR, WriteDescriptorSetAccelerationStructureNV, AccelerationStructureMemoryRequirementsInfoNV, PhysicalDeviceAccelerationStructureFeaturesKHR, PhysicalDeviceRayTracingPipelineFeaturesKHR, PhysicalDeviceRayQueryFeaturesKHR, PhysicalDeviceAccelerationStructurePropertiesKHR, PhysicalDeviceRayTracingPipelinePropertiesKHR, PhysicalDeviceRayTracingPropertiesNV, StridedDeviceAddressRegionKHR, TraceRaysIndirectCommandKHR, TraceRaysIndirectCommand2KHR, PhysicalDeviceRayTracingMaintenance1FeaturesKHR, DrmFormatModifierPropertiesListEXT, DrmFormatModifierPropertiesEXT, PhysicalDeviceImageDrmFormatModifierInfoEXT, ImageDrmFormatModifierListCreateInfoEXT, ImageDrmFormatModifierExplicitCreateInfoEXT, ImageDrmFormatModifierPropertiesEXT, ImageStencilUsageCreateInfo, DeviceMemoryOverallocationCreateInfoAMD, PhysicalDeviceFragmentDensityMapFeaturesEXT, PhysicalDeviceFragmentDensityMap2FeaturesEXT, PhysicalDeviceFragmentDensityMapOffsetFeaturesQCOM, PhysicalDeviceFragmentDensityMapPropertiesEXT, PhysicalDeviceFragmentDensityMap2PropertiesEXT, PhysicalDeviceFragmentDensityMapOffsetPropertiesQCOM, RenderPassFragmentDensityMapCreateInfoEXT, SubpassFragmentDensityMapOffsetEndInfoQCOM, PhysicalDeviceScalarBlockLayoutFeatures, SurfaceProtectedCapabilitiesKHR, PhysicalDeviceUniformBufferStandardLayoutFeatures, PhysicalDeviceDepthClipEnableFeaturesEXT, PipelineRasterizationDepthClipStateCreateInfoEXT, PhysicalDeviceMemoryBudgetPropertiesEXT, PhysicalDeviceMemoryPriorityFeaturesEXT, MemoryPriorityAllocateInfoEXT, PhysicalDevicePageableDeviceLocalMemoryFeaturesEXT, PhysicalDeviceBufferDeviceAddressFeatures, PhysicalDeviceBufferDeviceAddressFeaturesEXT, BufferDeviceAddressInfo, BufferOpaqueCaptureAddressCreateInfo, BufferDeviceAddressCreateInfoEXT, PhysicalDeviceImageViewImageFormatInfoEXT, FilterCubicImageViewImageFormatPropertiesEXT, PhysicalDeviceImagelessFramebufferFeatures, FramebufferAttachmentsCreateInfo, FramebufferAttachmentImageInfo, RenderPassAttachmentBeginInfo, PhysicalDeviceTextureCompressionASTCHDRFeatures, PhysicalDeviceCooperativeMatrixFeaturesNV, PhysicalDeviceCooperativeMatrixPropertiesNV, CooperativeMatrixPropertiesNV, PhysicalDeviceYcbcrImageArraysFeaturesEXT, ImageViewHandleInfoNVX, ImageViewAddressPropertiesNVX, PipelineCreationFeedback, PipelineCreationFeedbackCreateInfo, SurfaceFullScreenExclusiveInfoEXT, SurfaceFullScreenExclusiveWin32InfoEXT, SurfaceCapabilitiesFullScreenExclusiveEXT, PhysicalDevicePresentBarrierFeaturesNV, SurfaceCapabilitiesPresentBarrierNV, SwapchainPresentBarrierCreateInfoNV, PhysicalDevicePerformanceQueryFeaturesKHR, PhysicalDevicePerformanceQueryPropertiesKHR, PerformanceCounterKHR, PerformanceCounterDescriptionKHR, QueryPoolPerformanceCreateInfoKHR, AcquireProfilingLockInfoKHR, PerformanceQuerySubmitInfoKHR, HeadlessSurfaceCreateInfoEXT, PhysicalDeviceCoverageReductionModeFeaturesNV, PipelineCoverageReductionStateCreateInfoNV, FramebufferMixedSamplesCombinationNV, PhysicalDeviceShaderIntegerFunctions2FeaturesINTEL, PerformanceValueINTEL, InitializePerformanceApiInfoINTEL, QueryPoolPerformanceQueryCreateInfoINTEL, PerformanceMarkerInfoINTEL, PerformanceStreamMarkerInfoINTEL, PerformanceOverrideInfoINTEL, PerformanceConfigurationAcquireInfoINTEL, PhysicalDeviceShaderClockFeaturesKHR, PhysicalDeviceIndexTypeUint8FeaturesEXT, PhysicalDeviceShaderSMBuiltinsPropertiesNV, PhysicalDeviceShaderSMBuiltinsFeaturesNV, PhysicalDeviceFragmentShaderInterlockFeaturesEXT, PhysicalDeviceSeparateDepthStencilLayoutsFeatures, AttachmentReferenceStencilLayout, PhysicalDevicePrimitiveTopologyListRestartFeaturesEXT, AttachmentDescriptionStencilLayout, PhysicalDevicePipelineExecutablePropertiesFeaturesKHR, PipelineInfoKHR, PipelineExecutablePropertiesKHR, PipelineExecutableInfoKHR, PipelineExecutableStatisticKHR, PipelineExecutableInternalRepresentationKHR, PhysicalDeviceShaderDemoteToHelperInvocationFeatures, PhysicalDeviceTexelBufferAlignmentFeaturesEXT, PhysicalDeviceTexelBufferAlignmentProperties, PhysicalDeviceSubgroupSizeControlFeatures, PhysicalDeviceSubgroupSizeControlProperties, PipelineShaderStageRequiredSubgroupSizeCreateInfo, SubpassShadingPipelineCreateInfoHUAWEI, PhysicalDeviceSubpassShadingPropertiesHUAWEI, PhysicalDeviceClusterCullingShaderPropertiesHUAWEI, MemoryOpaqueCaptureAddressAllocateInfo, DeviceMemoryOpaqueCaptureAddressInfo, PhysicalDeviceLineRasterizationFeaturesEXT, PhysicalDeviceLineRasterizationPropertiesEXT, PipelineRasterizationLineStateCreateInfoEXT, PhysicalDevicePipelineCreationCacheControlFeatures, PhysicalDeviceVulkan11Features, PhysicalDeviceVulkan11Properties, PhysicalDeviceVulkan12Features, PhysicalDeviceVulkan12Properties, PhysicalDeviceVulkan13Features, PhysicalDeviceVulkan13Properties, PipelineCompilerControlCreateInfoAMD, PhysicalDeviceCoherentMemoryFeaturesAMD, PhysicalDeviceToolProperties, SamplerCustomBorderColorCreateInfoEXT, PhysicalDeviceCustomBorderColorPropertiesEXT, PhysicalDeviceCustomBorderColorFeaturesEXT, SamplerBorderColorComponentMappingCreateInfoEXT, PhysicalDeviceBorderColorSwizzleFeaturesEXT, AccelerationStructureGeometryTrianglesDataKHR, AccelerationStructureGeometryAabbsDataKHR, AccelerationStructureGeometryInstancesDataKHR, AccelerationStructureGeometryKHR, AccelerationStructureBuildGeometryInfoKHR, AccelerationStructureBuildRangeInfoKHR, AccelerationStructureCreateInfoKHR, AabbPositionsKHR, TransformMatrixKHR, AccelerationStructureInstanceKHR, AccelerationStructureDeviceAddressInfoKHR, AccelerationStructureVersionInfoKHR, CopyAccelerationStructureInfoKHR, CopyAccelerationStructureToMemoryInfoKHR, CopyMemoryToAccelerationStructureInfoKHR, RayTracingPipelineInterfaceCreateInfoKHR, PipelineLibraryCreateInfoKHR, PhysicalDeviceExtendedDynamicStateFeaturesEXT, PhysicalDeviceExtendedDynamicState2FeaturesEXT, PhysicalDeviceExtendedDynamicState3FeaturesEXT, PhysicalDeviceExtendedDynamicState3PropertiesEXT, ColorBlendEquationEXT, ColorBlendAdvancedEXT, RenderPassTransformBeginInfoQCOM, CopyCommandTransformInfoQCOM, CommandBufferInheritanceRenderPassTransformInfoQCOM, PhysicalDeviceDiagnosticsConfigFeaturesNV, DeviceDiagnosticsConfigCreateInfoNV, PhysicalDeviceZeroInitializeWorkgroupMemoryFeatures, PhysicalDeviceShaderSubgroupUniformControlFlowFeaturesKHR, PhysicalDeviceRobustness2FeaturesEXT, PhysicalDeviceRobustness2PropertiesEXT, PhysicalDeviceImageRobustnessFeatures, PhysicalDeviceWorkgroupMemoryExplicitLayoutFeaturesKHR, PhysicalDevice4444FormatsFeaturesEXT, PhysicalDeviceSubpassShadingFeaturesHUAWEI, PhysicalDeviceClusterCullingShaderFeaturesHUAWEI, BufferCopy2, ImageCopy2, ImageBlit2, BufferImageCopy2, ImageResolve2, CopyBufferInfo2, CopyImageInfo2, BlitImageInfo2, CopyBufferToImageInfo2, CopyImageToBufferInfo2, ResolveImageInfo2, PhysicalDeviceShaderImageAtomicInt64FeaturesEXT, FragmentShadingRateAttachmentInfoKHR, PipelineFragmentShadingRateStateCreateInfoKHR, PhysicalDeviceFragmentShadingRateFeaturesKHR, PhysicalDeviceFragmentShadingRatePropertiesKHR, PhysicalDeviceFragmentShadingRateKHR, PhysicalDeviceShaderTerminateInvocationFeatures, PhysicalDeviceFragmentShadingRateEnumsFeaturesNV, PhysicalDeviceFragmentShadingRateEnumsPropertiesNV, PipelineFragmentShadingRateEnumStateCreateInfoNV, AccelerationStructureBuildSizesInfoKHR, PhysicalDeviceImage2DViewOf3DFeaturesEXT, PhysicalDeviceMutableDescriptorTypeFeaturesEXT, MutableDescriptorTypeListEXT, MutableDescriptorTypeCreateInfoEXT, PhysicalDeviceDepthClipControlFeaturesEXT, PipelineViewportDepthClipControlCreateInfoEXT, PhysicalDeviceVertexInputDynamicStateFeaturesEXT, PhysicalDeviceExternalMemoryRDMAFeaturesNV, VertexInputBindingDescription2EXT, VertexInputAttributeDescription2EXT, PhysicalDeviceColorWriteEnableFeaturesEXT, PipelineColorWriteCreateInfoEXT, MemoryBarrier2, ImageMemoryBarrier2, BufferMemoryBarrier2, DependencyInfo, SemaphoreSubmitInfo, CommandBufferSubmitInfo, SubmitInfo2, QueueFamilyCheckpointProperties2NV, CheckpointData2NV, PhysicalDeviceSynchronization2Features, PhysicalDevicePrimitivesGeneratedQueryFeaturesEXT, PhysicalDeviceLegacyDitheringFeaturesEXT, PhysicalDeviceMultisampledRenderToSingleSampledFeaturesEXT, SubpassResolvePerformanceQueryEXT, MultisampledRenderToSingleSampledInfoEXT, PhysicalDevicePipelineProtectedAccessFeaturesEXT, QueueFamilyVideoPropertiesKHR, QueueFamilyQueryResultStatusPropertiesKHR, VideoProfileListInfoKHR, PhysicalDeviceVideoFormatInfoKHR, VideoFormatPropertiesKHR, VideoProfileInfoKHR, VideoCapabilitiesKHR, VideoSessionMemoryRequirementsKHR, BindVideoSessionMemoryInfoKHR, VideoPictureResourceInfoKHR, VideoReferenceSlotInfoKHR, VideoDecodeCapabilitiesKHR, VideoDecodeUsageInfoKHR, VideoDecodeInfoKHR, VideoDecodeH264ProfileInfoKHR, VideoDecodeH264CapabilitiesKHR, VideoDecodeH264SessionParametersAddInfoKHR, VideoDecodeH264SessionParametersCreateInfoKHR, VideoDecodeH264PictureInfoKHR, VideoDecodeH264DpbSlotInfoKHR, VideoDecodeH265ProfileInfoKHR, VideoDecodeH265CapabilitiesKHR, VideoDecodeH265SessionParametersAddInfoKHR, VideoDecodeH265SessionParametersCreateInfoKHR, VideoDecodeH265PictureInfoKHR, VideoDecodeH265DpbSlotInfoKHR, VideoSessionCreateInfoKHR, VideoSessionParametersCreateInfoKHR, VideoSessionParametersUpdateInfoKHR, VideoBeginCodingInfoKHR, VideoEndCodingInfoKHR, VideoCodingControlInfoKHR, PhysicalDeviceInheritedViewportScissorFeaturesNV, CommandBufferInheritanceViewportScissorInfoNV, PhysicalDeviceYcbcr2Plane444FormatsFeaturesEXT, PhysicalDeviceProvokingVertexFeaturesEXT, PhysicalDeviceProvokingVertexPropertiesEXT, PipelineRasterizationProvokingVertexStateCreateInfoEXT, CuModuleCreateInfoNVX, CuFunctionCreateInfoNVX, CuLaunchInfoNVX, PhysicalDeviceDescriptorBufferFeaturesEXT, PhysicalDeviceDescriptorBufferPropertiesEXT, PhysicalDeviceDescriptorBufferDensityMapPropertiesEXT, DescriptorAddressInfoEXT, DescriptorBufferBindingInfoEXT, DescriptorBufferBindingPushDescriptorBufferHandleEXT, DescriptorGetInfoEXT, BufferCaptureDescriptorDataInfoEXT, ImageCaptureDescriptorDataInfoEXT, ImageViewCaptureDescriptorDataInfoEXT, SamplerCaptureDescriptorDataInfoEXT, AccelerationStructureCaptureDescriptorDataInfoEXT, OpaqueCaptureDescriptorDataCreateInfoEXT, PhysicalDeviceShaderIntegerDotProductFeatures, PhysicalDeviceShaderIntegerDotProductProperties, PhysicalDeviceDrmPropertiesEXT, PhysicalDeviceFragmentShaderBarycentricFeaturesKHR, PhysicalDeviceFragmentShaderBarycentricPropertiesKHR, PhysicalDeviceRayTracingMotionBlurFeaturesNV, AccelerationStructureGeometryMotionTrianglesDataNV, AccelerationStructureMotionInfoNV, SRTDataNV, AccelerationStructureSRTMotionInstanceNV, AccelerationStructureMatrixMotionInstanceNV, AccelerationStructureMotionInstanceNV, MemoryGetRemoteAddressInfoNV, PhysicalDeviceRGBA10X6FormatsFeaturesEXT, FormatProperties3, DrmFormatModifierPropertiesList2EXT, DrmFormatModifierProperties2EXT, PipelineRenderingCreateInfo, RenderingInfo, RenderingAttachmentInfo, RenderingFragmentShadingRateAttachmentInfoKHR, RenderingFragmentDensityMapAttachmentInfoEXT, PhysicalDeviceDynamicRenderingFeatures, CommandBufferInheritanceRenderingInfo, AttachmentSampleCountInfoAMD, MultiviewPerViewAttributesInfoNVX, PhysicalDeviceImageViewMinLodFeaturesEXT, ImageViewMinLodCreateInfoEXT, PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesEXT, PhysicalDeviceLinearColorAttachmentFeaturesNV, PhysicalDeviceGraphicsPipelineLibraryFeaturesEXT, PhysicalDeviceGraphicsPipelineLibraryPropertiesEXT, GraphicsPipelineLibraryCreateInfoEXT, PhysicalDeviceDescriptorSetHostMappingFeaturesVALVE, DescriptorSetBindingReferenceVALVE, DescriptorSetLayoutHostMappingInfoVALVE, PhysicalDeviceShaderModuleIdentifierFeaturesEXT, PhysicalDeviceShaderModuleIdentifierPropertiesEXT, PipelineShaderStageModuleIdentifierCreateInfoEXT, ShaderModuleIdentifierEXT, ImageCompressionControlEXT, PhysicalDeviceImageCompressionControlFeaturesEXT, ImageCompressionPropertiesEXT, PhysicalDeviceImageCompressionControlSwapchainFeaturesEXT, ImageSubresource2EXT, SubresourceLayout2EXT, RenderPassCreationControlEXT, RenderPassCreationFeedbackInfoEXT, RenderPassCreationFeedbackCreateInfoEXT, RenderPassSubpassFeedbackInfoEXT, RenderPassSubpassFeedbackCreateInfoEXT, PhysicalDeviceSubpassMergeFeedbackFeaturesEXT, MicromapBuildInfoEXT, MicromapCreateInfoEXT, MicromapVersionInfoEXT, CopyMicromapInfoEXT, CopyMicromapToMemoryInfoEXT, CopyMemoryToMicromapInfoEXT, MicromapBuildSizesInfoEXT, MicromapUsageEXT, MicromapTriangleEXT, PhysicalDeviceOpacityMicromapFeaturesEXT, PhysicalDeviceOpacityMicromapPropertiesEXT, AccelerationStructureTrianglesOpacityMicromapEXT, PipelinePropertiesIdentifierEXT, PhysicalDevicePipelinePropertiesFeaturesEXT, PhysicalDeviceShaderEarlyAndLateFragmentTestsFeaturesAMD, PhysicalDeviceNonSeamlessCubeMapFeaturesEXT, PhysicalDevicePipelineRobustnessFeaturesEXT, PipelineRobustnessCreateInfoEXT, PhysicalDevicePipelineRobustnessPropertiesEXT, ImageViewSampleWeightCreateInfoQCOM, PhysicalDeviceImageProcessingFeaturesQCOM, PhysicalDeviceImageProcessingPropertiesQCOM, PhysicalDeviceTilePropertiesFeaturesQCOM, TilePropertiesQCOM, PhysicalDeviceAmigoProfilingFeaturesSEC, AmigoProfilingSubmitInfoSEC, PhysicalDeviceAttachmentFeedbackLoopLayoutFeaturesEXT, PhysicalDeviceDepthClampZeroOneFeaturesEXT, PhysicalDeviceAddressBindingReportFeaturesEXT, DeviceAddressBindingCallbackDataEXT, PhysicalDeviceOpticalFlowFeaturesNV, PhysicalDeviceOpticalFlowPropertiesNV, OpticalFlowImageFormatInfoNV, OpticalFlowImageFormatPropertiesNV, OpticalFlowSessionCreateInfoNV, OpticalFlowSessionCreatePrivateDataInfoNV, OpticalFlowExecuteInfoNV, PhysicalDeviceFaultFeaturesEXT, DeviceFaultAddressInfoEXT, DeviceFaultVendorInfoEXT, DeviceFaultCountsEXT, DeviceFaultInfoEXT, DeviceFaultVendorBinaryHeaderVersionOneEXT, PhysicalDevicePipelineLibraryGroupHandlesFeaturesEXT, DecompressMemoryRegionNV, PhysicalDeviceShaderCoreBuiltinsPropertiesARM, PhysicalDeviceShaderCoreBuiltinsFeaturesARM, SurfacePresentModeEXT, SurfacePresentScalingCapabilitiesEXT, SurfacePresentModeCompatibilityEXT, PhysicalDeviceSwapchainMaintenance1FeaturesEXT, SwapchainPresentFenceInfoEXT, SwapchainPresentModesCreateInfoEXT, SwapchainPresentModeInfoEXT, SwapchainPresentScalingCreateInfoEXT, ReleaseSwapchainImagesInfoEXT, PhysicalDeviceRayTracingInvocationReorderFeaturesNV, PhysicalDeviceRayTracingInvocationReorderPropertiesNV, DirectDriverLoadingInfoLUNARG, DirectDriverLoadingListLUNARG, PhysicalDeviceMultiviewPerViewViewportsFeaturesQCOM, ClearColorValue, ClearValue, PerformanceCounterResultKHR, PerformanceValueDataINTEL, PipelineExecutableStatisticValueKHR, DeviceOrHostAddressKHR, DeviceOrHostAddressConstKHR, AccelerationStructureGeometryDataKHR, DescriptorDataEXT, AccelerationStructureMotionInstanceDataNV, _create_instance, _destroy_instance, _enumerate_physical_devices, _get_device_proc_addr, _get_instance_proc_addr, _get_physical_device_properties, _get_physical_device_queue_family_properties, _get_physical_device_memory_properties, _get_physical_device_features, _get_physical_device_format_properties, _get_physical_device_image_format_properties, _create_device, _destroy_device, _enumerate_instance_version, _enumerate_instance_layer_properties, _enumerate_instance_extension_properties, _enumerate_device_layer_properties, _enumerate_device_extension_properties, _get_device_queue, _queue_submit, _queue_wait_idle, _device_wait_idle, _allocate_memory, _free_memory, _map_memory, _unmap_memory, _flush_mapped_memory_ranges, _invalidate_mapped_memory_ranges, _get_device_memory_commitment, _get_buffer_memory_requirements, _bind_buffer_memory, _get_image_memory_requirements, _bind_image_memory, _get_image_sparse_memory_requirements, _get_physical_device_sparse_image_format_properties, _queue_bind_sparse, _create_fence, _destroy_fence, _reset_fences, _get_fence_status, _wait_for_fences, _create_semaphore, _destroy_semaphore, _create_event, _destroy_event, _get_event_status, _set_event, _reset_event, _create_query_pool, _destroy_query_pool, _get_query_pool_results, _reset_query_pool, _create_buffer, _destroy_buffer, _create_buffer_view, _destroy_buffer_view, _create_image, _destroy_image, _get_image_subresource_layout, _create_image_view, _destroy_image_view, _create_shader_module, _destroy_shader_module, _create_pipeline_cache, _destroy_pipeline_cache, _get_pipeline_cache_data, _merge_pipeline_caches, _create_graphics_pipelines, _create_compute_pipelines, _get_device_subpass_shading_max_workgroup_size_huawei, _destroy_pipeline, _create_pipeline_layout, _destroy_pipeline_layout, _create_sampler, _destroy_sampler, _create_descriptor_set_layout, _destroy_descriptor_set_layout, _create_descriptor_pool, _destroy_descriptor_pool, _reset_descriptor_pool, _allocate_descriptor_sets, _free_descriptor_sets, _update_descriptor_sets, _create_framebuffer, _destroy_framebuffer, _create_render_pass, _destroy_render_pass, _get_render_area_granularity, _create_command_pool, _destroy_command_pool, _reset_command_pool, _allocate_command_buffers, _free_command_buffers, _begin_command_buffer, _end_command_buffer, _reset_command_buffer, _cmd_bind_pipeline, _cmd_set_viewport, _cmd_set_scissor, _cmd_set_line_width, _cmd_set_depth_bias, _cmd_set_blend_constants, _cmd_set_depth_bounds, _cmd_set_stencil_compare_mask, _cmd_set_stencil_write_mask, _cmd_set_stencil_reference, _cmd_bind_descriptor_sets, _cmd_bind_index_buffer, _cmd_bind_vertex_buffers, _cmd_draw, _cmd_draw_indexed, _cmd_draw_multi_ext, _cmd_draw_multi_indexed_ext, _cmd_draw_indirect, _cmd_draw_indexed_indirect, _cmd_dispatch, _cmd_dispatch_indirect, _cmd_subpass_shading_huawei, _cmd_draw_cluster_huawei, _cmd_draw_cluster_indirect_huawei, _cmd_copy_buffer, _cmd_copy_image, _cmd_blit_image, _cmd_copy_buffer_to_image, _cmd_copy_image_to_buffer, _cmd_copy_memory_indirect_nv, _cmd_copy_memory_to_image_indirect_nv, _cmd_update_buffer, _cmd_fill_buffer, _cmd_clear_color_image, _cmd_clear_depth_stencil_image, _cmd_clear_attachments, _cmd_resolve_image, _cmd_set_event, _cmd_reset_event, _cmd_wait_events, _cmd_pipeline_barrier, _cmd_begin_query, _cmd_end_query, _cmd_begin_conditional_rendering_ext, _cmd_end_conditional_rendering_ext, _cmd_reset_query_pool, _cmd_write_timestamp, _cmd_copy_query_pool_results, _cmd_push_constants, _cmd_begin_render_pass, _cmd_next_subpass, _cmd_end_render_pass, _cmd_execute_commands, _get_physical_device_display_properties_khr, _get_physical_device_display_plane_properties_khr, _get_display_plane_supported_displays_khr, _get_display_mode_properties_khr, _create_display_mode_khr, _get_display_plane_capabilities_khr, _create_display_plane_surface_khr, _create_shared_swapchains_khr, _destroy_surface_khr, _get_physical_device_surface_support_khr, _get_physical_device_surface_capabilities_khr, _get_physical_device_surface_formats_khr, _get_physical_device_surface_present_modes_khr, _create_swapchain_khr, _destroy_swapchain_khr, _get_swapchain_images_khr, _acquire_next_image_khr, _queue_present_khr, _create_win_32_surface_khr, _get_physical_device_win_32_presentation_support_khr, _create_debug_report_callback_ext, _destroy_debug_report_callback_ext, _debug_report_message_ext, _debug_marker_set_object_name_ext, _debug_marker_set_object_tag_ext, _cmd_debug_marker_begin_ext, _cmd_debug_marker_end_ext, _cmd_debug_marker_insert_ext, _get_physical_device_external_image_format_properties_nv, _get_memory_win_32_handle_nv, _cmd_execute_generated_commands_nv, _cmd_preprocess_generated_commands_nv, _cmd_bind_pipeline_shader_group_nv, _get_generated_commands_memory_requirements_nv, _create_indirect_commands_layout_nv, _destroy_indirect_commands_layout_nv, _get_physical_device_features_2, _get_physical_device_properties_2, _get_physical_device_format_properties_2, _get_physical_device_image_format_properties_2, _get_physical_device_queue_family_properties_2, _get_physical_device_memory_properties_2, _get_physical_device_sparse_image_format_properties_2, _cmd_push_descriptor_set_khr, _trim_command_pool, _get_physical_device_external_buffer_properties, _get_memory_win_32_handle_khr, _get_memory_win_32_handle_properties_khr, _get_memory_fd_khr, _get_memory_fd_properties_khr, _get_memory_remote_address_nv, _get_physical_device_external_semaphore_properties, _get_semaphore_win_32_handle_khr, _import_semaphore_win_32_handle_khr, _get_semaphore_fd_khr, _import_semaphore_fd_khr, _get_physical_device_external_fence_properties, _get_fence_win_32_handle_khr, _import_fence_win_32_handle_khr, _get_fence_fd_khr, _import_fence_fd_khr, _release_display_ext, _acquire_winrt_display_nv, _get_winrt_display_nv, _display_power_control_ext, _register_device_event_ext, _register_display_event_ext, _get_swapchain_counter_ext, _get_physical_device_surface_capabilities_2_ext, _enumerate_physical_device_groups, _get_device_group_peer_memory_features, _bind_buffer_memory_2, _bind_image_memory_2, _cmd_set_device_mask, _get_device_group_present_capabilities_khr, _get_device_group_surface_present_modes_khr, _acquire_next_image_2_khr, _cmd_dispatch_base, _get_physical_device_present_rectangles_khr, _create_descriptor_update_template, _destroy_descriptor_update_template, _update_descriptor_set_with_template, _cmd_push_descriptor_set_with_template_khr, _set_hdr_metadata_ext, _get_swapchain_status_khr, _get_refresh_cycle_duration_google, _get_past_presentation_timing_google, _cmd_set_viewport_w_scaling_nv, _cmd_set_discard_rectangle_ext, _cmd_set_sample_locations_ext, _get_physical_device_multisample_properties_ext, _get_physical_device_surface_capabilities_2_khr, _get_physical_device_surface_formats_2_khr, _get_physical_device_display_properties_2_khr, _get_physical_device_display_plane_properties_2_khr, _get_display_mode_properties_2_khr, _get_display_plane_capabilities_2_khr, _get_buffer_memory_requirements_2, _get_image_memory_requirements_2, _get_image_sparse_memory_requirements_2, _get_device_buffer_memory_requirements, _get_device_image_memory_requirements, _get_device_image_sparse_memory_requirements, _create_sampler_ycbcr_conversion, _destroy_sampler_ycbcr_conversion, _get_device_queue_2, _create_validation_cache_ext, _destroy_validation_cache_ext, _get_validation_cache_data_ext, _merge_validation_caches_ext, _get_descriptor_set_layout_support, _get_shader_info_amd, _set_local_dimming_amd, _get_physical_device_calibrateable_time_domains_ext, _get_calibrated_timestamps_ext, _set_debug_utils_object_name_ext, _set_debug_utils_object_tag_ext, _queue_begin_debug_utils_label_ext, _queue_end_debug_utils_label_ext, _queue_insert_debug_utils_label_ext, _cmd_begin_debug_utils_label_ext, _cmd_end_debug_utils_label_ext, _cmd_insert_debug_utils_label_ext, _create_debug_utils_messenger_ext, _destroy_debug_utils_messenger_ext, _submit_debug_utils_message_ext, _get_memory_host_pointer_properties_ext, _cmd_write_buffer_marker_amd, _create_render_pass_2, _cmd_begin_render_pass_2, _cmd_next_subpass_2, _cmd_end_render_pass_2, _get_semaphore_counter_value, _wait_semaphores, _signal_semaphore, _cmd_draw_indirect_count, _cmd_draw_indexed_indirect_count, _cmd_set_checkpoint_nv, _get_queue_checkpoint_data_nv, _cmd_bind_transform_feedback_buffers_ext, _cmd_begin_transform_feedback_ext, _cmd_end_transform_feedback_ext, _cmd_begin_query_indexed_ext, _cmd_end_query_indexed_ext, _cmd_draw_indirect_byte_count_ext, _cmd_set_exclusive_scissor_nv, _cmd_bind_shading_rate_image_nv, _cmd_set_viewport_shading_rate_palette_nv, _cmd_set_coarse_sample_order_nv, _cmd_draw_mesh_tasks_nv, _cmd_draw_mesh_tasks_indirect_nv, _cmd_draw_mesh_tasks_indirect_count_nv, _cmd_draw_mesh_tasks_ext, _cmd_draw_mesh_tasks_indirect_ext, _cmd_draw_mesh_tasks_indirect_count_ext, _compile_deferred_nv, _create_acceleration_structure_nv, _cmd_bind_invocation_mask_huawei, _destroy_acceleration_structure_khr, _destroy_acceleration_structure_nv, _get_acceleration_structure_memory_requirements_nv, _bind_acceleration_structure_memory_nv, _cmd_copy_acceleration_structure_nv, _cmd_copy_acceleration_structure_khr, _copy_acceleration_structure_khr, _cmd_copy_acceleration_structure_to_memory_khr, _copy_acceleration_structure_to_memory_khr, _cmd_copy_memory_to_acceleration_structure_khr, _copy_memory_to_acceleration_structure_khr, _cmd_write_acceleration_structures_properties_khr, _cmd_write_acceleration_structures_properties_nv, _cmd_build_acceleration_structure_nv, _write_acceleration_structures_properties_khr, _cmd_trace_rays_khr, _cmd_trace_rays_nv, _get_ray_tracing_shader_group_handles_khr, _get_ray_tracing_capture_replay_shader_group_handles_khr, _get_acceleration_structure_handle_nv, _create_ray_tracing_pipelines_nv, _create_ray_tracing_pipelines_khr, _get_physical_device_cooperative_matrix_properties_nv, _cmd_trace_rays_indirect_khr, _cmd_trace_rays_indirect_2_khr, _get_device_acceleration_structure_compatibility_khr, _get_ray_tracing_shader_group_stack_size_khr, _cmd_set_ray_tracing_pipeline_stack_size_khr, _get_image_view_handle_nvx, _get_image_view_address_nvx, _get_physical_device_surface_present_modes_2_ext, _get_device_group_surface_present_modes_2_ext, _acquire_full_screen_exclusive_mode_ext, _release_full_screen_exclusive_mode_ext, _enumerate_physical_device_queue_family_performance_query_counters_khr, _get_physical_device_queue_family_performance_query_passes_khr, _acquire_profiling_lock_khr, _release_profiling_lock_khr, _get_image_drm_format_modifier_properties_ext, _get_buffer_opaque_capture_address, _get_buffer_device_address, _create_headless_surface_ext, _get_physical_device_supported_framebuffer_mixed_samples_combinations_nv, _initialize_performance_api_intel, _uninitialize_performance_api_intel, _cmd_set_performance_marker_intel, _cmd_set_performance_stream_marker_intel, _cmd_set_performance_override_intel, _acquire_performance_configuration_intel, _release_performance_configuration_intel, _queue_set_performance_configuration_intel, _get_performance_parameter_intel, _get_device_memory_opaque_capture_address, _get_pipeline_executable_properties_khr, _get_pipeline_executable_statistics_khr, _get_pipeline_executable_internal_representations_khr, _cmd_set_line_stipple_ext, _get_physical_device_tool_properties, _create_acceleration_structure_khr, _cmd_build_acceleration_structures_khr, _cmd_build_acceleration_structures_indirect_khr, _build_acceleration_structures_khr, _get_acceleration_structure_device_address_khr, _create_deferred_operation_khr, _destroy_deferred_operation_khr, _get_deferred_operation_max_concurrency_khr, _get_deferred_operation_result_khr, _deferred_operation_join_khr, _cmd_set_cull_mode, _cmd_set_front_face, _cmd_set_primitive_topology, _cmd_set_viewport_with_count, _cmd_set_scissor_with_count, _cmd_bind_vertex_buffers_2, _cmd_set_depth_test_enable, _cmd_set_depth_write_enable, _cmd_set_depth_compare_op, _cmd_set_depth_bounds_test_enable, _cmd_set_stencil_test_enable, _cmd_set_stencil_op, _cmd_set_patch_control_points_ext, _cmd_set_rasterizer_discard_enable, _cmd_set_depth_bias_enable, _cmd_set_logic_op_ext, _cmd_set_primitive_restart_enable, _cmd_set_tessellation_domain_origin_ext, _cmd_set_depth_clamp_enable_ext, _cmd_set_polygon_mode_ext, _cmd_set_rasterization_samples_ext, _cmd_set_sample_mask_ext, _cmd_set_alpha_to_coverage_enable_ext, _cmd_set_alpha_to_one_enable_ext, _cmd_set_logic_op_enable_ext, _cmd_set_color_blend_enable_ext, _cmd_set_color_blend_equation_ext, _cmd_set_color_write_mask_ext, _cmd_set_rasterization_stream_ext, _cmd_set_conservative_rasterization_mode_ext, _cmd_set_extra_primitive_overestimation_size_ext, _cmd_set_depth_clip_enable_ext, _cmd_set_sample_locations_enable_ext, _cmd_set_color_blend_advanced_ext, _cmd_set_provoking_vertex_mode_ext, _cmd_set_line_rasterization_mode_ext, _cmd_set_line_stipple_enable_ext, _cmd_set_depth_clip_negative_one_to_one_ext, _cmd_set_viewport_w_scaling_enable_nv, _cmd_set_viewport_swizzle_nv, _cmd_set_coverage_to_color_enable_nv, _cmd_set_coverage_to_color_location_nv, _cmd_set_coverage_modulation_mode_nv, _cmd_set_coverage_modulation_table_enable_nv, _cmd_set_coverage_modulation_table_nv, _cmd_set_shading_rate_image_enable_nv, _cmd_set_coverage_reduction_mode_nv, _cmd_set_representative_fragment_test_enable_nv, _create_private_data_slot, _destroy_private_data_slot, _set_private_data, _get_private_data, _cmd_copy_buffer_2, _cmd_copy_image_2, _cmd_blit_image_2, _cmd_copy_buffer_to_image_2, _cmd_copy_image_to_buffer_2, _cmd_resolve_image_2, _cmd_set_fragment_shading_rate_khr, _get_physical_device_fragment_shading_rates_khr, _cmd_set_fragment_shading_rate_enum_nv, _get_acceleration_structure_build_sizes_khr, _cmd_set_vertex_input_ext, _cmd_set_color_write_enable_ext, _cmd_set_event_2, _cmd_reset_event_2, _cmd_wait_events_2, _cmd_pipeline_barrier_2, _queue_submit_2, _cmd_write_timestamp_2, _cmd_write_buffer_marker_2_amd, _get_queue_checkpoint_data_2_nv, _get_physical_device_video_capabilities_khr, _get_physical_device_video_format_properties_khr, _create_video_session_khr, _destroy_video_session_khr, _create_video_session_parameters_khr, _update_video_session_parameters_khr, _destroy_video_session_parameters_khr, _get_video_session_memory_requirements_khr, _bind_video_session_memory_khr, _cmd_decode_video_khr, _cmd_begin_video_coding_khr, _cmd_control_video_coding_khr, _cmd_end_video_coding_khr, _cmd_decompress_memory_nv, _cmd_decompress_memory_indirect_count_nv, _create_cu_module_nvx, _create_cu_function_nvx, _destroy_cu_module_nvx, _destroy_cu_function_nvx, _cmd_cu_launch_kernel_nvx, _get_descriptor_set_layout_size_ext, _get_descriptor_set_layout_binding_offset_ext, _get_descriptor_ext, _cmd_bind_descriptor_buffers_ext, _cmd_set_descriptor_buffer_offsets_ext, _cmd_bind_descriptor_buffer_embedded_samplers_ext, _get_buffer_opaque_capture_descriptor_data_ext, _get_image_opaque_capture_descriptor_data_ext, _get_image_view_opaque_capture_descriptor_data_ext, _get_sampler_opaque_capture_descriptor_data_ext, _get_acceleration_structure_opaque_capture_descriptor_data_ext, _set_device_memory_priority_ext, _acquire_drm_display_ext, _get_drm_display_ext, _wait_for_present_khr, _cmd_begin_rendering, _cmd_end_rendering, _get_descriptor_set_layout_host_mapping_info_valve, _get_descriptor_set_host_mapping_valve, _create_micromap_ext, _cmd_build_micromaps_ext, _build_micromaps_ext, _destroy_micromap_ext, _cmd_copy_micromap_ext, _copy_micromap_ext, _cmd_copy_micromap_to_memory_ext, _copy_micromap_to_memory_ext, _cmd_copy_memory_to_micromap_ext, _copy_memory_to_micromap_ext, _cmd_write_micromaps_properties_ext, _write_micromaps_properties_ext, _get_device_micromap_compatibility_ext, _get_micromap_build_sizes_ext, _get_shader_module_identifier_ext, _get_shader_module_create_info_identifier_ext, _get_image_subresource_layout_2_ext, _get_pipeline_properties_ext, _get_framebuffer_tile_properties_qcom, _get_dynamic_rendering_tile_properties_qcom, _get_physical_device_optical_flow_image_formats_nv, _create_optical_flow_session_nv, _destroy_optical_flow_session_nv, _bind_optical_flow_session_image_nv, _cmd_optical_flow_execute_nv, _get_device_fault_info_ext, _release_swapchain_images_ext, create_instance, destroy_instance, enumerate_physical_devices, get_device_proc_addr, get_instance_proc_addr, get_physical_device_properties, get_physical_device_queue_family_properties, get_physical_device_memory_properties, get_physical_device_features, get_physical_device_format_properties, get_physical_device_image_format_properties, create_device, destroy_device, enumerate_instance_version, enumerate_instance_layer_properties, enumerate_instance_extension_properties, enumerate_device_layer_properties, enumerate_device_extension_properties, get_device_queue, queue_submit, queue_wait_idle, device_wait_idle, allocate_memory, free_memory, map_memory, unmap_memory, flush_mapped_memory_ranges, invalidate_mapped_memory_ranges, get_device_memory_commitment, get_buffer_memory_requirements, bind_buffer_memory, get_image_memory_requirements, bind_image_memory, get_image_sparse_memory_requirements, get_physical_device_sparse_image_format_properties, queue_bind_sparse, create_fence, destroy_fence, reset_fences, get_fence_status, wait_for_fences, create_semaphore, destroy_semaphore, create_event, destroy_event, get_event_status, set_event, reset_event, create_query_pool, destroy_query_pool, get_query_pool_results, reset_query_pool, create_buffer, destroy_buffer, create_buffer_view, destroy_buffer_view, create_image, destroy_image, get_image_subresource_layout, create_image_view, destroy_image_view, create_shader_module, destroy_shader_module, create_pipeline_cache, destroy_pipeline_cache, get_pipeline_cache_data, merge_pipeline_caches, create_graphics_pipelines, create_compute_pipelines, get_device_subpass_shading_max_workgroup_size_huawei, destroy_pipeline, create_pipeline_layout, destroy_pipeline_layout, create_sampler, destroy_sampler, create_descriptor_set_layout, destroy_descriptor_set_layout, create_descriptor_pool, destroy_descriptor_pool, reset_descriptor_pool, allocate_descriptor_sets, free_descriptor_sets, update_descriptor_sets, create_framebuffer, destroy_framebuffer, create_render_pass, destroy_render_pass, get_render_area_granularity, create_command_pool, destroy_command_pool, reset_command_pool, allocate_command_buffers, free_command_buffers, begin_command_buffer, end_command_buffer, reset_command_buffer, cmd_bind_pipeline, cmd_set_viewport, cmd_set_scissor, cmd_set_line_width, cmd_set_depth_bias, cmd_set_blend_constants, cmd_set_depth_bounds, cmd_set_stencil_compare_mask, cmd_set_stencil_write_mask, cmd_set_stencil_reference, cmd_bind_descriptor_sets, cmd_bind_index_buffer, cmd_bind_vertex_buffers, cmd_draw, cmd_draw_indexed, cmd_draw_multi_ext, cmd_draw_multi_indexed_ext, cmd_draw_indirect, cmd_draw_indexed_indirect, cmd_dispatch, cmd_dispatch_indirect, cmd_subpass_shading_huawei, cmd_draw_cluster_huawei, cmd_draw_cluster_indirect_huawei, cmd_copy_buffer, cmd_copy_image, cmd_blit_image, cmd_copy_buffer_to_image, cmd_copy_image_to_buffer, cmd_copy_memory_indirect_nv, cmd_copy_memory_to_image_indirect_nv, cmd_update_buffer, cmd_fill_buffer, cmd_clear_color_image, cmd_clear_depth_stencil_image, cmd_clear_attachments, cmd_resolve_image, cmd_set_event, cmd_reset_event, cmd_wait_events, cmd_pipeline_barrier, cmd_begin_query, cmd_end_query, cmd_begin_conditional_rendering_ext, cmd_end_conditional_rendering_ext, cmd_reset_query_pool, cmd_write_timestamp, cmd_copy_query_pool_results, cmd_push_constants, cmd_begin_render_pass, cmd_next_subpass, cmd_end_render_pass, cmd_execute_commands, get_physical_device_display_properties_khr, get_physical_device_display_plane_properties_khr, get_display_plane_supported_displays_khr, get_display_mode_properties_khr, create_display_mode_khr, get_display_plane_capabilities_khr, create_display_plane_surface_khr, create_shared_swapchains_khr, destroy_surface_khr, get_physical_device_surface_support_khr, get_physical_device_surface_capabilities_khr, get_physical_device_surface_formats_khr, get_physical_device_surface_present_modes_khr, create_swapchain_khr, destroy_swapchain_khr, get_swapchain_images_khr, acquire_next_image_khr, queue_present_khr, create_win_32_surface_khr, get_physical_device_win_32_presentation_support_khr, create_debug_report_callback_ext, destroy_debug_report_callback_ext, debug_report_message_ext, debug_marker_set_object_name_ext, debug_marker_set_object_tag_ext, cmd_debug_marker_begin_ext, cmd_debug_marker_end_ext, cmd_debug_marker_insert_ext, get_physical_device_external_image_format_properties_nv, get_memory_win_32_handle_nv, cmd_execute_generated_commands_nv, cmd_preprocess_generated_commands_nv, cmd_bind_pipeline_shader_group_nv, get_generated_commands_memory_requirements_nv, create_indirect_commands_layout_nv, destroy_indirect_commands_layout_nv, get_physical_device_features_2, get_physical_device_properties_2, get_physical_device_format_properties_2, get_physical_device_image_format_properties_2, get_physical_device_queue_family_properties_2, get_physical_device_memory_properties_2, get_physical_device_sparse_image_format_properties_2, cmd_push_descriptor_set_khr, trim_command_pool, get_physical_device_external_buffer_properties, get_memory_win_32_handle_khr, get_memory_win_32_handle_properties_khr, get_memory_fd_khr, get_memory_fd_properties_khr, get_memory_remote_address_nv, get_physical_device_external_semaphore_properties, get_semaphore_win_32_handle_khr, import_semaphore_win_32_handle_khr, get_semaphore_fd_khr, import_semaphore_fd_khr, get_physical_device_external_fence_properties, get_fence_win_32_handle_khr, import_fence_win_32_handle_khr, get_fence_fd_khr, import_fence_fd_khr, release_display_ext, acquire_winrt_display_nv, get_winrt_display_nv, display_power_control_ext, register_device_event_ext, register_display_event_ext, get_swapchain_counter_ext, get_physical_device_surface_capabilities_2_ext, enumerate_physical_device_groups, get_device_group_peer_memory_features, bind_buffer_memory_2, bind_image_memory_2, cmd_set_device_mask, get_device_group_present_capabilities_khr, get_device_group_surface_present_modes_khr, acquire_next_image_2_khr, cmd_dispatch_base, get_physical_device_present_rectangles_khr, create_descriptor_update_template, destroy_descriptor_update_template, update_descriptor_set_with_template, cmd_push_descriptor_set_with_template_khr, set_hdr_metadata_ext, get_swapchain_status_khr, get_refresh_cycle_duration_google, get_past_presentation_timing_google, cmd_set_viewport_w_scaling_nv, cmd_set_discard_rectangle_ext, cmd_set_sample_locations_ext, get_physical_device_multisample_properties_ext, get_physical_device_surface_capabilities_2_khr, get_physical_device_surface_formats_2_khr, get_physical_device_display_properties_2_khr, get_physical_device_display_plane_properties_2_khr, get_display_mode_properties_2_khr, get_display_plane_capabilities_2_khr, get_buffer_memory_requirements_2, get_image_memory_requirements_2, get_image_sparse_memory_requirements_2, get_device_buffer_memory_requirements, get_device_image_memory_requirements, get_device_image_sparse_memory_requirements, create_sampler_ycbcr_conversion, destroy_sampler_ycbcr_conversion, get_device_queue_2, create_validation_cache_ext, destroy_validation_cache_ext, get_validation_cache_data_ext, merge_validation_caches_ext, get_descriptor_set_layout_support, get_shader_info_amd, set_local_dimming_amd, get_physical_device_calibrateable_time_domains_ext, get_calibrated_timestamps_ext, set_debug_utils_object_name_ext, set_debug_utils_object_tag_ext, queue_begin_debug_utils_label_ext, queue_end_debug_utils_label_ext, queue_insert_debug_utils_label_ext, cmd_begin_debug_utils_label_ext, cmd_end_debug_utils_label_ext, cmd_insert_debug_utils_label_ext, create_debug_utils_messenger_ext, destroy_debug_utils_messenger_ext, submit_debug_utils_message_ext, get_memory_host_pointer_properties_ext, cmd_write_buffer_marker_amd, create_render_pass_2, cmd_begin_render_pass_2, cmd_next_subpass_2, cmd_end_render_pass_2, get_semaphore_counter_value, wait_semaphores, signal_semaphore, cmd_draw_indirect_count, cmd_draw_indexed_indirect_count, cmd_set_checkpoint_nv, get_queue_checkpoint_data_nv, cmd_bind_transform_feedback_buffers_ext, cmd_begin_transform_feedback_ext, cmd_end_transform_feedback_ext, cmd_begin_query_indexed_ext, cmd_end_query_indexed_ext, cmd_draw_indirect_byte_count_ext, cmd_set_exclusive_scissor_nv, cmd_bind_shading_rate_image_nv, cmd_set_viewport_shading_rate_palette_nv, cmd_set_coarse_sample_order_nv, cmd_draw_mesh_tasks_nv, cmd_draw_mesh_tasks_indirect_nv, cmd_draw_mesh_tasks_indirect_count_nv, cmd_draw_mesh_tasks_ext, cmd_draw_mesh_tasks_indirect_ext, cmd_draw_mesh_tasks_indirect_count_ext, compile_deferred_nv, create_acceleration_structure_nv, cmd_bind_invocation_mask_huawei, destroy_acceleration_structure_khr, destroy_acceleration_structure_nv, get_acceleration_structure_memory_requirements_nv, bind_acceleration_structure_memory_nv, cmd_copy_acceleration_structure_nv, cmd_copy_acceleration_structure_khr, copy_acceleration_structure_khr, cmd_copy_acceleration_structure_to_memory_khr, copy_acceleration_structure_to_memory_khr, cmd_copy_memory_to_acceleration_structure_khr, copy_memory_to_acceleration_structure_khr, cmd_write_acceleration_structures_properties_khr, cmd_write_acceleration_structures_properties_nv, cmd_build_acceleration_structure_nv, write_acceleration_structures_properties_khr, cmd_trace_rays_khr, cmd_trace_rays_nv, get_ray_tracing_shader_group_handles_khr, get_ray_tracing_capture_replay_shader_group_handles_khr, get_acceleration_structure_handle_nv, create_ray_tracing_pipelines_nv, create_ray_tracing_pipelines_khr, get_physical_device_cooperative_matrix_properties_nv, cmd_trace_rays_indirect_khr, cmd_trace_rays_indirect_2_khr, get_device_acceleration_structure_compatibility_khr, get_ray_tracing_shader_group_stack_size_khr, cmd_set_ray_tracing_pipeline_stack_size_khr, get_image_view_handle_nvx, get_image_view_address_nvx, get_physical_device_surface_present_modes_2_ext, get_device_group_surface_present_modes_2_ext, acquire_full_screen_exclusive_mode_ext, release_full_screen_exclusive_mode_ext, enumerate_physical_device_queue_family_performance_query_counters_khr, get_physical_device_queue_family_performance_query_passes_khr, acquire_profiling_lock_khr, release_profiling_lock_khr, get_image_drm_format_modifier_properties_ext, get_buffer_opaque_capture_address, get_buffer_device_address, create_headless_surface_ext, get_physical_device_supported_framebuffer_mixed_samples_combinations_nv, initialize_performance_api_intel, uninitialize_performance_api_intel, cmd_set_performance_marker_intel, cmd_set_performance_stream_marker_intel, cmd_set_performance_override_intel, acquire_performance_configuration_intel, release_performance_configuration_intel, queue_set_performance_configuration_intel, get_performance_parameter_intel, get_device_memory_opaque_capture_address, get_pipeline_executable_properties_khr, get_pipeline_executable_statistics_khr, get_pipeline_executable_internal_representations_khr, cmd_set_line_stipple_ext, get_physical_device_tool_properties, create_acceleration_structure_khr, cmd_build_acceleration_structures_khr, cmd_build_acceleration_structures_indirect_khr, build_acceleration_structures_khr, get_acceleration_structure_device_address_khr, create_deferred_operation_khr, destroy_deferred_operation_khr, get_deferred_operation_max_concurrency_khr, get_deferred_operation_result_khr, deferred_operation_join_khr, cmd_set_cull_mode, cmd_set_front_face, cmd_set_primitive_topology, cmd_set_viewport_with_count, cmd_set_scissor_with_count, cmd_bind_vertex_buffers_2, cmd_set_depth_test_enable, cmd_set_depth_write_enable, cmd_set_depth_compare_op, cmd_set_depth_bounds_test_enable, cmd_set_stencil_test_enable, cmd_set_stencil_op, cmd_set_patch_control_points_ext, cmd_set_rasterizer_discard_enable, cmd_set_depth_bias_enable, cmd_set_logic_op_ext, cmd_set_primitive_restart_enable, cmd_set_tessellation_domain_origin_ext, cmd_set_depth_clamp_enable_ext, cmd_set_polygon_mode_ext, cmd_set_rasterization_samples_ext, cmd_set_sample_mask_ext, cmd_set_alpha_to_coverage_enable_ext, cmd_set_alpha_to_one_enable_ext, cmd_set_logic_op_enable_ext, cmd_set_color_blend_enable_ext, cmd_set_color_blend_equation_ext, cmd_set_color_write_mask_ext, cmd_set_rasterization_stream_ext, cmd_set_conservative_rasterization_mode_ext, cmd_set_extra_primitive_overestimation_size_ext, cmd_set_depth_clip_enable_ext, cmd_set_sample_locations_enable_ext, cmd_set_color_blend_advanced_ext, cmd_set_provoking_vertex_mode_ext, cmd_set_line_rasterization_mode_ext, cmd_set_line_stipple_enable_ext, cmd_set_depth_clip_negative_one_to_one_ext, cmd_set_viewport_w_scaling_enable_nv, cmd_set_viewport_swizzle_nv, cmd_set_coverage_to_color_enable_nv, cmd_set_coverage_to_color_location_nv, cmd_set_coverage_modulation_mode_nv, cmd_set_coverage_modulation_table_enable_nv, cmd_set_coverage_modulation_table_nv, cmd_set_shading_rate_image_enable_nv, cmd_set_coverage_reduction_mode_nv, cmd_set_representative_fragment_test_enable_nv, create_private_data_slot, destroy_private_data_slot, set_private_data, get_private_data, cmd_copy_buffer_2, cmd_copy_image_2, cmd_blit_image_2, cmd_copy_buffer_to_image_2, cmd_copy_image_to_buffer_2, cmd_resolve_image_2, cmd_set_fragment_shading_rate_khr, get_physical_device_fragment_shading_rates_khr, cmd_set_fragment_shading_rate_enum_nv, get_acceleration_structure_build_sizes_khr, cmd_set_vertex_input_ext, cmd_set_color_write_enable_ext, cmd_set_event_2, cmd_reset_event_2, cmd_wait_events_2, cmd_pipeline_barrier_2, queue_submit_2, cmd_write_timestamp_2, cmd_write_buffer_marker_2_amd, get_queue_checkpoint_data_2_nv, get_physical_device_video_capabilities_khr, get_physical_device_video_format_properties_khr, create_video_session_khr, destroy_video_session_khr, create_video_session_parameters_khr, update_video_session_parameters_khr, destroy_video_session_parameters_khr, get_video_session_memory_requirements_khr, bind_video_session_memory_khr, cmd_decode_video_khr, cmd_begin_video_coding_khr, cmd_control_video_coding_khr, cmd_end_video_coding_khr, cmd_decompress_memory_nv, cmd_decompress_memory_indirect_count_nv, create_cu_module_nvx, create_cu_function_nvx, destroy_cu_module_nvx, destroy_cu_function_nvx, cmd_cu_launch_kernel_nvx, get_descriptor_set_layout_size_ext, get_descriptor_set_layout_binding_offset_ext, get_descriptor_ext, cmd_bind_descriptor_buffers_ext, cmd_set_descriptor_buffer_offsets_ext, cmd_bind_descriptor_buffer_embedded_samplers_ext, get_buffer_opaque_capture_descriptor_data_ext, get_image_opaque_capture_descriptor_data_ext, get_image_view_opaque_capture_descriptor_data_ext, get_sampler_opaque_capture_descriptor_data_ext, get_acceleration_structure_opaque_capture_descriptor_data_ext, set_device_memory_priority_ext, acquire_drm_display_ext, get_drm_display_ext, wait_for_present_khr, cmd_begin_rendering, cmd_end_rendering, get_descriptor_set_layout_host_mapping_info_valve, get_descriptor_set_host_mapping_valve, create_micromap_ext, cmd_build_micromaps_ext, build_micromaps_ext, destroy_micromap_ext, cmd_copy_micromap_ext, copy_micromap_ext, cmd_copy_micromap_to_memory_ext, copy_micromap_to_memory_ext, cmd_copy_memory_to_micromap_ext, copy_memory_to_micromap_ext, cmd_write_micromaps_properties_ext, write_micromaps_properties_ext, get_device_micromap_compatibility_ext, get_micromap_build_sizes_ext, get_shader_module_identifier_ext, get_shader_module_create_info_identifier_ext, get_image_subresource_layout_2_ext, get_pipeline_properties_ext, get_framebuffer_tile_properties_qcom, get_dynamic_rendering_tile_properties_qcom, get_physical_device_optical_flow_image_formats_nv, create_optical_flow_session_nv, destroy_optical_flow_session_nv, bind_optical_flow_session_image_nv, cmd_optical_flow_execute_nv, get_device_fault_info_ext, release_swapchain_images_ext, SPIRV_EXTENSIONS, SPIRV_CAPABILITIES, CORE_FUNCTIONS, INSTANCE_FUNCTIONS, DEVICE_FUNCTIONS, bind_buffer_memory_2_khr, bind_image_memory_2_khr, cmd_begin_render_pass_2_khr, cmd_begin_rendering_khr, cmd_bind_vertex_buffers_2_ext, cmd_blit_image_2_khr, cmd_copy_buffer_2_khr, cmd_copy_buffer_to_image_2_khr, cmd_copy_image_2_khr, cmd_copy_image_to_buffer_2_khr, cmd_dispatch_base_khr, cmd_draw_indexed_indirect_count_amd, cmd_draw_indexed_indirect_count_khr, cmd_draw_indirect_count_amd, cmd_draw_indirect_count_khr, cmd_end_render_pass_2_khr, cmd_end_rendering_khr, cmd_next_subpass_2_khr, cmd_pipeline_barrier_2_khr, cmd_reset_event_2_khr, cmd_resolve_image_2_khr, cmd_set_cull_mode_ext, cmd_set_depth_bias_enable_ext, cmd_set_depth_bounds_test_enable_ext, cmd_set_depth_compare_op_ext, cmd_set_depth_test_enable_ext, cmd_set_depth_write_enable_ext, cmd_set_device_mask_khr, cmd_set_event_2_khr, cmd_set_front_face_ext, cmd_set_primitive_restart_enable_ext, cmd_set_primitive_topology_ext, cmd_set_rasterizer_discard_enable_ext, cmd_set_scissor_with_count_ext, cmd_set_stencil_op_ext, cmd_set_stencil_test_enable_ext, cmd_set_viewport_with_count_ext, cmd_wait_events_2_khr, cmd_write_timestamp_2_khr, create_descriptor_update_template_khr, create_private_data_slot_ext, create_render_pass_2_khr, create_sampler_ycbcr_conversion_khr, destroy_descriptor_update_template_khr, destroy_private_data_slot_ext, destroy_sampler_ycbcr_conversion_khr, enumerate_physical_device_groups_khr, get_buffer_device_address_ext, get_buffer_device_address_khr, get_buffer_memory_requirements_2_khr, get_buffer_opaque_capture_address_khr, get_descriptor_set_layout_support_khr, get_device_buffer_memory_requirements_khr, get_device_group_peer_memory_features_khr, get_device_image_memory_requirements_khr, get_device_image_sparse_memory_requirements_khr, get_device_memory_opaque_capture_address_khr, get_image_memory_requirements_2_khr, get_image_sparse_memory_requirements_2_khr, get_physical_device_external_buffer_properties_khr, get_physical_device_external_fence_properties_khr, get_physical_device_external_semaphore_properties_khr, get_physical_device_features_2_khr, get_physical_device_format_properties_2_khr, get_physical_device_image_format_properties_2_khr, get_physical_device_memory_properties_2_khr, get_physical_device_properties_2_khr, get_physical_device_queue_family_properties_2_khr, get_physical_device_sparse_image_format_properties_2_khr, get_physical_device_tool_properties_ext, get_private_data_ext, get_ray_tracing_shader_group_handles_nv, get_semaphore_counter_value_khr, queue_submit_2_khr, reset_query_pool_ext, set_private_data_ext, signal_semaphore_khr, trim_command_pool_khr, update_descriptor_set_with_template_khr, wait_semaphores_khr, ACCELERATION_STRUCTURE_TYPE_BOTTOM_LEVEL_NV, ACCELERATION_STRUCTURE_TYPE_TOP_LEVEL_NV, ACCESS_2_ACCELERATION_STRUCTURE_READ_BIT_NV, ACCESS_2_ACCELERATION_STRUCTURE_WRITE_BIT_NV, ACCESS_2_COLOR_ATTACHMENT_READ_BIT_KHR, ACCESS_2_COLOR_ATTACHMENT_WRITE_BIT_KHR, ACCESS_2_DEPTH_STENCIL_ATTACHMENT_READ_BIT_KHR, ACCESS_2_DEPTH_STENCIL_ATTACHMENT_WRITE_BIT_KHR, ACCESS_2_HOST_READ_BIT_KHR, ACCESS_2_HOST_WRITE_BIT_KHR, ACCESS_2_INDEX_READ_BIT_KHR, ACCESS_2_INDIRECT_COMMAND_READ_BIT_KHR, ACCESS_2_INPUT_ATTACHMENT_READ_BIT_KHR, ACCESS_2_MEMORY_READ_BIT_KHR, ACCESS_2_MEMORY_WRITE_BIT_KHR, ACCESS_2_NONE_KHR, ACCESS_2_SHADER_READ_BIT_KHR, ACCESS_2_SHADER_SAMPLED_READ_BIT_KHR, ACCESS_2_SHADER_STORAGE_READ_BIT_KHR, ACCESS_2_SHADER_STORAGE_WRITE_BIT_KHR, ACCESS_2_SHADER_WRITE_BIT_KHR, ACCESS_2_SHADING_RATE_IMAGE_READ_BIT_NV, ACCESS_2_TRANSFER_READ_BIT_KHR, ACCESS_2_TRANSFER_WRITE_BIT_KHR, ACCESS_2_UNIFORM_READ_BIT_KHR, ACCESS_2_VERTEX_ATTRIBUTE_READ_BIT_KHR, ACCESS_ACCELERATION_STRUCTURE_READ_BIT_NV, ACCESS_ACCELERATION_STRUCTURE_WRITE_BIT_NV, ACCESS_NONE_KHR, ACCESS_SHADING_RATE_IMAGE_READ_BIT_NV, ATTACHMENT_STORE_OP_NONE_EXT, ATTACHMENT_STORE_OP_NONE_KHR, ATTACHMENT_STORE_OP_NONE_QCOM, BUFFER_CREATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT_EXT, BUFFER_CREATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT_KHR, BUFFER_USAGE_RAY_TRACING_BIT_NV, BUFFER_USAGE_SHADER_DEVICE_ADDRESS_BIT_EXT, BUFFER_USAGE_SHADER_DEVICE_ADDRESS_BIT_KHR, BUILD_ACCELERATION_STRUCTURE_ALLOW_COMPACTION_BIT_NV, BUILD_ACCELERATION_STRUCTURE_ALLOW_UPDATE_BIT_NV, BUILD_ACCELERATION_STRUCTURE_LOW_MEMORY_BIT_NV, BUILD_ACCELERATION_STRUCTURE_PREFER_FAST_BUILD_BIT_NV, BUILD_ACCELERATION_STRUCTURE_PREFER_FAST_TRACE_BIT_NV, CHROMA_LOCATION_COSITED_EVEN_KHR, CHROMA_LOCATION_MIDPOINT_KHR, COLORSPACE_SRGB_NONLINEAR_KHR, COLOR_SPACE_DCI_P3_LINEAR_EXT, COPY_ACCELERATION_STRUCTURE_MODE_CLONE_NV, COPY_ACCELERATION_STRUCTURE_MODE_COMPACT_NV, DEBUG_REPORT_OBJECT_TYPE_DEBUG_REPORT_EXT, DEBUG_REPORT_OBJECT_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_KHR_EXT, DEBUG_REPORT_OBJECT_TYPE_SAMPLER_YCBCR_CONVERSION_KHR_EXT, DEBUG_REPORT_OBJECT_TYPE_VALIDATION_CACHE_EXT, DEPENDENCY_DEVICE_GROUP_BIT_KHR, DEPENDENCY_VIEW_LOCAL_BIT_KHR, DESCRIPTOR_BINDING_PARTIALLY_BOUND_BIT_EXT, DESCRIPTOR_BINDING_UPDATE_AFTER_BIND_BIT_EXT, DESCRIPTOR_BINDING_UPDATE_UNUSED_WHILE_PENDING_BIT_EXT, DESCRIPTOR_BINDING_VARIABLE_DESCRIPTOR_COUNT_BIT_EXT, DESCRIPTOR_POOL_CREATE_HOST_ONLY_BIT_VALVE, DESCRIPTOR_POOL_CREATE_UPDATE_AFTER_BIND_BIT_EXT, DESCRIPTOR_SET_LAYOUT_CREATE_HOST_ONLY_POOL_BIT_VALVE, DESCRIPTOR_SET_LAYOUT_CREATE_UPDATE_AFTER_BIND_POOL_BIT_EXT, DESCRIPTOR_TYPE_INLINE_UNIFORM_BLOCK_EXT, DESCRIPTOR_TYPE_MUTABLE_VALVE, DESCRIPTOR_UPDATE_TEMPLATE_TYPE_DESCRIPTOR_SET_KHR, DRIVER_ID_AMD_OPEN_SOURCE_KHR, DRIVER_ID_AMD_PROPRIETARY_KHR, DRIVER_ID_ARM_PROPRIETARY_KHR, DRIVER_ID_BROADCOM_PROPRIETARY_KHR, DRIVER_ID_GGP_PROPRIETARY_KHR, DRIVER_ID_GOOGLE_SWIFTSHADER_KHR, DRIVER_ID_IMAGINATION_PROPRIETARY_KHR, DRIVER_ID_INTEL_OPEN_SOURCE_MESA_KHR, DRIVER_ID_INTEL_PROPRIETARY_WINDOWS_KHR, DRIVER_ID_MESA_RADV_KHR, DRIVER_ID_NVIDIA_PROPRIETARY_KHR, DRIVER_ID_QUALCOMM_PROPRIETARY_KHR, DYNAMIC_STATE_CULL_MODE_EXT, DYNAMIC_STATE_DEPTH_BIAS_ENABLE_EXT, DYNAMIC_STATE_DEPTH_BOUNDS_TEST_ENABLE_EXT, DYNAMIC_STATE_DEPTH_COMPARE_OP_EXT, DYNAMIC_STATE_DEPTH_TEST_ENABLE_EXT, DYNAMIC_STATE_DEPTH_WRITE_ENABLE_EXT, DYNAMIC_STATE_FRONT_FACE_EXT, DYNAMIC_STATE_PRIMITIVE_RESTART_ENABLE_EXT, DYNAMIC_STATE_PRIMITIVE_TOPOLOGY_EXT, DYNAMIC_STATE_RASTERIZER_DISCARD_ENABLE_EXT, DYNAMIC_STATE_SCISSOR_WITH_COUNT_EXT, DYNAMIC_STATE_STENCIL_OP_EXT, DYNAMIC_STATE_STENCIL_TEST_ENABLE_EXT, DYNAMIC_STATE_VERTEX_INPUT_BINDING_STRIDE_EXT, DYNAMIC_STATE_VIEWPORT_WITH_COUNT_EXT, ERROR_FRAGMENTATION_EXT, ERROR_INVALID_DEVICE_ADDRESS_EXT, ERROR_INVALID_EXTERNAL_HANDLE_KHR, ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS_KHR, ERROR_NOT_PERMITTED_EXT, ERROR_OUT_OF_POOL_MEMORY_KHR, ERROR_PIPELINE_COMPILE_REQUIRED_EXT, EVENT_CREATE_DEVICE_ONLY_BIT_KHR, EXTERNAL_FENCE_FEATURE_EXPORTABLE_BIT_KHR, EXTERNAL_FENCE_FEATURE_IMPORTABLE_BIT_KHR, EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_FD_BIT_KHR, EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_WIN32_BIT_KHR, EXTERNAL_FENCE_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT_KHR, EXTERNAL_FENCE_HANDLE_TYPE_SYNC_FD_BIT_KHR, EXTERNAL_MEMORY_FEATURE_DEDICATED_ONLY_BIT_KHR, EXTERNAL_MEMORY_FEATURE_EXPORTABLE_BIT_KHR, EXTERNAL_MEMORY_FEATURE_IMPORTABLE_BIT_KHR, EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_TEXTURE_BIT_KHR, EXTERNAL_MEMORY_HANDLE_TYPE_D3D11_TEXTURE_KMT_BIT_KHR, EXTERNAL_MEMORY_HANDLE_TYPE_D3D12_HEAP_BIT_KHR, EXTERNAL_MEMORY_HANDLE_TYPE_D3D12_RESOURCE_BIT_KHR, EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_FD_BIT_KHR, EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_BIT_KHR, EXTERNAL_MEMORY_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT_KHR, EXTERNAL_SEMAPHORE_FEATURE_EXPORTABLE_BIT_KHR, EXTERNAL_SEMAPHORE_FEATURE_IMPORTABLE_BIT_KHR, EXTERNAL_SEMAPHORE_HANDLE_TYPE_D3D11_FENCE_BIT, EXTERNAL_SEMAPHORE_HANDLE_TYPE_D3D12_FENCE_BIT_KHR, EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_FD_BIT_KHR, EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_WIN32_BIT_KHR, EXTERNAL_SEMAPHORE_HANDLE_TYPE_OPAQUE_WIN32_KMT_BIT_KHR, EXTERNAL_SEMAPHORE_HANDLE_TYPE_SYNC_FD_BIT_KHR, FENCE_IMPORT_TEMPORARY_BIT_KHR, FILTER_CUBIC_IMG, FORMAT_A4B4G4R4_UNORM_PACK16_EXT, FORMAT_A4R4G4B4_UNORM_PACK16_EXT, FORMAT_ASTC_10x10_SFLOAT_BLOCK_EXT, FORMAT_ASTC_10x5_SFLOAT_BLOCK_EXT, FORMAT_ASTC_10x6_SFLOAT_BLOCK_EXT, FORMAT_ASTC_10x8_SFLOAT_BLOCK_EXT, FORMAT_ASTC_12x10_SFLOAT_BLOCK_EXT, FORMAT_ASTC_12x12_SFLOAT_BLOCK_EXT, FORMAT_ASTC_4x4_SFLOAT_BLOCK_EXT, FORMAT_ASTC_5x4_SFLOAT_BLOCK_EXT, FORMAT_ASTC_5x5_SFLOAT_BLOCK_EXT, FORMAT_ASTC_6x5_SFLOAT_BLOCK_EXT, FORMAT_ASTC_6x6_SFLOAT_BLOCK_EXT, FORMAT_ASTC_8x5_SFLOAT_BLOCK_EXT, FORMAT_ASTC_8x6_SFLOAT_BLOCK_EXT, FORMAT_ASTC_8x8_SFLOAT_BLOCK_EXT, FORMAT_B10X6G10X6R10X6G10X6_422_UNORM_4PACK16_KHR, FORMAT_B12X4G12X4R12X4G12X4_422_UNORM_4PACK16_KHR, FORMAT_B16G16R16G16_422_UNORM_KHR, FORMAT_B8G8R8G8_422_UNORM_KHR, FORMAT_FEATURE_2_BLIT_DST_BIT_KHR, FORMAT_FEATURE_2_BLIT_SRC_BIT_KHR, FORMAT_FEATURE_2_COLOR_ATTACHMENT_BIT_KHR, FORMAT_FEATURE_2_COLOR_ATTACHMENT_BLEND_BIT_KHR, FORMAT_FEATURE_2_COSITED_CHROMA_SAMPLES_BIT_KHR, FORMAT_FEATURE_2_DEPTH_STENCIL_ATTACHMENT_BIT_KHR, FORMAT_FEATURE_2_DISJOINT_BIT_KHR, FORMAT_FEATURE_2_MIDPOINT_CHROMA_SAMPLES_BIT_KHR, FORMAT_FEATURE_2_SAMPLED_IMAGE_BIT_KHR, FORMAT_FEATURE_2_SAMPLED_IMAGE_DEPTH_COMPARISON_BIT_KHR, FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_CUBIC_BIT_EXT, FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_LINEAR_BIT_KHR, FORMAT_FEATURE_2_SAMPLED_IMAGE_FILTER_MINMAX_BIT_KHR, FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_BIT_KHR, FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_FORCEABLE_BIT_KHR, FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_LINEAR_FILTER_BIT_KHR, FORMAT_FEATURE_2_SAMPLED_IMAGE_YCBCR_CONVERSION_SEPARATE_RECONSTRUCTION_FILTER_BIT_KHR, FORMAT_FEATURE_2_STORAGE_IMAGE_ATOMIC_BIT_KHR, FORMAT_FEATURE_2_STORAGE_IMAGE_BIT_KHR, FORMAT_FEATURE_2_STORAGE_READ_WITHOUT_FORMAT_BIT_KHR, FORMAT_FEATURE_2_STORAGE_TEXEL_BUFFER_ATOMIC_BIT_KHR, FORMAT_FEATURE_2_STORAGE_TEXEL_BUFFER_BIT_KHR, FORMAT_FEATURE_2_STORAGE_WRITE_WITHOUT_FORMAT_BIT_KHR, FORMAT_FEATURE_2_TRANSFER_DST_BIT_KHR, FORMAT_FEATURE_2_TRANSFER_SRC_BIT_KHR, FORMAT_FEATURE_2_UNIFORM_TEXEL_BUFFER_BIT_KHR, FORMAT_FEATURE_2_VERTEX_BUFFER_BIT_KHR, FORMAT_FEATURE_COSITED_CHROMA_SAMPLES_BIT_KHR, FORMAT_FEATURE_DISJOINT_BIT_KHR, FORMAT_FEATURE_MIDPOINT_CHROMA_SAMPLES_BIT_KHR, FORMAT_FEATURE_SAMPLED_IMAGE_FILTER_CUBIC_BIT_IMG, FORMAT_FEATURE_SAMPLED_IMAGE_FILTER_MINMAX_BIT_EXT, FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_BIT_KHR, FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_CHROMA_RECONSTRUCTION_EXPLICIT_FORCEABLE_BIT_KHR, FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_LINEAR_FILTER_BIT_KHR, FORMAT_FEATURE_SAMPLED_IMAGE_YCBCR_CONVERSION_SEPARATE_RECONSTRUCTION_FILTER_BIT_KHR, FORMAT_FEATURE_TRANSFER_DST_BIT_KHR, FORMAT_FEATURE_TRANSFER_SRC_BIT_KHR, FORMAT_G10X6B10X6G10X6R10X6_422_UNORM_4PACK16_KHR, FORMAT_G10X6_B10X6R10X6_2PLANE_420_UNORM_3PACK16_KHR, FORMAT_G10X6_B10X6R10X6_2PLANE_422_UNORM_3PACK16_KHR, FORMAT_G10X6_B10X6R10X6_2PLANE_444_UNORM_3PACK16_EXT, FORMAT_G10X6_B10X6_R10X6_3PLANE_420_UNORM_3PACK16_KHR, FORMAT_G10X6_B10X6_R10X6_3PLANE_422_UNORM_3PACK16_KHR, FORMAT_G10X6_B10X6_R10X6_3PLANE_444_UNORM_3PACK16_KHR, FORMAT_G12X4B12X4G12X4R12X4_422_UNORM_4PACK16_KHR, FORMAT_G12X4_B12X4R12X4_2PLANE_420_UNORM_3PACK16_KHR, FORMAT_G12X4_B12X4R12X4_2PLANE_422_UNORM_3PACK16_KHR, FORMAT_G12X4_B12X4R12X4_2PLANE_444_UNORM_3PACK16_EXT, FORMAT_G12X4_B12X4_R12X4_3PLANE_420_UNORM_3PACK16_KHR, FORMAT_G12X4_B12X4_R12X4_3PLANE_422_UNORM_3PACK16_KHR, FORMAT_G12X4_B12X4_R12X4_3PLANE_444_UNORM_3PACK16_KHR, FORMAT_G16B16G16R16_422_UNORM_KHR, FORMAT_G16_B16R16_2PLANE_420_UNORM_KHR, FORMAT_G16_B16R16_2PLANE_422_UNORM_KHR, FORMAT_G16_B16R16_2PLANE_444_UNORM_EXT, FORMAT_G16_B16_R16_3PLANE_420_UNORM_KHR, FORMAT_G16_B16_R16_3PLANE_422_UNORM_KHR, FORMAT_G16_B16_R16_3PLANE_444_UNORM_KHR, FORMAT_G8B8G8R8_422_UNORM_KHR, FORMAT_G8_B8R8_2PLANE_420_UNORM_KHR, FORMAT_G8_B8R8_2PLANE_422_UNORM_KHR, FORMAT_G8_B8R8_2PLANE_444_UNORM_EXT, FORMAT_G8_B8_R8_3PLANE_420_UNORM_KHR, FORMAT_G8_B8_R8_3PLANE_422_UNORM_KHR, FORMAT_G8_B8_R8_3PLANE_444_UNORM_KHR, FORMAT_R10X6G10X6B10X6A10X6_UNORM_4PACK16_KHR, FORMAT_R10X6G10X6_UNORM_2PACK16_KHR, FORMAT_R10X6_UNORM_PACK16_KHR, FORMAT_R12X4G12X4B12X4A12X4_UNORM_4PACK16_KHR, FORMAT_R12X4G12X4_UNORM_2PACK16_KHR, FORMAT_R12X4_UNORM_PACK16_KHR, FRAMEBUFFER_CREATE_IMAGELESS_BIT_KHR, GEOMETRY_INSTANCE_FORCE_NO_OPAQUE_BIT_NV, GEOMETRY_INSTANCE_FORCE_OPAQUE_BIT_NV, GEOMETRY_INSTANCE_TRIANGLE_CULL_DISABLE_BIT_NV, GEOMETRY_INSTANCE_TRIANGLE_FRONT_COUNTERCLOCKWISE_BIT_KHR, GEOMETRY_NO_DUPLICATE_ANY_HIT_INVOCATION_BIT_NV, GEOMETRY_OPAQUE_BIT_NV, GEOMETRY_TYPE_AABBS_NV, GEOMETRY_TYPE_TRIANGLES_NV, IMAGE_ASPECT_NONE_KHR, IMAGE_ASPECT_PLANE_0_BIT_KHR, IMAGE_ASPECT_PLANE_1_BIT_KHR, IMAGE_ASPECT_PLANE_2_BIT_KHR, IMAGE_CREATE_2D_ARRAY_COMPATIBLE_BIT_KHR, IMAGE_CREATE_ALIAS_BIT_KHR, IMAGE_CREATE_BLOCK_TEXEL_VIEW_COMPATIBLE_BIT_KHR, IMAGE_CREATE_DISJOINT_BIT_KHR, IMAGE_CREATE_EXTENDED_USAGE_BIT_KHR, IMAGE_CREATE_SPLIT_INSTANCE_BIND_REGIONS_BIT_KHR, IMAGE_LAYOUT_ATTACHMENT_OPTIMAL_KHR, IMAGE_LAYOUT_DEPTH_ATTACHMENT_OPTIMAL_KHR, IMAGE_LAYOUT_DEPTH_ATTACHMENT_STENCIL_READ_ONLY_OPTIMAL_KHR, IMAGE_LAYOUT_DEPTH_READ_ONLY_OPTIMAL_KHR, IMAGE_LAYOUT_DEPTH_READ_ONLY_STENCIL_ATTACHMENT_OPTIMAL_KHR, IMAGE_LAYOUT_READ_ONLY_OPTIMAL_KHR, IMAGE_LAYOUT_SHADING_RATE_OPTIMAL_NV, IMAGE_LAYOUT_STENCIL_ATTACHMENT_OPTIMAL_KHR, IMAGE_LAYOUT_STENCIL_READ_ONLY_OPTIMAL_KHR, IMAGE_USAGE_SHADING_RATE_IMAGE_BIT_NV, INDEX_TYPE_NONE_NV, LUID_SIZE_KHR, MAX_DEVICE_GROUP_SIZE_KHR, MAX_DRIVER_INFO_SIZE_KHR, MAX_DRIVER_NAME_SIZE_KHR, MAX_GLOBAL_PRIORITY_SIZE_EXT, MEMORY_ALLOCATE_DEVICE_ADDRESS_BIT_KHR, MEMORY_ALLOCATE_DEVICE_ADDRESS_CAPTURE_REPLAY_BIT_KHR, MEMORY_ALLOCATE_DEVICE_MASK_BIT_KHR, MEMORY_HEAP_MULTI_INSTANCE_BIT_KHR, OBJECT_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_KHR, OBJECT_TYPE_PRIVATE_DATA_SLOT_EXT, OBJECT_TYPE_SAMPLER_YCBCR_CONVERSION_KHR, PEER_MEMORY_FEATURE_COPY_DST_BIT_KHR, PEER_MEMORY_FEATURE_COPY_SRC_BIT_KHR, PEER_MEMORY_FEATURE_GENERIC_DST_BIT_KHR, PEER_MEMORY_FEATURE_GENERIC_SRC_BIT_KHR, PERFORMANCE_COUNTER_DESCRIPTION_CONCURRENTLY_IMPACTED_KHR, PERFORMANCE_COUNTER_DESCRIPTION_PERFORMANCE_IMPACTING_KHR, PIPELINE_BIND_POINT_RAY_TRACING_NV, PIPELINE_CACHE_CREATE_EXTERNALLY_SYNCHRONIZED_BIT_EXT, PIPELINE_COLOR_BLEND_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_ACCESS_BIT_ARM, PIPELINE_COMPILE_REQUIRED_EXT, PIPELINE_CREATE_DISPATCH_BASE, PIPELINE_CREATE_EARLY_RETURN_ON_FAILURE_BIT_EXT, PIPELINE_CREATE_FAIL_ON_PIPELINE_COMPILE_REQUIRED_BIT_EXT, PIPELINE_CREATE_VIEW_INDEX_FROM_DEVICE_INDEX_BIT_KHR, PIPELINE_CREATION_FEEDBACK_APPLICATION_PIPELINE_CACHE_HIT_BIT_EXT, PIPELINE_CREATION_FEEDBACK_BASE_PIPELINE_ACCELERATION_BIT_EXT, PIPELINE_CREATION_FEEDBACK_VALID_BIT_EXT, PIPELINE_DEPTH_STENCIL_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_DEPTH_ACCESS_BIT_ARM, PIPELINE_DEPTH_STENCIL_STATE_CREATE_RASTERIZATION_ORDER_ATTACHMENT_STENCIL_ACCESS_BIT_ARM, PIPELINE_RASTERIZATION_STATE_CREATE_FRAGMENT_DENSITY_MAP_ATTACHMENT_BIT_EXT, PIPELINE_RASTERIZATION_STATE_CREATE_FRAGMENT_SHADING_RATE_ATTACHMENT_BIT_KHR, PIPELINE_SHADER_STAGE_CREATE_ALLOW_VARYING_SUBGROUP_SIZE_BIT_EXT, PIPELINE_SHADER_STAGE_CREATE_REQUIRE_FULL_SUBGROUPS_BIT_EXT, PIPELINE_STAGE_2_ACCELERATION_STRUCTURE_BUILD_BIT_NV, PIPELINE_STAGE_2_ALL_COMMANDS_BIT_KHR, PIPELINE_STAGE_2_ALL_GRAPHICS_BIT_KHR, PIPELINE_STAGE_2_ALL_TRANSFER_BIT_KHR, PIPELINE_STAGE_2_BLIT_BIT_KHR, PIPELINE_STAGE_2_BOTTOM_OF_PIPE_BIT_KHR, PIPELINE_STAGE_2_CLEAR_BIT_KHR, PIPELINE_STAGE_2_COLOR_ATTACHMENT_OUTPUT_BIT_KHR, PIPELINE_STAGE_2_COMPUTE_SHADER_BIT_KHR, PIPELINE_STAGE_2_COPY_BIT_KHR, PIPELINE_STAGE_2_DRAW_INDIRECT_BIT_KHR, PIPELINE_STAGE_2_EARLY_FRAGMENT_TESTS_BIT_KHR, PIPELINE_STAGE_2_FRAGMENT_SHADER_BIT_KHR, PIPELINE_STAGE_2_GEOMETRY_SHADER_BIT_KHR, PIPELINE_STAGE_2_HOST_BIT_KHR, PIPELINE_STAGE_2_INDEX_INPUT_BIT_KHR, PIPELINE_STAGE_2_LATE_FRAGMENT_TESTS_BIT_KHR, PIPELINE_STAGE_2_MESH_SHADER_BIT_NV, PIPELINE_STAGE_2_NONE_KHR, PIPELINE_STAGE_2_PRE_RASTERIZATION_SHADERS_BIT_KHR, PIPELINE_STAGE_2_RAY_TRACING_SHADER_BIT_NV, PIPELINE_STAGE_2_RESOLVE_BIT_KHR, PIPELINE_STAGE_2_SHADING_RATE_IMAGE_BIT_NV, PIPELINE_STAGE_2_TASK_SHADER_BIT_NV, PIPELINE_STAGE_2_TESSELLATION_CONTROL_SHADER_BIT_KHR, PIPELINE_STAGE_2_TESSELLATION_EVALUATION_SHADER_BIT_KHR, PIPELINE_STAGE_2_TOP_OF_PIPE_BIT_KHR, PIPELINE_STAGE_2_TRANSFER_BIT_KHR, PIPELINE_STAGE_2_VERTEX_ATTRIBUTE_INPUT_BIT_KHR, PIPELINE_STAGE_2_VERTEX_INPUT_BIT_KHR, PIPELINE_STAGE_2_VERTEX_SHADER_BIT_KHR, PIPELINE_STAGE_ACCELERATION_STRUCTURE_BUILD_BIT_NV, PIPELINE_STAGE_MESH_SHADER_BIT_NV, PIPELINE_STAGE_NONE_KHR, PIPELINE_STAGE_RAY_TRACING_SHADER_BIT_NV, PIPELINE_STAGE_SHADING_RATE_IMAGE_BIT_NV, PIPELINE_STAGE_TASK_SHADER_BIT_NV, POINT_CLIPPING_BEHAVIOR_ALL_CLIP_PLANES_KHR, POINT_CLIPPING_BEHAVIOR_USER_CLIP_PLANES_ONLY_KHR, QUERY_SCOPE_COMMAND_BUFFER_KHR, QUERY_SCOPE_COMMAND_KHR, QUERY_SCOPE_RENDER_PASS_KHR, QUEUE_FAMILY_EXTERNAL_KHR, QUEUE_GLOBAL_PRIORITY_HIGH_EXT, QUEUE_GLOBAL_PRIORITY_LOW_EXT, QUEUE_GLOBAL_PRIORITY_MEDIUM_EXT, QUEUE_GLOBAL_PRIORITY_REALTIME_EXT, RAY_TRACING_SHADER_GROUP_TYPE_GENERAL_NV, RAY_TRACING_SHADER_GROUP_TYPE_PROCEDURAL_HIT_GROUP_NV, RAY_TRACING_SHADER_GROUP_TYPE_TRIANGLES_HIT_GROUP_NV, RENDERING_CONTENTS_SECONDARY_COMMAND_BUFFERS_BIT_KHR, RENDERING_RESUMING_BIT_KHR, RENDERING_SUSPENDING_BIT_KHR, RESOLVE_MODE_AVERAGE_BIT_KHR, RESOLVE_MODE_MAX_BIT_KHR, RESOLVE_MODE_MIN_BIT_KHR, RESOLVE_MODE_NONE_KHR, RESOLVE_MODE_SAMPLE_ZERO_BIT_KHR, SAMPLER_ADDRESS_MODE_MIRROR_CLAMP_TO_EDGE_KHR, SAMPLER_REDUCTION_MODE_MAX_EXT, SAMPLER_REDUCTION_MODE_MIN_EXT, SAMPLER_REDUCTION_MODE_WEIGHTED_AVERAGE_EXT, SAMPLER_YCBCR_MODEL_CONVERSION_RGB_IDENTITY_KHR, SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_2020_KHR, SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_601_KHR, SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_709_KHR, SAMPLER_YCBCR_MODEL_CONVERSION_YCBCR_IDENTITY_KHR, SAMPLER_YCBCR_RANGE_ITU_FULL_KHR, SAMPLER_YCBCR_RANGE_ITU_NARROW_KHR, SEMAPHORE_IMPORT_TEMPORARY_BIT_KHR, SEMAPHORE_TYPE_BINARY_KHR, SEMAPHORE_TYPE_TIMELINE_KHR, SEMAPHORE_WAIT_ANY_BIT_KHR, SHADER_FLOAT_CONTROLS_INDEPENDENCE_32_BIT_ONLY_KHR, SHADER_FLOAT_CONTROLS_INDEPENDENCE_ALL_KHR, SHADER_FLOAT_CONTROLS_INDEPENDENCE_NONE_KHR, SHADER_STAGE_ANY_HIT_BIT_NV, SHADER_STAGE_CALLABLE_BIT_NV, SHADER_STAGE_CLOSEST_HIT_BIT_NV, SHADER_STAGE_INTERSECTION_BIT_NV, SHADER_STAGE_MESH_BIT_NV, SHADER_STAGE_MISS_BIT_NV, SHADER_STAGE_RAYGEN_BIT_NV, SHADER_STAGE_TASK_BIT_NV, SHADER_UNUSED_NV, STENCIL_FRONT_AND_BACK, STRUCTURE_TYPE_ATTACHMENT_DESCRIPTION_2_KHR, STRUCTURE_TYPE_ATTACHMENT_DESCRIPTION_STENCIL_LAYOUT_KHR, STRUCTURE_TYPE_ATTACHMENT_REFERENCE_2_KHR, STRUCTURE_TYPE_ATTACHMENT_REFERENCE_STENCIL_LAYOUT_KHR, STRUCTURE_TYPE_ATTACHMENT_SAMPLE_COUNT_INFO_NV, STRUCTURE_TYPE_BIND_BUFFER_MEMORY_DEVICE_GROUP_INFO_KHR, STRUCTURE_TYPE_BIND_BUFFER_MEMORY_INFO_KHR, STRUCTURE_TYPE_BIND_IMAGE_MEMORY_DEVICE_GROUP_INFO_KHR, STRUCTURE_TYPE_BIND_IMAGE_MEMORY_INFO_KHR, STRUCTURE_TYPE_BIND_IMAGE_PLANE_MEMORY_INFO_KHR, STRUCTURE_TYPE_BLIT_IMAGE_INFO_2_KHR, STRUCTURE_TYPE_BUFFER_COPY_2_KHR, STRUCTURE_TYPE_BUFFER_DEVICE_ADDRESS_INFO_EXT, STRUCTURE_TYPE_BUFFER_DEVICE_ADDRESS_INFO_KHR, STRUCTURE_TYPE_BUFFER_IMAGE_COPY_2_KHR, STRUCTURE_TYPE_BUFFER_MEMORY_BARRIER_2_KHR, STRUCTURE_TYPE_BUFFER_MEMORY_REQUIREMENTS_INFO_2_KHR, STRUCTURE_TYPE_BUFFER_OPAQUE_CAPTURE_ADDRESS_CREATE_INFO_KHR, STRUCTURE_TYPE_COMMAND_BUFFER_INHERITANCE_RENDERING_INFO_KHR, STRUCTURE_TYPE_COMMAND_BUFFER_SUBMIT_INFO_KHR, STRUCTURE_TYPE_COPY_BUFFER_INFO_2_KHR, STRUCTURE_TYPE_COPY_BUFFER_TO_IMAGE_INFO_2_KHR, STRUCTURE_TYPE_COPY_IMAGE_INFO_2_KHR, STRUCTURE_TYPE_COPY_IMAGE_TO_BUFFER_INFO_2_KHR, STRUCTURE_TYPE_DEBUG_REPORT_CREATE_INFO_EXT, STRUCTURE_TYPE_DEPENDENCY_INFO_KHR, STRUCTURE_TYPE_DESCRIPTOR_POOL_INLINE_UNIFORM_BLOCK_CREATE_INFO_EXT, STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_BINDING_FLAGS_CREATE_INFO_EXT, STRUCTURE_TYPE_DESCRIPTOR_SET_LAYOUT_SUPPORT_KHR, STRUCTURE_TYPE_DESCRIPTOR_SET_VARIABLE_DESCRIPTOR_COUNT_ALLOCATE_INFO_EXT, STRUCTURE_TYPE_DESCRIPTOR_SET_VARIABLE_DESCRIPTOR_COUNT_LAYOUT_SUPPORT_EXT, STRUCTURE_TYPE_DESCRIPTOR_UPDATE_TEMPLATE_CREATE_INFO_KHR, STRUCTURE_TYPE_DEVICE_BUFFER_MEMORY_REQUIREMENTS_KHR, STRUCTURE_TYPE_DEVICE_GROUP_BIND_SPARSE_INFO_KHR, STRUCTURE_TYPE_DEVICE_GROUP_COMMAND_BUFFER_BEGIN_INFO_KHR, STRUCTURE_TYPE_DEVICE_GROUP_DEVICE_CREATE_INFO_KHR, STRUCTURE_TYPE_DEVICE_GROUP_RENDER_PASS_BEGIN_INFO_KHR, STRUCTURE_TYPE_DEVICE_GROUP_SUBMIT_INFO_KHR, STRUCTURE_TYPE_DEVICE_IMAGE_MEMORY_REQUIREMENTS_KHR, STRUCTURE_TYPE_DEVICE_MEMORY_OPAQUE_CAPTURE_ADDRESS_INFO_KHR, STRUCTURE_TYPE_DEVICE_PRIVATE_DATA_CREATE_INFO_EXT, STRUCTURE_TYPE_DEVICE_QUEUE_GLOBAL_PRIORITY_CREATE_INFO_EXT, STRUCTURE_TYPE_EXPORT_FENCE_CREATE_INFO_KHR, STRUCTURE_TYPE_EXPORT_MEMORY_ALLOCATE_INFO_KHR, STRUCTURE_TYPE_EXPORT_SEMAPHORE_CREATE_INFO_KHR, STRUCTURE_TYPE_EXTERNAL_BUFFER_PROPERTIES_KHR, STRUCTURE_TYPE_EXTERNAL_FENCE_PROPERTIES_KHR, STRUCTURE_TYPE_EXTERNAL_IMAGE_FORMAT_PROPERTIES_KHR, STRUCTURE_TYPE_EXTERNAL_MEMORY_BUFFER_CREATE_INFO_KHR, STRUCTURE_TYPE_EXTERNAL_MEMORY_IMAGE_CREATE_INFO_KHR, STRUCTURE_TYPE_EXTERNAL_SEMAPHORE_PROPERTIES_KHR, STRUCTURE_TYPE_FORMAT_PROPERTIES_2_KHR, STRUCTURE_TYPE_FORMAT_PROPERTIES_3_KHR, STRUCTURE_TYPE_FRAMEBUFFER_ATTACHMENTS_CREATE_INFO_KHR, STRUCTURE_TYPE_FRAMEBUFFER_ATTACHMENT_IMAGE_INFO_KHR, STRUCTURE_TYPE_IMAGE_BLIT_2_KHR, STRUCTURE_TYPE_IMAGE_COPY_2_KHR, STRUCTURE_TYPE_IMAGE_FORMAT_LIST_CREATE_INFO_KHR, STRUCTURE_TYPE_IMAGE_FORMAT_PROPERTIES_2_KHR, STRUCTURE_TYPE_IMAGE_MEMORY_BARRIER_2_KHR, STRUCTURE_TYPE_IMAGE_MEMORY_REQUIREMENTS_INFO_2_KHR, STRUCTURE_TYPE_IMAGE_PLANE_MEMORY_REQUIREMENTS_INFO_KHR, STRUCTURE_TYPE_IMAGE_RESOLVE_2_KHR, STRUCTURE_TYPE_IMAGE_SPARSE_MEMORY_REQUIREMENTS_INFO_2_KHR, STRUCTURE_TYPE_IMAGE_STENCIL_USAGE_CREATE_INFO_EXT, STRUCTURE_TYPE_IMAGE_VIEW_USAGE_CREATE_INFO_KHR, STRUCTURE_TYPE_MEMORY_ALLOCATE_FLAGS_INFO_KHR, STRUCTURE_TYPE_MEMORY_BARRIER_2_KHR, STRUCTURE_TYPE_MEMORY_DEDICATED_ALLOCATE_INFO_KHR, STRUCTURE_TYPE_MEMORY_DEDICATED_REQUIREMENTS_KHR, STRUCTURE_TYPE_MEMORY_OPAQUE_CAPTURE_ADDRESS_ALLOCATE_INFO_KHR, STRUCTURE_TYPE_MEMORY_REQUIREMENTS_2_KHR, STRUCTURE_TYPE_MUTABLE_DESCRIPTOR_TYPE_CREATE_INFO_VALVE, STRUCTURE_TYPE_PHYSICAL_DEVICE_16BIT_STORAGE_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_8BIT_STORAGE_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_BUFFER_ADDRESS_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_BUFFER_DEVICE_ADDRESS_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_DEPTH_STENCIL_RESOLVE_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_INDEXING_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_DESCRIPTOR_INDEXING_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_DRIVER_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_DYNAMIC_RENDERING_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_BUFFER_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_FENCE_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_IMAGE_FORMAT_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_EXTERNAL_SEMAPHORE_INFO_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_FEATURES_2_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_FLOAT16_INT8_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_FLOAT_CONTROLS_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_FRAGMENT_SHADER_BARYCENTRIC_FEATURES_NV, STRUCTURE_TYPE_PHYSICAL_DEVICE_GLOBAL_PRIORITY_QUERY_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_GROUP_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_HOST_QUERY_RESET_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_ID_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGELESS_FRAMEBUFFER_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_FORMAT_INFO_2_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_IMAGE_ROBUSTNESS_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_INLINE_UNIFORM_BLOCK_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_INLINE_UNIFORM_BLOCK_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_3_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_4_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_MAINTENANCE_4_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_MEMORY_PROPERTIES_2_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_MULTIVIEW_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_MUTABLE_DESCRIPTOR_TYPE_FEATURES_VALVE, STRUCTURE_TYPE_PHYSICAL_DEVICE_PIPELINE_CREATION_CACHE_CONTROL_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_POINT_CLIPPING_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_PRIVATE_DATA_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_PROPERTIES_2_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_RASTERIZATION_ORDER_ATTACHMENT_ACCESS_FEATURES_ARM, STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLER_FILTER_MINMAX_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SAMPLER_YCBCR_CONVERSION_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SCALAR_BLOCK_LAYOUT_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SEPARATE_DEPTH_STENCIL_LAYOUTS_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_ATOMIC_INT64_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_DEMOTE_TO_HELPER_INVOCATION_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_DRAW_PARAMETER_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_FLOAT16_INT8_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_DOT_PRODUCT_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_INTEGER_DOT_PRODUCT_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_SUBGROUP_EXTENDED_TYPES_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SHADER_TERMINATE_INVOCATION_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SPARSE_IMAGE_FORMAT_INFO_2_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_SIZE_CONTROL_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SUBGROUP_SIZE_CONTROL_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_SYNCHRONIZATION_2_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXEL_BUFFER_ALIGNMENT_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_TEXTURE_COMPRESSION_ASTC_HDR_FEATURES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_TIMELINE_SEMAPHORE_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_TIMELINE_SEMAPHORE_PROPERTIES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_TOOL_PROPERTIES_EXT, STRUCTURE_TYPE_PHYSICAL_DEVICE_UNIFORM_BUFFER_STANDARD_LAYOUT_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_VARIABLE_POINTERS_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_VARIABLE_POINTER_FEATURES, STRUCTURE_TYPE_PHYSICAL_DEVICE_VULKAN_MEMORY_MODEL_FEATURES_KHR, STRUCTURE_TYPE_PHYSICAL_DEVICE_ZERO_INITIALIZE_WORKGROUP_MEMORY_FEATURES_KHR, STRUCTURE_TYPE_PIPELINE_CREATION_FEEDBACK_CREATE_INFO_EXT, STRUCTURE_TYPE_PIPELINE_INFO_EXT, STRUCTURE_TYPE_PIPELINE_RENDERING_CREATE_INFO_KHR, STRUCTURE_TYPE_PIPELINE_SHADER_STAGE_REQUIRED_SUBGROUP_SIZE_CREATE_INFO_EXT, STRUCTURE_TYPE_PIPELINE_TESSELLATION_DOMAIN_ORIGIN_STATE_CREATE_INFO_KHR, STRUCTURE_TYPE_PRIVATE_DATA_SLOT_CREATE_INFO_EXT, STRUCTURE_TYPE_QUERY_POOL_CREATE_INFO_INTEL, STRUCTURE_TYPE_QUEUE_FAMILY_GLOBAL_PRIORITY_PROPERTIES_EXT, STRUCTURE_TYPE_QUEUE_FAMILY_PROPERTIES_2_KHR, STRUCTURE_TYPE_RENDERING_ATTACHMENT_INFO_KHR, STRUCTURE_TYPE_RENDERING_INFO_KHR, STRUCTURE_TYPE_RENDER_PASS_ATTACHMENT_BEGIN_INFO_KHR, STRUCTURE_TYPE_RENDER_PASS_CREATE_INFO_2_KHR, STRUCTURE_TYPE_RENDER_PASS_INPUT_ATTACHMENT_ASPECT_CREATE_INFO_KHR, STRUCTURE_TYPE_RENDER_PASS_MULTIVIEW_CREATE_INFO_KHR, STRUCTURE_TYPE_RESOLVE_IMAGE_INFO_2_KHR, STRUCTURE_TYPE_SAMPLER_REDUCTION_MODE_CREATE_INFO_EXT, STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_CREATE_INFO_KHR, STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_IMAGE_FORMAT_PROPERTIES_KHR, STRUCTURE_TYPE_SAMPLER_YCBCR_CONVERSION_INFO_KHR, STRUCTURE_TYPE_SEMAPHORE_SIGNAL_INFO_KHR, STRUCTURE_TYPE_SEMAPHORE_SUBMIT_INFO_KHR, STRUCTURE_TYPE_SEMAPHORE_TYPE_CREATE_INFO_KHR, STRUCTURE_TYPE_SEMAPHORE_WAIT_INFO_KHR, STRUCTURE_TYPE_SPARSE_IMAGE_FORMAT_PROPERTIES_2_KHR, STRUCTURE_TYPE_SPARSE_IMAGE_MEMORY_REQUIREMENTS_2_KHR, STRUCTURE_TYPE_SUBMIT_INFO_2_KHR, STRUCTURE_TYPE_SUBPASS_BEGIN_INFO_KHR, STRUCTURE_TYPE_SUBPASS_DEPENDENCY_2_KHR, STRUCTURE_TYPE_SUBPASS_DESCRIPTION_2_KHR, STRUCTURE_TYPE_SUBPASS_DESCRIPTION_DEPTH_STENCIL_RESOLVE_KHR, STRUCTURE_TYPE_SUBPASS_END_INFO_KHR, STRUCTURE_TYPE_SURFACE_CAPABILITIES2_EXT, STRUCTURE_TYPE_TIMELINE_SEMAPHORE_SUBMIT_INFO_KHR, STRUCTURE_TYPE_WRITE_DESCRIPTOR_SET_INLINE_UNIFORM_BLOCK_EXT, SUBMIT_PROTECTED_BIT_KHR, SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_COLOR_ACCESS_BIT_ARM, SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_DEPTH_ACCESS_BIT_ARM, SUBPASS_DESCRIPTION_RASTERIZATION_ORDER_ATTACHMENT_STENCIL_ACCESS_BIT_ARM, SURFACE_COUNTER_VBLANK_EXT, TESSELLATION_DOMAIN_ORIGIN_LOWER_LEFT_KHR, TESSELLATION_DOMAIN_ORIGIN_UPPER_LEFT_KHR, TOOL_PURPOSE_ADDITIONAL_FEATURES_BIT_EXT, TOOL_PURPOSE_MODIFYING_FEATURES_BIT_EXT, TOOL_PURPOSE_PROFILING_BIT_EXT, TOOL_PURPOSE_TRACING_BIT_EXT, TOOL_PURPOSE_VALIDATION_BIT_EXT, AabbPositionsNV, AccelerationStructureInstanceNV, AccelerationStructureTypeNV, AccessFlag2KHR, AttachmentDescription2KHR, AttachmentDescriptionStencilLayoutKHR, AttachmentReference2KHR, AttachmentReferenceStencilLayoutKHR, AttachmentSampleCountInfoNV, BindBufferMemoryDeviceGroupInfoKHR, BindBufferMemoryInfoKHR, BindImageMemoryDeviceGroupInfoKHR, BindImageMemoryInfoKHR, BindImagePlaneMemoryInfoKHR, BlitImageInfo2KHR, BufferCopy2KHR, BufferDeviceAddressInfoEXT, BufferDeviceAddressInfoKHR, BufferImageCopy2KHR, BufferMemoryBarrier2KHR, BufferMemoryRequirementsInfo2KHR, BufferOpaqueCaptureAddressCreateInfoKHR, BuildAccelerationStructureFlagNV, ChromaLocationKHR, CommandBufferInheritanceRenderingInfoKHR, CommandBufferSubmitInfoKHR, ConformanceVersionKHR, CopyAccelerationStructureModeNV, CopyBufferInfo2KHR, CopyBufferToImageInfo2KHR, CopyImageInfo2KHR, CopyImageToBufferInfo2KHR, DependencyInfoKHR, DescriptorBindingFlagEXT, DescriptorPoolInlineUniformBlockCreateInfoEXT, DescriptorSetLayoutBindingFlagsCreateInfoEXT, DescriptorSetLayoutSupportKHR, DescriptorSetVariableDescriptorCountAllocateInfoEXT, DescriptorSetVariableDescriptorCountLayoutSupportEXT, DescriptorUpdateTemplateCreateInfoKHR, DescriptorUpdateTemplateEntryKHR, DescriptorUpdateTemplateKHR, DescriptorUpdateTemplateTypeKHR, DeviceBufferMemoryRequirementsKHR, DeviceGroupBindSparseInfoKHR, DeviceGroupCommandBufferBeginInfoKHR, DeviceGroupDeviceCreateInfoKHR, DeviceGroupRenderPassBeginInfoKHR, DeviceGroupSubmitInfoKHR, DeviceImageMemoryRequirementsKHR, DeviceMemoryOpaqueCaptureAddressInfoKHR, DevicePrivateDataCreateInfoEXT, DeviceQueueGlobalPriorityCreateInfoEXT, DriverIdKHR, ExportFenceCreateInfoKHR, ExportMemoryAllocateInfoKHR, ExportSemaphoreCreateInfoKHR, ExternalBufferPropertiesKHR, ExternalFenceFeatureFlagKHR, ExternalFenceHandleTypeFlagKHR, ExternalFencePropertiesKHR, ExternalImageFormatPropertiesKHR, ExternalMemoryBufferCreateInfoKHR, ExternalMemoryFeatureFlagKHR, ExternalMemoryHandleTypeFlagKHR, ExternalMemoryImageCreateInfoKHR, ExternalMemoryPropertiesKHR, ExternalSemaphoreFeatureFlagKHR, ExternalSemaphoreHandleTypeFlagKHR, ExternalSemaphorePropertiesKHR, FenceImportFlagKHR, FormatFeatureFlag2KHR, FormatProperties2KHR, FormatProperties3KHR, FramebufferAttachmentImageInfoKHR, FramebufferAttachmentsCreateInfoKHR, GeometryFlagNV, GeometryInstanceFlagNV, GeometryTypeNV, ImageBlit2KHR, ImageCopy2KHR, ImageFormatListCreateInfoKHR, ImageFormatProperties2KHR, ImageMemoryBarrier2KHR, ImageMemoryRequirementsInfo2KHR, ImagePlaneMemoryRequirementsInfoKHR, ImageResolve2KHR, ImageSparseMemoryRequirementsInfo2KHR, ImageStencilUsageCreateInfoEXT, ImageViewUsageCreateInfoKHR, InputAttachmentAspectReferenceKHR, MemoryAllocateFlagKHR, MemoryAllocateFlagsInfoKHR, MemoryBarrier2KHR, MemoryDedicatedAllocateInfoKHR, MemoryDedicatedRequirementsKHR, MemoryOpaqueCaptureAddressAllocateInfoKHR, MemoryRequirements2KHR, MutableDescriptorTypeCreateInfoVALVE, MutableDescriptorTypeListVALVE, PeerMemoryFeatureFlagKHR, PhysicalDevice16BitStorageFeaturesKHR, PhysicalDevice8BitStorageFeaturesKHR, PhysicalDeviceBufferAddressFeaturesEXT, PhysicalDeviceBufferDeviceAddressFeaturesKHR, PhysicalDeviceDepthStencilResolvePropertiesKHR, PhysicalDeviceDescriptorIndexingFeaturesEXT, PhysicalDeviceDescriptorIndexingPropertiesEXT, PhysicalDeviceDriverPropertiesKHR, PhysicalDeviceDynamicRenderingFeaturesKHR, PhysicalDeviceExternalBufferInfoKHR, PhysicalDeviceExternalFenceInfoKHR, PhysicalDeviceExternalImageFormatInfoKHR, PhysicalDeviceExternalSemaphoreInfoKHR, PhysicalDeviceFeatures2KHR, PhysicalDeviceFloat16Int8FeaturesKHR, PhysicalDeviceFloatControlsPropertiesKHR, PhysicalDeviceFragmentShaderBarycentricFeaturesNV, PhysicalDeviceGlobalPriorityQueryFeaturesEXT, PhysicalDeviceGroupPropertiesKHR, PhysicalDeviceHostQueryResetFeaturesEXT, PhysicalDeviceIDPropertiesKHR, PhysicalDeviceImageFormatInfo2KHR, PhysicalDeviceImageRobustnessFeaturesEXT, PhysicalDeviceImagelessFramebufferFeaturesKHR, PhysicalDeviceInlineUniformBlockFeaturesEXT, PhysicalDeviceInlineUniformBlockPropertiesEXT, PhysicalDeviceMaintenance3PropertiesKHR, PhysicalDeviceMaintenance4FeaturesKHR, PhysicalDeviceMaintenance4PropertiesKHR, PhysicalDeviceMemoryProperties2KHR, PhysicalDeviceMultiviewFeaturesKHR, PhysicalDeviceMultiviewPropertiesKHR, PhysicalDeviceMutableDescriptorTypeFeaturesVALVE, PhysicalDevicePipelineCreationCacheControlFeaturesEXT, PhysicalDevicePointClippingPropertiesKHR, PhysicalDevicePrivateDataFeaturesEXT, PhysicalDeviceProperties2KHR, PhysicalDeviceRasterizationOrderAttachmentAccessFeaturesARM, PhysicalDeviceSamplerFilterMinmaxPropertiesEXT, PhysicalDeviceSamplerYcbcrConversionFeaturesKHR, PhysicalDeviceScalarBlockLayoutFeaturesEXT, PhysicalDeviceSeparateDepthStencilLayoutsFeaturesKHR, PhysicalDeviceShaderAtomicInt64FeaturesKHR, PhysicalDeviceShaderDemoteToHelperInvocationFeaturesEXT, PhysicalDeviceShaderDrawParameterFeatures, PhysicalDeviceShaderFloat16Int8FeaturesKHR, PhysicalDeviceShaderIntegerDotProductFeaturesKHR, PhysicalDeviceShaderIntegerDotProductPropertiesKHR, PhysicalDeviceShaderSubgroupExtendedTypesFeaturesKHR, PhysicalDeviceShaderTerminateInvocationFeaturesKHR, PhysicalDeviceSparseImageFormatInfo2KHR, PhysicalDeviceSubgroupSizeControlFeaturesEXT, PhysicalDeviceSubgroupSizeControlPropertiesEXT, PhysicalDeviceSynchronization2FeaturesKHR, PhysicalDeviceTexelBufferAlignmentPropertiesEXT, PhysicalDeviceTextureCompressionASTCHDRFeaturesEXT, PhysicalDeviceTimelineSemaphoreFeaturesKHR, PhysicalDeviceTimelineSemaphorePropertiesKHR, PhysicalDeviceToolPropertiesEXT, PhysicalDeviceUniformBufferStandardLayoutFeaturesKHR, PhysicalDeviceVariablePointerFeatures, PhysicalDeviceVariablePointerFeaturesKHR, PhysicalDeviceVariablePointersFeaturesKHR, PhysicalDeviceVulkanMemoryModelFeaturesKHR, PhysicalDeviceZeroInitializeWorkgroupMemoryFeaturesKHR, PipelineCreationFeedbackCreateInfoEXT, PipelineCreationFeedbackEXT, PipelineCreationFeedbackFlagEXT, PipelineInfoEXT, PipelineRenderingCreateInfoKHR, PipelineShaderStageRequiredSubgroupSizeCreateInfoEXT, PipelineStageFlag2KHR, PipelineTessellationDomainOriginStateCreateInfoKHR, PointClippingBehaviorKHR, PrivateDataSlotCreateFlagEXT, PrivateDataSlotCreateInfoEXT, PrivateDataSlotEXT, QueryPoolCreateInfoINTEL, QueueFamilyGlobalPriorityPropertiesEXT, QueueFamilyProperties2KHR, QueueGlobalPriorityEXT, RayTracingShaderGroupTypeNV, RenderPassAttachmentBeginInfoKHR, RenderPassCreateInfo2KHR, RenderPassInputAttachmentAspectCreateInfoKHR, RenderPassMultiviewCreateInfoKHR, RenderingAttachmentInfoKHR, RenderingFlagKHR, RenderingInfoKHR, ResolveImageInfo2KHR, ResolveModeFlagKHR, SamplerReductionModeCreateInfoEXT, SamplerReductionModeEXT, SamplerYcbcrConversionCreateInfoKHR, SamplerYcbcrConversionImageFormatPropertiesKHR, SamplerYcbcrConversionInfoKHR, SamplerYcbcrConversionKHR, SamplerYcbcrModelConversionKHR, SamplerYcbcrRangeKHR, SemaphoreImportFlagKHR, SemaphoreSignalInfoKHR, SemaphoreSubmitInfoKHR, SemaphoreTypeCreateInfoKHR, SemaphoreTypeKHR, SemaphoreWaitFlagKHR, SemaphoreWaitInfoKHR, ShaderFloatControlsIndependenceKHR, SparseImageFormatProperties2KHR, SparseImageMemoryRequirements2KHR, SubmitFlagKHR, SubmitInfo2KHR, SubpassBeginInfoKHR, SubpassDependency2KHR, SubpassDescription2KHR, SubpassDescriptionDepthStencilResolveKHR, SubpassEndInfoKHR, TessellationDomainOriginKHR, TimelineSemaphoreSubmitInfoKHR, ToolPurposeFlagEXT, TransformMatrixNV, WriteDescriptorSetInlineUniformBlockEXT
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
347
using Pkg Pkg.activate(dirname(@__DIR__)) # List all function parameters which require external synchronization. for f in api.functions if any(f.params.is_externsync) print("Function: ") printstyled(f.name, '\n'; color = :cyan) for p in f.params if p.is_externsync display(p) end end println() end end
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
550
using VulkanGen write_state(generate_state(read_state())) const destdir = joinpath(dirname(dirname(@__DIR__)), "generated") wrapper_config(platform, destfile) = WrapperConfig(platform, joinpath(destdir, destfile)) configs = [ wrapper_config(Linux(), "linux.jl"), wrapper_config(MacOS(), "macos.jl"), wrapper_config(BSD(), "bsd.jl"), wrapper_config(Windows(), "windows.jl"), ] for config in configs @time vw = VulkanWrapper(config) @time write(vw, config) @info "Vulkan successfully wrapped at $(config.destfile)" end
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
2085
module VulkanGen using StructArrays: StructVector using Accessors: @set using Graphs using MLStyle using DocStringExtensions using Reexport using Dictionaries using TOML using .Meta: isexpr using Pkg.API: read_project @reexport using VulkanSpec @template (FUNCTIONS, METHODS, MACROS) = """ $(DOCSTRING) $(TYPEDSIGNATURES) """ @template TYPES = """ $(DOCSTRING) $(TYPEDEF) $(TYPEDSIGNATURES) $(TYPEDFIELDS) $(SIGNATURES) """ const api = VulkanAPI(read_project(joinpath(pkgdir(@__MODULE__, "Project.toml"))).version, include_video_api = false) include("state.jl") const state = Ref(read_state()) include("types.jl") include("exprs.jl") include("type_conversions.jl") include("naming_conventions.jl") include("conventions.jl") include("config.jl") include("wrap.jl") include("dependency_resolution.jl") include("write.jl") export # Naming Conventions ### Convention types CamelCaseLower, CamelCaseUpper, SnakeCaseLower, SnakeCaseUpper, ### Convention utilities detect_convention, nc_convert, remove_parts, remove_prefix, struct_name, # Expr name, category, deconstruct, reconstruct, rmlines, striplines, unblock, prettify, concat_exs, broadcast_ex, is_broadcast, to_expr, # Wrapping WrapperConfig, Platform, Linux, Windows, MacOS, BSD, extensions, filter_specs, VulkanWrapper, wrap, resolve_types, resolve_dependencies, ### Utility is_flag, is_returnedonly, contains_api_structs, promote_hl, ### Wrapper types WrapperNode, Definition, ConstantDefinition, EnumDefinition, BitmaskDefinition, StructDefinition, HandleDefinition, Constructor, Documented, MethodDefinition, AliasDeclaration, FromVk, Convert, GetProperty, APIFunction, Parent, exports, generate_state, read_state, write_state, api end # module VulkanGen
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
1832
""" Configuration structure which allow the selection of specific parts of the Vulkan API. """ Base.@kwdef struct WrapperConfig "Include core API (with core extensions)." wrap_core::Bool = true "Include beta (provisional) exensions. Provisional extensions may break between patch releases." include_provisional_exts::Bool = false "Platform-specific families of extensions to include." include_platforms::Vector{PlatformType} = [] "Path the wrapper will be written to." destfile::String end include_provisional_exts(config::WrapperConfig) = config.include_provisional_exts || PLATFORM_PROVISIONAL in config.include_platforms function extensions(config::WrapperConfig) exts = filter(x -> x.is_provisional && include_provisional_exts(config) || x.platform in config.include_platforms || x.platform == PLATFORM_NONE && config.wrap_core, filter(x -> EXTENSION_SUPPORT_VULKAN in x.support, api.extensions)) end function _filter_specs(specs, extensions, wrap_core) filter(specs) do spec ext = get(api.extensions, spec, nothing) isnothing(ext) && wrap_core || ext in extensions end end filter_specs(config::WrapperConfig) = x -> _filter_specs(x, extensions(config), config.wrap_core) abstract type Platform end struct Linux <: Platform end struct MacOS <: Platform end struct BSD <: Platform end struct Windows <: Platform end WrapperConfig(p::Platform, destfile; kwargs...) = WrapperConfig(; include_platforms = platform_extensions(p), destfile, kwargs...) platform_extensions(::Linux) = [PLATFORM_WAYLAND, PLATFORM_XCB, PLATFORM_XLIB, PLATFORM_XLIB_XRANDR] platform_extensions(::MacOS) = [PLATFORM_MACOS, PLATFORM_METAL] platform_extensions(::BSD) = [PLATFORM_WAYLAND, PLATFORM_XCB, PLATFORM_XLIB, PLATFORM_XLIB_XRANDR] platform_extensions(::Windows) = [PLATFORM_WIN32]
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
527
remove_vk_prefix(name) = replace(name, r"^(?:vk|Vk|VK_)" => "") remove_vk_prefix(name::Symbol) = Symbol(remove_vk_prefix(string(name))) function remove_vk_prefix(ex::Expr) postwalk(ex) do ex ex isa Symbol ? Symbol(remove_vk_prefix(string(ex))) : ex end end const convention_exceptions = Dict( :textureCompressionASTC_LDR => :texture_compression_astc_ldr, :textureCompressionASTC_HDR => :texture_compression_astc_hdr, :formatA4R4G4B4 => :format_a4r4g4b4, :formatA4B4G4R4 => :format_a4b4g4r4, )
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
3087
const known_dependencies = Set([:FunctionPtr, :RefCounter, :UInt8, :UInt16, :UInt32, :UInt64, :UInt, :Int8, :Int16, :Int32, :Int64, :Int, :Float16, :Float32, :Float64, :String, :Cstring, :VersionNumber, :Any, :Cvoid, :Bool]) function resolve_type(type) if type isa Symbol type in extension_types ? :(vk.$type) : type else postwalk(type) do ex ex isa Symbol ? resolve_type(ex) : ex end end end resolve_types(ex) = postwalk(resolve_type, ex) function field_deps(ex) @match ex begin :($_::$T) => innermost_type(T) _ => nothing end end function raw_dependencies(ex) p = deconstruct(ex) @match category(ex) begin :struct => begin # handle structs wrapped with @struct_hash_equal p = haskey(p, :macro) ? deconstruct(p[:decl]) : p [dep for dep in field_deps.(p[:fields]) if isa(dep, Symbol)] end :function => foldl((x, y) -> isnothing(y) ? x : append!(x, y), map(@λ(begin :($arg::$type) => filter(x -> isa(x, Symbol), @something(inner_type(type), return nothing)) :(::$type) => filter(x -> isa(x, Symbol), @something(inner_type(type), return nothing)) arg => nothing end), [p[:args]; p[:kwargs]]); init = Symbol[]) :const => p[:value] isa Symbol ? [p[:value]] : Symbol[] :enum => [p[:type]] :doc => raw_dependencies(p[:ex]) end end function dependencies(ex) deps = raw_dependencies(ex) filter!.( [ x -> x isa Symbol, x -> !isalias(x, api.aliases), x -> !startswith(string(x), r"(?:Vk|VK_|StdVideo)"), !is_vulkan_type, !in(known_dependencies), !in(extension_types), ], Ref(deps), ) deps end function check_is_dag(g, decls) if is_cyclic(g) || !is_directed(g) cycles = simplecycles_hadwick_james(g) inds = unique(vcat(cycles...)) problematic_decls = getindex.(Ref(decls), inds) error( """ Dependency graph is not a directed acyclic graph (is $(is_directed(g) ? "directed" : "undirected") and $(is_cyclic(g) ? "cyclic" : "acyclic")) $(is_cyclic(g) ? """ Cycles: $(join(generate.(problematic_decls), "\n"^2))""" : "") """, ) end end function resolve_dependencies(decls) defined_names = names.(decls) g = SimpleDiGraph(length(decls)) for (j, decl) ∈ enumerate(decls) for dep ∈ dependencies(decl) i = findfirst(Base.Fix1(in, dep), defined_names) !isnothing(i) || error("Could not find dependency '$dep' for $decl") add_edge!(g, i, j) end end check_is_dag(g, decls) topological_sort_by_dfs(g) end function check_dependencies(decls) encountered_deps = [] for decl ∈ decls deps = dependencies(decl) if deps ⊈ encountered_deps error("Unsolved dependencies $deps for declaration $decl") end append!(encountered_deps, names(decl)) end decls end
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
8845
const enum_sym = Symbol("@enum") const cenum_sym = Symbol("@cenum") const bitmask_enum_sym = Symbol("@bitmask") const struct_hash_equal_sym = Symbol("@struct_hash_equal") isline(x) = false isline(x::LineNumberNode) = true function rmlines(ex) @match ex begin Expr(:macrocall, m, _...) => Expr(:macrocall, m, nothing, filter(!isline, ex.args[3:end])...) ::Expr => Expr(ex.head, filter(!isline, ex.args)...) a => a end end symbols(ex::Expr) = vcat(map(symbols, ex.args)...) symbols(sym::Symbol) = sym symbols(x) = [] walk(ex::Expr, inner, outer) = outer(Expr(ex.head, map(inner, ex.args)...)) walk(ex, inner, outer) = outer(ex) postwalk(f, ex) = walk(ex, x -> postwalk(f, x), f) prewalk(f, ex) = walk(f(ex), x -> prewalk(f, x), identity) striplines(ex) = prewalk(rmlines, ex) function unblock(ex::Expr) prewalk(ex) do ex ex isa Expr && ex.head == :block && length(ex.args) == 1 ? ex.args[1] : ex end end function category(ex) @match ex begin Expr(:struct, _...) || Expr(:macrocall, &struct_hash_equal_sym, _...) => :struct Expr(:const, _...) => :const Expr(:function, _...) || Expr(:(=), Expr(:call, _...) || Expr(:(::), Expr(:call, _...), _...), _...) => :function Expr(:macrocall, &enum_sym || &cenum_sym || &bitmask_enum_sym, _...) => :enum :(Core.@doc $_ $docstring $ex) => :doc Expr(:block, _...) => :block _ => nothing end end prettify(ex) = ex |> striplines |> unblock isblock(ex) = false isblock(ex::Expr) = ex.head == :block broadcast_ex(sym::Symbol) = sym function broadcast_ex(ex) isexpr(ex, :.) && return ex Expr(:., ex.args[1], Expr(:tuple, ex.args[2:end]...)) end broadcast_ex(ex, cond::Bool) = cond ? broadcast_ex(ex) : ex broadcast_ex(::Nothing, ::Bool) = nothing is_broadcast(ex) = @match ex begin :($_.($(_...))) => true _ => false end concat_exs(x) = x concat_exs(x, y) = Expr(:block, vcat((isblock(x) ? x.args : x), (isblock(y) ? y.args : y))...) concat_exs(x, y, z...) = foldl(concat_exs, z; init = concat_exs(x, y)) name(sym::Symbol) = sym function name(ex::Expr) @match ex begin Expr(:(::), a...) => name(first(a)) Expr(:<:, a...) => name(first(a)) Expr(:struct, _, _name, _) => name(_name) Expr(:call, f, _...) => name(f) Expr(:., subject, attr, _...) => name(subject) Expr(:function, sig, _...) => name(sig) Expr(:const, assn, _...) => name(assn) Expr(:(=), call, body, _...) => name(call) Expr(:macrocall, &enum_sym || &cenum_sym || &bitmask_enum_sym, _, decl, _...) => name(decl) Expr(:kw, _name, _...) => _name :(Core.@doc $_ $docstring $ex) => name(ex) Expr(:macrocall, &struct_hash_equal_sym, _, ex) => name(ex) Expr(:..., ex) => name(ex) Expr(expr_type, _...) => error("Can't extract name from ", expr_type, " expression:\n", " $ex\n") end end function names(ex::Expr) assignments = Symbol[name(ex)] postwalk(ex) do _ex ex == _ex && return _ex @switch _ex begin @case :($(assigned::Symbol) = $_) push!(assignments, assigned) return nothing @case _ nothing end _ex end assignments end function name(p::Dict) !haskey(p, :category) && return p[:name] @match p[:category] begin :struct || :enum => name(p[:decl]) _ => p[:name] end end type(ex::Expr) = @match ex begin :($_ <: $T) || :($_::$T) || :(::$T) => T _ => nothing end function deconstruct(ex::Expr) ex = striplines(ex) dict = Dict{Symbol,Any}(:category => category(ex)) @switch ex begin @case Expr(:struct, is_mutable, decl, fields) dict[:name] = name(decl) dict[:decl] = decl dict[:is_mutable] = is_mutable dict[:fields] = [] dict[:constructors] = [] fields = @match fields begin Expr(:block, fields...) => fields _ => [fields] end for field ∈ fields field isa LineNumberNode && continue @when :function = category(field) begin push!(dict[:constructors], deconstruct(field)) @otherwise push!(dict[:fields], field) end end @case Expr(:const, Expr(:(=), sym, val)) dict[:name] = sym dict[:value] = val @case Expr(func_sym, :($call::$return_type), body) || Expr(func_sym, :($call::$return_type), body) dict = deconstruct(Expr(func_sym, call, body)) dict[:return_type] = return_type @case Expr(:(=), call, body) || Expr(:function, call, body) sig_params = deconstruct(call) dict[:name] = sig_params[:name] dict[:args] = sig_params[:args] dict[:kwargs] = sig_params[:kwargs] dict[:body] = body dict[:short] = ex.head ≠ :function @case Expr(:call, f, args...) dict[:name] = f dict[:args] = [] dict[:kwargs] = [] for arg ∈ args @switch arg begin @case Expr(:parameters, kwargs...) append!(dict[:kwargs], kwargs) @case _arg push!(dict[:args], arg) end end @case :(Core.@doc $_ $docstring $ex) dict[:docstring] = docstring dict[:ex] = ex @case Expr(:macrocall, m, _, decl, args...) dict[:macro] = m dict[:name] = name(decl) dict[:type] = decl isa Symbol ? Int : type(decl) dict[:decl] = decl dict[:values] = @match args begin [::Expr] => rmlines(args[1].args) x => x end @case _ error("Matching non-exhaustive for expr $ex\n$(dump(ex))") end dict end function reconstruct_call(d::Dict; is_decl = true, with_typeassert = true) args = get(d, :args, []) kwargs = get(d, :kwargs, []) if !is_decl args = name.(args) kwargs = name.(kwargs) end call = @match (args, kwargs) begin (args, []) => Expr(:call, name(d), args...) (args, kwargs) => Expr(:call, name(d), Expr(:parameters, kwargs...), args...) end rt = get(d, :return_type, nothing) if isnothing(rt) || !is_decl || !with_typeassert call else :($call::$rt) end end function reconstruct_documented(d::Dict, ex) docstring = get(d, :docstring, "") isempty(docstring) ? ex : :(Core.@doc $docstring $ex) end function reconstruct(d::Dict) category = d[:category] ex = @match category begin :struct => begin props = [get(d, :fields, []); get(d, :constructors, [])] Expr(:struct, get(d, :is_mutable, false), d[:decl], Expr(:block, props...)) end :const => :(const $(d[:name]) = $(d[:value])) :enum => Expr(:macrocall, d[:macro], nothing, d[:decl], Expr(:block, d[:values]...)) :function => begin call = reconstruct_call(d) get(d, :short, false) ? :($call = $(d[:body])) : Expr(:function, call, d[:body]) end :doc => :(Core.@doc $(d[:docstring]) $(d[:ex])) _ => error("Category $category cannot be constructed") end if category == :enum ex else unblock(ex) end end function to_expr(p::Dict) if p[:category] == :function if haskey(p, :relax_signature) val = p[:relax_signature] if val isa Bool val && relax_function_signature!(_ -> true, p) else relax_function_signature!(p[:relax_signature], p) end end end reconstruct(p) end
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
4147
abstract type NamingConvention end abstract type CamelCase <: NamingConvention end abstract type SnakeCase <: NamingConvention end struct SnakeCaseLower <: SnakeCase value::Any SnakeCaseLower(value) = is_snake_case(value) && lowercase(value) == value ? new(value) : error("Invalid string format $value") end struct SnakeCaseUpper <: SnakeCase value::Any SnakeCaseUpper(value) = is_snake_case(value) && uppercase(value) == value ? new(value) : error("Invalid string format $value") end struct CamelCaseLower <: CamelCase value::Any CamelCaseLower(value) = is_camel_case(value) && uppercase(value[1]) != value[1] ? new(value) : error("Invalid string format $value") end struct CamelCaseUpper <: CamelCase value::Any CamelCaseUpper(value) = is_camel_case(value) && uppercase(value[1]) == value[1] ? new(value) : error("Invalid string format $value") end Base.split(str::SnakeCase) = split(str.value, "_") function Base.split(str::CamelCase) strval = str.value lowercase(strval) == strval && return [strval] length(strval) > 1 && lowercase(strval[2:end]) == strval[2:end] && return [strval] reg_upper = r"(([A-Z]+|\d+)(?=(([A-Z]+|\d+)|$))|([A-Z]{1})[a-z]*?(?=($|([A-Z]|\d))))" if uppercase(strval[1]) == strval[1] # CamelCaseUpper matches = getproperty.(collect(eachmatch(reg_upper, strval)), :match) else first = match(r"[a-z]+(?=([A-Z]|\d))", strval).match matches = [first, getproperty.(collect(eachmatch(reg_upper, strval)), :match)...] end matches end SnakeCaseLower(parts::AbstractArray) = SnakeCaseLower(lowercase(snake_case(parts))) SnakeCaseUpper(parts::AbstractArray) = SnakeCaseUpper(uppercase(snake_case(parts))) CamelCaseLower(parts::AbstractArray) = CamelCaseLower(camel_case(lowercase.(parts))) CamelCaseUpper(parts::AbstractArray) = CamelCaseUpper(uppercasefirst(camel_case(lowercase.(parts)))) snake_case(parts::AbstractArray) = join(parts, "_") camel_case(parts::AbstractArray) = length(parts) == 1 ? parts[1] : join([parts[1], uppercasefirst.(parts[2:end])...]) Base.convert(T::Type{SnakeCaseLower}, str::SnakeCaseUpper) = T(lowercase(str.value)) Base.convert(T::Type{SnakeCaseUpper}, str::SnakeCaseLower) = T(uppercase(str.value)) Base.convert(T::Type{CamelCaseLower}, str::CamelCaseUpper) = T(lowercase(str.value[1]) * str.value[2:end]) Base.convert(T::Type{CamelCaseUpper}, str::CamelCaseLower) = T(uppercasefirst(str.value)) Base.convert(T::Type{<:CamelCase}, str::SnakeCase) = T(split(str)) Base.convert(T::Type{<:SnakeCase}, str::CamelCase) = T(split(str)) nc_convert(T::Type{<:NamingConvention}, str::AbstractString) = Base.convert(T, (detect_convention(str, instance = true))).value nc_convert(T::Type{<:NamingConvention}, sym::Symbol) = Symbol(nc_convert(T, string(sym))) is_camel_case(str) = !occursin("_", str) is_snake_case(str) = lowercase(str) == str || uppercase(str) == str is_camel_case(str::NamingConvention) = is_camel_case(str.value) is_snake_case(str::NamingConvention) = is_snake_case(str.value) function remove_parts(str::T, discarded_parts) where {T<:NamingConvention} splitted_str = split(str) parts_to_keep = 1:length(splitted_str) |> x -> filter(y -> y ∉ discarded_parts, x) |> collect kept_parts = getindex.(Ref(splitted_str), parts_to_keep) T(kept_parts) end remove_parts(str; discarded_parts = [1]) = remove_parts(detect_convention(str, instance = true), discarded_parts) remove_prefix(name::T) where {T<:NamingConvention} = T(split(name)[2:end]) remove_prefix(str) = remove_prefix(detect_convention(str, instance = true)).value function detect_convention(str; instance = false) instanced(T, x) = instance ? T(x) : T is_camel_case(str) && lowercase(str)[1] == str[1] && return instanced(CamelCaseLower, str) is_camel_case(str) && uppercase(str)[1] == str[1] && return instanced(CamelCaseUpper, str) is_snake_case(str) && lowercase(str) == str && return instanced(SnakeCaseLower, str) is_snake_case(str) && uppercase(str) == str && return instanced(SnakeCaseUpper, str) error("No convention detected for string $str") end
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
1725
const STATE_FILE = joinpath(pkgdir(@__MODULE__), "State.toml") function generate_state(api::VulkanAPI = api) state = Dict{Symbol,Any}( :version => string(api.version), :functions => Dict(func.name => Dict(param.name => Dict(:exposed_as_parameter => is_optional(param)) for param in func) for func in api.functions), :structs => Dict(strct.name => Dict(member.name => Dict(:exposed_as_parameter => is_optional(member)) for member in strct) for strct in api.structs), ) end merge_innermost!(current::Dict, prev::Dict) = mergewith!(merge_innermost!, current, prev) merge_innermost!(current, prev) = prev function generate_state(prev_state::Dict, api::VulkanAPI = api) state = generate_state(api) mergewith!(merge_innermost!, state, prev_state) for category in (:functions, :structs) for name in keys(prev_state[category]) if haskey(api.aliases.dict, name) # A symbol present in the state is now an alias (and was not before). # In this case, don't keep the alias in the state, and transfer original parameters # to the new symbol which replaces the original one. symbol = follow_alias(name, api.aliases) delete!(state[category], name) state[category][symbol] = prev_state[category][name] end end end state[:version] = string(api.version) state end function write_state(state::Dict, file::AbstractString = STATE_FILE) open(file, "w+") do io TOML.print(io, state, sorted = true) end @__MODULE__().state[] = read_state() end keys_to_symbol(d::Dict{String}) = Dict(Symbol(k) => keys_to_symbol(v) for (k, v) in d) keys_to_symbol(x) = x read_state(file::AbstractString = STATE_FILE) = keys_to_symbol(TOML.parsefile(file))
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
4068
function hl_type(spec::Spec) @match s = spec begin if s.name == :pNext end => :Any if is_version(s, api.constants) end => :VersionNumber GuardBy(is_arr) => begin T = hl_type(ptr_type(s.type)) :(Vector{$T}) end _ => hl_type(spec.type) end end function hl_type(type) @match t = type begin :Cstring => :String :VkBool32 => :Bool GuardBy(is_opaque_pointer) => t :(NTuple{$_,Char}) => :String :(NTuple{$N,$T}) => begin _N = @match N begin ::Symbol => :(Int($N)) _ => N end :(NTuple{$_N,$(hl_type(T))}) end GuardBy(in([api.structs.name; api.unions.name])) => struct_name(t, true) GuardBy(in(api.handles.name)) => remove_vk_prefix(t) GuardBy(is_fn_ptr) => :FunctionPtr :(Ptr{$T}) => hl_type(T) GuardBy(is_flag_bitmask) => bitmask_flag_type(t) GuardBy(in(api.flags.name)) && if !isnothing(api.flags[t].bitmask) end => bitmask_flag_type(api.flags[t].bitmask) GuardBy(in(api.constants.name)) => follow_constant(t, api.constants) GuardBy(in(api.enums.name)) => enum_type(t) GuardBy(is_vulkan_type) => remove_vk_prefix(t) GuardBy(is_intermediate) => Symbol(string(t)[2:end]) _ => t end end function idiomatic_julia_type(type) @match t = type begin GuardBy(is_fn_ptr) => :FunctionPtr GuardBy(is_opaque_pointer) => t :(NTuple{$_,Char}) => :String :(NTuple{$N,$T}) => begin _N = @match N begin ::Symbol => :(Int($N)) _ => N end :(NTuple{$_N,$(idiomatic_julia_type(T))}) end :Cstring => :String :VkBool32 => :Bool :(Ptr{$pt}) => idiomatic_julia_type(pt) GuardBy(in([api.structs.name; api.unions.name])) => struct_name(t) GuardBy(in(api.handles.name)) => remove_vk_prefix(t) GuardBy(in(api.enums.name)) => enum_type(t) GuardBy(is_flag_bitmask) => bitmask_flag_type(t) GuardBy(in(api.flags.name)) && if !isnothing(api.flags[t].bitmask) end => bitmask_flag_type(api.flags[t].bitmask) GuardBy(in(api.constants.name)) => follow_constant(t, api.constants) _ => t end end """ Return a new type easier to deal with. """ function idiomatic_julia_type(spec::Spec) @match s = spec begin if is_version(s, api.constants) end => :VersionNumber GuardBy(is_arr) => :(Vector{$(idiomatic_julia_type(ptr_type(s.type)))}) GuardBy(is_data) => :(Ptr{Cvoid}) _ => idiomatic_julia_type(s.type) end end idiomatic_julia_type(spec::SpecFunc) = spec.return_type == :VkResult && !must_return_status_code(spec) ? :Nothing : idiomatic_julia_type(spec.return_type) function signature_type(type) @match type begin :UInt || :UInt8 || :UInt16 || :UInt32 || :UInt64 || :Int || :Int8 || :Int16 || :Int32 || :Int64 => :Integer :Float16 || :Float32 || :Float64 => :Real :String => :AbstractString :(Vector{$et}) => begin @match st = signature_type(et) begin :AbstractString || :Integer || :Real => :(AbstractArray{<:$st}) _ => :(AbstractArray{$st}) end end t => t end end function relax_signature_type(type) @match type begin :(AbstractArray{$_}) || :(AbstractArray{<:$_}) => :AbstractArray t => t end end function relax_function_signature!(f, p::Dict) args = map(p[:args]) do arg if f(arg) relax_function_signature(arg) else arg end end p[:args] = args end function relax_function_signature(arg) @match arg begin :($identifier::$type) => :($identifier::$(relax_signature_type(type))) _ => arg end end bitmask_flag_type(type) = Symbol(replace(remove_vk_prefix(string(type)), "Bits" => "")) bitmask_flag_type(spec::SpecBitmask) = bitmask_flag_type(spec.name)
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
945
const ExprLike = Union{Symbol,Expr} const Optional{T} = Union{Nothing,T} is_ptr_to_ptr(ex) = !isnothing(ptrtype(ptrtype(ex))) is_ptr(ex) = !isnothing(ptr_type(ex)) ptr_type(ex) = @when :(Ptr{$T}) = ex T ntuple_type(ex) = @when :(NTuple{$N,$T}) = ex T is_ntuple(ex) = !isnothing(ntuple_type(ex)) is_vulkan_type(name) = name ∈ [api.handles.name; api.structs.name; api.unions.name] inner_type(ex) = @when :($T{$(args...)}) = ex map(args) do arg @match arg begin :(<:$t) => t _ => arg end end function innermost_type(ex::Expr) if is_ntuple(ex) innermost_type(ntuple_type(ex)) else t = inner_type(ex) if !isnothing(t) if length(t) > 1 error("Expected 1 inner type for $ex, found $(length(t)) ($t)") else innermost_type(first(t)) end else ex end end end innermost_type(sym::Symbol) = sym
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
13923
abstract type WrapperNode end struct Definition{S<:Spec} <: WrapperNode spec::S p::Dict end const EnumDefinition = Definition{SpecEnum} const BitmaskDefinition = Definition{SpecBitmask} const ConstantDefinition = Definition{SpecConstant} struct StructDefinition{HL,S<:Union{SpecStruct,SpecUnion}} <: WrapperNode spec::S p::Dict end StructDefinition{T}(spec, p) where {T} = StructDefinition{T,typeof(spec)}(spec, p) struct HandleDefinition <: WrapperNode spec::SpecHandle p::Dict end struct Constructor{T,X} <: WrapperNode p::Dict to::T from::X end struct Documented{W<:WrapperNode} <: WrapperNode def::W p::Dict end Documented(def::WrapperNode) = Documented(def, "") function Documented(def::WrapperNode, doc::AbstractString) doc = lstrip(doc, '\n') Documented(def, docstring(to_expr(def), doc)) end abstract type MethodDefinition <: WrapperNode end struct Convert{A,B} <: MethodDefinition T::A x::B p::Dict end struct GetProperty{D} <: MethodDefinition def::D p::Dict end struct APIFunction{S} <: MethodDefinition spec::S with_func_ptr::Bool p::Dict end struct Parent <: MethodDefinition def::HandleDefinition p::Dict end struct StructureType <: MethodDefinition spec::SpecStruct ex::Expr end abstract type TypeMapping <: MethodDefinition end struct HLTypeMapping <: TypeMapping spec::Union{SpecStruct,SpecUnion} ex::Expr end struct CoreTypeMapping <: TypeMapping spec::Union{SpecStruct,SpecUnion} ex::Expr end struct IntermediateTypeMapping <: TypeMapping spec::Union{SpecStruct,SpecUnion} ex::Expr end struct AliasDeclaration <: WrapperNode source::Symbol target::Symbol end function AliasDeclaration((source, target)) f = startswith(string(source), "vk") ? Base.Fix2(function_name, true) : remove_vk_prefix AliasDeclaration(f(source), f(target)) end to_expr(def::Union{StructureType, TypeMapping}) = def.ex to_expr((; source, target)::AliasDeclaration) = :(const $source = $target) to_expr(def::WrapperNode) = resolve_types(to_expr(def.p)) to_expr(def::Union{Documented, ConstantDefinition, EnumDefinition, BitmaskDefinition}) = to_expr(def.p) to_expr(def::StructDefinition{true,<:SpecStruct}) = :(@struct_hash_equal $(resolve_types(to_expr(def.p)))) function documented(def::WrapperNode) doc = Documented(def) # Avoid empty docstrings. isempty(strip(doc.p[:docstring], '\n')) && return to_expr(def) to_expr(doc) end name(def::WrapperNode) = name(def.p) name(alias::AliasDeclaration) = alias.source function exports(def::WrapperNode) @match n = name(def) begin ::Symbol => n :($_.$n) => n end end exports(def::Union{EnumDefinition, BitmaskDefinition}) = [name(def); name.(def.p[:values])] struct VulkanWrapper independent::Vector{Expr} interdependent::Vector{Expr} dependent::Vector{Expr} exports::Vector{Symbol} function VulkanWrapper(independent::AbstractVector{Expr}, interdependent::AbstractVector{Expr}, dependent::AbstractVector{Expr}, exports::AbstractVector{Symbol}) new(independent, interdependent, dependent, unique(exports)) end end include("wrap/classification.jl") include("wrap/identifiers.jl") include("wrap/defaults.jl") include("wrap/call.jl") include("wrap/return.jl") include("wrap/decl.jl") include("wrap/initialization.jl") include("wrap/parent.jl") include("wrap/constants.jl") include("wrap/enums.jl") include("wrap/bitmasks.jl") include("wrap/handles.jl") include("wrap/structs.jl") include("wrap/unions.jl") include("wrap/functions.jl") include("wrap/reflection.jl") include("wrap/docs.jl") function VulkanWrapper(config::WrapperConfig) f = filter_specs(config) constants = ConstantDefinition.(filter(include_constant, f(api.constants))) enums = EnumDefinition.(f(api.enums)) bitmasks = BitmaskDefinition.(f(api.bitmasks)) handles = HandleDefinition.(f(api.handles)) # Structures. structs = StructDefinition{false}.(f(api.structs)) structs_hl = StructDefinition{true}.(structs) struct_constructors = Constructor.(structs) struct_constructors_from_hl = [Constructor(T, x) for (T, x) in zip(structs, structs_hl)] struct_constructors_from_ll = [Constructor(T, x) for (T, x) in zip(structs_hl, structs)] struct_constructors_from_core = [Constructor(T, x) for (T, x) in zip(structs_hl, f(api.structs))] struct_constructors_hl = Constructor.(structs_hl) ## Do not overwrite the default constructor (leads to infinite recursion). filter!(struct_constructors_hl) do def !isempty(def.p[:kwargs]) end # Unions. unions = StructDefinition{false}.(f(api.unions)) unions_hl = StructDefinition{true}.(unions) union_constructors = [constructors.(unions)...;] union_constructors_from_hl = [Constructor(T, x) for (T, x) in zip(unions, unions_hl)] union_constructors_hl = [constructors.(unions_hl)...;] union_getproperty_hl = GetProperty.(unions_hl) enum_converts_to_integer = [Convert(enum, enum_val_type(enum)) for enum in enums] enum_converts_to_enum = [Convert(enum_val_type(enum), enum) for enum in enums] enum_converts_from_spec = [Convert(enum, spec_enum.name) for (enum, spec_enum) in zip(enums, f(api.enums))] enum_converts_to_spec = [Convert(spec_enum.name, enum) for (enum, spec_enum) in zip(enums, f(api.enums))] struct_converts_to_ll = [Convert(T, x) for (T, x) in zip(structs, structs_hl)] union_converts_to_ll = [Convert(T, x) for (T, x) in zip(unions, unions_hl)] funcs = APIFunction.(f(api.functions), false) funcs_fptr = APIFunction.(f(api.functions), true) funcs_hl = promote_hl.(funcs) funcs_hl_fptr = promote_hl.(funcs_fptr) create_func_wrappers = APIFunction{CreateFunc}[] create_func_wrappers_fptr = APIFunction{CreateFunc}[] create_func_wrappers_hl = APIFunction{APIFunction{CreateFunc}}[] create_func_wrappers_hl_fptr = APIFunction{APIFunction{CreateFunc}}[] handle_constructors = Constructor{HandleDefinition,APIFunction{CreateFunc}}[] handle_constructors_fptr = Constructor{HandleDefinition,APIFunction{CreateFunc}}[] handle_constructors_hl = Constructor{HandleDefinition,APIFunction{APIFunction{CreateFunc}}}[] handle_constructors_hl_fptr = Constructor{HandleDefinition,APIFunction{APIFunction{CreateFunc}}}[] handle_constructors_api = Constructor{HandleDefinition,APIFunction{SpecFunc}}[] handle_constructors_api_fptr = Constructor{HandleDefinition,APIFunction{SpecFunc}}[] handle_constructors_api_hl = Constructor{HandleDefinition,APIFunction{APIFunction{SpecFunc}}}[] handle_constructors_api_hl_fptr = Constructor{HandleDefinition,APIFunction{APIFunction{SpecFunc}}}[] for handle in handles cs = f(filter(x -> x.handle == handle.spec && !x.batch, api.constructors)) for api_constructor in cs (; func) = api_constructor f1 = APIFunction(func, false) f2 = APIFunction(func, true) f1_p = promote_hl(f1) f2_p = promote_hl(f2) if !isnothing(api_constructor.create_info_param) cf1 = APIFunction(api_constructor, false) cf2 = APIFunction(api_constructor, true) push!(create_func_wrappers, cf1) push!(create_func_wrappers_fptr, cf2) cf1_p = promote_hl(cf1) cf2_p = promote_hl(cf2) push!(create_func_wrappers_hl, cf1_p) push!(create_func_wrappers_hl_fptr, cf2_p) if can_wrap(handle.spec, cs, api_constructor) if contains_api_structs(cf1) push!(handle_constructors, Constructor(handle, cf1)) push!(handle_constructors_fptr, Constructor(handle, cf2)) end push!(handle_constructors_hl, Constructor(handle, cf1_p)) push!(handle_constructors_hl_fptr, Constructor(handle, cf2_p)) end end can_wrap(handle.spec, cs, api_constructor) || continue push!(handle_constructors_api_hl, Constructor(handle, f1_p)) push!(handle_constructors_api_hl_fptr, Constructor(handle, f2_p)) if contains_api_structs(f1) push!(handle_constructors_api, Constructor(handle, f1)) push!(handle_constructors_api_fptr, Constructor(handle, f2)) end end end parent_overloads = Parent.(filter(x -> !isnothing(x.spec.parent), handles)) stypes = StructureType.(filter(x -> haskey(api.structure_types, x.name), f(api.structs))) hl_type_mappings = [HLTypeMapping.(f(api.structs)); HLTypeMapping.(f(api.unions))] core_type_mappings = [CoreTypeMapping.(f(api.structs)); CoreTypeMapping.(f(api.unions))] intermediate_type_mappings = IntermediateTypeMapping.(filter(has_intermediate_type, f(api.structs))) # For SPIR-V, there is no platform-dependent behavior, so no need to call `f`. spirv_exts = api.extensions_spirv spirv_caps = map(api.capabilities_spirv) do spec feats = map(spec.enabling_features) do feat FeatureCondition(struct_name(follow_alias(feat.type, api.aliases), true), nc_convert(SnakeCaseLower, feat.member), feat.core_version, feat.extension) end props = map(spec.enabling_properties) do prop bit = isnothing(prop.bit) ? nothing : remove_vk_prefix(prop.bit) PropertyCondition(struct_name(prop.type, true), nc_convert(SnakeCaseLower, prop.member), prop.core_version, prop.extension, prop.is_bool, bit) end SpecCapabilitySPIRV(spec.name, spec.promoted_to, spec.enabling_extensions, feats, props) end exported_symbols = Symbol[ exports.(constants); exports.(enums)...; exports.(bitmasks)...; exports.(handles); exports.(structs); exports.(unions); exports.(structs_hl); exports.(unions_hl); exports.(funcs); exports.(funcs_hl); :SPIRV_EXTENSIONS; :SPIRV_CAPABILITIES; :CORE_FUNCTIONS; :INSTANCE_FUNCTIONS; :DEVICE_FUNCTIONS; ] aliases = AliasDeclaration[] for (source, target) in pairs(api.aliases.dict) startswith(string(target), "vk") && continue in(source, api.disabled_symbols) && continue spec = api[source] source, target = @match spec begin ::SpecBitmask => bitmask_flag_type.((source, target)) ::SpecEnum => enum_type.((source, target)) _ => remove_vk_prefix.((source, target)) end target in exported_symbols && push!(aliases, AliasDeclaration(source => target)) end function_aliases = Expr[] functions = f(api.functions) for (source, target) in pairs(api.aliases.dict) al = AliasDeclaration(source => target) startswith(string(source), "vk") || continue f = api.functions[target] handle = dispatch_handle(f) param = @match handle begin :(device($x)) || :(instance($x)) || x::Symbol => x nothing => nothing end args = Any[:(args...)] !isnothing(param) && pushfirst!(args, param) if f in functions push!(function_aliases, # :($source(args..., fptr::FunctionPtr; kwargs...) = $target(args..., fptr; kwargs...)), :($(al.source)($(args...); kwargs...) = @dispatch $source $handle $(al.target)($(args...); kwargs...)) ) push!(exported_symbols, al.source) end end append!(exported_symbols, exports.(aliases)) VulkanWrapper( Expr[ documented.(constants); documented.(enums); documented.(enum_converts_to_enum); documented.(enum_converts_to_integer); documented.(enum_converts_from_spec); documented.(enum_converts_to_spec); documented.(bitmasks); ], Expr[ documented.(handles); documented.(structs); documented.(unions); documented.(structs_hl); documented.(unions_hl); ], Expr[ documented.(parent_overloads); documented.(union_constructors); documented.(union_constructors_hl); documented.(union_constructors_from_hl); documented.(union_converts_to_ll); documented.(union_getproperty_hl); documented.(struct_constructors); documented.(struct_constructors_hl); to_expr.(struct_constructors_from_hl); to_expr.(struct_constructors_from_ll); to_expr.(struct_constructors_from_core); documented.(struct_converts_to_ll); documented.(funcs); to_expr.(funcs_fptr); documented.(funcs_hl); to_expr.(funcs_hl_fptr); documented.(create_func_wrappers); to_expr.(create_func_wrappers_fptr); documented.(create_func_wrappers_hl); to_expr.(create_func_wrappers_hl_fptr); documented.(handle_constructors); to_expr.(handle_constructors_fptr); documented.(handle_constructors_hl); to_expr.(handle_constructors_hl_fptr); documented.(handle_constructors_api); to_expr.(handle_constructors_api_fptr); documented.(handle_constructors_api_hl); to_expr.(handle_constructors_api_hl_fptr); to_expr.(stypes); to_expr.(hl_type_mappings); to_expr.(core_type_mappings); to_expr.(intermediate_type_mappings); to_expr.(aliases); function_aliases; :(const SPIRV_EXTENSIONS = [$(spirv_exts...)]); :(const SPIRV_CAPABILITIES = [$(spirv_caps...)]); :(const CORE_FUNCTIONS = $(api.core_functions)); :(const INSTANCE_FUNCTIONS = $(api.instance_functions)); :(const DEVICE_FUNCTIONS = $(api.device_functions)); ], exported_symbols, ) end
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
1270
function Base.write(vw::VulkanWrapper, config::WrapperConfig) ordered_exprs = sort_expressions([vw.independent; vw.interdependent; vw.dependent]) mkpath(dirname(config.destfile)) open(config.destfile, "w+") do io print_block(io, vw.independent) print_block(io, filter(in(vw.interdependent), ordered_exprs)) print_block(io, vw.dependent) write_exports(io, vw.exports) end end function sort_expressions(exprs) exprs_order = resolve_dependencies(exprs) ordered_exprs = exprs[exprs_order] check_dependencies(ordered_exprs) end function print_block(io::IO, exs) foreach(exs) do ex print(io, block(ex)) end println(io) end function block(ex::Expr) str = @match category(ex) begin :doc => string('\"'^3, '\n', ex.args[3], '\n', '\"'^3, '\n', block(ex.args[4])) :enum => string(ex) _ => string(prettify(ex)) end str * spacing(ex) end spacing(ex::Expr) = spacing(category(ex)) spacing(cat::Symbol) = @match cat begin :struct => '\n'^2 :function => '\n'^2 :const => '\n' :enum => '\n'^2 :doc => "" :block => '\n'^2 end function write_exports(io::IO, exports) exports = :(export $(exports...)) println(io, '\n', exports) end
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
744
function bitmask_type(spec::SpecBitmask) @match spec.width begin 8 => :UInt8 16 => :UInt16 32 => :UInt32 64 => :UInt64 _ => error("Failed to generate bitmask type with width $(spec.width) from $spec") end end bitmask_value(spec::SpecBit) = 2^(spec.position) bitmask_value(spec::SpecBitCombination) = spec.value function BitmaskDefinition(spec::SpecBitmask) name = bitmask_flag_type(spec) p = Dict( :category => :enum, :macro => bitmask_enum_sym, :values => map(x -> :($(remove_vk_prefix(x.name)) = $(bitmask_value(x))), [collect(spec.bits); collect(spec.combinations)]), :decl => :($name::$(bitmask_type(spec))), ) BitmaskDefinition(spec, p) end
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
4708
function from_vk_call(x::Spec, identifier = :x) prop = :($identifier.$(x.name)) x.name == :pNext && return :(load_next_chain($prop, next_types...)) x.name == :sType && return nothing jtype = hl_type(x) @match x begin # array pointer GuardBy(is_arr) => @match jtype begin :(Vector{$_}) => :(unsafe_wrap($jtype, $prop, $(len_expr(x, identifier)); own = true)) end GuardBy(is_length) => nothing _ => from_vk_call(prop, x.type, jtype) end end function len_expr(x::Spec, identifier) @assert !isnothing(x.len) params = children(x.parent) postwalk(x.len) do ex ex == :/ && return :÷ ex isa Symbol && ex in params.name && return :($identifier.$ex) ex end end function from_vk_call(prop, t, jtype = hl_type(t)) @match t begin :Cstring => :(unsafe_string($prop)) GuardBy(in(api.flags.name)) || GuardBy(in(api.enums.name)) => prop GuardBy(in(getproperty.(filter(!isnothing, api.flags.bitmask), :name))) => :($jtype(UInt32($prop))) GuardBy(in(api.handles.name)) => :($(remove_vk_prefix(t))($prop)) :(NTuple{$_,$T}) && if jtype ≠ :String end => broadcast_ex(from_vk_call(prop, ntuple_type(t))) if follow_constant(t, api.constants) == jtype end => prop if is_hl(jtype) end => :($jtype($prop)) _ => :(from_vk($jtype, $prop)) end end function vk_call(x::Spec) var = wrap_identifier(x.name) jtype = idiomatic_julia_type(x) @match x begin ::SpecStructMember && if x.type == :VkStructureType && x.parent.name ∈ keys(api.structure_types) end => :(structure_type($(x.parent.name))) ::SpecStructMember && if is_semantic_ptr(x.type) end => :(unsafe_convert($(x.type), $var)) if is_fn_ptr(x.type) end => var GuardBy(is_size) && if x.requirement == POINTER_REQUIRED end => x.name # parameter converted to a Ref already GuardBy(is_opaque) => var GuardBy(is_length) => begin !x.autovalidity && @debug "Automatic validation was disabled for length parameter $x." @match x begin GuardBy(is_length_exception) || GuardBy(!is_inferable_length) => var # Julia works with arrays, not pointers, so the length information can directly be retrieved from them. # For struct members, the wrapped identifier refers to the `cconvert`ed value, which doesn't # reliably return something that we can infer the length of the original array from. # Instead, we reference a count that was computed from the argument before `cconvert`. ::SpecStructMember => wrap_identifier(x) ::SpecFuncParam => pointer_length_expression(x) end end GuardBy(is_pointer_start) => 0 # always set first* variables to 0, and the user should provide a (sub)array of the desired length if x.type ∈ api.handles.name end => var # handled by unsafe_convert in ccall # constant pointer to a unique object if is_ptr(x.type) && !is_arr(x) && (x.is_constant || x.parent.type == FTYPE_QUERY && x ≠ x.parent[end]) end => @match x begin if ptr_type(x.type) ∈ [api.structs.name; api.unions.name] end => var # handled by cconvert and unsafe_convert in ccall if x.requirement == OPTIONAL end => :($var == $(default(x)) ? $(default(x)) : Ref($var)) # allow optional pointers to be passed as C_NULL instead of a pointer to a 0-valued integer _ => :(Ref($var)) end if x.type ∈ [api.flags.name; api.enums.name] end => var if x.type ∈ getproperty.(filter(!isnothing, api.flags.bitmask), :name) end => :($(x.type)($var.val)) if x.type ∈ extension_types end => var _ => @match jtype begin :String || :Bool || :(Vector{$et}) || if jtype == follow_constant(x.type, api.constants) end => var # conversions are already defined if x.type in [api.structs.name; api.unions.name] && jtype == struct_name(x.type) end => :($var.vks) :(NTuple{Int($_N),$_T}) => var _ => :(to_vk($(x.type), $var)) # fall back to the to_vk function for conversion end end end function compute_pointer_length(x::Union{SpecFuncParam,SpecStructMember}) id = wrap_identifier(x) value = pointer_length_expression(x) :($id = $value) end function pointer_length_expression(x::Union{SpecFuncParam,SpecStructMember}) array = wrap_identifier(first(arglen(x))) :(pointer_length($array)) end
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
3127
is_optional(member::SpecStructMember) = member.name == :pNext || member.requirement ∈ [OPTIONAL, POINTER_OPTIONAL] || is_inferable_length(member) is_optional(param::SpecFuncParam) = param.requirement ∈ [OPTIONAL, POINTER_OPTIONAL] expose_as_kwarg(x::SpecFuncParam) = state[][:functions][follow_alias(x.parent.name, api.aliases)][x.name][:exposed_as_parameter] expose_as_kwarg(x::SpecStructMember) = state[][:structs][follow_alias(x.parent.name, api.aliases)][x.name][:exposed_as_parameter] """ Represent an integer that gives the start of a C pointer. """ function is_pointer_start(spec::Union{SpecStructMember, SpecFuncParam}) any(spec.parent) do param !isempty(param.arglen) && spec.type == :UInt32 && string(spec.name) == string("first", uppercasefirst(replace(string(param.name), r"Count$" => ""))) end end is_semantic_ptr(type) = is_ptr(type) || type == :Cstring needs_deps(spec::SpecStruct) = any(is_semantic_ptr, spec.members.type) "Whether it makes sense to return a success code (i.e. when there are possible errors or non-`SUCCESS` success codes)." must_return_status_code(spec::SpecFunc) = must_return_success_code(spec) || !isempty(error_codes(spec)) "Whether the success code must be returned because it is informative (e.g. notifying of timeouts)." must_return_success_code(spec::SpecFunc) = length(spec.success_codes) - in(:VK_INCOMPLETE, spec.success_codes) > 1 success_codes(spec::SpecFunc) = !must_return_status_code(spec) ? Symbol[] : filter(≠(:VK_INCOMPLETE), spec.success_codes) error_codes(spec::SpecFunc) = spec.error_codes must_repeat_while_incomplete(spec::SpecFunc) = !must_return_success_code(spec) && :VK_INCOMPLETE ∈ spec.success_codes is_data_with_retrievable_size(spec::SpecFuncParam) = is_data(spec) && len(spec).requirement == POINTER_REQUIRED is_opaque_data(spec) = is_data(spec) && len(spec).requirement ≠ POINTER_REQUIRED is_opaque_pointer(type) = is_ptr(type) && is_void(ptr_type(type)) is_opaque_pointer(spec::Spec) = is_opaque_pointer(spec.type) is_void(t) = t == :Cvoid || t in [ :xcb_connection_t, :_XDisplay, :Display, :wl_surface, :wl_display, :CAMetalLayer, ] is_opaque(spec) = is_opaque_data(spec) || is_opaque_pointer(spec) is_implicit_return(spec::SpecFuncParam) = !is_opaque_data(spec) && !spec.is_constant && is_ptr(spec.type) && !is_length(spec) && spec.type ∉ extension_types && ptr_type(spec.type) ∉ extension_types has_implicit_return_parameters(spec::SpecFunc) = any(is_implicit_return, children(spec)) is_flag(type) = type in api.flags.name is_flag(spec::Union{SpecFuncParam,SpecStructMember}) = spec.type in api.flags.name is_flag_bitmask(type) = type ∈ getproperty.(filter(!isnothing, api.flags.bitmask), :name) is_fn_ptr(type) = startswith(string(type), "PFN_") is_fn_ptr(spec::Spec) = is_fn_ptr(spec.type) function is_hl(type) vktype = Symbol(:Vk, type) vktype in [api.structs.name; api.unions.name] end is_intermediate(type) = startswith(string(type), '_') has_intermediate_type(::SpecHandle) = false has_intermediate_type(spec::Union{SpecStruct,SpecUnion}) = true
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
461
const excluded_constants = [ "VK_TRUE", "VK_FALSE", ] function ConstantDefinition(spec::SpecConstant) p = Dict( :category => :const, :name => remove_vk_prefix(spec.name), :value => spec.name, ) ConstantDefinition(spec, p) end function include_constant(spec::SpecConstant) name = string(spec.name) startswith(name, "VK_") && !contains(name, r"(SPEC_VERSION|EXTENSION_NAME)") && name ∉ excluded_constants end
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
1880
function arg_decl(x::Spec) T = idiomatic_julia_type(x) T in struct_name.(api.handles, true) && return wrap_identifier(x) :($(wrap_identifier(x))::$(signature_type(T))) end function kwarg_decl(x::Spec) val = default(x) Expr(:kw, wrap_identifier(x), val) end drop_arg(x::Spec) = is_length(x) && !is_length_exception(x) && is_inferable_length(x) || is_pointer_start(x) || x.type == :(Ptr{Ptr{Cvoid}}) """ Function pointer arguments for a handle. Includes one `fptr_create` for the constructor (if applicable), and one `fptr_destroy` for the destructor (if applicable). """ function func_ptr_args(spec::SpecHandle) args = Expr[] spec ∈ api.constructors.handle && push!(args, :(fptr_create::FunctionPtr)) destructor(spec) ≠ :identity && push!(args, :(fptr_destroy::FunctionPtr)) args end """ Function pointer arguments for a function. Takes the function pointers arguments of the underlying handle if it is a Vulkan constructor, or a unique `fptr` if that's just a normal Vulkan function. """ function func_ptr_args(spec::SpecFunc) if spec.type ∈ [FTYPE_CREATE, FTYPE_ALLOCATE] func_ptr_args(api.constructors[spec].handle) else [:(fptr::FunctionPtr)] end end """ Corresponding pointer argument for a Vulkan function. """ func_ptrs(spec::Spec) = name.(func_ptr_args(spec)) function add_func_args!(p::Dict, spec, params; with_func_ptr = false) params = filter(!drop_arg, params) arg_filter = if spec.type ∈ [FTYPE_DESTROY, FTYPE_FREE] destroyed_type = api.destructors[spec].handle.name x -> !expose_as_kwarg(x) || x.type == destroyed_type else !expose_as_kwarg end p[:args] = convert(Vector{ExprLike}, map(arg_decl, filter(arg_filter, params))) p[:kwargs] = map(kwarg_decl, filter(!arg_filter, params)) with_func_ptr && append!(p[:args], func_ptr_args(spec)) end
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
662
default(::SpecHandle) = :C_NULL function default(spec::Union{SpecStructMember,SpecFuncParam}) is_length_exception(spec) && return default_length_exception(spec) @match spec.requirement begin if spec.type ∈ api.handles.name end => default(api.handles[spec.type]) &POINTER_OPTIONAL || &POINTER_REQUIRED || if is_ptr(spec.type) || spec.type == :Cstring end => :C_NULL &OPTIONAL || &REQUIRED => 0 end end function default_length_exception(spec::Spec) @match spec.parent.name begin :VkWriteDescriptorSet => :(max($((:(pointer_length($(wrap_identifier(arg)))) for arg in arglen(spec))...))) end end
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
6301
function Documented(def::StructDefinition{false}) (; spec) = def doc = string( "Intermediate wrapper for $(spec.name).", extension_doc(spec), api_doc(spec), ) Documented(def, doc) end function Documented(def::StructDefinition{true}) (; spec) = def doc = string( "High-level wrapper for $(spec.name).", extension_doc(spec), api_doc(spec), ) Documented(def, doc) end Documented(def::Constructor{<:StructDefinition{HL, SpecStruct}}) where {HL} = document_constructor(def, def.to.spec, HL) Documented(def::Constructor{HandleDefinition,APIFunction{APIFunction{CreateFunc}}}) = document_constructor(def, def.from.spec.spec, true) Documented(def::Constructor{HandleDefinition,APIFunction{CreateFunc}}) = document_constructor(def, def.from.spec, false) function document_constructor(def::Constructor, spec, is_hl) (; p) = def doc = string( extension_doc(spec), args_summary(document_arguments(p, spec, is_hl)), api_doc(spec), ) Documented(def, doc) end backquoted(arg) = string('`', arg, '`') function document_return_codes(spec::SpecFunc) res = "" if must_return_status_code(spec) res *= "Return codes:" res *= string("\n- ", join(backquoted.(remove_vk_prefix.(success_codes(spec))), "\n- ")) end if !isempty(spec.error_codes) res *= string("\n- ", join(backquoted.(remove_vk_prefix.(error_codes(spec))), "\n- ")) end isempty(res) && return "" '\n'^2 * res end document_return_codes(spec::CreateFunc) = document_return_codes(spec.func) document_return_codes(spec) = "" function append_to_argdoc!(argdocs, spec, str) identifier = wrap_identifier(spec) doc = argdocs[identifier] argdocs[identifier] = doc * str end api_doc(spec::Spec) = string("\n\n", "[API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/$(spec.name).html)") api_doc(spec::CreateFunc) = api_doc(spec.func) api_doc(::Nothing) = "" extension_doc(::Nothing) = "" function extension_doc(spec) ext = get(api.extensions, spec, nothing) isnothing(ext) && return "" string("\n\n", "Extension: ", replace(string(ext.name), '_' => "\\\\_")) end function args_summary(argdocs) isempty(argdocs) && return "" string("\n\n", "Arguments:\n- ", join(argdocs, "\n- ")) end Documented(def::APIFunction{SpecFunc}) = Documented(def, def.spec, def.p, false) Documented(def::APIFunction{APIFunction{SpecFunc}}) = Documented(def, def.spec.spec, def.p, true) function Documented(def::APIFunction{T}) where {T<:Union{CreateFunc,APIFunction{CreateFunc}}} is_hl = T === APIFunction{CreateFunc} create_func = is_hl ? def.spec.spec : def.spec spec = create_func.batch ? nothing : create_func Documented(def, spec, def.p, is_hl) end function extra_doc(spec::SpecFunc) params = parameters(spec) if any(is_data_with_retrievable_size, params) """ !!! warning The pointer returned by this function holds memory owned by Julia. It is therefore **your** responsibility to free it after use (e.g. with `Libc.free`).""" else "" end end extra_doc(spec::CreateFunc) = extra_doc(spec.func) extra_doc(spec) = "" function update_argdocs!(argdocs, spec::SpecFunc) params = parameters(spec) if any(is_opaque_data, params) opaque_params = params[findall(is_opaque_data, params)] for param in opaque_params append_to_argdoc!( argdocs, param, " (must be a valid pointer with `$(wrap_identifier(len(param)))` bytes)", ) end end end update_argdocs!(argdocs, spec::CreateFunc) = update_argdocs!(argdocs, spec.func) update_argdocs!(argdocs, spec) = nothing function Documented(def::APIFunction, spec, p, is_hl) argdocs = document_arguments(p, spec, is_hl) update_argdocs!(argdocs, spec) doc = string( extension_doc(spec), document_return_codes(spec), args_summary(argdocs), extra_doc(spec), api_doc(spec), ) Documented(def, doc) end parameters(spec::Spec) = children(spec) parameters(spec::CreateFunc) = [collect(children(spec.func)); collect(children(spec.create_info_struct))] function document_arguments(p, spec::Spec, is_hl) params = parameters(spec) args, kwargs = get(Vector, p, :args), get(Vector, p, :kwargs) d = Dictionary{Symbol,String}() for arg in args identifier = name(arg) str = @match identifier begin :fptr => string(backquoted(arg), ": function pointer used for the API call") :fptr_create => string(backquoted(arg), ": function pointer used for creating the handle(s)") :fptr_destroy => string(backquoted(arg), ": function pointer used for destroying the handle(s) upon finalization") :next_types => string(backquoted(arg), ": types of members to initialize and include as part of the `next` chain") _ => nothing end if !isnothing(str) insert!(d, identifier, str) continue end i = findfirst(==(identifier) ∘ wrap_identifier, params) str = if !isnothing(i) param = params[i] t = is_hl ? hl_type(param) : idiomatic_julia_type(param) str = backquoted(:($identifier::$t)) param.is_externsync ? str * " (externsync)" : str else backquoted(arg) end insert!(d, identifier, str) end for kwarg in kwargs identifier, value = kwarg.args i = findfirst(==(identifier) ∘ wrap_identifier, params) str = if !isnothing(i) param = params[i] t = is_hl ? hl_type(param) : idiomatic_julia_type(param) str = string(backquoted(:($identifier::$t)), ": defaults to ", backquoted(value)) param.is_externsync ? str * " (externsync)" : str else string(backquoted(identifier), ": defaults to ", backquoted(value)) end insert!(d, identifier, str) end d end function docstring(ex, docstring) endswith(docstring, '\n') || (docstring *= '\n') Dict( :category => :doc, :ex => ex, :docstring => docstring, ) end
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
1124
function EnumDefinition(spec::SpecEnum) p = Dict( :category => :enum, :macro => Symbol("@cenum"), :values => map(unique(spec.enums)) do enum :($(remove_vk_prefix(enum.name)) = $(enum.value)) end, :decl => :($(enum_type(spec))::$(enum_val_type(spec))), ) EnumDefinition(spec, p) end function Convert(T::EnumDefinition, x) p = Dict( :category => :function, :name => :convert, :args => [:(T::Type{$(name(T))}), :(x::$x)], :short => true, :body => :(Base.bitcast($(name(T)), x)), ) Convert(T, x, p) end function Convert(T, def::EnumDefinition) p = Dict( :category => :function, :name => :convert, :args => [:(T::Type{$T}), :(x::$(name(def)))], :short => true, :body => :(Base.bitcast($T, x)), ) Convert(T, def, p) end enum_type(spec::Spec) = enum_type(spec.name) enum_type(type) = remove_vk_prefix(type) enum_val_type(def::EnumDefinition) = enum_val_type(def.spec) enum_val_type(spec::Spec) = any(<(0), getproperty.(spec.enums, :value)) ? :Int32 : :UInt32
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
11259
function wrap_api_call(spec::SpecFunc, args; with_func_ptr = false) ex = :($(spec.name)($((with_func_ptr ? [args; first(func_ptrs(spec))] : args)...))) ex = if with_func_ptr ex else dispatch_call(spec, ex) end wrap_return( ex, spec.return_type, idiomatic_julia_type(spec), ) end function dispatch_handle(spec::SpecFunc) maybe_handle = !isempty(children(spec)) ? first(children(spec)).type : :nothing if maybe_handle in api.handles.name handle = api.handles[maybe_handle] handle_id = wrap_identifier(handle) hierarchy = parent_hierarchy(handle, api.handles) if handle.name == :VkDevice || handle.name == :VkInstance # to avoid name conflicts handle_id elseif :VkDevice in hierarchy :(device($handle_id)) elseif :VkInstance in hierarchy :(instance($handle_id)) end else :nothing end end dispatch_call(spec::SpecFunc, ex) = spec.name in (:vkGetInstanceProcAddr, :vkGetDeviceProcAddr) ? ex : :(@dispatch $(dispatch_handle(spec)) $ex) function wrap_enumeration_api_call(spec::SpecFunc, exs::Expr...; free = []) if must_repeat_while_incomplete(spec) if !isempty(free) free_block = quote if _return_code == VK_INCOMPLETE $(map(x -> :(Libc.free($(x.name))), free)...) end end [:(@repeat_while_incomplete $(Expr(:block, exs..., free_block)))] else [:(@repeat_while_incomplete $(Expr(:block, exs...)))] end else exs end end function APIFunction(spec::SpecFunc, with_func_ptr) p = Dict( :category => :function, :name => function_name(spec), :relax_signature => true, ) count_ptr_index = findfirst(x -> (is_length(x) || is_size(x)) && x.requirement == POINTER_REQUIRED, children(spec)) queried_params = getindex(children(spec), findall(is_implicit_return, children(spec))) if !isnothing(count_ptr_index) count_ptr = children(spec)[count_ptr_index] queried_params = getindex(children(spec), findall(x -> x.len == count_ptr.name && !x.is_constant, children(spec))) first_call_args = map(@λ(begin &count_ptr => count_ptr.name GuardBy(in(queried_params)) => :C_NULL x => vk_call(x) end), children(spec)) i = 0 second_call_args = map(@λ(begin :C_NULL && Do(i += 1) => queried_params[i].name x => x end), first_call_args) p[:body] = concat_exs( initialize_ptr(count_ptr), wrap_enumeration_api_call( spec, wrap_api_call(spec, first_call_args; with_func_ptr), (is_length(count_ptr) ? initialize_array : initialize_ptr).(queried_params, count_ptr)..., wrap_api_call(spec, second_call_args; with_func_ptr), ; free = filter(is_data, queried_params), )..., wrap_implicit_return(spec, queried_params; with_func_ptr), ) args = filter(!in(vcat(queried_params, count_ptr)), children(spec)) ret_type = @match length(queried_params) begin if any(is_data_with_retrievable_size, queried_params) end => Expr(:curly, :Tuple, idiomatic_julia_type.([unique(len.(queried_params)); queried_params])...) 1 => idiomatic_julia_type(first(queried_params)) _ => Expr( :curly, :Tuple, (idiomatic_julia_type(param) for param ∈ queried_params)..., ) end elseif !isempty(queried_params) call_args = map(@λ(begin x && GuardBy(in(queried_params)) => x.name x => vk_call(x) end), children(spec)) args = filter(!in(filter(x -> x.requirement ≠ POINTER_REQUIRED, queried_params)), children(spec)) ret_type = @match length(queried_params) begin 1 => idiomatic_julia_type(first(queried_params)) _ => Expr(:curly, :Tuple, (idiomatic_julia_type(param) for param ∈ queried_params)...) end if spec.type == FTYPE_QUERY && length(queried_params) == 1 && begin t = ptr_type(only(queried_params).type) is_vulkan_type(t) && !in(t, api.handles.name) && any(Base.Fix1(in, t), api.structs.extends) end param = only(queried_params) t = ptr_type(param.type) intermediate_t = struct_name(t) var = wrap_identifier(param.name) p[:body] = quote $var = initialize($intermediate_t, next_types...) $(param.name) = Ref(Base.unsafe_convert($t, $var)) GC.@preserve $var begin $(wrap_api_call(spec, call_args; with_func_ptr)) $intermediate_t($(param.name)[], Any[$var]) end end add_func_args!(p, spec, args; with_func_ptr) push!(p[:args], :(next_types::Type...)) p[:return_type] = wrap_return_type(spec, ret_type) return APIFunction(spec, with_func_ptr, p) else p[:body] = concat_exs( map(initialize_ptr, queried_params)..., wrap_api_call(spec, call_args; with_func_ptr), wrap_implicit_return(spec, queried_params; with_func_ptr), ) end else ret_type = idiomatic_julia_type(spec) body = :($(wrap_api_call(spec, map(vk_call, children(spec)); with_func_ptr))) if ret_type === :Nothing p[:short] = false p[:body] = quote $body nothing end else p[:short] = true p[:body] = body end args = children(spec) end add_func_args!(p, spec, args; with_func_ptr) p[:return_type] = wrap_return_type(spec, ret_type) APIFunction(spec, with_func_ptr, p) end """ Extend functions that create (or allocate) one or several handles, by exposing the parameters of the associated CreateInfo structures. `spec` must have one or several CreateInfo arguments. """ function APIFunction(spec::CreateFunc, with_func_ptr) @assert !isnothing(spec.create_info_param) "Cannot extend handle constructor with no create info parameter." def = APIFunction(spec.func, false) p_func = def.p p_info = Constructor(StructDefinition{false}(spec.create_info_struct)).p args = [p_func[:args]; p_info[:args]] kwargs = [p_func[:kwargs]; p_info[:kwargs]] info_expr = reconstruct_call(p_info; is_decl = false) info_index = findfirst(==(spec.create_info_param), filter(!is_optional, children(spec.func))) deleteat!(args, info_index) func_call_args::Vector{ExprLike} = name.(p_func[:args]) func_call_args[info_index] = info_expr if with_func_ptr append!(args, func_ptr_args(spec.func)) append!(func_call_args, func_ptrs(spec.func)) end body = reconstruct_call(Dict(:name => name(def), :args => func_call_args, :kwargs => name.(p_func[:kwargs]))) p = Dict( :category => :function, :name => p_func[:name], :args => args, :kwargs => kwargs, :short => true, :body => body, :relax_signature => true, # Do not include the return type in generated code, but keep the return type information for the promotion to a high-level function. :_return_type => p_func[:return_type], ) APIFunction(spec, with_func_ptr, p) end function contains_api_structs(def::Union{APIFunction,Constructor}) any(x -> x ≠ promote_hl(x), def.p[:args]) end is_promoted(ex) = ex == promote_hl(ex) function promote_hl(def::APIFunction) promoted = APIFunction(def, def.with_func_ptr, promote_hl(def.p)) type = def.p[def.spec isa CreateFunc ? :_return_type : :return_type] wrap_body = :(next_types::Type...) in promoted.p[:args] ? promote_return_hl_next_types : promote_return_hl merge!(promoted.p, Dict( :short => false, :body => wrap_body(type, promoted.p[:body]) ) ) promote_return_type_hl!(promoted, type) promoted end function promote_return_type_hl!(promoted, type) T = hl_type(type) include_rtype = false rtype = @match type begin :(ResultTypes.Result{$S,$E}) => (include_rtype = true; :(ResultTypes.Result{$(promote_return_type_hl!(nothing, S)), $E})) :(Vector{$_T}) => :(Vector{$(promote_return_type_hl!(nothing, _T))}) _ => T end include_rtype && (promoted.p[:return_type] = rtype) rtype end function promote_hl(def::Constructor) Constructor(promote_hl(def.p), def.to, def.from) end function promote_hl(arg::ExprLike) id, type = @match arg begin :($id::$t) => (id, t) _ => return arg end type = postwalk(type) do ex if ex isa Symbol && startswith(string(ex), '_') Symbol(string(ex)[2:end]) # remove underscore prefix else ex end end :($id::$type) end function promote_hl(p::Dict) args = promote_hl.(p[:args]) modified_args = [arg for (arg, new_arg) in zip(p[:args], args) if arg ≠ new_arg] call_args = map(p[:args]) do arg id, type = @match arg begin :($id::$t) => (id, t) :($id::$t...) => (:($id...), nothing) id => (id, nothing) end if arg in modified_args T = @match type begin :(AbstractArray{<:$t}) => :(Vector{$t}) t => t end :(convert($T, $id)) else id end end p = Dict( :category => :function, :name => promote_name_hl(p[:name]), :args => args, :kwargs => p[:kwargs], :body => reconstruct_call(Dict(:name => p[:name], :args => call_args, :kwargs => name.(p[:kwargs]))), :short => true, :relax_signature => true, ) end function function_name(sym::Symbol, is_high_level = false) sym = nc_convert(SnakeCaseLower, remove_vk_prefix(sym)) is_high_level ? sym : Symbol('_', sym) end function_name(spec::Spec, is_high_level = false) = function_name(spec.name, is_high_level) function promote_name_hl(name) str = String(name) startswith(str, '_') ? Symbol(str[2:end]) : name end function promote_return_hl_next_types(type, ex) rex = promote_return_hl(type, ex) call = isexpr(rex, :block) ? last(rex.args) : rex push!(call.args, :(next_types_hl...)) quote next_types_hl = next_types next_types = intermediate_type.(next_types) $((isexpr(rex, :block) ? rex.args : [rex])...) end end function promote_return_hl(type, ex) T = hl_type(type) @match type begin :Cvoid => ex :(ResultTypes.Result{$S,$E}) => Expr(:block, :(val = @propagate_errors $ex), promote_return_hl(S, :val)) :(Vector{$T}) => begin rex = promote_return_hl(T, ex) rex isa Symbol ? rex : broadcast_ex(rex) end GuardBy(is_intermediate) => :($T($ex)) _ => ex end end
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
2798
function can_wrap(handle::SpecHandle, constructors, constructor) # Don't wrap VkSurfaceKHR, almost all signatures conflict with one another with create info parameters exposed. handle.name == :VkSurfaceKHR && return false count(x -> x.create_info_struct == constructor.create_info_struct, constructors) == 1 end handle_type(spec::SpecHandle) = handle_type(spec.name) handle_type(type) = remove_vk_prefix(type) function HandleDefinition(spec::SpecHandle) d = Dict( :category => :struct, :decl => :($(handle_type(spec)) <: Handle), :is_mutable => true, :fields => [:(vks::$(spec.name)), :(refcount::RefCounter), :destructor], ) if !isnothing(spec.parent) id = wrap_identifier(api.handles[spec.parent]) pdecl = :($id::$(handle_type(spec.parent))) insert!(d[:fields], 2, pdecl) d[:constructors] = [ :( $(handle_type(spec))(vks::$(spec.name), $pdecl, refcount::RefCounter) = new(vks, $id, refcount, undef) ), ] else d[:constructors] = [:($(handle_type(spec))(vks::$(spec.name), refcount::RefCounter) = new(vks, refcount, undef))] end HandleDefinition(spec, d) end function destructor(handle::SpecHandle, with_func_ptr = false) dfs = api.destructors[handle] has_destructors = !isempty(dfs) if has_destructors @assert length(dfs) == 1 df = first(dfs) if isnothing(df.destroyed_param.len) p = APIFunction(df.func, false).p p_call = Dict(:name => p[:name], :args => Any[name.(p[:args])...], :kwargs => name.(p[:kwargs])) with_func_ptr && push!(p_call[:args], :fptr_destroy) p_call[:args][findfirst(==(wrap_identifier(handle, df.func)), name.(p[:args]))] = :x parent = isnothing(handle.parent) ? nothing : wrap_identifier(api.handles[handle.parent], df.func) if isnothing(parent) :(x -> $(reconstruct_call(p_call))) else i = findfirst(==(parent), name.(p[:args]))::Int p_call[:args][i] = :parent quote parent = Vk.handle($parent) x -> $(reconstruct_call(p_call)) end end else :identity end else :identity end end function Constructor(handle::HandleDefinition, def::APIFunction) body = :(unwrap($(reconstruct_call(def.p; is_decl = false)))) p = Dict( :category => :function, :name => name(handle), :args => def.p[:args], :kwargs => def.p[:kwargs], :short => true, :body => body, :relax_signature => is_promoted, ) Constructor(p, handle, def) end
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
2170
""" Generate an identifier from a Vulkan identifier, in lower snake case and without pointer prefixes (such as in `pNext`). """ function wrap_identifier(identifier) identifier ∈ keys(convention_exceptions) && return convention_exceptions[identifier] var_str = @match s = string(identifier) begin GuardBy(startswith(r"p+[A-Z]")) => remove_prefix(convert(SnakeCaseLower, CamelCaseLower(s))).value _ => nc_convert(SnakeCaseLower, s) end Symbol(var_str) end function wrap_identifier(spec::Union{SpecFuncParam,SpecStructMember}) # handle the case where two identifiers end up being the same # issue caused by VkAccelerationStructureBuildGeometryInfoKHR # which has both pGeometries and ppGeometries siblings = children(spec.parent) id = wrap_identifier(spec.name) ids = wrap_identifier.(siblings.name) if count(==(id), ids) == 2 lastidx = findlast(==(id), ids) if siblings[lastidx] == spec Symbol(id, "_2") else id end else id end end function wrap_identifier(spec::SpecHandle) # try to get an id from an existing function parameter spec.name == :VkDeferredOperationKHR && return :operation cfs = api.constructors[spec] id = nothing if !isempty(cfs) for cf in cfs id = wrap_identifier(spec, first(cfs).func) !isnothing(id) && return id end end for f in api.functions id = wrap_identifier(spec, f) !isnothing(id) && return id end wrap_identifier(remove_vk_prefix(spec.name)) end function wrap_identifier(spec::SpecHandle, func::SpecFunc) for param in func if spec.name == param.type return wrap_identifier(param) end end nothing end function struct_name(sym::Symbol, is_high_level = false) spec = @something(get(api.structs, sym, nothing), get(api.unions, sym, nothing), api.handles[sym]) struct_name(spec, is_high_level) end function struct_name(spec::Spec, is_high_level = false) sym = remove_vk_prefix(spec.name) is_high_level || !has_intermediate_type(spec) ? sym : Symbol(:_, sym) end
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
1083
function retrieve_length(spec) chain = length_chain(spec.parent, spec.len, api.structs) @match length(chain) begin 1 => vk_call(first(chain)) GuardBy(>(1)) => chain_getproperty(:($(wrap_identifier(first(chain))).vks), getproperty.(chain[2:end], :name)) end end chain_getproperty(ex, props) = foldl((x, y) -> :($x.$y), props; init = ex) function initialize_ptr(param::SpecFuncParam, count_ptr::SpecFuncParam) @assert is_data(param) && is_size(count_ptr) :($(param.name) = Libc.malloc($(count_ptr.name)[])) end function initialize_ptr(param::SpecFuncParam) rhs = @match param begin GuardBy(is_arr) => :(Vector{$(ptr_type(param.type))}(undef, $(retrieve_length(param)))) _ => @match param.type begin :(Ptr{Cvoid}) => :(Ref{Ptr{Cvoid}}()) _ => :(Ref{$(ptr_type(param.type))}()) end end :($(param.name) = $rhs) end function initialize_array(param::SpecFuncParam, count_ptr::SpecFuncParam) :($(param.name) = Vector{$(ptr_type(param.type))}(undef, $(count_ptr.name)[])) end
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
2432
function retrieve_parent_ex(parent_handle::SpecHandle, func::SpecFunc) parent_handle_var = findfirst(==(parent_handle.name), func.params.type) @match n = func.name begin if !isnothing(parent_handle_var) end => wrap_identifier(func.params[parent_handle_var]) _ => nothing end end function retrieve_parent_ex(parent_handle::SpecHandle, create::CreateFunc) throw_error() = error("Could not retrieve parent ($(parent_handle.name)) variable from the arguments of $create") @match retrieve_parent_ex(parent_handle, create.func) begin sym::Symbol => sym ::Nothing && if !isnothing(create.create_info_param) end => begin p = create.create_info_param s = create.create_info_struct m_index = findfirst(in([parent_handle.name, :(Ptr{$(parent_handle.name)})]), s.members.type) if !isnothing(m_index) m = s.members[m_index] var_p, var_m = wrap_identifier.((p, m)) broadcast_ex(:(getproperty($var_p, $(QuoteNode(var_m)))), is_arr(m)) else throw_error() end end _ => throw_error() end end function assigned_parent_symbol(parent_ex) @match parent_ex begin ::Symbol => parent_ex ::Expr && GuardBy(is_broadcast) => :parents ::Expr => :parent end end assign_parent(::Symbol) = nothing assign_parent(parent_ex::Expr) = :($(assigned_parent_symbol(parent_ex)) = $parent_ex) function parent_handles(spec::SpecStruct) filter(x -> in(x.type, api.handles.name), spec) end """ These handle types are consumed by whatever command uses them. From the specification: "The following object types are consumed when they are passed into a Vulkan command and not further accessed by the objects they are used to create.". """ is_consumed(spec::SpecHandle) = name(spec) ∈ (:VkShaderModule, :VkPipelineCache, :VkValidationCacheEXT) is_consumed(name::Symbol) = is_consumed(api.handles[name]) is_consumed(spec::Union{SpecFuncParam,SpecStructMember}) = is_consumed(spec.type) function Parent(def::HandleDefinition) p = Dict( :category => :function, :name => :parent, :short => true, :args => [:($(wrap_identifier(def.spec))::$(name(def)))], :body => :($(wrap_identifier(def.spec)).$(wrap_identifier(api.handles[def.spec.parent]))), ) Parent(def, p) end
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
732
mapping_args(ts) = :(@nospecialize(_::Union{$((:(Type{$t}) for t in ts)...)})) function HLTypeMapping(spec) ts = [spec.name] has_intermediate_type(spec) && push!(ts, struct_name(spec)) ex = :(hl_type($(mapping_args(ts))) = $(struct_name(spec, true))) HLTypeMapping(spec, ex) end function CoreTypeMapping(spec) ts = [spec.name, struct_name(spec, true)] has_intermediate_type(spec) && push!(ts, struct_name(spec)) ex = :(core_type($(mapping_args(ts))) = $(spec.name)) CoreTypeMapping(spec, ex) end function IntermediateTypeMapping(spec) ts = [struct_name(spec, true), spec.name] ex = :(intermediate_type($(mapping_args(ts))) = $(struct_name(spec))) IntermediateTypeMapping(spec, ex) end
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
4664
wrap_return(ex, type, jtype, next_types = nothing) = @match t = type begin :VkResult && if jtype !== :Nothing end => :(@check($ex)) :Cstring => :(unsafe_string($ex)) GuardBy(is_opaque_pointer) => ex # Call handle constructor. GuardBy(in(api.handles.name)) => :($(remove_vk_prefix(t))($ex)) # Don't change enumeration variables since they won't be wrapped under a new name GuardBy(in(api.enums.name)) => ex # Vulkan and idiomatic Julia types are the same (up to aliases). if is_fn_ptr(type) || follow_constant(type, api.constants) == jtype || innermost_type(type) ∈ api.flags.name end => ex # Fall back to the from_vk function for conversion. _ => isnothing(next_types) ? :(from_vk($jtype, $ex)) : :(from_vk($jtype, $ex, $next_types)) end _wrap_implicit_return(params::AbstractVector{SpecFuncParam}; with_func_ptr = false) = length(params) == 1 ? _wrap_implicit_return(first(params); with_func_ptr) : Expr(:tuple, _wrap_implicit_return.(params; with_func_ptr)...) """ Build a return expression from an implicit return parameter. Implicit return parameters are pointers that are mutated by the API, rather than returned directly. API functions with implicit return parameters return either nothing or a return code, which is automatically checked and not returned by the wrapper. Such implicit return parameters are `Ref`s or `Vector`s holding either a base type or a core struct Vk*. They need to be converted by the wrapper to their wrapping type. """ function _wrap_implicit_return(return_param::SpecFuncParam, next_types = nothing; with_func_ptr = false) p = return_param @assert is_ptr(p.type) "Invalid core type for an implicit return. Expected $(p.type) <: Ptr" pt = follow_alias(ptr_type(p.type), api.aliases) ex = @match p begin # array pointer GuardBy(is_arr) => @match ex = wrap_return(p.name, pt, innermost_type((idiomatic_julia_type(p))), next_types) begin ::Symbol => ex ::Expr => broadcast_ex(ex) # broadcast result end # pointer to a unique object GuardBy(is_data_with_retrievable_size) => begin @assert !isnothing(p.len) size = len(p) @assert is_size(size) :($(size.name)[], $(p.name)) end _ => wrap_return(:($(p.name)[]), pt, innermost_type((idiomatic_julia_type(p))), next_types) # call return_expr on the dereferenced pointer end @match p begin if pt ∈ api.handles.name end => wrap_implicit_handle_return(return_param.parent, api.handles[pt], ex, with_func_ptr) _ => ex end end function wrap_implicit_return(spec::SpecFunc, args...; kwargs...) ex = _wrap_implicit_return(args...; kwargs...) if spec.name == :vkCreateInstance || spec.name == :vkCreateDevice # Insert an expression for the automatic dispatch. ex = :(@fill_dispatch_table $ex) end must_return_success_code(spec) ? :(($ex, _return_code)) : ex end function wrap_implicit_handle_return(handle::SpecHandle, ex::Expr, parent_handle::SpecHandle, parent_ex, destroy::Bool, with_func_ptr) @match ex begin :($f($v[])) => :($f($v[], $(!destroy ? :identity : destructor(handle, with_func_ptr)), $parent_ex)) :($f.($v)) => :($f.($v, $(!destroy ? :identity : destructor(handle, with_func_ptr)), $parent_ex)) end end function wrap_implicit_handle_return(handle::SpecHandle, ex::Expr, destroy::Bool, with_func_ptr) @match ex begin :($f($v[])) => :($f($v[], $(!destroy ? :identity : destructor(handle, with_func_ptr)))) :($f.($v)) => :($f.($v, $(!destroy ? :identity : destructor(handle, with_func_ptr)))) end end function wrap_implicit_handle_return(spec::SpecFunc, handle::SpecHandle, ex::Expr, with_func_ptr) destroy = spec.type ≠ FTYPE_QUERY args = @match handle.parent begin ::Nothing => (handle, ex) name::Symbol && Do(parent = api.handles[name]) => @match spec.type begin &FTYPE_CREATE || &FTYPE_ALLOCATE => (handle, ex, parent, retrieve_parent_ex(parent, api.constructors[spec])) _ => (handle, ex, parent, retrieve_parent_ex(parent, spec)::Symbol) end end wrap_implicit_handle_return(args..., destroy, with_func_ptr) end function wrap_return_type(spec::SpecFunc, ret_type) if must_return_success_code(spec) && has_implicit_return_parameters(spec) ret_type = :(Tuple{$ret_type,$(enum_type(:VkResult))}) end @match spec.return_type begin :VkResult && if must_return_status_code(spec) end => :(ResultTypes.Result{$ret_type,VulkanError}) _ => ret_type end end
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
6832
function StructDefinition{false}(spec::SpecStruct) p = Dict( :category => :struct, :decl => :($(struct_name(spec)) <: VulkanStruct{$(needs_deps(spec))}), ) p[:fields] = [:(vks::$(spec.name))] needs_deps(spec) && push!(p[:fields], :(deps::Vector{Any})) for member in parent_handles(spec) handle_type = remove_vk_prefix(member.type) name = wrap_identifier(member) field_type = is_optional(member) ? :(OptionalPtr{$handle_type}) : handle_type push!(p[:fields], :($name::$field_type)) end StructDefinition{false}(spec, p) end function Constructor(def::StructDefinition{false}) (; spec) = def cconverted_members = spec[findall(is_semantic_ptr, spec.members.type)] cconverted_ids = map(wrap_identifier, cconverted_members) p = Dict( :category => :function, :name => name(def), :relax_signature => true, ) if needs_deps(spec) length_computations = [compute_pointer_length(member) for member in spec.members if is_inferable_length(member) && !is_length_exception(member)] p[:body] = quote $(length_computations...) $( ( :($id = cconvert($(m.type), $id)) for (m, id) ∈ zip(cconverted_members, cconverted_ids) )... ) deps = Any[$((cconverted_ids)...)] vks = $(spec.name)($(map(vk_call, spec)...)) $(name(def))(vks, deps, $(wrap_identifier.(parent_handles(spec))...)) end else p[:body] = :($(name(def))($(spec.name)($(map(vk_call, spec)...)), $(wrap_identifier.(parent_handles(spec))...))) end potential_args = filter(x -> x.type ≠ :VkStructureType, spec) add_func_args!(p, spec, potential_args) Constructor(p, def, def.spec) end StructDefinition{true}(spec::Spec) = StructDefinition{true}(StructDefinition{false}(spec)) function StructDefinition{true}(def::StructDefinition{false}) (; spec) = def p = Dict( :category => :struct, :decl => :($(struct_name(spec, true)) <: HighLevelStruct), :fields => hl_fields(spec), ) StructDefinition{true}(spec, p) end function hl_fields(spec::Union{SpecStruct,SpecUnion}) fields = Expr[] for member in filter(!drop_field, children(spec)) T = hl_type(member) if hl_is_optional(member) T = :(OptionalPtr{$T}) end push!(fields, :($(wrap_identifier(member))::$T)) end fields end drop_field(x::Spec) = drop_arg(x) || x.name == :sType function Constructor(T::StructDefinition{false}, x::StructDefinition{true}) (; spec) = T p = Dict( :category => :function, :name => name(T), :args => [:(x::$(name(x)))], :short => true, ) args = Expr[] kwargs = Expr[] for member in filter(!drop_field, children(spec)) id = wrap_identifier(member) id_deref = :(x.$id) Tsym = hl_type(member) _Tsym = @match innermost_type(Tsym) begin GuardBy(is_hl) => @match Tsym begin :(Vector{$T}) => :(Vector{$(Symbol(:_, T))}) :(NTuple{$N,$T}) => :(NTuple{$N,$(Symbol(:_, T))}) ::Symbol => Symbol(:_, Tsym) _ => error("Unhandled conversion for type $Tsym") end _ => nothing end ex = isnothing(_Tsym) ? id_deref : :(convert_nonnull($_Tsym, $id_deref)) if expose_as_kwarg(member) push!(kwargs, ex == id_deref ? ex : Expr(:kw, id, ex)) else push!(args, ex) end end p[:body] = reconstruct_call(Dict(:name => p[:name], :args => args, :kwargs => kwargs)) Constructor(p, T, x) end function Constructor(T::StructDefinition{true}, x::SpecStruct) p = Dict( :category => :function, :name => name(T), :args => [:(x::$(x.name))], :body => :($(name(T))($(filter(!isnothing, from_vk_call.(filter(!drop_field, children(x))))...))), :short => true, ) :pNext in x.members.name && push!(p[:args], :(next_types::Type...)) Constructor(p, T, x) end function Constructor(T::StructDefinition{true}, x::StructDefinition{false}) (; spec) = x p = Dict( :category => :function, :name => name(T), :args => [:(x::$(name(x)))], :short => !needs_deps(spec), ) :pNext in spec.members.name && push!(p[:args], :(next_types::Type...)) p[:body] = if needs_deps(spec) quote (; deps) = x GC.@preserve deps $(name(T))(x.vks, next_types...) end else Expr(:call, name(T), :(x.vks)) end Constructor(p, T, x) end function Convert(T::StructDefinition{false}, x::StructDefinition{true}) p = Dict( :category => :function, :name => :convert, :args => [:(T::Type{$(name(T))}), :(x::$(name(x)))], :body => :(T(x)), :short => true, ) Convert(T, x, p) end function Constructor(def::StructDefinition{true}) spec = def.spec p = Dict( :category => :function, :name => name(def), :args => [], :kwargs => [], :short => true, :relax_signature => true, ) args = [] for member in filter(!drop_field, children(spec)) id = wrap_identifier(member) if expose_as_kwarg(member) push!(p[:kwargs], Expr(:kw, id, hl_default(member))) else push!(p[:args], :($id::$(signature_type(hl_type(member))))) end push!(args, id) end p[:body] = reconstruct_call(Dict(:name => p[:name], :args => args)) Constructor(p, def, def.spec) end function hl_default(member::SpecStructMember) !embeds_sentinel(member) && return :C_NULL @match hl_type(member) begin :String => "" :(Vector{$t}) => :($t[]) _ => default(member) end end hl_is_optional(member::SpecStructMember) = is_optional(member) && !embeds_sentinel(member) && member.name ≠ :pNext function embeds_sentinel(member::SpecStructMember) @match hl_type(member) begin :(Vector{$_}) => return !is_optional(member) # optional means C_NULL can be provided, and may have different semantics than for an empty vector :String || :UInt32 || :UInt64 || :Int32 || :Int => return true _ => nothing end @match member.type begin GuardBy(in(api.enums.name)) || GuardBy(in(api.bitmasks.name)) || GuardBy(is_flag) => true _ => false end end function StructureType(spec::SpecStruct) stype = api.structure_types[spec.name] types = [spec.name, struct_name(spec.name), struct_name(spec.name, true)] ex = :(structure_type(@nospecialize(_::Union{$((:(Type{$T}) for T in types)...)})) = $stype) StructureType(spec, ex) end
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
3743
function StructDefinition{false}(spec::SpecUnion) p = Dict( :category => :struct, :decl => :($(struct_name(spec)) <: VulkanStruct{false}), :fields => [:(vks::$(spec.name))], ) StructDefinition{false}(spec, p) end function StructDefinition{true}(def::StructDefinition{false,SpecUnion}) (; spec) = def p = Dict( :category => :struct, :decl => :($(struct_name(spec, true)) <: HighLevelStruct), :fields => [ :(vks::$(spec.name)), ], ) StructDefinition{true}(spec, p) end function constructors(def::StructDefinition{HL,SpecUnion}) where {HL} spec = def.spec name = struct_name(spec, HL) supertypes = supertype_union.(spec.types, HL) sig_types = map(zip(spec.types, supertypes)) do (type, supertype) if count(==(supertype), supertypes) > 1 type else @match supertype begin :Unsigned || :Signed => count(in((:Unsigned,:Signed)), supertypes) == 1 ? :Integer : supertype _ => supertype end end end if spec.name == :VkDescriptorDataEXT # VkDescriptorDataEXT has several union members with the same type. # In this case, generate a single constructor. args = [:(x::Union{Sampler, Ptr{VkDescriptorImageInfo}, Ptr{VkDescriptorAddressInfoEXT}, UInt64})] body = HL ? :(DescriptorDataEXT(VkDescriptorDataEXT(x))) : :(_DescriptorDataEXT(VkDescriptorDataEXT(x))) p = Dict(:category => :function, :name => name, :args => args, :body => body, :short => true) return [Constructor(p, def, spec)] end map(zip(spec.types, sig_types, spec.fields)) do (type, sig_type, field) var = wrap_identifier(field) call = if type in api.unions.name :($var.vks) elseif HL && type in api.structs.name :(($(struct_name(type))($var)).vks) elseif type in api.structs.name :($var.vks) else var end p = Dict( :category => :function, :name => name, :args => [:($var::$sig_type)], :body => :( $name($(spec.name)(($call))) ), :short => true, ) Constructor(p, def, spec) end end function Constructor(T::StructDefinition{false, SpecUnion}, x::StructDefinition{true, SpecUnion}) p = Dict( :category => :function, :name => name(T), :args => [:(x::$(name(x)))], :body => :($(name(T))(getfield(x, :vks))), :short => true, ) Constructor(p, T, x) end function GetProperty(def::StructDefinition{true, SpecUnion}) spec = def.spec itr = map(spec.fields) do field newfield = wrap_identifier(field) (:(sym === $(QuoteNode(newfield))), :(x.data.$field)) end first, rest = Iterators.peel(itr) body = Expr(:block) ex = Expr(:if, first...) push!(body.args, ex) for (cond, branch) in rest _ex = Expr(:elseif, cond, branch) push!(ex.args, _ex) ex = _ex end push!(ex.args, :(getfield(x, sym))) p = Dict( :category => :function, :name => :(Base.getproperty), :args => [ :(x::$(name(def))), :(sym::Symbol), ], :body => body, :short => false, ) GetProperty(def, p) end function supertype_union(type, is_high_level) @match type begin :UInt8 || :UInt16 || :UInt32 || :UInt64 => :Unsigned :Int8 || :Int16 || :Int32 || :Int64 => :Signed :Float8 || :Float16 || :Float32 || :Float64 => :AbstractFloat _ => is_high_level ? hl_type(type) : idiomatic_julia_type(type) end end
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
567
wrapper_config(; kwargs...) = WrapperConfig(; destfile="", kwargs...) @testset "WrapperConfig" begin @test isempty(extensions(wrapper_config(wrap_core=false))) @test length(extensions(wrapper_config())) > 200 @test length(extensions(wrapper_config(wrap_core=false, include_platforms=[PLATFORM_VI]))) < 5 @test length(extensions(wrapper_config(include_provisional_exts=true))) > length(extensions(wrapper_config())) @test extensions(wrapper_config(include_provisional_exts=true)) == extensions(wrapper_config(include_platforms=[PLATFORM_PROVISIONAL])) end;
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
1058
using VulkanGen using Test using StructArrays test_ex(x, y) = @test prettify(x) == prettify(y) test_ex(x::AbstractArray, y::AbstractArray) = foreach(test_ex, x, y) test_ex(x::WrapperNode, y) = @test prettify(to_expr(x)) == prettify(y) @testset "VulkanGen.jl" begin @testset "Wrapper utilities" begin include("utilities/exprs.jl") include("utilities/naming_conventions.jl") end include("config.jl") include("state.jl") @testset "Code generation" begin @testset "Structs" begin include("codegen/structs/low_level.jl") include("codegen/structs/high_level.jl") include("codegen/structs/unions.jl") end include("codegen/constants.jl") include("codegen/enums/enums.jl") include("codegen/enums/bitmasks.jl") include("codegen/handles.jl") @testset "Functions" begin include("codegen/functions/low_level.jl") include("codegen/functions/high_level.jl") include("codegen/functions/overloads.jl") end include("codegen/aliases.jl") include("codegen/docs.jl") end end;
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
1434
@testset "State" begin state = generate_state() @test state[:version] == read_state()[:version] == string(api.version) @test state[:functions][:vkCreateInstance][:pAllocator][:exposed_as_parameter] # Preserve prior parameters when set. state[:functions][:vkCreateInstance][:pAllocator][:exposed_as_parameter] = false new_state = generate_state(state) @test !new_state[:functions][:vkCreateInstance][:pAllocator][:exposed_as_parameter] # Recreate parameters for new functions/structs, based on the value of `is_optional`. delete!(new_state[:functions], :vkCreateInstance) new_state_2 = generate_state(new_state) @test new_state_2[:functions][:vkCreateInstance][:pAllocator][:exposed_as_parameter] api_1 = VulkanAPI(v"1.3.240") api_2 = VulkanAPI(v"1.3.266") @test follow_alias(:vkGetImageSubresourceLayout2EXT, api_1.aliases) == :vkGetImageSubresourceLayout2EXT @test follow_alias(:vkGetImageSubresourceLayout2EXT, api_2.aliases) == :vkGetImageSubresourceLayout2KHR state_1 = generate_state(api_1) # Simulate that we had a non-defautl setting for a parameter. state_1[:functions][:vkGetImageSubresourceLayout2EXT][:pSubresource][:exposed_as_parameter] = true state_2 = generate_state(state_1, api_2) @test state_2[:functions][:vkGetImageSubresourceLayout2KHR] == state_1[:functions][:vkGetImageSubresourceLayout2EXT] @test !haskey(state_2[:functions], :vkGetImageSubresourceLayout2EXT) end;
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
544
function test_alias(from, to, ex) alias = AliasDeclaration(from => to) test_ex(alias, ex) end @testset "Alias declarations" begin test_alias(:vkCmdSetCullModeEXT, :vkCmdSetCullMode, :(const cmd_set_cull_mode_ext = cmd_set_cull_mode)) test_alias(:VK_RENDERING_RESUMING_BIT_KHR, :VK_RENDERING_RESUMING_BIT, :(const RENDERING_RESUMING_BIT_KHR = RENDERING_RESUMING_BIT)) test_alias(:VkPhysicalDeviceImageFormatInfo2KHR, :VkPhysicalDeviceImageFormatInfo2, :(const PhysicalDeviceImageFormatInfo2KHR = PhysicalDeviceImageFormatInfo2)) end;
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
150
@testset "Constants" begin test_ex(ConstantDefinition(api.constants[:VK_SUBPASS_EXTERNAL]), :(const SUBPASS_EXTERNAL = VK_SUBPASS_EXTERNAL)) end;
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
10670
docstring(obj) = Documented(obj).p[:docstring] @testset "Generated documentation" begin @testset "Low-level structs" begin @test docstring(StructDefinition{false}(api.structs[:VkExtent2D])) == """ Intermediate wrapper for VkExtent2D. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExtent2D.html) """ @test docstring(Constructor(StructDefinition{false}(api.structs[:VkExtent2D]))) == """ Arguments: - `width::UInt32` - `height::UInt32` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkExtent2D.html) """ @test docstring(Constructor(StructDefinition{false}(api.structs[:VkInstanceCreateInfo]))) == """ Arguments: - `enabled_layer_names::Vector{String}` - `enabled_extension_names::Vector{String}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::InstanceCreateFlag`: defaults to `0` - `application_info::_ApplicationInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkInstanceCreateInfo.html) """ @test docstring(Constructor(StructDefinition{false}(api.structs[:VkSubmitInfo2]))) == """ Arguments: - `wait_semaphore_infos::Vector{_SemaphoreSubmitInfo}` - `command_buffer_infos::Vector{_CommandBufferSubmitInfo}` - `signal_semaphore_infos::Vector{_SemaphoreSubmitInfo}` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::SubmitFlag`: defaults to `0` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkSubmitInfo2.html) """ end @testset "High-level structs" begin @test docstring(StructDefinition{true}(api.structs[:VkInstanceCreateInfo])) == """ High-level wrapper for VkInstanceCreateInfo. [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkInstanceCreateInfo.html) """ @test docstring(Constructor(StructDefinition{true}(api.structs[:VkInstanceCreateInfo]))) == """ Arguments: - `enabled_layer_names::Vector{String}` - `enabled_extension_names::Vector{String}` - `next::Any`: defaults to `C_NULL` - `flags::InstanceCreateFlag`: defaults to `0` - `application_info::ApplicationInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/VkInstanceCreateInfo.html) """ @test docstring(APIFunction(api.constructors[:vkCreateInstance], false)) == """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_INITIALIZATION_FAILED` - `ERROR_LAYER_NOT_PRESENT` - `ERROR_EXTENSION_NOT_PRESENT` - `ERROR_INCOMPATIBLE_DRIVER` Arguments: - `enabled_layer_names::Vector{String}` - `enabled_extension_names::Vector{String}` - `allocator::_AllocationCallbacks`: defaults to `C_NULL` - `next::Ptr{Cvoid}`: defaults to `C_NULL` - `flags::InstanceCreateFlag`: defaults to `0` - `application_info::_ApplicationInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateInstance.html) """ end @testset "API functions" begin @testset "Intermediate functions" begin @test docstring(APIFunction(api.functions[:vkEnumerateInstanceExtensionProperties], false)) == """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_LAYER_NOT_PRESENT` Arguments: - `layer_name::String`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumerateInstanceExtensionProperties.html) """ @test docstring(APIFunction(api.functions[:vkDestroyDevice], false)) == """ Arguments: - `device::Device` (externsync) - `allocator::_AllocationCallbacks`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkDestroyDevice.html) """ @test docstring(APIFunction(api.functions[:vkGetPipelineCacheData], false)) == """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `pipeline_cache::PipelineCache` !!! warning The pointer returned by this function holds memory owned by Julia. It is therefore **your** responsibility to free it after use (e.g. with `Libc.free`). [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetPipelineCacheData.html) """ @test docstring(APIFunction(api.functions[:vkWriteAccelerationStructuresPropertiesKHR], false)) == """ Extension: VK\\\\_KHR\\\\_acceleration\\\\_structure Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `acceleration_structures::Vector{AccelerationStructureKHR}` - `query_type::QueryType` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) - `stride::UInt` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkWriteAccelerationStructuresPropertiesKHR.html) """ @test docstring(APIFunction(api.functions[:vkEnumerateInstanceLayerProperties], false)) == """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumerateInstanceLayerProperties.html) """ end @testset "High-level functions" begin @test docstring(VulkanGen.promote_hl(APIFunction(api.functions[:vkWriteAccelerationStructuresPropertiesKHR], false))) == """ Extension: VK\\\\_KHR\\\\_acceleration\\\\_structure Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` Arguments: - `device::Device` - `acceleration_structures::Vector{AccelerationStructureKHR}` - `query_type::QueryType` - `data_size::UInt` - `data::Ptr{Cvoid}` (must be a valid pointer with `data_size` bytes) - `stride::UInt` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkWriteAccelerationStructuresPropertiesKHR.html) """ @test docstring(VulkanGen.promote_hl(APIFunction(api.functions[:vkEnumerateInstanceLayerProperties], false))) == """ Return codes: - `SUCCESS` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkEnumerateInstanceLayerProperties.html) """ @test docstring(VulkanGen.promote_hl(APIFunction(api.functions[:vkAcquireNextImageKHR], false))) == """ Extension: VK\\\\_KHR\\\\_swapchain Return codes: - `SUCCESS` - `TIMEOUT` - `NOT_READY` - `SUBOPTIMAL_KHR` - `ERROR_OUT_OF_HOST_MEMORY` - `ERROR_OUT_OF_DEVICE_MEMORY` - `ERROR_DEVICE_LOST` - `ERROR_OUT_OF_DATE_KHR` - `ERROR_SURFACE_LOST_KHR` - `ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT` Arguments: - `device::Device` - `swapchain::SwapchainKHR` (externsync) - `timeout::UInt64` - `semaphore::Semaphore`: defaults to `C_NULL` (externsync) - `fence::Fence`: defaults to `C_NULL` (externsync) [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkAcquireNextImageKHR.html) """ @test docstring(VulkanGen.promote_hl(APIFunction(api.functions[:vkGetDescriptorSetLayoutSupport], false))) == """ Arguments: - `device::Device` - `create_info::DescriptorSetLayoutCreateInfo` - `next_types::Type...`: types of members to initialize and include as part of the `next` chain [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkGetDescriptorSetLayoutSupport.html) """ end end @testset "Handles" begin @test docstring(Constructor(HandleDefinition(api.handles[:VkInstance]), VulkanGen.promote_hl(APIFunction(api.constructors[:vkCreateInstance], false)))) == """ Arguments: - `enabled_layer_names::Vector{String}` - `enabled_extension_names::Vector{String}` - `allocator::AllocationCallbacks`: defaults to `C_NULL` - `next::Any`: defaults to `C_NULL` - `flags::InstanceCreateFlag`: defaults to `0` - `application_info::ApplicationInfo`: defaults to `C_NULL` [API documentation](https://www.khronos.org/registry/vulkan/specs/1.3-extensions/man/html/vkCreateInstance.html) """ end end;
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
4559
@testset "Handles" begin @testset "Definitions" begin test_ex(HandleDefinition(api.handles[:VkInstance]), :( mutable struct Instance <: Handle vks::VkInstance refcount::RefCounter destructor Instance(vks::VkInstance, refcount::RefCounter) = new(vks, refcount, undef) end )) test_ex(HandleDefinition(api.handles[:VkPhysicalDevice]), :( mutable struct PhysicalDevice <: Handle vks::VkPhysicalDevice instance::Instance refcount::RefCounter destructor PhysicalDevice(vks::VkPhysicalDevice, instance::Instance, refcount::RefCounter) = new(vks, instance, refcount, undef) end )) test_ex(HandleDefinition(api.handles[:VkDevice]), :( mutable struct Device <: Handle vks::VkDevice physical_device::PhysicalDevice refcount::RefCounter destructor Device(vks::VkDevice, physical_device::PhysicalDevice, refcount::RefCounter) = new(vks, physical_device, refcount, undef) end )) end @testset "Constructors" begin test_ex( Constructor( HandleDefinition(api.handles[:VkInstance]), APIFunction(api.constructors[:vkCreateInstance], false), ), :( Instance(enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray; allocator = C_NULL, next=C_NULL, flags=0, application_info=C_NULL) = unwrap(_create_instance(enabled_layer_names, enabled_extension_names; allocator, next, flags, application_info)) ) ) test_ex( Constructor( HandleDefinition(api.handles[:VkInstance]), APIFunction(api.functions[:vkCreateInstance], false), ), :( Instance(create_info::_InstanceCreateInfo; allocator = C_NULL) = unwrap(_create_instance(create_info; allocator)) ) ) test_ex( Constructor( HandleDefinition(api.handles[:VkInstance]), VulkanGen.promote_hl(APIFunction(api.functions[:vkCreateInstance], false)), ), :( Instance(create_info::InstanceCreateInfo; allocator = C_NULL) = unwrap(create_instance(create_info; allocator)) ) ) test_ex( Constructor( HandleDefinition(api.handles[:VkDebugReportCallbackEXT]), APIFunction(api.constructors[:vkCreateDebugReportCallbackEXT], true), ), :( DebugReportCallbackEXT(instance, pfn_callback::FunctionPtr, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL) = unwrap(_create_debug_report_callback_ext(instance, pfn_callback, fptr_create, fptr_destroy; allocator, next, flags, user_data)) ) ) test_ex( Constructor( HandleDefinition(api.handles[:VkDeferredOperationKHR]), APIFunction(api.functions[:vkCreateDeferredOperationKHR], false), ), :( DeferredOperationKHR(device; allocator = C_NULL) = unwrap(_create_deferred_operation_khr(device; allocator)) ) ) test_ex( Constructor( HandleDefinition(api.handles[:VkRenderPass]), promote_hl(APIFunction(api.constructors[:vkCreateRenderPass], false)), ), :( RenderPass(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_render_pass(device, attachments, subpasses, dependencies; allocator, next, flags)) ), ) test_ex( Constructor( HandleDefinition(api.handles[:VkRenderPass]), promote_hl(APIFunction(api.constructors[:vkCreateRenderPass2], false)), ), :( RenderPass(device, attachments::AbstractArray, subpasses::AbstractArray, dependencies::AbstractArray, correlated_view_masks::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0) = unwrap(create_render_pass_2(device, attachments, subpasses, dependencies, correlated_view_masks; allocator, next, flags)) ), ) end end;
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
2957
@testset "Bitmask flags" begin test_ex(BitmaskDefinition(api.bitmasks[:VkQueryPipelineStatisticFlagBits]), :( @bitmask QueryPipelineStatisticFlag::UInt32 begin QUERY_PIPELINE_STATISTIC_INPUT_ASSEMBLY_VERTICES_BIT = 1 QUERY_PIPELINE_STATISTIC_INPUT_ASSEMBLY_PRIMITIVES_BIT = 2 QUERY_PIPELINE_STATISTIC_VERTEX_SHADER_INVOCATIONS_BIT = 4 QUERY_PIPELINE_STATISTIC_GEOMETRY_SHADER_INVOCATIONS_BIT = 8 QUERY_PIPELINE_STATISTIC_GEOMETRY_SHADER_PRIMITIVES_BIT = 16 QUERY_PIPELINE_STATISTIC_CLIPPING_INVOCATIONS_BIT = 32 QUERY_PIPELINE_STATISTIC_CLIPPING_PRIMITIVES_BIT = 64 QUERY_PIPELINE_STATISTIC_FRAGMENT_SHADER_INVOCATIONS_BIT = 128 QUERY_PIPELINE_STATISTIC_TESSELLATION_CONTROL_SHADER_PATCHES_BIT = 256 QUERY_PIPELINE_STATISTIC_TESSELLATION_EVALUATION_SHADER_INVOCATIONS_BIT = 512 QUERY_PIPELINE_STATISTIC_COMPUTE_SHADER_INVOCATIONS_BIT = 1024 QUERY_PIPELINE_STATISTIC_TASK_SHADER_INVOCATIONS_BIT_EXT = 2048 QUERY_PIPELINE_STATISTIC_MESH_SHADER_INVOCATIONS_BIT_EXT = 4096 QUERY_PIPELINE_STATISTIC_CLUSTER_CULLING_SHADER_INVOCATIONS_BIT_HUAWEI = 8192 end )) test_ex(BitmaskDefinition(api.bitmasks[:VkSparseMemoryBindFlagBits]), :( @bitmask SparseMemoryBindFlag::UInt32 begin SPARSE_MEMORY_BIND_METADATA_BIT = 1 end )) test_ex(BitmaskDefinition(api.bitmasks[:VkShaderStageFlagBits]), :( @bitmask ShaderStageFlag::UInt32 begin SHADER_STAGE_VERTEX_BIT = 1 SHADER_STAGE_TESSELLATION_CONTROL_BIT = 2 SHADER_STAGE_TESSELLATION_EVALUATION_BIT = 4 SHADER_STAGE_GEOMETRY_BIT = 8 SHADER_STAGE_FRAGMENT_BIT = 16 SHADER_STAGE_COMPUTE_BIT = 32 SHADER_STAGE_RAYGEN_BIT_KHR = 256 SHADER_STAGE_ANY_HIT_BIT_KHR = 512 SHADER_STAGE_CLOSEST_HIT_BIT_KHR = 1024 SHADER_STAGE_MISS_BIT_KHR = 2048 SHADER_STAGE_INTERSECTION_BIT_KHR = 4096 SHADER_STAGE_CALLABLE_BIT_KHR = 8192 SHADER_STAGE_TASK_BIT_EXT = 64 SHADER_STAGE_MESH_BIT_EXT = 128 SHADER_STAGE_SUBPASS_SHADING_BIT_HUAWEI = 16384 SHADER_STAGE_CLUSTER_CULLING_BIT_HUAWEI = 524288 SHADER_STAGE_ALL_GRAPHICS = $(Int(0x0000001f)) SHADER_STAGE_ALL = $(Int(0x7fffffff)) end )) test_ex(BitmaskDefinition(api.bitmasks[:VkCullModeFlagBits]), :( @bitmask CullModeFlag::UInt32 begin CULL_MODE_FRONT_BIT = 1 CULL_MODE_BACK_BIT = 2 CULL_MODE_NONE = 0 CULL_MODE_FRONT_AND_BACK = 3 end )) test_ex(BitmaskDefinition(api.bitmasks[:VkInstanceCreateFlagBits]), :( @bitmask InstanceCreateFlag::UInt32 begin INSTANCE_CREATE_ENUMERATE_PORTABILITY_BIT_KHR = 1 end )) end;
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
2803
@testset "Enums" begin test_ex(EnumDefinition(api.enums[:VkAttachmentLoadOp]), :( @cenum AttachmentLoadOp::UInt32 begin ATTACHMENT_LOAD_OP_LOAD = 0 ATTACHMENT_LOAD_OP_CLEAR = 1 ATTACHMENT_LOAD_OP_DONT_CARE = 2 ATTACHMENT_LOAD_OP_NONE_EXT = 1000400000 end )) test_ex(EnumDefinition(api.enums[:VkResult]), :( @cenum Result::Int32 begin SUCCESS = 0 NOT_READY = 1 TIMEOUT = 2 EVENT_SET = 3 EVENT_RESET = 4 INCOMPLETE = 5 ERROR_OUT_OF_HOST_MEMORY = -1 ERROR_OUT_OF_DEVICE_MEMORY = -2 ERROR_INITIALIZATION_FAILED = -3 ERROR_DEVICE_LOST = -4 ERROR_MEMORY_MAP_FAILED = -5 ERROR_LAYER_NOT_PRESENT = -6 ERROR_EXTENSION_NOT_PRESENT = -7 ERROR_FEATURE_NOT_PRESENT = -8 ERROR_INCOMPATIBLE_DRIVER = -9 ERROR_TOO_MANY_OBJECTS = -10 ERROR_FORMAT_NOT_SUPPORTED = -11 ERROR_FRAGMENTED_POOL = -12 ERROR_UNKNOWN = -13 ERROR_OUT_OF_POOL_MEMORY = -1000069000 ERROR_INVALID_EXTERNAL_HANDLE = -1000072003 ERROR_FRAGMENTATION = -1000161000 ERROR_INVALID_OPAQUE_CAPTURE_ADDRESS = -1000257000 PIPELINE_COMPILE_REQUIRED = 1000297000 ERROR_SURFACE_LOST_KHR = -1000000000 ERROR_NATIVE_WINDOW_IN_USE_KHR = -1000000001 SUBOPTIMAL_KHR = 1000001003 ERROR_OUT_OF_DATE_KHR = -1000001004 ERROR_INCOMPATIBLE_DISPLAY_KHR = -1000003001 ERROR_VALIDATION_FAILED_EXT = -1000011001 ERROR_INVALID_SHADER_NV = -1000012000 ERROR_IMAGE_USAGE_NOT_SUPPORTED_KHR = -1000023000 ERROR_VIDEO_PICTURE_LAYOUT_NOT_SUPPORTED_KHR = -1000023001 ERROR_VIDEO_PROFILE_OPERATION_NOT_SUPPORTED_KHR = -1000023002 ERROR_VIDEO_PROFILE_FORMAT_NOT_SUPPORTED_KHR = -1000023003 ERROR_VIDEO_PROFILE_CODEC_NOT_SUPPORTED_KHR = -1000023004 ERROR_VIDEO_STD_VERSION_NOT_SUPPORTED_KHR = -1000023005 ERROR_INVALID_DRM_FORMAT_MODIFIER_PLANE_LAYOUT_EXT = -1000158000 ERROR_NOT_PERMITTED_KHR = -1000174001 ERROR_FULL_SCREEN_EXCLUSIVE_MODE_LOST_EXT = -1000255000 THREAD_IDLE_KHR = 1000268000 THREAD_DONE_KHR = 1000268001 OPERATION_DEFERRED_KHR = 1000268002 OPERATION_NOT_DEFERRED_KHR = 1000268003 ERROR_COMPRESSION_EXHAUSTED_EXT = -1000338000 end )) test_ex(EnumDefinition(api.enums[:VkPipelineCacheHeaderVersion]), :( @cenum PipelineCacheHeaderVersion::UInt32 begin PIPELINE_CACHE_HEADER_VERSION_ONE = 1 end )) end;
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
2602
@testset "High-level functions" begin test_ex(VulkanGen.promote_hl(APIFunction(api.functions[:vkEnumeratePhysicalDevices], false)), :( function enumerate_physical_devices(instance)::ResultTypes.Result{Vector{PhysicalDevice}, VulkanError} val = @propagate_errors(_enumerate_physical_devices(instance)) val end )) test_ex(VulkanGen.promote_hl(APIFunction(api.functions[:vkGetPerformanceParameterINTEL], false)), :( function get_performance_parameter_intel(device, parameter::PerformanceParameterTypeINTEL)::ResultTypes.Result{PerformanceValueINTEL, VulkanError} val = @propagate_errors _get_performance_parameter_intel(device, parameter) PerformanceValueINTEL(val) end )) test_ex(VulkanGen.promote_hl(APIFunction(api.functions[:vkDestroyInstance], false)), :( function destroy_instance(instance; allocator = C_NULL) _destroy_instance(instance; allocator) end )) test_ex(VulkanGen.promote_hl(APIFunction(api.functions[:vkGetPhysicalDeviceProperties2], false)), :( function get_physical_device_properties_2(physical_device, next_types::Type...) next_types_hl = next_types next_types = intermediate_type.(next_types) PhysicalDeviceProperties2(_get_physical_device_properties_2(physical_device, next_types...), next_types_hl...) end )) test_ex(VulkanGen.promote_hl(APIFunction(api.functions[:vkGetPhysicalDeviceImageFormatProperties2], false)), :( function get_physical_device_image_format_properties_2(physical_device, image_format_info::PhysicalDeviceImageFormatInfo2, next_types::Type...)::ResultTypes.Result{ImageFormatProperties2, VulkanError} next_types_hl = next_types next_types = intermediate_type.(next_types) val = @propagate_errors(_get_physical_device_image_format_properties_2(physical_device, convert(_PhysicalDeviceImageFormatInfo2, image_format_info), next_types...)) ImageFormatProperties2(val, next_types_hl...) end )) test_ex(VulkanGen.promote_hl(APIFunction(api.constructors[:vkCreateInstance], false)), :( function create_instance(enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0, application_info = C_NULL)::ResultTypes.Result{Instance, VulkanError} val = @propagate_errors(_create_instance(enabled_layer_names, enabled_extension_names; allocator, next, flags, application_info)) val end )) end;
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
15242
@testset "API functions" begin test_ex(APIFunction(api.functions[:vkEnumeratePhysicalDevices], false), :( function _enumerate_physical_devices(instance)::ResultTypes.Result{Vector{PhysicalDevice},VulkanError} pPhysicalDeviceCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch instance vkEnumeratePhysicalDevices(instance, pPhysicalDeviceCount, C_NULL) pPhysicalDevices = Vector{VkPhysicalDevice}(undef, pPhysicalDeviceCount[]) @check @dispatch instance vkEnumeratePhysicalDevices(instance, pPhysicalDeviceCount, pPhysicalDevices) end PhysicalDevice.(pPhysicalDevices, identity, instance) end )) test_ex(APIFunction(api.functions[:vkGetPhysicalDeviceProperties], false), :( function _get_physical_device_properties(physical_device)::_PhysicalDeviceProperties pProperties = Ref{VkPhysicalDeviceProperties}() @dispatch instance(physical_device) vkGetPhysicalDeviceProperties(physical_device, pProperties) from_vk(_PhysicalDeviceProperties, pProperties[]) end )) test_ex(APIFunction(api.functions[:vkEnumerateInstanceVersion], false), :( function _enumerate_instance_version()::ResultTypes.Result{VersionNumber,VulkanError} pApiVersion = Ref{UInt32}() @check @dispatch nothing vkEnumerateInstanceVersion(pApiVersion) from_vk(VersionNumber, pApiVersion[]) end )) test_ex(APIFunction(api.functions[:vkEnumerateInstanceExtensionProperties], false), :( function _enumerate_instance_extension_properties(; layer_name = C_NULL)::ResultTypes.Result{Vector{_ExtensionProperties},VulkanError} pPropertyCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch nothing vkEnumerateInstanceExtensionProperties(layer_name, pPropertyCount, C_NULL) pProperties = Vector{VkExtensionProperties}(undef, pPropertyCount[]) @check @dispatch nothing vkEnumerateInstanceExtensionProperties(layer_name, pPropertyCount, pProperties) end from_vk.(_ExtensionProperties, pProperties) end )) test_ex(APIFunction(api.functions[:vkGetGeneratedCommandsMemoryRequirementsNV], false), :( function _get_generated_commands_memory_requirements_nv(device, info::_GeneratedCommandsMemoryRequirementsInfoNV, next_types::Type...)::_MemoryRequirements2 memory_requirements = initialize(_MemoryRequirements2, next_types...) pMemoryRequirements = Ref(Base.unsafe_convert(VkMemoryRequirements2, memory_requirements)) GC.@preserve memory_requirements begin @dispatch device vkGetGeneratedCommandsMemoryRequirementsNV(device, info, pMemoryRequirements) _MemoryRequirements2(pMemoryRequirements[], Any[memory_requirements]) end end )) test_ex(APIFunction(api.functions[:vkGetInstanceProcAddr], false), :(_get_instance_proc_addr(name::AbstractString; instance = C_NULL)::FunctionPtr = vkGetInstanceProcAddr(instance, name))) test_ex(APIFunction(api.functions[:vkGetInstanceProcAddr], true), :(_get_instance_proc_addr(name::AbstractString, fptr::FunctionPtr; instance = C_NULL)::FunctionPtr = vkGetInstanceProcAddr(instance, name, fptr))) test_ex(APIFunction(api.functions[:vkGetPhysicalDeviceSurfacePresentModesKHR], false), :( function _get_physical_device_surface_present_modes_khr(physical_device; surface = C_NULL)::ResultTypes.Result{Vector{PresentModeKHR},VulkanError} pPresentModeCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch instance(physical_device) vkGetPhysicalDeviceSurfacePresentModesKHR(physical_device, surface, pPresentModeCount, C_NULL) pPresentModes = Vector{VkPresentModeKHR}(undef, pPresentModeCount[]) @check @dispatch instance(physical_device) vkGetPhysicalDeviceSurfacePresentModesKHR(physical_device, surface, pPresentModeCount, pPresentModes) end pPresentModes end )) test_ex(APIFunction(api.functions[:vkGetRandROutputDisplayEXT], false), :( function _get_rand_r_output_display_ext(physical_device, dpy::Ptr{vk.Display}, rr_output::vk.RROutput)::ResultTypes.Result{DisplayKHR,VulkanError} pDisplay = Ref{VkDisplayKHR}() @check @dispatch instance(physical_device) vkGetRandROutputDisplayEXT(physical_device, dpy, rr_output, pDisplay) DisplayKHR(pDisplay[], identity, physical_device) end )) test_ex(APIFunction(api.functions[:vkRegisterDeviceEventEXT], false), :( function _register_device_event_ext(device, device_event_info::_DeviceEventInfoEXT; allocator = C_NULL)::ResultTypes.Result{Fence,VulkanError} pFence = Ref{VkFence}() @check @dispatch device vkRegisterDeviceEventEXT(device, device_event_info, allocator, pFence) Fence(pFence[], (begin parent = Vk.handle(device) x -> _destroy_fence(parent, x; allocator) end), device) end )) test_ex(APIFunction(api.functions[:vkCreateInstance], false), :( function _create_instance(create_info::_InstanceCreateInfo; allocator = C_NULL)::ResultTypes.Result{Instance,VulkanError} pInstance = Ref{VkInstance}() @check @dispatch nothing vkCreateInstance(create_info, allocator, pInstance) @fill_dispatch_table Instance(pInstance[], x -> _destroy_instance(x; allocator)) end )) test_ex(APIFunction(api.functions[:vkCreateDebugReportCallbackEXT], true), :( function _create_debug_report_callback_ext(instance, create_info::_DebugReportCallbackCreateInfoEXT, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL)::ResultTypes.Result{DebugReportCallbackEXT,VulkanError} pCallback = Ref{VkDebugReportCallbackEXT}() @check vkCreateDebugReportCallbackEXT(instance, create_info, allocator, pCallback, fptr_create) DebugReportCallbackEXT(pCallback[], (begin parent = Vk.handle(instance) x -> _destroy_debug_report_callback_ext(parent, x, fptr_destroy; allocator) end), instance) end )) test_ex(APIFunction(api.functions[:vkCreateGraphicsPipelines], false), :( function _create_graphics_pipelines(device, create_infos::AbstractArray; pipeline_cache = C_NULL, allocator = C_NULL)::ResultTypes.Result{Tuple{Vector{Pipeline},Result},VulkanError} pPipelines = Vector{VkPipeline}(undef, pointer_length(create_infos)) @check @dispatch device vkCreateGraphicsPipelines(device, pipeline_cache, pointer_length(create_infos), create_infos, allocator, pPipelines) (Pipeline.(pPipelines, begin parent = Vk.handle(device) x -> _destroy_pipeline(parent, x; allocator) end, device), _return_code) end )) test_ex(APIFunction(api.functions[:vkAllocateDescriptorSets], false), :( function _allocate_descriptor_sets(device, allocate_info::_DescriptorSetAllocateInfo)::ResultTypes.Result{Vector{DescriptorSet},VulkanError} pDescriptorSets = Vector{VkDescriptorSet}(undef, allocate_info.vks.descriptorSetCount) @check @dispatch device vkAllocateDescriptorSets(device, allocate_info, pDescriptorSets) DescriptorSet.(pDescriptorSets, identity, getproperty(allocate_info, :descriptor_pool)) end )) test_ex(APIFunction(api.functions[:vkFreeDescriptorSets], false), :( function _free_descriptor_sets(device, descriptor_pool, descriptor_sets::AbstractArray)::Nothing @dispatch(device, vkFreeDescriptorSets(device, descriptor_pool, pointer_length(descriptor_sets), descriptor_sets)) nothing end )) test_ex(APIFunction(api.functions[:vkMergePipelineCaches], false), :( _merge_pipeline_caches(device, dst_cache, src_caches::AbstractArray)::ResultTypes.Result{Result,VulkanError} = @check(@dispatch(device, vkMergePipelineCaches(device, dst_cache, pointer_length(src_caches), src_caches))) )) test_ex(APIFunction(api.functions[:vkGetFenceFdKHR], false), :( function _get_fence_fd_khr(device, get_fd_info::_FenceGetFdInfoKHR)::ResultTypes.Result{Int,VulkanError} pFd = Ref{Int}() @check @dispatch device vkGetFenceFdKHR(device, get_fd_info, pFd) pFd[] end )) test_ex(APIFunction(api.functions[:vkGetDeviceGroupPeerMemoryFeatures], false), :( function _get_device_group_peer_memory_features(device, heap_index::Integer, local_device_index::Integer, remote_device_index::Integer)::PeerMemoryFeatureFlag pPeerMemoryFeatures = Ref{VkPeerMemoryFeatureFlags}() @dispatch device vkGetDeviceGroupPeerMemoryFeatures(device, heap_index, local_device_index, remote_device_index, pPeerMemoryFeatures) pPeerMemoryFeatures[] end )) test_ex(APIFunction(api.functions[:vkUpdateDescriptorSets], false), :( _update_descriptor_sets(device, descriptor_writes::AbstractArray, descriptor_copies::AbstractArray)::Cvoid = @dispatch device vkUpdateDescriptorSets(device, pointer_length(descriptor_writes), descriptor_writes, pointer_length(descriptor_copies), descriptor_copies) )) test_ex(APIFunction(api.functions[:vkCmdSetViewport], false), :( _cmd_set_viewport(command_buffer, viewports::AbstractArray)::Cvoid = @dispatch device(command_buffer) vkCmdSetViewport(command_buffer, 0, pointer_length(viewports), viewports) )) test_ex(APIFunction(api.functions[:vkCmdSetLineWidth], false), :( _cmd_set_line_width(command_buffer, line_width::Real)::Cvoid = @dispatch device(command_buffer) vkCmdSetLineWidth(command_buffer, line_width) )) test_ex(APIFunction(api.functions[:vkDestroyInstance], false), :( _destroy_instance(instance; allocator = C_NULL)::Cvoid = @dispatch instance vkDestroyInstance(instance, allocator) )) test_ex(APIFunction(api.functions[:vkMapMemory], false), :( function _map_memory(device, memory, offset::Integer, size::Integer; flags = 0)::ResultTypes.Result{Ptr{Cvoid},VulkanError} ppData = Ref{Ptr{Cvoid}}() @check @dispatch device vkMapMemory(device, memory, offset, size, flags, ppData) ppData[] end )) test_ex(APIFunction(api.functions[:vkEnumeratePhysicalDeviceQueueFamilyPerformanceQueryCountersKHR], false), :( function _enumerate_physical_device_queue_family_performance_query_counters_khr(physical_device, queue_family_index::Integer)::ResultTypes.Result{Tuple{Vector{_PerformanceCounterKHR},Vector{_PerformanceCounterDescriptionKHR}},VulkanError} pCounterCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch instance(physical_device) vkEnumeratePhysicalDeviceQueueFamilyPerformanceQueryCountersKHR(physical_device, queue_family_index, pCounterCount, C_NULL, C_NULL) pCounters = Vector{VkPerformanceCounterKHR}(undef, pCounterCount[]) pCounterDescriptions = Vector{VkPerformanceCounterDescriptionKHR}(undef, pCounterCount[]) @check @dispatch instance(physical_device) vkEnumeratePhysicalDeviceQueueFamilyPerformanceQueryCountersKHR(physical_device, queue_family_index, pCounterCount, pCounters, pCounterDescriptions) end (from_vk.(_PerformanceCounterKHR, pCounters), from_vk.(_PerformanceCounterDescriptionKHR, pCounterDescriptions)) end )) test_ex(APIFunction(api.functions[:vkGetPipelineCacheData], false), :( function _get_pipeline_cache_data(device, pipeline_cache)::ResultTypes.Result{Tuple{UInt,Ptr{Cvoid}},VulkanError} pDataSize = Ref{UInt}() @repeat_while_incomplete begin @check @dispatch device vkGetPipelineCacheData(device, pipeline_cache, pDataSize, C_NULL) pData = Libc.malloc(pDataSize[]) @check @dispatch device vkGetPipelineCacheData(device, pipeline_cache, pDataSize, pData) if _return_code == VK_INCOMPLETE Libc.free(pData) end end (pDataSize[], pData) end )) test_ex(APIFunction(api.functions[:vkWriteAccelerationStructuresPropertiesKHR], false), :( _write_acceleration_structures_properties_khr(device, acceleration_structures::AbstractArray, query_type::QueryType, data_size::Integer, data::Ptr{Cvoid}, stride::Integer)::ResultTypes.Result{Result,VulkanError} = @check @dispatch device vkWriteAccelerationStructuresPropertiesKHR(device, pointer_length(acceleration_structures), acceleration_structures, query_type, data_size, data, stride) )) test_ex(APIFunction(api.functions[:vkGetQueryPoolResults], false), :( _get_query_pool_results(device, query_pool, first_query::Integer, query_count::Integer, data_size::Integer, data::Ptr{Cvoid}, stride::Integer; flags = 0)::ResultTypes.Result{Result,VulkanError} = @check @dispatch device vkGetQueryPoolResults(device, query_pool, first_query, query_count, data_size, data, stride, flags) )) test_ex(APIFunction(api.functions[:vkGetFenceStatus], false), :( _get_fence_status(device, fence)::ResultTypes.Result{Result,VulkanError} = @check(@dispatch(device, vkGetFenceStatus(device, fence))) )) test_ex(APIFunction(api.functions[:vkGetSwapchainImagesKHR], false), :( function _get_swapchain_images_khr(device, swapchain)::ResultTypes.Result{Vector{Image},VulkanError} pSwapchainImageCount = Ref{UInt32}() @repeat_while_incomplete begin @check @dispatch device vkGetSwapchainImagesKHR(device, swapchain, pSwapchainImageCount, C_NULL) pSwapchainImages = Vector{VkImage}(undef, pSwapchainImageCount[]) @check @dispatch device vkGetSwapchainImagesKHR(device, swapchain, pSwapchainImageCount, pSwapchainImages) end Image.(pSwapchainImages, identity, device) end )) @testset "Automatic reconstruction of create infos" begin test_ex(APIFunction(api.constructors[:vkCreateInstance], false), :( _create_instance(enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray; allocator = C_NULL, next = C_NULL, flags = 0, application_info = C_NULL) = _create_instance(_InstanceCreateInfo(enabled_layer_names, enabled_extension_names; next, flags, application_info); allocator) )) test_ex(APIFunction(api.constructors[:vkCreateDebugReportCallbackEXT], true), :( _create_debug_report_callback_ext(instance, pfn_callback::FunctionPtr, fptr_create::FunctionPtr, fptr_destroy::FunctionPtr; allocator = C_NULL, next = C_NULL, flags = 0, user_data = C_NULL) = _create_debug_report_callback_ext(instance, _DebugReportCallbackCreateInfoEXT(pfn_callback; next, flags, user_data), fptr_create, fptr_destroy; allocator) ), ) end end;
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
363
@testset "Overloads" begin @testset "Parent navigation" begin test_ex(Parent(HandleDefinition(api.handles[:VkDevice])), :( parent(device::Device) = device.physical_device )) test_ex(Parent(HandleDefinition(api.handles[:VkSurfaceKHR])), :( parent(surface::SurfaceKHR) = surface.instance )) end end;
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
7579
@testset "High-level wrapper" begin @testset "Generated structs" begin test_ex(StructDefinition{true}(api.structs[:VkPhysicalDeviceProperties]), :( @struct_hash_equal struct PhysicalDeviceProperties <: HighLevelStruct api_version::VersionNumber driver_version::VersionNumber vendor_id::UInt32 device_id::UInt32 device_type::PhysicalDeviceType device_name::String pipeline_cache_uuid::NTuple{Int(VK_UUID_SIZE), UInt8} limits::PhysicalDeviceLimits sparse_properties::PhysicalDeviceSparseProperties end )) test_ex(StructDefinition{true}(api.structs[:VkExternalBufferProperties]), :( @struct_hash_equal struct ExternalBufferProperties <: HighLevelStruct next::Any external_memory_properties::ExternalMemoryProperties end )) test_ex(StructDefinition{true}(api.structs[:VkPipelineExecutableInternalRepresentationKHR]), :( @struct_hash_equal struct PipelineExecutableInternalRepresentationKHR <: HighLevelStruct next::Any name::String description::String is_text::Bool data_size::UInt data::OptionalPtr{Ptr{Cvoid}} end )) test_ex(StructDefinition{true}(api.structs[:VkApplicationInfo]), :( @struct_hash_equal struct ApplicationInfo <: HighLevelStruct next::Any application_name::String application_version::VersionNumber engine_name::String engine_version::VersionNumber api_version::VersionNumber end )) test_ex(StructDefinition{true}(api.structs[:VkInstanceCreateInfo]), :( @struct_hash_equal struct InstanceCreateInfo <: HighLevelStruct next::Any flags::InstanceCreateFlag application_info::OptionalPtr{ApplicationInfo} enabled_layer_names::Vector{String} enabled_extension_names::Vector{String} end )) test_ex(StructDefinition{true}(api.structs[:VkXcbSurfaceCreateInfoKHR]), :( @struct_hash_equal struct XcbSurfaceCreateInfoKHR <: HighLevelStruct next::Any flags::UInt32 connection::Ptr{vk.xcb_connection_t} window::vk.xcb_window_t end )) end @testset "Conversion to low-level structs" begin test_ex( Constructor( StructDefinition{false}(api.structs[:VkApplicationInfo]), StructDefinition{true}(api.structs[:VkApplicationInfo]), ), :( _ApplicationInfo(x::ApplicationInfo) = _ApplicationInfo(x.application_version, x.engine_version, x.api_version; x.next, x.application_name, x.engine_name) ), ) test_ex( Constructor( StructDefinition{false}(api.structs[:VkInstanceCreateInfo]), StructDefinition{true}(api.structs[:VkInstanceCreateInfo]), ), :( _InstanceCreateInfo(x::InstanceCreateInfo) = _InstanceCreateInfo(x.enabled_layer_names, x.enabled_extension_names; x.next, x.flags, application_info = convert_nonnull(_ApplicationInfo, x.application_info)) ), ) test_ex( Constructor( StructDefinition{false}(api.structs[:VkRenderingAttachmentInfo]), StructDefinition{true}(api.structs[:VkRenderingAttachmentInfo]), ), :( _RenderingAttachmentInfo(x::RenderingAttachmentInfo) = _RenderingAttachmentInfo(x.image_layout, x.resolve_image_layout, x.load_op, x.store_op, convert_nonnull(_ClearValue, x.clear_value); x.next, x.image_view, x.resolve_mode, x.resolve_image_view) ), ) end @testset "Additional constructor" begin test_ex(Constructor(StructDefinition{true}(StructDefinition{false}(api.structs[:VkApplicationInfo]))), :( ApplicationInfo(application_version::VersionNumber, engine_version::VersionNumber, api_version::VersionNumber; next = C_NULL, application_name = "", engine_name = "") = ApplicationInfo(next, application_name, application_version, engine_name, engine_version, api_version) )) end @testset "`Core -> High-level constructors`" begin function test_constructor_core_to_hl(name, with_next_types, body) spec = api.structs[name] def = StructDefinition{true}(api.structs[name]) cons = Constructor(def, spec) expected = :($(VulkanGen.struct_name(name, true))(x::$name) = $body) with_next_types && push!(expected.args[1].args, :(next_types::Type...)) test_ex(cons, expected) end test_constructor_core_to_hl(:VkLayerProperties, false, :( LayerProperties(from_vk(String, x.layerName), from_vk(VersionNumber, x.specVersion), from_vk(VersionNumber, x.implementationVersion), from_vk(String, x.description)) )) test_constructor_core_to_hl(:VkQueueFamilyProperties, false, :( QueueFamilyProperties(x.queueFlags, x.queueCount, x.timestampValidBits, Extent3D(x.minImageTransferGranularity)) )) test_constructor_core_to_hl(:VkPhysicalDeviceMemoryProperties, false, :( PhysicalDeviceMemoryProperties(x.memoryTypeCount, MemoryType.(x.memoryTypes), x.memoryHeapCount, MemoryHeap.(x.memoryHeaps)) )) test_constructor_core_to_hl(:VkDisplayPlaneCapabilities2KHR, true, :( DisplayPlaneCapabilities2KHR(load_next_chain(x.pNext, next_types...), DisplayPlaneCapabilitiesKHR(x.capabilities)) )) test_constructor_core_to_hl(:VkDrmFormatModifierPropertiesListEXT, true, :( DrmFormatModifierPropertiesListEXT(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{DrmFormatModifierPropertiesEXT}, x.pDrmFormatModifierProperties, x.drmFormatModifierCount; own = true)) )) test_constructor_core_to_hl(:VkPhysicalDeviceGroupProperties, true, :( PhysicalDeviceGroupProperties(load_next_chain(x.pNext, next_types...), x.physicalDeviceCount, PhysicalDevice.(x.physicalDevices), from_vk(Bool, x.subsetAllocation)) )) test_constructor_core_to_hl(:VkAccelerationStructureVersionInfoKHR, true, :( AccelerationStructureVersionInfoKHR(load_next_chain(x.pNext, next_types...), unsafe_wrap(Vector{UInt8}, x.pVersionData, 2VK_UUID_SIZE; own = true)) )) end @testset "`Low-level -> High-level constructors`" begin function test_constructor_ll_to_hl(name, ex) s = api.structs[name] def_hl = StructDefinition{true}(s) def_ll = StructDefinition{false}(s) c = Constructor(def_hl, def_ll) test_ex(c, ex) end test_constructor_ll_to_hl(:VkPhysicalDeviceFeatures2, :( function PhysicalDeviceFeatures2(x::_PhysicalDeviceFeatures2, next_types::Type...) (; deps) = x GC.@preserve deps PhysicalDeviceFeatures2(x.vks, next_types...) end )) test_constructor_ll_to_hl(:VkPhysicalDeviceFeatures, :( PhysicalDeviceFeatures(x::_PhysicalDeviceFeatures) = PhysicalDeviceFeatures(x.vks) )) end end;
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
10283
@testset "Low-level" begin @testset "Definitions" begin test_ex(StructDefinition{false}(api.structs[:VkPhysicalDeviceProperties]), :( struct _PhysicalDeviceProperties <: VulkanStruct{false} vks::VkPhysicalDeviceProperties end)) test_ex(StructDefinition{false}(api.structs[:VkApplicationInfo]), :( struct _ApplicationInfo <: VulkanStruct{true} vks::VkApplicationInfo deps::Vector{Any} end)) test_ex(StructDefinition{false}(api.structs[:VkExtent2D]), :( struct _Extent2D <: VulkanStruct{false} vks::VkExtent2D end)) test_ex(StructDefinition{false}(api.structs[:VkExternalBufferProperties]), :( struct _ExternalBufferProperties <: VulkanStruct{true} vks::VkExternalBufferProperties deps::Vector{Any} end )) test_ex(StructDefinition{false}(api.structs[:VkPipelineExecutableInternalRepresentationKHR]), :( struct _PipelineExecutableInternalRepresentationKHR <: VulkanStruct{true} vks::VkPipelineExecutableInternalRepresentationKHR deps::Vector{Any} end )) test_ex(StructDefinition{false}(api.structs[:VkDescriptorSetAllocateInfo]), :( struct _DescriptorSetAllocateInfo <: VulkanStruct{true} vks::VkDescriptorSetAllocateInfo deps::Vector{Any} descriptor_pool::DescriptorPool end )) test_ex(StructDefinition{false}(api.structs[:VkAccelerationStructureBuildGeometryInfoKHR]), :( struct _AccelerationStructureBuildGeometryInfoKHR <: VulkanStruct{true} vks::VkAccelerationStructureBuildGeometryInfoKHR deps::Vector{Any} src_acceleration_structure::OptionalPtr{AccelerationStructureKHR} dst_acceleration_structure::OptionalPtr{AccelerationStructureKHR} end )) end @testset "Friendly constructors" begin test_ex(Constructor(StructDefinition{false}(api.structs[:VkPhysicalDeviceProperties])), :( function _PhysicalDeviceProperties(api_version::VersionNumber, driver_version::VersionNumber, vendor_id::Integer, device_id::Integer, device_type::PhysicalDeviceType, device_name::AbstractString, pipeline_cache_uuid::NTuple{Int(VK_UUID_SIZE), UInt8}, limits::_PhysicalDeviceLimits, sparse_properties::_PhysicalDeviceSparseProperties) _PhysicalDeviceProperties(VkPhysicalDeviceProperties(to_vk(UInt32, api_version), to_vk(UInt32, driver_version), vendor_id, device_id, device_type, device_name, pipeline_cache_uuid, limits.vks, sparse_properties.vks)) end )) test_ex(Constructor(StructDefinition{false}(api.structs[:VkInstanceCreateInfo])), :( function _InstanceCreateInfo(enabled_layer_names::AbstractArray, enabled_extension_names::AbstractArray; next=C_NULL, flags=0, application_info=C_NULL) enabled_layer_count = pointer_length(enabled_layer_names) enabled_extension_count = pointer_length(enabled_extension_names) next = cconvert(Ptr{Cvoid}, next) application_info = cconvert(Ptr{VkApplicationInfo}, application_info) enabled_layer_names = cconvert(Ptr{Cstring}, enabled_layer_names) enabled_extension_names = cconvert(Ptr{Cstring}, enabled_extension_names) deps = Any[ next, application_info, enabled_layer_names, enabled_extension_names ] vks = VkInstanceCreateInfo(structure_type(VkInstanceCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, unsafe_convert(Ptr{VkApplicationInfo}, application_info), enabled_layer_count, unsafe_convert(Ptr{Cstring}, enabled_layer_names), enabled_extension_count, unsafe_convert(Ptr{Cstring}, enabled_extension_names), ) _InstanceCreateInfo(vks, deps) end )) test_ex(Constructor(StructDefinition{false}(api.structs[:VkSubpassSampleLocationsEXT])), :( function _SubpassSampleLocationsEXT(subpass_index::Integer, sample_locations_info::_SampleLocationsInfoEXT) _SubpassSampleLocationsEXT(VkSubpassSampleLocationsEXT(subpass_index, sample_locations_info.vks)) end )) test_ex(Constructor(StructDefinition{false}(api.structs[:VkDebugUtilsMessengerCreateInfoEXT])), :( function _DebugUtilsMessengerCreateInfoEXT(message_severity::DebugUtilsMessageSeverityFlagEXT, message_type::DebugUtilsMessageTypeFlagEXT, pfn_user_callback::FunctionPtr; next = C_NULL, flags = 0, user_data = C_NULL) next = cconvert(Ptr{Cvoid}, next) user_data = cconvert(Ptr{Cvoid}, user_data) deps = Any[next, user_data] vks = VkDebugUtilsMessengerCreateInfoEXT(structure_type(VkDebugUtilsMessengerCreateInfoEXT), unsafe_convert(Ptr{Cvoid}, next), flags, message_severity, message_type, pfn_user_callback, unsafe_convert(Ptr{Cvoid}, user_data)) _DebugUtilsMessengerCreateInfoEXT(vks, deps) end )) test_ex(Constructor(StructDefinition{false}(api.structs[:VkDescriptorSetAllocateInfo])), :( function _DescriptorSetAllocateInfo(descriptor_pool, set_layouts::AbstractArray; next = C_NULL) descriptor_set_count = pointer_length(set_layouts) next = cconvert(Ptr{Cvoid}, next) set_layouts = cconvert(Ptr{VkDescriptorSetLayout}, set_layouts) deps = Any[next, set_layouts] vks = VkDescriptorSetAllocateInfo(structure_type(VkDescriptorSetAllocateInfo), unsafe_convert(Ptr{Cvoid}, next), descriptor_pool, descriptor_set_count, unsafe_convert(Ptr{VkDescriptorSetLayout}, set_layouts)) _DescriptorSetAllocateInfo(vks, deps, descriptor_pool) end )) test_ex(Constructor(StructDefinition{false}(api.structs[:VkPipelineShaderStageCreateInfo])), :( function _PipelineShaderStageCreateInfo(stage::ShaderStageFlag, _module, name::AbstractString; next = C_NULL, flags = 0, specialization_info = C_NULL) next = cconvert(Ptr{Cvoid}, next) name = cconvert(Cstring, name) specialization_info = cconvert(Ptr{VkSpecializationInfo}, specialization_info) deps = Any[next, name, specialization_info] vks = VkPipelineShaderStageCreateInfo(structure_type(VkPipelineShaderStageCreateInfo), unsafe_convert(Ptr{Cvoid}, next), flags, VkShaderStageFlagBits(stage.val), _module, unsafe_convert(Cstring, name), unsafe_convert(Ptr{VkSpecializationInfo}, specialization_info)) _PipelineShaderStageCreateInfo(vks, deps, _module) end )) test_ex(Constructor(StructDefinition{false}(api.structs[:VkDescriptorImageInfo])), :( function _DescriptorImageInfo(sampler, image_view, image_layout::ImageLayout) _DescriptorImageInfo(VkDescriptorImageInfo(sampler, image_view, image_layout), sampler, image_view) end )) test_ex(Constructor(StructDefinition{false}(api.structs[:VkDescriptorSetLayoutBinding])), :( function _DescriptorSetLayoutBinding(binding::Integer, descriptor_type::DescriptorType, stage_flags::ShaderStageFlag; descriptor_count = 0, immutable_samplers = C_NULL) immutable_samplers = cconvert(Ptr{VkSampler}, immutable_samplers) deps = Any[immutable_samplers] vks = VkDescriptorSetLayoutBinding(binding, descriptor_type, descriptor_count, stage_flags, unsafe_convert(Ptr{VkSampler}, immutable_samplers)) _DescriptorSetLayoutBinding(vks, deps) end )) test_ex(Constructor(StructDefinition{false}(api.structs[:VkXcbSurfaceCreateInfoKHR])), :( function _XcbSurfaceCreateInfoKHR(connection::Ptr{vk.xcb_connection_t}, window::vk.xcb_window_t; next = C_NULL, flags = 0) next = cconvert(Ptr{Cvoid}, next) connection = cconvert(Ptr{vk.xcb_connection_t}, connection) deps = Any[next, connection] vks = VkXcbSurfaceCreateInfoKHR(structure_type(VkXcbSurfaceCreateInfoKHR), unsafe_convert(Ptr{Cvoid}, next), flags, unsafe_convert(Ptr{vk.xcb_connection_t}, connection), window) _XcbSurfaceCreateInfoKHR(vks, deps) end )) end @testset "Manual tweaks" begin test_ex(Constructor(StructDefinition{false}(api.structs[:VkWriteDescriptorSet])), :( function _WriteDescriptorSet(dst_set, dst_binding::Integer, dst_array_element::Integer, descriptor_type::DescriptorType, image_info::AbstractArray, buffer_info::AbstractArray, texel_buffer_view::AbstractArray; next = C_NULL, descriptor_count = max(pointer_length(image_info), pointer_length(buffer_info), pointer_length(texel_buffer_view))) next = cconvert(Ptr{Cvoid}, next) image_info = cconvert(Ptr{VkDescriptorImageInfo}, image_info) buffer_info = cconvert(Ptr{VkDescriptorBufferInfo}, buffer_info) texel_buffer_view = cconvert(Ptr{VkBufferView}, texel_buffer_view) deps = Any[next, image_info, buffer_info, texel_buffer_view] vks = VkWriteDescriptorSet(structure_type(VkWriteDescriptorSet), unsafe_convert(Ptr{Cvoid}, next), dst_set, dst_binding, dst_array_element, descriptor_count, descriptor_type, unsafe_convert(Ptr{VkDescriptorImageInfo}, image_info), unsafe_convert(Ptr{VkDescriptorBufferInfo}, buffer_info), unsafe_convert(Ptr{VkBufferView}, texel_buffer_view)) _WriteDescriptorSet(vks, deps, dst_set) end )) end end;
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
1324
@testset "Unions" begin @testset "Low-level" begin test_ex(StructDefinition{false}(api.unions[:VkClearColorValue]), :( struct _ClearColorValue <: VulkanStruct{false} vks::VkClearColorValue end )) test_ex(StructDefinition{false}(api.unions[:VkClearValue]), :( struct _ClearValue <: VulkanStruct{false} vks::VkClearValue end )) end @testset "High-level" begin test_ex(StructDefinition{true}(api.unions[:VkClearColorValue]), :( struct ClearColorValue <: HighLevelStruct vks::VkClearColorValue end )) test_ex(StructDefinition{true}(api.unions[:VkClearValue]), :( struct ClearValue <: HighLevelStruct vks::VkClearValue end )) end @testset "Constructors" begin consts = VulkanGen.constructors(StructDefinition{true}(api.unions[:VkClearValue])) expected = [ :(ClearValue(color::ClearColorValue) = ClearValue(VkClearValue(color.vks))), :(ClearValue(depth_stencil::ClearDepthStencilValue) = ClearValue(VkClearValue(_ClearDepthStencilValue(depth_stencil).vks))), ] foreach(Base.splat(test_ex), zip(consts, expected)) end end;
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
942
f = :(f(x, y = 3; a, b = 5) = 50) doc_f = :(Core.@doc "I document function f" f) f2 = :(function f(x) println(2) return 5 end) s = :(mutable struct HandleType handle::Ptr{Nothing} end) doc_s = :(Core.@doc "I document structure s" s) c = :(const sym = val) e = :(@enum myenum a b c d) e2 = :(@cenum myotherenum::Int begin a = 1 b = 2 c = 3 d = 4 end) @testset "Expressions" begin include("exprs/utils.jl") include("exprs/deconstruct.jl") include("exprs/reconstruct.jl") @test is_broadcast(:(f.(x, y))) @test !is_broadcast(:(f(x, y))) @test !is_broadcast(:(x.y)) @test broadcast_ex(:(f(x, y)), true) == :(f.(x, y)) @test broadcast_ex(:(f(x, y)), false) == :(f(x, y)) @test prettify(concat_exs(:(x = 3), :(y = 4))) == prettify(:(x = 3; y = 4)) @test prettify(concat_exs(:( begin x = 3 end ), :(y = 4))) == prettify(:(x = 3; y = 4)) end
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git
[ "MIT" ]
0.6.21
14499ab752f08ebfc0e162a718c127b29997883c
code
1009
s1 = SnakeCaseLower("my_naming_convention") s2 = SnakeCaseUpper("VK_STRUCTURE_TYPE_PIPELINE") c1 = CamelCaseLower("vkCreateCommandBuffer") c2 = CamelCaseUpper("VkInstanceCreateInfo") s2_novk = SnakeCaseUpper("STRUCTURE_TYPE_PIPELINE") c1_novk = CamelCaseLower("createCommandBuffer") c2_novk = CamelCaseUpper("InstanceCreateInfo") const_s1 = SnakeCaseLower("this_is_some_message") const_s2 = SnakeCaseUpper("THIS_IS_SOME_MESSAGE") const_c1 = CamelCaseLower("thisIsSomeMessage") const_c2 = CamelCaseUpper("ThisIsSomeMessage") longstr = SnakeCaseLower("my_snake_case_with_many_words") camel_split_l_c1 = CamelCaseLower("myCamel2") camel_split_l_c2 = CamelCaseLower("myCamel2KHRExt") camel_split_l_c3 = CamelCaseLower("myCamel2Ext4") camel_split_u_c1 = CamelCaseUpper("MyCamel2") camel_split_u_c2 = CamelCaseUpper("MyCamel2KHRExt") camel_split_u_c3 = CamelCaseUpper("MyCamel2Ext4") @testset "Naming conventions" begin include("naming_conventions/lib.jl") include("naming_conventions/vulkan.jl") end
Vulkan
https://github.com/JuliaGPU/Vulkan.jl.git